From 5db585890a03b6d905a4473cc799d78ded292273 Mon Sep 17 00:00:00 2001 From: root Date: Tue, 16 Sep 2025 13:34:23 +0800 Subject: [PATCH] add inital flow_grpo --- ppdiffusers/examples/flow_grpo/LICENSE | 21 + ppdiffusers/examples/flow_grpo/config/base.py | 127 + ppdiffusers/examples/flow_grpo/config/dpo.py | 124 + ppdiffusers/examples/flow_grpo/config/grpo.py | 527 + ppdiffusers/examples/flow_grpo/config/sft.py | 124 + .../flow_grpo/dataset/counting_edit/README.md | 17 + .../dataset/counting_edit/metadata.jsonl | 310 + .../dataset/counting_edit/output.jsonl | 930 + .../dataset/counting_edit/process_data.py | 98 + .../dataset/counting_edit/split_train_test.py | 45 + .../dataset/counting_edit/test_metadata.jsonl | 112 + .../counting_edit/train_metadata.jsonl | 818 + .../flow_grpo/dataset/drawbench/test.txt | 1000 + .../flow_grpo/dataset/drawbench/train.txt | 1 + .../dataset/geneval/test_metadata.jsonl | 2212 + .../dataset/geneval/train_metadata.jsonl | 50000 ++++++++++++++++ .../flow_grpo/dataset/geneval_filter_test.py | 42 + .../test_metadata.jsonl | 1024 + .../train_metadata.jsonl | 50000 ++++++++++++++++ .../flow_grpo/dataset/merge_genevaltask.py | 86 + .../examples/flow_grpo/dataset/ocr/test.txt | 1018 + .../examples/flow_grpo/dataset/ocr/train.txt | 19653 ++++++ .../flow_grpo/dataset/pickscore/prpocess.py | 42 + .../flow_grpo/dataset/pickscore/test.txt | 2048 + .../flow_grpo/dataset/pickscore/train.txt | 25432 ++++++++ .../flow_grpo/flow_grpo/aesthetic_scorer.py | 66 + .../flow_grpo/flow_grpo/assets/activities.txt | 3 + .../flow_grpo/assets/activities_v0.txt | 3 + .../flow_grpo/assets/imagenet_classes.txt | 1000 + .../assets/sac+logos+ava1-l14-linearMSE.pth | Bin 0 -> 3714759 bytes .../flow_grpo/assets/simple_animals.txt | 45 + .../flow_grpo/assets/simple_ocr_animals.txt | 5 + .../assets/simple_ocr_animals_digit1.txt | 45 + .../assets/simple_ocr_animals_digit3.txt | 45 + .../assets/simple_ocr_animals_digit5.txt | 50 + .../flow_grpo/flow_grpo/assets/test.jpg | Bin 0 -> 41428 bytes .../flow_grpo/flow_grpo/clip_scorer.py | 111 + .../sd3_pipeline_with_logprob.py | 238 + .../sd3_pipeline_with_logprob_s1.py | 219 + .../diffusers_patch/sd3_sde_with_logprob.py | 91 + .../sd3_sde_with_logprob_s1.py | 95 + .../train_dreambooth_lora_sd3.py | 150 + .../examples/flow_grpo/flow_grpo/ema.py | 104 + .../flow_grpo/flow_grpo/imagereward_scorer.py | 53 + .../examples/flow_grpo/flow_grpo/ocr.py | 90 + .../flow_grpo/flow_grpo/pickscore_scorer.py | 82 + .../examples/flow_grpo/flow_grpo/prompts.py | 109 + .../examples/flow_grpo/flow_grpo/qwenvl.py | 134 + .../examples/flow_grpo/flow_grpo/rewards.py | 501 + .../flow_grpo/flow_grpo/stat_tracking.py | 96 + ppdiffusers/examples/flow_grpo/gen.sh | 20 + ppdiffusers/examples/flow_grpo/inference.py | 32 + .../accelerate_configs/deepspeed_zero1.yaml | 10 + .../accelerate_configs/deepspeed_zero2.yaml | 12 + .../accelerate_configs/deepspeed_zero3.yaml | 13 + .../scripts/accelerate_configs/multi_gpu.yaml | 7 + .../accelerate_configs/multi_node.yaml | 17 + .../examples/flow_grpo/scripts/train_sd3.py | 1016 + 58 files changed, 160273 insertions(+) create mode 100644 ppdiffusers/examples/flow_grpo/LICENSE create mode 100644 ppdiffusers/examples/flow_grpo/config/base.py create mode 100644 ppdiffusers/examples/flow_grpo/config/dpo.py create mode 100644 ppdiffusers/examples/flow_grpo/config/grpo.py create mode 100644 ppdiffusers/examples/flow_grpo/config/sft.py create mode 100644 ppdiffusers/examples/flow_grpo/dataset/counting_edit/README.md create mode 100644 ppdiffusers/examples/flow_grpo/dataset/counting_edit/metadata.jsonl create mode 100644 ppdiffusers/examples/flow_grpo/dataset/counting_edit/output.jsonl create mode 100644 ppdiffusers/examples/flow_grpo/dataset/counting_edit/process_data.py create mode 100644 ppdiffusers/examples/flow_grpo/dataset/counting_edit/split_train_test.py create mode 100644 ppdiffusers/examples/flow_grpo/dataset/counting_edit/test_metadata.jsonl create mode 100644 ppdiffusers/examples/flow_grpo/dataset/counting_edit/train_metadata.jsonl create mode 100644 ppdiffusers/examples/flow_grpo/dataset/drawbench/test.txt create mode 100644 ppdiffusers/examples/flow_grpo/dataset/drawbench/train.txt create mode 100644 ppdiffusers/examples/flow_grpo/dataset/geneval/test_metadata.jsonl create mode 100644 ppdiffusers/examples/flow_grpo/dataset/geneval/train_metadata.jsonl create mode 100644 ppdiffusers/examples/flow_grpo/dataset/geneval_filter_test.py create mode 100644 ppdiffusers/examples/flow_grpo/dataset/geneval_unseen_objects/test_metadata.jsonl create mode 100644 ppdiffusers/examples/flow_grpo/dataset/geneval_unseen_objects/train_metadata.jsonl create mode 100644 ppdiffusers/examples/flow_grpo/dataset/merge_genevaltask.py create mode 100644 ppdiffusers/examples/flow_grpo/dataset/ocr/test.txt create mode 100644 ppdiffusers/examples/flow_grpo/dataset/ocr/train.txt create mode 100644 ppdiffusers/examples/flow_grpo/dataset/pickscore/prpocess.py create mode 100644 ppdiffusers/examples/flow_grpo/dataset/pickscore/test.txt create mode 100644 ppdiffusers/examples/flow_grpo/dataset/pickscore/train.txt create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/aesthetic_scorer.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/activities.txt create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/activities_v0.txt create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/imagenet_classes.txt create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/sac+logos+ava1-l14-linearMSE.pth create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_animals.txt create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals.txt create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit1.txt create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit3.txt create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit5.txt create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/assets/test.jpg create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/clip_scorer.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_pipeline_with_logprob.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_pipeline_with_logprob_s1.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_sde_with_logprob.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_sde_with_logprob_s1.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/train_dreambooth_lora_sd3.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/ema.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/imagereward_scorer.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/ocr.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/pickscore_scorer.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/prompts.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/qwenvl.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/rewards.py create mode 100644 ppdiffusers/examples/flow_grpo/flow_grpo/stat_tracking.py create mode 100644 ppdiffusers/examples/flow_grpo/gen.sh create mode 100644 ppdiffusers/examples/flow_grpo/inference.py create mode 100644 ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero1.yaml create mode 100644 ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero2.yaml create mode 100644 ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero3.yaml create mode 100644 ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/multi_gpu.yaml create mode 100644 ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/multi_node.yaml create mode 100644 ppdiffusers/examples/flow_grpo/scripts/train_sd3.py diff --git a/ppdiffusers/examples/flow_grpo/LICENSE b/ppdiffusers/examples/flow_grpo/LICENSE new file mode 100644 index 000000000..125f60c74 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/LICENSE @@ -0,0 +1,21 @@ +MIT License + +Copyright (c) 2025 Jie Liu + +Permission is hereby granted, free of charge, to any person obtaining a copy +of this software and associated documentation files (the "Software"), to deal +in the Software without restriction, including without limitation the rights +to use, copy, modify, merge, publish, distribute, sublicense, and/or sell +copies of the Software, and to permit persons to whom the Software is +furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all +copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR +IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, +FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE +AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER +LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, +OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE +SOFTWARE. diff --git a/ppdiffusers/examples/flow_grpo/config/base.py b/ppdiffusers/examples/flow_grpo/config/base.py new file mode 100644 index 000000000..8b464bc54 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/config/base.py @@ -0,0 +1,127 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# http://www.apache.org/licenses/LICENSE-2.0 +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import ml_collections + + +def get_config(): + config = ml_collections.ConfigDict() + + # General # + # run name for wandb logging and checkpoint saving -- if not provided, will be auto-generated based on the datetime. + config.run_name = "" + # random seed for reproducibility. + config.seed = 42 + # top-level logging directory for checkpoint saving. + config.logdir = "logs" + # number of epochs between saving model checkpoints. + config.save_freq = 20 + # number of epochs between evaluating the model. + config.eval_freq = 20 + # number of checkpoints to keep before overwriting old ones. + config.num_checkpoint_limit = 5 + # mixed precision training. options are "fp16", "bf16", and "no". half-precision speeds up training significantly. + config.mixed_precision = "bf16" + # allow tf32 on Ampere GPUs, which can speed up training. + # config.allow_tf32 = True + # The selected gpu id -1 means use cpu + config.device_id = 0 + # whether or not to use LoRA. + config.use_lora = True + config.dataset = "/root/paddlejob/workspace/env_run/gxl/flow_grpo/dataset/drawbench" + config.resolution = 768 + + # Pretrained Model # + config.pretrained = pretrained = ml_collections.ConfigDict() + # base model to load. either a path to a local directory, or a model name from the HuggingFace model hub. + pretrained.model = "runwayml/stable-diffusion-v1-5" + # revision of the model to load. + pretrained.revision = "main" + + # Sampling # + config.sample = sample = ml_collections.ConfigDict() + # number of sampler inference steps for collecting dataset. + sample.num_steps = 40 + # number of sampler inference steps for evaluation. + sample.eval_num_steps = 40 + # classifier-free guidance weight. 1.0 is no guidance. + sample.guidance_scale = 4.5 + # batch size (per GPU!) to use for sampling. + sample.train_batch_size = 1 + sample.num_image_per_prompt = 1 + sample.test_batch_size = 1 + # number of batches to sample per epoch. the total number of samples per epoch is `num_batches_per_epoch * + # batch_size * num_gpus`. + sample.num_batches_per_epoch = 2 + # Whether use all samples in a batch to compute std + sample.global_std = True + # noise level + sample.noise_level = 0.7 + # Whether to use the same noise for the same prompt + sample.same_latent = False + + # Training # + config.train = train = ml_collections.ConfigDict() + # batch size (per GPU!) to use for training. + train.batch_size = 1 + # whether to use the 8bit Adam optimizer from bitsandbytes. + train.use_8bit_adam = False + # learning rate. + train.learning_rate = 3e-4 + # Adam beta1. + train.adam_beta1 = 0.9 + # Adam beta2. + train.adam_beta2 = 0.999 + # Adam weight decay. + train.adam_weight_decay = 1e-4 + # Adam epsilon. + train.adam_epsilon = 1e-8 + # number of gradient accumulation steps. the effective batch size is `batch_size * num_gpus * + # gradient_accumulation_steps`. + train.gradient_accumulation_steps = 1 + # maximum gradient norm for gradient clipping. + train.max_grad_norm = 1.0 + # number of inner epochs per outer epoch. each inner epoch is one iteration through the data collected during one + # outer epoch's round of sampling. + train.num_inner_epochs = 1 + # whether or not to use classifier-free guidance during training. if enabled, the same guidance scale used during + # sampling will be used during training. + train.cfg = True + # clip advantages to the range [-adv_clip_max, adv_clip_max]. + train.adv_clip_max = 5 + # the PPO clip range. + train.clip_range = 1e-4 + # the fraction of timesteps to train on. if set to less than 1.0, the model will be trained on a subset of the + # timesteps for each sample. this will speed up training but reduce the accuracy of policy gradient estimates. + train.timestep_fraction = 1.0 + # kl ratio + train.beta = 0.0 + # pretrained lora path + train.lora_path = None + # save ema model + train.ema = False + + # Prompt Function # + # prompt function to use. see `prompts.py` for available prompt functions. + config.prompt_fn = "imagenet_animals" + # kwargs to pass to the prompt function. + config.prompt_fn_kwargs = {} + + # Reward Function # + # reward function to use. see `rewards.py` for available reward functions. + config.reward_fn = ml_collections.ConfigDict() + config.save_dir = "" + + # Per-Prompt Stat Tracking # + config.per_prompt_stat_tracking = True + + return config diff --git a/ppdiffusers/examples/flow_grpo/config/dpo.py b/ppdiffusers/examples/flow_grpo/config/dpo.py new file mode 100644 index 000000000..a4f658081 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/config/dpo.py @@ -0,0 +1,124 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import imp +import os + +base = imp.load_source("base", os.path.join(os.path.dirname(__file__), "base.py")) + + +def compressibility(): + config = base.get_config() + + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + config.use_lora = True + + config.sample.batch_size = 8 + config.sample.num_batches_per_epoch = 4 + + config.train.batch_size = 4 + config.train.gradient_accumulation_steps = 2 + + # prompting + config.prompt_fn = "general_ocr" + + # rewards + config.reward_fn = {"jpeg_compressibility": 1} + config.per_prompt_stat_tracking = True + return config + + +def geneval_sd3(): + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/geneval") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 40 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 24 + config.sample.num_image_per_prompt = 24 + config.sample.num_batches_per_epoch = 1 + config.sample.test_batch_size = 14 # This bs is a special design, the test set has a total of 2212, to make gpu_num*bs*n as close as possible to 2212, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.algorithm = "dpo" + # Change ref_update_step to a small number, e.g., 40, to switch to OnlineDPO. + config.train.ref_update_step = 10000000 + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = 1 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 100 + config.sample.global_std = True + config.train.ema = True + config.save_freq = 40 # epoch + config.eval_freq = 40 + config.save_dir = "logs/geneval/sd3.5-M-dpo" + config.reward_fn = { + "geneval": 1.0, + } + + config.prompt_fn = "geneval" + + config.per_prompt_stat_tracking = True + return config + + +def pickscore_sd3(): + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 40 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 24 + config.sample.num_image_per_prompt = 24 + config.sample.num_batches_per_epoch = 1 + config.sample.test_batch_size = 16 # # This bs is a special design, the test set has a total of 2048, to make gpu_num*bs*n as close as possible to 2048, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.algorithm = "dpo" + # Change ref_update_step to a small number, e.g., 40, to switch to OnlineDPO. + config.train.ref_update_step = 10000000 + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = 1 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 100 + config.sample.global_std = True + config.train.ema = True + config.save_freq = 60 # epoch + config.eval_freq = 60 + config.save_dir = "logs/pickscore/sd3.5-M-dpo" + config.reward_fn = { + "pickscore": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def get_config(name): + return globals()[name]() diff --git a/ppdiffusers/examples/flow_grpo/config/grpo.py b/ppdiffusers/examples/flow_grpo/config/grpo.py new file mode 100644 index 000000000..dd0a3687b --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/config/grpo.py @@ -0,0 +1,527 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import imp +import os + +base = imp.load_source("base", os.path.join(os.path.dirname(__file__), "base.py")) + + +def compressibility(): + config = base.get_config() + + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + config.use_lora = True + + config.sample.batch_size = 8 + config.sample.num_batches_per_epoch = 4 + + config.train.batch_size = 4 + config.train.gradient_accumulation_steps = 2 + + # prompting + config.prompt_fn = "general_ocr" + + # rewards + config.reward_fn = {"jpeg_compressibility": 1} + config.per_prompt_stat_tracking = True + return config + + +def general_ocr_sd3(): + gpu_number = 32 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/ocr") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 10 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 9 + config.sample.num_image_per_prompt = 24 + config.sample.num_batches_per_epoch = int( + 48 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 16 # 16 is a special design, the test set has a total of 1018, to make 8*16*n as close as possible to 1018, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + # kl loss + config.train.beta = 0.04 + # Whether to use the std of all samples or the current group's. + config.sample.global_std = True + # Whether to use the same noise for the same prompt + config.sample.same_latent = False + config.train.ema = True + # A large num_epochs is intentionally set here. Training will be manually stopped once sufficient + config.save_freq = 60 # epoch + config.eval_freq = 60 + config.save_dir = "logs/ocr/sd3.5-M" + config.reward_fn = { + "ocr": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def geneval_sd3(): + gpu_number = 4 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/geneval") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 10 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 4 + config.sample.num_image_per_prompt = 4 + config.sample.num_batches_per_epoch = int( + 8 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 14 # This bs is a special design, the test set has a total of 2212, to make gpu_num*bs*n as close as possible to 2212, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 0.04 + config.sample.global_std = True + config.sample.same_latent = False + config.train.ema = True + config.save_freq = 60 # epoch + config.eval_freq = 60 + config.save_dir = "logs/geneval/sd3.5-M" + config.reward_fn = { + "geneval": 1.0, + } + + config.prompt_fn = "geneval" + + config.per_prompt_stat_tracking = True + return config + + +def pickscore_sd3(): + gpu_number = 32 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 10 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 9 + config.sample.num_image_per_prompt = 24 + config.sample.num_batches_per_epoch = int( + 48 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 16 # This bs is a special design, the test set has a total of 2048, to make gpu_num*bs*n as close as possible to 2048, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 0.01 + config.sample.global_std = True + config.sample.same_latent = False + config.train.ema = True + config.save_freq = 60 # epoch + config.eval_freq = 60 + config.save_dir = "logs/pickscore/sd3.5-M" + config.reward_fn = { + "pickscore": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def clipscore_sd3(): + gpu_number = 32 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 10 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 9 + config.sample.num_image_per_prompt = 24 + config.sample.num_batches_per_epoch = int( + 48 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 16 # This bs is a special design, the test set has a total of 2048, to make gpu_num*bs*n as close as possible to 2048, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 0.02 + config.sample.global_std = True + config.sample.same_latent = True + config.train.ema = True + config.save_freq = 60 # epoch + config.eval_freq = 60 + config.save_dir = "logs/clipscore/sd3.5-M" + config.reward_fn = { + "clipscore": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def pickscore_sd3_s1(): + # gpu_number = 32 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 10 + config.sample.train_num_steps = 1 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + # 这里固定为1 + config.sample.train_batch_size = 1 + config.sample.num_image_per_prompt = 24 + config.sample.mini_num_image_per_prompt = 6 + config.sample.num_batches_per_epoch = 4 + config.sample.test_batch_size = 16 # This bs is a special design, the test set has a total of 2048, to make gpu_num*bs*n as close as possible to 2048, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.mini_num_image_per_prompt + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.clip_range = 1e-4 + config.train.beta = 0 + config.sample.global_std = True + config.sample.noise_level = 5 + config.train.ema = True + config.save_freq = 30 # epoch + config.eval_freq = 30 + config.save_dir = "logs/pickscore/sd3.5-M-s1" + config.reward_fn = { + "pickscore": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def general_ocr_sd3_4gpu(): + gpu_number = 8 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/ocr") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 10 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 4 + config.sample.num_image_per_prompt = 4 + config.sample.num_batches_per_epoch = int( + 16 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 16 # 16 is a special design, the test set has a total of 1018, to make 8*16*n as close as possible to 1018, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + # kl loss + config.train.beta = 0.04 + # Whether to use the std of all samples or the current group's. + config.sample.global_std = True + config.sample.same_latent = False + config.train.ema = True + # A large num_epochs is intentionally set here. Training will be manually stopped once sufficient + config.save_freq = 60 # epoch + config.eval_freq = 60 + config.save_dir = "logs/ocr/sd3.5-M" + config.reward_fn = { + "ocr": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def pickscore_sd3_4gpu(): + gpu_number = 8 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 10 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 8 + config.sample.num_image_per_prompt = 16 + config.sample.num_batches_per_epoch = int( + 32 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 16 # This bs is a special design, the test set has a total of 2048, to make gpu_num*bs*n as close as possible to 2048, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 0.01 + config.sample.global_std = True + config.sample.same_latent = False + config.train.ema = True + config.save_freq = 60 # epoch + config.eval_freq = 60 + config.save_dir = "logs/pickscore/sd3.5-M" + config.reward_fn = { + "pickscore": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def general_ocr_sd3_1gpu(): + gpu_number = 8 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 10 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 4 + config.sample.num_image_per_prompt = 4 + config.sample.num_batches_per_epoch = int( + 64 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 16 # 16 is a special design, the test set has a total of 1018, to make 8*16*n as close as possible to 1018, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + # kl loss + config.train.beta = 0.04 + # Whether to use the std of all samples or the current group's. + config.sample.global_std = True + config.sample.same_latent = False + config.train.ema = True + config.save_freq = 60 # epoch + config.eval_freq = 60 + config.save_dir = "logs/ocr/sd3.5-M" + config.reward_fn = { + "pickscore": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def pickscore_flux(): + gpu_number = 32 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + # flux + config.pretrained.model = "black-forest-labs/FLUX.1-dev" + config.sample.num_steps = 6 + config.sample.eval_num_steps = 28 + config.sample.guidance_scale = 3.5 + + config.resolution = 512 + config.sample.train_batch_size = 3 + config.sample.num_image_per_prompt = 24 + config.sample.num_batches_per_epoch = int( + 48 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 16 # This bs is a special design, the test set has a total of 2048, to make gpu_num*bs*n as close as possible to 2048, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 0 + config.sample.global_std = True + config.sample.same_latent = False + config.train.ema = True + config.sample.noise_level = 0.9 + config.save_freq = 30 # epoch + config.eval_freq = 30 + config.save_dir = "logs/pickscore/flux-group24" + config.reward_fn = { + "pickscore": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def pickscore_flux_8gpu(): + gpu_number = 8 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + # flux + config.pretrained.model = "black-forest-labs/FLUX.1-dev" + config.sample.num_steps = 6 + config.sample.eval_num_steps = 28 + config.sample.guidance_scale = 3.5 + + config.resolution = 512 + config.sample.train_batch_size = 3 + config.sample.num_image_per_prompt = 9 + config.sample.num_batches_per_epoch = int( + 48 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 16 # This bs is a special design, the test set has a total of 2048, to make gpu_num*bs*n as close as possible to 2048, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 0 + config.sample.global_std = True + config.sample.same_latent = False + config.train.ema = True + config.sample.noise_level = 0.9 + config.save_freq = 30 # epoch + config.eval_freq = 30 + config.save_dir = "logs/pickscore/flux-group24-8gpu" + config.reward_fn = { + "pickscore": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def counting_flux_kontext(): + gpu_number = 28 + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/counting_edit") + + # sd3.5 medium + config.pretrained.model = "black-forest-labs/FLUX.1-Kontext-dev" + config.sample.num_steps = 6 + config.sample.eval_num_steps = 28 + config.sample.guidance_scale = 2.5 + + config.resolution = 512 + config.sample.train_batch_size = 3 + config.sample.num_image_per_prompt = 21 + config.sample.num_batches_per_epoch = int( + 48 / (gpu_number * config.sample.train_batch_size / config.sample.num_image_per_prompt) + ) + assert ( + config.sample.num_batches_per_epoch % 2 == 0 + ), "Please set config.sample.num_batches_per_epoch to an even number! This ensures that config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch / 2, so that gradients are updated twice per epoch." + config.sample.test_batch_size = 2 # This bs is a special design, the test set has a total of 2048, to make gpu_num*bs*n as close as possible to 2048, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 0 + config.sample.global_std = True + config.sample.same_latent = False + config.train.ema = True + config.sample.noise_level = 0.9 + config.save_freq = 30 # epoch + config.eval_freq = 30 + config.save_dir = "logs/counting_edit/flux_kontext" + config.reward_fn = { + "image_similarity": 0.5, + "geneval": 0.5, + } + config.per_prompt_stat_tracking = True + return config + + +def get_config(name): + return globals()[name]() diff --git a/ppdiffusers/examples/flow_grpo/config/sft.py b/ppdiffusers/examples/flow_grpo/config/sft.py new file mode 100644 index 000000000..1fee383d0 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/config/sft.py @@ -0,0 +1,124 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import imp +import os + +base = imp.load_source("base", os.path.join(os.path.dirname(__file__), "base.py")) + + +def compressibility(): + config = base.get_config() + + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + config.use_lora = True + + config.sample.batch_size = 8 + config.sample.num_batches_per_epoch = 4 + + config.train.batch_size = 4 + config.train.gradient_accumulation_steps = 2 + + # prompting + config.prompt_fn = "general_ocr" + + # rewards + config.reward_fn = {"jpeg_compressibility": 1} + config.per_prompt_stat_tracking = True + return config + + +def geneval_sd3(): + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/geneval") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 40 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 24 + config.sample.num_image_per_prompt = 24 + config.sample.num_batches_per_epoch = 1 + config.sample.test_batch_size = 14 # This bs is a special design, the test set has a total of 2212, to make gpu_num*bs*n as close as possible to 2212, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.algorithm = "sft" + # Change ref_update_step to a small number, e.g., 40, to switch to OnlineSFT. + config.train.ref_update_step = 10000000 + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = 1 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 100 + config.sample.global_std = True + config.train.ema = True + config.save_freq = 40 # epoch + config.eval_freq = 40 + config.save_dir = "logs/geneval/sd3.5-M-sft" + config.reward_fn = { + "geneval": 1.0, + } + + config.prompt_fn = "geneval" + + config.per_prompt_stat_tracking = True + return config + + +def pickscore_sd3(): + config = compressibility() + config.dataset = os.path.join(os.getcwd(), "dataset/pickscore") + + # sd3.5 medium + config.pretrained.model = "stabilityai/stable-diffusion-3.5-medium" + config.sample.num_steps = 40 + config.sample.eval_num_steps = 40 + config.sample.guidance_scale = 4.5 + + config.resolution = 512 + config.sample.train_batch_size = 24 + config.sample.num_image_per_prompt = 24 + config.sample.num_batches_per_epoch = 1 + config.sample.test_batch_size = 16 # # This bs is a special design, the test set has a total of 2048, to make gpu_num*bs*n as close as possible to 2048, because when the number of samples cannot be divided evenly by the number of cards, multi-card will fill the last batch to ensure each card has the same number of samples, affecting gradient synchronization. + + config.train.algorithm = "sft" + # Change ref_update_step to a small number, e.g., 40, to switch to OnlineSFT. + config.train.ref_update_step = 10000000 + + config.train.batch_size = config.sample.train_batch_size + config.train.gradient_accumulation_steps = config.sample.num_batches_per_epoch // 2 + config.train.num_inner_epochs = 1 + config.train.timestep_fraction = 0.99 + config.train.beta = 100 + config.sample.global_std = True + config.train.ema = True + config.save_freq = 60 # epoch + config.eval_freq = 60 + config.save_dir = "logs/pickscore/sd3.5-M-sft" + config.reward_fn = { + "pickscore": 1.0, + } + + config.prompt_fn = "general_ocr" + + config.per_prompt_stat_tracking = True + return config + + +def get_config(name): + return globals()[name]() diff --git a/ppdiffusers/examples/flow_grpo/dataset/counting_edit/README.md b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/README.md new file mode 100644 index 000000000..2c4cd54eb --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/README.md @@ -0,0 +1,17 @@ +## How to generate counting_edit dataset + +1. Use [create\_prompts.py](https://github.com/djghosh13/geneval/blob/main/prompts/create_prompts.py) to create prompts for the counting task. +2. Run `python process_data.py` to create the edited data. + +The edited data retains the Geneval format to facilitate using Geneval for evaluating counting as a reward. The meanings of the specific keys are as follows: + +``` +{ + "tag": "counting", + "include": [{"class": "clock", "count": 2}], + "exclude": [{"class": "clock", "count": 3}], + "t2i_prompt": "a photo of three clocks", # Original prompt used to generate the image + "prompt": "Change the number of clock in the image to two.", # Editing prompt + "image": "generated_images/image_43.jpg" # The image generated using the t2i_prompt +} +``` diff --git a/ppdiffusers/examples/flow_grpo/dataset/counting_edit/metadata.jsonl b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/metadata.jsonl new file mode 100644 index 000000000..446560886 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/metadata.jsonl @@ -0,0 +1,310 @@ +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "t2i_prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "t2i_prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "t2i_prompt": "a photo of four traffic lights"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "t2i_prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "book", "count": 1}], "exclude": [{"class": "book", "count": 2}], "t2i_prompt": "a photo of one books"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "t2i_prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "t2i_prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "t2i_prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "t2i_prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "t2i_prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "t2i_prompt": "a photo of three wine glasses"} +{"tag": "counting", "include": [{"class": "skis", "count": 1}], "exclude": [{"class": "skis", "count": 2}], "t2i_prompt": "a photo of one skises"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "t2i_prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "t2i_prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "t2i_prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "pizza", "count": 1}], "exclude": [{"class": "pizza", "count": 2}], "t2i_prompt": "a photo of one pizzas"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "t2i_prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "t2i_prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 1}], "exclude": [{"class": "cell phone", "count": 2}], "t2i_prompt": "a photo of one cell phones"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "t2i_prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "t2i_prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "t2i_prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 1}], "exclude": [{"class": "motorcycle", "count": 2}], "t2i_prompt": "a photo of one motorcycles"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 1}], "exclude": [{"class": "fire hydrant", "count": 2}], "t2i_prompt": "a photo of one fire hydrants"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "t2i_prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 1}], "exclude": [{"class": "traffic light", "count": 2}], "t2i_prompt": "a photo of one traffic lights"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "t2i_prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "t2i_prompt": "a photo of three fire hydrants"} +{"tag": "counting", "include": [{"class": "bench", "count": 1}], "exclude": [{"class": "bench", "count": 2}], "t2i_prompt": "a photo of one benchs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "t2i_prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "sheep", "count": 1}], "exclude": [{"class": "sheep", "count": 2}], "t2i_prompt": "a photo of one sheeps"} +{"tag": "counting", "include": [{"class": "zebra", "count": 1}], "exclude": [{"class": "zebra", "count": 2}], "t2i_prompt": "a photo of one zebras"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "t2i_prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "t2i_prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "horse", "count": 1}], "exclude": [{"class": "horse", "count": 2}], "t2i_prompt": "a photo of one horses"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "t2i_prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "t2i_prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "apple", "count": 1}], "exclude": [{"class": "apple", "count": 2}], "t2i_prompt": "a photo of one apples"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "t2i_prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "t2i_prompt": "a photo of four apples"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "t2i_prompt": "a photo of four frisbees"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "t2i_prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 1}], "exclude": [{"class": "computer mouse", "count": 2}], "t2i_prompt": "a photo of one computer mouses"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "t2i_prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "t2i_prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "t2i_prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "t2i_prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "t2i_prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 1}], "exclude": [{"class": "teddy bear", "count": 2}], "t2i_prompt": "a photo of one teddy bears"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "t2i_prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "t2i_prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "bottle", "count": 1}], "exclude": [{"class": "bottle", "count": 2}], "t2i_prompt": "a photo of one bottles"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "t2i_prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "t2i_prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "t2i_prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "t2i_prompt": "a photo of two toothbrushs"} +{"tag": "counting", "include": [{"class": "cow", "count": 1}], "exclude": [{"class": "cow", "count": 2}], "t2i_prompt": "a photo of one cows"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "t2i_prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "t2i_prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "t2i_prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "t2i_prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "spoon", "count": 1}], "exclude": [{"class": "spoon", "count": 2}], "t2i_prompt": "a photo of one spoons"} +{"tag": "counting", "include": [{"class": "vase", "count": 1}], "exclude": [{"class": "vase", "count": 2}], "t2i_prompt": "a photo of one vases"} +{"tag": "counting", "include": [{"class": "fork", "count": 1}], "exclude": [{"class": "fork", "count": 2}], "t2i_prompt": "a photo of one forks"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "t2i_prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 1}], "exclude": [{"class": "stop sign", "count": 2}], "t2i_prompt": "a photo of one stop signs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 1}], "exclude": [{"class": "airplane", "count": 2}], "t2i_prompt": "a photo of one airplanes"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "t2i_prompt": "a photo of two cars"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "t2i_prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "t2i_prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "t2i_prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "t2i_prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 1}], "exclude": [{"class": "broccoli", "count": 2}], "t2i_prompt": "a photo of one broccolis"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "t2i_prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "t2i_prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "t2i_prompt": "a photo of three books"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "t2i_prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "t2i_prompt": "a photo of four skateboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 1}], "exclude": [{"class": "tennis racket", "count": 2}], "t2i_prompt": "a photo of one tennis rackets"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "t2i_prompt": "a photo of three baseball bats"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "t2i_prompt": "a photo of four microwaves"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "t2i_prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "t2i_prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 1}], "exclude": [{"class": "tv remote", "count": 2}], "t2i_prompt": "a photo of one tv remotes"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "t2i_prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "t2i_prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "t2i_prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "t2i_prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "t2i_prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "cup", "count": 1}], "exclude": [{"class": "cup", "count": 2}], "t2i_prompt": "a photo of one cups"} +{"tag": "counting", "include": [{"class": "tie", "count": 1}], "exclude": [{"class": "tie", "count": 2}], "t2i_prompt": "a photo of one ties"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "t2i_prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "t2i_prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "t2i_prompt": "a photo of four clocks"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "t2i_prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "t2i_prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "t2i_prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "t2i_prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 1}], "exclude": [{"class": "suitcase", "count": 2}], "t2i_prompt": "a photo of one suitcases"} +{"tag": "counting", "include": [{"class": "banana", "count": 1}], "exclude": [{"class": "banana", "count": 2}], "t2i_prompt": "a photo of one bananas"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "t2i_prompt": "a photo of two toilets"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "t2i_prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "t2i_prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "t2i_prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "t2i_prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "t2i_prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "t2i_prompt": "a photo of four bowls"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "t2i_prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "t2i_prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "t2i_prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "t2i_prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "t2i_prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "t2i_prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 1}], "exclude": [{"class": "refrigerator", "count": 2}], "t2i_prompt": "a photo of one refrigerators"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "t2i_prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "t2i_prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "t2i_prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 1}], "exclude": [{"class": "toothbrush", "count": 2}], "t2i_prompt": "a photo of one toothbrushs"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "t2i_prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "toilet", "count": 1}], "exclude": [{"class": "toilet", "count": 2}], "t2i_prompt": "a photo of one toilets"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "t2i_prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "t2i_prompt": "a photo of two wine glasses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 1}], "exclude": [{"class": "bicycle", "count": 2}], "t2i_prompt": "a photo of one bicycles"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 1}], "exclude": [{"class": "sandwich", "count": 2}], "t2i_prompt": "a photo of one sandwichs"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "t2i_prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "dog", "count": 1}], "exclude": [{"class": "dog", "count": 2}], "t2i_prompt": "a photo of one dogs"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "t2i_prompt": "a photo of two beds"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "t2i_prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "t2i_prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "t2i_prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "t2i_prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "truck", "count": 1}], "exclude": [{"class": "truck", "count": 2}], "t2i_prompt": "a photo of one trucks"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "t2i_prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "t2i_prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "t2i_prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "t2i_prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "cake", "count": 1}], "exclude": [{"class": "cake", "count": 2}], "t2i_prompt": "a photo of one cakes"} +{"tag": "counting", "include": [{"class": "bus", "count": 1}], "exclude": [{"class": "bus", "count": 2}], "t2i_prompt": "a photo of one buses"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "t2i_prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "t2i_prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "t2i_prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "t2i_prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "t2i_prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "t2i_prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "t2i_prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "t2i_prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "t2i_prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "t2i_prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "t2i_prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "tv", "count": 1}], "exclude": [{"class": "tv", "count": 2}], "t2i_prompt": "a photo of one tvs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 1}], "exclude": [{"class": "computer keyboard", "count": 2}], "t2i_prompt": "a photo of one computer keyboards"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "t2i_prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "t2i_prompt": "a photo of four books"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 1}], "exclude": [{"class": "baseball bat", "count": 2}], "t2i_prompt": "a photo of one baseball bats"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "t2i_prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "t2i_prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "t2i_prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "t2i_prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "car", "count": 1}], "exclude": [{"class": "car", "count": 2}], "t2i_prompt": "a photo of one cars"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "t2i_prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "t2i_prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "t2i_prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "t2i_prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "person", "count": 1}], "exclude": [{"class": "person", "count": 2}], "t2i_prompt": "a photo of one persons"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 1}], "exclude": [{"class": "giraffe", "count": 2}], "t2i_prompt": "a photo of one giraffes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "t2i_prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "t2i_prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "t2i_prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "t2i_prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "t2i_prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "t2i_prompt": "a photo of three cups"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "t2i_prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "cat", "count": 1}], "exclude": [{"class": "cat", "count": 2}], "t2i_prompt": "a photo of one cats"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "t2i_prompt": "a photo of four dogs"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "t2i_prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 1}], "exclude": [{"class": "baseball glove", "count": 2}], "t2i_prompt": "a photo of one baseball gloves"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 1}], "exclude": [{"class": "skateboard", "count": 2}], "t2i_prompt": "a photo of one skateboards"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "t2i_prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "elephant", "count": 1}], "exclude": [{"class": "elephant", "count": 2}], "t2i_prompt": "a photo of one elephants"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "t2i_prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "t2i_prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "bed", "count": 1}], "exclude": [{"class": "bed", "count": 2}], "t2i_prompt": "a photo of one beds"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "t2i_prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "toaster", "count": 1}], "exclude": [{"class": "toaster", "count": 2}], "t2i_prompt": "a photo of one toasters"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "t2i_prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "t2i_prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "t2i_prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "t2i_prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "t2i_prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "t2i_prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "t2i_prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "t2i_prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "dining table", "count": 1}], "exclude": [{"class": "dining table", "count": 2}], "t2i_prompt": "a photo of one dining tables"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "t2i_prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "t2i_prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "t2i_prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "t2i_prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "t2i_prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "t2i_prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "t2i_prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 1}], "exclude": [{"class": "hot dog", "count": 2}], "t2i_prompt": "a photo of one hot dogs"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "t2i_prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "t2i_prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "t2i_prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "t2i_prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "t2i_prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "t2i_prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "t2i_prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 1}], "exclude": [{"class": "wine glass", "count": 2}], "t2i_prompt": "a photo of one wine glasses"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 1}], "exclude": [{"class": "umbrella", "count": 2}], "t2i_prompt": "a photo of one umbrellas"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "t2i_prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "t2i_prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "t2i_prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "t2i_prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "t2i_prompt": "a photo of two fire hydrants"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "t2i_prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "t2i_prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 1}], "exclude": [{"class": "hair drier", "count": 2}], "t2i_prompt": "a photo of one hair driers"} +{"tag": "counting", "include": [{"class": "kite", "count": 1}], "exclude": [{"class": "kite", "count": 2}], "t2i_prompt": "a photo of one kites"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "t2i_prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "t2i_prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "t2i_prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "t2i_prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "t2i_prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 1}], "exclude": [{"class": "surfboard", "count": 2}], "t2i_prompt": "a photo of one surfboards"} +{"tag": "counting", "include": [{"class": "handbag", "count": 1}], "exclude": [{"class": "handbag", "count": 2}], "t2i_prompt": "a photo of one handbags"} +{"tag": "counting", "include": [{"class": "clock", "count": 1}], "exclude": [{"class": "clock", "count": 2}], "t2i_prompt": "a photo of one clocks"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "t2i_prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "t2i_prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "t2i_prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "t2i_prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "t2i_prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "oven", "count": 1}], "exclude": [{"class": "oven", "count": 2}], "t2i_prompt": "a photo of one ovens"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "t2i_prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "t2i_prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "t2i_prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "t2i_prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "carrot", "count": 1}], "exclude": [{"class": "carrot", "count": 2}], "t2i_prompt": "a photo of one carrots"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "t2i_prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "t2i_prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "t2i_prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "donut", "count": 1}], "exclude": [{"class": "donut", "count": 2}], "t2i_prompt": "a photo of one donuts"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "t2i_prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "t2i_prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 1}], "exclude": [{"class": "frisbee", "count": 2}], "t2i_prompt": "a photo of one frisbees"} +{"tag": "counting", "include": [{"class": "microwave", "count": 1}], "exclude": [{"class": "microwave", "count": 2}], "t2i_prompt": "a photo of one microwaves"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "t2i_prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "t2i_prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "sink", "count": 1}], "exclude": [{"class": "sink", "count": 2}], "t2i_prompt": "a photo of one sinks"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "t2i_prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "t2i_prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "t2i_prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "t2i_prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "t2i_prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "bird", "count": 1}], "exclude": [{"class": "bird", "count": 2}], "t2i_prompt": "a photo of one birds"} +{"tag": "counting", "include": [{"class": "chair", "count": 1}], "exclude": [{"class": "chair", "count": 2}], "t2i_prompt": "a photo of one chairs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "t2i_prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "t2i_prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "t2i_prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "t2i_prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "t2i_prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "t2i_prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "t2i_prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "t2i_prompt": "a photo of two clocks"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "t2i_prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "t2i_prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 1}], "exclude": [{"class": "sports ball", "count": 2}], "t2i_prompt": "a photo of one sports balls"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "t2i_prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "t2i_prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "boat", "count": 1}], "exclude": [{"class": "boat", "count": 2}], "t2i_prompt": "a photo of one boats"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "t2i_prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "t2i_prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "t2i_prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "t2i_prompt": "a photo of two frisbees"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "t2i_prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "t2i_prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "t2i_prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "t2i_prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "couch", "count": 1}], "exclude": [{"class": "couch", "count": 2}], "t2i_prompt": "a photo of one couchs"} +{"tag": "counting", "include": [{"class": "orange", "count": 1}], "exclude": [{"class": "orange", "count": 2}], "t2i_prompt": "a photo of one oranges"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "t2i_prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 1}], "exclude": [{"class": "parking meter", "count": 2}], "t2i_prompt": "a photo of one parking meters"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "t2i_prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "t2i_prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "t2i_prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "t2i_prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "t2i_prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 1}], "exclude": [{"class": "scissors", "count": 2}], "t2i_prompt": "a photo of one scissorses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "t2i_prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "t2i_prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "t2i_prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "t2i_prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "t2i_prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "t2i_prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "t2i_prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "t2i_prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "t2i_prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "bear", "count": 1}], "exclude": [{"class": "bear", "count": 2}], "t2i_prompt": "a photo of one bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 1}], "exclude": [{"class": "backpack", "count": 2}], "t2i_prompt": "a photo of one backpacks"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "t2i_prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "t2i_prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "t2i_prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 1}], "exclude": [{"class": "snowboard", "count": 2}], "t2i_prompt": "a photo of one snowboards"} +{"tag": "counting", "include": [{"class": "laptop", "count": 1}], "exclude": [{"class": "laptop", "count": 2}], "t2i_prompt": "a photo of one laptops"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "t2i_prompt": "a photo of three apples"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "t2i_prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "t2i_prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "t2i_prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 1}], "exclude": [{"class": "potted plant", "count": 2}], "t2i_prompt": "a photo of one potted plants"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "t2i_prompt": "a photo of three surfboards"} diff --git a/ppdiffusers/examples/flow_grpo/dataset/counting_edit/output.jsonl b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/output.jsonl new file mode 100644 index 000000000..d5bd2e9ec --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/output.jsonl @@ -0,0 +1,930 @@ +{"tag": "counting", "include": [{"class": "cat", "count": 1}], "exclude": [{"class": "cat", "count": 2}], "t2i_prompt": "a photo of three cats", "prompt": "Change the number of cat in the image to one.", "image": "generated_images/image_0.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "t2i_prompt": "a photo of three cats", "prompt": "Change the number of cat in the image to two.", "image": "generated_images/image_0.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "t2i_prompt": "a photo of three cats", "prompt": "Change the number of cat in the image to four.", "image": "generated_images/image_0.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 1}], "exclude": [{"class": "dog", "count": 2}], "t2i_prompt": "a photo of three dogs", "prompt": "Change the number of dog in the image to one.", "image": "generated_images/image_1.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "t2i_prompt": "a photo of three dogs", "prompt": "Change the number of dog in the image to two.", "image": "generated_images/image_1.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "t2i_prompt": "a photo of three dogs", "prompt": "Change the number of dog in the image to four.", "image": "generated_images/image_1.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 1}], "exclude": [{"class": "traffic light", "count": 2}], "t2i_prompt": "a photo of four traffic lights", "prompt": "Change the number of traffic light in the image to one.", "image": "generated_images/image_2.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "t2i_prompt": "a photo of four traffic lights", "prompt": "Change the number of traffic light in the image to two.", "image": "generated_images/image_2.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "t2i_prompt": "a photo of four traffic lights", "prompt": "Change the number of traffic light in the image to three.", "image": "generated_images/image_2.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 1}], "exclude": [{"class": "sandwich", "count": 2}], "t2i_prompt": "a photo of two sandwichs", "prompt": "Change the number of sandwich in the image to one.", "image": "generated_images/image_3.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "t2i_prompt": "a photo of two sandwichs", "prompt": "Change the number of sandwich in the image to three.", "image": "generated_images/image_3.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "t2i_prompt": "a photo of two sandwichs", "prompt": "Change the number of sandwich in the image to four.", "image": "generated_images/image_3.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "t2i_prompt": "a photo of one books", "prompt": "Change the number of book in the image to two.", "image": "generated_images/image_4.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "t2i_prompt": "a photo of one books", "prompt": "Change the number of book in the image to three.", "image": "generated_images/image_4.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "t2i_prompt": "a photo of one books", "prompt": "Change the number of book in the image to four.", "image": "generated_images/image_4.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 1}], "exclude": [{"class": "bicycle", "count": 2}], "t2i_prompt": "a photo of three bicycles", "prompt": "Change the number of bicycle in the image to one.", "image": "generated_images/image_5.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "t2i_prompt": "a photo of three bicycles", "prompt": "Change the number of bicycle in the image to two.", "image": "generated_images/image_5.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "t2i_prompt": "a photo of three bicycles", "prompt": "Change the number of bicycle in the image to four.", "image": "generated_images/image_5.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 1}], "exclude": [{"class": "tv remote", "count": 2}], "t2i_prompt": "a photo of three tv remotes", "prompt": "Change the number of tv remote in the image to one.", "image": "generated_images/image_6.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "t2i_prompt": "a photo of three tv remotes", "prompt": "Change the number of tv remote in the image to two.", "image": "generated_images/image_6.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "t2i_prompt": "a photo of three tv remotes", "prompt": "Change the number of tv remote in the image to four.", "image": "generated_images/image_6.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 1}], "exclude": [{"class": "giraffe", "count": 2}], "t2i_prompt": "a photo of four giraffes", "prompt": "Change the number of giraffe in the image to one.", "image": "generated_images/image_7.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "t2i_prompt": "a photo of four giraffes", "prompt": "Change the number of giraffe in the image to two.", "image": "generated_images/image_7.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "t2i_prompt": "a photo of four giraffes", "prompt": "Change the number of giraffe in the image to three.", "image": "generated_images/image_7.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 1}], "exclude": [{"class": "sports ball", "count": 2}], "t2i_prompt": "a photo of four sports balls", "prompt": "Change the number of sports ball in the image to one.", "image": "generated_images/image_8.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "t2i_prompt": "a photo of four sports balls", "prompt": "Change the number of sports ball in the image to two.", "image": "generated_images/image_8.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "t2i_prompt": "a photo of four sports balls", "prompt": "Change the number of sports ball in the image to three.", "image": "generated_images/image_8.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 1}], "exclude": [{"class": "skis", "count": 2}], "t2i_prompt": "a photo of three skises", "prompt": "Change the number of skis in the image to one.", "image": "generated_images/image_9.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "t2i_prompt": "a photo of three skises", "prompt": "Change the number of skis in the image to two.", "image": "generated_images/image_9.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "t2i_prompt": "a photo of three skises", "prompt": "Change the number of skis in the image to four.", "image": "generated_images/image_9.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 1}], "exclude": [{"class": "wine glass", "count": 2}], "t2i_prompt": "a photo of three wine glasses", "prompt": "Change the number of wine glass in the image to one.", "image": "generated_images/image_10.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "t2i_prompt": "a photo of three wine glasses", "prompt": "Change the number of wine glass in the image to two.", "image": "generated_images/image_10.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "t2i_prompt": "a photo of three wine glasses", "prompt": "Change the number of wine glass in the image to four.", "image": "generated_images/image_10.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "t2i_prompt": "a photo of one skises", "prompt": "Change the number of skis in the image to two.", "image": "generated_images/image_11.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "t2i_prompt": "a photo of one skises", "prompt": "Change the number of skis in the image to three.", "image": "generated_images/image_11.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "t2i_prompt": "a photo of one skises", "prompt": "Change the number of skis in the image to four.", "image": "generated_images/image_11.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 1}], "exclude": [{"class": "hot dog", "count": 2}], "t2i_prompt": "a photo of four hot dogs", "prompt": "Change the number of hot dog in the image to one.", "image": "generated_images/image_12.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "t2i_prompt": "a photo of four hot dogs", "prompt": "Change the number of hot dog in the image to two.", "image": "generated_images/image_12.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "t2i_prompt": "a photo of four hot dogs", "prompt": "Change the number of hot dog in the image to three.", "image": "generated_images/image_12.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 1}], "exclude": [{"class": "train", "count": 2}], "t2i_prompt": "a photo of three trains", "prompt": "Change the number of train in the image to one.", "image": "generated_images/image_13.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "t2i_prompt": "a photo of three trains", "prompt": "Change the number of train in the image to two.", "image": "generated_images/image_13.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "t2i_prompt": "a photo of three trains", "prompt": "Change the number of train in the image to four.", "image": "generated_images/image_13.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 1}], "exclude": [{"class": "donut", "count": 2}], "t2i_prompt": "a photo of three donuts", "prompt": "Change the number of donut in the image to one.", "image": "generated_images/image_14.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "t2i_prompt": "a photo of three donuts", "prompt": "Change the number of donut in the image to two.", "image": "generated_images/image_14.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "t2i_prompt": "a photo of three donuts", "prompt": "Change the number of donut in the image to four.", "image": "generated_images/image_14.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "t2i_prompt": "a photo of one pizzas", "prompt": "Change the number of pizza in the image to two.", "image": "generated_images/image_15.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "t2i_prompt": "a photo of one pizzas", "prompt": "Change the number of pizza in the image to three.", "image": "generated_images/image_15.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "t2i_prompt": "a photo of one pizzas", "prompt": "Change the number of pizza in the image to four.", "image": "generated_images/image_15.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 1}], "exclude": [{"class": "oven", "count": 2}], "t2i_prompt": "a photo of two ovens", "prompt": "Change the number of oven in the image to one.", "image": "generated_images/image_16.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "t2i_prompt": "a photo of two ovens", "prompt": "Change the number of oven in the image to three.", "image": "generated_images/image_16.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "t2i_prompt": "a photo of two ovens", "prompt": "Change the number of oven in the image to four.", "image": "generated_images/image_16.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 1}], "exclude": [{"class": "bottle", "count": 2}], "t2i_prompt": "a photo of three bottles", "prompt": "Change the number of bottle in the image to one.", "image": "generated_images/image_17.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "t2i_prompt": "a photo of three bottles", "prompt": "Change the number of bottle in the image to two.", "image": "generated_images/image_17.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "t2i_prompt": "a photo of three bottles", "prompt": "Change the number of bottle in the image to four.", "image": "generated_images/image_17.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "t2i_prompt": "a photo of one cell phones", "prompt": "Change the number of cell phone in the image to two.", "image": "generated_images/image_18.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "t2i_prompt": "a photo of one cell phones", "prompt": "Change the number of cell phone in the image to three.", "image": "generated_images/image_18.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "t2i_prompt": "a photo of one cell phones", "prompt": "Change the number of cell phone in the image to four.", "image": "generated_images/image_18.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 1}], "exclude": [{"class": "cat", "count": 2}], "t2i_prompt": "a photo of four cats", "prompt": "Change the number of cat in the image to one.", "image": "generated_images/image_19.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "t2i_prompt": "a photo of four cats", "prompt": "Change the number of cat in the image to two.", "image": "generated_images/image_19.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "t2i_prompt": "a photo of four cats", "prompt": "Change the number of cat in the image to three.", "image": "generated_images/image_19.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 1}], "exclude": [{"class": "kite", "count": 2}], "t2i_prompt": "a photo of two kites", "prompt": "Change the number of kite in the image to one.", "image": "generated_images/image_20.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "t2i_prompt": "a photo of two kites", "prompt": "Change the number of kite in the image to three.", "image": "generated_images/image_20.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "t2i_prompt": "a photo of two kites", "prompt": "Change the number of kite in the image to four.", "image": "generated_images/image_20.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 1}], "exclude": [{"class": "tennis racket", "count": 2}], "t2i_prompt": "a photo of four tennis rackets", "prompt": "Change the number of tennis racket in the image to one.", "image": "generated_images/image_21.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "t2i_prompt": "a photo of four tennis rackets", "prompt": "Change the number of tennis racket in the image to two.", "image": "generated_images/image_21.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "t2i_prompt": "a photo of four tennis rackets", "prompt": "Change the number of tennis racket in the image to three.", "image": "generated_images/image_21.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "t2i_prompt": "a photo of one motorcycles", "prompt": "Change the number of motorcycle in the image to two.", "image": "generated_images/image_22.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "t2i_prompt": "a photo of one motorcycles", "prompt": "Change the number of motorcycle in the image to three.", "image": "generated_images/image_22.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "t2i_prompt": "a photo of one motorcycles", "prompt": "Change the number of motorcycle in the image to four.", "image": "generated_images/image_22.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "t2i_prompt": "a photo of one fire hydrants", "prompt": "Change the number of fire hydrant in the image to two.", "image": "generated_images/image_23.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "t2i_prompt": "a photo of one fire hydrants", "prompt": "Change the number of fire hydrant in the image to three.", "image": "generated_images/image_23.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "t2i_prompt": "a photo of one fire hydrants", "prompt": "Change the number of fire hydrant in the image to four.", "image": "generated_images/image_23.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 1}], "exclude": [{"class": "tv", "count": 2}], "t2i_prompt": "a photo of four tvs", "prompt": "Change the number of tv in the image to one.", "image": "generated_images/image_24.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "t2i_prompt": "a photo of four tvs", "prompt": "Change the number of tv in the image to two.", "image": "generated_images/image_24.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "t2i_prompt": "a photo of four tvs", "prompt": "Change the number of tv in the image to three.", "image": "generated_images/image_24.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "t2i_prompt": "a photo of one traffic lights", "prompt": "Change the number of traffic light in the image to two.", "image": "generated_images/image_25.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "t2i_prompt": "a photo of one traffic lights", "prompt": "Change the number of traffic light in the image to three.", "image": "generated_images/image_25.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "t2i_prompt": "a photo of one traffic lights", "prompt": "Change the number of traffic light in the image to four.", "image": "generated_images/image_25.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 1}], "exclude": [{"class": "banana", "count": 2}], "t2i_prompt": "a photo of two bananas", "prompt": "Change the number of banana in the image to one.", "image": "generated_images/image_26.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "t2i_prompt": "a photo of two bananas", "prompt": "Change the number of banana in the image to three.", "image": "generated_images/image_26.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "t2i_prompt": "a photo of two bananas", "prompt": "Change the number of banana in the image to four.", "image": "generated_images/image_26.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 1}], "exclude": [{"class": "fire hydrant", "count": 2}], "t2i_prompt": "a photo of three fire hydrants", "prompt": "Change the number of fire hydrant in the image to one.", "image": "generated_images/image_27.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "t2i_prompt": "a photo of three fire hydrants", "prompt": "Change the number of fire hydrant in the image to two.", "image": "generated_images/image_27.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "t2i_prompt": "a photo of three fire hydrants", "prompt": "Change the number of fire hydrant in the image to four.", "image": "generated_images/image_27.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "t2i_prompt": "a photo of one benchs", "prompt": "Change the number of bench in the image to two.", "image": "generated_images/image_28.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "t2i_prompt": "a photo of one benchs", "prompt": "Change the number of bench in the image to three.", "image": "generated_images/image_28.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "t2i_prompt": "a photo of one benchs", "prompt": "Change the number of bench in the image to four.", "image": "generated_images/image_28.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 1}], "exclude": [{"class": "elephant", "count": 2}], "t2i_prompt": "a photo of four elephants", "prompt": "Change the number of elephant in the image to one.", "image": "generated_images/image_29.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "t2i_prompt": "a photo of four elephants", "prompt": "Change the number of elephant in the image to two.", "image": "generated_images/image_29.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "t2i_prompt": "a photo of four elephants", "prompt": "Change the number of elephant in the image to three.", "image": "generated_images/image_29.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "t2i_prompt": "a photo of one sheeps", "prompt": "Change the number of sheep in the image to two.", "image": "generated_images/image_30.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "t2i_prompt": "a photo of one sheeps", "prompt": "Change the number of sheep in the image to three.", "image": "generated_images/image_30.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "t2i_prompt": "a photo of one sheeps", "prompt": "Change the number of sheep in the image to four.", "image": "generated_images/image_30.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "t2i_prompt": "a photo of one zebras", "prompt": "Change the number of zebra in the image to two.", "image": "generated_images/image_31.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "t2i_prompt": "a photo of one zebras", "prompt": "Change the number of zebra in the image to three.", "image": "generated_images/image_31.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "t2i_prompt": "a photo of one zebras", "prompt": "Change the number of zebra in the image to four.", "image": "generated_images/image_31.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 1}], "exclude": [{"class": "umbrella", "count": 2}], "t2i_prompt": "a photo of four umbrellas", "prompt": "Change the number of umbrella in the image to one.", "image": "generated_images/image_32.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "t2i_prompt": "a photo of four umbrellas", "prompt": "Change the number of umbrella in the image to two.", "image": "generated_images/image_32.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "t2i_prompt": "a photo of four umbrellas", "prompt": "Change the number of umbrella in the image to three.", "image": "generated_images/image_32.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 1}], "exclude": [{"class": "person", "count": 2}], "t2i_prompt": "a photo of four persons", "prompt": "Change the number of person in the image to one.", "image": "generated_images/image_33.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "t2i_prompt": "a photo of four persons", "prompt": "Change the number of person in the image to two.", "image": "generated_images/image_33.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "t2i_prompt": "a photo of four persons", "prompt": "Change the number of person in the image to three.", "image": "generated_images/image_33.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "t2i_prompt": "a photo of one horses", "prompt": "Change the number of horse in the image to two.", "image": "generated_images/image_34.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "t2i_prompt": "a photo of one horses", "prompt": "Change the number of horse in the image to three.", "image": "generated_images/image_34.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "t2i_prompt": "a photo of one horses", "prompt": "Change the number of horse in the image to four.", "image": "generated_images/image_34.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 1}], "exclude": [{"class": "oven", "count": 2}], "t2i_prompt": "a photo of three ovens", "prompt": "Change the number of oven in the image to one.", "image": "generated_images/image_35.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "t2i_prompt": "a photo of three ovens", "prompt": "Change the number of oven in the image to two.", "image": "generated_images/image_35.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "t2i_prompt": "a photo of three ovens", "prompt": "Change the number of oven in the image to four.", "image": "generated_images/image_35.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 1}], "exclude": [{"class": "pizza", "count": 2}], "t2i_prompt": "a photo of two pizzas", "prompt": "Change the number of pizza in the image to one.", "image": "generated_images/image_36.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "t2i_prompt": "a photo of two pizzas", "prompt": "Change the number of pizza in the image to three.", "image": "generated_images/image_36.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "t2i_prompt": "a photo of two pizzas", "prompt": "Change the number of pizza in the image to four.", "image": "generated_images/image_36.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "t2i_prompt": "a photo of one apples", "prompt": "Change the number of apple in the image to two.", "image": "generated_images/image_37.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "t2i_prompt": "a photo of one apples", "prompt": "Change the number of apple in the image to three.", "image": "generated_images/image_37.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "t2i_prompt": "a photo of one apples", "prompt": "Change the number of apple in the image to four.", "image": "generated_images/image_37.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 1}], "exclude": [{"class": "elephant", "count": 2}], "t2i_prompt": "a photo of two elephants", "prompt": "Change the number of elephant in the image to one.", "image": "generated_images/image_38.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "t2i_prompt": "a photo of two elephants", "prompt": "Change the number of elephant in the image to three.", "image": "generated_images/image_38.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "t2i_prompt": "a photo of two elephants", "prompt": "Change the number of elephant in the image to four.", "image": "generated_images/image_38.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 1}], "exclude": [{"class": "apple", "count": 2}], "t2i_prompt": "a photo of four apples", "prompt": "Change the number of apple in the image to one.", "image": "generated_images/image_39.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "t2i_prompt": "a photo of four apples", "prompt": "Change the number of apple in the image to two.", "image": "generated_images/image_39.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "t2i_prompt": "a photo of four apples", "prompt": "Change the number of apple in the image to three.", "image": "generated_images/image_39.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 1}], "exclude": [{"class": "frisbee", "count": 2}], "t2i_prompt": "a photo of four frisbees", "prompt": "Change the number of frisbee in the image to one.", "image": "generated_images/image_40.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "t2i_prompt": "a photo of four frisbees", "prompt": "Change the number of frisbee in the image to two.", "image": "generated_images/image_40.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "t2i_prompt": "a photo of four frisbees", "prompt": "Change the number of frisbee in the image to three.", "image": "generated_images/image_40.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 1}], "exclude": [{"class": "tv remote", "count": 2}], "t2i_prompt": "a photo of two tv remotes", "prompt": "Change the number of tv remote in the image to one.", "image": "generated_images/image_41.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "t2i_prompt": "a photo of two tv remotes", "prompt": "Change the number of tv remote in the image to three.", "image": "generated_images/image_41.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "t2i_prompt": "a photo of two tv remotes", "prompt": "Change the number of tv remote in the image to four.", "image": "generated_images/image_41.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "t2i_prompt": "a photo of one computer mouses", "prompt": "Change the number of computer mouse in the image to two.", "image": "generated_images/image_42.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "t2i_prompt": "a photo of one computer mouses", "prompt": "Change the number of computer mouse in the image to three.", "image": "generated_images/image_42.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "t2i_prompt": "a photo of one computer mouses", "prompt": "Change the number of computer mouse in the image to four.", "image": "generated_images/image_42.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 1}], "exclude": [{"class": "clock", "count": 2}], "t2i_prompt": "a photo of three clocks", "prompt": "Change the number of clock in the image to one.", "image": "generated_images/image_43.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "t2i_prompt": "a photo of three clocks", "prompt": "Change the number of clock in the image to two.", "image": "generated_images/image_43.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "t2i_prompt": "a photo of three clocks", "prompt": "Change the number of clock in the image to four.", "image": "generated_images/image_43.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 1}], "exclude": [{"class": "boat", "count": 2}], "t2i_prompt": "a photo of four boats", "prompt": "Change the number of boat in the image to one.", "image": "generated_images/image_44.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "t2i_prompt": "a photo of four boats", "prompt": "Change the number of boat in the image to two.", "image": "generated_images/image_44.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "t2i_prompt": "a photo of four boats", "prompt": "Change the number of boat in the image to three.", "image": "generated_images/image_44.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 1}], "exclude": [{"class": "cell phone", "count": 2}], "t2i_prompt": "a photo of two cell phones", "prompt": "Change the number of cell phone in the image to one.", "image": "generated_images/image_45.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "t2i_prompt": "a photo of two cell phones", "prompt": "Change the number of cell phone in the image to three.", "image": "generated_images/image_45.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "t2i_prompt": "a photo of two cell phones", "prompt": "Change the number of cell phone in the image to four.", "image": "generated_images/image_45.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 1}], "exclude": [{"class": "book", "count": 2}], "t2i_prompt": "a photo of two books", "prompt": "Change the number of book in the image to one.", "image": "generated_images/image_46.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "t2i_prompt": "a photo of two books", "prompt": "Change the number of book in the image to three.", "image": "generated_images/image_46.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "t2i_prompt": "a photo of two books", "prompt": "Change the number of book in the image to four.", "image": "generated_images/image_46.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 1}], "exclude": [{"class": "airplane", "count": 2}], "t2i_prompt": "a photo of four airplanes", "prompt": "Change the number of airplane in the image to one.", "image": "generated_images/image_47.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "t2i_prompt": "a photo of four airplanes", "prompt": "Change the number of airplane in the image to two.", "image": "generated_images/image_47.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "t2i_prompt": "a photo of four airplanes", "prompt": "Change the number of airplane in the image to three.", "image": "generated_images/image_47.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "t2i_prompt": "a photo of one teddy bears", "prompt": "Change the number of teddy bear in the image to two.", "image": "generated_images/image_48.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "t2i_prompt": "a photo of one teddy bears", "prompt": "Change the number of teddy bear in the image to three.", "image": "generated_images/image_48.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "t2i_prompt": "a photo of one teddy bears", "prompt": "Change the number of teddy bear in the image to four.", "image": "generated_images/image_48.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 1}], "exclude": [{"class": "dining table", "count": 2}], "t2i_prompt": "a photo of four dining tables", "prompt": "Change the number of dining table in the image to one.", "image": "generated_images/image_49.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "t2i_prompt": "a photo of four dining tables", "prompt": "Change the number of dining table in the image to two.", "image": "generated_images/image_49.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "t2i_prompt": "a photo of four dining tables", "prompt": "Change the number of dining table in the image to three.", "image": "generated_images/image_49.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 1}], "exclude": [{"class": "skis", "count": 2}], "t2i_prompt": "a photo of four skises", "prompt": "Change the number of skis in the image to one.", "image": "generated_images/image_50.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "t2i_prompt": "a photo of four skises", "prompt": "Change the number of skis in the image to two.", "image": "generated_images/image_50.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "t2i_prompt": "a photo of four skises", "prompt": "Change the number of skis in the image to three.", "image": "generated_images/image_50.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "t2i_prompt": "a photo of one bottles", "prompt": "Change the number of bottle in the image to two.", "image": "generated_images/image_51.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "t2i_prompt": "a photo of one bottles", "prompt": "Change the number of bottle in the image to three.", "image": "generated_images/image_51.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "t2i_prompt": "a photo of one bottles", "prompt": "Change the number of bottle in the image to four.", "image": "generated_images/image_51.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 1}], "exclude": [{"class": "bus", "count": 2}], "t2i_prompt": "a photo of three buses", "prompt": "Change the number of bus in the image to one.", "image": "generated_images/image_52.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "t2i_prompt": "a photo of three buses", "prompt": "Change the number of bus in the image to two.", "image": "generated_images/image_52.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "t2i_prompt": "a photo of three buses", "prompt": "Change the number of bus in the image to four.", "image": "generated_images/image_52.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 1}], "exclude": [{"class": "bicycle", "count": 2}], "t2i_prompt": "a photo of four bicycles", "prompt": "Change the number of bicycle in the image to one.", "image": "generated_images/image_53.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "t2i_prompt": "a photo of four bicycles", "prompt": "Change the number of bicycle in the image to two.", "image": "generated_images/image_53.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "t2i_prompt": "a photo of four bicycles", "prompt": "Change the number of bicycle in the image to three.", "image": "generated_images/image_53.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 1}], "exclude": [{"class": "dining table", "count": 2}], "t2i_prompt": "a photo of three dining tables", "prompt": "Change the number of dining table in the image to one.", "image": "generated_images/image_54.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "t2i_prompt": "a photo of three dining tables", "prompt": "Change the number of dining table in the image to two.", "image": "generated_images/image_54.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "t2i_prompt": "a photo of three dining tables", "prompt": "Change the number of dining table in the image to four.", "image": "generated_images/image_54.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 1}], "exclude": [{"class": "toothbrush", "count": 2}], "t2i_prompt": "a photo of two toothbrushs", "prompt": "Change the number of toothbrush in the image to one.", "image": "generated_images/image_55.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "t2i_prompt": "a photo of two toothbrushs", "prompt": "Change the number of toothbrush in the image to three.", "image": "generated_images/image_55.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "t2i_prompt": "a photo of two toothbrushs", "prompt": "Change the number of toothbrush in the image to four.", "image": "generated_images/image_55.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "t2i_prompt": "a photo of one cows", "prompt": "Change the number of cow in the image to two.", "image": "generated_images/image_56.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "t2i_prompt": "a photo of one cows", "prompt": "Change the number of cow in the image to three.", "image": "generated_images/image_56.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "t2i_prompt": "a photo of one cows", "prompt": "Change the number of cow in the image to four.", "image": "generated_images/image_56.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 1}], "exclude": [{"class": "motorcycle", "count": 2}], "t2i_prompt": "a photo of three motorcycles", "prompt": "Change the number of motorcycle in the image to one.", "image": "generated_images/image_57.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "t2i_prompt": "a photo of three motorcycles", "prompt": "Change the number of motorcycle in the image to two.", "image": "generated_images/image_57.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "t2i_prompt": "a photo of three motorcycles", "prompt": "Change the number of motorcycle in the image to four.", "image": "generated_images/image_57.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 1}], "exclude": [{"class": "tie", "count": 2}], "t2i_prompt": "a photo of two ties", "prompt": "Change the number of tie in the image to one.", "image": "generated_images/image_58.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "t2i_prompt": "a photo of two ties", "prompt": "Change the number of tie in the image to three.", "image": "generated_images/image_58.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "t2i_prompt": "a photo of two ties", "prompt": "Change the number of tie in the image to four.", "image": "generated_images/image_58.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 1}], "exclude": [{"class": "computer keyboard", "count": 2}], "t2i_prompt": "a photo of three computer keyboards", "prompt": "Change the number of computer keyboard in the image to one.", "image": "generated_images/image_59.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "t2i_prompt": "a photo of three computer keyboards", "prompt": "Change the number of computer keyboard in the image to two.", "image": "generated_images/image_59.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "t2i_prompt": "a photo of three computer keyboards", "prompt": "Change the number of computer keyboard in the image to four.", "image": "generated_images/image_59.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 1}], "exclude": [{"class": "cell phone", "count": 2}], "t2i_prompt": "a photo of four cell phones", "prompt": "Change the number of cell phone in the image to one.", "image": "generated_images/image_60.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "t2i_prompt": "a photo of four cell phones", "prompt": "Change the number of cell phone in the image to two.", "image": "generated_images/image_60.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "t2i_prompt": "a photo of four cell phones", "prompt": "Change the number of cell phone in the image to three.", "image": "generated_images/image_60.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "t2i_prompt": "a photo of one spoons", "prompt": "Change the number of spoon in the image to two.", "image": "generated_images/image_61.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "t2i_prompt": "a photo of one spoons", "prompt": "Change the number of spoon in the image to three.", "image": "generated_images/image_61.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "t2i_prompt": "a photo of one spoons", "prompt": "Change the number of spoon in the image to four.", "image": "generated_images/image_61.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "t2i_prompt": "a photo of one vases", "prompt": "Change the number of vase in the image to two.", "image": "generated_images/image_62.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "t2i_prompt": "a photo of one vases", "prompt": "Change the number of vase in the image to three.", "image": "generated_images/image_62.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "t2i_prompt": "a photo of one vases", "prompt": "Change the number of vase in the image to four.", "image": "generated_images/image_62.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "t2i_prompt": "a photo of one forks", "prompt": "Change the number of fork in the image to two.", "image": "generated_images/image_63.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "t2i_prompt": "a photo of one forks", "prompt": "Change the number of fork in the image to three.", "image": "generated_images/image_63.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "t2i_prompt": "a photo of one forks", "prompt": "Change the number of fork in the image to four.", "image": "generated_images/image_63.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 1}], "exclude": [{"class": "fork", "count": 2}], "t2i_prompt": "a photo of four forks", "prompt": "Change the number of fork in the image to one.", "image": "generated_images/image_64.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "t2i_prompt": "a photo of four forks", "prompt": "Change the number of fork in the image to two.", "image": "generated_images/image_64.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "t2i_prompt": "a photo of four forks", "prompt": "Change the number of fork in the image to three.", "image": "generated_images/image_64.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "t2i_prompt": "a photo of one stop signs", "prompt": "Change the number of stop sign in the image to two.", "image": "generated_images/image_65.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "t2i_prompt": "a photo of one stop signs", "prompt": "Change the number of stop sign in the image to three.", "image": "generated_images/image_65.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "t2i_prompt": "a photo of one stop signs", "prompt": "Change the number of stop sign in the image to four.", "image": "generated_images/image_65.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "t2i_prompt": "a photo of one airplanes", "prompt": "Change the number of airplane in the image to two.", "image": "generated_images/image_66.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "t2i_prompt": "a photo of one airplanes", "prompt": "Change the number of airplane in the image to three.", "image": "generated_images/image_66.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "t2i_prompt": "a photo of one airplanes", "prompt": "Change the number of airplane in the image to four.", "image": "generated_images/image_66.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 1}], "exclude": [{"class": "car", "count": 2}], "t2i_prompt": "a photo of two cars", "prompt": "Change the number of car in the image to one.", "image": "generated_images/image_67.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "t2i_prompt": "a photo of two cars", "prompt": "Change the number of car in the image to three.", "image": "generated_images/image_67.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "t2i_prompt": "a photo of two cars", "prompt": "Change the number of car in the image to four.", "image": "generated_images/image_67.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 1}], "exclude": [{"class": "computer keyboard", "count": 2}], "t2i_prompt": "a photo of two computer keyboards", "prompt": "Change the number of computer keyboard in the image to one.", "image": "generated_images/image_68.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "t2i_prompt": "a photo of two computer keyboards", "prompt": "Change the number of computer keyboard in the image to three.", "image": "generated_images/image_68.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "t2i_prompt": "a photo of two computer keyboards", "prompt": "Change the number of computer keyboard in the image to four.", "image": "generated_images/image_68.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 1}], "exclude": [{"class": "bench", "count": 2}], "t2i_prompt": "a photo of four benchs", "prompt": "Change the number of bench in the image to one.", "image": "generated_images/image_69.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "t2i_prompt": "a photo of four benchs", "prompt": "Change the number of bench in the image to two.", "image": "generated_images/image_69.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "t2i_prompt": "a photo of four benchs", "prompt": "Change the number of bench in the image to three.", "image": "generated_images/image_69.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 1}], "exclude": [{"class": "chair", "count": 2}], "t2i_prompt": "a photo of three chairs", "prompt": "Change the number of chair in the image to one.", "image": "generated_images/image_70.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "t2i_prompt": "a photo of three chairs", "prompt": "Change the number of chair in the image to two.", "image": "generated_images/image_70.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "t2i_prompt": "a photo of three chairs", "prompt": "Change the number of chair in the image to four.", "image": "generated_images/image_70.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 1}], "exclude": [{"class": "teddy bear", "count": 2}], "t2i_prompt": "a photo of four teddy bears", "prompt": "Change the number of teddy bear in the image to one.", "image": "generated_images/image_71.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "t2i_prompt": "a photo of four teddy bears", "prompt": "Change the number of teddy bear in the image to two.", "image": "generated_images/image_71.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "t2i_prompt": "a photo of four teddy bears", "prompt": "Change the number of teddy bear in the image to three.", "image": "generated_images/image_71.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "t2i_prompt": "a photo of one broccolis", "prompt": "Change the number of broccoli in the image to two.", "image": "generated_images/image_72.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "t2i_prompt": "a photo of one broccolis", "prompt": "Change the number of broccoli in the image to three.", "image": "generated_images/image_72.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "t2i_prompt": "a photo of one broccolis", "prompt": "Change the number of broccoli in the image to four.", "image": "generated_images/image_72.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 1}], "exclude": [{"class": "chair", "count": 2}], "t2i_prompt": "a photo of two chairs", "prompt": "Change the number of chair in the image to one.", "image": "generated_images/image_73.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "t2i_prompt": "a photo of two chairs", "prompt": "Change the number of chair in the image to three.", "image": "generated_images/image_73.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "t2i_prompt": "a photo of two chairs", "prompt": "Change the number of chair in the image to four.", "image": "generated_images/image_73.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 1}], "exclude": [{"class": "bed", "count": 2}], "t2i_prompt": "a photo of four beds", "prompt": "Change the number of bed in the image to one.", "image": "generated_images/image_74.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "t2i_prompt": "a photo of four beds", "prompt": "Change the number of bed in the image to two.", "image": "generated_images/image_74.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "t2i_prompt": "a photo of four beds", "prompt": "Change the number of bed in the image to three.", "image": "generated_images/image_74.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 1}], "exclude": [{"class": "book", "count": 2}], "t2i_prompt": "a photo of three books", "prompt": "Change the number of book in the image to one.", "image": "generated_images/image_75.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "t2i_prompt": "a photo of three books", "prompt": "Change the number of book in the image to two.", "image": "generated_images/image_75.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "t2i_prompt": "a photo of three books", "prompt": "Change the number of book in the image to four.", "image": "generated_images/image_75.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 1}], "exclude": [{"class": "broccoli", "count": 2}], "t2i_prompt": "a photo of two broccolis", "prompt": "Change the number of broccoli in the image to one.", "image": "generated_images/image_76.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "t2i_prompt": "a photo of two broccolis", "prompt": "Change the number of broccoli in the image to three.", "image": "generated_images/image_76.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "t2i_prompt": "a photo of two broccolis", "prompt": "Change the number of broccoli in the image to four.", "image": "generated_images/image_76.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 1}], "exclude": [{"class": "skateboard", "count": 2}], "t2i_prompt": "a photo of four skateboards", "prompt": "Change the number of skateboard in the image to one.", "image": "generated_images/image_77.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "t2i_prompt": "a photo of four skateboards", "prompt": "Change the number of skateboard in the image to two.", "image": "generated_images/image_77.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "t2i_prompt": "a photo of four skateboards", "prompt": "Change the number of skateboard in the image to three.", "image": "generated_images/image_77.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "t2i_prompt": "a photo of one tennis rackets", "prompt": "Change the number of tennis racket in the image to two.", "image": "generated_images/image_78.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "t2i_prompt": "a photo of one tennis rackets", "prompt": "Change the number of tennis racket in the image to three.", "image": "generated_images/image_78.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "t2i_prompt": "a photo of one tennis rackets", "prompt": "Change the number of tennis racket in the image to four.", "image": "generated_images/image_78.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 1}], "exclude": [{"class": "baseball bat", "count": 2}], "t2i_prompt": "a photo of three baseball bats", "prompt": "Change the number of baseball bat in the image to one.", "image": "generated_images/image_79.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "t2i_prompt": "a photo of three baseball bats", "prompt": "Change the number of baseball bat in the image to two.", "image": "generated_images/image_79.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "t2i_prompt": "a photo of three baseball bats", "prompt": "Change the number of baseball bat in the image to four.", "image": "generated_images/image_79.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 1}], "exclude": [{"class": "microwave", "count": 2}], "t2i_prompt": "a photo of four microwaves", "prompt": "Change the number of microwave in the image to one.", "image": "generated_images/image_80.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "t2i_prompt": "a photo of four microwaves", "prompt": "Change the number of microwave in the image to two.", "image": "generated_images/image_80.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "t2i_prompt": "a photo of four microwaves", "prompt": "Change the number of microwave in the image to three.", "image": "generated_images/image_80.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 1}], "exclude": [{"class": "donut", "count": 2}], "t2i_prompt": "a photo of two donuts", "prompt": "Change the number of donut in the image to one.", "image": "generated_images/image_81.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "t2i_prompt": "a photo of two donuts", "prompt": "Change the number of donut in the image to three.", "image": "generated_images/image_81.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "t2i_prompt": "a photo of two donuts", "prompt": "Change the number of donut in the image to four.", "image": "generated_images/image_81.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 1}], "exclude": [{"class": "sandwich", "count": 2}], "t2i_prompt": "a photo of three sandwichs", "prompt": "Change the number of sandwich in the image to one.", "image": "generated_images/image_82.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "t2i_prompt": "a photo of three sandwichs", "prompt": "Change the number of sandwich in the image to two.", "image": "generated_images/image_82.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "t2i_prompt": "a photo of three sandwichs", "prompt": "Change the number of sandwich in the image to four.", "image": "generated_images/image_82.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "t2i_prompt": "a photo of one tv remotes", "prompt": "Change the number of tv remote in the image to two.", "image": "generated_images/image_83.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "t2i_prompt": "a photo of one tv remotes", "prompt": "Change the number of tv remote in the image to three.", "image": "generated_images/image_83.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "t2i_prompt": "a photo of one tv remotes", "prompt": "Change the number of tv remote in the image to four.", "image": "generated_images/image_83.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 1}], "exclude": [{"class": "umbrella", "count": 2}], "t2i_prompt": "a photo of three umbrellas", "prompt": "Change the number of umbrella in the image to one.", "image": "generated_images/image_84.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "t2i_prompt": "a photo of three umbrellas", "prompt": "Change the number of umbrella in the image to two.", "image": "generated_images/image_84.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "t2i_prompt": "a photo of three umbrellas", "prompt": "Change the number of umbrella in the image to four.", "image": "generated_images/image_84.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 1}], "exclude": [{"class": "sink", "count": 2}], "t2i_prompt": "a photo of two sinks", "prompt": "Change the number of sink in the image to one.", "image": "generated_images/image_85.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "t2i_prompt": "a photo of two sinks", "prompt": "Change the number of sink in the image to three.", "image": "generated_images/image_85.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "t2i_prompt": "a photo of two sinks", "prompt": "Change the number of sink in the image to four.", "image": "generated_images/image_85.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 1}], "exclude": [{"class": "giraffe", "count": 2}], "t2i_prompt": "a photo of two giraffes", "prompt": "Change the number of giraffe in the image to one.", "image": "generated_images/image_86.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "t2i_prompt": "a photo of two giraffes", "prompt": "Change the number of giraffe in the image to three.", "image": "generated_images/image_86.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "t2i_prompt": "a photo of two giraffes", "prompt": "Change the number of giraffe in the image to four.", "image": "generated_images/image_86.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 1}], "exclude": [{"class": "microwave", "count": 2}], "t2i_prompt": "a photo of three microwaves", "prompt": "Change the number of microwave in the image to one.", "image": "generated_images/image_87.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "t2i_prompt": "a photo of three microwaves", "prompt": "Change the number of microwave in the image to two.", "image": "generated_images/image_87.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "t2i_prompt": "a photo of three microwaves", "prompt": "Change the number of microwave in the image to four.", "image": "generated_images/image_87.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 1}], "exclude": [{"class": "motorcycle", "count": 2}], "t2i_prompt": "a photo of two motorcycles", "prompt": "Change the number of motorcycle in the image to one.", "image": "generated_images/image_88.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "t2i_prompt": "a photo of two motorcycles", "prompt": "Change the number of motorcycle in the image to three.", "image": "generated_images/image_88.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "t2i_prompt": "a photo of two motorcycles", "prompt": "Change the number of motorcycle in the image to four.", "image": "generated_images/image_88.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "t2i_prompt": "a photo of one cups", "prompt": "Change the number of cup in the image to two.", "image": "generated_images/image_89.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "t2i_prompt": "a photo of one cups", "prompt": "Change the number of cup in the image to three.", "image": "generated_images/image_89.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "t2i_prompt": "a photo of one cups", "prompt": "Change the number of cup in the image to four.", "image": "generated_images/image_89.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "t2i_prompt": "a photo of one ties", "prompt": "Change the number of tie in the image to two.", "image": "generated_images/image_90.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "t2i_prompt": "a photo of one ties", "prompt": "Change the number of tie in the image to three.", "image": "generated_images/image_90.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "t2i_prompt": "a photo of one ties", "prompt": "Change the number of tie in the image to four.", "image": "generated_images/image_90.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 1}], "exclude": [{"class": "refrigerator", "count": 2}], "t2i_prompt": "a photo of four refrigerators", "prompt": "Change the number of refrigerator in the image to one.", "image": "generated_images/image_91.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "t2i_prompt": "a photo of four refrigerators", "prompt": "Change the number of refrigerator in the image to two.", "image": "generated_images/image_91.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "t2i_prompt": "a photo of four refrigerators", "prompt": "Change the number of refrigerator in the image to three.", "image": "generated_images/image_91.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 1}], "exclude": [{"class": "vase", "count": 2}], "t2i_prompt": "a photo of three vases", "prompt": "Change the number of vase in the image to one.", "image": "generated_images/image_92.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "t2i_prompt": "a photo of three vases", "prompt": "Change the number of vase in the image to two.", "image": "generated_images/image_92.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "t2i_prompt": "a photo of three vases", "prompt": "Change the number of vase in the image to four.", "image": "generated_images/image_92.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 1}], "exclude": [{"class": "clock", "count": 2}], "t2i_prompt": "a photo of four clocks", "prompt": "Change the number of clock in the image to one.", "image": "generated_images/image_93.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "t2i_prompt": "a photo of four clocks", "prompt": "Change the number of clock in the image to two.", "image": "generated_images/image_93.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "t2i_prompt": "a photo of four clocks", "prompt": "Change the number of clock in the image to three.", "image": "generated_images/image_93.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 1}], "exclude": [{"class": "snowboard", "count": 2}], "t2i_prompt": "a photo of four snowboards", "prompt": "Change the number of snowboard in the image to one.", "image": "generated_images/image_94.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "t2i_prompt": "a photo of four snowboards", "prompt": "Change the number of snowboard in the image to two.", "image": "generated_images/image_94.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "t2i_prompt": "a photo of four snowboards", "prompt": "Change the number of snowboard in the image to three.", "image": "generated_images/image_94.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 1}], "exclude": [{"class": "orange", "count": 2}], "t2i_prompt": "a photo of two oranges", "prompt": "Change the number of orange in the image to one.", "image": "generated_images/image_95.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "t2i_prompt": "a photo of two oranges", "prompt": "Change the number of orange in the image to three.", "image": "generated_images/image_95.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "t2i_prompt": "a photo of two oranges", "prompt": "Change the number of orange in the image to four.", "image": "generated_images/image_95.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 1}], "exclude": [{"class": "cake", "count": 2}], "t2i_prompt": "a photo of three cakes", "prompt": "Change the number of cake in the image to one.", "image": "generated_images/image_96.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "t2i_prompt": "a photo of three cakes", "prompt": "Change the number of cake in the image to two.", "image": "generated_images/image_96.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "t2i_prompt": "a photo of three cakes", "prompt": "Change the number of cake in the image to four.", "image": "generated_images/image_96.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 1}], "exclude": [{"class": "sheep", "count": 2}], "t2i_prompt": "a photo of three sheeps", "prompt": "Change the number of sheep in the image to one.", "image": "generated_images/image_97.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "t2i_prompt": "a photo of three sheeps", "prompt": "Change the number of sheep in the image to two.", "image": "generated_images/image_97.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "t2i_prompt": "a photo of three sheeps", "prompt": "Change the number of sheep in the image to four.", "image": "generated_images/image_97.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "t2i_prompt": "a photo of one suitcases", "prompt": "Change the number of suitcase in the image to two.", "image": "generated_images/image_98.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "t2i_prompt": "a photo of one suitcases", "prompt": "Change the number of suitcase in the image to three.", "image": "generated_images/image_98.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "t2i_prompt": "a photo of one suitcases", "prompt": "Change the number of suitcase in the image to four.", "image": "generated_images/image_98.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "t2i_prompt": "a photo of one bananas", "prompt": "Change the number of banana in the image to two.", "image": "generated_images/image_99.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "t2i_prompt": "a photo of one bananas", "prompt": "Change the number of banana in the image to three.", "image": "generated_images/image_99.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "t2i_prompt": "a photo of one bananas", "prompt": "Change the number of banana in the image to four.", "image": "generated_images/image_99.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 1}], "exclude": [{"class": "toilet", "count": 2}], "t2i_prompt": "a photo of two toilets", "prompt": "Change the number of toilet in the image to one.", "image": "generated_images/image_100.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "t2i_prompt": "a photo of two toilets", "prompt": "Change the number of toilet in the image to three.", "image": "generated_images/image_100.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "t2i_prompt": "a photo of two toilets", "prompt": "Change the number of toilet in the image to four.", "image": "generated_images/image_100.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 1}], "exclude": [{"class": "toaster", "count": 2}], "t2i_prompt": "a photo of three toasters", "prompt": "Change the number of toaster in the image to one.", "image": "generated_images/image_101.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "t2i_prompt": "a photo of three toasters", "prompt": "Change the number of toaster in the image to two.", "image": "generated_images/image_101.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "t2i_prompt": "a photo of three toasters", "prompt": "Change the number of toaster in the image to four.", "image": "generated_images/image_101.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 1}], "exclude": [{"class": "bear", "count": 2}], "t2i_prompt": "a photo of two bears", "prompt": "Change the number of bear in the image to one.", "image": "generated_images/image_102.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "t2i_prompt": "a photo of two bears", "prompt": "Change the number of bear in the image to three.", "image": "generated_images/image_102.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "t2i_prompt": "a photo of two bears", "prompt": "Change the number of bear in the image to four.", "image": "generated_images/image_102.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 1}], "exclude": [{"class": "teddy bear", "count": 2}], "t2i_prompt": "a photo of two teddy bears", "prompt": "Change the number of teddy bear in the image to one.", "image": "generated_images/image_103.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "t2i_prompt": "a photo of two teddy bears", "prompt": "Change the number of teddy bear in the image to three.", "image": "generated_images/image_103.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "t2i_prompt": "a photo of two teddy bears", "prompt": "Change the number of teddy bear in the image to four.", "image": "generated_images/image_103.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 1}], "exclude": [{"class": "horse", "count": 2}], "t2i_prompt": "a photo of three horses", "prompt": "Change the number of horse in the image to one.", "image": "generated_images/image_104.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "t2i_prompt": "a photo of three horses", "prompt": "Change the number of horse in the image to two.", "image": "generated_images/image_104.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "t2i_prompt": "a photo of three horses", "prompt": "Change the number of horse in the image to four.", "image": "generated_images/image_104.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 1}], "exclude": [{"class": "bottle", "count": 2}], "t2i_prompt": "a photo of four bottles", "prompt": "Change the number of bottle in the image to one.", "image": "generated_images/image_105.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "t2i_prompt": "a photo of four bottles", "prompt": "Change the number of bottle in the image to two.", "image": "generated_images/image_105.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "t2i_prompt": "a photo of four bottles", "prompt": "Change the number of bottle in the image to three.", "image": "generated_images/image_105.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 1}], "exclude": [{"class": "bowl", "count": 2}], "t2i_prompt": "a photo of four bowls", "prompt": "Change the number of bowl in the image to one.", "image": "generated_images/image_106.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "t2i_prompt": "a photo of four bowls", "prompt": "Change the number of bowl in the image to two.", "image": "generated_images/image_106.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "t2i_prompt": "a photo of four bowls", "prompt": "Change the number of bowl in the image to three.", "image": "generated_images/image_106.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 1}], "exclude": [{"class": "carrot", "count": 2}], "t2i_prompt": "a photo of four carrots", "prompt": "Change the number of carrot in the image to one.", "image": "generated_images/image_107.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "t2i_prompt": "a photo of four carrots", "prompt": "Change the number of carrot in the image to two.", "image": "generated_images/image_107.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "t2i_prompt": "a photo of four carrots", "prompt": "Change the number of carrot in the image to three.", "image": "generated_images/image_107.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 1}], "exclude": [{"class": "laptop", "count": 2}], "t2i_prompt": "a photo of two laptops", "prompt": "Change the number of laptop in the image to one.", "image": "generated_images/image_108.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "t2i_prompt": "a photo of two laptops", "prompt": "Change the number of laptop in the image to three.", "image": "generated_images/image_108.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "t2i_prompt": "a photo of two laptops", "prompt": "Change the number of laptop in the image to four.", "image": "generated_images/image_108.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 1}], "exclude": [{"class": "bird", "count": 2}], "t2i_prompt": "a photo of four birds", "prompt": "Change the number of bird in the image to one.", "image": "generated_images/image_109.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "t2i_prompt": "a photo of four birds", "prompt": "Change the number of bird in the image to two.", "image": "generated_images/image_109.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "t2i_prompt": "a photo of four birds", "prompt": "Change the number of bird in the image to three.", "image": "generated_images/image_109.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 1}], "exclude": [{"class": "hot dog", "count": 2}], "t2i_prompt": "a photo of two hot dogs", "prompt": "Change the number of hot dog in the image to one.", "image": "generated_images/image_110.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "t2i_prompt": "a photo of two hot dogs", "prompt": "Change the number of hot dog in the image to three.", "image": "generated_images/image_110.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "t2i_prompt": "a photo of two hot dogs", "prompt": "Change the number of hot dog in the image to four.", "image": "generated_images/image_110.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 1}], "exclude": [{"class": "sports ball", "count": 2}], "t2i_prompt": "a photo of three sports balls", "prompt": "Change the number of sports ball in the image to one.", "image": "generated_images/image_111.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "t2i_prompt": "a photo of three sports balls", "prompt": "Change the number of sports ball in the image to two.", "image": "generated_images/image_111.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "t2i_prompt": "a photo of three sports balls", "prompt": "Change the number of sports ball in the image to four.", "image": "generated_images/image_111.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 1}], "exclude": [{"class": "train", "count": 2}], "t2i_prompt": "a photo of two trains", "prompt": "Change the number of train in the image to one.", "image": "generated_images/image_112.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "t2i_prompt": "a photo of two trains", "prompt": "Change the number of train in the image to three.", "image": "generated_images/image_112.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "t2i_prompt": "a photo of two trains", "prompt": "Change the number of train in the image to four.", "image": "generated_images/image_112.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "t2i_prompt": "a photo of one refrigerators", "prompt": "Change the number of refrigerator in the image to two.", "image": "generated_images/image_113.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "t2i_prompt": "a photo of one refrigerators", "prompt": "Change the number of refrigerator in the image to three.", "image": "generated_images/image_113.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "t2i_prompt": "a photo of one refrigerators", "prompt": "Change the number of refrigerator in the image to four.", "image": "generated_images/image_113.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 1}], "exclude": [{"class": "traffic light", "count": 2}], "t2i_prompt": "a photo of three traffic lights", "prompt": "Change the number of traffic light in the image to one.", "image": "generated_images/image_114.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "t2i_prompt": "a photo of three traffic lights", "prompt": "Change the number of traffic light in the image to two.", "image": "generated_images/image_114.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "t2i_prompt": "a photo of three traffic lights", "prompt": "Change the number of traffic light in the image to four.", "image": "generated_images/image_114.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 1}], "exclude": [{"class": "baseball glove", "count": 2}], "t2i_prompt": "a photo of two baseball gloves", "prompt": "Change the number of baseball glove in the image to one.", "image": "generated_images/image_115.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "t2i_prompt": "a photo of two baseball gloves", "prompt": "Change the number of baseball glove in the image to three.", "image": "generated_images/image_115.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "t2i_prompt": "a photo of two baseball gloves", "prompt": "Change the number of baseball glove in the image to four.", "image": "generated_images/image_115.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 1}], "exclude": [{"class": "frisbee", "count": 2}], "t2i_prompt": "a photo of three frisbees", "prompt": "Change the number of frisbee in the image to one.", "image": "generated_images/image_116.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "t2i_prompt": "a photo of three frisbees", "prompt": "Change the number of frisbee in the image to two.", "image": "generated_images/image_116.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "t2i_prompt": "a photo of three frisbees", "prompt": "Change the number of frisbee in the image to four.", "image": "generated_images/image_116.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "t2i_prompt": "a photo of one toothbrushs", "prompt": "Change the number of toothbrush in the image to two.", "image": "generated_images/image_117.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "t2i_prompt": "a photo of one toothbrushs", "prompt": "Change the number of toothbrush in the image to three.", "image": "generated_images/image_117.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "t2i_prompt": "a photo of one toothbrushs", "prompt": "Change the number of toothbrush in the image to four.", "image": "generated_images/image_117.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 1}], "exclude": [{"class": "car", "count": 2}], "t2i_prompt": "a photo of three cars", "prompt": "Change the number of car in the image to one.", "image": "generated_images/image_118.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "t2i_prompt": "a photo of three cars", "prompt": "Change the number of car in the image to two.", "image": "generated_images/image_118.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "t2i_prompt": "a photo of three cars", "prompt": "Change the number of car in the image to four.", "image": "generated_images/image_118.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "t2i_prompt": "a photo of one toilets", "prompt": "Change the number of toilet in the image to two.", "image": "generated_images/image_119.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "t2i_prompt": "a photo of one toilets", "prompt": "Change the number of toilet in the image to three.", "image": "generated_images/image_119.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "t2i_prompt": "a photo of one toilets", "prompt": "Change the number of toilet in the image to four.", "image": "generated_images/image_119.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 1}], "exclude": [{"class": "cell phone", "count": 2}], "t2i_prompt": "a photo of three cell phones", "prompt": "Change the number of cell phone in the image to one.", "image": "generated_images/image_120.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "t2i_prompt": "a photo of three cell phones", "prompt": "Change the number of cell phone in the image to two.", "image": "generated_images/image_120.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "t2i_prompt": "a photo of three cell phones", "prompt": "Change the number of cell phone in the image to four.", "image": "generated_images/image_120.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 1}], "exclude": [{"class": "wine glass", "count": 2}], "t2i_prompt": "a photo of two wine glasses", "prompt": "Change the number of wine glass in the image to one.", "image": "generated_images/image_121.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "t2i_prompt": "a photo of two wine glasses", "prompt": "Change the number of wine glass in the image to three.", "image": "generated_images/image_121.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "t2i_prompt": "a photo of two wine glasses", "prompt": "Change the number of wine glass in the image to four.", "image": "generated_images/image_121.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "t2i_prompt": "a photo of one bicycles", "prompt": "Change the number of bicycle in the image to two.", "image": "generated_images/image_122.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "t2i_prompt": "a photo of one bicycles", "prompt": "Change the number of bicycle in the image to three.", "image": "generated_images/image_122.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "t2i_prompt": "a photo of one bicycles", "prompt": "Change the number of bicycle in the image to four.", "image": "generated_images/image_122.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "t2i_prompt": "a photo of one sandwichs", "prompt": "Change the number of sandwich in the image to two.", "image": "generated_images/image_123.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "t2i_prompt": "a photo of one sandwichs", "prompt": "Change the number of sandwich in the image to three.", "image": "generated_images/image_123.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "t2i_prompt": "a photo of one sandwichs", "prompt": "Change the number of sandwich in the image to four.", "image": "generated_images/image_123.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 1}], "exclude": [{"class": "chair", "count": 2}], "t2i_prompt": "a photo of four chairs", "prompt": "Change the number of chair in the image to one.", "image": "generated_images/image_124.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "t2i_prompt": "a photo of four chairs", "prompt": "Change the number of chair in the image to two.", "image": "generated_images/image_124.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "t2i_prompt": "a photo of four chairs", "prompt": "Change the number of chair in the image to three.", "image": "generated_images/image_124.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "t2i_prompt": "a photo of one dogs", "prompt": "Change the number of dog in the image to two.", "image": "generated_images/image_125.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "t2i_prompt": "a photo of one dogs", "prompt": "Change the number of dog in the image to three.", "image": "generated_images/image_125.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "t2i_prompt": "a photo of one dogs", "prompt": "Change the number of dog in the image to four.", "image": "generated_images/image_125.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 1}], "exclude": [{"class": "bed", "count": 2}], "t2i_prompt": "a photo of two beds", "prompt": "Change the number of bed in the image to one.", "image": "generated_images/image_126.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "t2i_prompt": "a photo of two beds", "prompt": "Change the number of bed in the image to three.", "image": "generated_images/image_126.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "t2i_prompt": "a photo of two beds", "prompt": "Change the number of bed in the image to four.", "image": "generated_images/image_126.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 1}], "exclude": [{"class": "train", "count": 2}], "t2i_prompt": "a photo of four trains", "prompt": "Change the number of train in the image to one.", "image": "generated_images/image_127.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "t2i_prompt": "a photo of four trains", "prompt": "Change the number of train in the image to two.", "image": "generated_images/image_127.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "t2i_prompt": "a photo of four trains", "prompt": "Change the number of train in the image to three.", "image": "generated_images/image_127.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 1}], "exclude": [{"class": "tennis racket", "count": 2}], "t2i_prompt": "a photo of two tennis rackets", "prompt": "Change the number of tennis racket in the image to one.", "image": "generated_images/image_128.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "t2i_prompt": "a photo of two tennis rackets", "prompt": "Change the number of tennis racket in the image to three.", "image": "generated_images/image_128.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "t2i_prompt": "a photo of two tennis rackets", "prompt": "Change the number of tennis racket in the image to four.", "image": "generated_images/image_128.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 1}], "exclude": [{"class": "couch", "count": 2}], "t2i_prompt": "a photo of four couchs", "prompt": "Change the number of couch in the image to one.", "image": "generated_images/image_129.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "t2i_prompt": "a photo of four couchs", "prompt": "Change the number of couch in the image to two.", "image": "generated_images/image_129.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "t2i_prompt": "a photo of four couchs", "prompt": "Change the number of couch in the image to three.", "image": "generated_images/image_129.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 1}], "exclude": [{"class": "sink", "count": 2}], "t2i_prompt": "a photo of three sinks", "prompt": "Change the number of sink in the image to one.", "image": "generated_images/image_130.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "t2i_prompt": "a photo of three sinks", "prompt": "Change the number of sink in the image to two.", "image": "generated_images/image_130.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "t2i_prompt": "a photo of three sinks", "prompt": "Change the number of sink in the image to four.", "image": "generated_images/image_130.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "t2i_prompt": "a photo of one trucks", "prompt": "Change the number of truck in the image to two.", "image": "generated_images/image_131.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "t2i_prompt": "a photo of one trucks", "prompt": "Change the number of truck in the image to three.", "image": "generated_images/image_131.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "t2i_prompt": "a photo of one trucks", "prompt": "Change the number of truck in the image to four.", "image": "generated_images/image_131.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 1}], "exclude": [{"class": "handbag", "count": 2}], "t2i_prompt": "a photo of four handbags", "prompt": "Change the number of handbag in the image to one.", "image": "generated_images/image_132.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "t2i_prompt": "a photo of four handbags", "prompt": "Change the number of handbag in the image to two.", "image": "generated_images/image_132.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "t2i_prompt": "a photo of four handbags", "prompt": "Change the number of handbag in the image to three.", "image": "generated_images/image_132.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 1}], "exclude": [{"class": "sandwich", "count": 2}], "t2i_prompt": "a photo of four sandwichs", "prompt": "Change the number of sandwich in the image to one.", "image": "generated_images/image_133.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "t2i_prompt": "a photo of four sandwichs", "prompt": "Change the number of sandwich in the image to two.", "image": "generated_images/image_133.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "t2i_prompt": "a photo of four sandwichs", "prompt": "Change the number of sandwich in the image to three.", "image": "generated_images/image_133.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 1}], "exclude": [{"class": "hair drier", "count": 2}], "t2i_prompt": "a photo of three hair driers", "prompt": "Change the number of hair drier in the image to one.", "image": "generated_images/image_134.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "t2i_prompt": "a photo of three hair driers", "prompt": "Change the number of hair drier in the image to two.", "image": "generated_images/image_134.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "t2i_prompt": "a photo of three hair driers", "prompt": "Change the number of hair drier in the image to four.", "image": "generated_images/image_134.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 1}], "exclude": [{"class": "snowboard", "count": 2}], "t2i_prompt": "a photo of two snowboards", "prompt": "Change the number of snowboard in the image to one.", "image": "generated_images/image_135.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "t2i_prompt": "a photo of two snowboards", "prompt": "Change the number of snowboard in the image to three.", "image": "generated_images/image_135.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "t2i_prompt": "a photo of two snowboards", "prompt": "Change the number of snowboard in the image to four.", "image": "generated_images/image_135.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "t2i_prompt": "a photo of one cakes", "prompt": "Change the number of cake in the image to two.", "image": "generated_images/image_136.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "t2i_prompt": "a photo of one cakes", "prompt": "Change the number of cake in the image to three.", "image": "generated_images/image_136.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "t2i_prompt": "a photo of one cakes", "prompt": "Change the number of cake in the image to four.", "image": "generated_images/image_136.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "t2i_prompt": "a photo of one buses", "prompt": "Change the number of bus in the image to two.", "image": "generated_images/image_137.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "t2i_prompt": "a photo of one buses", "prompt": "Change the number of bus in the image to three.", "image": "generated_images/image_137.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "t2i_prompt": "a photo of one buses", "prompt": "Change the number of bus in the image to four.", "image": "generated_images/image_137.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 1}], "exclude": [{"class": "toothbrush", "count": 2}], "t2i_prompt": "a photo of three toothbrushs", "prompt": "Change the number of toothbrush in the image to one.", "image": "generated_images/image_138.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "t2i_prompt": "a photo of three toothbrushs", "prompt": "Change the number of toothbrush in the image to two.", "image": "generated_images/image_138.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "t2i_prompt": "a photo of three toothbrushs", "prompt": "Change the number of toothbrush in the image to four.", "image": "generated_images/image_138.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 1}], "exclude": [{"class": "potted plant", "count": 2}], "t2i_prompt": "a photo of two potted plants", "prompt": "Change the number of potted plant in the image to one.", "image": "generated_images/image_139.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "t2i_prompt": "a photo of two potted plants", "prompt": "Change the number of potted plant in the image to three.", "image": "generated_images/image_139.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "t2i_prompt": "a photo of two potted plants", "prompt": "Change the number of potted plant in the image to four.", "image": "generated_images/image_139.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 1}], "exclude": [{"class": "backpack", "count": 2}], "t2i_prompt": "a photo of two backpacks", "prompt": "Change the number of backpack in the image to one.", "image": "generated_images/image_140.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "t2i_prompt": "a photo of two backpacks", "prompt": "Change the number of backpack in the image to three.", "image": "generated_images/image_140.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "t2i_prompt": "a photo of two backpacks", "prompt": "Change the number of backpack in the image to four.", "image": "generated_images/image_140.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 1}], "exclude": [{"class": "stop sign", "count": 2}], "t2i_prompt": "a photo of two stop signs", "prompt": "Change the number of stop sign in the image to one.", "image": "generated_images/image_141.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "t2i_prompt": "a photo of two stop signs", "prompt": "Change the number of stop sign in the image to three.", "image": "generated_images/image_141.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "t2i_prompt": "a photo of two stop signs", "prompt": "Change the number of stop sign in the image to four.", "image": "generated_images/image_141.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 1}], "exclude": [{"class": "suitcase", "count": 2}], "t2i_prompt": "a photo of three suitcases", "prompt": "Change the number of suitcase in the image to one.", "image": "generated_images/image_142.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "t2i_prompt": "a photo of three suitcases", "prompt": "Change the number of suitcase in the image to two.", "image": "generated_images/image_142.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "t2i_prompt": "a photo of three suitcases", "prompt": "Change the number of suitcase in the image to four.", "image": "generated_images/image_142.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 1}], "exclude": [{"class": "stop sign", "count": 2}], "t2i_prompt": "a photo of four stop signs", "prompt": "Change the number of stop sign in the image to one.", "image": "generated_images/image_143.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "t2i_prompt": "a photo of four stop signs", "prompt": "Change the number of stop sign in the image to two.", "image": "generated_images/image_143.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "t2i_prompt": "a photo of four stop signs", "prompt": "Change the number of stop sign in the image to three.", "image": "generated_images/image_143.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 1}], "exclude": [{"class": "boat", "count": 2}], "t2i_prompt": "a photo of two boats", "prompt": "Change the number of boat in the image to one.", "image": "generated_images/image_144.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "t2i_prompt": "a photo of two boats", "prompt": "Change the number of boat in the image to three.", "image": "generated_images/image_144.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "t2i_prompt": "a photo of two boats", "prompt": "Change the number of boat in the image to four.", "image": "generated_images/image_144.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 1}], "exclude": [{"class": "pizza", "count": 2}], "t2i_prompt": "a photo of four pizzas", "prompt": "Change the number of pizza in the image to one.", "image": "generated_images/image_145.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "t2i_prompt": "a photo of four pizzas", "prompt": "Change the number of pizza in the image to two.", "image": "generated_images/image_145.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "t2i_prompt": "a photo of four pizzas", "prompt": "Change the number of pizza in the image to three.", "image": "generated_images/image_145.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 1}], "exclude": [{"class": "giraffe", "count": 2}], "t2i_prompt": "a photo of three giraffes", "prompt": "Change the number of giraffe in the image to one.", "image": "generated_images/image_146.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "t2i_prompt": "a photo of three giraffes", "prompt": "Change the number of giraffe in the image to two.", "image": "generated_images/image_146.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "t2i_prompt": "a photo of three giraffes", "prompt": "Change the number of giraffe in the image to four.", "image": "generated_images/image_146.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 1}], "exclude": [{"class": "microwave", "count": 2}], "t2i_prompt": "a photo of two microwaves", "prompt": "Change the number of microwave in the image to one.", "image": "generated_images/image_147.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "t2i_prompt": "a photo of two microwaves", "prompt": "Change the number of microwave in the image to three.", "image": "generated_images/image_147.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "t2i_prompt": "a photo of two microwaves", "prompt": "Change the number of microwave in the image to four.", "image": "generated_images/image_147.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 1}], "exclude": [{"class": "suitcase", "count": 2}], "t2i_prompt": "a photo of two suitcases", "prompt": "Change the number of suitcase in the image to one.", "image": "generated_images/image_148.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "t2i_prompt": "a photo of two suitcases", "prompt": "Change the number of suitcase in the image to three.", "image": "generated_images/image_148.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "t2i_prompt": "a photo of two suitcases", "prompt": "Change the number of suitcase in the image to four.", "image": "generated_images/image_148.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "t2i_prompt": "a photo of one tvs", "prompt": "Change the number of tv in the image to two.", "image": "generated_images/image_149.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "t2i_prompt": "a photo of one tvs", "prompt": "Change the number of tv in the image to three.", "image": "generated_images/image_149.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "t2i_prompt": "a photo of one tvs", "prompt": "Change the number of tv in the image to four.", "image": "generated_images/image_149.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "t2i_prompt": "a photo of one computer keyboards", "prompt": "Change the number of computer keyboard in the image to two.", "image": "generated_images/image_150.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "t2i_prompt": "a photo of one computer keyboards", "prompt": "Change the number of computer keyboard in the image to three.", "image": "generated_images/image_150.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "t2i_prompt": "a photo of one computer keyboards", "prompt": "Change the number of computer keyboard in the image to four.", "image": "generated_images/image_150.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 1}], "exclude": [{"class": "cat", "count": 2}], "t2i_prompt": "a photo of two cats", "prompt": "Change the number of cat in the image to one.", "image": "generated_images/image_151.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "t2i_prompt": "a photo of two cats", "prompt": "Change the number of cat in the image to three.", "image": "generated_images/image_151.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "t2i_prompt": "a photo of two cats", "prompt": "Change the number of cat in the image to four.", "image": "generated_images/image_151.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 1}], "exclude": [{"class": "book", "count": 2}], "t2i_prompt": "a photo of four books", "prompt": "Change the number of book in the image to one.", "image": "generated_images/image_152.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "t2i_prompt": "a photo of four books", "prompt": "Change the number of book in the image to two.", "image": "generated_images/image_152.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "t2i_prompt": "a photo of four books", "prompt": "Change the number of book in the image to three.", "image": "generated_images/image_152.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "t2i_prompt": "a photo of one baseball bats", "prompt": "Change the number of baseball bat in the image to two.", "image": "generated_images/image_153.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "t2i_prompt": "a photo of one baseball bats", "prompt": "Change the number of baseball bat in the image to three.", "image": "generated_images/image_153.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "t2i_prompt": "a photo of one baseball bats", "prompt": "Change the number of baseball bat in the image to four.", "image": "generated_images/image_153.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 1}], "exclude": [{"class": "bicycle", "count": 2}], "t2i_prompt": "a photo of two bicycles", "prompt": "Change the number of bicycle in the image to one.", "image": "generated_images/image_154.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "t2i_prompt": "a photo of two bicycles", "prompt": "Change the number of bicycle in the image to three.", "image": "generated_images/image_154.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "t2i_prompt": "a photo of two bicycles", "prompt": "Change the number of bicycle in the image to four.", "image": "generated_images/image_154.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 1}], "exclude": [{"class": "cup", "count": 2}], "t2i_prompt": "a photo of two cups", "prompt": "Change the number of cup in the image to one.", "image": "generated_images/image_155.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "t2i_prompt": "a photo of two cups", "prompt": "Change the number of cup in the image to three.", "image": "generated_images/image_155.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "t2i_prompt": "a photo of two cups", "prompt": "Change the number of cup in the image to four.", "image": "generated_images/image_155.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 1}], "exclude": [{"class": "spoon", "count": 2}], "t2i_prompt": "a photo of three spoons", "prompt": "Change the number of spoon in the image to one.", "image": "generated_images/image_156.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "t2i_prompt": "a photo of three spoons", "prompt": "Change the number of spoon in the image to two.", "image": "generated_images/image_156.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "t2i_prompt": "a photo of three spoons", "prompt": "Change the number of spoon in the image to four.", "image": "generated_images/image_156.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 1}], "exclude": [{"class": "truck", "count": 2}], "t2i_prompt": "a photo of three trucks", "prompt": "Change the number of truck in the image to one.", "image": "generated_images/image_157.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "t2i_prompt": "a photo of three trucks", "prompt": "Change the number of truck in the image to two.", "image": "generated_images/image_157.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "t2i_prompt": "a photo of three trucks", "prompt": "Change the number of truck in the image to four.", "image": "generated_images/image_157.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "t2i_prompt": "a photo of one cars", "prompt": "Change the number of car in the image to two.", "image": "generated_images/image_158.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "t2i_prompt": "a photo of one cars", "prompt": "Change the number of car in the image to three.", "image": "generated_images/image_158.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "t2i_prompt": "a photo of one cars", "prompt": "Change the number of car in the image to four.", "image": "generated_images/image_158.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 1}], "exclude": [{"class": "parking meter", "count": 2}], "t2i_prompt": "a photo of four parking meters", "prompt": "Change the number of parking meter in the image to one.", "image": "generated_images/image_159.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "t2i_prompt": "a photo of four parking meters", "prompt": "Change the number of parking meter in the image to two.", "image": "generated_images/image_159.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "t2i_prompt": "a photo of four parking meters", "prompt": "Change the number of parking meter in the image to three.", "image": "generated_images/image_159.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 1}], "exclude": [{"class": "scissors", "count": 2}], "t2i_prompt": "a photo of two scissorses", "prompt": "Change the number of scissors in the image to one.", "image": "generated_images/image_160.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "t2i_prompt": "a photo of two scissorses", "prompt": "Change the number of scissors in the image to three.", "image": "generated_images/image_160.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "t2i_prompt": "a photo of two scissorses", "prompt": "Change the number of scissors in the image to four.", "image": "generated_images/image_160.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 1}], "exclude": [{"class": "skateboard", "count": 2}], "t2i_prompt": "a photo of three skateboards", "prompt": "Change the number of skateboard in the image to one.", "image": "generated_images/image_161.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "t2i_prompt": "a photo of three skateboards", "prompt": "Change the number of skateboard in the image to two.", "image": "generated_images/image_161.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "t2i_prompt": "a photo of three skateboards", "prompt": "Change the number of skateboard in the image to four.", "image": "generated_images/image_161.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 1}], "exclude": [{"class": "bottle", "count": 2}], "t2i_prompt": "a photo of two bottles", "prompt": "Change the number of bottle in the image to one.", "image": "generated_images/image_162.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "t2i_prompt": "a photo of two bottles", "prompt": "Change the number of bottle in the image to three.", "image": "generated_images/image_162.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "t2i_prompt": "a photo of two bottles", "prompt": "Change the number of bottle in the image to four.", "image": "generated_images/image_162.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "t2i_prompt": "a photo of one persons", "prompt": "Change the number of person in the image to two.", "image": "generated_images/image_163.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "t2i_prompt": "a photo of one persons", "prompt": "Change the number of person in the image to three.", "image": "generated_images/image_163.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "t2i_prompt": "a photo of one persons", "prompt": "Change the number of person in the image to four.", "image": "generated_images/image_163.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "t2i_prompt": "a photo of one giraffes", "prompt": "Change the number of giraffe in the image to two.", "image": "generated_images/image_164.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "t2i_prompt": "a photo of one giraffes", "prompt": "Change the number of giraffe in the image to three.", "image": "generated_images/image_164.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "t2i_prompt": "a photo of one giraffes", "prompt": "Change the number of giraffe in the image to four.", "image": "generated_images/image_164.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 1}], "exclude": [{"class": "spoon", "count": 2}], "t2i_prompt": "a photo of four spoons", "prompt": "Change the number of spoon in the image to one.", "image": "generated_images/image_165.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "t2i_prompt": "a photo of four spoons", "prompt": "Change the number of spoon in the image to two.", "image": "generated_images/image_165.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "t2i_prompt": "a photo of four spoons", "prompt": "Change the number of spoon in the image to three.", "image": "generated_images/image_165.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 1}], "exclude": [{"class": "tv", "count": 2}], "t2i_prompt": "a photo of three tvs", "prompt": "Change the number of tv in the image to one.", "image": "generated_images/image_166.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "t2i_prompt": "a photo of three tvs", "prompt": "Change the number of tv in the image to two.", "image": "generated_images/image_166.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "t2i_prompt": "a photo of three tvs", "prompt": "Change the number of tv in the image to four.", "image": "generated_images/image_166.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 1}], "exclude": [{"class": "fire hydrant", "count": 2}], "t2i_prompt": "a photo of four fire hydrants", "prompt": "Change the number of fire hydrant in the image to one.", "image": "generated_images/image_167.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "t2i_prompt": "a photo of four fire hydrants", "prompt": "Change the number of fire hydrant in the image to two.", "image": "generated_images/image_167.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "t2i_prompt": "a photo of four fire hydrants", "prompt": "Change the number of fire hydrant in the image to three.", "image": "generated_images/image_167.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 1}], "exclude": [{"class": "truck", "count": 2}], "t2i_prompt": "a photo of two trucks", "prompt": "Change the number of truck in the image to one.", "image": "generated_images/image_168.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "t2i_prompt": "a photo of two trucks", "prompt": "Change the number of truck in the image to three.", "image": "generated_images/image_168.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "t2i_prompt": "a photo of two trucks", "prompt": "Change the number of truck in the image to four.", "image": "generated_images/image_168.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 1}], "exclude": [{"class": "banana", "count": 2}], "t2i_prompt": "a photo of three bananas", "prompt": "Change the number of banana in the image to one.", "image": "generated_images/image_169.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "t2i_prompt": "a photo of three bananas", "prompt": "Change the number of banana in the image to two.", "image": "generated_images/image_169.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "t2i_prompt": "a photo of three bananas", "prompt": "Change the number of banana in the image to four.", "image": "generated_images/image_169.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 1}], "exclude": [{"class": "cup", "count": 2}], "t2i_prompt": "a photo of three cups", "prompt": "Change the number of cup in the image to one.", "image": "generated_images/image_170.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "t2i_prompt": "a photo of three cups", "prompt": "Change the number of cup in the image to two.", "image": "generated_images/image_170.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "t2i_prompt": "a photo of three cups", "prompt": "Change the number of cup in the image to four.", "image": "generated_images/image_170.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 1}], "exclude": [{"class": "scissors", "count": 2}], "t2i_prompt": "a photo of four scissorses", "prompt": "Change the number of scissors in the image to one.", "image": "generated_images/image_171.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "t2i_prompt": "a photo of four scissorses", "prompt": "Change the number of scissors in the image to two.", "image": "generated_images/image_171.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "t2i_prompt": "a photo of four scissorses", "prompt": "Change the number of scissors in the image to three.", "image": "generated_images/image_171.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "t2i_prompt": "a photo of one cats", "prompt": "Change the number of cat in the image to two.", "image": "generated_images/image_172.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "t2i_prompt": "a photo of one cats", "prompt": "Change the number of cat in the image to three.", "image": "generated_images/image_172.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "t2i_prompt": "a photo of one cats", "prompt": "Change the number of cat in the image to four.", "image": "generated_images/image_172.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 1}], "exclude": [{"class": "dog", "count": 2}], "t2i_prompt": "a photo of four dogs", "prompt": "Change the number of dog in the image to one.", "image": "generated_images/image_173.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "t2i_prompt": "a photo of four dogs", "prompt": "Change the number of dog in the image to two.", "image": "generated_images/image_173.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "t2i_prompt": "a photo of four dogs", "prompt": "Change the number of dog in the image to three.", "image": "generated_images/image_173.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 1}], "exclude": [{"class": "cup", "count": 2}], "t2i_prompt": "a photo of four cups", "prompt": "Change the number of cup in the image to one.", "image": "generated_images/image_174.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "t2i_prompt": "a photo of four cups", "prompt": "Change the number of cup in the image to two.", "image": "generated_images/image_174.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "t2i_prompt": "a photo of four cups", "prompt": "Change the number of cup in the image to three.", "image": "generated_images/image_174.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "t2i_prompt": "a photo of one baseball gloves", "prompt": "Change the number of baseball glove in the image to two.", "image": "generated_images/image_175.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "t2i_prompt": "a photo of one baseball gloves", "prompt": "Change the number of baseball glove in the image to three.", "image": "generated_images/image_175.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "t2i_prompt": "a photo of one baseball gloves", "prompt": "Change the number of baseball glove in the image to four.", "image": "generated_images/image_175.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "t2i_prompt": "a photo of one skateboards", "prompt": "Change the number of skateboard in the image to two.", "image": "generated_images/image_176.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "t2i_prompt": "a photo of one skateboards", "prompt": "Change the number of skateboard in the image to three.", "image": "generated_images/image_176.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "t2i_prompt": "a photo of one skateboards", "prompt": "Change the number of skateboard in the image to four.", "image": "generated_images/image_176.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 1}], "exclude": [{"class": "knife", "count": 2}], "t2i_prompt": "a photo of two knifes", "prompt": "Change the number of knife in the image to one.", "image": "generated_images/image_177.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "t2i_prompt": "a photo of two knifes", "prompt": "Change the number of knife in the image to three.", "image": "generated_images/image_177.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "t2i_prompt": "a photo of two knifes", "prompt": "Change the number of knife in the image to four.", "image": "generated_images/image_177.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "t2i_prompt": "a photo of one elephants", "prompt": "Change the number of elephant in the image to two.", "image": "generated_images/image_178.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "t2i_prompt": "a photo of one elephants", "prompt": "Change the number of elephant in the image to three.", "image": "generated_images/image_178.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "t2i_prompt": "a photo of one elephants", "prompt": "Change the number of elephant in the image to four.", "image": "generated_images/image_178.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 1}], "exclude": [{"class": "carrot", "count": 2}], "t2i_prompt": "a photo of three carrots", "prompt": "Change the number of carrot in the image to one.", "image": "generated_images/image_179.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "t2i_prompt": "a photo of three carrots", "prompt": "Change the number of carrot in the image to two.", "image": "generated_images/image_179.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "t2i_prompt": "a photo of three carrots", "prompt": "Change the number of carrot in the image to four.", "image": "generated_images/image_179.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 1}], "exclude": [{"class": "tennis racket", "count": 2}], "t2i_prompt": "a photo of three tennis rackets", "prompt": "Change the number of tennis racket in the image to one.", "image": "generated_images/image_180.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "t2i_prompt": "a photo of three tennis rackets", "prompt": "Change the number of tennis racket in the image to two.", "image": "generated_images/image_180.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "t2i_prompt": "a photo of three tennis rackets", "prompt": "Change the number of tennis racket in the image to four.", "image": "generated_images/image_180.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "t2i_prompt": "a photo of one beds", "prompt": "Change the number of bed in the image to two.", "image": "generated_images/image_181.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "t2i_prompt": "a photo of one beds", "prompt": "Change the number of bed in the image to three.", "image": "generated_images/image_181.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "t2i_prompt": "a photo of one beds", "prompt": "Change the number of bed in the image to four.", "image": "generated_images/image_181.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 1}], "exclude": [{"class": "person", "count": 2}], "t2i_prompt": "a photo of three persons", "prompt": "Change the number of person in the image to one.", "image": "generated_images/image_182.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "t2i_prompt": "a photo of three persons", "prompt": "Change the number of person in the image to two.", "image": "generated_images/image_182.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "t2i_prompt": "a photo of three persons", "prompt": "Change the number of person in the image to four.", "image": "generated_images/image_182.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "t2i_prompt": "a photo of one toasters", "prompt": "Change the number of toaster in the image to two.", "image": "generated_images/image_183.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "t2i_prompt": "a photo of one toasters", "prompt": "Change the number of toaster in the image to three.", "image": "generated_images/image_183.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "t2i_prompt": "a photo of one toasters", "prompt": "Change the number of toaster in the image to four.", "image": "generated_images/image_183.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 1}], "exclude": [{"class": "bench", "count": 2}], "t2i_prompt": "a photo of three benchs", "prompt": "Change the number of bench in the image to one.", "image": "generated_images/image_184.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "t2i_prompt": "a photo of three benchs", "prompt": "Change the number of bench in the image to two.", "image": "generated_images/image_184.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "t2i_prompt": "a photo of three benchs", "prompt": "Change the number of bench in the image to four.", "image": "generated_images/image_184.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 1}], "exclude": [{"class": "surfboard", "count": 2}], "t2i_prompt": "a photo of two surfboards", "prompt": "Change the number of surfboard in the image to one.", "image": "generated_images/image_185.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "t2i_prompt": "a photo of two surfboards", "prompt": "Change the number of surfboard in the image to three.", "image": "generated_images/image_185.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "t2i_prompt": "a photo of two surfboards", "prompt": "Change the number of surfboard in the image to four.", "image": "generated_images/image_185.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 1}], "exclude": [{"class": "potted plant", "count": 2}], "t2i_prompt": "a photo of three potted plants", "prompt": "Change the number of potted plant in the image to one.", "image": "generated_images/image_186.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "t2i_prompt": "a photo of three potted plants", "prompt": "Change the number of potted plant in the image to two.", "image": "generated_images/image_186.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "t2i_prompt": "a photo of three potted plants", "prompt": "Change the number of potted plant in the image to four.", "image": "generated_images/image_186.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 1}], "exclude": [{"class": "bus", "count": 2}], "t2i_prompt": "a photo of two buses", "prompt": "Change the number of bus in the image to one.", "image": "generated_images/image_187.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "t2i_prompt": "a photo of two buses", "prompt": "Change the number of bus in the image to three.", "image": "generated_images/image_187.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "t2i_prompt": "a photo of two buses", "prompt": "Change the number of bus in the image to four.", "image": "generated_images/image_187.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 1}], "exclude": [{"class": "snowboard", "count": 2}], "t2i_prompt": "a photo of three snowboards", "prompt": "Change the number of snowboard in the image to one.", "image": "generated_images/image_188.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "t2i_prompt": "a photo of three snowboards", "prompt": "Change the number of snowboard in the image to two.", "image": "generated_images/image_188.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "t2i_prompt": "a photo of three snowboards", "prompt": "Change the number of snowboard in the image to four.", "image": "generated_images/image_188.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 1}], "exclude": [{"class": "bird", "count": 2}], "t2i_prompt": "a photo of two birds", "prompt": "Change the number of bird in the image to one.", "image": "generated_images/image_189.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "t2i_prompt": "a photo of two birds", "prompt": "Change the number of bird in the image to three.", "image": "generated_images/image_189.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "t2i_prompt": "a photo of two birds", "prompt": "Change the number of bird in the image to four.", "image": "generated_images/image_189.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 1}], "exclude": [{"class": "toilet", "count": 2}], "t2i_prompt": "a photo of four toilets", "prompt": "Change the number of toilet in the image to one.", "image": "generated_images/image_190.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "t2i_prompt": "a photo of four toilets", "prompt": "Change the number of toilet in the image to two.", "image": "generated_images/image_190.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "t2i_prompt": "a photo of four toilets", "prompt": "Change the number of toilet in the image to three.", "image": "generated_images/image_190.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 1}], "exclude": [{"class": "sink", "count": 2}], "t2i_prompt": "a photo of four sinks", "prompt": "Change the number of sink in the image to one.", "image": "generated_images/image_191.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "t2i_prompt": "a photo of four sinks", "prompt": "Change the number of sink in the image to two.", "image": "generated_images/image_191.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "t2i_prompt": "a photo of four sinks", "prompt": "Change the number of sink in the image to three.", "image": "generated_images/image_191.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "t2i_prompt": "a photo of one dining tables", "prompt": "Change the number of dining table in the image to two.", "image": "generated_images/image_192.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "t2i_prompt": "a photo of one dining tables", "prompt": "Change the number of dining table in the image to three.", "image": "generated_images/image_192.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "t2i_prompt": "a photo of one dining tables", "prompt": "Change the number of dining table in the image to four.", "image": "generated_images/image_192.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 1}], "exclude": [{"class": "cow", "count": 2}], "t2i_prompt": "a photo of four cows", "prompt": "Change the number of cow in the image to one.", "image": "generated_images/image_193.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "t2i_prompt": "a photo of four cows", "prompt": "Change the number of cow in the image to two.", "image": "generated_images/image_193.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "t2i_prompt": "a photo of four cows", "prompt": "Change the number of cow in the image to three.", "image": "generated_images/image_193.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 1}], "exclude": [{"class": "donut", "count": 2}], "t2i_prompt": "a photo of four donuts", "prompt": "Change the number of donut in the image to one.", "image": "generated_images/image_194.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "t2i_prompt": "a photo of four donuts", "prompt": "Change the number of donut in the image to two.", "image": "generated_images/image_194.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "t2i_prompt": "a photo of four donuts", "prompt": "Change the number of donut in the image to three.", "image": "generated_images/image_194.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 1}], "exclude": [{"class": "baseball bat", "count": 2}], "t2i_prompt": "a photo of two baseball bats", "prompt": "Change the number of baseball bat in the image to one.", "image": "generated_images/image_195.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "t2i_prompt": "a photo of two baseball bats", "prompt": "Change the number of baseball bat in the image to three.", "image": "generated_images/image_195.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "t2i_prompt": "a photo of two baseball bats", "prompt": "Change the number of baseball bat in the image to four.", "image": "generated_images/image_195.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 1}], "exclude": [{"class": "sheep", "count": 2}], "t2i_prompt": "a photo of two sheeps", "prompt": "Change the number of sheep in the image to one.", "image": "generated_images/image_196.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "t2i_prompt": "a photo of two sheeps", "prompt": "Change the number of sheep in the image to three.", "image": "generated_images/image_196.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "t2i_prompt": "a photo of two sheeps", "prompt": "Change the number of sheep in the image to four.", "image": "generated_images/image_196.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 1}], "exclude": [{"class": "kite", "count": 2}], "t2i_prompt": "a photo of four kites", "prompt": "Change the number of kite in the image to one.", "image": "generated_images/image_197.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "t2i_prompt": "a photo of four kites", "prompt": "Change the number of kite in the image to two.", "image": "generated_images/image_197.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "t2i_prompt": "a photo of four kites", "prompt": "Change the number of kite in the image to three.", "image": "generated_images/image_197.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 1}], "exclude": [{"class": "backpack", "count": 2}], "t2i_prompt": "a photo of four backpacks", "prompt": "Change the number of backpack in the image to one.", "image": "generated_images/image_198.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "t2i_prompt": "a photo of four backpacks", "prompt": "Change the number of backpack in the image to two.", "image": "generated_images/image_198.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "t2i_prompt": "a photo of four backpacks", "prompt": "Change the number of backpack in the image to three.", "image": "generated_images/image_198.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 1}], "exclude": [{"class": "vase", "count": 2}], "t2i_prompt": "a photo of four vases", "prompt": "Change the number of vase in the image to one.", "image": "generated_images/image_199.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "t2i_prompt": "a photo of four vases", "prompt": "Change the number of vase in the image to two.", "image": "generated_images/image_199.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "t2i_prompt": "a photo of four vases", "prompt": "Change the number of vase in the image to three.", "image": "generated_images/image_199.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "t2i_prompt": "a photo of one hot dogs", "prompt": "Change the number of hot dog in the image to two.", "image": "generated_images/image_200.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "t2i_prompt": "a photo of one hot dogs", "prompt": "Change the number of hot dog in the image to three.", "image": "generated_images/image_200.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "t2i_prompt": "a photo of one hot dogs", "prompt": "Change the number of hot dog in the image to four.", "image": "generated_images/image_200.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 1}], "exclude": [{"class": "couch", "count": 2}], "t2i_prompt": "a photo of two couchs", "prompt": "Change the number of couch in the image to one.", "image": "generated_images/image_201.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "t2i_prompt": "a photo of two couchs", "prompt": "Change the number of couch in the image to three.", "image": "generated_images/image_201.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "t2i_prompt": "a photo of two couchs", "prompt": "Change the number of couch in the image to four.", "image": "generated_images/image_201.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 1}], "exclude": [{"class": "couch", "count": 2}], "t2i_prompt": "a photo of three couchs", "prompt": "Change the number of couch in the image to one.", "image": "generated_images/image_202.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "t2i_prompt": "a photo of three couchs", "prompt": "Change the number of couch in the image to two.", "image": "generated_images/image_202.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "t2i_prompt": "a photo of three couchs", "prompt": "Change the number of couch in the image to four.", "image": "generated_images/image_202.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 1}], "exclude": [{"class": "backpack", "count": 2}], "t2i_prompt": "a photo of three backpacks", "prompt": "Change the number of backpack in the image to one.", "image": "generated_images/image_203.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "t2i_prompt": "a photo of three backpacks", "prompt": "Change the number of backpack in the image to two.", "image": "generated_images/image_203.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "t2i_prompt": "a photo of three backpacks", "prompt": "Change the number of backpack in the image to four.", "image": "generated_images/image_203.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 1}], "exclude": [{"class": "surfboard", "count": 2}], "t2i_prompt": "a photo of four surfboards", "prompt": "Change the number of surfboard in the image to one.", "image": "generated_images/image_204.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "t2i_prompt": "a photo of four surfboards", "prompt": "Change the number of surfboard in the image to two.", "image": "generated_images/image_204.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "t2i_prompt": "a photo of four surfboards", "prompt": "Change the number of surfboard in the image to three.", "image": "generated_images/image_204.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 1}], "exclude": [{"class": "horse", "count": 2}], "t2i_prompt": "a photo of four horses", "prompt": "Change the number of horse in the image to one.", "image": "generated_images/image_205.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "t2i_prompt": "a photo of four horses", "prompt": "Change the number of horse in the image to two.", "image": "generated_images/image_205.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "t2i_prompt": "a photo of four horses", "prompt": "Change the number of horse in the image to three.", "image": "generated_images/image_205.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 1}], "exclude": [{"class": "boat", "count": 2}], "t2i_prompt": "a photo of three boats", "prompt": "Change the number of boat in the image to one.", "image": "generated_images/image_206.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "t2i_prompt": "a photo of three boats", "prompt": "Change the number of boat in the image to two.", "image": "generated_images/image_206.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "t2i_prompt": "a photo of three boats", "prompt": "Change the number of boat in the image to four.", "image": "generated_images/image_206.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 1}], "exclude": [{"class": "refrigerator", "count": 2}], "t2i_prompt": "a photo of two refrigerators", "prompt": "Change the number of refrigerator in the image to one.", "image": "generated_images/image_207.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "t2i_prompt": "a photo of two refrigerators", "prompt": "Change the number of refrigerator in the image to three.", "image": "generated_images/image_207.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "t2i_prompt": "a photo of two refrigerators", "prompt": "Change the number of refrigerator in the image to four.", "image": "generated_images/image_207.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "t2i_prompt": "a photo of one wine glasses", "prompt": "Change the number of wine glass in the image to two.", "image": "generated_images/image_208.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "t2i_prompt": "a photo of one wine glasses", "prompt": "Change the number of wine glass in the image to three.", "image": "generated_images/image_208.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "t2i_prompt": "a photo of one wine glasses", "prompt": "Change the number of wine glass in the image to four.", "image": "generated_images/image_208.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "t2i_prompt": "a photo of one umbrellas", "prompt": "Change the number of umbrella in the image to two.", "image": "generated_images/image_209.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "t2i_prompt": "a photo of one umbrellas", "prompt": "Change the number of umbrella in the image to three.", "image": "generated_images/image_209.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "t2i_prompt": "a photo of one umbrellas", "prompt": "Change the number of umbrella in the image to four.", "image": "generated_images/image_209.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 1}], "exclude": [{"class": "cake", "count": 2}], "t2i_prompt": "a photo of two cakes", "prompt": "Change the number of cake in the image to one.", "image": "generated_images/image_210.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "t2i_prompt": "a photo of two cakes", "prompt": "Change the number of cake in the image to three.", "image": "generated_images/image_210.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "t2i_prompt": "a photo of two cakes", "prompt": "Change the number of cake in the image to four.", "image": "generated_images/image_210.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 1}], "exclude": [{"class": "vase", "count": 2}], "t2i_prompt": "a photo of two vases", "prompt": "Change the number of vase in the image to one.", "image": "generated_images/image_211.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "t2i_prompt": "a photo of two vases", "prompt": "Change the number of vase in the image to three.", "image": "generated_images/image_211.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "t2i_prompt": "a photo of two vases", "prompt": "Change the number of vase in the image to four.", "image": "generated_images/image_211.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 1}], "exclude": [{"class": "toothbrush", "count": 2}], "t2i_prompt": "a photo of four toothbrushs", "prompt": "Change the number of toothbrush in the image to one.", "image": "generated_images/image_212.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "t2i_prompt": "a photo of four toothbrushs", "prompt": "Change the number of toothbrush in the image to two.", "image": "generated_images/image_212.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "t2i_prompt": "a photo of four toothbrushs", "prompt": "Change the number of toothbrush in the image to three.", "image": "generated_images/image_212.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 1}], "exclude": [{"class": "orange", "count": 2}], "t2i_prompt": "a photo of three oranges", "prompt": "Change the number of orange in the image to one.", "image": "generated_images/image_213.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "t2i_prompt": "a photo of three oranges", "prompt": "Change the number of orange in the image to two.", "image": "generated_images/image_213.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "t2i_prompt": "a photo of three oranges", "prompt": "Change the number of orange in the image to four.", "image": "generated_images/image_213.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 1}], "exclude": [{"class": "fire hydrant", "count": 2}], "t2i_prompt": "a photo of two fire hydrants", "prompt": "Change the number of fire hydrant in the image to one.", "image": "generated_images/image_214.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "t2i_prompt": "a photo of two fire hydrants", "prompt": "Change the number of fire hydrant in the image to three.", "image": "generated_images/image_214.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "t2i_prompt": "a photo of two fire hydrants", "prompt": "Change the number of fire hydrant in the image to four.", "image": "generated_images/image_214.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 1}], "exclude": [{"class": "refrigerator", "count": 2}], "t2i_prompt": "a photo of three refrigerators", "prompt": "Change the number of refrigerator in the image to one.", "image": "generated_images/image_215.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "t2i_prompt": "a photo of three refrigerators", "prompt": "Change the number of refrigerator in the image to two.", "image": "generated_images/image_215.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "t2i_prompt": "a photo of three refrigerators", "prompt": "Change the number of refrigerator in the image to four.", "image": "generated_images/image_215.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 1}], "exclude": [{"class": "traffic light", "count": 2}], "t2i_prompt": "a photo of two traffic lights", "prompt": "Change the number of traffic light in the image to one.", "image": "generated_images/image_216.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "t2i_prompt": "a photo of two traffic lights", "prompt": "Change the number of traffic light in the image to three.", "image": "generated_images/image_216.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "t2i_prompt": "a photo of two traffic lights", "prompt": "Change the number of traffic light in the image to four.", "image": "generated_images/image_216.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "t2i_prompt": "a photo of one hair driers", "prompt": "Change the number of hair drier in the image to two.", "image": "generated_images/image_217.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "t2i_prompt": "a photo of one hair driers", "prompt": "Change the number of hair drier in the image to three.", "image": "generated_images/image_217.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "t2i_prompt": "a photo of one hair driers", "prompt": "Change the number of hair drier in the image to four.", "image": "generated_images/image_217.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "t2i_prompt": "a photo of one kites", "prompt": "Change the number of kite in the image to two.", "image": "generated_images/image_218.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "t2i_prompt": "a photo of one kites", "prompt": "Change the number of kite in the image to three.", "image": "generated_images/image_218.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "t2i_prompt": "a photo of one kites", "prompt": "Change the number of kite in the image to four.", "image": "generated_images/image_218.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 1}], "exclude": [{"class": "suitcase", "count": 2}], "t2i_prompt": "a photo of four suitcases", "prompt": "Change the number of suitcase in the image to one.", "image": "generated_images/image_219.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "t2i_prompt": "a photo of four suitcases", "prompt": "Change the number of suitcase in the image to two.", "image": "generated_images/image_219.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "t2i_prompt": "a photo of four suitcases", "prompt": "Change the number of suitcase in the image to three.", "image": "generated_images/image_219.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 1}], "exclude": [{"class": "fork", "count": 2}], "t2i_prompt": "a photo of two forks", "prompt": "Change the number of fork in the image to one.", "image": "generated_images/image_220.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "t2i_prompt": "a photo of two forks", "prompt": "Change the number of fork in the image to three.", "image": "generated_images/image_220.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "t2i_prompt": "a photo of two forks", "prompt": "Change the number of fork in the image to four.", "image": "generated_images/image_220.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 1}], "exclude": [{"class": "toaster", "count": 2}], "t2i_prompt": "a photo of two toasters", "prompt": "Change the number of toaster in the image to one.", "image": "generated_images/image_221.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "t2i_prompt": "a photo of two toasters", "prompt": "Change the number of toaster in the image to three.", "image": "generated_images/image_221.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "t2i_prompt": "a photo of two toasters", "prompt": "Change the number of toaster in the image to four.", "image": "generated_images/image_221.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 1}], "exclude": [{"class": "toilet", "count": 2}], "t2i_prompt": "a photo of three toilets", "prompt": "Change the number of toilet in the image to one.", "image": "generated_images/image_222.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "t2i_prompt": "a photo of three toilets", "prompt": "Change the number of toilet in the image to two.", "image": "generated_images/image_222.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "t2i_prompt": "a photo of three toilets", "prompt": "Change the number of toilet in the image to four.", "image": "generated_images/image_222.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 1}], "exclude": [{"class": "teddy bear", "count": 2}], "t2i_prompt": "a photo of three teddy bears", "prompt": "Change the number of teddy bear in the image to one.", "image": "generated_images/image_223.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "t2i_prompt": "a photo of three teddy bears", "prompt": "Change the number of teddy bear in the image to two.", "image": "generated_images/image_223.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "t2i_prompt": "a photo of three teddy bears", "prompt": "Change the number of teddy bear in the image to four.", "image": "generated_images/image_223.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "t2i_prompt": "a photo of one surfboards", "prompt": "Change the number of surfboard in the image to two.", "image": "generated_images/image_224.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "t2i_prompt": "a photo of one surfboards", "prompt": "Change the number of surfboard in the image to three.", "image": "generated_images/image_224.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "t2i_prompt": "a photo of one surfboards", "prompt": "Change the number of surfboard in the image to four.", "image": "generated_images/image_224.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "t2i_prompt": "a photo of one handbags", "prompt": "Change the number of handbag in the image to two.", "image": "generated_images/image_225.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "t2i_prompt": "a photo of one handbags", "prompt": "Change the number of handbag in the image to three.", "image": "generated_images/image_225.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "t2i_prompt": "a photo of one handbags", "prompt": "Change the number of handbag in the image to four.", "image": "generated_images/image_225.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "t2i_prompt": "a photo of one clocks", "prompt": "Change the number of clock in the image to two.", "image": "generated_images/image_226.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "t2i_prompt": "a photo of one clocks", "prompt": "Change the number of clock in the image to three.", "image": "generated_images/image_226.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "t2i_prompt": "a photo of one clocks", "prompt": "Change the number of clock in the image to four.", "image": "generated_images/image_226.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 1}], "exclude": [{"class": "horse", "count": 2}], "t2i_prompt": "a photo of two horses", "prompt": "Change the number of horse in the image to one.", "image": "generated_images/image_227.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "t2i_prompt": "a photo of two horses", "prompt": "Change the number of horse in the image to three.", "image": "generated_images/image_227.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "t2i_prompt": "a photo of two horses", "prompt": "Change the number of horse in the image to four.", "image": "generated_images/image_227.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 1}], "exclude": [{"class": "zebra", "count": 2}], "t2i_prompt": "a photo of two zebras", "prompt": "Change the number of zebra in the image to one.", "image": "generated_images/image_228.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "t2i_prompt": "a photo of two zebras", "prompt": "Change the number of zebra in the image to three.", "image": "generated_images/image_228.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "t2i_prompt": "a photo of two zebras", "prompt": "Change the number of zebra in the image to four.", "image": "generated_images/image_228.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 1}], "exclude": [{"class": "computer mouse", "count": 2}], "t2i_prompt": "a photo of four computer mouses", "prompt": "Change the number of computer mouse in the image to one.", "image": "generated_images/image_229.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "t2i_prompt": "a photo of four computer mouses", "prompt": "Change the number of computer mouse in the image to two.", "image": "generated_images/image_229.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "t2i_prompt": "a photo of four computer mouses", "prompt": "Change the number of computer mouse in the image to three.", "image": "generated_images/image_229.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 1}], "exclude": [{"class": "tv", "count": 2}], "t2i_prompt": "a photo of two tvs", "prompt": "Change the number of tv in the image to one.", "image": "generated_images/image_230.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "t2i_prompt": "a photo of two tvs", "prompt": "Change the number of tv in the image to three.", "image": "generated_images/image_230.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "t2i_prompt": "a photo of two tvs", "prompt": "Change the number of tv in the image to four.", "image": "generated_images/image_230.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 1}], "exclude": [{"class": "hair drier", "count": 2}], "t2i_prompt": "a photo of two hair driers", "prompt": "Change the number of hair drier in the image to one.", "image": "generated_images/image_231.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "t2i_prompt": "a photo of two hair driers", "prompt": "Change the number of hair drier in the image to three.", "image": "generated_images/image_231.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "t2i_prompt": "a photo of two hair driers", "prompt": "Change the number of hair drier in the image to four.", "image": "generated_images/image_231.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "t2i_prompt": "a photo of one ovens", "prompt": "Change the number of oven in the image to two.", "image": "generated_images/image_232.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "t2i_prompt": "a photo of one ovens", "prompt": "Change the number of oven in the image to three.", "image": "generated_images/image_232.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "t2i_prompt": "a photo of one ovens", "prompt": "Change the number of oven in the image to four.", "image": "generated_images/image_232.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 1}], "exclude": [{"class": "banana", "count": 2}], "t2i_prompt": "a photo of four bananas", "prompt": "Change the number of banana in the image to one.", "image": "generated_images/image_233.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "t2i_prompt": "a photo of four bananas", "prompt": "Change the number of banana in the image to two.", "image": "generated_images/image_233.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "t2i_prompt": "a photo of four bananas", "prompt": "Change the number of banana in the image to three.", "image": "generated_images/image_233.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 1}], "exclude": [{"class": "orange", "count": 2}], "t2i_prompt": "a photo of four oranges", "prompt": "Change the number of orange in the image to one.", "image": "generated_images/image_234.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "t2i_prompt": "a photo of four oranges", "prompt": "Change the number of orange in the image to two.", "image": "generated_images/image_234.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "t2i_prompt": "a photo of four oranges", "prompt": "Change the number of orange in the image to three.", "image": "generated_images/image_234.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 1}], "exclude": [{"class": "bird", "count": 2}], "t2i_prompt": "a photo of three birds", "prompt": "Change the number of bird in the image to one.", "image": "generated_images/image_235.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "t2i_prompt": "a photo of three birds", "prompt": "Change the number of bird in the image to two.", "image": "generated_images/image_235.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "t2i_prompt": "a photo of three birds", "prompt": "Change the number of bird in the image to four.", "image": "generated_images/image_235.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 1}], "exclude": [{"class": "broccoli", "count": 2}], "t2i_prompt": "a photo of four broccolis", "prompt": "Change the number of broccoli in the image to one.", "image": "generated_images/image_236.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "t2i_prompt": "a photo of four broccolis", "prompt": "Change the number of broccoli in the image to two.", "image": "generated_images/image_236.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "t2i_prompt": "a photo of four broccolis", "prompt": "Change the number of broccoli in the image to three.", "image": "generated_images/image_236.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "t2i_prompt": "a photo of one carrots", "prompt": "Change the number of carrot in the image to two.", "image": "generated_images/image_237.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "t2i_prompt": "a photo of one carrots", "prompt": "Change the number of carrot in the image to three.", "image": "generated_images/image_237.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "t2i_prompt": "a photo of one carrots", "prompt": "Change the number of carrot in the image to four.", "image": "generated_images/image_237.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 1}], "exclude": [{"class": "stop sign", "count": 2}], "t2i_prompt": "a photo of three stop signs", "prompt": "Change the number of stop sign in the image to one.", "image": "generated_images/image_238.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "t2i_prompt": "a photo of three stop signs", "prompt": "Change the number of stop sign in the image to two.", "image": "generated_images/image_238.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "t2i_prompt": "a photo of three stop signs", "prompt": "Change the number of stop sign in the image to four.", "image": "generated_images/image_238.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 1}], "exclude": [{"class": "skateboard", "count": 2}], "t2i_prompt": "a photo of two skateboards", "prompt": "Change the number of skateboard in the image to one.", "image": "generated_images/image_239.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "t2i_prompt": "a photo of two skateboards", "prompt": "Change the number of skateboard in the image to three.", "image": "generated_images/image_239.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "t2i_prompt": "a photo of two skateboards", "prompt": "Change the number of skateboard in the image to four.", "image": "generated_images/image_239.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 1}], "exclude": [{"class": "motorcycle", "count": 2}], "t2i_prompt": "a photo of four motorcycles", "prompt": "Change the number of motorcycle in the image to one.", "image": "generated_images/image_240.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "t2i_prompt": "a photo of four motorcycles", "prompt": "Change the number of motorcycle in the image to two.", "image": "generated_images/image_240.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "t2i_prompt": "a photo of four motorcycles", "prompt": "Change the number of motorcycle in the image to three.", "image": "generated_images/image_240.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "t2i_prompt": "a photo of one donuts", "prompt": "Change the number of donut in the image to two.", "image": "generated_images/image_241.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "t2i_prompt": "a photo of one donuts", "prompt": "Change the number of donut in the image to three.", "image": "generated_images/image_241.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "t2i_prompt": "a photo of one donuts", "prompt": "Change the number of donut in the image to four.", "image": "generated_images/image_241.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 1}], "exclude": [{"class": "computer keyboard", "count": 2}], "t2i_prompt": "a photo of four computer keyboards", "prompt": "Change the number of computer keyboard in the image to one.", "image": "generated_images/image_242.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "t2i_prompt": "a photo of four computer keyboards", "prompt": "Change the number of computer keyboard in the image to two.", "image": "generated_images/image_242.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "t2i_prompt": "a photo of four computer keyboards", "prompt": "Change the number of computer keyboard in the image to three.", "image": "generated_images/image_242.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 1}], "exclude": [{"class": "bus", "count": 2}], "t2i_prompt": "a photo of four buses", "prompt": "Change the number of bus in the image to one.", "image": "generated_images/image_243.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "t2i_prompt": "a photo of four buses", "prompt": "Change the number of bus in the image to two.", "image": "generated_images/image_243.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "t2i_prompt": "a photo of four buses", "prompt": "Change the number of bus in the image to three.", "image": "generated_images/image_243.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "t2i_prompt": "a photo of one frisbees", "prompt": "Change the number of frisbee in the image to two.", "image": "generated_images/image_244.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "t2i_prompt": "a photo of one frisbees", "prompt": "Change the number of frisbee in the image to three.", "image": "generated_images/image_244.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "t2i_prompt": "a photo of one frisbees", "prompt": "Change the number of frisbee in the image to four.", "image": "generated_images/image_244.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "t2i_prompt": "a photo of one microwaves", "prompt": "Change the number of microwave in the image to two.", "image": "generated_images/image_245.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "t2i_prompt": "a photo of one microwaves", "prompt": "Change the number of microwave in the image to three.", "image": "generated_images/image_245.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "t2i_prompt": "a photo of one microwaves", "prompt": "Change the number of microwave in the image to four.", "image": "generated_images/image_245.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 1}], "exclude": [{"class": "bowl", "count": 2}], "t2i_prompt": "a photo of three bowls", "prompt": "Change the number of bowl in the image to one.", "image": "generated_images/image_246.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "t2i_prompt": "a photo of three bowls", "prompt": "Change the number of bowl in the image to two.", "image": "generated_images/image_246.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "t2i_prompt": "a photo of three bowls", "prompt": "Change the number of bowl in the image to four.", "image": "generated_images/image_246.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 1}], "exclude": [{"class": "handbag", "count": 2}], "t2i_prompt": "a photo of two handbags", "prompt": "Change the number of handbag in the image to one.", "image": "generated_images/image_247.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "t2i_prompt": "a photo of two handbags", "prompt": "Change the number of handbag in the image to three.", "image": "generated_images/image_247.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "t2i_prompt": "a photo of two handbags", "prompt": "Change the number of handbag in the image to four.", "image": "generated_images/image_247.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "t2i_prompt": "a photo of one sinks", "prompt": "Change the number of sink in the image to two.", "image": "generated_images/image_248.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "t2i_prompt": "a photo of one sinks", "prompt": "Change the number of sink in the image to three.", "image": "generated_images/image_248.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "t2i_prompt": "a photo of one sinks", "prompt": "Change the number of sink in the image to four.", "image": "generated_images/image_248.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 1}], "exclude": [{"class": "umbrella", "count": 2}], "t2i_prompt": "a photo of two umbrellas", "prompt": "Change the number of umbrella in the image to one.", "image": "generated_images/image_249.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "t2i_prompt": "a photo of two umbrellas", "prompt": "Change the number of umbrella in the image to three.", "image": "generated_images/image_249.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "t2i_prompt": "a photo of two umbrellas", "prompt": "Change the number of umbrella in the image to four.", "image": "generated_images/image_249.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 1}], "exclude": [{"class": "spoon", "count": 2}], "t2i_prompt": "a photo of two spoons", "prompt": "Change the number of spoon in the image to one.", "image": "generated_images/image_250.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "t2i_prompt": "a photo of two spoons", "prompt": "Change the number of spoon in the image to three.", "image": "generated_images/image_250.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "t2i_prompt": "a photo of two spoons", "prompt": "Change the number of spoon in the image to four.", "image": "generated_images/image_250.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 1}], "exclude": [{"class": "bear", "count": 2}], "t2i_prompt": "a photo of four bears", "prompt": "Change the number of bear in the image to one.", "image": "generated_images/image_251.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "t2i_prompt": "a photo of four bears", "prompt": "Change the number of bear in the image to two.", "image": "generated_images/image_251.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "t2i_prompt": "a photo of four bears", "prompt": "Change the number of bear in the image to three.", "image": "generated_images/image_251.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 1}], "exclude": [{"class": "cow", "count": 2}], "t2i_prompt": "a photo of two cows", "prompt": "Change the number of cow in the image to one.", "image": "generated_images/image_252.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "t2i_prompt": "a photo of two cows", "prompt": "Change the number of cow in the image to three.", "image": "generated_images/image_252.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "t2i_prompt": "a photo of two cows", "prompt": "Change the number of cow in the image to four.", "image": "generated_images/image_252.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 1}], "exclude": [{"class": "zebra", "count": 2}], "t2i_prompt": "a photo of four zebras", "prompt": "Change the number of zebra in the image to one.", "image": "generated_images/image_253.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "t2i_prompt": "a photo of four zebras", "prompt": "Change the number of zebra in the image to two.", "image": "generated_images/image_253.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "t2i_prompt": "a photo of four zebras", "prompt": "Change the number of zebra in the image to three.", "image": "generated_images/image_253.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "t2i_prompt": "a photo of one birds", "prompt": "Change the number of bird in the image to two.", "image": "generated_images/image_254.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "t2i_prompt": "a photo of one birds", "prompt": "Change the number of bird in the image to three.", "image": "generated_images/image_254.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "t2i_prompt": "a photo of one birds", "prompt": "Change the number of bird in the image to four.", "image": "generated_images/image_254.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "t2i_prompt": "a photo of one chairs", "prompt": "Change the number of chair in the image to two.", "image": "generated_images/image_255.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "t2i_prompt": "a photo of one chairs", "prompt": "Change the number of chair in the image to three.", "image": "generated_images/image_255.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "t2i_prompt": "a photo of one chairs", "prompt": "Change the number of chair in the image to four.", "image": "generated_images/image_255.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 1}], "exclude": [{"class": "computer mouse", "count": 2}], "t2i_prompt": "a photo of two computer mouses", "prompt": "Change the number of computer mouse in the image to one.", "image": "generated_images/image_256.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "t2i_prompt": "a photo of two computer mouses", "prompt": "Change the number of computer mouse in the image to three.", "image": "generated_images/image_256.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "t2i_prompt": "a photo of two computer mouses", "prompt": "Change the number of computer mouse in the image to four.", "image": "generated_images/image_256.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 1}], "exclude": [{"class": "bench", "count": 2}], "t2i_prompt": "a photo of two benchs", "prompt": "Change the number of bench in the image to one.", "image": "generated_images/image_257.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "t2i_prompt": "a photo of two benchs", "prompt": "Change the number of bench in the image to three.", "image": "generated_images/image_257.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "t2i_prompt": "a photo of two benchs", "prompt": "Change the number of bench in the image to four.", "image": "generated_images/image_257.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 1}], "exclude": [{"class": "knife", "count": 2}], "t2i_prompt": "a photo of four knifes", "prompt": "Change the number of knife in the image to one.", "image": "generated_images/image_258.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "t2i_prompt": "a photo of four knifes", "prompt": "Change the number of knife in the image to two.", "image": "generated_images/image_258.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "t2i_prompt": "a photo of four knifes", "prompt": "Change the number of knife in the image to three.", "image": "generated_images/image_258.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 1}], "exclude": [{"class": "apple", "count": 2}], "t2i_prompt": "a photo of two apples", "prompt": "Change the number of apple in the image to one.", "image": "generated_images/image_259.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "t2i_prompt": "a photo of two apples", "prompt": "Change the number of apple in the image to three.", "image": "generated_images/image_259.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "t2i_prompt": "a photo of two apples", "prompt": "Change the number of apple in the image to four.", "image": "generated_images/image_259.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 1}], "exclude": [{"class": "truck", "count": 2}], "t2i_prompt": "a photo of four trucks", "prompt": "Change the number of truck in the image to one.", "image": "generated_images/image_260.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "t2i_prompt": "a photo of four trucks", "prompt": "Change the number of truck in the image to two.", "image": "generated_images/image_260.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "t2i_prompt": "a photo of four trucks", "prompt": "Change the number of truck in the image to three.", "image": "generated_images/image_260.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 1}], "exclude": [{"class": "dog", "count": 2}], "t2i_prompt": "a photo of two dogs", "prompt": "Change the number of dog in the image to one.", "image": "generated_images/image_261.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "t2i_prompt": "a photo of two dogs", "prompt": "Change the number of dog in the image to three.", "image": "generated_images/image_261.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "t2i_prompt": "a photo of two dogs", "prompt": "Change the number of dog in the image to four.", "image": "generated_images/image_261.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 1}], "exclude": [{"class": "wine glass", "count": 2}], "t2i_prompt": "a photo of four wine glasses", "prompt": "Change the number of wine glass in the image to one.", "image": "generated_images/image_262.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "t2i_prompt": "a photo of four wine glasses", "prompt": "Change the number of wine glass in the image to two.", "image": "generated_images/image_262.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "t2i_prompt": "a photo of four wine glasses", "prompt": "Change the number of wine glass in the image to three.", "image": "generated_images/image_262.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 1}], "exclude": [{"class": "clock", "count": 2}], "t2i_prompt": "a photo of two clocks", "prompt": "Change the number of clock in the image to one.", "image": "generated_images/image_263.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "t2i_prompt": "a photo of two clocks", "prompt": "Change the number of clock in the image to three.", "image": "generated_images/image_263.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "t2i_prompt": "a photo of two clocks", "prompt": "Change the number of clock in the image to four.", "image": "generated_images/image_263.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 1}], "exclude": [{"class": "baseball glove", "count": 2}], "t2i_prompt": "a photo of three baseball gloves", "prompt": "Change the number of baseball glove in the image to one.", "image": "generated_images/image_264.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "t2i_prompt": "a photo of three baseball gloves", "prompt": "Change the number of baseball glove in the image to two.", "image": "generated_images/image_264.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "t2i_prompt": "a photo of three baseball gloves", "prompt": "Change the number of baseball glove in the image to four.", "image": "generated_images/image_264.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 1}], "exclude": [{"class": "toaster", "count": 2}], "t2i_prompt": "a photo of four toasters", "prompt": "Change the number of toaster in the image to one.", "image": "generated_images/image_265.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "t2i_prompt": "a photo of four toasters", "prompt": "Change the number of toaster in the image to two.", "image": "generated_images/image_265.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "t2i_prompt": "a photo of four toasters", "prompt": "Change the number of toaster in the image to three.", "image": "generated_images/image_265.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "t2i_prompt": "a photo of one sports balls", "prompt": "Change the number of sports ball in the image to two.", "image": "generated_images/image_266.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "t2i_prompt": "a photo of one sports balls", "prompt": "Change the number of sports ball in the image to three.", "image": "generated_images/image_266.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "t2i_prompt": "a photo of one sports balls", "prompt": "Change the number of sports ball in the image to four.", "image": "generated_images/image_266.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 1}], "exclude": [{"class": "carrot", "count": 2}], "t2i_prompt": "a photo of two carrots", "prompt": "Change the number of carrot in the image to one.", "image": "generated_images/image_267.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "t2i_prompt": "a photo of two carrots", "prompt": "Change the number of carrot in the image to three.", "image": "generated_images/image_267.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "t2i_prompt": "a photo of two carrots", "prompt": "Change the number of carrot in the image to four.", "image": "generated_images/image_267.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 1}], "exclude": [{"class": "parking meter", "count": 2}], "t2i_prompt": "a photo of three parking meters", "prompt": "Change the number of parking meter in the image to one.", "image": "generated_images/image_268.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "t2i_prompt": "a photo of three parking meters", "prompt": "Change the number of parking meter in the image to two.", "image": "generated_images/image_268.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "t2i_prompt": "a photo of three parking meters", "prompt": "Change the number of parking meter in the image to four.", "image": "generated_images/image_268.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "t2i_prompt": "a photo of one boats", "prompt": "Change the number of boat in the image to two.", "image": "generated_images/image_269.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "t2i_prompt": "a photo of one boats", "prompt": "Change the number of boat in the image to three.", "image": "generated_images/image_269.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "t2i_prompt": "a photo of one boats", "prompt": "Change the number of boat in the image to four.", "image": "generated_images/image_269.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 1}], "exclude": [{"class": "skis", "count": 2}], "t2i_prompt": "a photo of two skises", "prompt": "Change the number of skis in the image to one.", "image": "generated_images/image_270.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "t2i_prompt": "a photo of two skises", "prompt": "Change the number of skis in the image to three.", "image": "generated_images/image_270.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "t2i_prompt": "a photo of two skises", "prompt": "Change the number of skis in the image to four.", "image": "generated_images/image_270.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 1}], "exclude": [{"class": "person", "count": 2}], "t2i_prompt": "a photo of two persons", "prompt": "Change the number of person in the image to one.", "image": "generated_images/image_271.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "t2i_prompt": "a photo of two persons", "prompt": "Change the number of person in the image to three.", "image": "generated_images/image_271.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "t2i_prompt": "a photo of two persons", "prompt": "Change the number of person in the image to four.", "image": "generated_images/image_271.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 1}], "exclude": [{"class": "laptop", "count": 2}], "t2i_prompt": "a photo of four laptops", "prompt": "Change the number of laptop in the image to one.", "image": "generated_images/image_272.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "t2i_prompt": "a photo of four laptops", "prompt": "Change the number of laptop in the image to two.", "image": "generated_images/image_272.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "t2i_prompt": "a photo of four laptops", "prompt": "Change the number of laptop in the image to three.", "image": "generated_images/image_272.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 1}], "exclude": [{"class": "frisbee", "count": 2}], "t2i_prompt": "a photo of two frisbees", "prompt": "Change the number of frisbee in the image to one.", "image": "generated_images/image_273.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "t2i_prompt": "a photo of two frisbees", "prompt": "Change the number of frisbee in the image to three.", "image": "generated_images/image_273.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "t2i_prompt": "a photo of two frisbees", "prompt": "Change the number of frisbee in the image to four.", "image": "generated_images/image_273.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 1}], "exclude": [{"class": "elephant", "count": 2}], "t2i_prompt": "a photo of three elephants", "prompt": "Change the number of elephant in the image to one.", "image": "generated_images/image_274.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "t2i_prompt": "a photo of three elephants", "prompt": "Change the number of elephant in the image to two.", "image": "generated_images/image_274.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "t2i_prompt": "a photo of three elephants", "prompt": "Change the number of elephant in the image to four.", "image": "generated_images/image_274.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 1}], "exclude": [{"class": "knife", "count": 2}], "t2i_prompt": "a photo of three knifes", "prompt": "Change the number of knife in the image to one.", "image": "generated_images/image_275.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "t2i_prompt": "a photo of three knifes", "prompt": "Change the number of knife in the image to two.", "image": "generated_images/image_275.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "t2i_prompt": "a photo of three knifes", "prompt": "Change the number of knife in the image to four.", "image": "generated_images/image_275.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 1}], "exclude": [{"class": "fork", "count": 2}], "t2i_prompt": "a photo of three forks", "prompt": "Change the number of fork in the image to one.", "image": "generated_images/image_276.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "t2i_prompt": "a photo of three forks", "prompt": "Change the number of fork in the image to two.", "image": "generated_images/image_276.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "t2i_prompt": "a photo of three forks", "prompt": "Change the number of fork in the image to four.", "image": "generated_images/image_276.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 1}], "exclude": [{"class": "baseball glove", "count": 2}], "t2i_prompt": "a photo of four baseball gloves", "prompt": "Change the number of baseball glove in the image to one.", "image": "generated_images/image_277.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "t2i_prompt": "a photo of four baseball gloves", "prompt": "Change the number of baseball glove in the image to two.", "image": "generated_images/image_277.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "t2i_prompt": "a photo of four baseball gloves", "prompt": "Change the number of baseball glove in the image to three.", "image": "generated_images/image_277.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "t2i_prompt": "a photo of one couchs", "prompt": "Change the number of couch in the image to two.", "image": "generated_images/image_278.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "t2i_prompt": "a photo of one couchs", "prompt": "Change the number of couch in the image to three.", "image": "generated_images/image_278.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "t2i_prompt": "a photo of one couchs", "prompt": "Change the number of couch in the image to four.", "image": "generated_images/image_278.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "t2i_prompt": "a photo of one oranges", "prompt": "Change the number of orange in the image to two.", "image": "generated_images/image_279.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "t2i_prompt": "a photo of one oranges", "prompt": "Change the number of orange in the image to three.", "image": "generated_images/image_279.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "t2i_prompt": "a photo of one oranges", "prompt": "Change the number of orange in the image to four.", "image": "generated_images/image_279.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 1}], "exclude": [{"class": "baseball bat", "count": 2}], "t2i_prompt": "a photo of four baseball bats", "prompt": "Change the number of baseball bat in the image to one.", "image": "generated_images/image_280.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "t2i_prompt": "a photo of four baseball bats", "prompt": "Change the number of baseball bat in the image to two.", "image": "generated_images/image_280.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "t2i_prompt": "a photo of four baseball bats", "prompt": "Change the number of baseball bat in the image to three.", "image": "generated_images/image_280.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "t2i_prompt": "a photo of one parking meters", "prompt": "Change the number of parking meter in the image to two.", "image": "generated_images/image_281.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "t2i_prompt": "a photo of one parking meters", "prompt": "Change the number of parking meter in the image to three.", "image": "generated_images/image_281.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "t2i_prompt": "a photo of one parking meters", "prompt": "Change the number of parking meter in the image to four.", "image": "generated_images/image_281.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 1}], "exclude": [{"class": "pizza", "count": 2}], "t2i_prompt": "a photo of three pizzas", "prompt": "Change the number of pizza in the image to one.", "image": "generated_images/image_282.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "t2i_prompt": "a photo of three pizzas", "prompt": "Change the number of pizza in the image to two.", "image": "generated_images/image_282.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "t2i_prompt": "a photo of three pizzas", "prompt": "Change the number of pizza in the image to four.", "image": "generated_images/image_282.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 1}], "exclude": [{"class": "handbag", "count": 2}], "t2i_prompt": "a photo of three handbags", "prompt": "Change the number of handbag in the image to one.", "image": "generated_images/image_283.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "t2i_prompt": "a photo of three handbags", "prompt": "Change the number of handbag in the image to two.", "image": "generated_images/image_283.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "t2i_prompt": "a photo of three handbags", "prompt": "Change the number of handbag in the image to four.", "image": "generated_images/image_283.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 1}], "exclude": [{"class": "airplane", "count": 2}], "t2i_prompt": "a photo of two airplanes", "prompt": "Change the number of airplane in the image to one.", "image": "generated_images/image_284.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "t2i_prompt": "a photo of two airplanes", "prompt": "Change the number of airplane in the image to three.", "image": "generated_images/image_284.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "t2i_prompt": "a photo of two airplanes", "prompt": "Change the number of airplane in the image to four.", "image": "generated_images/image_284.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 1}], "exclude": [{"class": "tv remote", "count": 2}], "t2i_prompt": "a photo of four tv remotes", "prompt": "Change the number of tv remote in the image to one.", "image": "generated_images/image_285.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "t2i_prompt": "a photo of four tv remotes", "prompt": "Change the number of tv remote in the image to two.", "image": "generated_images/image_285.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "t2i_prompt": "a photo of four tv remotes", "prompt": "Change the number of tv remote in the image to three.", "image": "generated_images/image_285.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 1}], "exclude": [{"class": "airplane", "count": 2}], "t2i_prompt": "a photo of three airplanes", "prompt": "Change the number of airplane in the image to one.", "image": "generated_images/image_286.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "t2i_prompt": "a photo of three airplanes", "prompt": "Change the number of airplane in the image to two.", "image": "generated_images/image_286.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "t2i_prompt": "a photo of three airplanes", "prompt": "Change the number of airplane in the image to four.", "image": "generated_images/image_286.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "t2i_prompt": "a photo of one scissorses", "prompt": "Change the number of scissors in the image to two.", "image": "generated_images/image_287.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "t2i_prompt": "a photo of one scissorses", "prompt": "Change the number of scissors in the image to three.", "image": "generated_images/image_287.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "t2i_prompt": "a photo of one scissorses", "prompt": "Change the number of scissors in the image to four.", "image": "generated_images/image_287.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 1}], "exclude": [{"class": "laptop", "count": 2}], "t2i_prompt": "a photo of three laptops", "prompt": "Change the number of laptop in the image to one.", "image": "generated_images/image_288.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "t2i_prompt": "a photo of three laptops", "prompt": "Change the number of laptop in the image to two.", "image": "generated_images/image_288.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "t2i_prompt": "a photo of three laptops", "prompt": "Change the number of laptop in the image to four.", "image": "generated_images/image_288.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 1}], "exclude": [{"class": "dining table", "count": 2}], "t2i_prompt": "a photo of two dining tables", "prompt": "Change the number of dining table in the image to one.", "image": "generated_images/image_289.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "t2i_prompt": "a photo of two dining tables", "prompt": "Change the number of dining table in the image to three.", "image": "generated_images/image_289.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "t2i_prompt": "a photo of two dining tables", "prompt": "Change the number of dining table in the image to four.", "image": "generated_images/image_289.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 1}], "exclude": [{"class": "tie", "count": 2}], "t2i_prompt": "a photo of four ties", "prompt": "Change the number of tie in the image to one.", "image": "generated_images/image_290.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "t2i_prompt": "a photo of four ties", "prompt": "Change the number of tie in the image to two.", "image": "generated_images/image_290.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "t2i_prompt": "a photo of four ties", "prompt": "Change the number of tie in the image to three.", "image": "generated_images/image_290.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 1}], "exclude": [{"class": "broccoli", "count": 2}], "t2i_prompt": "a photo of three broccolis", "prompt": "Change the number of broccoli in the image to one.", "image": "generated_images/image_291.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "t2i_prompt": "a photo of three broccolis", "prompt": "Change the number of broccoli in the image to two.", "image": "generated_images/image_291.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "t2i_prompt": "a photo of three broccolis", "prompt": "Change the number of broccoli in the image to four.", "image": "generated_images/image_291.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 1}], "exclude": [{"class": "bed", "count": 2}], "t2i_prompt": "a photo of three beds", "prompt": "Change the number of bed in the image to one.", "image": "generated_images/image_292.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "t2i_prompt": "a photo of three beds", "prompt": "Change the number of bed in the image to two.", "image": "generated_images/image_292.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "t2i_prompt": "a photo of three beds", "prompt": "Change the number of bed in the image to four.", "image": "generated_images/image_292.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 1}], "exclude": [{"class": "cow", "count": 2}], "t2i_prompt": "a photo of three cows", "prompt": "Change the number of cow in the image to one.", "image": "generated_images/image_293.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "t2i_prompt": "a photo of three cows", "prompt": "Change the number of cow in the image to two.", "image": "generated_images/image_293.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "t2i_prompt": "a photo of three cows", "prompt": "Change the number of cow in the image to four.", "image": "generated_images/image_293.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 1}], "exclude": [{"class": "tie", "count": 2}], "t2i_prompt": "a photo of three ties", "prompt": "Change the number of tie in the image to one.", "image": "generated_images/image_294.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "t2i_prompt": "a photo of three ties", "prompt": "Change the number of tie in the image to two.", "image": "generated_images/image_294.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "t2i_prompt": "a photo of three ties", "prompt": "Change the number of tie in the image to four.", "image": "generated_images/image_294.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 1}], "exclude": [{"class": "kite", "count": 2}], "t2i_prompt": "a photo of three kites", "prompt": "Change the number of kite in the image to one.", "image": "generated_images/image_295.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "t2i_prompt": "a photo of three kites", "prompt": "Change the number of kite in the image to two.", "image": "generated_images/image_295.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "t2i_prompt": "a photo of three kites", "prompt": "Change the number of kite in the image to four.", "image": "generated_images/image_295.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 1}], "exclude": [{"class": "zebra", "count": 2}], "t2i_prompt": "a photo of three zebras", "prompt": "Change the number of zebra in the image to one.", "image": "generated_images/image_296.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "t2i_prompt": "a photo of three zebras", "prompt": "Change the number of zebra in the image to two.", "image": "generated_images/image_296.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "t2i_prompt": "a photo of three zebras", "prompt": "Change the number of zebra in the image to four.", "image": "generated_images/image_296.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "t2i_prompt": "a photo of one bears", "prompt": "Change the number of bear in the image to two.", "image": "generated_images/image_297.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "t2i_prompt": "a photo of one bears", "prompt": "Change the number of bear in the image to three.", "image": "generated_images/image_297.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "t2i_prompt": "a photo of one bears", "prompt": "Change the number of bear in the image to four.", "image": "generated_images/image_297.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "t2i_prompt": "a photo of one backpacks", "prompt": "Change the number of backpack in the image to two.", "image": "generated_images/image_298.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "t2i_prompt": "a photo of one backpacks", "prompt": "Change the number of backpack in the image to three.", "image": "generated_images/image_298.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "t2i_prompt": "a photo of one backpacks", "prompt": "Change the number of backpack in the image to four.", "image": "generated_images/image_298.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 1}], "exclude": [{"class": "bear", "count": 2}], "t2i_prompt": "a photo of three bears", "prompt": "Change the number of bear in the image to one.", "image": "generated_images/image_299.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "t2i_prompt": "a photo of three bears", "prompt": "Change the number of bear in the image to two.", "image": "generated_images/image_299.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "t2i_prompt": "a photo of three bears", "prompt": "Change the number of bear in the image to four.", "image": "generated_images/image_299.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 1}], "exclude": [{"class": "hot dog", "count": 2}], "t2i_prompt": "a photo of three hot dogs", "prompt": "Change the number of hot dog in the image to one.", "image": "generated_images/image_300.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "t2i_prompt": "a photo of three hot dogs", "prompt": "Change the number of hot dog in the image to two.", "image": "generated_images/image_300.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "t2i_prompt": "a photo of three hot dogs", "prompt": "Change the number of hot dog in the image to four.", "image": "generated_images/image_300.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 1}], "exclude": [{"class": "cake", "count": 2}], "t2i_prompt": "a photo of four cakes", "prompt": "Change the number of cake in the image to one.", "image": "generated_images/image_301.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "t2i_prompt": "a photo of four cakes", "prompt": "Change the number of cake in the image to two.", "image": "generated_images/image_301.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "t2i_prompt": "a photo of four cakes", "prompt": "Change the number of cake in the image to three.", "image": "generated_images/image_301.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "t2i_prompt": "a photo of one snowboards", "prompt": "Change the number of snowboard in the image to two.", "image": "generated_images/image_302.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "t2i_prompt": "a photo of one snowboards", "prompt": "Change the number of snowboard in the image to three.", "image": "generated_images/image_302.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "t2i_prompt": "a photo of one snowboards", "prompt": "Change the number of snowboard in the image to four.", "image": "generated_images/image_302.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "t2i_prompt": "a photo of one laptops", "prompt": "Change the number of laptop in the image to two.", "image": "generated_images/image_303.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "t2i_prompt": "a photo of one laptops", "prompt": "Change the number of laptop in the image to three.", "image": "generated_images/image_303.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "t2i_prompt": "a photo of one laptops", "prompt": "Change the number of laptop in the image to four.", "image": "generated_images/image_303.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 1}], "exclude": [{"class": "apple", "count": 2}], "t2i_prompt": "a photo of three apples", "prompt": "Change the number of apple in the image to one.", "image": "generated_images/image_304.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "t2i_prompt": "a photo of three apples", "prompt": "Change the number of apple in the image to two.", "image": "generated_images/image_304.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "t2i_prompt": "a photo of three apples", "prompt": "Change the number of apple in the image to four.", "image": "generated_images/image_304.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 1}], "exclude": [{"class": "bowl", "count": 2}], "t2i_prompt": "a photo of two bowls", "prompt": "Change the number of bowl in the image to one.", "image": "generated_images/image_305.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "t2i_prompt": "a photo of two bowls", "prompt": "Change the number of bowl in the image to three.", "image": "generated_images/image_305.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "t2i_prompt": "a photo of two bowls", "prompt": "Change the number of bowl in the image to four.", "image": "generated_images/image_305.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 1}], "exclude": [{"class": "oven", "count": 2}], "t2i_prompt": "a photo of four ovens", "prompt": "Change the number of oven in the image to one.", "image": "generated_images/image_306.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "t2i_prompt": "a photo of four ovens", "prompt": "Change the number of oven in the image to two.", "image": "generated_images/image_306.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "t2i_prompt": "a photo of four ovens", "prompt": "Change the number of oven in the image to three.", "image": "generated_images/image_306.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 1}], "exclude": [{"class": "scissors", "count": 2}], "t2i_prompt": "a photo of three scissorses", "prompt": "Change the number of scissors in the image to one.", "image": "generated_images/image_307.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "t2i_prompt": "a photo of three scissorses", "prompt": "Change the number of scissors in the image to two.", "image": "generated_images/image_307.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "t2i_prompt": "a photo of three scissorses", "prompt": "Change the number of scissors in the image to four.", "image": "generated_images/image_307.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "t2i_prompt": "a photo of one potted plants", "prompt": "Change the number of potted plant in the image to two.", "image": "generated_images/image_308.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "t2i_prompt": "a photo of one potted plants", "prompt": "Change the number of potted plant in the image to three.", "image": "generated_images/image_308.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "t2i_prompt": "a photo of one potted plants", "prompt": "Change the number of potted plant in the image to four.", "image": "generated_images/image_308.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 1}], "exclude": [{"class": "surfboard", "count": 2}], "t2i_prompt": "a photo of three surfboards", "prompt": "Change the number of surfboard in the image to one.", "image": "generated_images/image_309.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "t2i_prompt": "a photo of three surfboards", "prompt": "Change the number of surfboard in the image to two.", "image": "generated_images/image_309.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "t2i_prompt": "a photo of three surfboards", "prompt": "Change the number of surfboard in the image to four.", "image": "generated_images/image_309.jpg"} diff --git a/ppdiffusers/examples/flow_grpo/dataset/counting_edit/process_data.py b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/process_data.py new file mode 100644 index 000000000..69ec61fa2 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/process_data.py @@ -0,0 +1,98 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import json +import os + +# 将数字映射到英文单词 +NUM_TO_WORD = { + 1: "one", + 2: "two", + 3: "three", + 4: "four", +} + +import torch +from diffusers import FluxPipeline + +model_id = "black-forest-labs/FLUX.1-dev" +device = "cuda" + +pipe = FluxPipeline.from_pretrained(model_id, torch_dtype=torch.bfloat16) +pipe = pipe.to(device) + + +def process_jsonl(input_file, output_file, image_directory): + """ + 处理输入的jsonl文件,并生成新的jsonl文件和图片。 + + Args: + input_file (str): 输入的jsonl文件名。 + output_file (str): 输出的jsonl文件名。 + image_directory (str): 保存图片的目录。 + """ + # 确保保存图片的目录存在 + if not os.path.exists(image_directory): + os.makedirs(image_directory) + + with open(input_file, "r", encoding="utf-8") as infile, open(output_file, "w", encoding="utf-8") as outfile: + for i, line in enumerate(infile): + try: + data = json.loads(line.strip()) + + # 1. 从 "include" 中获取当前的 count + original_count = data["include"][0]["count"] + class_name = data["include"][0]["class"] + + image = pipe( + data["t2i_prompt"], + height=1024, + width=1024, + guidance_scale=3.5, + num_inference_steps=50, + max_sequence_length=512, + ).images[0] + image_path = os.path.join(image_directory, f"image_{i}.jpg") + image.save(image_path) + + # 4. 创建新的JSON对象 + change_num = set([1, 2, 3, 4]) - set([original_count]) + for num in change_num: + new_data = { + "tag": data["tag"], + "include": [{"class": class_name, "count": num}], + "exclude": [{"class": class_name, "count": num + 1}], + "t2i_prompt": data["t2i_prompt"], + "prompt": f"Change the number of {class_name} in the image to {NUM_TO_WORD[num]}.", + "image": image_path, + } + + # 5. 将新的JSON对象写入输出文件 + outfile.write(json.dumps(new_data, ensure_ascii=False) + "\n") + + except (json.JSONDecodeError, KeyError, IndexError) as e: + print(f"处理第 {i+1} 行时出错: {e}") + continue + + +if __name__ == "__main__": + # 设定输入/输出文件名和图片目录 + input_filename = "metadata.jsonl" + output_filename = "output.jsonl" + image_save_directory = "generated_images" + + # 执行处理函数 + process_jsonl(input_filename, output_filename, image_save_directory) + + print(f"处理完成!结果已保存到 '{output_filename}',图片路径保存在 '{image_save_directory}' 目录。") diff --git a/ppdiffusers/examples/flow_grpo/dataset/counting_edit/split_train_test.py b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/split_train_test.py new file mode 100644 index 000000000..d7a5be26d --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/split_train_test.py @@ -0,0 +1,45 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import json +import random + +# Load data from the JSONL file +data = [] +with open("output.jsonl", "r") as f: + for line in f: + data.append(json.loads(line)) + +# Shuffle the data using random +random.seed(42) +random.shuffle(data) + +# Split into test set (128 samples) and training set (remaining) +test_set = data[:112] +train_set = data[112:] + +# Save the test set +with open("test_metadata.jsonl", "w") as f: + for item in test_set: + json.dump(item, f) + f.write("\n") + +# Save the training set +with open("train_metadata.jsonl", "w") as f: + for item in train_set: + json.dump(item, f) + f.write("\n") + +print(f"Test set size: {len(test_set)}") +print(f"Training set size: {len(train_set)}") diff --git a/ppdiffusers/examples/flow_grpo/dataset/counting_edit/test_metadata.jsonl b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/test_metadata.jsonl new file mode 100644 index 000000000..bf5c44d94 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/test_metadata.jsonl @@ -0,0 +1,112 @@ +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "t2i_prompt": "a photo of three skises", "prompt": "Change the number of skis in the image to two.", "image": "generated_images/image_9.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "t2i_prompt": "a photo of one computer keyboards", "prompt": "Change the number of computer keyboard in the image to two.", "image": "generated_images/image_150.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "t2i_prompt": "a photo of two toilets", "prompt": "Change the number of toilet in the image to four.", "image": "generated_images/image_100.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 1}], "exclude": [{"class": "hair drier", "count": 2}], "t2i_prompt": "a photo of two hair driers", "prompt": "Change the number of hair drier in the image to one.", "image": "generated_images/image_231.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "t2i_prompt": "a photo of three forks", "prompt": "Change the number of fork in the image to four.", "image": "generated_images/image_276.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 1}], "exclude": [{"class": "clock", "count": 2}], "t2i_prompt": "a photo of four clocks", "prompt": "Change the number of clock in the image to one.", "image": "generated_images/image_93.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "t2i_prompt": "a photo of two chairs", "prompt": "Change the number of chair in the image to four.", "image": "generated_images/image_73.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 1}], "exclude": [{"class": "skis", "count": 2}], "t2i_prompt": "a photo of four skises", "prompt": "Change the number of skis in the image to one.", "image": "generated_images/image_50.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 1}], "exclude": [{"class": "truck", "count": 2}], "t2i_prompt": "a photo of four trucks", "prompt": "Change the number of truck in the image to one.", "image": "generated_images/image_260.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "t2i_prompt": "a photo of two vases", "prompt": "Change the number of vase in the image to three.", "image": "generated_images/image_211.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "t2i_prompt": "a photo of one dining tables", "prompt": "Change the number of dining table in the image to four.", "image": "generated_images/image_192.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "t2i_prompt": "a photo of two frisbees", "prompt": "Change the number of frisbee in the image to three.", "image": "generated_images/image_273.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "t2i_prompt": "a photo of two surfboards", "prompt": "Change the number of surfboard in the image to three.", "image": "generated_images/image_185.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "t2i_prompt": "a photo of three broccolis", "prompt": "Change the number of broccoli in the image to four.", "image": "generated_images/image_291.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "t2i_prompt": "a photo of two refrigerators", "prompt": "Change the number of refrigerator in the image to three.", "image": "generated_images/image_207.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "t2i_prompt": "a photo of two bottles", "prompt": "Change the number of bottle in the image to three.", "image": "generated_images/image_162.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 1}], "exclude": [{"class": "car", "count": 2}], "t2i_prompt": "a photo of three cars", "prompt": "Change the number of car in the image to one.", "image": "generated_images/image_118.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "t2i_prompt": "a photo of two ovens", "prompt": "Change the number of oven in the image to three.", "image": "generated_images/image_16.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "t2i_prompt": "a photo of four buses", "prompt": "Change the number of bus in the image to three.", "image": "generated_images/image_243.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 1}], "exclude": [{"class": "potted plant", "count": 2}], "t2i_prompt": "a photo of two potted plants", "prompt": "Change the number of potted plant in the image to one.", "image": "generated_images/image_139.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "t2i_prompt": "a photo of one sports balls", "prompt": "Change the number of sports ball in the image to two.", "image": "generated_images/image_266.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 1}], "exclude": [{"class": "sports ball", "count": 2}], "t2i_prompt": "a photo of three sports balls", "prompt": "Change the number of sports ball in the image to one.", "image": "generated_images/image_111.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 1}], "exclude": [{"class": "cow", "count": 2}], "t2i_prompt": "a photo of four cows", "prompt": "Change the number of cow in the image to one.", "image": "generated_images/image_193.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "t2i_prompt": "a photo of four wine glasses", "prompt": "Change the number of wine glass in the image to three.", "image": "generated_images/image_262.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "t2i_prompt": "a photo of four scissorses", "prompt": "Change the number of scissors in the image to three.", "image": "generated_images/image_171.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "t2i_prompt": "a photo of two pizzas", "prompt": "Change the number of pizza in the image to four.", "image": "generated_images/image_36.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "t2i_prompt": "a photo of three birds", "prompt": "Change the number of bird in the image to four.", "image": "generated_images/image_235.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "t2i_prompt": "a photo of one umbrellas", "prompt": "Change the number of umbrella in the image to two.", "image": "generated_images/image_209.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 1}], "exclude": [{"class": "tv remote", "count": 2}], "t2i_prompt": "a photo of three tv remotes", "prompt": "Change the number of tv remote in the image to one.", "image": "generated_images/image_6.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "t2i_prompt": "a photo of one skateboards", "prompt": "Change the number of skateboard in the image to two.", "image": "generated_images/image_176.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "t2i_prompt": "a photo of one beds", "prompt": "Change the number of bed in the image to three.", "image": "generated_images/image_181.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "t2i_prompt": "a photo of two handbags", "prompt": "Change the number of handbag in the image to three.", "image": "generated_images/image_247.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 1}], "exclude": [{"class": "cup", "count": 2}], "t2i_prompt": "a photo of three cups", "prompt": "Change the number of cup in the image to one.", "image": "generated_images/image_170.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "t2i_prompt": "a photo of four hot dogs", "prompt": "Change the number of hot dog in the image to three.", "image": "generated_images/image_12.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "t2i_prompt": "a photo of one spoons", "prompt": "Change the number of spoon in the image to three.", "image": "generated_images/image_61.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "t2i_prompt": "a photo of two dining tables", "prompt": "Change the number of dining table in the image to three.", "image": "generated_images/image_289.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "t2i_prompt": "a photo of two skateboards", "prompt": "Change the number of skateboard in the image to four.", "image": "generated_images/image_239.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "t2i_prompt": "a photo of one giraffes", "prompt": "Change the number of giraffe in the image to three.", "image": "generated_images/image_164.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "t2i_prompt": "a photo of three stop signs", "prompt": "Change the number of stop sign in the image to two.", "image": "generated_images/image_238.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "t2i_prompt": "a photo of three motorcycles", "prompt": "Change the number of motorcycle in the image to two.", "image": "generated_images/image_57.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "t2i_prompt": "a photo of three parking meters", "prompt": "Change the number of parking meter in the image to two.", "image": "generated_images/image_268.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "t2i_prompt": "a photo of three bicycles", "prompt": "Change the number of bicycle in the image to two.", "image": "generated_images/image_5.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "t2i_prompt": "a photo of two handbags", "prompt": "Change the number of handbag in the image to four.", "image": "generated_images/image_247.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 1}], "exclude": [{"class": "suitcase", "count": 2}], "t2i_prompt": "a photo of two suitcases", "prompt": "Change the number of suitcase in the image to one.", "image": "generated_images/image_148.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "t2i_prompt": "a photo of three books", "prompt": "Change the number of book in the image to four.", "image": "generated_images/image_75.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "t2i_prompt": "a photo of four books", "prompt": "Change the number of book in the image to three.", "image": "generated_images/image_152.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "t2i_prompt": "a photo of three couchs", "prompt": "Change the number of couch in the image to four.", "image": "generated_images/image_202.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 1}], "exclude": [{"class": "car", "count": 2}], "t2i_prompt": "a photo of two cars", "prompt": "Change the number of car in the image to one.", "image": "generated_images/image_67.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "t2i_prompt": "a photo of three bottles", "prompt": "Change the number of bottle in the image to four.", "image": "generated_images/image_17.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "t2i_prompt": "a photo of one donuts", "prompt": "Change the number of donut in the image to two.", "image": "generated_images/image_241.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "t2i_prompt": "a photo of one benchs", "prompt": "Change the number of bench in the image to two.", "image": "generated_images/image_28.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 1}], "exclude": [{"class": "baseball bat", "count": 2}], "t2i_prompt": "a photo of two baseball bats", "prompt": "Change the number of baseball bat in the image to one.", "image": "generated_images/image_195.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "t2i_prompt": "a photo of two baseball bats", "prompt": "Change the number of baseball bat in the image to three.", "image": "generated_images/image_195.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 1}], "exclude": [{"class": "cow", "count": 2}], "t2i_prompt": "a photo of three cows", "prompt": "Change the number of cow in the image to one.", "image": "generated_images/image_293.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 1}], "exclude": [{"class": "handbag", "count": 2}], "t2i_prompt": "a photo of four handbags", "prompt": "Change the number of handbag in the image to one.", "image": "generated_images/image_132.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "t2i_prompt": "a photo of four sandwichs", "prompt": "Change the number of sandwich in the image to three.", "image": "generated_images/image_133.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "t2i_prompt": "a photo of four skateboards", "prompt": "Change the number of skateboard in the image to two.", "image": "generated_images/image_77.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "t2i_prompt": "a photo of four fire hydrants", "prompt": "Change the number of fire hydrant in the image to two.", "image": "generated_images/image_167.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "t2i_prompt": "a photo of four baseball gloves", "prompt": "Change the number of baseball glove in the image to three.", "image": "generated_images/image_277.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "t2i_prompt": "a photo of one frisbees", "prompt": "Change the number of frisbee in the image to two.", "image": "generated_images/image_244.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "t2i_prompt": "a photo of two dining tables", "prompt": "Change the number of dining table in the image to four.", "image": "generated_images/image_289.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "t2i_prompt": "a photo of one hot dogs", "prompt": "Change the number of hot dog in the image to three.", "image": "generated_images/image_200.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "t2i_prompt": "a photo of four spoons", "prompt": "Change the number of spoon in the image to two.", "image": "generated_images/image_165.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "t2i_prompt": "a photo of four bowls", "prompt": "Change the number of bowl in the image to three.", "image": "generated_images/image_106.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "t2i_prompt": "a photo of one microwaves", "prompt": "Change the number of microwave in the image to four.", "image": "generated_images/image_245.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 1}], "exclude": [{"class": "spoon", "count": 2}], "t2i_prompt": "a photo of two spoons", "prompt": "Change the number of spoon in the image to one.", "image": "generated_images/image_250.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 1}], "exclude": [{"class": "airplane", "count": 2}], "t2i_prompt": "a photo of three airplanes", "prompt": "Change the number of airplane in the image to one.", "image": "generated_images/image_286.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 1}], "exclude": [{"class": "knife", "count": 2}], "t2i_prompt": "a photo of two knifes", "prompt": "Change the number of knife in the image to one.", "image": "generated_images/image_177.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "t2i_prompt": "a photo of four surfboards", "prompt": "Change the number of surfboard in the image to three.", "image": "generated_images/image_204.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "t2i_prompt": "a photo of one clocks", "prompt": "Change the number of clock in the image to four.", "image": "generated_images/image_226.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "t2i_prompt": "a photo of one sheeps", "prompt": "Change the number of sheep in the image to four.", "image": "generated_images/image_30.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "t2i_prompt": "a photo of four kites", "prompt": "Change the number of kite in the image to two.", "image": "generated_images/image_197.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "t2i_prompt": "a photo of two broccolis", "prompt": "Change the number of broccoli in the image to three.", "image": "generated_images/image_76.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 1}], "exclude": [{"class": "cell phone", "count": 2}], "t2i_prompt": "a photo of four cell phones", "prompt": "Change the number of cell phone in the image to one.", "image": "generated_images/image_60.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 1}], "exclude": [{"class": "sports ball", "count": 2}], "t2i_prompt": "a photo of four sports balls", "prompt": "Change the number of sports ball in the image to one.", "image": "generated_images/image_8.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 1}], "exclude": [{"class": "broccoli", "count": 2}], "t2i_prompt": "a photo of four broccolis", "prompt": "Change the number of broccoli in the image to one.", "image": "generated_images/image_236.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "t2i_prompt": "a photo of one tv remotes", "prompt": "Change the number of tv remote in the image to four.", "image": "generated_images/image_83.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "t2i_prompt": "a photo of two tennis rackets", "prompt": "Change the number of tennis racket in the image to four.", "image": "generated_images/image_128.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "t2i_prompt": "a photo of one carrots", "prompt": "Change the number of carrot in the image to four.", "image": "generated_images/image_237.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "t2i_prompt": "a photo of three baseball bats", "prompt": "Change the number of baseball bat in the image to four.", "image": "generated_images/image_79.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "t2i_prompt": "a photo of two wine glasses", "prompt": "Change the number of wine glass in the image to four.", "image": "generated_images/image_121.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "t2i_prompt": "a photo of two beds", "prompt": "Change the number of bed in the image to four.", "image": "generated_images/image_126.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "t2i_prompt": "a photo of one skises", "prompt": "Change the number of skis in the image to two.", "image": "generated_images/image_11.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "t2i_prompt": "a photo of four cups", "prompt": "Change the number of cup in the image to two.", "image": "generated_images/image_174.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "t2i_prompt": "a photo of two toilets", "prompt": "Change the number of toilet in the image to three.", "image": "generated_images/image_100.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "t2i_prompt": "a photo of three suitcases", "prompt": "Change the number of suitcase in the image to four.", "image": "generated_images/image_142.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "t2i_prompt": "a photo of three sports balls", "prompt": "Change the number of sports ball in the image to two.", "image": "generated_images/image_111.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 1}], "exclude": [{"class": "train", "count": 2}], "t2i_prompt": "a photo of two trains", "prompt": "Change the number of train in the image to one.", "image": "generated_images/image_112.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "t2i_prompt": "a photo of two bears", "prompt": "Change the number of bear in the image to four.", "image": "generated_images/image_102.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 1}], "exclude": [{"class": "bird", "count": 2}], "t2i_prompt": "a photo of three birds", "prompt": "Change the number of bird in the image to one.", "image": "generated_images/image_235.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 1}], "exclude": [{"class": "teddy bear", "count": 2}], "t2i_prompt": "a photo of three teddy bears", "prompt": "Change the number of teddy bear in the image to one.", "image": "generated_images/image_223.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 1}], "exclude": [{"class": "knife", "count": 2}], "t2i_prompt": "a photo of four knifes", "prompt": "Change the number of knife in the image to one.", "image": "generated_images/image_258.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "t2i_prompt": "a photo of one benchs", "prompt": "Change the number of bench in the image to three.", "image": "generated_images/image_28.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "t2i_prompt": "a photo of one buses", "prompt": "Change the number of bus in the image to two.", "image": "generated_images/image_137.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "t2i_prompt": "a photo of three toilets", "prompt": "Change the number of toilet in the image to four.", "image": "generated_images/image_222.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "t2i_prompt": "a photo of one airplanes", "prompt": "Change the number of airplane in the image to four.", "image": "generated_images/image_66.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "t2i_prompt": "a photo of three cows", "prompt": "Change the number of cow in the image to four.", "image": "generated_images/image_293.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 1}], "exclude": [{"class": "computer keyboard", "count": 2}], "t2i_prompt": "a photo of three computer keyboards", "prompt": "Change the number of computer keyboard in the image to one.", "image": "generated_images/image_59.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 1}], "exclude": [{"class": "tennis racket", "count": 2}], "t2i_prompt": "a photo of two tennis rackets", "prompt": "Change the number of tennis racket in the image to one.", "image": "generated_images/image_128.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 1}], "exclude": [{"class": "oven", "count": 2}], "t2i_prompt": "a photo of four ovens", "prompt": "Change the number of oven in the image to one.", "image": "generated_images/image_306.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "t2i_prompt": "a photo of three couchs", "prompt": "Change the number of couch in the image to two.", "image": "generated_images/image_202.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 1}], "exclude": [{"class": "toothbrush", "count": 2}], "t2i_prompt": "a photo of four toothbrushs", "prompt": "Change the number of toothbrush in the image to one.", "image": "generated_images/image_212.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "t2i_prompt": "a photo of one potted plants", "prompt": "Change the number of potted plant in the image to four.", "image": "generated_images/image_308.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "t2i_prompt": "a photo of two teddy bears", "prompt": "Change the number of teddy bear in the image to four.", "image": "generated_images/image_103.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 1}], "exclude": [{"class": "suitcase", "count": 2}], "t2i_prompt": "a photo of three suitcases", "prompt": "Change the number of suitcase in the image to one.", "image": "generated_images/image_142.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "t2i_prompt": "a photo of four bears", "prompt": "Change the number of bear in the image to three.", "image": "generated_images/image_251.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "t2i_prompt": "a photo of two cats", "prompt": "Change the number of cat in the image to three.", "image": "generated_images/image_151.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 1}], "exclude": [{"class": "tie", "count": 2}], "t2i_prompt": "a photo of two ties", "prompt": "Change the number of tie in the image to one.", "image": "generated_images/image_58.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "t2i_prompt": "a photo of one potted plants", "prompt": "Change the number of potted plant in the image to three.", "image": "generated_images/image_308.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "t2i_prompt": "a photo of three bananas", "prompt": "Change the number of banana in the image to two.", "image": "generated_images/image_169.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "t2i_prompt": "a photo of one couchs", "prompt": "Change the number of couch in the image to four.", "image": "generated_images/image_278.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 1}], "exclude": [{"class": "banana", "count": 2}], "t2i_prompt": "a photo of three bananas", "prompt": "Change the number of banana in the image to one.", "image": "generated_images/image_169.jpg"} diff --git a/ppdiffusers/examples/flow_grpo/dataset/counting_edit/train_metadata.jsonl b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/train_metadata.jsonl new file mode 100644 index 000000000..98b1491b6 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/counting_edit/train_metadata.jsonl @@ -0,0 +1,818 @@ +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "t2i_prompt": "a photo of one airplanes", "prompt": "Change the number of airplane in the image to two.", "image": "generated_images/image_66.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "t2i_prompt": "a photo of three bananas", "prompt": "Change the number of banana in the image to four.", "image": "generated_images/image_169.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "t2i_prompt": "a photo of four handbags", "prompt": "Change the number of handbag in the image to two.", "image": "generated_images/image_132.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "t2i_prompt": "a photo of four knifes", "prompt": "Change the number of knife in the image to three.", "image": "generated_images/image_258.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "t2i_prompt": "a photo of four handbags", "prompt": "Change the number of handbag in the image to three.", "image": "generated_images/image_132.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "t2i_prompt": "a photo of one parking meters", "prompt": "Change the number of parking meter in the image to two.", "image": "generated_images/image_281.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "t2i_prompt": "a photo of two vases", "prompt": "Change the number of vase in the image to four.", "image": "generated_images/image_211.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 1}], "exclude": [{"class": "skateboard", "count": 2}], "t2i_prompt": "a photo of three skateboards", "prompt": "Change the number of skateboard in the image to one.", "image": "generated_images/image_161.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 1}], "exclude": [{"class": "sheep", "count": 2}], "t2i_prompt": "a photo of two sheeps", "prompt": "Change the number of sheep in the image to one.", "image": "generated_images/image_196.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "t2i_prompt": "a photo of three tennis rackets", "prompt": "Change the number of tennis racket in the image to four.", "image": "generated_images/image_180.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "t2i_prompt": "a photo of one cats", "prompt": "Change the number of cat in the image to two.", "image": "generated_images/image_172.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "t2i_prompt": "a photo of four sinks", "prompt": "Change the number of sink in the image to three.", "image": "generated_images/image_191.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 1}], "exclude": [{"class": "sink", "count": 2}], "t2i_prompt": "a photo of four sinks", "prompt": "Change the number of sink in the image to one.", "image": "generated_images/image_191.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "t2i_prompt": "a photo of two oranges", "prompt": "Change the number of orange in the image to four.", "image": "generated_images/image_95.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "t2i_prompt": "a photo of three persons", "prompt": "Change the number of person in the image to four.", "image": "generated_images/image_182.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "t2i_prompt": "a photo of two cows", "prompt": "Change the number of cow in the image to three.", "image": "generated_images/image_252.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 1}], "exclude": [{"class": "snowboard", "count": 2}], "t2i_prompt": "a photo of three snowboards", "prompt": "Change the number of snowboard in the image to one.", "image": "generated_images/image_188.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "t2i_prompt": "a photo of one surfboards", "prompt": "Change the number of surfboard in the image to two.", "image": "generated_images/image_224.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 1}], "exclude": [{"class": "cup", "count": 2}], "t2i_prompt": "a photo of four cups", "prompt": "Change the number of cup in the image to one.", "image": "generated_images/image_174.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "t2i_prompt": "a photo of one carrots", "prompt": "Change the number of carrot in the image to three.", "image": "generated_images/image_237.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 1}], "exclude": [{"class": "clock", "count": 2}], "t2i_prompt": "a photo of three clocks", "prompt": "Change the number of clock in the image to one.", "image": "generated_images/image_43.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "t2i_prompt": "a photo of three knifes", "prompt": "Change the number of knife in the image to four.", "image": "generated_images/image_275.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "t2i_prompt": "a photo of four birds", "prompt": "Change the number of bird in the image to three.", "image": "generated_images/image_109.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 1}], "exclude": [{"class": "cake", "count": 2}], "t2i_prompt": "a photo of two cakes", "prompt": "Change the number of cake in the image to one.", "image": "generated_images/image_210.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "t2i_prompt": "a photo of three microwaves", "prompt": "Change the number of microwave in the image to two.", "image": "generated_images/image_87.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "t2i_prompt": "a photo of four elephants", "prompt": "Change the number of elephant in the image to two.", "image": "generated_images/image_29.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 1}], "exclude": [{"class": "scissors", "count": 2}], "t2i_prompt": "a photo of three scissorses", "prompt": "Change the number of scissors in the image to one.", "image": "generated_images/image_307.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "t2i_prompt": "a photo of one laptops", "prompt": "Change the number of laptop in the image to four.", "image": "generated_images/image_303.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 1}], "exclude": [{"class": "handbag", "count": 2}], "t2i_prompt": "a photo of two handbags", "prompt": "Change the number of handbag in the image to one.", "image": "generated_images/image_247.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "t2i_prompt": "a photo of four sports balls", "prompt": "Change the number of sports ball in the image to three.", "image": "generated_images/image_8.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "t2i_prompt": "a photo of two umbrellas", "prompt": "Change the number of umbrella in the image to three.", "image": "generated_images/image_249.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 1}], "exclude": [{"class": "toothbrush", "count": 2}], "t2i_prompt": "a photo of three toothbrushs", "prompt": "Change the number of toothbrush in the image to one.", "image": "generated_images/image_138.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "t2i_prompt": "a photo of two ovens", "prompt": "Change the number of oven in the image to four.", "image": "generated_images/image_16.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 1}], "exclude": [{"class": "bird", "count": 2}], "t2i_prompt": "a photo of four birds", "prompt": "Change the number of bird in the image to one.", "image": "generated_images/image_109.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "t2i_prompt": "a photo of one hair driers", "prompt": "Change the number of hair drier in the image to four.", "image": "generated_images/image_217.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 1}], "exclude": [{"class": "skateboard", "count": 2}], "t2i_prompt": "a photo of two skateboards", "prompt": "Change the number of skateboard in the image to one.", "image": "generated_images/image_239.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "t2i_prompt": "a photo of three bowls", "prompt": "Change the number of bowl in the image to four.", "image": "generated_images/image_246.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "t2i_prompt": "a photo of two cars", "prompt": "Change the number of car in the image to three.", "image": "generated_images/image_67.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "t2i_prompt": "a photo of four dining tables", "prompt": "Change the number of dining table in the image to two.", "image": "generated_images/image_49.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "t2i_prompt": "a photo of four cakes", "prompt": "Change the number of cake in the image to three.", "image": "generated_images/image_301.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "t2i_prompt": "a photo of two clocks", "prompt": "Change the number of clock in the image to three.", "image": "generated_images/image_263.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "t2i_prompt": "a photo of one persons", "prompt": "Change the number of person in the image to four.", "image": "generated_images/image_163.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "t2i_prompt": "a photo of one ties", "prompt": "Change the number of tie in the image to four.", "image": "generated_images/image_90.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "t2i_prompt": "a photo of one hair driers", "prompt": "Change the number of hair drier in the image to two.", "image": "generated_images/image_217.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "t2i_prompt": "a photo of one toothbrushs", "prompt": "Change the number of toothbrush in the image to four.", "image": "generated_images/image_117.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "t2i_prompt": "a photo of one dogs", "prompt": "Change the number of dog in the image to two.", "image": "generated_images/image_125.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "t2i_prompt": "a photo of three toilets", "prompt": "Change the number of toilet in the image to two.", "image": "generated_images/image_222.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "t2i_prompt": "a photo of one bicycles", "prompt": "Change the number of bicycle in the image to two.", "image": "generated_images/image_122.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 1}], "exclude": [{"class": "bus", "count": 2}], "t2i_prompt": "a photo of two buses", "prompt": "Change the number of bus in the image to one.", "image": "generated_images/image_187.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "t2i_prompt": "a photo of four cows", "prompt": "Change the number of cow in the image to three.", "image": "generated_images/image_193.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "t2i_prompt": "a photo of two sinks", "prompt": "Change the number of sink in the image to three.", "image": "generated_images/image_85.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "t2i_prompt": "a photo of three skises", "prompt": "Change the number of skis in the image to four.", "image": "generated_images/image_9.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "t2i_prompt": "a photo of three tvs", "prompt": "Change the number of tv in the image to two.", "image": "generated_images/image_166.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "t2i_prompt": "a photo of two bicycles", "prompt": "Change the number of bicycle in the image to three.", "image": "generated_images/image_154.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "t2i_prompt": "a photo of two kites", "prompt": "Change the number of kite in the image to three.", "image": "generated_images/image_20.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "t2i_prompt": "a photo of three vases", "prompt": "Change the number of vase in the image to two.", "image": "generated_images/image_92.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 1}], "exclude": [{"class": "chair", "count": 2}], "t2i_prompt": "a photo of four chairs", "prompt": "Change the number of chair in the image to one.", "image": "generated_images/image_124.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "t2i_prompt": "a photo of one tv remotes", "prompt": "Change the number of tv remote in the image to two.", "image": "generated_images/image_83.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "t2i_prompt": "a photo of two dogs", "prompt": "Change the number of dog in the image to four.", "image": "generated_images/image_261.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "t2i_prompt": "a photo of three bears", "prompt": "Change the number of bear in the image to four.", "image": "generated_images/image_299.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "t2i_prompt": "a photo of three frisbees", "prompt": "Change the number of frisbee in the image to four.", "image": "generated_images/image_116.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "t2i_prompt": "a photo of two sandwichs", "prompt": "Change the number of sandwich in the image to three.", "image": "generated_images/image_3.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "t2i_prompt": "a photo of four computer mouses", "prompt": "Change the number of computer mouse in the image to two.", "image": "generated_images/image_229.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "t2i_prompt": "a photo of three bicycles", "prompt": "Change the number of bicycle in the image to four.", "image": "generated_images/image_5.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "t2i_prompt": "a photo of one oranges", "prompt": "Change the number of orange in the image to four.", "image": "generated_images/image_279.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "t2i_prompt": "a photo of two skises", "prompt": "Change the number of skis in the image to three.", "image": "generated_images/image_270.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 1}], "exclude": [{"class": "cell phone", "count": 2}], "t2i_prompt": "a photo of three cell phones", "prompt": "Change the number of cell phone in the image to one.", "image": "generated_images/image_120.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "t2i_prompt": "a photo of one books", "prompt": "Change the number of book in the image to three.", "image": "generated_images/image_4.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 1}], "exclude": [{"class": "book", "count": 2}], "t2i_prompt": "a photo of two books", "prompt": "Change the number of book in the image to one.", "image": "generated_images/image_46.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "t2i_prompt": "a photo of three dogs", "prompt": "Change the number of dog in the image to two.", "image": "generated_images/image_1.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "t2i_prompt": "a photo of one trucks", "prompt": "Change the number of truck in the image to two.", "image": "generated_images/image_131.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 1}], "exclude": [{"class": "spoon", "count": 2}], "t2i_prompt": "a photo of four spoons", "prompt": "Change the number of spoon in the image to one.", "image": "generated_images/image_165.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "t2i_prompt": "a photo of four tennis rackets", "prompt": "Change the number of tennis racket in the image to two.", "image": "generated_images/image_21.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "t2i_prompt": "a photo of one bananas", "prompt": "Change the number of banana in the image to four.", "image": "generated_images/image_99.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "t2i_prompt": "a photo of two airplanes", "prompt": "Change the number of airplane in the image to three.", "image": "generated_images/image_284.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "t2i_prompt": "a photo of four forks", "prompt": "Change the number of fork in the image to two.", "image": "generated_images/image_64.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "t2i_prompt": "a photo of one tennis rackets", "prompt": "Change the number of tennis racket in the image to four.", "image": "generated_images/image_78.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "t2i_prompt": "a photo of two stop signs", "prompt": "Change the number of stop sign in the image to four.", "image": "generated_images/image_141.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "t2i_prompt": "a photo of two dogs", "prompt": "Change the number of dog in the image to three.", "image": "generated_images/image_261.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 1}], "exclude": [{"class": "tie", "count": 2}], "t2i_prompt": "a photo of four ties", "prompt": "Change the number of tie in the image to one.", "image": "generated_images/image_290.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "t2i_prompt": "a photo of one cars", "prompt": "Change the number of car in the image to two.", "image": "generated_images/image_158.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "t2i_prompt": "a photo of four laptops", "prompt": "Change the number of laptop in the image to two.", "image": "generated_images/image_272.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "t2i_prompt": "a photo of one motorcycles", "prompt": "Change the number of motorcycle in the image to two.", "image": "generated_images/image_22.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "t2i_prompt": "a photo of two laptops", "prompt": "Change the number of laptop in the image to three.", "image": "generated_images/image_108.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 1}], "exclude": [{"class": "airplane", "count": 2}], "t2i_prompt": "a photo of two airplanes", "prompt": "Change the number of airplane in the image to one.", "image": "generated_images/image_284.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "t2i_prompt": "a photo of three hot dogs", "prompt": "Change the number of hot dog in the image to four.", "image": "generated_images/image_300.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "t2i_prompt": "a photo of one skises", "prompt": "Change the number of skis in the image to three.", "image": "generated_images/image_11.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "t2i_prompt": "a photo of three airplanes", "prompt": "Change the number of airplane in the image to two.", "image": "generated_images/image_286.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "t2i_prompt": "a photo of three cell phones", "prompt": "Change the number of cell phone in the image to two.", "image": "generated_images/image_120.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "t2i_prompt": "a photo of four fire hydrants", "prompt": "Change the number of fire hydrant in the image to three.", "image": "generated_images/image_167.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "t2i_prompt": "a photo of one sandwichs", "prompt": "Change the number of sandwich in the image to two.", "image": "generated_images/image_123.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "t2i_prompt": "a photo of three refrigerators", "prompt": "Change the number of refrigerator in the image to four.", "image": "generated_images/image_215.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "t2i_prompt": "a photo of one teddy bears", "prompt": "Change the number of teddy bear in the image to two.", "image": "generated_images/image_48.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "t2i_prompt": "a photo of one parking meters", "prompt": "Change the number of parking meter in the image to three.", "image": "generated_images/image_281.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 1}], "exclude": [{"class": "laptop", "count": 2}], "t2i_prompt": "a photo of three laptops", "prompt": "Change the number of laptop in the image to one.", "image": "generated_images/image_288.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "t2i_prompt": "a photo of one bears", "prompt": "Change the number of bear in the image to two.", "image": "generated_images/image_297.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 1}], "exclude": [{"class": "book", "count": 2}], "t2i_prompt": "a photo of four books", "prompt": "Change the number of book in the image to one.", "image": "generated_images/image_152.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 1}], "exclude": [{"class": "carrot", "count": 2}], "t2i_prompt": "a photo of three carrots", "prompt": "Change the number of carrot in the image to one.", "image": "generated_images/image_179.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 1}], "exclude": [{"class": "motorcycle", "count": 2}], "t2i_prompt": "a photo of two motorcycles", "prompt": "Change the number of motorcycle in the image to one.", "image": "generated_images/image_88.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "t2i_prompt": "a photo of four apples", "prompt": "Change the number of apple in the image to three.", "image": "generated_images/image_39.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 1}], "exclude": [{"class": "donut", "count": 2}], "t2i_prompt": "a photo of three donuts", "prompt": "Change the number of donut in the image to one.", "image": "generated_images/image_14.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "t2i_prompt": "a photo of one spoons", "prompt": "Change the number of spoon in the image to four.", "image": "generated_images/image_61.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "t2i_prompt": "a photo of one parking meters", "prompt": "Change the number of parking meter in the image to four.", "image": "generated_images/image_281.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "t2i_prompt": "a photo of two microwaves", "prompt": "Change the number of microwave in the image to four.", "image": "generated_images/image_147.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "t2i_prompt": "a photo of three motorcycles", "prompt": "Change the number of motorcycle in the image to four.", "image": "generated_images/image_57.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "t2i_prompt": "a photo of two spoons", "prompt": "Change the number of spoon in the image to four.", "image": "generated_images/image_250.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 1}], "exclude": [{"class": "person", "count": 2}], "t2i_prompt": "a photo of two persons", "prompt": "Change the number of person in the image to one.", "image": "generated_images/image_271.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "t2i_prompt": "a photo of three boats", "prompt": "Change the number of boat in the image to two.", "image": "generated_images/image_206.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "t2i_prompt": "a photo of one handbags", "prompt": "Change the number of handbag in the image to three.", "image": "generated_images/image_225.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "t2i_prompt": "a photo of three sandwichs", "prompt": "Change the number of sandwich in the image to two.", "image": "generated_images/image_82.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "t2i_prompt": "a photo of three oranges", "prompt": "Change the number of orange in the image to four.", "image": "generated_images/image_213.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "t2i_prompt": "a photo of four donuts", "prompt": "Change the number of donut in the image to two.", "image": "generated_images/image_194.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "t2i_prompt": "a photo of three sheeps", "prompt": "Change the number of sheep in the image to four.", "image": "generated_images/image_97.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "t2i_prompt": "a photo of four toilets", "prompt": "Change the number of toilet in the image to two.", "image": "generated_images/image_190.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "t2i_prompt": "a photo of one cell phones", "prompt": "Change the number of cell phone in the image to four.", "image": "generated_images/image_18.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "t2i_prompt": "a photo of one wine glasses", "prompt": "Change the number of wine glass in the image to two.", "image": "generated_images/image_208.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "t2i_prompt": "a photo of three horses", "prompt": "Change the number of horse in the image to two.", "image": "generated_images/image_104.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "t2i_prompt": "a photo of two backpacks", "prompt": "Change the number of backpack in the image to four.", "image": "generated_images/image_140.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "t2i_prompt": "a photo of one vases", "prompt": "Change the number of vase in the image to four.", "image": "generated_images/image_62.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "t2i_prompt": "a photo of one forks", "prompt": "Change the number of fork in the image to four.", "image": "generated_images/image_63.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "t2i_prompt": "a photo of four broccolis", "prompt": "Change the number of broccoli in the image to two.", "image": "generated_images/image_236.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "t2i_prompt": "a photo of three sinks", "prompt": "Change the number of sink in the image to four.", "image": "generated_images/image_130.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 1}], "exclude": [{"class": "teddy bear", "count": 2}], "t2i_prompt": "a photo of four teddy bears", "prompt": "Change the number of teddy bear in the image to one.", "image": "generated_images/image_71.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "t2i_prompt": "a photo of three cakes", "prompt": "Change the number of cake in the image to two.", "image": "generated_images/image_96.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "t2i_prompt": "a photo of one toilets", "prompt": "Change the number of toilet in the image to three.", "image": "generated_images/image_119.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "t2i_prompt": "a photo of four bottles", "prompt": "Change the number of bottle in the image to two.", "image": "generated_images/image_105.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 1}], "exclude": [{"class": "fork", "count": 2}], "t2i_prompt": "a photo of four forks", "prompt": "Change the number of fork in the image to one.", "image": "generated_images/image_64.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "t2i_prompt": "a photo of one traffic lights", "prompt": "Change the number of traffic light in the image to three.", "image": "generated_images/image_25.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "t2i_prompt": "a photo of four suitcases", "prompt": "Change the number of suitcase in the image to three.", "image": "generated_images/image_219.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "t2i_prompt": "a photo of four microwaves", "prompt": "Change the number of microwave in the image to two.", "image": "generated_images/image_80.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "t2i_prompt": "a photo of three cats", "prompt": "Change the number of cat in the image to two.", "image": "generated_images/image_0.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "t2i_prompt": "a photo of three cakes", "prompt": "Change the number of cake in the image to four.", "image": "generated_images/image_96.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "t2i_prompt": "a photo of one sinks", "prompt": "Change the number of sink in the image to three.", "image": "generated_images/image_248.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 1}], "exclude": [{"class": "dining table", "count": 2}], "t2i_prompt": "a photo of four dining tables", "prompt": "Change the number of dining table in the image to one.", "image": "generated_images/image_49.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "t2i_prompt": "a photo of three broccolis", "prompt": "Change the number of broccoli in the image to two.", "image": "generated_images/image_291.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "t2i_prompt": "a photo of one elephants", "prompt": "Change the number of elephant in the image to four.", "image": "generated_images/image_178.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 1}], "exclude": [{"class": "baseball glove", "count": 2}], "t2i_prompt": "a photo of four baseball gloves", "prompt": "Change the number of baseball glove in the image to one.", "image": "generated_images/image_277.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "t2i_prompt": "a photo of three dogs", "prompt": "Change the number of dog in the image to four.", "image": "generated_images/image_1.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "t2i_prompt": "a photo of three computer keyboards", "prompt": "Change the number of computer keyboard in the image to two.", "image": "generated_images/image_59.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "t2i_prompt": "a photo of one oranges", "prompt": "Change the number of orange in the image to two.", "image": "generated_images/image_279.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "t2i_prompt": "a photo of four dining tables", "prompt": "Change the number of dining table in the image to three.", "image": "generated_images/image_49.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "t2i_prompt": "a photo of two hair driers", "prompt": "Change the number of hair drier in the image to three.", "image": "generated_images/image_231.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 1}], "exclude": [{"class": "skateboard", "count": 2}], "t2i_prompt": "a photo of four skateboards", "prompt": "Change the number of skateboard in the image to one.", "image": "generated_images/image_77.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "t2i_prompt": "a photo of one airplanes", "prompt": "Change the number of airplane in the image to three.", "image": "generated_images/image_66.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "t2i_prompt": "a photo of two wine glasses", "prompt": "Change the number of wine glass in the image to three.", "image": "generated_images/image_121.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 1}], "exclude": [{"class": "oven", "count": 2}], "t2i_prompt": "a photo of three ovens", "prompt": "Change the number of oven in the image to one.", "image": "generated_images/image_35.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "t2i_prompt": "a photo of three wine glasses", "prompt": "Change the number of wine glass in the image to two.", "image": "generated_images/image_10.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 1}], "exclude": [{"class": "stop sign", "count": 2}], "t2i_prompt": "a photo of two stop signs", "prompt": "Change the number of stop sign in the image to one.", "image": "generated_images/image_141.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 1}], "exclude": [{"class": "baseball glove", "count": 2}], "t2i_prompt": "a photo of two baseball gloves", "prompt": "Change the number of baseball glove in the image to one.", "image": "generated_images/image_115.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "t2i_prompt": "a photo of two tvs", "prompt": "Change the number of tv in the image to three.", "image": "generated_images/image_230.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "t2i_prompt": "a photo of two scissorses", "prompt": "Change the number of scissors in the image to four.", "image": "generated_images/image_160.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 1}], "exclude": [{"class": "bowl", "count": 2}], "t2i_prompt": "a photo of four bowls", "prompt": "Change the number of bowl in the image to one.", "image": "generated_images/image_106.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "t2i_prompt": "a photo of three teddy bears", "prompt": "Change the number of teddy bear in the image to two.", "image": "generated_images/image_223.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "t2i_prompt": "a photo of one baseball bats", "prompt": "Change the number of baseball bat in the image to four.", "image": "generated_images/image_153.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 1}], "exclude": [{"class": "banana", "count": 2}], "t2i_prompt": "a photo of two bananas", "prompt": "Change the number of banana in the image to one.", "image": "generated_images/image_26.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "t2i_prompt": "a photo of one umbrellas", "prompt": "Change the number of umbrella in the image to three.", "image": "generated_images/image_209.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "t2i_prompt": "a photo of three carrots", "prompt": "Change the number of carrot in the image to four.", "image": "generated_images/image_179.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 1}], "exclude": [{"class": "scissors", "count": 2}], "t2i_prompt": "a photo of four scissorses", "prompt": "Change the number of scissors in the image to one.", "image": "generated_images/image_171.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "t2i_prompt": "a photo of two forks", "prompt": "Change the number of fork in the image to four.", "image": "generated_images/image_220.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "t2i_prompt": "a photo of three trains", "prompt": "Change the number of train in the image to four.", "image": "generated_images/image_13.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "t2i_prompt": "a photo of two computer mouses", "prompt": "Change the number of computer mouse in the image to four.", "image": "generated_images/image_256.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "t2i_prompt": "a photo of two persons", "prompt": "Change the number of person in the image to three.", "image": "generated_images/image_271.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "t2i_prompt": "a photo of two books", "prompt": "Change the number of book in the image to three.", "image": "generated_images/image_46.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 1}], "exclude": [{"class": "hot dog", "count": 2}], "t2i_prompt": "a photo of two hot dogs", "prompt": "Change the number of hot dog in the image to one.", "image": "generated_images/image_110.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 1}], "exclude": [{"class": "broccoli", "count": 2}], "t2i_prompt": "a photo of three broccolis", "prompt": "Change the number of broccoli in the image to one.", "image": "generated_images/image_291.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 1}], "exclude": [{"class": "train", "count": 2}], "t2i_prompt": "a photo of three trains", "prompt": "Change the number of train in the image to one.", "image": "generated_images/image_13.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "t2i_prompt": "a photo of three handbags", "prompt": "Change the number of handbag in the image to four.", "image": "generated_images/image_283.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "t2i_prompt": "a photo of two books", "prompt": "Change the number of book in the image to four.", "image": "generated_images/image_46.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "t2i_prompt": "a photo of three kites", "prompt": "Change the number of kite in the image to four.", "image": "generated_images/image_295.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 1}], "exclude": [{"class": "suitcase", "count": 2}], "t2i_prompt": "a photo of four suitcases", "prompt": "Change the number of suitcase in the image to one.", "image": "generated_images/image_219.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "t2i_prompt": "a photo of one chairs", "prompt": "Change the number of chair in the image to two.", "image": "generated_images/image_255.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "t2i_prompt": "a photo of two apples", "prompt": "Change the number of apple in the image to four.", "image": "generated_images/image_259.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "t2i_prompt": "a photo of one computer mouses", "prompt": "Change the number of computer mouse in the image to two.", "image": "generated_images/image_42.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 1}], "exclude": [{"class": "boat", "count": 2}], "t2i_prompt": "a photo of four boats", "prompt": "Change the number of boat in the image to one.", "image": "generated_images/image_44.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "t2i_prompt": "a photo of two zebras", "prompt": "Change the number of zebra in the image to three.", "image": "generated_images/image_228.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 1}], "exclude": [{"class": "carrot", "count": 2}], "t2i_prompt": "a photo of two carrots", "prompt": "Change the number of carrot in the image to one.", "image": "generated_images/image_267.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "t2i_prompt": "a photo of two cats", "prompt": "Change the number of cat in the image to four.", "image": "generated_images/image_151.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "t2i_prompt": "a photo of three scissorses", "prompt": "Change the number of scissors in the image to four.", "image": "generated_images/image_307.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "t2i_prompt": "a photo of three cars", "prompt": "Change the number of car in the image to two.", "image": "generated_images/image_118.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "t2i_prompt": "a photo of two surfboards", "prompt": "Change the number of surfboard in the image to four.", "image": "generated_images/image_185.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 1}], "exclude": [{"class": "giraffe", "count": 2}], "t2i_prompt": "a photo of two giraffes", "prompt": "Change the number of giraffe in the image to one.", "image": "generated_images/image_86.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 1}], "exclude": [{"class": "surfboard", "count": 2}], "t2i_prompt": "a photo of four surfboards", "prompt": "Change the number of surfboard in the image to one.", "image": "generated_images/image_204.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 1}], "exclude": [{"class": "dining table", "count": 2}], "t2i_prompt": "a photo of three dining tables", "prompt": "Change the number of dining table in the image to one.", "image": "generated_images/image_54.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "t2i_prompt": "a photo of three skateboards", "prompt": "Change the number of skateboard in the image to four.", "image": "generated_images/image_161.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 1}], "exclude": [{"class": "dog", "count": 2}], "t2i_prompt": "a photo of two dogs", "prompt": "Change the number of dog in the image to one.", "image": "generated_images/image_261.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "t2i_prompt": "a photo of three toasters", "prompt": "Change the number of toaster in the image to two.", "image": "generated_images/image_101.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "t2i_prompt": "a photo of one motorcycles", "prompt": "Change the number of motorcycle in the image to four.", "image": "generated_images/image_22.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 1}], "exclude": [{"class": "train", "count": 2}], "t2i_prompt": "a photo of four trains", "prompt": "Change the number of train in the image to one.", "image": "generated_images/image_127.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "t2i_prompt": "a photo of four backpacks", "prompt": "Change the number of backpack in the image to three.", "image": "generated_images/image_198.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "t2i_prompt": "a photo of four books", "prompt": "Change the number of book in the image to two.", "image": "generated_images/image_152.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "t2i_prompt": "a photo of two cakes", "prompt": "Change the number of cake in the image to four.", "image": "generated_images/image_210.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 1}], "exclude": [{"class": "surfboard", "count": 2}], "t2i_prompt": "a photo of three surfboards", "prompt": "Change the number of surfboard in the image to one.", "image": "generated_images/image_309.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 1}], "exclude": [{"class": "baseball bat", "count": 2}], "t2i_prompt": "a photo of three baseball bats", "prompt": "Change the number of baseball bat in the image to one.", "image": "generated_images/image_79.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "t2i_prompt": "a photo of two motorcycles", "prompt": "Change the number of motorcycle in the image to three.", "image": "generated_images/image_88.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 1}], "exclude": [{"class": "truck", "count": 2}], "t2i_prompt": "a photo of three trucks", "prompt": "Change the number of truck in the image to one.", "image": "generated_images/image_157.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "t2i_prompt": "a photo of four knifes", "prompt": "Change the number of knife in the image to two.", "image": "generated_images/image_258.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "t2i_prompt": "a photo of one sports balls", "prompt": "Change the number of sports ball in the image to four.", "image": "generated_images/image_266.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "t2i_prompt": "a photo of one cell phones", "prompt": "Change the number of cell phone in the image to two.", "image": "generated_images/image_18.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "t2i_prompt": "a photo of three backpacks", "prompt": "Change the number of backpack in the image to four.", "image": "generated_images/image_203.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "t2i_prompt": "a photo of two laptops", "prompt": "Change the number of laptop in the image to four.", "image": "generated_images/image_108.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "t2i_prompt": "a photo of two tv remotes", "prompt": "Change the number of tv remote in the image to three.", "image": "generated_images/image_41.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "t2i_prompt": "a photo of two stop signs", "prompt": "Change the number of stop sign in the image to three.", "image": "generated_images/image_141.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "t2i_prompt": "a photo of one couchs", "prompt": "Change the number of couch in the image to three.", "image": "generated_images/image_278.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 1}], "exclude": [{"class": "orange", "count": 2}], "t2i_prompt": "a photo of three oranges", "prompt": "Change the number of orange in the image to one.", "image": "generated_images/image_213.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "t2i_prompt": "a photo of one hair driers", "prompt": "Change the number of hair drier in the image to three.", "image": "generated_images/image_217.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "t2i_prompt": "a photo of one suitcases", "prompt": "Change the number of suitcase in the image to two.", "image": "generated_images/image_98.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "t2i_prompt": "a photo of three chairs", "prompt": "Change the number of chair in the image to four.", "image": "generated_images/image_70.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "t2i_prompt": "a photo of three handbags", "prompt": "Change the number of handbag in the image to two.", "image": "generated_images/image_283.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "t2i_prompt": "a photo of four hot dogs", "prompt": "Change the number of hot dog in the image to two.", "image": "generated_images/image_12.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 1}], "exclude": [{"class": "horse", "count": 2}], "t2i_prompt": "a photo of three horses", "prompt": "Change the number of horse in the image to one.", "image": "generated_images/image_104.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 1}], "exclude": [{"class": "toilet", "count": 2}], "t2i_prompt": "a photo of three toilets", "prompt": "Change the number of toilet in the image to one.", "image": "generated_images/image_222.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "t2i_prompt": "a photo of two tv remotes", "prompt": "Change the number of tv remote in the image to four.", "image": "generated_images/image_41.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "t2i_prompt": "a photo of four giraffes", "prompt": "Change the number of giraffe in the image to three.", "image": "generated_images/image_7.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "t2i_prompt": "a photo of four pizzas", "prompt": "Change the number of pizza in the image to two.", "image": "generated_images/image_145.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "t2i_prompt": "a photo of two trucks", "prompt": "Change the number of truck in the image to four.", "image": "generated_images/image_168.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "t2i_prompt": "a photo of four persons", "prompt": "Change the number of person in the image to three.", "image": "generated_images/image_33.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "t2i_prompt": "a photo of two elephants", "prompt": "Change the number of elephant in the image to three.", "image": "generated_images/image_38.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "t2i_prompt": "a photo of four chairs", "prompt": "Change the number of chair in the image to three.", "image": "generated_images/image_124.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 1}], "exclude": [{"class": "frisbee", "count": 2}], "t2i_prompt": "a photo of four frisbees", "prompt": "Change the number of frisbee in the image to one.", "image": "generated_images/image_40.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "t2i_prompt": "a photo of one pizzas", "prompt": "Change the number of pizza in the image to four.", "image": "generated_images/image_15.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 1}], "exclude": [{"class": "motorcycle", "count": 2}], "t2i_prompt": "a photo of three motorcycles", "prompt": "Change the number of motorcycle in the image to one.", "image": "generated_images/image_57.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "t2i_prompt": "a photo of two scissorses", "prompt": "Change the number of scissors in the image to three.", "image": "generated_images/image_160.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 1}], "exclude": [{"class": "laptop", "count": 2}], "t2i_prompt": "a photo of two laptops", "prompt": "Change the number of laptop in the image to one.", "image": "generated_images/image_108.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "t2i_prompt": "a photo of three microwaves", "prompt": "Change the number of microwave in the image to four.", "image": "generated_images/image_87.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "t2i_prompt": "a photo of one teddy bears", "prompt": "Change the number of teddy bear in the image to three.", "image": "generated_images/image_48.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "t2i_prompt": "a photo of three donuts", "prompt": "Change the number of donut in the image to two.", "image": "generated_images/image_14.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 1}], "exclude": [{"class": "pizza", "count": 2}], "t2i_prompt": "a photo of four pizzas", "prompt": "Change the number of pizza in the image to one.", "image": "generated_images/image_145.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "t2i_prompt": "a photo of one benchs", "prompt": "Change the number of bench in the image to four.", "image": "generated_images/image_28.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "t2i_prompt": "a photo of four bananas", "prompt": "Change the number of banana in the image to two.", "image": "generated_images/image_233.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "t2i_prompt": "a photo of three hair driers", "prompt": "Change the number of hair drier in the image to four.", "image": "generated_images/image_134.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "t2i_prompt": "a photo of three carrots", "prompt": "Change the number of carrot in the image to two.", "image": "generated_images/image_179.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "t2i_prompt": "a photo of three cows", "prompt": "Change the number of cow in the image to two.", "image": "generated_images/image_293.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "t2i_prompt": "a photo of three books", "prompt": "Change the number of book in the image to two.", "image": "generated_images/image_75.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 1}], "exclude": [{"class": "pizza", "count": 2}], "t2i_prompt": "a photo of three pizzas", "prompt": "Change the number of pizza in the image to one.", "image": "generated_images/image_282.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "t2i_prompt": "a photo of three dining tables", "prompt": "Change the number of dining table in the image to four.", "image": "generated_images/image_54.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "t2i_prompt": "a photo of three sports balls", "prompt": "Change the number of sports ball in the image to four.", "image": "generated_images/image_111.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "t2i_prompt": "a photo of two birds", "prompt": "Change the number of bird in the image to three.", "image": "generated_images/image_189.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "t2i_prompt": "a photo of three pizzas", "prompt": "Change the number of pizza in the image to four.", "image": "generated_images/image_282.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "t2i_prompt": "a photo of two tennis rackets", "prompt": "Change the number of tennis racket in the image to three.", "image": "generated_images/image_128.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "t2i_prompt": "a photo of four horses", "prompt": "Change the number of horse in the image to three.", "image": "generated_images/image_205.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "t2i_prompt": "a photo of two skises", "prompt": "Change the number of skis in the image to four.", "image": "generated_images/image_270.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "t2i_prompt": "a photo of one bottles", "prompt": "Change the number of bottle in the image to four.", "image": "generated_images/image_51.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "t2i_prompt": "a photo of one dining tables", "prompt": "Change the number of dining table in the image to two.", "image": "generated_images/image_192.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "t2i_prompt": "a photo of four clocks", "prompt": "Change the number of clock in the image to two.", "image": "generated_images/image_93.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 1}], "exclude": [{"class": "bench", "count": 2}], "t2i_prompt": "a photo of four benchs", "prompt": "Change the number of bench in the image to one.", "image": "generated_images/image_69.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "t2i_prompt": "a photo of one bottles", "prompt": "Change the number of bottle in the image to three.", "image": "generated_images/image_51.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "t2i_prompt": "a photo of four toothbrushs", "prompt": "Change the number of toothbrush in the image to two.", "image": "generated_images/image_212.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 1}], "exclude": [{"class": "bottle", "count": 2}], "t2i_prompt": "a photo of four bottles", "prompt": "Change the number of bottle in the image to one.", "image": "generated_images/image_105.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 1}], "exclude": [{"class": "bowl", "count": 2}], "t2i_prompt": "a photo of two bowls", "prompt": "Change the number of bowl in the image to one.", "image": "generated_images/image_305.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "t2i_prompt": "a photo of two horses", "prompt": "Change the number of horse in the image to four.", "image": "generated_images/image_227.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "t2i_prompt": "a photo of one clocks", "prompt": "Change the number of clock in the image to two.", "image": "generated_images/image_226.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 1}], "exclude": [{"class": "scissors", "count": 2}], "t2i_prompt": "a photo of two scissorses", "prompt": "Change the number of scissors in the image to one.", "image": "generated_images/image_160.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "t2i_prompt": "a photo of one elephants", "prompt": "Change the number of elephant in the image to two.", "image": "generated_images/image_178.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "t2i_prompt": "a photo of two boats", "prompt": "Change the number of boat in the image to four.", "image": "generated_images/image_144.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 1}], "exclude": [{"class": "truck", "count": 2}], "t2i_prompt": "a photo of two trucks", "prompt": "Change the number of truck in the image to one.", "image": "generated_images/image_168.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "t2i_prompt": "a photo of four cups", "prompt": "Change the number of cup in the image to three.", "image": "generated_images/image_174.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "t2i_prompt": "a photo of four skises", "prompt": "Change the number of skis in the image to two.", "image": "generated_images/image_50.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "t2i_prompt": "a photo of three cars", "prompt": "Change the number of car in the image to four.", "image": "generated_images/image_118.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "t2i_prompt": "a photo of two computer keyboards", "prompt": "Change the number of computer keyboard in the image to four.", "image": "generated_images/image_68.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "t2i_prompt": "a photo of three elephants", "prompt": "Change the number of elephant in the image to two.", "image": "generated_images/image_274.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "t2i_prompt": "a photo of four toilets", "prompt": "Change the number of toilet in the image to three.", "image": "generated_images/image_190.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "t2i_prompt": "a photo of one persons", "prompt": "Change the number of person in the image to two.", "image": "generated_images/image_163.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "t2i_prompt": "a photo of one backpacks", "prompt": "Change the number of backpack in the image to three.", "image": "generated_images/image_298.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "t2i_prompt": "a photo of two giraffes", "prompt": "Change the number of giraffe in the image to three.", "image": "generated_images/image_86.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "t2i_prompt": "a photo of one bottles", "prompt": "Change the number of bottle in the image to two.", "image": "generated_images/image_51.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "t2i_prompt": "a photo of three sinks", "prompt": "Change the number of sink in the image to two.", "image": "generated_images/image_130.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 1}], "exclude": [{"class": "tennis racket", "count": 2}], "t2i_prompt": "a photo of four tennis rackets", "prompt": "Change the number of tennis racket in the image to one.", "image": "generated_images/image_21.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "t2i_prompt": "a photo of one refrigerators", "prompt": "Change the number of refrigerator in the image to two.", "image": "generated_images/image_113.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "t2i_prompt": "a photo of three persons", "prompt": "Change the number of person in the image to two.", "image": "generated_images/image_182.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "t2i_prompt": "a photo of two hair driers", "prompt": "Change the number of hair drier in the image to four.", "image": "generated_images/image_231.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "t2i_prompt": "a photo of two backpacks", "prompt": "Change the number of backpack in the image to three.", "image": "generated_images/image_140.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "t2i_prompt": "a photo of one refrigerators", "prompt": "Change the number of refrigerator in the image to three.", "image": "generated_images/image_113.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "t2i_prompt": "a photo of four stop signs", "prompt": "Change the number of stop sign in the image to two.", "image": "generated_images/image_143.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "t2i_prompt": "a photo of one bears", "prompt": "Change the number of bear in the image to three.", "image": "generated_images/image_297.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 1}], "exclude": [{"class": "fire hydrant", "count": 2}], "t2i_prompt": "a photo of four fire hydrants", "prompt": "Change the number of fire hydrant in the image to one.", "image": "generated_images/image_167.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "t2i_prompt": "a photo of one wine glasses", "prompt": "Change the number of wine glass in the image to four.", "image": "generated_images/image_208.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "t2i_prompt": "a photo of three traffic lights", "prompt": "Change the number of traffic light in the image to two.", "image": "generated_images/image_114.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "t2i_prompt": "a photo of two cups", "prompt": "Change the number of cup in the image to three.", "image": "generated_images/image_155.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "t2i_prompt": "a photo of one oranges", "prompt": "Change the number of orange in the image to three.", "image": "generated_images/image_279.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "t2i_prompt": "a photo of one bicycles", "prompt": "Change the number of bicycle in the image to four.", "image": "generated_images/image_122.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "t2i_prompt": "a photo of two knifes", "prompt": "Change the number of knife in the image to four.", "image": "generated_images/image_177.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "t2i_prompt": "a photo of four refrigerators", "prompt": "Change the number of refrigerator in the image to three.", "image": "generated_images/image_91.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "t2i_prompt": "a photo of two motorcycles", "prompt": "Change the number of motorcycle in the image to four.", "image": "generated_images/image_88.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "t2i_prompt": "a photo of one donuts", "prompt": "Change the number of donut in the image to four.", "image": "generated_images/image_241.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "t2i_prompt": "a photo of two snowboards", "prompt": "Change the number of snowboard in the image to three.", "image": "generated_images/image_135.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "t2i_prompt": "a photo of one bears", "prompt": "Change the number of bear in the image to four.", "image": "generated_images/image_297.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "t2i_prompt": "a photo of four giraffes", "prompt": "Change the number of giraffe in the image to two.", "image": "generated_images/image_7.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "t2i_prompt": "a photo of three clocks", "prompt": "Change the number of clock in the image to two.", "image": "generated_images/image_43.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "t2i_prompt": "a photo of four umbrellas", "prompt": "Change the number of umbrella in the image to two.", "image": "generated_images/image_32.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "t2i_prompt": "a photo of one suitcases", "prompt": "Change the number of suitcase in the image to three.", "image": "generated_images/image_98.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "t2i_prompt": "a photo of one stop signs", "prompt": "Change the number of stop sign in the image to four.", "image": "generated_images/image_65.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "t2i_prompt": "a photo of two potted plants", "prompt": "Change the number of potted plant in the image to four.", "image": "generated_images/image_139.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 1}], "exclude": [{"class": "microwave", "count": 2}], "t2i_prompt": "a photo of three microwaves", "prompt": "Change the number of microwave in the image to one.", "image": "generated_images/image_87.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "t2i_prompt": "a photo of two teddy bears", "prompt": "Change the number of teddy bear in the image to three.", "image": "generated_images/image_103.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "t2i_prompt": "a photo of one laptops", "prompt": "Change the number of laptop in the image to two.", "image": "generated_images/image_303.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "t2i_prompt": "a photo of four bicycles", "prompt": "Change the number of bicycle in the image to two.", "image": "generated_images/image_53.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 1}], "exclude": [{"class": "hair drier", "count": 2}], "t2i_prompt": "a photo of three hair driers", "prompt": "Change the number of hair drier in the image to one.", "image": "generated_images/image_134.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 1}], "exclude": [{"class": "baseball bat", "count": 2}], "t2i_prompt": "a photo of four baseball bats", "prompt": "Change the number of baseball bat in the image to one.", "image": "generated_images/image_280.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "t2i_prompt": "a photo of two ties", "prompt": "Change the number of tie in the image to four.", "image": "generated_images/image_58.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "t2i_prompt": "a photo of one hot dogs", "prompt": "Change the number of hot dog in the image to two.", "image": "generated_images/image_200.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "t2i_prompt": "a photo of two carrots", "prompt": "Change the number of carrot in the image to three.", "image": "generated_images/image_267.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "t2i_prompt": "a photo of two spoons", "prompt": "Change the number of spoon in the image to three.", "image": "generated_images/image_250.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "t2i_prompt": "a photo of one tvs", "prompt": "Change the number of tv in the image to four.", "image": "generated_images/image_149.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "t2i_prompt": "a photo of three benchs", "prompt": "Change the number of bench in the image to four.", "image": "generated_images/image_184.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "t2i_prompt": "a photo of one bananas", "prompt": "Change the number of banana in the image to two.", "image": "generated_images/image_99.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "t2i_prompt": "a photo of two cups", "prompt": "Change the number of cup in the image to four.", "image": "generated_images/image_155.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "t2i_prompt": "a photo of two baseball bats", "prompt": "Change the number of baseball bat in the image to four.", "image": "generated_images/image_195.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "t2i_prompt": "a photo of four vases", "prompt": "Change the number of vase in the image to three.", "image": "generated_images/image_199.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "t2i_prompt": "a photo of one books", "prompt": "Change the number of book in the image to four.", "image": "generated_images/image_4.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "t2i_prompt": "a photo of four oranges", "prompt": "Change the number of orange in the image to two.", "image": "generated_images/image_234.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "t2i_prompt": "a photo of three parking meters", "prompt": "Change the number of parking meter in the image to four.", "image": "generated_images/image_268.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 1}], "exclude": [{"class": "bench", "count": 2}], "t2i_prompt": "a photo of two benchs", "prompt": "Change the number of bench in the image to one.", "image": "generated_images/image_257.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "t2i_prompt": "a photo of one baseball gloves", "prompt": "Change the number of baseball glove in the image to two.", "image": "generated_images/image_175.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "t2i_prompt": "a photo of two giraffes", "prompt": "Change the number of giraffe in the image to four.", "image": "generated_images/image_86.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "t2i_prompt": "a photo of four birds", "prompt": "Change the number of bird in the image to two.", "image": "generated_images/image_109.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "t2i_prompt": "a photo of one giraffes", "prompt": "Change the number of giraffe in the image to four.", "image": "generated_images/image_164.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "t2i_prompt": "a photo of four stop signs", "prompt": "Change the number of stop sign in the image to three.", "image": "generated_images/image_143.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "t2i_prompt": "a photo of one trucks", "prompt": "Change the number of truck in the image to four.", "image": "generated_images/image_131.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "t2i_prompt": "a photo of one skises", "prompt": "Change the number of skis in the image to four.", "image": "generated_images/image_11.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 1}], "exclude": [{"class": "baseball glove", "count": 2}], "t2i_prompt": "a photo of three baseball gloves", "prompt": "Change the number of baseball glove in the image to one.", "image": "generated_images/image_264.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "t2i_prompt": "a photo of one donuts", "prompt": "Change the number of donut in the image to three.", "image": "generated_images/image_241.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 1}], "exclude": [{"class": "computer keyboard", "count": 2}], "t2i_prompt": "a photo of two computer keyboards", "prompt": "Change the number of computer keyboard in the image to one.", "image": "generated_images/image_68.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "t2i_prompt": "a photo of four umbrellas", "prompt": "Change the number of umbrella in the image to three.", "image": "generated_images/image_32.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "t2i_prompt": "a photo of two trains", "prompt": "Change the number of train in the image to three.", "image": "generated_images/image_112.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "t2i_prompt": "a photo of one scissorses", "prompt": "Change the number of scissors in the image to three.", "image": "generated_images/image_287.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "t2i_prompt": "a photo of four tv remotes", "prompt": "Change the number of tv remote in the image to two.", "image": "generated_images/image_285.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "t2i_prompt": "a photo of two elephants", "prompt": "Change the number of elephant in the image to four.", "image": "generated_images/image_38.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "t2i_prompt": "a photo of three apples", "prompt": "Change the number of apple in the image to four.", "image": "generated_images/image_304.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 1}], "exclude": [{"class": "traffic light", "count": 2}], "t2i_prompt": "a photo of two traffic lights", "prompt": "Change the number of traffic light in the image to one.", "image": "generated_images/image_216.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "t2i_prompt": "a photo of four buses", "prompt": "Change the number of bus in the image to two.", "image": "generated_images/image_243.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "t2i_prompt": "a photo of three computer keyboards", "prompt": "Change the number of computer keyboard in the image to four.", "image": "generated_images/image_59.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "t2i_prompt": "a photo of one clocks", "prompt": "Change the number of clock in the image to three.", "image": "generated_images/image_226.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "t2i_prompt": "a photo of two potted plants", "prompt": "Change the number of potted plant in the image to three.", "image": "generated_images/image_139.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "t2i_prompt": "a photo of three potted plants", "prompt": "Change the number of potted plant in the image to four.", "image": "generated_images/image_186.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "t2i_prompt": "a photo of one apples", "prompt": "Change the number of apple in the image to four.", "image": "generated_images/image_37.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 1}], "exclude": [{"class": "donut", "count": 2}], "t2i_prompt": "a photo of four donuts", "prompt": "Change the number of donut in the image to one.", "image": "generated_images/image_194.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "t2i_prompt": "a photo of three giraffes", "prompt": "Change the number of giraffe in the image to two.", "image": "generated_images/image_146.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "t2i_prompt": "a photo of two airplanes", "prompt": "Change the number of airplane in the image to four.", "image": "generated_images/image_284.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "t2i_prompt": "a photo of two suitcases", "prompt": "Change the number of suitcase in the image to four.", "image": "generated_images/image_148.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "t2i_prompt": "a photo of one stop signs", "prompt": "Change the number of stop sign in the image to two.", "image": "generated_images/image_65.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "t2i_prompt": "a photo of one surfboards", "prompt": "Change the number of surfboard in the image to four.", "image": "generated_images/image_224.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "t2i_prompt": "a photo of one toilets", "prompt": "Change the number of toilet in the image to four.", "image": "generated_images/image_119.jpg"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "t2i_prompt": "a photo of three hair driers", "prompt": "Change the number of hair drier in the image to two.", "image": "generated_images/image_134.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "t2i_prompt": "a photo of three pizzas", "prompt": "Change the number of pizza in the image to two.", "image": "generated_images/image_282.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "t2i_prompt": "a photo of two cell phones", "prompt": "Change the number of cell phone in the image to three.", "image": "generated_images/image_45.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "t2i_prompt": "a photo of one persons", "prompt": "Change the number of person in the image to three.", "image": "generated_images/image_163.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "t2i_prompt": "a photo of three trucks", "prompt": "Change the number of truck in the image to two.", "image": "generated_images/image_157.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "t2i_prompt": "a photo of one dogs", "prompt": "Change the number of dog in the image to three.", "image": "generated_images/image_125.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "t2i_prompt": "a photo of one cars", "prompt": "Change the number of car in the image to three.", "image": "generated_images/image_158.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 1}], "exclude": [{"class": "traffic light", "count": 2}], "t2i_prompt": "a photo of three traffic lights", "prompt": "Change the number of traffic light in the image to one.", "image": "generated_images/image_114.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 1}], "exclude": [{"class": "horse", "count": 2}], "t2i_prompt": "a photo of four horses", "prompt": "Change the number of horse in the image to one.", "image": "generated_images/image_205.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 1}], "exclude": [{"class": "chair", "count": 2}], "t2i_prompt": "a photo of three chairs", "prompt": "Change the number of chair in the image to one.", "image": "generated_images/image_70.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "t2i_prompt": "a photo of four sandwichs", "prompt": "Change the number of sandwich in the image to two.", "image": "generated_images/image_133.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "t2i_prompt": "a photo of three boats", "prompt": "Change the number of boat in the image to four.", "image": "generated_images/image_206.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "t2i_prompt": "a photo of one dogs", "prompt": "Change the number of dog in the image to four.", "image": "generated_images/image_125.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "t2i_prompt": "a photo of one sheeps", "prompt": "Change the number of sheep in the image to three.", "image": "generated_images/image_30.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "t2i_prompt": "a photo of one books", "prompt": "Change the number of book in the image to two.", "image": "generated_images/image_4.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "t2i_prompt": "a photo of three chairs", "prompt": "Change the number of chair in the image to two.", "image": "generated_images/image_70.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "t2i_prompt": "a photo of one computer keyboards", "prompt": "Change the number of computer keyboard in the image to three.", "image": "generated_images/image_150.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "t2i_prompt": "a photo of one sheeps", "prompt": "Change the number of sheep in the image to two.", "image": "generated_images/image_30.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "t2i_prompt": "a photo of three toothbrushs", "prompt": "Change the number of toothbrush in the image to two.", "image": "generated_images/image_138.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "t2i_prompt": "a photo of one cakes", "prompt": "Change the number of cake in the image to three.", "image": "generated_images/image_136.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "t2i_prompt": "a photo of one dining tables", "prompt": "Change the number of dining table in the image to three.", "image": "generated_images/image_192.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "t2i_prompt": "a photo of two microwaves", "prompt": "Change the number of microwave in the image to three.", "image": "generated_images/image_147.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "t2i_prompt": "a photo of four frisbees", "prompt": "Change the number of frisbee in the image to two.", "image": "generated_images/image_40.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "t2i_prompt": "a photo of one cars", "prompt": "Change the number of car in the image to four.", "image": "generated_images/image_158.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "t2i_prompt": "a photo of two cakes", "prompt": "Change the number of cake in the image to three.", "image": "generated_images/image_210.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "t2i_prompt": "a photo of two bananas", "prompt": "Change the number of banana in the image to three.", "image": "generated_images/image_26.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "t2i_prompt": "a photo of four trains", "prompt": "Change the number of train in the image to three.", "image": "generated_images/image_127.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "t2i_prompt": "a photo of four bottles", "prompt": "Change the number of bottle in the image to three.", "image": "generated_images/image_105.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "t2i_prompt": "a photo of two knifes", "prompt": "Change the number of knife in the image to three.", "image": "generated_images/image_177.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "t2i_prompt": "a photo of one tvs", "prompt": "Change the number of tv in the image to two.", "image": "generated_images/image_149.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "t2i_prompt": "a photo of one skateboards", "prompt": "Change the number of skateboard in the image to four.", "image": "generated_images/image_176.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "t2i_prompt": "a photo of two oranges", "prompt": "Change the number of orange in the image to three.", "image": "generated_images/image_95.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "t2i_prompt": "a photo of one birds", "prompt": "Change the number of bird in the image to three.", "image": "generated_images/image_254.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "t2i_prompt": "a photo of four cell phones", "prompt": "Change the number of cell phone in the image to two.", "image": "generated_images/image_60.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "t2i_prompt": "a photo of one baseball gloves", "prompt": "Change the number of baseball glove in the image to four.", "image": "generated_images/image_175.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "t2i_prompt": "a photo of two apples", "prompt": "Change the number of apple in the image to three.", "image": "generated_images/image_259.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "t2i_prompt": "a photo of three laptops", "prompt": "Change the number of laptop in the image to two.", "image": "generated_images/image_288.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "t2i_prompt": "a photo of three frisbees", "prompt": "Change the number of frisbee in the image to two.", "image": "generated_images/image_116.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "t2i_prompt": "a photo of three ovens", "prompt": "Change the number of oven in the image to four.", "image": "generated_images/image_35.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "t2i_prompt": "a photo of one spoons", "prompt": "Change the number of spoon in the image to two.", "image": "generated_images/image_61.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "t2i_prompt": "a photo of four computer mouses", "prompt": "Change the number of computer mouse in the image to three.", "image": "generated_images/image_229.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "t2i_prompt": "a photo of three tv remotes", "prompt": "Change the number of tv remote in the image to four.", "image": "generated_images/image_6.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "t2i_prompt": "a photo of three giraffes", "prompt": "Change the number of giraffe in the image to four.", "image": "generated_images/image_146.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "t2i_prompt": "a photo of four ties", "prompt": "Change the number of tie in the image to three.", "image": "generated_images/image_290.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "t2i_prompt": "a photo of two snowboards", "prompt": "Change the number of snowboard in the image to four.", "image": "generated_images/image_135.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 1}], "exclude": [{"class": "parking meter", "count": 2}], "t2i_prompt": "a photo of four parking meters", "prompt": "Change the number of parking meter in the image to one.", "image": "generated_images/image_159.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "t2i_prompt": "a photo of one baseball bats", "prompt": "Change the number of baseball bat in the image to three.", "image": "generated_images/image_153.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "t2i_prompt": "a photo of one vases", "prompt": "Change the number of vase in the image to two.", "image": "generated_images/image_62.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "t2i_prompt": "a photo of three buses", "prompt": "Change the number of bus in the image to two.", "image": "generated_images/image_52.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "t2i_prompt": "a photo of two horses", "prompt": "Change the number of horse in the image to three.", "image": "generated_images/image_227.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 1}], "exclude": [{"class": "zebra", "count": 2}], "t2i_prompt": "a photo of two zebras", "prompt": "Change the number of zebra in the image to one.", "image": "generated_images/image_228.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 1}], "exclude": [{"class": "tie", "count": 2}], "t2i_prompt": "a photo of three ties", "prompt": "Change the number of tie in the image to one.", "image": "generated_images/image_294.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "t2i_prompt": "a photo of three potted plants", "prompt": "Change the number of potted plant in the image to two.", "image": "generated_images/image_186.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 1}], "exclude": [{"class": "snowboard", "count": 2}], "t2i_prompt": "a photo of four snowboards", "prompt": "Change the number of snowboard in the image to one.", "image": "generated_images/image_94.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "t2i_prompt": "a photo of one bananas", "prompt": "Change the number of banana in the image to three.", "image": "generated_images/image_99.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "t2i_prompt": "a photo of one forks", "prompt": "Change the number of fork in the image to two.", "image": "generated_images/image_63.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "t2i_prompt": "a photo of three suitcases", "prompt": "Change the number of suitcase in the image to two.", "image": "generated_images/image_142.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 1}], "exclude": [{"class": "hot dog", "count": 2}], "t2i_prompt": "a photo of four hot dogs", "prompt": "Change the number of hot dog in the image to one.", "image": "generated_images/image_12.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "t2i_prompt": "a photo of four skises", "prompt": "Change the number of skis in the image to three.", "image": "generated_images/image_50.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "t2i_prompt": "a photo of one umbrellas", "prompt": "Change the number of umbrella in the image to four.", "image": "generated_images/image_209.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 1}], "exclude": [{"class": "motorcycle", "count": 2}], "t2i_prompt": "a photo of four motorcycles", "prompt": "Change the number of motorcycle in the image to one.", "image": "generated_images/image_240.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "t2i_prompt": "a photo of four laptops", "prompt": "Change the number of laptop in the image to three.", "image": "generated_images/image_272.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "t2i_prompt": "a photo of four pizzas", "prompt": "Change the number of pizza in the image to three.", "image": "generated_images/image_145.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "t2i_prompt": "a photo of one computer keyboards", "prompt": "Change the number of computer keyboard in the image to four.", "image": "generated_images/image_150.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "t2i_prompt": "a photo of four computer keyboards", "prompt": "Change the number of computer keyboard in the image to three.", "image": "generated_images/image_242.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "t2i_prompt": "a photo of one cups", "prompt": "Change the number of cup in the image to three.", "image": "generated_images/image_89.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "t2i_prompt": "a photo of four boats", "prompt": "Change the number of boat in the image to two.", "image": "generated_images/image_44.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "t2i_prompt": "a photo of one refrigerators", "prompt": "Change the number of refrigerator in the image to four.", "image": "generated_images/image_113.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "t2i_prompt": "a photo of one sinks", "prompt": "Change the number of sink in the image to two.", "image": "generated_images/image_248.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "t2i_prompt": "a photo of one pizzas", "prompt": "Change the number of pizza in the image to two.", "image": "generated_images/image_15.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "t2i_prompt": "a photo of four snowboards", "prompt": "Change the number of snowboard in the image to two.", "image": "generated_images/image_94.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 1}], "exclude": [{"class": "couch", "count": 2}], "t2i_prompt": "a photo of three couchs", "prompt": "Change the number of couch in the image to one.", "image": "generated_images/image_202.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "t2i_prompt": "a photo of three beds", "prompt": "Change the number of bed in the image to four.", "image": "generated_images/image_292.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "t2i_prompt": "a photo of three bottles", "prompt": "Change the number of bottle in the image to two.", "image": "generated_images/image_17.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "t2i_prompt": "a photo of four zebras", "prompt": "Change the number of zebra in the image to two.", "image": "generated_images/image_253.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "t2i_prompt": "a photo of four motorcycles", "prompt": "Change the number of motorcycle in the image to three.", "image": "generated_images/image_240.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "t2i_prompt": "a photo of one snowboards", "prompt": "Change the number of snowboard in the image to three.", "image": "generated_images/image_302.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "t2i_prompt": "a photo of two persons", "prompt": "Change the number of person in the image to four.", "image": "generated_images/image_271.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "t2i_prompt": "a photo of four benchs", "prompt": "Change the number of bench in the image to two.", "image": "generated_images/image_69.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "t2i_prompt": "a photo of one toothbrushs", "prompt": "Change the number of toothbrush in the image to two.", "image": "generated_images/image_117.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "t2i_prompt": "a photo of four teddy bears", "prompt": "Change the number of teddy bear in the image to three.", "image": "generated_images/image_71.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 1}], "exclude": [{"class": "cake", "count": 2}], "t2i_prompt": "a photo of three cakes", "prompt": "Change the number of cake in the image to one.", "image": "generated_images/image_96.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "t2i_prompt": "a photo of three vases", "prompt": "Change the number of vase in the image to four.", "image": "generated_images/image_92.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "t2i_prompt": "a photo of three ties", "prompt": "Change the number of tie in the image to two.", "image": "generated_images/image_294.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "t2i_prompt": "a photo of two pizzas", "prompt": "Change the number of pizza in the image to three.", "image": "generated_images/image_36.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "t2i_prompt": "a photo of four apples", "prompt": "Change the number of apple in the image to two.", "image": "generated_images/image_39.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "t2i_prompt": "a photo of four ties", "prompt": "Change the number of tie in the image to two.", "image": "generated_images/image_290.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "t2i_prompt": "a photo of two cell phones", "prompt": "Change the number of cell phone in the image to four.", "image": "generated_images/image_45.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "t2i_prompt": "a photo of three ovens", "prompt": "Change the number of oven in the image to two.", "image": "generated_images/image_35.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 1}], "exclude": [{"class": "bear", "count": 2}], "t2i_prompt": "a photo of two bears", "prompt": "Change the number of bear in the image to one.", "image": "generated_images/image_102.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "t2i_prompt": "a photo of four traffic lights", "prompt": "Change the number of traffic light in the image to three.", "image": "generated_images/image_2.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "t2i_prompt": "a photo of four zebras", "prompt": "Change the number of zebra in the image to three.", "image": "generated_images/image_253.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 1}], "exclude": [{"class": "teddy bear", "count": 2}], "t2i_prompt": "a photo of two teddy bears", "prompt": "Change the number of teddy bear in the image to one.", "image": "generated_images/image_103.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 1}], "exclude": [{"class": "tv", "count": 2}], "t2i_prompt": "a photo of two tvs", "prompt": "Change the number of tv in the image to one.", "image": "generated_images/image_230.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "t2i_prompt": "a photo of two sheeps", "prompt": "Change the number of sheep in the image to three.", "image": "generated_images/image_196.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 1}], "exclude": [{"class": "sheep", "count": 2}], "t2i_prompt": "a photo of three sheeps", "prompt": "Change the number of sheep in the image to one.", "image": "generated_images/image_97.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 1}], "exclude": [{"class": "bed", "count": 2}], "t2i_prompt": "a photo of two beds", "prompt": "Change the number of bed in the image to one.", "image": "generated_images/image_126.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "t2i_prompt": "a photo of three elephants", "prompt": "Change the number of elephant in the image to four.", "image": "generated_images/image_274.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 1}], "exclude": [{"class": "fork", "count": 2}], "t2i_prompt": "a photo of two forks", "prompt": "Change the number of fork in the image to one.", "image": "generated_images/image_220.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "t2i_prompt": "a photo of one toilets", "prompt": "Change the number of toilet in the image to two.", "image": "generated_images/image_119.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "t2i_prompt": "a photo of two forks", "prompt": "Change the number of fork in the image to three.", "image": "generated_images/image_220.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "t2i_prompt": "a photo of two couchs", "prompt": "Change the number of couch in the image to four.", "image": "generated_images/image_201.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "t2i_prompt": "a photo of one cats", "prompt": "Change the number of cat in the image to four.", "image": "generated_images/image_172.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "t2i_prompt": "a photo of one snowboards", "prompt": "Change the number of snowboard in the image to two.", "image": "generated_images/image_302.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "t2i_prompt": "a photo of one toasters", "prompt": "Change the number of toaster in the image to three.", "image": "generated_images/image_183.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "t2i_prompt": "a photo of one traffic lights", "prompt": "Change the number of traffic light in the image to two.", "image": "generated_images/image_25.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "t2i_prompt": "a photo of one horses", "prompt": "Change the number of horse in the image to two.", "image": "generated_images/image_34.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 1}], "exclude": [{"class": "toaster", "count": 2}], "t2i_prompt": "a photo of four toasters", "prompt": "Change the number of toaster in the image to one.", "image": "generated_images/image_265.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 1}], "exclude": [{"class": "sandwich", "count": 2}], "t2i_prompt": "a photo of two sandwichs", "prompt": "Change the number of sandwich in the image to one.", "image": "generated_images/image_3.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "t2i_prompt": "a photo of four tvs", "prompt": "Change the number of tv in the image to three.", "image": "generated_images/image_24.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 1}], "exclude": [{"class": "clock", "count": 2}], "t2i_prompt": "a photo of two clocks", "prompt": "Change the number of clock in the image to one.", "image": "generated_images/image_263.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 1}], "exclude": [{"class": "spoon", "count": 2}], "t2i_prompt": "a photo of three spoons", "prompt": "Change the number of spoon in the image to one.", "image": "generated_images/image_156.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "t2i_prompt": "a photo of two bears", "prompt": "Change the number of bear in the image to three.", "image": "generated_images/image_102.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "t2i_prompt": "a photo of four boats", "prompt": "Change the number of boat in the image to three.", "image": "generated_images/image_44.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "t2i_prompt": "a photo of four toasters", "prompt": "Change the number of toaster in the image to three.", "image": "generated_images/image_265.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 1}], "exclude": [{"class": "backpack", "count": 2}], "t2i_prompt": "a photo of three backpacks", "prompt": "Change the number of backpack in the image to one.", "image": "generated_images/image_203.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "t2i_prompt": "a photo of two donuts", "prompt": "Change the number of donut in the image to three.", "image": "generated_images/image_81.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "t2i_prompt": "a photo of four backpacks", "prompt": "Change the number of backpack in the image to two.", "image": "generated_images/image_198.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "t2i_prompt": "a photo of four benchs", "prompt": "Change the number of bench in the image to three.", "image": "generated_images/image_69.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "t2i_prompt": "a photo of one cups", "prompt": "Change the number of cup in the image to two.", "image": "generated_images/image_89.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "t2i_prompt": "a photo of one boats", "prompt": "Change the number of boat in the image to three.", "image": "generated_images/image_269.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "t2i_prompt": "a photo of one elephants", "prompt": "Change the number of elephant in the image to three.", "image": "generated_images/image_178.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "t2i_prompt": "a photo of three bears", "prompt": "Change the number of bear in the image to two.", "image": "generated_images/image_299.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "t2i_prompt": "a photo of three fire hydrants", "prompt": "Change the number of fire hydrant in the image to four.", "image": "generated_images/image_27.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "t2i_prompt": "a photo of three trains", "prompt": "Change the number of train in the image to two.", "image": "generated_images/image_13.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "t2i_prompt": "a photo of three airplanes", "prompt": "Change the number of airplane in the image to four.", "image": "generated_images/image_286.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "t2i_prompt": "a photo of four frisbees", "prompt": "Change the number of frisbee in the image to three.", "image": "generated_images/image_40.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "t2i_prompt": "a photo of one buses", "prompt": "Change the number of bus in the image to four.", "image": "generated_images/image_137.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 1}], "exclude": [{"class": "microwave", "count": 2}], "t2i_prompt": "a photo of four microwaves", "prompt": "Change the number of microwave in the image to one.", "image": "generated_images/image_80.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "t2i_prompt": "a photo of one sports balls", "prompt": "Change the number of sports ball in the image to three.", "image": "generated_images/image_266.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "t2i_prompt": "a photo of four broccolis", "prompt": "Change the number of broccoli in the image to three.", "image": "generated_images/image_236.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "t2i_prompt": "a photo of one forks", "prompt": "Change the number of fork in the image to three.", "image": "generated_images/image_63.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "t2i_prompt": "a photo of three fire hydrants", "prompt": "Change the number of fire hydrant in the image to two.", "image": "generated_images/image_27.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "t2i_prompt": "a photo of four dogs", "prompt": "Change the number of dog in the image to two.", "image": "generated_images/image_173.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 1}], "exclude": [{"class": "backpack", "count": 2}], "t2i_prompt": "a photo of four backpacks", "prompt": "Change the number of backpack in the image to one.", "image": "generated_images/image_198.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "t2i_prompt": "a photo of three zebras", "prompt": "Change the number of zebra in the image to two.", "image": "generated_images/image_296.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 1}], "exclude": [{"class": "computer keyboard", "count": 2}], "t2i_prompt": "a photo of four computer keyboards", "prompt": "Change the number of computer keyboard in the image to one.", "image": "generated_images/image_242.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "t2i_prompt": "a photo of four scissorses", "prompt": "Change the number of scissors in the image to two.", "image": "generated_images/image_171.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "t2i_prompt": "a photo of two bottles", "prompt": "Change the number of bottle in the image to four.", "image": "generated_images/image_162.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "t2i_prompt": "a photo of one wine glasses", "prompt": "Change the number of wine glass in the image to three.", "image": "generated_images/image_208.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "t2i_prompt": "a photo of four cats", "prompt": "Change the number of cat in the image to two.", "image": "generated_images/image_19.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 1}], "exclude": [{"class": "carrot", "count": 2}], "t2i_prompt": "a photo of four carrots", "prompt": "Change the number of carrot in the image to one.", "image": "generated_images/image_107.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "t2i_prompt": "a photo of two fire hydrants", "prompt": "Change the number of fire hydrant in the image to four.", "image": "generated_images/image_214.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 1}], "exclude": [{"class": "surfboard", "count": 2}], "t2i_prompt": "a photo of two surfboards", "prompt": "Change the number of surfboard in the image to one.", "image": "generated_images/image_185.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "t2i_prompt": "a photo of four kites", "prompt": "Change the number of kite in the image to three.", "image": "generated_images/image_197.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "t2i_prompt": "a photo of three stop signs", "prompt": "Change the number of stop sign in the image to four.", "image": "generated_images/image_238.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 1}], "exclude": [{"class": "bed", "count": 2}], "t2i_prompt": "a photo of four beds", "prompt": "Change the number of bed in the image to one.", "image": "generated_images/image_74.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 1}], "exclude": [{"class": "toaster", "count": 2}], "t2i_prompt": "a photo of three toasters", "prompt": "Change the number of toaster in the image to one.", "image": "generated_images/image_101.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "t2i_prompt": "a photo of four toothbrushs", "prompt": "Change the number of toothbrush in the image to three.", "image": "generated_images/image_212.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "t2i_prompt": "a photo of three buses", "prompt": "Change the number of bus in the image to four.", "image": "generated_images/image_52.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 1}], "exclude": [{"class": "tv", "count": 2}], "t2i_prompt": "a photo of three tvs", "prompt": "Change the number of tv in the image to one.", "image": "generated_images/image_166.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "t2i_prompt": "a photo of two birds", "prompt": "Change the number of bird in the image to four.", "image": "generated_images/image_189.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "t2i_prompt": "a photo of two traffic lights", "prompt": "Change the number of traffic light in the image to three.", "image": "generated_images/image_216.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "t2i_prompt": "a photo of three sheeps", "prompt": "Change the number of sheep in the image to two.", "image": "generated_images/image_97.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 1}], "exclude": [{"class": "cup", "count": 2}], "t2i_prompt": "a photo of two cups", "prompt": "Change the number of cup in the image to one.", "image": "generated_images/image_155.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 1}], "exclude": [{"class": "orange", "count": 2}], "t2i_prompt": "a photo of four oranges", "prompt": "Change the number of orange in the image to one.", "image": "generated_images/image_234.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 1}], "exclude": [{"class": "sandwich", "count": 2}], "t2i_prompt": "a photo of four sandwichs", "prompt": "Change the number of sandwich in the image to one.", "image": "generated_images/image_133.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "t2i_prompt": "a photo of three cats", "prompt": "Change the number of cat in the image to four.", "image": "generated_images/image_0.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "t2i_prompt": "a photo of two frisbees", "prompt": "Change the number of frisbee in the image to four.", "image": "generated_images/image_273.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "t2i_prompt": "a photo of one cows", "prompt": "Change the number of cow in the image to two.", "image": "generated_images/image_56.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "t2i_prompt": "a photo of one surfboards", "prompt": "Change the number of surfboard in the image to three.", "image": "generated_images/image_224.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "t2i_prompt": "a photo of one boats", "prompt": "Change the number of boat in the image to two.", "image": "generated_images/image_269.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "t2i_prompt": "a photo of one broccolis", "prompt": "Change the number of broccoli in the image to four.", "image": "generated_images/image_72.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "t2i_prompt": "a photo of one giraffes", "prompt": "Change the number of giraffe in the image to two.", "image": "generated_images/image_164.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "t2i_prompt": "a photo of two toasters", "prompt": "Change the number of toaster in the image to three.", "image": "generated_images/image_221.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 1}], "exclude": [{"class": "frisbee", "count": 2}], "t2i_prompt": "a photo of two frisbees", "prompt": "Change the number of frisbee in the image to one.", "image": "generated_images/image_273.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "t2i_prompt": "a photo of one cows", "prompt": "Change the number of cow in the image to four.", "image": "generated_images/image_56.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "t2i_prompt": "a photo of four microwaves", "prompt": "Change the number of microwave in the image to three.", "image": "generated_images/image_80.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "t2i_prompt": "a photo of one laptops", "prompt": "Change the number of laptop in the image to three.", "image": "generated_images/image_303.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 1}], "exclude": [{"class": "bicycle", "count": 2}], "t2i_prompt": "a photo of three bicycles", "prompt": "Change the number of bicycle in the image to one.", "image": "generated_images/image_5.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "t2i_prompt": "a photo of three benchs", "prompt": "Change the number of bench in the image to two.", "image": "generated_images/image_184.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 1}], "exclude": [{"class": "bottle", "count": 2}], "t2i_prompt": "a photo of three bottles", "prompt": "Change the number of bottle in the image to one.", "image": "generated_images/image_17.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 1}], "exclude": [{"class": "refrigerator", "count": 2}], "t2i_prompt": "a photo of three refrigerators", "prompt": "Change the number of refrigerator in the image to one.", "image": "generated_images/image_215.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "t2i_prompt": "a photo of two buses", "prompt": "Change the number of bus in the image to four.", "image": "generated_images/image_187.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 1}], "exclude": [{"class": "cat", "count": 2}], "t2i_prompt": "a photo of two cats", "prompt": "Change the number of cat in the image to one.", "image": "generated_images/image_151.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "t2i_prompt": "a photo of one traffic lights", "prompt": "Change the number of traffic light in the image to four.", "image": "generated_images/image_25.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 1}], "exclude": [{"class": "sink", "count": 2}], "t2i_prompt": "a photo of two sinks", "prompt": "Change the number of sink in the image to one.", "image": "generated_images/image_85.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 1}], "exclude": [{"class": "elephant", "count": 2}], "t2i_prompt": "a photo of three elephants", "prompt": "Change the number of elephant in the image to one.", "image": "generated_images/image_274.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "t2i_prompt": "a photo of four ovens", "prompt": "Change the number of oven in the image to two.", "image": "generated_images/image_306.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "t2i_prompt": "a photo of one vases", "prompt": "Change the number of vase in the image to three.", "image": "generated_images/image_62.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 1}], "exclude": [{"class": "computer mouse", "count": 2}], "t2i_prompt": "a photo of two computer mouses", "prompt": "Change the number of computer mouse in the image to one.", "image": "generated_images/image_256.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "t2i_prompt": "a photo of four airplanes", "prompt": "Change the number of airplane in the image to three.", "image": "generated_images/image_47.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "t2i_prompt": "a photo of one backpacks", "prompt": "Change the number of backpack in the image to four.", "image": "generated_images/image_298.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 1}], "exclude": [{"class": "bear", "count": 2}], "t2i_prompt": "a photo of four bears", "prompt": "Change the number of bear in the image to one.", "image": "generated_images/image_251.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "t2i_prompt": "a photo of one frisbees", "prompt": "Change the number of frisbee in the image to four.", "image": "generated_images/image_244.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 1}], "exclude": [{"class": "tv remote", "count": 2}], "t2i_prompt": "a photo of four tv remotes", "prompt": "Change the number of tv remote in the image to one.", "image": "generated_images/image_285.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "t2i_prompt": "a photo of three umbrellas", "prompt": "Change the number of umbrella in the image to four.", "image": "generated_images/image_84.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "t2i_prompt": "a photo of one apples", "prompt": "Change the number of apple in the image to two.", "image": "generated_images/image_37.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "t2i_prompt": "a photo of two baseball gloves", "prompt": "Change the number of baseball glove in the image to four.", "image": "generated_images/image_115.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "t2i_prompt": "a photo of one buses", "prompt": "Change the number of bus in the image to three.", "image": "generated_images/image_137.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "t2i_prompt": "a photo of two kites", "prompt": "Change the number of kite in the image to four.", "image": "generated_images/image_20.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "t2i_prompt": "a photo of four persons", "prompt": "Change the number of person in the image to two.", "image": "generated_images/image_33.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "t2i_prompt": "a photo of one cell phones", "prompt": "Change the number of cell phone in the image to three.", "image": "generated_images/image_18.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "t2i_prompt": "a photo of four parking meters", "prompt": "Change the number of parking meter in the image to two.", "image": "generated_images/image_159.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 1}], "exclude": [{"class": "backpack", "count": 2}], "t2i_prompt": "a photo of two backpacks", "prompt": "Change the number of backpack in the image to one.", "image": "generated_images/image_140.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "t2i_prompt": "a photo of four baseball gloves", "prompt": "Change the number of baseball glove in the image to two.", "image": "generated_images/image_277.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "t2i_prompt": "a photo of three cell phones", "prompt": "Change the number of cell phone in the image to four.", "image": "generated_images/image_120.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 1}], "exclude": [{"class": "microwave", "count": 2}], "t2i_prompt": "a photo of two microwaves", "prompt": "Change the number of microwave in the image to one.", "image": "generated_images/image_147.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 1}], "exclude": [{"class": "bed", "count": 2}], "t2i_prompt": "a photo of three beds", "prompt": "Change the number of bed in the image to one.", "image": "generated_images/image_292.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 1}], "exclude": [{"class": "umbrella", "count": 2}], "t2i_prompt": "a photo of four umbrellas", "prompt": "Change the number of umbrella in the image to one.", "image": "generated_images/image_32.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "t2i_prompt": "a photo of four forks", "prompt": "Change the number of fork in the image to three.", "image": "generated_images/image_64.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "t2i_prompt": "a photo of three toothbrushs", "prompt": "Change the number of toothbrush in the image to four.", "image": "generated_images/image_138.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "t2i_prompt": "a photo of four toasters", "prompt": "Change the number of toaster in the image to two.", "image": "generated_images/image_265.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "t2i_prompt": "a photo of three sandwichs", "prompt": "Change the number of sandwich in the image to four.", "image": "generated_images/image_82.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "t2i_prompt": "a photo of three skateboards", "prompt": "Change the number of skateboard in the image to two.", "image": "generated_images/image_161.jpg"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "t2i_prompt": "a photo of two sheeps", "prompt": "Change the number of sheep in the image to four.", "image": "generated_images/image_196.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "t2i_prompt": "a photo of four donuts", "prompt": "Change the number of donut in the image to three.", "image": "generated_images/image_194.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 1}], "exclude": [{"class": "cell phone", "count": 2}], "t2i_prompt": "a photo of two cell phones", "prompt": "Change the number of cell phone in the image to one.", "image": "generated_images/image_45.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "t2i_prompt": "a photo of one ovens", "prompt": "Change the number of oven in the image to three.", "image": "generated_images/image_232.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 1}], "exclude": [{"class": "chair", "count": 2}], "t2i_prompt": "a photo of two chairs", "prompt": "Change the number of chair in the image to one.", "image": "generated_images/image_73.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "t2i_prompt": "a photo of one carrots", "prompt": "Change the number of carrot in the image to two.", "image": "generated_images/image_237.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 1}], "exclude": [{"class": "orange", "count": 2}], "t2i_prompt": "a photo of two oranges", "prompt": "Change the number of orange in the image to one.", "image": "generated_images/image_95.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 1}], "exclude": [{"class": "donut", "count": 2}], "t2i_prompt": "a photo of two donuts", "prompt": "Change the number of donut in the image to one.", "image": "generated_images/image_81.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "t2i_prompt": "a photo of one baseball gloves", "prompt": "Change the number of baseball glove in the image to three.", "image": "generated_images/image_175.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "t2i_prompt": "a photo of three birds", "prompt": "Change the number of bird in the image to two.", "image": "generated_images/image_235.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "t2i_prompt": "a photo of two trains", "prompt": "Change the number of train in the image to four.", "image": "generated_images/image_112.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "t2i_prompt": "a photo of one boats", "prompt": "Change the number of boat in the image to four.", "image": "generated_images/image_269.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "t2i_prompt": "a photo of one fire hydrants", "prompt": "Change the number of fire hydrant in the image to two.", "image": "generated_images/image_23.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 1}], "exclude": [{"class": "skis", "count": 2}], "t2i_prompt": "a photo of two skises", "prompt": "Change the number of skis in the image to one.", "image": "generated_images/image_270.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 1}], "exclude": [{"class": "kite", "count": 2}], "t2i_prompt": "a photo of two kites", "prompt": "Change the number of kite in the image to one.", "image": "generated_images/image_20.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "t2i_prompt": "a photo of three refrigerators", "prompt": "Change the number of refrigerator in the image to two.", "image": "generated_images/image_215.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 1}], "exclude": [{"class": "tv", "count": 2}], "t2i_prompt": "a photo of four tvs", "prompt": "Change the number of tv in the image to one.", "image": "generated_images/image_24.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "t2i_prompt": "a photo of four traffic lights", "prompt": "Change the number of traffic light in the image to two.", "image": "generated_images/image_2.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 1}], "exclude": [{"class": "bear", "count": 2}], "t2i_prompt": "a photo of three bears", "prompt": "Change the number of bear in the image to one.", "image": "generated_images/image_299.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 1}], "exclude": [{"class": "horse", "count": 2}], "t2i_prompt": "a photo of two horses", "prompt": "Change the number of horse in the image to one.", "image": "generated_images/image_227.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "t2i_prompt": "a photo of one tennis rackets", "prompt": "Change the number of tennis racket in the image to three.", "image": "generated_images/image_78.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 1}], "exclude": [{"class": "bird", "count": 2}], "t2i_prompt": "a photo of two birds", "prompt": "Change the number of bird in the image to one.", "image": "generated_images/image_189.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "t2i_prompt": "a photo of one hot dogs", "prompt": "Change the number of hot dog in the image to four.", "image": "generated_images/image_200.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 1}], "exclude": [{"class": "giraffe", "count": 2}], "t2i_prompt": "a photo of four giraffes", "prompt": "Change the number of giraffe in the image to one.", "image": "generated_images/image_7.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "t2i_prompt": "a photo of two baseball gloves", "prompt": "Change the number of baseball glove in the image to three.", "image": "generated_images/image_115.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "t2i_prompt": "a photo of one chairs", "prompt": "Change the number of chair in the image to three.", "image": "generated_images/image_255.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "t2i_prompt": "a photo of two broccolis", "prompt": "Change the number of broccoli in the image to four.", "image": "generated_images/image_76.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "t2i_prompt": "a photo of three umbrellas", "prompt": "Change the number of umbrella in the image to two.", "image": "generated_images/image_84.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 1}], "exclude": [{"class": "tv remote", "count": 2}], "t2i_prompt": "a photo of two tv remotes", "prompt": "Change the number of tv remote in the image to one.", "image": "generated_images/image_41.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 1}], "exclude": [{"class": "bicycle", "count": 2}], "t2i_prompt": "a photo of two bicycles", "prompt": "Change the number of bicycle in the image to one.", "image": "generated_images/image_154.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "t2i_prompt": "a photo of one skateboards", "prompt": "Change the number of skateboard in the image to three.", "image": "generated_images/image_176.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "t2i_prompt": "a photo of one tvs", "prompt": "Change the number of tv in the image to three.", "image": "generated_images/image_149.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 1}], "exclude": [{"class": "bus", "count": 2}], "t2i_prompt": "a photo of four buses", "prompt": "Change the number of bus in the image to one.", "image": "generated_images/image_243.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "t2i_prompt": "a photo of three hot dogs", "prompt": "Change the number of hot dog in the image to two.", "image": "generated_images/image_300.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 1}], "exclude": [{"class": "computer mouse", "count": 2}], "t2i_prompt": "a photo of four computer mouses", "prompt": "Change the number of computer mouse in the image to one.", "image": "generated_images/image_229.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "t2i_prompt": "a photo of four trucks", "prompt": "Change the number of truck in the image to three.", "image": "generated_images/image_260.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "t2i_prompt": "a photo of four bowls", "prompt": "Change the number of bowl in the image to two.", "image": "generated_images/image_106.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "t2i_prompt": "a photo of two computer keyboards", "prompt": "Change the number of computer keyboard in the image to three.", "image": "generated_images/image_68.jpg"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "t2i_prompt": "a photo of four computer keyboards", "prompt": "Change the number of computer keyboard in the image to two.", "image": "generated_images/image_242.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 1}], "exclude": [{"class": "parking meter", "count": 2}], "t2i_prompt": "a photo of three parking meters", "prompt": "Change the number of parking meter in the image to one.", "image": "generated_images/image_268.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "t2i_prompt": "a photo of two boats", "prompt": "Change the number of boat in the image to three.", "image": "generated_images/image_144.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 1}], "exclude": [{"class": "refrigerator", "count": 2}], "t2i_prompt": "a photo of two refrigerators", "prompt": "Change the number of refrigerator in the image to one.", "image": "generated_images/image_207.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 1}], "exclude": [{"class": "tennis racket", "count": 2}], "t2i_prompt": "a photo of three tennis rackets", "prompt": "Change the number of tennis racket in the image to one.", "image": "generated_images/image_180.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "t2i_prompt": "a photo of three baseball gloves", "prompt": "Change the number of baseball glove in the image to two.", "image": "generated_images/image_264.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "t2i_prompt": "a photo of one cows", "prompt": "Change the number of cow in the image to three.", "image": "generated_images/image_56.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "t2i_prompt": "a photo of two buses", "prompt": "Change the number of bus in the image to three.", "image": "generated_images/image_187.jpg"} +{"tag": "counting", "include": [{"class": "bottle", "count": 1}], "exclude": [{"class": "bottle", "count": 2}], "t2i_prompt": "a photo of two bottles", "prompt": "Change the number of bottle in the image to one.", "image": "generated_images/image_162.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "t2i_prompt": "a photo of one handbags", "prompt": "Change the number of handbag in the image to two.", "image": "generated_images/image_225.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "t2i_prompt": "a photo of three clocks", "prompt": "Change the number of clock in the image to four.", "image": "generated_images/image_43.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "t2i_prompt": "a photo of one computer mouses", "prompt": "Change the number of computer mouse in the image to four.", "image": "generated_images/image_42.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "t2i_prompt": "a photo of one beds", "prompt": "Change the number of bed in the image to four.", "image": "generated_images/image_181.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "t2i_prompt": "a photo of one fire hydrants", "prompt": "Change the number of fire hydrant in the image to three.", "image": "generated_images/image_23.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "t2i_prompt": "a photo of four spoons", "prompt": "Change the number of spoon in the image to three.", "image": "generated_images/image_165.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 1}], "exclude": [{"class": "elephant", "count": 2}], "t2i_prompt": "a photo of four elephants", "prompt": "Change the number of elephant in the image to one.", "image": "generated_images/image_29.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "t2i_prompt": "a photo of one scissorses", "prompt": "Change the number of scissors in the image to four.", "image": "generated_images/image_287.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "t2i_prompt": "a photo of two carrots", "prompt": "Change the number of carrot in the image to four.", "image": "generated_images/image_267.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 1}], "exclude": [{"class": "sandwich", "count": 2}], "t2i_prompt": "a photo of three sandwichs", "prompt": "Change the number of sandwich in the image to one.", "image": "generated_images/image_82.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "t2i_prompt": "a photo of four cats", "prompt": "Change the number of cat in the image to three.", "image": "generated_images/image_19.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "t2i_prompt": "a photo of two donuts", "prompt": "Change the number of donut in the image to four.", "image": "generated_images/image_81.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "t2i_prompt": "a photo of three horses", "prompt": "Change the number of horse in the image to four.", "image": "generated_images/image_104.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "t2i_prompt": "a photo of one sandwichs", "prompt": "Change the number of sandwich in the image to four.", "image": "generated_images/image_123.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "t2i_prompt": "a photo of two umbrellas", "prompt": "Change the number of umbrella in the image to four.", "image": "generated_images/image_249.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "t2i_prompt": "a photo of three tv remotes", "prompt": "Change the number of tv remote in the image to two.", "image": "generated_images/image_6.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "t2i_prompt": "a photo of three tvs", "prompt": "Change the number of tv in the image to four.", "image": "generated_images/image_166.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "t2i_prompt": "a photo of two hot dogs", "prompt": "Change the number of hot dog in the image to three.", "image": "generated_images/image_110.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "t2i_prompt": "a photo of four surfboards", "prompt": "Change the number of surfboard in the image to two.", "image": "generated_images/image_204.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 1}], "exclude": [{"class": "cat", "count": 2}], "t2i_prompt": "a photo of three cats", "prompt": "Change the number of cat in the image to one.", "image": "generated_images/image_0.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "t2i_prompt": "a photo of one beds", "prompt": "Change the number of bed in the image to two.", "image": "generated_images/image_181.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 1}], "exclude": [{"class": "bench", "count": 2}], "t2i_prompt": "a photo of three benchs", "prompt": "Change the number of bench in the image to one.", "image": "generated_images/image_184.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 1}], "exclude": [{"class": "toothbrush", "count": 2}], "t2i_prompt": "a photo of two toothbrushs", "prompt": "Change the number of toothbrush in the image to one.", "image": "generated_images/image_55.jpg"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "t2i_prompt": "a photo of four trains", "prompt": "Change the number of train in the image to two.", "image": "generated_images/image_127.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "t2i_prompt": "a photo of two benchs", "prompt": "Change the number of bench in the image to three.", "image": "generated_images/image_257.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 1}], "exclude": [{"class": "cake", "count": 2}], "t2i_prompt": "a photo of four cakes", "prompt": "Change the number of cake in the image to one.", "image": "generated_images/image_301.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "t2i_prompt": "a photo of three forks", "prompt": "Change the number of fork in the image to two.", "image": "generated_images/image_276.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 1}], "exclude": [{"class": "cow", "count": 2}], "t2i_prompt": "a photo of two cows", "prompt": "Change the number of cow in the image to one.", "image": "generated_images/image_252.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "t2i_prompt": "a photo of three surfboards", "prompt": "Change the number of surfboard in the image to four.", "image": "generated_images/image_309.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "t2i_prompt": "a photo of three toasters", "prompt": "Change the number of toaster in the image to four.", "image": "generated_images/image_101.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "t2i_prompt": "a photo of three oranges", "prompt": "Change the number of orange in the image to two.", "image": "generated_images/image_213.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 1}], "exclude": [{"class": "pizza", "count": 2}], "t2i_prompt": "a photo of two pizzas", "prompt": "Change the number of pizza in the image to one.", "image": "generated_images/image_36.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 1}], "exclude": [{"class": "dog", "count": 2}], "t2i_prompt": "a photo of four dogs", "prompt": "Change the number of dog in the image to one.", "image": "generated_images/image_173.jpg"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "t2i_prompt": "a photo of four cell phones", "prompt": "Change the number of cell phone in the image to three.", "image": "generated_images/image_60.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "t2i_prompt": "a photo of three cups", "prompt": "Change the number of cup in the image to four.", "image": "generated_images/image_170.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "t2i_prompt": "a photo of four wine glasses", "prompt": "Change the number of wine glass in the image to two.", "image": "generated_images/image_262.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "t2i_prompt": "a photo of one microwaves", "prompt": "Change the number of microwave in the image to three.", "image": "generated_images/image_245.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "t2i_prompt": "a photo of three bowls", "prompt": "Change the number of bowl in the image to two.", "image": "generated_images/image_246.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 1}], "exclude": [{"class": "dog", "count": 2}], "t2i_prompt": "a photo of three dogs", "prompt": "Change the number of dog in the image to one.", "image": "generated_images/image_1.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "t2i_prompt": "a photo of four baseball bats", "prompt": "Change the number of baseball bat in the image to three.", "image": "generated_images/image_280.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "t2i_prompt": "a photo of four bicycles", "prompt": "Change the number of bicycle in the image to three.", "image": "generated_images/image_53.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "t2i_prompt": "a photo of two suitcases", "prompt": "Change the number of suitcase in the image to three.", "image": "generated_images/image_148.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "t2i_prompt": "a photo of one scissorses", "prompt": "Change the number of scissors in the image to two.", "image": "generated_images/image_287.jpg"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "t2i_prompt": "a photo of three surfboards", "prompt": "Change the number of surfboard in the image to two.", "image": "generated_images/image_309.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 1}], "exclude": [{"class": "kite", "count": 2}], "t2i_prompt": "a photo of three kites", "prompt": "Change the number of kite in the image to one.", "image": "generated_images/image_295.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "t2i_prompt": "a photo of one kites", "prompt": "Change the number of kite in the image to four.", "image": "generated_images/image_218.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "t2i_prompt": "a photo of one couchs", "prompt": "Change the number of couch in the image to two.", "image": "generated_images/image_278.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "t2i_prompt": "a photo of three laptops", "prompt": "Change the number of laptop in the image to four.", "image": "generated_images/image_288.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "t2i_prompt": "a photo of one ovens", "prompt": "Change the number of oven in the image to four.", "image": "generated_images/image_232.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 1}], "exclude": [{"class": "apple", "count": 2}], "t2i_prompt": "a photo of four apples", "prompt": "Change the number of apple in the image to one.", "image": "generated_images/image_39.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 1}], "exclude": [{"class": "bowl", "count": 2}], "t2i_prompt": "a photo of three bowls", "prompt": "Change the number of bowl in the image to one.", "image": "generated_images/image_246.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "t2i_prompt": "a photo of two computer mouses", "prompt": "Change the number of computer mouse in the image to three.", "image": "generated_images/image_256.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "t2i_prompt": "a photo of two sandwichs", "prompt": "Change the number of sandwich in the image to four.", "image": "generated_images/image_3.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "t2i_prompt": "a photo of three snowboards", "prompt": "Change the number of snowboard in the image to four.", "image": "generated_images/image_188.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "t2i_prompt": "a photo of two sinks", "prompt": "Change the number of sink in the image to four.", "image": "generated_images/image_85.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "t2i_prompt": "a photo of three tennis rackets", "prompt": "Change the number of tennis racket in the image to two.", "image": "generated_images/image_180.jpg"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "t2i_prompt": "a photo of four parking meters", "prompt": "Change the number of parking meter in the image to three.", "image": "generated_images/image_159.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "t2i_prompt": "a photo of one chairs", "prompt": "Change the number of chair in the image to four.", "image": "generated_images/image_255.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 1}], "exclude": [{"class": "sink", "count": 2}], "t2i_prompt": "a photo of three sinks", "prompt": "Change the number of sink in the image to one.", "image": "generated_images/image_130.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "t2i_prompt": "a photo of one trucks", "prompt": "Change the number of truck in the image to three.", "image": "generated_images/image_131.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "t2i_prompt": "a photo of four tennis rackets", "prompt": "Change the number of tennis racket in the image to three.", "image": "generated_images/image_21.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "t2i_prompt": "a photo of three backpacks", "prompt": "Change the number of backpack in the image to two.", "image": "generated_images/image_203.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "t2i_prompt": "a photo of three kites", "prompt": "Change the number of kite in the image to two.", "image": "generated_images/image_295.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "t2i_prompt": "a photo of one ovens", "prompt": "Change the number of oven in the image to two.", "image": "generated_images/image_232.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 1}], "exclude": [{"class": "zebra", "count": 2}], "t2i_prompt": "a photo of three zebras", "prompt": "Change the number of zebra in the image to one.", "image": "generated_images/image_296.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 1}], "exclude": [{"class": "fire hydrant", "count": 2}], "t2i_prompt": "a photo of two fire hydrants", "prompt": "Change the number of fire hydrant in the image to one.", "image": "generated_images/image_214.jpg"} +{"tag": "counting", "include": [{"class": "bus", "count": 1}], "exclude": [{"class": "bus", "count": 2}], "t2i_prompt": "a photo of three buses", "prompt": "Change the number of bus in the image to one.", "image": "generated_images/image_52.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "t2i_prompt": "a photo of one apples", "prompt": "Change the number of apple in the image to three.", "image": "generated_images/image_37.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 1}], "exclude": [{"class": "oven", "count": 2}], "t2i_prompt": "a photo of two ovens", "prompt": "Change the number of oven in the image to one.", "image": "generated_images/image_16.jpg"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "t2i_prompt": "a photo of two benchs", "prompt": "Change the number of bench in the image to four.", "image": "generated_images/image_257.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "t2i_prompt": "a photo of one zebras", "prompt": "Change the number of zebra in the image to two.", "image": "generated_images/image_31.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "t2i_prompt": "a photo of two trucks", "prompt": "Change the number of truck in the image to three.", "image": "generated_images/image_168.jpg"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "t2i_prompt": "a photo of four dogs", "prompt": "Change the number of dog in the image to three.", "image": "generated_images/image_173.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 1}], "exclude": [{"class": "airplane", "count": 2}], "t2i_prompt": "a photo of four airplanes", "prompt": "Change the number of airplane in the image to one.", "image": "generated_images/image_47.jpg"} +{"tag": "counting", "include": [{"class": "laptop", "count": 1}], "exclude": [{"class": "laptop", "count": 2}], "t2i_prompt": "a photo of four laptops", "prompt": "Change the number of laptop in the image to one.", "image": "generated_images/image_272.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "t2i_prompt": "a photo of four tv remotes", "prompt": "Change the number of tv remote in the image to three.", "image": "generated_images/image_285.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "t2i_prompt": "a photo of one cakes", "prompt": "Change the number of cake in the image to two.", "image": "generated_images/image_136.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 1}], "exclude": [{"class": "vase", "count": 2}], "t2i_prompt": "a photo of four vases", "prompt": "Change the number of vase in the image to one.", "image": "generated_images/image_199.jpg"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 1}], "exclude": [{"class": "giraffe", "count": 2}], "t2i_prompt": "a photo of three giraffes", "prompt": "Change the number of giraffe in the image to one.", "image": "generated_images/image_146.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "t2i_prompt": "a photo of four vases", "prompt": "Change the number of vase in the image to two.", "image": "generated_images/image_199.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "t2i_prompt": "a photo of one birds", "prompt": "Change the number of bird in the image to four.", "image": "generated_images/image_254.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "t2i_prompt": "a photo of one cups", "prompt": "Change the number of cup in the image to four.", "image": "generated_images/image_89.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "t2i_prompt": "a photo of one toasters", "prompt": "Change the number of toaster in the image to four.", "image": "generated_images/image_183.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "t2i_prompt": "a photo of four cakes", "prompt": "Change the number of cake in the image to two.", "image": "generated_images/image_301.jpg"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "t2i_prompt": "a photo of one birds", "prompt": "Change the number of bird in the image to two.", "image": "generated_images/image_254.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 1}], "exclude": [{"class": "umbrella", "count": 2}], "t2i_prompt": "a photo of three umbrellas", "prompt": "Change the number of umbrella in the image to one.", "image": "generated_images/image_84.jpg"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "t2i_prompt": "a photo of three scissorses", "prompt": "Change the number of scissors in the image to two.", "image": "generated_images/image_307.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "t2i_prompt": "a photo of one ties", "prompt": "Change the number of tie in the image to three.", "image": "generated_images/image_90.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "t2i_prompt": "a photo of one teddy bears", "prompt": "Change the number of teddy bear in the image to four.", "image": "generated_images/image_48.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "t2i_prompt": "a photo of three spoons", "prompt": "Change the number of spoon in the image to two.", "image": "generated_images/image_156.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "t2i_prompt": "a photo of four suitcases", "prompt": "Change the number of suitcase in the image to two.", "image": "generated_images/image_219.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 1}], "exclude": [{"class": "snowboard", "count": 2}], "t2i_prompt": "a photo of two snowboards", "prompt": "Change the number of snowboard in the image to one.", "image": "generated_images/image_135.jpg"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "t2i_prompt": "a photo of three cups", "prompt": "Change the number of cup in the image to two.", "image": "generated_images/image_170.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "t2i_prompt": "a photo of three teddy bears", "prompt": "Change the number of teddy bear in the image to four.", "image": "generated_images/image_223.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "t2i_prompt": "a photo of one broccolis", "prompt": "Change the number of broccoli in the image to three.", "image": "generated_images/image_72.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "t2i_prompt": "a photo of four carrots", "prompt": "Change the number of carrot in the image to two.", "image": "generated_images/image_107.jpg"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "t2i_prompt": "a photo of one microwaves", "prompt": "Change the number of microwave in the image to two.", "image": "generated_images/image_245.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "t2i_prompt": "a photo of four cows", "prompt": "Change the number of cow in the image to two.", "image": "generated_images/image_193.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "t2i_prompt": "a photo of one broccolis", "prompt": "Change the number of broccoli in the image to two.", "image": "generated_images/image_72.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "t2i_prompt": "a photo of one motorcycles", "prompt": "Change the number of motorcycle in the image to three.", "image": "generated_images/image_22.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "t2i_prompt": "a photo of four refrigerators", "prompt": "Change the number of refrigerator in the image to two.", "image": "generated_images/image_91.jpg"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "t2i_prompt": "a photo of one cakes", "prompt": "Change the number of cake in the image to four.", "image": "generated_images/image_136.jpg"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "t2i_prompt": "a photo of four carrots", "prompt": "Change the number of carrot in the image to three.", "image": "generated_images/image_107.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 1}], "exclude": [{"class": "apple", "count": 2}], "t2i_prompt": "a photo of three apples", "prompt": "Change the number of apple in the image to one.", "image": "generated_images/image_304.jpg"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "t2i_prompt": "a photo of one tennis rackets", "prompt": "Change the number of tennis racket in the image to two.", "image": "generated_images/image_78.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 1}], "exclude": [{"class": "cat", "count": 2}], "t2i_prompt": "a photo of four cats", "prompt": "Change the number of cat in the image to one.", "image": "generated_images/image_19.jpg"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "t2i_prompt": "a photo of three baseball gloves", "prompt": "Change the number of baseball glove in the image to four.", "image": "generated_images/image_264.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 1}], "exclude": [{"class": "wine glass", "count": 2}], "t2i_prompt": "a photo of four wine glasses", "prompt": "Change the number of wine glass in the image to one.", "image": "generated_images/image_262.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "t2i_prompt": "a photo of two hot dogs", "prompt": "Change the number of hot dog in the image to four.", "image": "generated_images/image_110.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "t2i_prompt": "a photo of four bananas", "prompt": "Change the number of banana in the image to three.", "image": "generated_images/image_233.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "t2i_prompt": "a photo of four beds", "prompt": "Change the number of bed in the image to three.", "image": "generated_images/image_74.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 1}], "exclude": [{"class": "toilet", "count": 2}], "t2i_prompt": "a photo of four toilets", "prompt": "Change the number of toilet in the image to one.", "image": "generated_images/image_190.jpg"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "t2i_prompt": "a photo of four oranges", "prompt": "Change the number of orange in the image to three.", "image": "generated_images/image_234.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "t2i_prompt": "a photo of one kites", "prompt": "Change the number of kite in the image to three.", "image": "generated_images/image_218.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 1}], "exclude": [{"class": "vase", "count": 2}], "t2i_prompt": "a photo of three vases", "prompt": "Change the number of vase in the image to one.", "image": "generated_images/image_92.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "t2i_prompt": "a photo of four couchs", "prompt": "Change the number of couch in the image to two.", "image": "generated_images/image_129.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "t2i_prompt": "a photo of three trucks", "prompt": "Change the number of truck in the image to four.", "image": "generated_images/image_157.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "t2i_prompt": "a photo of two toothbrushs", "prompt": "Change the number of toothbrush in the image to four.", "image": "generated_images/image_55.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "t2i_prompt": "a photo of one potted plants", "prompt": "Change the number of potted plant in the image to two.", "image": "generated_images/image_308.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "t2i_prompt": "a photo of one sinks", "prompt": "Change the number of sink in the image to four.", "image": "generated_images/image_248.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 1}], "exclude": [{"class": "person", "count": 2}], "t2i_prompt": "a photo of three persons", "prompt": "Change the number of person in the image to one.", "image": "generated_images/image_182.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "t2i_prompt": "a photo of two ties", "prompt": "Change the number of tie in the image to three.", "image": "generated_images/image_58.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "t2i_prompt": "a photo of four baseball bats", "prompt": "Change the number of baseball bat in the image to two.", "image": "generated_images/image_280.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "t2i_prompt": "a photo of two refrigerators", "prompt": "Change the number of refrigerator in the image to four.", "image": "generated_images/image_207.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "t2i_prompt": "a photo of four tvs", "prompt": "Change the number of tv in the image to two.", "image": "generated_images/image_24.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 1}], "exclude": [{"class": "toaster", "count": 2}], "t2i_prompt": "a photo of two toasters", "prompt": "Change the number of toaster in the image to one.", "image": "generated_images/image_221.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 1}], "exclude": [{"class": "banana", "count": 2}], "t2i_prompt": "a photo of four bananas", "prompt": "Change the number of banana in the image to one.", "image": "generated_images/image_233.jpg"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 1}], "exclude": [{"class": "hot dog", "count": 2}], "t2i_prompt": "a photo of three hot dogs", "prompt": "Change the number of hot dog in the image to one.", "image": "generated_images/image_300.jpg"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 1}], "exclude": [{"class": "refrigerator", "count": 2}], "t2i_prompt": "a photo of four refrigerators", "prompt": "Change the number of refrigerator in the image to one.", "image": "generated_images/image_91.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "t2i_prompt": "a photo of two zebras", "prompt": "Change the number of zebra in the image to four.", "image": "generated_images/image_228.jpg"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "t2i_prompt": "a photo of four teddy bears", "prompt": "Change the number of teddy bear in the image to two.", "image": "generated_images/image_71.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 1}], "exclude": [{"class": "wine glass", "count": 2}], "t2i_prompt": "a photo of two wine glasses", "prompt": "Change the number of wine glass in the image to one.", "image": "generated_images/image_121.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "t2i_prompt": "a photo of two beds", "prompt": "Change the number of bed in the image to three.", "image": "generated_images/image_126.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "t2i_prompt": "a photo of two toothbrushs", "prompt": "Change the number of toothbrush in the image to three.", "image": "generated_images/image_55.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "t2i_prompt": "a photo of four chairs", "prompt": "Change the number of chair in the image to two.", "image": "generated_images/image_124.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "t2i_prompt": "a photo of two traffic lights", "prompt": "Change the number of traffic light in the image to four.", "image": "generated_images/image_216.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "t2i_prompt": "a photo of two bicycles", "prompt": "Change the number of bicycle in the image to four.", "image": "generated_images/image_154.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "t2i_prompt": "a photo of three ties", "prompt": "Change the number of tie in the image to four.", "image": "generated_images/image_294.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "t2i_prompt": "a photo of three beds", "prompt": "Change the number of bed in the image to two.", "image": "generated_images/image_292.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "t2i_prompt": "a photo of one horses", "prompt": "Change the number of horse in the image to three.", "image": "generated_images/image_34.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "t2i_prompt": "a photo of one snowboards", "prompt": "Change the number of snowboard in the image to four.", "image": "generated_images/image_302.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 1}], "exclude": [{"class": "fire hydrant", "count": 2}], "t2i_prompt": "a photo of three fire hydrants", "prompt": "Change the number of fire hydrant in the image to one.", "image": "generated_images/image_27.jpg"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "t2i_prompt": "a photo of one suitcases", "prompt": "Change the number of suitcase in the image to four.", "image": "generated_images/image_98.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "t2i_prompt": "a photo of two clocks", "prompt": "Change the number of clock in the image to four.", "image": "generated_images/image_263.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "t2i_prompt": "a photo of four skateboards", "prompt": "Change the number of skateboard in the image to three.", "image": "generated_images/image_77.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "t2i_prompt": "a photo of one handbags", "prompt": "Change the number of handbag in the image to four.", "image": "generated_images/image_225.jpg"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "t2i_prompt": "a photo of one pizzas", "prompt": "Change the number of pizza in the image to three.", "image": "generated_images/image_15.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "t2i_prompt": "a photo of one fire hydrants", "prompt": "Change the number of fire hydrant in the image to four.", "image": "generated_images/image_23.jpg"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "t2i_prompt": "a photo of four motorcycles", "prompt": "Change the number of motorcycle in the image to two.", "image": "generated_images/image_240.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "t2i_prompt": "a photo of one stop signs", "prompt": "Change the number of stop sign in the image to three.", "image": "generated_images/image_65.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 1}], "exclude": [{"class": "kite", "count": 2}], "t2i_prompt": "a photo of four kites", "prompt": "Change the number of kite in the image to one.", "image": "generated_images/image_197.jpg"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "t2i_prompt": "a photo of one sandwichs", "prompt": "Change the number of sandwich in the image to three.", "image": "generated_images/image_123.jpg"} +{"tag": "counting", "include": [{"class": "vase", "count": 1}], "exclude": [{"class": "vase", "count": 2}], "t2i_prompt": "a photo of two vases", "prompt": "Change the number of vase in the image to one.", "image": "generated_images/image_211.jpg"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "t2i_prompt": "a photo of two fire hydrants", "prompt": "Change the number of fire hydrant in the image to three.", "image": "generated_images/image_214.jpg"} +{"tag": "counting", "include": [{"class": "handbag", "count": 1}], "exclude": [{"class": "handbag", "count": 2}], "t2i_prompt": "a photo of three handbags", "prompt": "Change the number of handbag in the image to one.", "image": "generated_images/image_283.jpg"} +{"tag": "counting", "include": [{"class": "toilet", "count": 1}], "exclude": [{"class": "toilet", "count": 2}], "t2i_prompt": "a photo of two toilets", "prompt": "Change the number of toilet in the image to one.", "image": "generated_images/image_100.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "t2i_prompt": "a photo of three snowboards", "prompt": "Change the number of snowboard in the image to two.", "image": "generated_images/image_188.jpg"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "t2i_prompt": "a photo of two bananas", "prompt": "Change the number of banana in the image to four.", "image": "generated_images/image_26.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 1}], "exclude": [{"class": "couch", "count": 2}], "t2i_prompt": "a photo of four couchs", "prompt": "Change the number of couch in the image to one.", "image": "generated_images/image_129.jpg"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "t2i_prompt": "a photo of one computer mouses", "prompt": "Change the number of computer mouse in the image to three.", "image": "generated_images/image_42.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "t2i_prompt": "a photo of one toasters", "prompt": "Change the number of toaster in the image to two.", "image": "generated_images/image_183.jpg"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "t2i_prompt": "a photo of three spoons", "prompt": "Change the number of spoon in the image to four.", "image": "generated_images/image_156.jpg"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 1}], "exclude": [{"class": "umbrella", "count": 2}], "t2i_prompt": "a photo of two umbrellas", "prompt": "Change the number of umbrella in the image to one.", "image": "generated_images/image_249.jpg"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "t2i_prompt": "a photo of three donuts", "prompt": "Change the number of donut in the image to four.", "image": "generated_images/image_14.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "t2i_prompt": "a photo of three knifes", "prompt": "Change the number of knife in the image to two.", "image": "generated_images/image_275.jpg"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "t2i_prompt": "a photo of one ties", "prompt": "Change the number of tie in the image to two.", "image": "generated_images/image_90.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 1}], "exclude": [{"class": "boat", "count": 2}], "t2i_prompt": "a photo of three boats", "prompt": "Change the number of boat in the image to one.", "image": "generated_images/image_206.jpg"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "t2i_prompt": "a photo of one toothbrushs", "prompt": "Change the number of toothbrush in the image to three.", "image": "generated_images/image_117.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 1}], "exclude": [{"class": "dining table", "count": 2}], "t2i_prompt": "a photo of two dining tables", "prompt": "Change the number of dining table in the image to one.", "image": "generated_images/image_289.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "t2i_prompt": "a photo of one bicycles", "prompt": "Change the number of bicycle in the image to three.", "image": "generated_images/image_122.jpg"} +{"tag": "counting", "include": [{"class": "person", "count": 1}], "exclude": [{"class": "person", "count": 2}], "t2i_prompt": "a photo of four persons", "prompt": "Change the number of person in the image to one.", "image": "generated_images/image_33.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "t2i_prompt": "a photo of four couchs", "prompt": "Change the number of couch in the image to three.", "image": "generated_images/image_129.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "t2i_prompt": "a photo of one zebras", "prompt": "Change the number of zebra in the image to three.", "image": "generated_images/image_31.jpg"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "t2i_prompt": "a photo of four ovens", "prompt": "Change the number of oven in the image to three.", "image": "generated_images/image_306.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "t2i_prompt": "a photo of three traffic lights", "prompt": "Change the number of traffic light in the image to four.", "image": "generated_images/image_114.jpg"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "t2i_prompt": "a photo of four trucks", "prompt": "Change the number of truck in the image to two.", "image": "generated_images/image_260.jpg"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "t2i_prompt": "a photo of two chairs", "prompt": "Change the number of chair in the image to three.", "image": "generated_images/image_73.jpg"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 1}], "exclude": [{"class": "bicycle", "count": 2}], "t2i_prompt": "a photo of four bicycles", "prompt": "Change the number of bicycle in the image to one.", "image": "generated_images/image_53.jpg"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "t2i_prompt": "a photo of one backpacks", "prompt": "Change the number of backpack in the image to two.", "image": "generated_images/image_298.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 1}], "exclude": [{"class": "frisbee", "count": 2}], "t2i_prompt": "a photo of three frisbees", "prompt": "Change the number of frisbee in the image to one.", "image": "generated_images/image_116.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "t2i_prompt": "a photo of two bowls", "prompt": "Change the number of bowl in the image to four.", "image": "generated_images/image_305.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 1}], "exclude": [{"class": "stop sign", "count": 2}], "t2i_prompt": "a photo of three stop signs", "prompt": "Change the number of stop sign in the image to one.", "image": "generated_images/image_238.jpg"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "t2i_prompt": "a photo of three dining tables", "prompt": "Change the number of dining table in the image to two.", "image": "generated_images/image_54.jpg"} +{"tag": "counting", "include": [{"class": "knife", "count": 1}], "exclude": [{"class": "knife", "count": 2}], "t2i_prompt": "a photo of three knifes", "prompt": "Change the number of knife in the image to one.", "image": "generated_images/image_275.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 1}], "exclude": [{"class": "apple", "count": 2}], "t2i_prompt": "a photo of two apples", "prompt": "Change the number of apple in the image to one.", "image": "generated_images/image_259.jpg"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 1}], "exclude": [{"class": "traffic light", "count": 2}], "t2i_prompt": "a photo of four traffic lights", "prompt": "Change the number of traffic light in the image to one.", "image": "generated_images/image_2.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "t2i_prompt": "a photo of three zebras", "prompt": "Change the number of zebra in the image to four.", "image": "generated_images/image_296.jpg"} +{"tag": "counting", "include": [{"class": "fork", "count": 1}], "exclude": [{"class": "fork", "count": 2}], "t2i_prompt": "a photo of three forks", "prompt": "Change the number of fork in the image to one.", "image": "generated_images/image_276.jpg"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "t2i_prompt": "a photo of four snowboards", "prompt": "Change the number of snowboard in the image to three.", "image": "generated_images/image_94.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 1}], "exclude": [{"class": "couch", "count": 2}], "t2i_prompt": "a photo of two couchs", "prompt": "Change the number of couch in the image to one.", "image": "generated_images/image_201.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "t2i_prompt": "a photo of one baseball bats", "prompt": "Change the number of baseball bat in the image to two.", "image": "generated_images/image_153.jpg"} +{"tag": "counting", "include": [{"class": "book", "count": 1}], "exclude": [{"class": "book", "count": 2}], "t2i_prompt": "a photo of three books", "prompt": "Change the number of book in the image to one.", "image": "generated_images/image_75.jpg"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 1}], "exclude": [{"class": "stop sign", "count": 2}], "t2i_prompt": "a photo of four stop signs", "prompt": "Change the number of stop sign in the image to one.", "image": "generated_images/image_143.jpg"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "t2i_prompt": "a photo of two bowls", "prompt": "Change the number of bowl in the image to three.", "image": "generated_images/image_305.jpg"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "t2i_prompt": "a photo of two skateboards", "prompt": "Change the number of skateboard in the image to three.", "image": "generated_images/image_239.jpg"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "t2i_prompt": "a photo of two toasters", "prompt": "Change the number of toaster in the image to four.", "image": "generated_images/image_221.jpg"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "t2i_prompt": "a photo of one frisbees", "prompt": "Change the number of frisbee in the image to three.", "image": "generated_images/image_244.jpg"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "t2i_prompt": "a photo of two cars", "prompt": "Change the number of car in the image to four.", "image": "generated_images/image_67.jpg"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "t2i_prompt": "a photo of four sinks", "prompt": "Change the number of sink in the image to two.", "image": "generated_images/image_191.jpg"} +{"tag": "counting", "include": [{"class": "skis", "count": 1}], "exclude": [{"class": "skis", "count": 2}], "t2i_prompt": "a photo of three skises", "prompt": "Change the number of skis in the image to one.", "image": "generated_images/image_9.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "t2i_prompt": "a photo of four horses", "prompt": "Change the number of horse in the image to two.", "image": "generated_images/image_205.jpg"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "t2i_prompt": "a photo of one cats", "prompt": "Change the number of cat in the image to three.", "image": "generated_images/image_172.jpg"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "t2i_prompt": "a photo of three baseball bats", "prompt": "Change the number of baseball bat in the image to two.", "image": "generated_images/image_79.jpg"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "t2i_prompt": "a photo of four beds", "prompt": "Change the number of bed in the image to two.", "image": "generated_images/image_74.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "t2i_prompt": "a photo of one zebras", "prompt": "Change the number of zebra in the image to four.", "image": "generated_images/image_31.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 1}], "exclude": [{"class": "wine glass", "count": 2}], "t2i_prompt": "a photo of three wine glasses", "prompt": "Change the number of wine glass in the image to one.", "image": "generated_images/image_10.jpg"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "t2i_prompt": "a photo of three wine glasses", "prompt": "Change the number of wine glass in the image to four.", "image": "generated_images/image_10.jpg"} +{"tag": "counting", "include": [{"class": "boat", "count": 1}], "exclude": [{"class": "boat", "count": 2}], "t2i_prompt": "a photo of two boats", "prompt": "Change the number of boat in the image to one.", "image": "generated_images/image_144.jpg"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "t2i_prompt": "a photo of two couchs", "prompt": "Change the number of couch in the image to three.", "image": "generated_images/image_201.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "t2i_prompt": "a photo of four elephants", "prompt": "Change the number of elephant in the image to three.", "image": "generated_images/image_29.jpg"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 1}], "exclude": [{"class": "potted plant", "count": 2}], "t2i_prompt": "a photo of three potted plants", "prompt": "Change the number of potted plant in the image to one.", "image": "generated_images/image_186.jpg"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "t2i_prompt": "a photo of three apples", "prompt": "Change the number of apple in the image to two.", "image": "generated_images/image_304.jpg"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "t2i_prompt": "a photo of two cows", "prompt": "Change the number of cow in the image to four.", "image": "generated_images/image_252.jpg"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "t2i_prompt": "a photo of two tvs", "prompt": "Change the number of tv in the image to four.", "image": "generated_images/image_230.jpg"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "t2i_prompt": "a photo of one horses", "prompt": "Change the number of horse in the image to four.", "image": "generated_images/image_34.jpg"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "t2i_prompt": "a photo of four bears", "prompt": "Change the number of bear in the image to two.", "image": "generated_images/image_251.jpg"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "t2i_prompt": "a photo of four airplanes", "prompt": "Change the number of airplane in the image to two.", "image": "generated_images/image_47.jpg"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 1}], "exclude": [{"class": "broccoli", "count": 2}], "t2i_prompt": "a photo of two broccolis", "prompt": "Change the number of broccoli in the image to one.", "image": "generated_images/image_76.jpg"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "t2i_prompt": "a photo of one tv remotes", "prompt": "Change the number of tv remote in the image to three.", "image": "generated_images/image_83.jpg"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "t2i_prompt": "a photo of four clocks", "prompt": "Change the number of clock in the image to three.", "image": "generated_images/image_93.jpg"} +{"tag": "counting", "include": [{"class": "zebra", "count": 1}], "exclude": [{"class": "zebra", "count": 2}], "t2i_prompt": "a photo of four zebras", "prompt": "Change the number of zebra in the image to one.", "image": "generated_images/image_253.jpg"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "t2i_prompt": "a photo of four sports balls", "prompt": "Change the number of sports ball in the image to two.", "image": "generated_images/image_8.jpg"} +{"tag": "counting", "include": [{"class": "elephant", "count": 1}], "exclude": [{"class": "elephant", "count": 2}], "t2i_prompt": "a photo of two elephants", "prompt": "Change the number of elephant in the image to one.", "image": "generated_images/image_38.jpg"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "t2i_prompt": "a photo of one kites", "prompt": "Change the number of kite in the image to two.", "image": "generated_images/image_218.jpg"} diff --git a/ppdiffusers/examples/flow_grpo/dataset/drawbench/test.txt b/ppdiffusers/examples/flow_grpo/dataset/drawbench/test.txt new file mode 100644 index 000000000..8d96e7cf7 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/drawbench/test.txt @@ -0,0 +1,1000 @@ +New York Skyline with 'Google Research Pizza Cafe' written with fireworks on the sky. +A maglev train going vertically downward in high speed, New York Times photojournalism. +A pyramid made of falafel with a partial solar eclipse in the background. +A storefront with 'Google Brain Toronto' written on it. +An elephant under the sea. +Lego Arnold Schwarzenegger. +A keyboard made of water, the water is made of light, the light is turned off. +Artophagous. +One cat and one dog sitting on the grass. +A laptop on top of a teddy bear. +A red colored car. +A stack of 3 books. A green book is on the top, sitting on a red book. The red book is in the middle, sitting on a blue book. The blue book is on the bottom. +A green colored banana. +Matutinal. +A green cup and a blue cell phone. +A stack of 3 plates. A blue plate is on the top, sitting on a blue plate. The blue plate is in the middle, sitting on a green plate. The green plate is on the bottom. +A large thick-skinned semiaquatic African mammal, with massive jaws and large tusks. +A red colored banana. +Jentacular. +A sign that says 'Hello World'. +A blue cup and a green cell phone. +A black colored banana. +Two cats and two dogs sitting on the grass. +A ldarge keybord msical instroument lwith a woden case enmclosig a qsouvnkboajrd and mfgtal strivgf, which are strucrk b hammrs when the nels are depresdsmed.f lhe strsingsj' vibration ie stopped by damperds when the keys re released and can bce regulavewdd for lengh and vnolume y two or three pedalvs. +A magnifying glass over a page of a 1950s batman comic. +A separate seat for one person, typically with a back and four legs. +Two dogs on the street. +New York Skyline with 'Diffusion' written with fireworks on the sky. +A black colored banana. +An ancient Egyptian painting depicting an argument over whose turn it is to take out the trash. +A wine glass on top of a dog. +An emoji of a baby panda wearing a red hat, green gloves, red shirt, and green pants. +A pear cut into seven pieces arranged in a ring. +A large thick-skinned semiaquatic African mammal, with massive jaws and large tusks. +A baby fennec sneezing onto a strawberry, detailed, macro, studio light, droplets, backlit ears. +A panda making latte art. +An IT-guy trying to fix hardware of a PC tower is being tangled by the PC cables like Laokoon. Marble, copy after Hellenistic original from ca. 200 BC. Found in the Baths of Trajan, 1506. +A blue bird and a brown bear. +A triangular purple flower pot. A purple flower pot in the shape of a triangle. +A green apple and a black backpack. +A grocery store refrigerator has pint cartons of milk on the top shelf, quart cartons on the middle shelf, and gallon plastic jugs on the bottom shelf. +A small domesticated carnivorous mammal with soft fur, a short snout, and retractable claws. It is widely kept as a pet or for catching mice, and many breeds have been developed. +An orange colored sandwich. +A large motor vehicle carrying passengers by road, typically one serving the public on a fixed route and for a fare. +A sphere made of kitchen tile. A sphere with the texture of kitchen tile. +A cat on the right of a tennis racket. +Bzaseball galove. +A sign that says 'NeurIPS'. +A 1960s yearbook photo with animals dressed as humans. +New York Skyline with 'Hello World' written with fireworks on the sky. +Hovering cow abducting aliens. +A small vessel propelled on water by oars, sails, or an engine. +A type of digital currency in which a record of transactions is maintained and new units of currency are generated by the computational solution of mathematical problems, and which operates independently of a central bank. +A pink colored car. +A storefront with 'NeurIPS' written on it. +A black apple and a green backpack. +A large motor vehicle carrying passengers by road, typically one serving the public on a fixed route and for a fare. +A long curved fruit which grows in clusters and has soft pulpy flesh and yellow skin when ripe. +A black colored car. +A realistic photo of a Pomeranian dressed up like a 1980s professional wrestler with neon green and neon orange face paint and bright green wrestling tights with bright orange boots. +Tcennis rpacket. +McDonalds Church. +Painting of Mona Lisa but the view is from behind of Mona Lisa. +An elephant is behind a tree. You can see the trunk on one side and the back legs on the other. +Hovering cow abducting aliens. +Photo of a mega Lego space station inside a kid's bedroom. +An elephant under the sea. +One cat and two dogs sitting on the grass. +A green colored banana. +An American multinational technology company that focuses on artificial intelligence, search engine, online advertising, cloud computing, computer software, quantum computing, e-commerce, and consumer electronics. +A domesticated carnivvorous mzammal that typicbally hfaas a lons sfnout, an acxujte sense off osmell, noneetractaaln crlaws, anid xbarkring,y howlingu, or whining rvoiche. +Jentacular. +A wine glass on top of a dog. +A carrot on the left of a broccoli. +Pafrking metr. +Three cars on the street. +In late afternoon in January in New England, a man stands in the shadow of a maple tree. +An oil painting portrait of the regal Burger King posing with a Whopper. +A sign that says 'Text to Image'. +A small vessel propelled on water by oars, sails, or an engine. +A single clock is sitting on a table. +A stack of 3 plates. A blue plate is on the top, sitting on a blue plate. The blue plate is in the middle, sitting on a green plate. The green plate is on the bottom. +An elephant under the sea. +A type of digital currency in which a record of transactions is maintained and new units of currency are generated by the computational solution of mathematical problems, and which operates independently of a central bank. +A yellow colored giraffe. +An elephant is behind a tree. You can see the trunk on one side and the back legs on the other. +A device consisting of a circular canopy of cloth on a folding metal frame supported by a central rod, used as protection against rain or sometimes sun. +A fluffy baby sloth with a knitted hat trying to figure out a laptop, close up, highly detailed, studio lighting, screen reflecting in its eyes. +A stack of 3 plates. A blue plate is on the top, sitting on a blue plate. The blue plate is in the middle, sitting on a green plate. The green plate is on the bottom. +Three cats and three dogs sitting on the grass. +A large keyboard musical instrument with a wooden case enclosing a soundboard and metal strings, which are struck by hammers when the keys are depressed. The strings' vibration is stopped by dampers when the keys are released and can be regulated for length and volume by two or three pedals. +A blue coloured pizza. +A storefront with 'Google Research Pizza Cafe' written on it. +A sjmall domesticated carnivorious mammnal with sof fuh,y a sthort sout, and retracwtablbe flaws. It iw widexly kept as a pet or for catchitng mic, ad many breeds zhlyde beefn develvoked. +A green apple and a black backpack. +A pink colored car. +A pear cut into seven pieces arranged in a ring. +A screenshot of an iOS app for ordering different types of milk. +Rbefraigerator. +A blue colored dog. +Two cats and two dogs sitting on the grass. +A real life photography of super mario, 8k Ultra HD. +New York Skyline with 'Hello World' written with fireworks on the sky. +A realistic photo of a Pomeranian dressed up like a 1980s professional wrestler with neon green and neon orange face paint and bright green wrestling tights with bright orange boots. +A panda making latte art. +A storefront with 'NeurIPS' written on it. +A large keyboard musical instrument with a wooden case enclosing a soundboard and metal strings, which are struck by hammers when the keys are depressed. The strings' vibration is stopped by dampers when the keys are released and can be regulated for length and volume by two or three pedals. +A blue colored dog. +Three cats and two dogs sitting on the grass. +New York Skyline with 'Google Brain Toronto' written with fireworks on the sky. +A blue coloured pizza. +A panda making latte art. +An American multinational technology company that focuses on artificial intelligence, search engine, online advertising, cloud computing, computer software, quantum computing, e-commerce, and consumer electronics. +Backlotter. +A black colored sandwich. +A large thick-skinned semiaquatic African mammal, with massive jaws and large tusks. +A domesticated carnivorous mammal that typically has a long snout, an acute sense of smell, nonretractable claws, and a barking, howling, or whining voice. +New York Skyline with 'Deep Learning' written with fireworks on the sky. +A black colored dog. +A stack of 3 cubes. A red cube is on the top, sitting on a red cube. The red cube is in the middle, sitting on a green cube. The green cube is on the bottom. +A type of digital currency in which a record of transactions is maintained and new units of currency are generated by the computational solution of mathematical problems, and which operates independently of a central bank. +Five cars on the street. +An old photograph of a 1920s airship shaped like a pig, floating over a wheat field. +Illustration of a mouse using a mushroom as an umbrella. +Three cats and one dog sitting on the grass. +Four cars on the street. +A black colored sandwich. +Five cars on the street. +An American multinational technology company that focuses on artificial intelligence, search engine, online advertising, cloud computing, computer software, quantum computing, e-commerce, and consumer electronics. +A sign that says 'Google Brain Toronto'. +A storefront with 'Text to Image' written on it. +A magnifying glass over a page of a 1950s batman comic. +A sphere made of kitchen tile. A sphere with the texture of kitchen tile. +An IT-guy trying to fix hardware of a PC tower is being tangled by the PC cables like Laokoon. Marble, copy after Hellenistic original from ca. 200 BC. Found in the Baths of Trajan, 1506. +A sign that says 'Diffusion'. +A blue bird and a brown bear. +A photo of a confused grizzly bear in calculus class. +A grocery store refrigerator has pint cartons of milk on the top shelf, quart cartons on the middle shelf, and gallon plastic jugs on the bottom shelf. +A hair drier underneath a sheep. +Pafrking metr. +Peristeronic. +Two cats and one dog sitting on the grass. +New York Skyline with 'Google Research Pizza Cafe' written with fireworks on the sky. +A side view of an owl sitting in a field. +A pink colored car. +Paying for a quarter-sized pizza with a pizza-sized quarter. +Dininrg tablez. +A fish eating a pelican. +One cat and three dogs sitting on the grass. +An instrument used for cutting cloth, paper, and other thin material, consisting of two blades laid one on top of the other and fastened in the middle so as to allow them to be opened and closed by a thumb and finger inserted through rings on the end of their handles. +A side view of an owl sitting in a field. +A large thick-skinned semiaquatic African mammal, with massive jaws and large tusks. +A large keyboard musical instrument with a wooden case enclosing a soundboard and metal strings, which are struck by hammers when the keys are depressed. The strings' vibration is stopped by dampers when the keys are released and can be regulated for length and volume by two or three pedals. +Pafrking metr. +A sign that says 'Deep Learning'. +A collection of nail is sitting on a table. +One car on the street. +An emoji of a baby panda wearing a red hat, blue gloves, green shirt, and blue pants. +A brown bird and a blue bear. +A donkey and an octopus are playing a game. The donkey is holding a rope on one end, the octopus is holding onto the other. The donkey holds the rope in its mouth. A cat is jumping over the rope. +A fisheye lens view of a turtle sitting in a forest. +A large motor vehicle carrying passengers by road, typically one serving the public on a fixed route and for a fare. +New York Skyline with 'Hello World' written with fireworks on the sky. +An emoji of a baby panda wearing a red hat, green gloves, red shirt, and green pants. +A black colored dog. +A ldarge keybord msical instroument lwith a woden case enmclosig a qsouvnkboajrd and mfgtal strivgf, which are strucrk b hammrs when the nels are depresdsmed.f lhe strsingsj' vibration ie stopped by damperds when the keys re released and can bce regulavewdd for lengh and vnolume y two or three pedalvs. +Artophagous. +A yellow book and a red vase. +A stack of 3 books. A green book is on the top, sitting on a red book. The red book is in the middle, sitting on a blue book. The blue book is on the bottom. +A pizza on the right of a suitcase. +A tiger in a lab coat with a 1980s Miami vibe, turning a well oiled science content machine, digital art. +A storefront with 'Hello World' written on it. +A tiger in a lab coat with a 1980s Miami vibe, turning a well oiled science content machine, digital art. +A storefront with 'Google Brain Toronto' written on it. +A 1960s poster warning against climate change. +An organ of soft nervous tissue contained in the skull of vertebrates, functioning as the coordinating center of sensation and intellectual and nervous activity. +A long curved fruit which grows in clusters and has soft pulpy flesh and yellow skin when ripe. +Supreme Court Justices play a baseball game with the FBI. The FBI is at bat, the justices are on the field. +A pyramid made of falafel with a partial solar eclipse in the background. +A single clock is sitting on a table. +New York Skyline with 'Google Research Pizza Cafe' written with fireworks on the sky. +A blue cup and a green cell phone. +An oil painting of a couple in formal evening wear going home get caught in a heavy downpour with no umbrellas. +Darth Vader playing with raccoon in Mars during sunset. +A red car and a white sheep. +An illustration of a large red elephant sitting on a small blue mouse. +An illustration of a small green elephant standing behind a large red mouse. +A domesticated carnivorous mammal that typically has a long snout, an acute sense of smell, nonretractable claws, and a barking, howling, or whining voice. +A medieval painting of the wifi not working. +An American multinational technology company that focuses on artificial intelligence, search engine, online advertising, cloud computing, computer software, quantum computing, e-commerce, and consumer electronics. +One cat and two dogs sitting on the grass. +An IT-guy trying to fix hardware of a PC tower is being tangled by the PC cables like Laokoon. Marble, copy after Hellenistic original from ca. 200 BC. Found in the Baths of Trajan, 1506. +A fluffy baby sloth with a knitted hat trying to figure out a laptop, close up, highly detailed, studio lighting, screen reflecting in its eyes. +Abraham Lincoln touches his toes while George Washington does chin-ups. Lincoln is barefoot. Washington is wearing boots. +An umbrella on top of a spoon. +Matutinal. +A pink colored giraffe. +An emoji of a baby panda wearing a red hat, green gloves, red shirt, and green pants. +Illustration of a mouse using a mushroom as an umbrella. +A brown bird and a blue bear. +A painting by Grant Wood of an astronaut couple, american gothic style. +A sign that says 'Diffusion'. +Five dogs on the street. +Four dogs on the street. +A cat on the left of a dog. +A zebra underneath a broccoli. +A banana on the left of an apple. +Two cats and three dogs sitting on the grass. +A yellow colored giraffe. +Three cats and one dog sitting on the grass. +A ldarge keybord msical instroument lwith a woden case enmclosig a qsouvnkboajrd and mfgtal strivgf, which are strucrk b hammrs when the nels are depresdsmed.f lhe strsingsj' vibration ie stopped by damperds when the keys re released and can bce regulavewdd for lengh and vnolume y two or three pedalvs. +Abraham Lincoln touches his toes while George Washington does chin-ups. Lincoln is barefoot. Washington is wearing boots. +A yellow book and a red vase. +A cat on the left of a dog. +A stop sign on the right of a refrigerator. +A shark in the desert. +Octothorpe. +A red colored car. +Four cars on the street. +A tiger in a lab coat with a 1980s Miami vibe, turning a well oiled science content machine, digital art. +Three cats and one dog sitting on the grass. +Paying for a quarter-sized pizza with a pizza-sized quarter. +A zebra to the right of a fire hydrant. +A stack of 3 cubes. A red cube is on the top, sitting on a red cube. The red cube is in the middle, sitting on a green cube. The green cube is on the bottom. +A 1960s poster warning against climate change. +A storefront with 'Google Research Pizza Cafe' written on it. +A laptop on top of a teddy bear. +A painting by Grant Wood of an astronaut couple, american gothic style. +New York Skyline with 'Deep Learning' written with fireworks on the sky. +A storefront with 'Diffusion' written on it. +A storefront with 'Text to Image' written on it. +A small blue book sitting on a large red book. +Colouring page of large cats climbing the eifel tower in a cyberpunk future. +An emoji of a baby panda wearing a red hat, blue gloves, green shirt, and blue pants. +A photo of a confused grizzly bear in calculus class. +Paying for a quarter-sized pizza with a pizza-sized quarter. +Painting of the orange cat Otto von Garfield, Count of Bismarck-Schönhausen, Duke of Lauenburg, Minister-President of Prussia. Depicted wearing a Prussian Pickelhaube and eating his favorite meal - lasagna. +A device consisting of a circular canopy of cloth on a folding metal frame supported by a central rod, used as protection against rain or sometimes sun. +Supreme Court Justices play a baseball game with the FBI. The FBI is at bat, the justices are on the field. +A triangular pink stop sign. A pink stop sign in the shape of a triangle. +Painting of the orange cat Otto von Garfield, Count of Bismarck-Schönhausen, Duke of Lauenburg, Minister-President of Prussia. Depicted wearing a Prussian Pickelhaube and eating his favorite meal - lasagna. +A train on top of a surfboard. +A stack of 3 cubes. A red cube is on the top, sitting on a red cube. The red cube is in the middle, sitting on a green cube. The green cube is on the bottom. +A sjmall domesticated carnivorious mammnal with sof fuh,y a sthort sout, and retracwtablbe flaws. It iw widexly kept as a pet or for catchitng mic, ad many breeds zhlyde beefn develvoked. +A laptop on top of a teddy bear. +A train on top of a surfboard. +A photocopy of a photograph of a painting of a sculpture of a giraffe. +A 1960s yearbook photo with animals dressed as humans. +A pink colored giraffe. +A maglev train going vertically downward in high speed, New York Times photojournalism. +A domesticated carnivvorous mzammal that typicbally hfaas a lons sfnout, an acxujte sense off osmell, noneetractaaln crlaws, anid xbarkring,y howlingu, or whining rvoiche. +A sign that says 'Google Research Pizza Cafe'. +Two cars on the street. +A tennis racket underneath a traffic light. +A cross-section view of a brain. +One cat and one dog sitting on the grass. +A horse riding an astronaut. +A car playing soccer, digital art. +A large plant-eating domesticated mammal with solid hoofs and a flowing mane and tail, used for riding, racing, and to carry and pull loads. +Three dogs on the street. +A separate seat for one person, typically with a back and four legs. +A couple of glasses are sitting on a table. +A couch on the left of a chair. +Two cars on the street. +A photocopy of a photograph of a painting of a sculpture of a giraffe. +A black apple and a green backpack. +A pyramid made of falafel with a partial solar eclipse in the background. +A brown colored giraffe. +One cat and one dog sitting on the grass. +A pizza cooking an oven. +A church with stained glass windows depicting a hamburger and french fries. +A connection point by which firefighters can tap into a water supply. +A sign that says 'Google Research Pizza Cafe'. +35mm macro shot a kitten licking a baby duck, studio lighting. +New York Skyline with 'Text to Image' written with fireworks on the sky. +An oil painting portrait of the regal Burger King posing with a Whopper. +A storefront with 'Google Brain Toronto' written on it. +A bridge connecting Europe and North America on the Atlantic Ocean, bird's eye view. +One cat and three dogs sitting on the grass. +Octothorpe. +A connection point by which firefighters can tap into a water supply. +A donut underneath a toilet. +Colouring page of large cats climbing the eifel tower in a cyberpunk future. +A panda making latte art. +A machine next to a parking space in a street, into which the driver puts money so as to be authorized to park the vehicle for a particular length of time. +New York Skyline with 'Google Brain Toronto' written with fireworks on the sky. +A real life photography of super mario, 8k Ultra HD. +A cat on the right of a tennis racket. +A sign that says 'Diffusion'. +An illustration of a large red elephant sitting on a small blue mouse. +A collection of nail is sitting on a table. +An appliance or compartment which is artificially kept cool and used to store food and drink. +An oil painting portrait of the regal Burger King posing with a Whopper. +Abraham Lincoln touches his toes while George Washington does chin-ups. Lincoln is barefoot. Washington is wearing boots. +A black colored dog. +One cat and two dogs sitting on the grass. +A donkey and an octopus are playing a game. The donkey is holding a rope on one end, the octopus is holding onto the other. The donkey holds the rope in its mouth. A cat is jumping over the rope. +A pink colored giraffe. +A hair drier underneath a sheep. +A couch on the left of a chair. +A cube made of denim. A cube with the texture of denim. +Jentacular. +An old photograph of a 1920s airship shaped like a pig, floating over a wheat field. +Colouring page of large cats climbing the eifel tower in a cyberpunk future. +A collection of nail is sitting on a table. +One dog on the street. +A stack of 3 cubes. A red cube is on the top, sitting on a red cube. The red cube is in the middle, sitting on a green cube. The green cube is on the bottom. +Illustration of a mouse using a mushroom as an umbrella. +A zebra to the right of a fire hydrant. +Two dogs on the street. +Photo of an athlete cat explaining it's latest scandal at a press conference to journalists. +A domesticated carnivvorous mzammal that typicbally hfaas a lons sfnout, an acxujte sense off osmell, noneetractaaln crlaws, anid xbarkring,y howlingu, or whining rvoiche. +A vehicle composed of two wheels held in a frame one behind the other, propelled by pedals and steered with handlebars attached to the front wheel. +A sign that says 'NeurIPS'. +A church with stained glass windows depicting a hamburger and french fries. +A shark in the desert. +An emoji of a baby panda wearing a red hat, blue gloves, green shirt, and blue pants. +A machine next to a parking space in a street, into which the driver puts money so as to be authorized to park the vehicle for a particular length of time. +Artophagous. +A car on the left of a bus. +A storefront with 'Google Brain Toronto' written on it. +A cube made of denim. A cube with the texture of denim. +A red colored banana. +Two dogs on the street. +Five cars on the street. +A mechanical or electrical device for measuring time. +Acersecomicke. +An illustration of a large red elephant sitting on a small blue mouse. +A triangular pink stop sign. A pink stop sign in the shape of a triangle. +Peristeronic. +A keyboard made of water, the water is made of light, the light is turned off. +Greek statue of a man tripping over a cat. +Two cats and three dogs sitting on the grass. +New York Skyline with 'Google Brain Toronto' written with fireworks on the sky. +Rbefraigerator. +A storefront with 'Google Research Pizza Cafe' written on it. +Four cars on the street. +An oil painting portrait of the regal Burger King posing with a Whopper. +A fluffy baby sloth with a knitted hat trying to figure out a laptop, close up, highly detailed, studio lighting, screen reflecting in its eyes. +An oil painting of a couple in formal evening wear going home get caught in a heavy downpour with no umbrellas. +Painting of the orange cat Otto von Garfield, Count of Bismarck-Schönhausen, Duke of Lauenburg, Minister-President of Prussia. Depicted wearing a Prussian Pickelhaube and eating his favorite meal - lasagna. +A grocery store refrigerator has pint cartons of milk on the top shelf, quart cartons on the middle shelf, and gallon plastic jugs on the bottom shelf. +A real life photography of super mario, 8k Ultra HD. +A carrot on the left of a broccoli. +Darth Vader playing with raccoon in Mars during sunset. +Four dogs on the street. +Photo of a cat singing in a barbershop quartet. +A real life photography of super mario, 8k Ultra HD. +A triangular pink stop sign. A pink stop sign in the shape of a triangle. +A small blue book sitting on a large red book. +A green colored banana. +A bicycle on top of a boat. +A blue cup and a green cell phone. +A cat on the right of a tennis racket. +A stop sign on the right of a refrigerator. +A sign that says 'Diffusion'. +A blue coloured pizza. +A device consisting of a circular canopy of cloth on a folding metal frame supported by a central rod, used as protection against rain or sometimes sun. +A green cup and a blue cell phone. +Three cats and two dogs sitting on the grass. +A laptop on top of a teddy bear. +A medieval painting of the wifi not working. +A small vessel propelled on water by oars, sails, or an engine. +Photo of a mega Lego space station inside a kid's bedroom. +A car on the left of a bus. +A green colored banana. +A photo of a confused grizzly bear in calculus class. +Three dogs on the street. +A medieval painting of the wifi not working. +One cat and three dogs sitting on the grass. +A red colored car. +Photo of a mega Lego space station inside a kid's bedroom. +Abraham Lincoln touches his toes while George Washington does chin-ups. Lincoln is barefoot. Washington is wearing boots. +Photo of a cat singing in a barbershop quartet. +A tennis racket underneath a traffic light. +Two cars on the street. +A sign that says 'Hello World'. +A church with stained glass windows depicting a hamburger and french fries. +A horse riding an astronaut. +A cross-section view of a brain. +A couple of glasses are sitting on a table. +A domesticated carnivorous mammal that typically has a long snout, an acute sense of smell, nonretractable claws, and a barking, howling, or whining voice. +A green cup and a blue cell phone. +Acersecomicke. +A giraffe underneath a microwave. +An elephant is behind a tree. You can see the trunk on one side and the back legs on the other. +A train on top of a surfboard. +A banana on the left of an apple. +A blue cup and a green cell phone. +A blue colored dog. +A sphere made of kitchen tile. A sphere with the texture of kitchen tile. +A couple of glasses are sitting on a table. +Matutinal. +An instrument used for cutting cloth, paper, and other thin material, consisting of two blades laid one on top of the other and fastened in the middle so as to allow them to be opened and closed by a thumb and finger inserted through rings on the end of their handles. +New York Skyline with 'Diffusion' written with fireworks on the sky. +A white car and a red sheep. +A sign that says 'NeurIPS'. +Five cars on the street. +A red colored dog. +New York Skyline with 'Text to Image' written with fireworks on the sky. +New York Skyline with 'Diffusion' written with fireworks on the sky. +Three cats and three dogs sitting on the grass. +A storefront with 'Deep Learning' written on it. +A hair drier underneath a sheep. +An instqrumemnt used for cutting cloth, paper, axdz othr thdin mteroial, consamistng of two blades lad one on tvopb of the other and fhastned in tle mixdqdjle so as to bllow them txo be pened and closed by thumb and fitngesr inserted tgrough rings on kthe end oc thei vatndlzes. +One dog on the street. +A fish eating a pelican. +A baby fennec sneezing onto a strawberry, detailed, macro, studio light, droplets, backlit ears. +A maglev train going vertically downward in high speed, New York Times photojournalism. +Supreme Court Justices play a baseball game with the FBI. The FBI is at bat, the justices are on the field. +A photo of a confused grizzly bear in calculus class. +A triangular pink stop sign. A pink stop sign in the shape of a triangle. +Matutinal. +Two cars on the street. +An orange colored sandwich. +A storefront with 'NeurIPS' written on it. +A grocery store refrigerator has pint cartons of milk on the top shelf, quart cartons on the middle shelf, and gallon plastic jugs on the bottom shelf. +A stack of 3 plates. A blue plate is on the top, sitting on a blue plate. The blue plate is in the middle, sitting on a green plate. The green plate is on the bottom. +In late afternoon in January in New England, a man stands in the shadow of a maple tree. +Hovering cow abducting aliens. +A triangular pink stop sign. A pink stop sign in the shape of a triangle. +A photocopy of a photograph of a painting of a sculpture of a giraffe. +A separate seat for one person, typically with a back and four legs. +A horse riding an astronaut. +Three cats and three dogs sitting on the grass. +A bird scaring a scarecrow. +Tcennis rpacket. +One car on the street. +A mechanical or electrical device for measuring time. +New York Skyline with 'NeurIPS' written with fireworks on the sky. +A fish eating a pelican. +A black apple and a green backpack. +A cube made of denim. A cube with the texture of denim. +A storefront with 'Deep Learning' written on it. +New York Skyline with 'Deep Learning' written with fireworks on the sky. +A brown colored giraffe. +A bird scaring a scarecrow. +A blue colored dog. +An emoji of a baby panda wearing a red hat, green gloves, red shirt, and green pants. +A green cup and a blue cell phone. +A carrot on the left of a broccoli. +A green apple and a black backpack. +A yellow book and a red vase. +A triangular purple flower pot. A purple flower pot in the shape of a triangle. +A small vessel propelled on water by oars, sails, or an engine. +An orange colored sandwich. +A tomato has been put on top of a pumpkin on a kitchen stool. There is a fork sticking into the pumpkin. The scene is viewed from above. +Rbefraigerator. +A machine next to a parking space in a street, into which the driver puts money so as to be authorized to park the vehicle for a particular length of time. +A hair drier underneath a sheep. +A grocery store refrigerator has pint cartons of milk on the top shelf, quart cartons on the middle shelf, and gallon plastic jugs on the bottom shelf. +A sign that says 'Deep Learning'. +A cross-section view of a brain. +A black colored car. +Two cars on the street. +Photo of an athlete cat explaining it's latest scandal at a press conference to journalists. +Rainbow coloured penguin. +A black apple and a green backpack. +Darth Vader playing with raccoon in Mars during sunset. +A spider with a moustache bidding an equally gentlemanly grasshopper a good day during his walk to work. +One cat and three dogs sitting on the grass. +35mm macro shot a kitten licking a baby duck, studio lighting. +An umbrella on top of a spoon. +Bzaseball galove. +Greek statue of a man tripping over a cat. +Supreme Court Justices play a baseball game with the FBI. The FBI is at bat, the justices are on the field. +An instqrumemnt used for cutting cloth, paper, axdz othr thdin mteroial, consamistng of two blades lad one on tvopb of the other and fhastned in tle mixdqdjle so as to bllow them txo be pened and closed by thumb and fitngesr inserted tgrough rings on kthe end oc thei vatndlzes. +A car on the left of a bus. +One dog on the street. +A church with stained glass windows depicting a hamburger and french fries. +A vehicle composed of two wheels held in a frame one behind the other, propelled by pedals and steered with handlebars attached to the front wheel. +A cross-section view of a brain. +A donut underneath a toilet. +A small blue book sitting on a large red book. +A smafml vessef epropoeilled on watvewr by ors, sauls, or han engie. +A sign that says 'Deep Learning'. +Photo of a cat singing in a barbershop quartet. +A cube made of brick. A cube with the texture of brick. +An oil painting of a couple in formal evening wear going home get caught in a heavy downpour with no umbrellas. +One car on the street. +A mechanical or electrical device for measuring time. +Hyper-realistic photo of an abandoned industrial site during a storm. +A giraffe underneath a microwave. +New York Skyline with 'Google Brain Toronto' written with fireworks on the sky. +An ancient Egyptian painting depicting an argument over whose turn it is to take out the trash. +A red book and a yellow vase. +A yellow colored giraffe. +A smafml vessef epropoeilled on watvewr by ors, sauls, or han engie. +A long curved fruit which grows in clusters and has soft pulpy flesh and yellow skin when ripe. +New York Skyline with 'Hello World' written with fireworks on the sky. +Two cats and two dogs sitting on the grass. +Photo of a cat singing in a barbershop quartet. +Colouring page of large cats climbing the eifel tower in a cyberpunk future. +Abraham Lincoln touches his toes while George Washington does chin-ups. Lincoln is barefoot. Washington is wearing boots. +A medieval painting of the wifi not working. +A car playing soccer, digital art. +A black colored car. +An orange colored sandwich. +A ldarge keybord msical instroument lwith a woden case enmclosig a qsouvnkboajrd and mfgtal strivgf, which are strucrk b hammrs when the nels are depresdsmed.f lhe strsingsj' vibration ie stopped by damperds when the keys re released and can bce regulavewdd for lengh and vnolume y two or three pedalvs. +An instrument used for cutting cloth, paper, and other thin material, consisting of two blades laid one on top of the other and fastened in the middle so as to allow them to be opened and closed by a thumb and finger inserted through rings on the end of their handles. +Four cars on the street. +A small domesticated carnivorous mammal with soft fur, a short snout, and retractable claws. It is widely kept as a pet or for catching mice, and many breeds have been developed. +A donkey and an octopus are playing a game. The donkey is holding a rope on one end, the octopus is holding onto the other. The donkey holds the rope in its mouth. A cat is jumping over the rope. +An illustration of a large red elephant sitting on a small blue mouse. +Octothorpe. +A fisheye lens view of a turtle sitting in a forest. +New York Skyline with 'Text to Image' written with fireworks on the sky. +A storefront with 'Deep Learning' written on it. +A spider with a moustache bidding an equally gentlemanly grasshopper a good day during his walk to work. +An oil painting of a couple in formal evening wear going home get caught in a heavy downpour with no umbrellas. +An emoji of a baby panda wearing a red hat, blue gloves, green shirt, and blue pants. +An IT-guy trying to fix hardware of a PC tower is being tangled by the PC cables like Laokoon. Marble, copy after Hellenistic original from ca. 200 BC. Found in the Baths of Trajan, 1506. +A sheep to the right of a wine glass. +A cube made of denim. A cube with the texture of denim. +Painting of the orange cat Otto von Garfield, Count of Bismarck-Schönhausen, Duke of Lauenburg, Minister-President of Prussia. Depicted wearing a Prussian Pickelhaube and eating his favorite meal - lasagna. +A sign that says 'Google Research Pizza Cafe'. +A ldarge keybord msical instroument lwith a woden case enmclosig a qsouvnkboajrd and mfgtal strivgf, which are strucrk b hammrs when the nels are depresdsmed.f lhe strsingsj' vibration ie stopped by damperds when the keys re released and can bce regulavewdd for lengh and vnolume y two or three pedalvs. +35mm macro shot a kitten licking a baby duck, studio lighting. +A shark in the desert. +A green colored banana. +A green cup and a blue cell phone. +Backlotter. +Darth Vader playing with raccoon in Mars during sunset. +A green apple and a black backpack. +A tomato has been put on top of a pumpkin on a kitchen stool. There is a fork sticking into the pumpkin. The scene is viewed from above. +A red colored dog. +A red book and a yellow vase. +Rbefraigerator. +A train on top of a surfboard. +Dininrg tablez. +A separate seat for one person, typically with a back and four legs. +A domesticated carnivvorous mzammal that typicbally hfaas a lons sfnout, an acxujte sense off osmell, noneetractaaln crlaws, anid xbarkring,y howlingu, or whining rvoiche. +A black colored dog. +A pink colored giraffe. +New York Skyline with 'Google Brain Toronto' written with fireworks on the sky. +Supreme Court Justices play a baseball game with the FBI. The FBI is at bat, the justices are on the field. +A white car and a red sheep. +An organ of soft nervous tissue contained in the skull of vertebrates, functioning as the coordinating center of sensation and intellectual and nervous activity. +Tcennis rpacket. +A red book and a yellow vase. +A cross-section view of a brain. +An illustration of a small green elephant standing behind a large red mouse. +One dog on the street. +A zebra underneath a broccoli. +A zebra to the right of a fire hydrant. +A large plant-eating domesticated mammal with solid hoofs and a flowing mane and tail, used for riding, racing, and to carry and pull loads. +An elephant under the sea. +An elephant under the sea. +A pizza on the right of a suitcase. +Greek statue of a man tripping over a cat. +A couple of glasses are sitting on a table. +A storefront with 'Diffusion' written on it. +A sheep to the right of a wine glass. +A fisheye lens view of a turtle sitting in a forest. +A vehicle composed of two wheels held in a frame one behind the other, propelled by pedals and steered with handlebars attached to the front wheel. +A 1960s poster warning against climate change. +Three cars on the street. +An umbrella on top of a spoon. +A zebra underneath a broccoli. +A black colored dog. +A small domesticated carnivorous mammal with soft fur, a short snout, and retractable claws. It is widely kept as a pet or for catching mice, and many breeds have been developed. +A sign that says 'Google Brain Toronto'. +A large plant-eating domesticated mammal with solid hoofs and a flowing mane and tail, used for riding, racing, and to carry and pull loads. +A sign that says 'NeurIPS'. +Pafrking metr. +A sign that says 'Text to Image'. +A screenshot of an iOS app for ordering different types of milk. +A large motor vehicle carrying passengers by road, typically one serving the public on a fixed route and for a fare. +One cat and two dogs sitting on the grass. +A cube made of brick. A cube with the texture of brick. +A storefront with 'Text to Image' written on it. +A screenshot of an iOS app for ordering different types of milk. +Two dogs on the street. +Dininrg tablez. +A baby fennec sneezing onto a strawberry, detailed, macro, studio light, droplets, backlit ears. +A cat on the left of a dog. +A machine resembling a human being and able to replicate certain human movements and functions automatically. +A panda making latte art. +A storefront with 'Hello World' written on it. +New York Skyline with 'Diffusion' written with fireworks on the sky. +Two cats and three dogs sitting on the grass. +McDonalds Church. +A cat on the left of a dog. +Octothorpe. +Painting of Mona Lisa but the view is from behind of Mona Lisa. +A smafml vessef epropoeilled on watvewr by ors, sauls, or han engie. +A maglev train going vertically downward in high speed, New York Times photojournalism. +Three dogs on the street. +A mechanical or electrical device for measuring time. +A pear cut into seven pieces arranged in a ring. +Lego Arnold Schwarzenegger. +An appliance or compartment which is artificially kept cool and used to store food and drink. +A black colored car. +An oil painting portrait of the regal Burger King posing with a Whopper. +A black colored banana. +Three cats and three dogs sitting on the grass. +A domesticated carnivorous mammal that typically has a long snout, an acute sense of smell, nonretractable claws, and a barking, howling, or whining voice. +A wine glass on top of a dog. +A tomato has been put on top of a pumpkin on a kitchen stool. There is a fork sticking into the pumpkin. The scene is viewed from above. +Backlotter. +A bird scaring a scarecrow. +A single clock is sitting on a table. +Bzaseball galove. +A yellow colored giraffe. +A white colored sandwich. +A giraffe underneath a microwave. +A couch on the left of a chair. +A pizza on the right of a suitcase. +Lego Arnold Schwarzenegger. +A donut underneath a toilet. +A triangular orange picture frame. An orange picture frame in the shape of a triangle. +McDonalds Church. +35mm macro shot a kitten licking a baby duck, studio lighting. +A machine resembling a human being and able to replicate certain human movements and functions automatically. +An elephant is behind a tree. You can see the trunk on one side and the back legs on the other. +A spider with a moustache bidding an equally gentlemanly grasshopper a good day during his walk to work. +An umbrella on top of a spoon. +Lego Arnold Schwarzenegger. +A yellow and black bus cruising through the rainforest. +A giraffe underneath a microwave. +A cube made of denim. A cube with the texture of denim. +A sheep to the right of a wine glass. +A bridge connecting Europe and North America on the Atlantic Ocean, bird's eye view. +A 1960s yearbook photo with animals dressed as humans. +Paying for a quarter-sized pizza with a pizza-sized quarter. +A black colored sandwich. +A large keyboard musical instrument with a wooden case enclosing a soundboard and metal strings, which are struck by hammers when the keys are depressed. The strings' vibration is stopped by dampers when the keys are released and can be regulated for length and volume by two or three pedals. +A spider with a moustache bidding an equally gentlemanly grasshopper a good day during his walk to work. +One car on the street. +A carrot on the left of a broccoli. +Two cats and three dogs sitting on the grass. +A stack of 3 books. A green book is on the top, sitting on a red book. The red book is in the middle, sitting on a blue book. The blue book is on the bottom. +Two cats and one dog sitting on the grass. +An instqrumemnt used for cutting cloth, paper, axdz othr thdin mteroial, consamistng of two blades lad one on tvopb of the other and fhastned in tle mixdqdjle so as to bllow them txo be pened and closed by thumb and fitngesr inserted tgrough rings on kthe end oc thei vatndlzes. +Dininrg tablez. +A connection point by which firefighters can tap into a water supply. +Four dogs on the street. +A sign that says 'Hello World'. +Photo of a mega Lego space station inside a kid's bedroom. +McDonalds Church. +Illustration of a mouse using a mushroom as an umbrella. +A magnifying glass over a page of a 1950s batman comic. +Hyper-realistic photo of an abandoned industrial site during a storm. +A magnifying glass over a page of a 1950s batman comic. +An umbrella on top of a spoon. +A fluffy baby sloth with a knitted hat trying to figure out a laptop, close up, highly detailed, studio lighting, screen reflecting in its eyes. +A large keyboard musical instrument with a wooden case enclosing a soundboard and metal strings, which are struck by hammers when the keys are depressed. The strings' vibration is stopped by dampers when the keys are released and can be regulated for length and volume by two or three pedals. +A red colored dog. +A red colored car. +A black colored car. +Five cars on the street. +A baby fennec sneezing onto a strawberry, detailed, macro, studio light, droplets, backlit ears. +In late afternoon in January in New England, a man stands in the shadow of a maple tree. +Photo of a cat singing in a barbershop quartet. +Hovering cow abducting aliens. +An old photograph of a 1920s airship shaped like a pig, floating over a wheat field. +An organ of soft nervous tissue contained in the skull of vertebrates, functioning as the coordinating center of sensation and intellectual and nervous activity. +A triangular purple flower pot. A purple flower pot in the shape of a triangle. +A pear cut into seven pieces arranged in a ring. +A red colored car. +Two cats and one dog sitting on the grass. +A cube made of brick. A cube with the texture of brick. +A pyramid made of falafel with a partial solar eclipse in the background. +A yellow colored giraffe. +An instrument used for cutting cloth, paper, and other thin material, consisting of two blades laid one on top of the other and fastened in the middle so as to allow them to be opened and closed by a thumb and finger inserted through rings on the end of their handles. +A sjmall domesticated carnivorious mammnal with sof fuh,y a sthort sout, and retracwtablbe flaws. It iw widexly kept as a pet or for catchitng mic, ad many breeds zhlyde beefn develvoked. +A couch on the left of a chair. +A photocopy of a photograph of a painting of a sculpture of a giraffe. +A sign that says 'Google Brain Toronto'. +A sign that says 'Text to Image'. +Rainbow coloured penguin. +Two dogs on the street. +A triangular orange picture frame. An orange picture frame in the shape of a triangle. +Colouring page of large cats climbing the eifel tower in a cyberpunk future. +A white colored sandwich. +A stop sign on the right of a refrigerator. +A long curved fruit which grows in clusters and has soft pulpy flesh and yellow skin when ripe. +Three cats and two dogs sitting on the grass. +A hair drier underneath a sheep. +A train on top of a surfboard. +A large plant-eating domesticated mammal with solid hoofs and a flowing mane and tail, used for riding, racing, and to carry and pull loads. +A sign that says 'Google Research Pizza Cafe'. +A stop sign on the right of a refrigerator. +A tiger in a lab coat with a 1980s Miami vibe, turning a well oiled science content machine, digital art. +A device consisting of a circular canopy of cloth on a folding metal frame supported by a central rod, used as protection against rain or sometimes sun. +An illustration of a small green elephant standing behind a large red mouse. +A sign that says 'Hello World'. +Lego Arnold Schwarzenegger. +Five dogs on the street. +A storefront with 'Hello World' written on it. +An instrument used for cutting cloth, paper, and other thin material, consisting of two blades laid one on top of the other and fastened in the middle so as to allow them to be opened and closed by a thumb and finger inserted through rings on the end of their handles. +A tomato has been put on top of a pumpkin on a kitchen stool. There is a fork sticking into the pumpkin. The scene is viewed from above. +In late afternoon in January in New England, a man stands in the shadow of a maple tree. +Jentacular. +Four dogs on the street. +An old photograph of a 1920s airship shaped like a pig, floating over a wheat field. +A triangular purple flower pot. A purple flower pot in the shape of a triangle. +A black colored banana. +35mm macro shot a kitten licking a baby duck, studio lighting. +Bzaseball galove. +A fisheye lens view of a turtle sitting in a forest. +A donut underneath a toilet. +A donkey and an octopus are playing a game. The donkey is holding a rope on one end, the octopus is holding onto the other. The donkey holds the rope in its mouth. A cat is jumping over the rope. +A fluffy baby sloth with a knitted hat trying to figure out a laptop, close up, highly detailed, studio lighting, screen reflecting in its eyes. +A green apple and a black backpack. +An illustration of a large red elephant sitting on a small blue mouse. +A smafml vessef epropoeilled on watvewr by ors, sauls, or han engie. +A machine next to a parking space in a street, into which the driver puts money so as to be authorized to park the vehicle for a particular length of time. +Rainbow coloured penguin. +Three cats and one dog sitting on the grass. +An old photograph of a 1920s airship shaped like a pig, floating over a wheat field. +New York Skyline with 'Google Research Pizza Cafe' written with fireworks on the sky. +A painting by Grant Wood of an astronaut couple, american gothic style. +Four dogs on the street. +A large motor vehicle carrying passengers by road, typically one serving the public on a fixed route and for a fare. +A couple of glasses are sitting on a table. +In late afternoon in January in New England, a man stands in the shadow of a maple tree. +A brown colored giraffe. +A bridge connecting Europe and North America on the Atlantic Ocean, bird's eye view. +Five dogs on the street. +New York Skyline with 'Text to Image' written with fireworks on the sky. +An appliance or compartment which is artificially kept cool and used to store food and drink. +A real life photography of super mario, 8k Ultra HD. +A pink colored car. +A painting by Grant Wood of an astronaut couple, american gothic style. +A car on the left of a bus. +A large plant-eating domesticated mammal with solid hoofs and a flowing mane and tail, used for riding, racing, and to carry and pull loads. +Pafrking metr. +An illustration of a small green elephant standing behind a large red mouse. +A blue cup and a green cell phone. +New York Skyline with 'NeurIPS' written with fireworks on the sky. +A storefront with 'Google Brain Toronto' written on it. +A painting by Grant Wood of an astronaut couple, american gothic style. +A black colored sandwich. +A fish eating a pelican. +An emoji of a baby panda wearing a red hat, blue gloves, green shirt, and blue pants. +A vehicle composed of two wheels held in a frame one behind the other, propelled by pedals and steered with handlebars attached to the front wheel. +A tennis racket underneath a traffic light. +Three cars on the street. +One car on the street. +A tennis racket underneath a traffic light. +A maglev train going vertically downward in high speed, New York Times photojournalism. +Photo of an athlete cat explaining it's latest scandal at a press conference to journalists. +A red book and a yellow vase. +A shark in the desert. +An organ of soft nervous tissue contained in the skull of vertebrates, functioning as the coordinating center of sensation and intellectual and nervous activity. +A sign that says 'Text to Image'. +A stack of 3 books. A green book is on the top, sitting on a red book. The red book is in the middle, sitting on a blue book. The blue book is on the bottom. +A shark in the desert. +A 1960s poster warning against climate change. +Backlotter. +One cat and two dogs sitting on the grass. +Matutinal. +A cat on the right of a tennis racket. +A laptop on top of a teddy bear. +A white colored sandwich. +A yellow and black bus cruising through the rainforest. +A photocopy of a photograph of a painting of a sculpture of a giraffe. +A side view of an owl sitting in a field. +A pizza on the right of a suitcase. +A wine glass on top of a dog. +A realistic photo of a Pomeranian dressed up like a 1980s professional wrestler with neon green and neon orange face paint and bright green wrestling tights with bright orange boots. +A pear cut into seven pieces arranged in a ring. +Acersecomicke. +Painting of Mona Lisa but the view is from behind of Mona Lisa. +A small vessel propelled on water by oars, sails, or an engine. +Painting of the orange cat Otto von Garfield, Count of Bismarck-Schönhausen, Duke of Lauenburg, Minister-President of Prussia. Depicted wearing a Prussian Pickelhaube and eating his favorite meal - lasagna. +A cat on the left of a dog. +A red colored banana. +A domesticated carnivorous mammal that typically has a long snout, an acute sense of smell, nonretractable claws, and a barking, howling, or whining voice. +A sign that says 'Google Brain Toronto'. +A collection of nail is sitting on a table. +A pyramid made of falafel with a partial solar eclipse in the background. +A realistic photo of a Pomeranian dressed up like a 1980s professional wrestler with neon green and neon orange face paint and bright green wrestling tights with bright orange boots. +A cube made of brick. A cube with the texture of brick. +New York Skyline with 'Text to Image' written with fireworks on the sky. +A fish eating a pelican. +A pink colored giraffe. +One cat and three dogs sitting on the grass. +A keyboard made of water, the water is made of light, the light is turned off. +Greek statue of a man tripping over a cat. +A machine resembling a human being and able to replicate certain human movements and functions automatically. +A yellow and black bus cruising through the rainforest. +An elephant is behind a tree. You can see the trunk on one side and the back legs on the other. +A small domesticated carnivorous mammal with soft fur, a short snout, and retractable claws. It is widely kept as a pet or for catching mice, and many breeds have been developed. +Dininrg tablez. +A sign that says 'NeurIPS'. +An illustration of a small green elephant standing behind a large red mouse. +A collection of nail is sitting on a table. +An oil painting of a couple in formal evening wear going home get caught in a heavy downpour with no umbrellas. +New York Skyline with 'Hello World' written with fireworks on the sky. +A storefront with 'Text to Image' written on it. +A storefront with 'Deep Learning' written on it. +Three cats and two dogs sitting on the grass. +A red car and a white sheep. +A domesticated carnivvorous mzammal that typicbally hfaas a lons sfnout, an acxujte sense off osmell, noneetractaaln crlaws, anid xbarkring,y howlingu, or whining rvoiche. +A mechanical or electrical device for measuring time. +A bridge connecting Europe and North America on the Atlantic Ocean, bird's eye view. +An appliance or compartment which is artificially kept cool and used to store food and drink. +A pizza cooking an oven. +A car playing soccer, digital art. +A blue coloured pizza. +A machine next to a parking space in a street, into which the driver puts money so as to be authorized to park the vehicle for a particular length of time. +Octothorpe. +A yellow book and a red vase. +A bicycle on top of a boat. +A device consisting of a circular canopy of cloth on a folding metal frame supported by a central rod, used as protection against rain or sometimes sun. +An orange colored sandwich. +Acersecomicke. +A magnifying glass over a page of a 1950s batman comic. +A black apple and a green backpack. +A bird scaring a scarecrow. +A sign that says 'Deep Learning'. +A bicycle on top of a boat. +Painting of Mona Lisa but the view is from behind of Mona Lisa. +Three dogs on the street. +A stack of 3 plates. A blue plate is on the top, sitting on a blue plate. The blue plate is in the middle, sitting on a green plate. The green plate is on the bottom. +A red car and a white sheep. +Greek statue of a man tripping over a cat. +Three dogs on the street. +A sheep to the right of a wine glass. +One cat and one dog sitting on the grass. +A black colored sandwich. +Peristeronic. +Three cats and two dogs sitting on the grass. +A 1960s yearbook photo with animals dressed as humans. +A sign that says 'Diffusion'. +A sign that says 'Google Research Pizza Cafe'. +A blue bird and a brown bear. +A yellow and black bus cruising through the rainforest. +A smafml vessef epropoeilled on watvewr by ors, sauls, or han engie. +Bzaseball galove. +Artophagous. +A sign that says 'Text to Image'. +A baby fennec sneezing onto a strawberry, detailed, macro, studio light, droplets, backlit ears. +A fisheye lens view of a turtle sitting in a forest. +A storefront with 'Hello World' written on it. +A connection point by which firefighters can tap into a water supply. +A separate seat for one person, typically with a back and four legs. +A 1960s yearbook photo with animals dressed as humans. +A sphere made of kitchen tile. A sphere with the texture of kitchen tile. +A black colored banana. +A vehicle composed of two wheels held in a frame one behind the other, propelled by pedals and steered with handlebars attached to the front wheel. +Four cars on the street. +Three cats and three dogs sitting on the grass. +Five dogs on the street. +An ancient Egyptian painting depicting an argument over whose turn it is to take out the trash. +A storefront with 'Diffusion' written on it. +A pizza cooking an oven. +Darth Vader playing with raccoon in Mars during sunset. +A carrot on the left of a broccoli. +A tomato has been put on top of a pumpkin on a kitchen stool. There is a fork sticking into the pumpkin. The scene is viewed from above. +A storefront with 'Diffusion' written on it. +A red book and a yellow vase. +Peristeronic. +An organ of soft nervous tissue contained in the skull of vertebrates, functioning as the coordinating center of sensation and intellectual and nervous activity. +A donkey and an octopus are playing a game. The donkey is holding a rope on one end, the octopus is holding onto the other. The donkey holds the rope in its mouth. A cat is jumping over the rope. +A couch on the left of a chair. +A sphere made of kitchen tile. A sphere with the texture of kitchen tile. +A white car and a red sheep. +Artophagous. +A stack of 3 books. A green book is on the top, sitting on a red book. The red book is in the middle, sitting on a blue book. The blue book is on the bottom. +A pizza cooking an oven. +A triangular purple flower pot. A purple flower pot in the shape of a triangle. +A brown bird and a blue bear. +An IT-guy trying to fix hardware of a PC tower is being tangled by the PC cables like Laokoon. Marble, copy after Hellenistic original from ca. 200 BC. Found in the Baths of Trajan, 1506. +A storefront with 'Google Research Pizza Cafe' written on it. +A storefront with 'Google Research Pizza Cafe' written on it. +A large thick-skinned semiaquatic African mammal, with massive jaws and large tusks. +An appliance or compartment which is artificially kept cool and used to store food and drink. +A donut underneath a toilet. +A blue bird and a brown bear. +A 1960s poster warning against climate change. +A white colored sandwich. +A white colored sandwich. +A stop sign on the right of a refrigerator. +A storefront with 'Hello World' written on it. +Five dogs on the street. +Three cars on the street. +A keyboard made of water, the water is made of light, the light is turned off. +A red colored dog. +Two cats and three dogs sitting on the grass. +A spider with a moustache bidding an equally gentlemanly grasshopper a good day during his walk to work. +A pink colored car. +A tiger in a lab coat with a 1980s Miami vibe, turning a well oiled science content machine, digital art. +Photo of an athlete cat explaining it's latest scandal at a press conference to journalists. +A realistic photo of a Pomeranian dressed up like a 1980s professional wrestler with neon green and neon orange face paint and bright green wrestling tights with bright orange boots. +A type of digital currency in which a record of transactions is maintained and new units of currency are generated by the computational solution of mathematical problems, and which operates independently of a central bank. +A sign that says 'Hello World'. +An ancient Egyptian painting depicting an argument over whose turn it is to take out the trash. +A white car and a red sheep. +Illustration of a mouse using a mushroom as an umbrella. +A red colored banana. +Three cats and one dog sitting on the grass. +A car playing soccer, digital art. +A sjmall domesticated carnivorious mammnal with sof fuh,y a sthort sout, and retracwtablbe flaws. It iw widexly kept as a pet or for catchitng mic, ad many breeds zhlyde beefn develvoked. +Rbefraigerator. +A triangular orange picture frame. An orange picture frame in the shape of a triangle. +Rainbow coloured penguin. +A storefront with 'Text to Image' written on it. +A cat on the right of a tennis racket. +A small blue book sitting on a large red book. +Two cats and one dog sitting on the grass. +An emoji of a baby panda wearing a red hat, green gloves, red shirt, and green pants. +A brown bird and a blue bear. +A red car and a white sheep. +A pizza on the right of a suitcase. +A small blue book sitting on a large red book. +A horse riding an astronaut. +A sign that says 'Google Brain Toronto'. +Hyper-realistic photo of an abandoned industrial site during a storm. +A side view of an owl sitting in a field. +A photo of a confused grizzly bear in calculus class. +An American multinational technology company that focuses on artificial intelligence, search engine, online advertising, cloud computing, computer software, quantum computing, e-commerce, and consumer electronics. +A storefront with 'NeurIPS' written on it. +A storefront with 'NeurIPS' written on it. +Two cats and one dog sitting on the grass. +New York Skyline with 'Diffusion' written with fireworks on the sky. +A storefront with 'Diffusion' written on it. +A blue coloured pizza. +A single clock is sitting on a table. +A zebra to the right of a fire hydrant. +Backlotter. +An ancient Egyptian painting depicting an argument over whose turn it is to take out the trash. +Two cats and two dogs sitting on the grass. +Painting of Mona Lisa but the view is from behind of Mona Lisa. +A triangular orange picture frame. An orange picture frame in the shape of a triangle. +A bird scaring a scarecrow. +A keyboard made of water, the water is made of light, the light is turned off. +A tennis racket underneath a traffic light. +A banana on the left of an apple. +A screenshot of an iOS app for ordering different types of milk. +A long curved fruit which grows in clusters and has soft pulpy flesh and yellow skin when ripe. +A side view of an owl sitting in a field. +Two cats and two dogs sitting on the grass. +Hovering cow abducting aliens. +A red car and a white sheep. +A zebra underneath a broccoli. +Rainbow coloured penguin. +A storefront with 'Deep Learning' written on it. +Three cars on the street. +A red colored banana. +A blue bird and a brown bear. +New York Skyline with 'NeurIPS' written with fireworks on the sky. +A sjmall domesticated carnivorious mammnal with sof fuh,y a sthort sout, and retracwtablbe flaws. It iw widexly kept as a pet or for catchitng mic, ad many breeds zhlyde beefn develvoked. +A giraffe underneath a microwave. +A brown colored giraffe. +An instqrumemnt used for cutting cloth, paper, axdz othr thdin mteroial, consamistng of two blades lad one on tvopb of the other and fhastned in tle mixdqdjle so as to bllow them txo be pened and closed by thumb and fitngesr inserted tgrough rings on kthe end oc thei vatndlzes. +A pizza cooking an oven. +A bicycle on top of a boat. +A screenshot of an iOS app for ordering different types of milk. +A car playing soccer, digital art. +A banana on the left of an apple. +A cube made of brick. A cube with the texture of brick. +A sheep to the right of a wine glass. +A type of digital currency in which a record of transactions is maintained and new units of currency are generated by the computational solution of mathematical problems, and which operates independently of a central bank. +A medieval painting of the wifi not working. +A brown bird and a blue bear. +A yellow and black bus cruising through the rainforest. +A bridge connecting Europe and North America on the Atlantic Ocean, bird's eye view. +Hyper-realistic photo of an abandoned industrial site during a storm. +Photo of an athlete cat explaining it's latest scandal at a press conference to journalists. +A stack of 3 cubes. A red cube is on the top, sitting on a red cube. The red cube is in the middle, sitting on a green cube. The green cube is on the bottom. +A yellow book and a red vase. +A wine glass on top of a dog. +A sign that says 'Deep Learning'. +A small domesticated carnivorous mammal with soft fur, a short snout, and retractable claws. It is widely kept as a pet or for catching mice, and many breeds have been developed. +Jentacular. +A car on the left of a bus. +A machine resembling a human being and able to replicate certain human movements and functions automatically. +New York Skyline with 'Google Research Pizza Cafe' written with fireworks on the sky. +Photo of a mega Lego space station inside a kid's bedroom. +Peristeronic. +One cat and one dog sitting on the grass. +A horse riding an astronaut. +New York Skyline with 'Deep Learning' written with fireworks on the sky. +A zebra underneath a broccoli. +A machine resembling a human being and able to replicate certain human movements and functions automatically. +A red colored dog. +Acersecomicke. +One dog on the street. +A white car and a red sheep. +New York Skyline with 'NeurIPS' written with fireworks on the sky. +A single clock is sitting on a table. +A zebra to the right of a fire hydrant. +A triangular orange picture frame. An orange picture frame in the shape of a triangle. +A blue colored dog. +McDonalds Church. +Tcennis rpacket. +A brown colored giraffe. +Hyper-realistic photo of an abandoned industrial site during a storm. +Tcennis rpacket. +A church with stained glass windows depicting a hamburger and french fries. +A bicycle on top of a boat. +A banana on the left of an apple. +A connection point by which firefighters can tap into a water supply. +New York Skyline with 'Deep Learning' written with fireworks on the sky. +An instqrumemnt used for cutting cloth, paper, axdz othr thdin mteroial, consamistng of two blades lad one on tvopb of the other and fhastned in tle mixdqdjle so as to bllow them txo be pened and closed by thumb and fitngesr inserted tgrough rings on kthe end oc thei vatndlzes. +New York Skyline with 'NeurIPS' written with fireworks on the sky. +Paying for a quarter-sized pizza with a pizza-sized quarter. \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/dataset/drawbench/train.txt b/ppdiffusers/examples/flow_grpo/dataset/drawbench/train.txt new file mode 100644 index 000000000..c24820ee4 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/drawbench/train.txt @@ -0,0 +1 @@ +An oil painting of a couple in formal evening wear going home get caught in a heavy downpour with no umbrellas. \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/dataset/geneval/test_metadata.jsonl b/ppdiffusers/examples/flow_grpo/dataset/geneval/test_metadata.jsonl new file mode 100644 index 000000000..27cdaf5cc --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/geneval/test_metadata.jsonl @@ -0,0 +1,2212 @@ +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "a photo of two wine glasses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a pink handbag and a black scissors"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow dining table and a pink dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "a photo of a bowl"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a purple computer keyboard and a red chair"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a zebra"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a bowl and a skis"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a broccoli and a vase"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red train and a purple bear"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a frisbee and an apple"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bed"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cup"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a computer keyboard and a laptop"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red clock and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a red cake and a purple chair"} +{"tag": "single_object", "include": [{"class": "fork", "count": 1}], "prompt": "a photo of a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a blue baseball bat and a pink book"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sheep and a pink banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tv"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a scissors and a sandwich"} +{"tag": "single_object", "include": [{"class": "orange", "count": 1}], "prompt": "a photo of an orange"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a blue clock and a white cup"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a yellow pizza and a green oven"} +{"tag": "single_object", "include": [{"class": "knife", "count": 1}], "prompt": "a photo of a knife"} +{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "a photo of a bed"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a carrot and a couch"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a white banana and a black elephant"} +{"tag": "single_object", "include": [{"class": "cake", "count": 1}], "prompt": "a photo of a cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a chair"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tie and a pink dining table"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tennis racket and a bird"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown computer mouse and a purple bottle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sports ball"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a red potted plant"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a knife and a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an orange"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a black broccoli and a yellow cake"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "a photo of a toilet"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a green microwave"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow stop sign and a blue potted plant"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a black bottle and a white refrigerator"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a chair and a laptop"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a green skateboard"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a car and a computer mouse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a computer keyboard and a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a boat"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a toothbrush and a carrot"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a green suitcase and a blue boat"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a suitcase and a dining table"} +{"tag": "single_object", "include": [{"class": "cat", "count": 1}], "prompt": "a photo of a cat"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a green skis and a brown airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bird and a black motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a wine glass and a bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fork"} +{"tag": "single_object", "include": [{"class": "boat", "count": 1}], "prompt": "a photo of a boat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an airplane"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a microwave and a truck"} +{"tag": "single_object", "include": [{"class": "carrot", "count": 1}], "prompt": "a photo of a carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cow"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a red umbrella and a green cow"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "single_object", "include": [{"class": "bird", "count": 1}], "prompt": "a photo of a bird"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an elephant"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "a photo of two toothbrushs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a scissors"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bench and a vase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tv remote and a blue airplane"} +{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "a photo of a dog"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a person and a bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange oven"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a toilet and a computer mouse"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "a photo of four skateboards"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of an orange scissors"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a toothbrush"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a banana"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a white handbag and a red giraffe"} +{"tag": "single_object", "include": [{"class": "tv remote", "count": 1}], "prompt": "a photo of a tv remote"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow skateboard and an orange computer mouse"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a brown orange"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of an orange giraffe and a white baseball glove"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a scissors and a bird"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black banana"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a zebra"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow elephant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red giraffe and a black cell phone"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "a photo of a skateboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an airplane"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toaster"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue pizza and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sink"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a skateboard and a cake"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue cow and a black computer keyboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an elephant"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a dining table and a bear"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "prompt": "a photo of three baseball bats"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a fork and a knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of an apple and a toothbrush"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a potted plant and a donut"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a purple elephant and a brown sports ball"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a laptop"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sports ball and a green boat"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a surfboard and a suitcase"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fire hydrant"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a blue clock"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a boat"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "single_object", "include": [{"class": "dining table", "count": 1}], "prompt": "a photo of a dining table"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a red apple"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a skateboard and a sink"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a fork and a book"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a horse"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a brown knife and a blue donut"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cup"} +{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "a photo of a skis"} +{"tag": "single_object", "include": [{"class": "cell phone", "count": 1}], "prompt": "a photo of a cell phone"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tie and a broccoli"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "a photo of two clocks"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bed and a pink cell phone"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a person and a traffic light"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "a photo of three books"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer keyboard and a black sink"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a hair drier and a bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bench and a sports ball"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bottle and a refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a cow"} +{"tag": "single_object", "include": [{"class": "bus", "count": 1}], "prompt": "a photo of a bus"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a hair drier and a cake"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a giraffe and a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of an orange snowboard and a green cat"} +{"tag": "single_object", "include": [{"class": "person", "count": 1}], "prompt": "a photo of a person"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a couch and a wine glass"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"} +{"tag": "single_object", "include": [{"class": "airplane", "count": 1}], "prompt": "a photo of an airplane"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "prompt": "a photo of three fire hydrants"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a skateboard"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a black bicycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a pizza"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a blue carrot"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "a photo of three wine glasses"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a toothbrush and a toilet"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cow and a purple sandwich"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a stop sign and a fork"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange umbrella"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a purple parking meter and a red laptop"} +{"tag": "single_object", "include": [{"class": "suitcase", "count": 1}], "prompt": "a photo of a suitcase"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "a photo of two beds"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a scissors and a bowl"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a banana"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow handbag and a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a brown car and a pink hair drier"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a pizza and a bench"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bowl and a pizza"} +{"tag": "single_object", "include": [{"class": "surfboard", "count": 1}], "prompt": "a photo of a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a broccoli"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a tv and a cell phone"} +{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "a photo of a cup"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a green bus and a purple microwave"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a stop sign and a bottle"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tennis racket and a bicycle"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sink and a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a blue cell phone and a green apple"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an oven"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a purple dog and a black dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a person and an apple"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a potted plant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a kite"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bowl and a white baseball glove"} +{"tag": "single_object", "include": [{"class": "pizza", "count": 1}], "prompt": "a photo of a pizza"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a brown giraffe and a white stop sign"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a white pizza and a green umbrella"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple train"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a cake and a stop sign"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a green cup and a red pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "a photo of four frisbees"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a frisbee"} +{"tag": "single_object", "include": [{"class": "sports ball", "count": 1}], "prompt": "a photo of a sports ball"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "a photo of four bowls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a dining table"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a baseball bat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a vase"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a horse and a computer keyboard"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a potted plant and a boat"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a computer keyboard and a microwave"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a baseball bat"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a knife"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a white orange"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a brown hot dog and a purple pizza"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink oven and a green motorcycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a person and a sink"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of an oven and a bed"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tv and a bicycle"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a red laptop and a brown car"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a black car and a green parking meter"} +{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "a photo of a book"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a white toilet and a red apple"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tennis racket"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer mouse"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a black potted plant and a yellow toilet"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white boat and an orange hot dog"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "single_object", "include": [{"class": "broccoli", "count": 1}], "prompt": "a photo of a broccoli"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a traffic light and a backpack"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a toothbrush and a snowboard"} +{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "a photo of an apple"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a tie"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "prompt": "a photo of four clocks"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a potted plant and a backpack"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skis"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a vase and a spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a surfboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of an orange orange"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a black teddy bear"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bear"} +{"tag": "single_object", "include": [{"class": "sheep", "count": 1}], "prompt": "a photo of a sheep"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tennis racket and a yellow sports ball"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of an orange laptop"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "prompt": "a photo of two toilets"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a white wine glass and a brown giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a tv"} +{"tag": "single_object", "include": [{"class": "donut", "count": 1}], "prompt": "a photo of a donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a green teddy bear and a brown kite"} +{"tag": "single_object", "include": [{"class": "sink", "count": 1}], "prompt": "a photo of a sink"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple elephant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a horse"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hair drier"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "prompt": "a photo of two fire hydrants"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bicycle and a red motorcycle"} +{"tag": "single_object", "include": [{"class": "giraffe", "count": 1}], "prompt": "a photo of a giraffe"} +{"tag": "single_object", "include": [{"class": "laptop", "count": 1}], "prompt": "a photo of a laptop"} +{"tag": "single_object", "include": [{"class": "bench", "count": 1}], "prompt": "a photo of a bench"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a baseball bat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a skateboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a clock"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a traffic light"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a baseball bat and a bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a red orange and a purple broccoli"} +{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "a photo of a frisbee"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink skateboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "single_object", "include": [{"class": "computer keyboard", "count": 1}], "prompt": "a photo of a computer keyboard"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a green traffic light"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a pink car"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "a photo of an elephant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a couch"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a white bottle and a blue sheep"} +{"tag": "single_object", "include": [{"class": "spoon", "count": 1}], "prompt": "a photo of a spoon"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a pink stop sign"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a potted plant"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "a photo of two cars"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a purple carrot"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of an orange potted plant and a black spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a white sheep"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a red scissors"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of an orange handbag and a red car"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange handbag and a green carrot"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cell phone"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange donut and a yellow stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a person"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a stop sign and a dog"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a blue toilet and a white suitcase"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of a red dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a chair"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bench and a snowboard"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cell phone and a horse"} +{"tag": "single_object", "include": [{"class": "vase", "count": 1}], "prompt": "a photo of a vase"} +{"tag": "single_object", "include": [{"class": "zebra", "count": 1}], "prompt": "a photo of a zebra"} +{"tag": "single_object", "include": [{"class": "motorcycle", "count": 1}], "prompt": "a photo of a motorcycle"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a white sandwich"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a black vase"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a baseball bat"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a purple tennis racket and a black sink"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a motorcycle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a toilet"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a red zebra"} +{"tag": "single_object", "include": [{"class": "tv", "count": 1}], "prompt": "a photo of a tv"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a microwave and a bench"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a red skis and a brown tie"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of an orange traffic light and a white toilet"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a red car"} +{"tag": "single_object", "include": [{"class": "snowboard", "count": 1}], "prompt": "a photo of a snowboard"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a red cup and a pink handbag"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a toaster and an oven"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a green tennis racket and a black dog"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a fork"} +{"tag": "single_object", "include": [{"class": "refrigerator", "count": 1}], "prompt": "a photo of a refrigerator"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a black skis"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a hot dog"} +{"tag": "single_object", "include": [{"class": "bottle", "count": 1}], "prompt": "a photo of a bottle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a broccoli"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a black kite and a green bear"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "a photo of four traffic lights"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a brown dining table and a white suitcase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sandwich"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a snowboard"} +{"tag": "single_object", "include": [{"class": "sandwich", "count": 1}], "prompt": "a photo of a sandwich"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a pink skateboard and a black train"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a tv"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cat"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a baseball bat and a giraffe"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow parking meter and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a book and a baseball bat"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a chair and a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a computer keyboard"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a purple backpack"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a red stop sign and a blue book"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a knife"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toilet"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a green vase"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a white dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a parking meter"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a horse and a giraffe"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "prompt": "a photo of three cups"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a white dog and a blue potted plant"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a skis"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a horse and a train"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple suitcase"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a computer mouse and a spoon"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a toothbrush and a bench"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a white fire hydrant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a backpack"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an umbrella"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow car and an orange toothbrush"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "a photo of two frisbees"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer keyboard and a blue scissors"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow parking meter"} +{"tag": "single_object", "include": [{"class": "train", "count": 1}], "prompt": "a photo of a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a hair drier"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a pink broccoli and a red sink"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a black donut"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "prompt": "a photo of four dogs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a toothbrush"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a frisbee and a cell phone"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a white handbag and a purple bed"} +{"tag": "single_object", "include": [{"class": "hot dog", "count": 1}], "prompt": "a photo of a hot dog"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cake and a zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "single_object", "include": [{"class": "tie", "count": 1}], "prompt": "a photo of a tie"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a fork and a baseball glove"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a black dining table"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a frisbee and a couch"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a parking meter and a teddy bear"} +{"tag": "single_object", "include": [{"class": "kite", "count": 1}], "prompt": "a photo of a kite"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "single_object", "include": [{"class": "stop sign", "count": 1}], "prompt": "a photo of a stop sign"} +{"tag": "single_object", "include": [{"class": "teddy bear", "count": 1}], "prompt": "a photo of a teddy bear"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a book and a laptop"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a couch and a horse"} +{"tag": "single_object", "include": [{"class": "handbag", "count": 1}], "prompt": "a photo of a handbag"} +{"tag": "single_object", "include": [{"class": "hair drier", "count": 1}], "prompt": "a photo of a hair drier"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a tennis racket and a wine glass"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a fire hydrant and a train"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white tie and a purple skateboard"} +{"tag": "single_object", "include": [{"class": "baseball glove", "count": 1}], "prompt": "a photo of a baseball glove"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a pizza and a book"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a broccoli and a parking meter"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a fire hydrant"} +{"tag": "single_object", "include": [{"class": "bear", "count": 1}], "prompt": "a photo of a bear"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a blue umbrella"} +{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "a photo of a toothbrush"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a purple suitcase and an orange pizza"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a baseball glove and a carrot"} +{"tag": "single_object", "include": [{"class": "oven", "count": 1}], "prompt": "a photo of an oven"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a wine glass and a handbag"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of an orange skateboard and a pink bowl"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a blue book"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a person and a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a train"} +{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fire hydrant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cow"} +{"tag": "single_object", "include": [{"class": "tennis racket", "count": 1}], "prompt": "a photo of a tennis racket"} +{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "a photo of a clock"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a stop sign and a toaster"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a white dining table and a red car"} +{"tag": "single_object", "include": [{"class": "chair", "count": 1}], "prompt": "a photo of a chair"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an umbrella"} +{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "a photo of an umbrella"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a parking meter"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of an orange truck and a pink sink"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "single_object", "include": [{"class": "horse", "count": 1}], "prompt": "a photo of a horse"} +{"tag": "single_object", "include": [{"class": "banana", "count": 1}], "prompt": "a photo of a banana"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a frisbee and a vase"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a red car and an orange potted plant"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cow and a horse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bottle"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of an orange motorcycle and a pink donut"} +{"tag": "single_object", "include": [{"class": "parking meter", "count": 1}], "prompt": "a photo of a parking meter"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue elephant"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of an orange microwave and a black spoon"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a laptop and a carrot"} +{"tag": "single_object", "include": [{"class": "cow", "count": 1}], "prompt": "a photo of a cow"} +{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "a photo of a wine glass"} +{"tag": "single_object", "include": [{"class": "scissors", "count": 1}], "prompt": "a photo of a scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a zebra and a bed"} +{"tag": "single_object", "include": [{"class": "bicycle", "count": 1}], "prompt": "a photo of a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an umbrella"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "a photo of a baseball bat"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a pink parking meter"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "a photo of three apples"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bus and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a red umbrella and a blue couch"} +{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "a photo of a car"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cup and a yellow bowl"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow suitcase and a brown bus"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a tv and a carrot"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a pink dining table and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a purple backpack and a white umbrella"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue laptop and a brown bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a kite"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a purple wine glass and a black apple"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a horse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a black bus and a brown cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a sports ball"} +{"tag": "single_object", "include": [{"class": "truck", "count": 1}], "prompt": "a photo of a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cow"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a couch and a snowboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer keyboard"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a fire hydrant and a tennis racket"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a blue handbag and a white cell phone"} +{"tag": "single_object", "include": [{"class": "backpack", "count": 1}], "prompt": "a photo of a backpack"} +{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "a photo of a traffic light"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a knife and a zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a parking meter"} +{"tag": "single_object", "include": [{"class": "couch", "count": 1}], "prompt": "a photo of a couch"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "a photo of four microwaves"} +{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "a photo of a microwave"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a baseball glove"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a handbag and a refrigerator"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a green clock"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "a photo of four books"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sports ball and a cow"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a truck"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a baseball bat and a fork"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a stop sign and a motorcycle"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a computer mouse and a zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a suitcase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cake"} +{"tag": "single_object", "include": [{"class": "potted plant", "count": 1}], "prompt": "a photo of a potted plant"} +{"tag": "single_object", "include": [{"class": "computer mouse", "count": 1}], "prompt": "a photo of a computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a spoon"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple potted plant"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a red backpack"} +{"tag": "single_object", "include": [{"class": "toaster", "count": 1}], "prompt": "a photo of a toaster"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a red bowl and a pink sink"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a person and a snowboard"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "prompt": "a photo of four apples"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "a photo of two wine glasses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a pink handbag and a black scissors"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow dining table and a pink dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "a photo of a bowl"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a purple computer keyboard and a red chair"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a zebra"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a bowl and a skis"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a broccoli and a vase"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red train and a purple bear"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a frisbee and an apple"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bed"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cup"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a computer keyboard and a laptop"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red clock and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a red cake and a purple chair"} +{"tag": "single_object", "include": [{"class": "fork", "count": 1}], "prompt": "a photo of a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a blue baseball bat and a pink book"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sheep and a pink banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tv"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a scissors and a sandwich"} +{"tag": "single_object", "include": [{"class": "orange", "count": 1}], "prompt": "a photo of an orange"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a blue clock and a white cup"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a yellow pizza and a green oven"} +{"tag": "single_object", "include": [{"class": "knife", "count": 1}], "prompt": "a photo of a knife"} +{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "a photo of a bed"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a carrot and a couch"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a white banana and a black elephant"} +{"tag": "single_object", "include": [{"class": "cake", "count": 1}], "prompt": "a photo of a cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a chair"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tie and a pink dining table"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tennis racket and a bird"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown computer mouse and a purple bottle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sports ball"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a red potted plant"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a knife and a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an orange"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a black broccoli and a yellow cake"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "a photo of a toilet"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a green microwave"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow stop sign and a blue potted plant"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a black bottle and a white refrigerator"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a chair and a laptop"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a green skateboard"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a car and a computer mouse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a computer keyboard and a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a boat"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a toothbrush and a carrot"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a green suitcase and a blue boat"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a suitcase and a dining table"} +{"tag": "single_object", "include": [{"class": "cat", "count": 1}], "prompt": "a photo of a cat"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a green skis and a brown airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bird and a black motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a wine glass and a bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fork"} +{"tag": "single_object", "include": [{"class": "boat", "count": 1}], "prompt": "a photo of a boat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an airplane"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a microwave and a truck"} +{"tag": "single_object", "include": [{"class": "carrot", "count": 1}], "prompt": "a photo of a carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cow"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a red umbrella and a green cow"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "single_object", "include": [{"class": "bird", "count": 1}], "prompt": "a photo of a bird"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an elephant"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "a photo of two toothbrushs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a scissors"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bench and a vase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tv remote and a blue airplane"} +{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "a photo of a dog"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a person and a bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange oven"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a toilet and a computer mouse"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "a photo of four skateboards"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of an orange scissors"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a toothbrush"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a banana"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a white handbag and a red giraffe"} +{"tag": "single_object", "include": [{"class": "tv remote", "count": 1}], "prompt": "a photo of a tv remote"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow skateboard and an orange computer mouse"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a brown orange"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of an orange giraffe and a white baseball glove"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a scissors and a bird"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black banana"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a zebra"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow elephant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red giraffe and a black cell phone"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "a photo of a skateboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an airplane"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toaster"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue pizza and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sink"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a skateboard and a cake"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue cow and a black computer keyboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an elephant"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a dining table and a bear"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "prompt": "a photo of three baseball bats"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a fork and a knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of an apple and a toothbrush"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a potted plant and a donut"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a purple elephant and a brown sports ball"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a laptop"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sports ball and a green boat"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a surfboard and a suitcase"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fire hydrant"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a blue clock"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a boat"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "single_object", "include": [{"class": "dining table", "count": 1}], "prompt": "a photo of a dining table"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a red apple"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a skateboard and a sink"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a fork and a book"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a horse"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a brown knife and a blue donut"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cup"} +{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "a photo of a skis"} +{"tag": "single_object", "include": [{"class": "cell phone", "count": 1}], "prompt": "a photo of a cell phone"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tie and a broccoli"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "a photo of two clocks"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bed and a pink cell phone"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a person and a traffic light"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "a photo of three books"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer keyboard and a black sink"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a hair drier and a bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bench and a sports ball"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bottle and a refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a cow"} +{"tag": "single_object", "include": [{"class": "bus", "count": 1}], "prompt": "a photo of a bus"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a hair drier and a cake"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a giraffe and a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of an orange snowboard and a green cat"} +{"tag": "single_object", "include": [{"class": "person", "count": 1}], "prompt": "a photo of a person"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a couch and a wine glass"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"} +{"tag": "single_object", "include": [{"class": "airplane", "count": 1}], "prompt": "a photo of an airplane"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "prompt": "a photo of three fire hydrants"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a skateboard"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a black bicycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a pizza"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a blue carrot"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "a photo of three wine glasses"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a toothbrush and a toilet"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cow and a purple sandwich"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a stop sign and a fork"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange umbrella"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a purple parking meter and a red laptop"} +{"tag": "single_object", "include": [{"class": "suitcase", "count": 1}], "prompt": "a photo of a suitcase"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "a photo of two beds"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a scissors and a bowl"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a banana"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow handbag and a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a brown car and a pink hair drier"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a pizza and a bench"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bowl and a pizza"} +{"tag": "single_object", "include": [{"class": "surfboard", "count": 1}], "prompt": "a photo of a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a broccoli"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a tv and a cell phone"} +{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "a photo of a cup"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a green bus and a purple microwave"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a stop sign and a bottle"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tennis racket and a bicycle"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sink and a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a blue cell phone and a green apple"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an oven"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a purple dog and a black dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a person and an apple"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a potted plant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a kite"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bowl and a white baseball glove"} +{"tag": "single_object", "include": [{"class": "pizza", "count": 1}], "prompt": "a photo of a pizza"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a brown giraffe and a white stop sign"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a white pizza and a green umbrella"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple train"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a cake and a stop sign"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a green cup and a red pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "a photo of four frisbees"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a frisbee"} +{"tag": "single_object", "include": [{"class": "sports ball", "count": 1}], "prompt": "a photo of a sports ball"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "a photo of four bowls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a dining table"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a baseball bat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a vase"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a horse and a computer keyboard"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a potted plant and a boat"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a computer keyboard and a microwave"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a baseball bat"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a knife"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a white orange"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a brown hot dog and a purple pizza"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink oven and a green motorcycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a person and a sink"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of an oven and a bed"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tv and a bicycle"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a red laptop and a brown car"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a black car and a green parking meter"} +{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "a photo of a book"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a white toilet and a red apple"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tennis racket"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer mouse"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a black potted plant and a yellow toilet"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white boat and an orange hot dog"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "single_object", "include": [{"class": "broccoli", "count": 1}], "prompt": "a photo of a broccoli"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a traffic light and a backpack"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a toothbrush and a snowboard"} +{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "a photo of an apple"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a tie"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "prompt": "a photo of four clocks"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a potted plant and a backpack"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skis"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a vase and a spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a surfboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of an orange orange"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a black teddy bear"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bear"} +{"tag": "single_object", "include": [{"class": "sheep", "count": 1}], "prompt": "a photo of a sheep"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tennis racket and a yellow sports ball"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of an orange laptop"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "prompt": "a photo of two toilets"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a white wine glass and a brown giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a tv"} +{"tag": "single_object", "include": [{"class": "donut", "count": 1}], "prompt": "a photo of a donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a green teddy bear and a brown kite"} +{"tag": "single_object", "include": [{"class": "sink", "count": 1}], "prompt": "a photo of a sink"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple elephant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a horse"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hair drier"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "prompt": "a photo of two fire hydrants"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bicycle and a red motorcycle"} +{"tag": "single_object", "include": [{"class": "giraffe", "count": 1}], "prompt": "a photo of a giraffe"} +{"tag": "single_object", "include": [{"class": "laptop", "count": 1}], "prompt": "a photo of a laptop"} +{"tag": "single_object", "include": [{"class": "bench", "count": 1}], "prompt": "a photo of a bench"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a baseball bat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a skateboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a clock"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a traffic light"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a baseball bat and a bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a red orange and a purple broccoli"} +{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "a photo of a frisbee"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink skateboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "single_object", "include": [{"class": "computer keyboard", "count": 1}], "prompt": "a photo of a computer keyboard"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a green traffic light"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a pink car"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "a photo of an elephant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a couch"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a white bottle and a blue sheep"} +{"tag": "single_object", "include": [{"class": "spoon", "count": 1}], "prompt": "a photo of a spoon"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a pink stop sign"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a potted plant"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "a photo of two cars"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a purple carrot"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of an orange potted plant and a black spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a white sheep"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a red scissors"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of an orange handbag and a red car"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange handbag and a green carrot"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cell phone"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange donut and a yellow stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a person"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a stop sign and a dog"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a blue toilet and a white suitcase"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of a red dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a chair"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bench and a snowboard"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cell phone and a horse"} +{"tag": "single_object", "include": [{"class": "vase", "count": 1}], "prompt": "a photo of a vase"} +{"tag": "single_object", "include": [{"class": "zebra", "count": 1}], "prompt": "a photo of a zebra"} +{"tag": "single_object", "include": [{"class": "motorcycle", "count": 1}], "prompt": "a photo of a motorcycle"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a white sandwich"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a black vase"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a baseball bat"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a purple tennis racket and a black sink"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a motorcycle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a toilet"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a red zebra"} +{"tag": "single_object", "include": [{"class": "tv", "count": 1}], "prompt": "a photo of a tv"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a microwave and a bench"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a red skis and a brown tie"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of an orange traffic light and a white toilet"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a red car"} +{"tag": "single_object", "include": [{"class": "snowboard", "count": 1}], "prompt": "a photo of a snowboard"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a red cup and a pink handbag"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a toaster and an oven"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a green tennis racket and a black dog"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a fork"} +{"tag": "single_object", "include": [{"class": "refrigerator", "count": 1}], "prompt": "a photo of a refrigerator"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a black skis"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a hot dog"} +{"tag": "single_object", "include": [{"class": "bottle", "count": 1}], "prompt": "a photo of a bottle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a broccoli"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a black kite and a green bear"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "a photo of four traffic lights"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a brown dining table and a white suitcase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sandwich"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a snowboard"} +{"tag": "single_object", "include": [{"class": "sandwich", "count": 1}], "prompt": "a photo of a sandwich"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a pink skateboard and a black train"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a tv"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cat"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a baseball bat and a giraffe"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow parking meter and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a book and a baseball bat"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a chair and a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a computer keyboard"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a purple backpack"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a red stop sign and a blue book"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a knife"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toilet"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a green vase"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a white dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a parking meter"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a horse and a giraffe"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "prompt": "a photo of three cups"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a white dog and a blue potted plant"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a skis"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a horse and a train"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple suitcase"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a computer mouse and a spoon"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a toothbrush and a bench"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a white fire hydrant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a backpack"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an umbrella"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow car and an orange toothbrush"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "a photo of two frisbees"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer keyboard and a blue scissors"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow parking meter"} +{"tag": "single_object", "include": [{"class": "train", "count": 1}], "prompt": "a photo of a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a hair drier"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a pink broccoli and a red sink"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a black donut"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "prompt": "a photo of four dogs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a toothbrush"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a frisbee and a cell phone"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a white handbag and a purple bed"} +{"tag": "single_object", "include": [{"class": "hot dog", "count": 1}], "prompt": "a photo of a hot dog"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cake and a zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "single_object", "include": [{"class": "tie", "count": 1}], "prompt": "a photo of a tie"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a fork and a baseball glove"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a black dining table"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a frisbee and a couch"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a parking meter and a teddy bear"} +{"tag": "single_object", "include": [{"class": "kite", "count": 1}], "prompt": "a photo of a kite"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "single_object", "include": [{"class": "stop sign", "count": 1}], "prompt": "a photo of a stop sign"} +{"tag": "single_object", "include": [{"class": "teddy bear", "count": 1}], "prompt": "a photo of a teddy bear"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a book and a laptop"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a couch and a horse"} +{"tag": "single_object", "include": [{"class": "handbag", "count": 1}], "prompt": "a photo of a handbag"} +{"tag": "single_object", "include": [{"class": "hair drier", "count": 1}], "prompt": "a photo of a hair drier"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a tennis racket and a wine glass"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a fire hydrant and a train"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white tie and a purple skateboard"} +{"tag": "single_object", "include": [{"class": "baseball glove", "count": 1}], "prompt": "a photo of a baseball glove"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a pizza and a book"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a broccoli and a parking meter"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a fire hydrant"} +{"tag": "single_object", "include": [{"class": "bear", "count": 1}], "prompt": "a photo of a bear"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a blue umbrella"} +{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "a photo of a toothbrush"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a purple suitcase and an orange pizza"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a baseball glove and a carrot"} +{"tag": "single_object", "include": [{"class": "oven", "count": 1}], "prompt": "a photo of an oven"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a wine glass and a handbag"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of an orange skateboard and a pink bowl"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a blue book"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a person and a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a train"} +{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fire hydrant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cow"} +{"tag": "single_object", "include": [{"class": "tennis racket", "count": 1}], "prompt": "a photo of a tennis racket"} +{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "a photo of a clock"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a stop sign and a toaster"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a white dining table and a red car"} +{"tag": "single_object", "include": [{"class": "chair", "count": 1}], "prompt": "a photo of a chair"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an umbrella"} +{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "a photo of an umbrella"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a parking meter"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of an orange truck and a pink sink"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "single_object", "include": [{"class": "horse", "count": 1}], "prompt": "a photo of a horse"} +{"tag": "single_object", "include": [{"class": "banana", "count": 1}], "prompt": "a photo of a banana"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a frisbee and a vase"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a red car and an orange potted plant"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cow and a horse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bottle"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of an orange motorcycle and a pink donut"} +{"tag": "single_object", "include": [{"class": "parking meter", "count": 1}], "prompt": "a photo of a parking meter"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue elephant"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of an orange microwave and a black spoon"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a laptop and a carrot"} +{"tag": "single_object", "include": [{"class": "cow", "count": 1}], "prompt": "a photo of a cow"} +{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "a photo of a wine glass"} +{"tag": "single_object", "include": [{"class": "scissors", "count": 1}], "prompt": "a photo of a scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a zebra and a bed"} +{"tag": "single_object", "include": [{"class": "bicycle", "count": 1}], "prompt": "a photo of a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an umbrella"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "a photo of a baseball bat"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a pink parking meter"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "a photo of three apples"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bus and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a red umbrella and a blue couch"} +{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "a photo of a car"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cup and a yellow bowl"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow suitcase and a brown bus"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a tv and a carrot"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a pink dining table and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a purple backpack and a white umbrella"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue laptop and a brown bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a kite"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a purple wine glass and a black apple"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a horse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a black bus and a brown cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a sports ball"} +{"tag": "single_object", "include": [{"class": "truck", "count": 1}], "prompt": "a photo of a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cow"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a couch and a snowboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer keyboard"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a fire hydrant and a tennis racket"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a blue handbag and a white cell phone"} +{"tag": "single_object", "include": [{"class": "backpack", "count": 1}], "prompt": "a photo of a backpack"} +{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "a photo of a traffic light"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a knife and a zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a parking meter"} +{"tag": "single_object", "include": [{"class": "couch", "count": 1}], "prompt": "a photo of a couch"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "a photo of four microwaves"} +{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "a photo of a microwave"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a baseball glove"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a handbag and a refrigerator"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a green clock"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "a photo of four books"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sports ball and a cow"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a truck"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a baseball bat and a fork"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a stop sign and a motorcycle"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a computer mouse and a zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a suitcase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cake"} +{"tag": "single_object", "include": [{"class": "potted plant", "count": 1}], "prompt": "a photo of a potted plant"} +{"tag": "single_object", "include": [{"class": "computer mouse", "count": 1}], "prompt": "a photo of a computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a spoon"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple potted plant"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a red backpack"} +{"tag": "single_object", "include": [{"class": "toaster", "count": 1}], "prompt": "a photo of a toaster"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a red bowl and a pink sink"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a person and a snowboard"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "prompt": "a photo of four apples"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "a photo of two wine glasses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a pink handbag and a black scissors"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow dining table and a pink dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "a photo of a bowl"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a purple computer keyboard and a red chair"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a zebra"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a bowl and a skis"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a broccoli and a vase"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red train and a purple bear"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a frisbee and an apple"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bed"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cup"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a computer keyboard and a laptop"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red clock and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a red cake and a purple chair"} +{"tag": "single_object", "include": [{"class": "fork", "count": 1}], "prompt": "a photo of a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a blue baseball bat and a pink book"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sheep and a pink banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tv"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a scissors and a sandwich"} +{"tag": "single_object", "include": [{"class": "orange", "count": 1}], "prompt": "a photo of an orange"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a blue clock and a white cup"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a yellow pizza and a green oven"} +{"tag": "single_object", "include": [{"class": "knife", "count": 1}], "prompt": "a photo of a knife"} +{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "a photo of a bed"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a carrot and a couch"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a white banana and a black elephant"} +{"tag": "single_object", "include": [{"class": "cake", "count": 1}], "prompt": "a photo of a cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a chair"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tie and a pink dining table"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tennis racket and a bird"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown computer mouse and a purple bottle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sports ball"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a red potted plant"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a knife and a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an orange"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a black broccoli and a yellow cake"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "a photo of a toilet"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a green microwave"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow stop sign and a blue potted plant"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a black bottle and a white refrigerator"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a chair and a laptop"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a green skateboard"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a car and a computer mouse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a computer keyboard and a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a boat"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a toothbrush and a carrot"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a green suitcase and a blue boat"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a suitcase and a dining table"} +{"tag": "single_object", "include": [{"class": "cat", "count": 1}], "prompt": "a photo of a cat"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a green skis and a brown airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bird and a black motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a wine glass and a bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fork"} +{"tag": "single_object", "include": [{"class": "boat", "count": 1}], "prompt": "a photo of a boat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an airplane"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a microwave and a truck"} +{"tag": "single_object", "include": [{"class": "carrot", "count": 1}], "prompt": "a photo of a carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cow"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a red umbrella and a green cow"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "single_object", "include": [{"class": "bird", "count": 1}], "prompt": "a photo of a bird"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an elephant"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "a photo of two toothbrushs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a scissors"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bench and a vase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tv remote and a blue airplane"} +{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "a photo of a dog"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a person and a bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange oven"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a toilet and a computer mouse"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "a photo of four skateboards"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of an orange scissors"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a toothbrush"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a banana"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a white handbag and a red giraffe"} +{"tag": "single_object", "include": [{"class": "tv remote", "count": 1}], "prompt": "a photo of a tv remote"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow skateboard and an orange computer mouse"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a brown orange"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of an orange giraffe and a white baseball glove"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a scissors and a bird"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black banana"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a zebra"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow elephant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red giraffe and a black cell phone"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "a photo of a skateboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an airplane"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toaster"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue pizza and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sink"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a skateboard and a cake"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue cow and a black computer keyboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an elephant"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a dining table and a bear"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "prompt": "a photo of three baseball bats"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a fork and a knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of an apple and a toothbrush"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a potted plant and a donut"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a purple elephant and a brown sports ball"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a laptop"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sports ball and a green boat"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a surfboard and a suitcase"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fire hydrant"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a blue clock"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a boat"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "single_object", "include": [{"class": "dining table", "count": 1}], "prompt": "a photo of a dining table"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a red apple"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a skateboard and a sink"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a fork and a book"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a horse"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a brown knife and a blue donut"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cup"} +{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "a photo of a skis"} +{"tag": "single_object", "include": [{"class": "cell phone", "count": 1}], "prompt": "a photo of a cell phone"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tie and a broccoli"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "a photo of two clocks"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bed and a pink cell phone"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a person and a traffic light"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "a photo of three books"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer keyboard and a black sink"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a hair drier and a bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bench and a sports ball"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bottle and a refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a cow"} +{"tag": "single_object", "include": [{"class": "bus", "count": 1}], "prompt": "a photo of a bus"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a hair drier and a cake"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a giraffe and a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of an orange snowboard and a green cat"} +{"tag": "single_object", "include": [{"class": "person", "count": 1}], "prompt": "a photo of a person"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a couch and a wine glass"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"} +{"tag": "single_object", "include": [{"class": "airplane", "count": 1}], "prompt": "a photo of an airplane"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "prompt": "a photo of three fire hydrants"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a skateboard"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a black bicycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a pizza"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a blue carrot"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "a photo of three wine glasses"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a toothbrush and a toilet"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cow and a purple sandwich"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a stop sign and a fork"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange umbrella"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a purple parking meter and a red laptop"} +{"tag": "single_object", "include": [{"class": "suitcase", "count": 1}], "prompt": "a photo of a suitcase"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "a photo of two beds"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a scissors and a bowl"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a banana"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow handbag and a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a brown car and a pink hair drier"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a pizza and a bench"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bowl and a pizza"} +{"tag": "single_object", "include": [{"class": "surfboard", "count": 1}], "prompt": "a photo of a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a broccoli"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a tv and a cell phone"} +{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "a photo of a cup"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a green bus and a purple microwave"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a stop sign and a bottle"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tennis racket and a bicycle"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sink and a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a blue cell phone and a green apple"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an oven"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a purple dog and a black dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a person and an apple"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a potted plant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a kite"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bowl and a white baseball glove"} +{"tag": "single_object", "include": [{"class": "pizza", "count": 1}], "prompt": "a photo of a pizza"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a brown giraffe and a white stop sign"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a white pizza and a green umbrella"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple train"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a cake and a stop sign"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a green cup and a red pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "a photo of four frisbees"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a frisbee"} +{"tag": "single_object", "include": [{"class": "sports ball", "count": 1}], "prompt": "a photo of a sports ball"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "a photo of four bowls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a dining table"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a baseball bat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a vase"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a horse and a computer keyboard"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a potted plant and a boat"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a computer keyboard and a microwave"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a baseball bat"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a knife"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a white orange"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a brown hot dog and a purple pizza"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink oven and a green motorcycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a person and a sink"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of an oven and a bed"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tv and a bicycle"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a red laptop and a brown car"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a black car and a green parking meter"} +{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "a photo of a book"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a white toilet and a red apple"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tennis racket"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer mouse"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a black potted plant and a yellow toilet"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white boat and an orange hot dog"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "single_object", "include": [{"class": "broccoli", "count": 1}], "prompt": "a photo of a broccoli"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a traffic light and a backpack"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a toothbrush and a snowboard"} +{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "a photo of an apple"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a tie"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "prompt": "a photo of four clocks"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a potted plant and a backpack"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skis"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a vase and a spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a surfboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of an orange orange"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a black teddy bear"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bear"} +{"tag": "single_object", "include": [{"class": "sheep", "count": 1}], "prompt": "a photo of a sheep"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tennis racket and a yellow sports ball"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of an orange laptop"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "prompt": "a photo of two toilets"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a white wine glass and a brown giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a tv"} +{"tag": "single_object", "include": [{"class": "donut", "count": 1}], "prompt": "a photo of a donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a green teddy bear and a brown kite"} +{"tag": "single_object", "include": [{"class": "sink", "count": 1}], "prompt": "a photo of a sink"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple elephant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a horse"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hair drier"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "prompt": "a photo of two fire hydrants"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bicycle and a red motorcycle"} +{"tag": "single_object", "include": [{"class": "giraffe", "count": 1}], "prompt": "a photo of a giraffe"} +{"tag": "single_object", "include": [{"class": "laptop", "count": 1}], "prompt": "a photo of a laptop"} +{"tag": "single_object", "include": [{"class": "bench", "count": 1}], "prompt": "a photo of a bench"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a baseball bat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a skateboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a clock"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a traffic light"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a baseball bat and a bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a red orange and a purple broccoli"} +{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "a photo of a frisbee"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink skateboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "single_object", "include": [{"class": "computer keyboard", "count": 1}], "prompt": "a photo of a computer keyboard"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a green traffic light"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a pink car"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "a photo of an elephant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a couch"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a white bottle and a blue sheep"} +{"tag": "single_object", "include": [{"class": "spoon", "count": 1}], "prompt": "a photo of a spoon"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a pink stop sign"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a potted plant"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "a photo of two cars"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a purple carrot"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of an orange potted plant and a black spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a white sheep"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a red scissors"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of an orange handbag and a red car"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange handbag and a green carrot"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cell phone"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange donut and a yellow stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a person"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a stop sign and a dog"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a blue toilet and a white suitcase"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of a red dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a chair"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bench and a snowboard"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cell phone and a horse"} +{"tag": "single_object", "include": [{"class": "vase", "count": 1}], "prompt": "a photo of a vase"} +{"tag": "single_object", "include": [{"class": "zebra", "count": 1}], "prompt": "a photo of a zebra"} +{"tag": "single_object", "include": [{"class": "motorcycle", "count": 1}], "prompt": "a photo of a motorcycle"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a white sandwich"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a black vase"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a baseball bat"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a purple tennis racket and a black sink"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a motorcycle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a toilet"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a red zebra"} +{"tag": "single_object", "include": [{"class": "tv", "count": 1}], "prompt": "a photo of a tv"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a microwave and a bench"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a red skis and a brown tie"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of an orange traffic light and a white toilet"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a red car"} +{"tag": "single_object", "include": [{"class": "snowboard", "count": 1}], "prompt": "a photo of a snowboard"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a red cup and a pink handbag"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a toaster and an oven"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a green tennis racket and a black dog"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a fork"} +{"tag": "single_object", "include": [{"class": "refrigerator", "count": 1}], "prompt": "a photo of a refrigerator"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a black skis"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a hot dog"} +{"tag": "single_object", "include": [{"class": "bottle", "count": 1}], "prompt": "a photo of a bottle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a broccoli"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a black kite and a green bear"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "a photo of four traffic lights"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a brown dining table and a white suitcase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sandwich"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a snowboard"} +{"tag": "single_object", "include": [{"class": "sandwich", "count": 1}], "prompt": "a photo of a sandwich"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a pink skateboard and a black train"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a tv"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cat"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a baseball bat and a giraffe"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow parking meter and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a book and a baseball bat"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a chair and a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a computer keyboard"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a purple backpack"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a red stop sign and a blue book"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a knife"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toilet"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a green vase"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a white dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a parking meter"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a horse and a giraffe"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "prompt": "a photo of three cups"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a white dog and a blue potted plant"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a skis"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a horse and a train"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple suitcase"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a computer mouse and a spoon"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a toothbrush and a bench"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a white fire hydrant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a backpack"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an umbrella"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow car and an orange toothbrush"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "a photo of two frisbees"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer keyboard and a blue scissors"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow parking meter"} +{"tag": "single_object", "include": [{"class": "train", "count": 1}], "prompt": "a photo of a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a hair drier"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a pink broccoli and a red sink"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a black donut"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "prompt": "a photo of four dogs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a toothbrush"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a frisbee and a cell phone"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a white handbag and a purple bed"} +{"tag": "single_object", "include": [{"class": "hot dog", "count": 1}], "prompt": "a photo of a hot dog"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cake and a zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "single_object", "include": [{"class": "tie", "count": 1}], "prompt": "a photo of a tie"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a fork and a baseball glove"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a black dining table"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a frisbee and a couch"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a parking meter and a teddy bear"} +{"tag": "single_object", "include": [{"class": "kite", "count": 1}], "prompt": "a photo of a kite"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "single_object", "include": [{"class": "stop sign", "count": 1}], "prompt": "a photo of a stop sign"} +{"tag": "single_object", "include": [{"class": "teddy bear", "count": 1}], "prompt": "a photo of a teddy bear"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a book and a laptop"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a couch and a horse"} +{"tag": "single_object", "include": [{"class": "handbag", "count": 1}], "prompt": "a photo of a handbag"} +{"tag": "single_object", "include": [{"class": "hair drier", "count": 1}], "prompt": "a photo of a hair drier"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a tennis racket and a wine glass"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a fire hydrant and a train"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white tie and a purple skateboard"} +{"tag": "single_object", "include": [{"class": "baseball glove", "count": 1}], "prompt": "a photo of a baseball glove"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a pizza and a book"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a broccoli and a parking meter"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a fire hydrant"} +{"tag": "single_object", "include": [{"class": "bear", "count": 1}], "prompt": "a photo of a bear"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a blue umbrella"} +{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "a photo of a toothbrush"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a purple suitcase and an orange pizza"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a baseball glove and a carrot"} +{"tag": "single_object", "include": [{"class": "oven", "count": 1}], "prompt": "a photo of an oven"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a wine glass and a handbag"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of an orange skateboard and a pink bowl"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a blue book"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a person and a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a train"} +{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fire hydrant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cow"} +{"tag": "single_object", "include": [{"class": "tennis racket", "count": 1}], "prompt": "a photo of a tennis racket"} +{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "a photo of a clock"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a stop sign and a toaster"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a white dining table and a red car"} +{"tag": "single_object", "include": [{"class": "chair", "count": 1}], "prompt": "a photo of a chair"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an umbrella"} +{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "a photo of an umbrella"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a parking meter"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of an orange truck and a pink sink"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "single_object", "include": [{"class": "horse", "count": 1}], "prompt": "a photo of a horse"} +{"tag": "single_object", "include": [{"class": "banana", "count": 1}], "prompt": "a photo of a banana"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a frisbee and a vase"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a red car and an orange potted plant"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cow and a horse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bottle"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of an orange motorcycle and a pink donut"} +{"tag": "single_object", "include": [{"class": "parking meter", "count": 1}], "prompt": "a photo of a parking meter"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue elephant"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of an orange microwave and a black spoon"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a laptop and a carrot"} +{"tag": "single_object", "include": [{"class": "cow", "count": 1}], "prompt": "a photo of a cow"} +{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "a photo of a wine glass"} +{"tag": "single_object", "include": [{"class": "scissors", "count": 1}], "prompt": "a photo of a scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a zebra and a bed"} +{"tag": "single_object", "include": [{"class": "bicycle", "count": 1}], "prompt": "a photo of a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an umbrella"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "a photo of a baseball bat"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a pink parking meter"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "a photo of three apples"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bus and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a red umbrella and a blue couch"} +{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "a photo of a car"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cup and a yellow bowl"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow suitcase and a brown bus"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a tv and a carrot"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a pink dining table and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a purple backpack and a white umbrella"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue laptop and a brown bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a kite"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a purple wine glass and a black apple"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a horse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a black bus and a brown cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a sports ball"} +{"tag": "single_object", "include": [{"class": "truck", "count": 1}], "prompt": "a photo of a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cow"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a couch and a snowboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer keyboard"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a fire hydrant and a tennis racket"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a blue handbag and a white cell phone"} +{"tag": "single_object", "include": [{"class": "backpack", "count": 1}], "prompt": "a photo of a backpack"} +{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "a photo of a traffic light"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a knife and a zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a parking meter"} +{"tag": "single_object", "include": [{"class": "couch", "count": 1}], "prompt": "a photo of a couch"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "a photo of four microwaves"} +{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "a photo of a microwave"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a baseball glove"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a handbag and a refrigerator"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a green clock"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "a photo of four books"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sports ball and a cow"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a truck"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a baseball bat and a fork"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a stop sign and a motorcycle"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a computer mouse and a zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a suitcase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cake"} +{"tag": "single_object", "include": [{"class": "potted plant", "count": 1}], "prompt": "a photo of a potted plant"} +{"tag": "single_object", "include": [{"class": "computer mouse", "count": 1}], "prompt": "a photo of a computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a spoon"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple potted plant"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a red backpack"} +{"tag": "single_object", "include": [{"class": "toaster", "count": 1}], "prompt": "a photo of a toaster"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a red bowl and a pink sink"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a person and a snowboard"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "prompt": "a photo of four apples"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "a photo of two wine glasses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a pink handbag and a black scissors"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow dining table and a pink dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "a photo of a bowl"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a purple computer keyboard and a red chair"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a zebra"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a bowl and a skis"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a broccoli and a vase"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red train and a purple bear"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a frisbee and an apple"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bed"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cup"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a computer keyboard and a laptop"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red clock and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a red cake and a purple chair"} +{"tag": "single_object", "include": [{"class": "fork", "count": 1}], "prompt": "a photo of a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a blue baseball bat and a pink book"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sheep and a pink banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tv"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a scissors and a sandwich"} +{"tag": "single_object", "include": [{"class": "orange", "count": 1}], "prompt": "a photo of an orange"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a blue clock and a white cup"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a yellow pizza and a green oven"} +{"tag": "single_object", "include": [{"class": "knife", "count": 1}], "prompt": "a photo of a knife"} +{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "a photo of a bed"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a carrot and a couch"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a white banana and a black elephant"} +{"tag": "single_object", "include": [{"class": "cake", "count": 1}], "prompt": "a photo of a cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a chair"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tie and a pink dining table"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tennis racket and a bird"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown computer mouse and a purple bottle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sports ball"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a red potted plant"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a knife and a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an orange"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a black broccoli and a yellow cake"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "a photo of a toilet"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a green microwave"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow stop sign and a blue potted plant"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a black bottle and a white refrigerator"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a chair and a laptop"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a green skateboard"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a car and a computer mouse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a computer keyboard and a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a boat"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a toothbrush and a carrot"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a green suitcase and a blue boat"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a suitcase and a dining table"} +{"tag": "single_object", "include": [{"class": "cat", "count": 1}], "prompt": "a photo of a cat"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a green skis and a brown airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bird and a black motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a wine glass and a bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fork"} +{"tag": "single_object", "include": [{"class": "boat", "count": 1}], "prompt": "a photo of a boat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an airplane"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a microwave and a truck"} +{"tag": "single_object", "include": [{"class": "carrot", "count": 1}], "prompt": "a photo of a carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cow"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a red umbrella and a green cow"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "single_object", "include": [{"class": "bird", "count": 1}], "prompt": "a photo of a bird"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an elephant"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "a photo of two toothbrushs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a scissors"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bench and a vase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tv remote and a blue airplane"} +{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "a photo of a dog"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a person and a bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange oven"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a toilet and a computer mouse"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "a photo of four skateboards"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of an orange scissors"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a toothbrush"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a banana"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a white handbag and a red giraffe"} +{"tag": "single_object", "include": [{"class": "tv remote", "count": 1}], "prompt": "a photo of a tv remote"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow skateboard and an orange computer mouse"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a brown orange"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of an orange giraffe and a white baseball glove"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a scissors and a bird"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black banana"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a zebra"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow elephant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red giraffe and a black cell phone"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "a photo of a skateboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an airplane"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toaster"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue pizza and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sink"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a skateboard and a cake"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue cow and a black computer keyboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an elephant"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a dining table and a bear"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "prompt": "a photo of three baseball bats"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a fork and a knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of an apple and a toothbrush"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a potted plant and a donut"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a purple elephant and a brown sports ball"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a laptop"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sports ball and a green boat"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a surfboard and a suitcase"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fire hydrant"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a blue clock"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a boat"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "single_object", "include": [{"class": "dining table", "count": 1}], "prompt": "a photo of a dining table"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a red apple"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a skateboard and a sink"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a fork and a book"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a horse"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a brown knife and a blue donut"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cup"} +{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "a photo of a skis"} +{"tag": "single_object", "include": [{"class": "cell phone", "count": 1}], "prompt": "a photo of a cell phone"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tie and a broccoli"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "a photo of two clocks"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bed and a pink cell phone"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a person and a traffic light"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "a photo of three books"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer keyboard and a black sink"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a hair drier and a bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bench and a sports ball"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bottle and a refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a cow"} +{"tag": "single_object", "include": [{"class": "bus", "count": 1}], "prompt": "a photo of a bus"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a hair drier and a cake"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a giraffe and a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of an orange snowboard and a green cat"} +{"tag": "single_object", "include": [{"class": "person", "count": 1}], "prompt": "a photo of a person"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a couch and a wine glass"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"} +{"tag": "single_object", "include": [{"class": "airplane", "count": 1}], "prompt": "a photo of an airplane"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 3}], "exclude": [{"class": "fire hydrant", "count": 4}], "prompt": "a photo of three fire hydrants"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a skateboard"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a black bicycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a pizza"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a blue carrot"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "a photo of three wine glasses"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a toothbrush and a toilet"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cow and a purple sandwich"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a stop sign and a fork"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange umbrella"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a purple parking meter and a red laptop"} +{"tag": "single_object", "include": [{"class": "suitcase", "count": 1}], "prompt": "a photo of a suitcase"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "a photo of two beds"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a scissors and a bowl"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a banana"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow handbag and a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a brown car and a pink hair drier"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a pizza and a bench"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bowl and a pizza"} +{"tag": "single_object", "include": [{"class": "surfboard", "count": 1}], "prompt": "a photo of a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a broccoli"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a tv and a cell phone"} +{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "a photo of a cup"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a green bus and a purple microwave"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a stop sign and a bottle"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tennis racket and a bicycle"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sink and a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a blue cell phone and a green apple"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an oven"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a purple dog and a black dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a person and an apple"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a potted plant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a kite"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bowl and a white baseball glove"} +{"tag": "single_object", "include": [{"class": "pizza", "count": 1}], "prompt": "a photo of a pizza"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a brown giraffe and a white stop sign"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a white pizza and a green umbrella"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple train"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a cake and a stop sign"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a green cup and a red pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "a photo of four frisbees"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a frisbee"} +{"tag": "single_object", "include": [{"class": "sports ball", "count": 1}], "prompt": "a photo of a sports ball"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "a photo of four bowls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a dining table"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a baseball bat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a vase"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a horse and a computer keyboard"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a potted plant and a boat"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a computer keyboard and a microwave"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a baseball bat"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a knife"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a white orange"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a brown hot dog and a purple pizza"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink oven and a green motorcycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a person and a sink"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of an oven and a bed"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tv and a bicycle"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a red laptop and a brown car"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a black car and a green parking meter"} +{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "a photo of a book"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a white toilet and a red apple"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tennis racket"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer mouse"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a black potted plant and a yellow toilet"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white boat and an orange hot dog"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "single_object", "include": [{"class": "broccoli", "count": 1}], "prompt": "a photo of a broccoli"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a traffic light and a backpack"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a toothbrush and a snowboard"} +{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "a photo of an apple"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a tie"} +{"tag": "counting", "include": [{"class": "clock", "count": 4}], "exclude": [{"class": "clock", "count": 5}], "prompt": "a photo of four clocks"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a potted plant and a backpack"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skis"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a vase and a spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a surfboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of an orange orange"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a black teddy bear"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bear"} +{"tag": "single_object", "include": [{"class": "sheep", "count": 1}], "prompt": "a photo of a sheep"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tennis racket and a yellow sports ball"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of an orange laptop"} +{"tag": "counting", "include": [{"class": "toilet", "count": 2}], "exclude": [{"class": "toilet", "count": 3}], "prompt": "a photo of two toilets"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a white wine glass and a brown giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a tv"} +{"tag": "single_object", "include": [{"class": "donut", "count": 1}], "prompt": "a photo of a donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a green teddy bear and a brown kite"} +{"tag": "single_object", "include": [{"class": "sink", "count": 1}], "prompt": "a photo of a sink"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple elephant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a horse"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hair drier"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 2}], "exclude": [{"class": "fire hydrant", "count": 3}], "prompt": "a photo of two fire hydrants"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bicycle and a red motorcycle"} +{"tag": "single_object", "include": [{"class": "giraffe", "count": 1}], "prompt": "a photo of a giraffe"} +{"tag": "single_object", "include": [{"class": "laptop", "count": 1}], "prompt": "a photo of a laptop"} +{"tag": "single_object", "include": [{"class": "bench", "count": 1}], "prompt": "a photo of a bench"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a baseball bat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a skateboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a clock"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a traffic light"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a baseball bat and a bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a red orange and a purple broccoli"} +{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "a photo of a frisbee"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink skateboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "single_object", "include": [{"class": "computer keyboard", "count": 1}], "prompt": "a photo of a computer keyboard"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a green traffic light"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a pink car"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "a photo of an elephant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a couch"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a white bottle and a blue sheep"} +{"tag": "single_object", "include": [{"class": "spoon", "count": 1}], "prompt": "a photo of a spoon"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a pink stop sign"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a potted plant"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "a photo of two cars"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a purple carrot"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of an orange potted plant and a black spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a white sheep"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a red scissors"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of an orange handbag and a red car"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange handbag and a green carrot"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cell phone"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange donut and a yellow stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a person"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a stop sign and a dog"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a blue toilet and a white suitcase"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of a red dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a chair"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bench and a snowboard"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cell phone and a horse"} +{"tag": "single_object", "include": [{"class": "vase", "count": 1}], "prompt": "a photo of a vase"} +{"tag": "single_object", "include": [{"class": "zebra", "count": 1}], "prompt": "a photo of a zebra"} +{"tag": "single_object", "include": [{"class": "motorcycle", "count": 1}], "prompt": "a photo of a motorcycle"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a white sandwich"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a black vase"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a baseball bat"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a purple tennis racket and a black sink"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a motorcycle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a toilet"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a red zebra"} +{"tag": "single_object", "include": [{"class": "tv", "count": 1}], "prompt": "a photo of a tv"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a microwave and a bench"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a red skis and a brown tie"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of an orange traffic light and a white toilet"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a red car"} +{"tag": "single_object", "include": [{"class": "snowboard", "count": 1}], "prompt": "a photo of a snowboard"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a red cup and a pink handbag"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a toaster and an oven"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a green tennis racket and a black dog"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a fork"} +{"tag": "single_object", "include": [{"class": "refrigerator", "count": 1}], "prompt": "a photo of a refrigerator"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a black skis"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a hot dog"} +{"tag": "single_object", "include": [{"class": "bottle", "count": 1}], "prompt": "a photo of a bottle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a broccoli"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a black kite and a green bear"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "a photo of four traffic lights"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a brown dining table and a white suitcase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sandwich"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a snowboard"} +{"tag": "single_object", "include": [{"class": "sandwich", "count": 1}], "prompt": "a photo of a sandwich"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a pink skateboard and a black train"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a tv"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cat"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a baseball bat and a giraffe"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow parking meter and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a book and a baseball bat"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a chair and a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a computer keyboard"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a purple backpack"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a red stop sign and a blue book"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a knife"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toilet"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a green vase"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a white dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a parking meter"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a horse and a giraffe"} +{"tag": "counting", "include": [{"class": "cup", "count": 3}], "exclude": [{"class": "cup", "count": 4}], "prompt": "a photo of three cups"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a white dog and a blue potted plant"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a skis"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a horse and a train"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple suitcase"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a computer mouse and a spoon"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a toothbrush and a bench"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a white fire hydrant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a backpack"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an umbrella"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow car and an orange toothbrush"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "a photo of two frisbees"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer keyboard and a blue scissors"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow parking meter"} +{"tag": "single_object", "include": [{"class": "train", "count": 1}], "prompt": "a photo of a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a hair drier"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a pink broccoli and a red sink"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a black donut"} +{"tag": "counting", "include": [{"class": "dog", "count": 4}], "exclude": [{"class": "dog", "count": 5}], "prompt": "a photo of four dogs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a toothbrush"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a frisbee and a cell phone"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a white handbag and a purple bed"} +{"tag": "single_object", "include": [{"class": "hot dog", "count": 1}], "prompt": "a photo of a hot dog"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cake and a zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "single_object", "include": [{"class": "tie", "count": 1}], "prompt": "a photo of a tie"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a fork and a baseball glove"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a black dining table"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a frisbee and a couch"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a parking meter and a teddy bear"} +{"tag": "single_object", "include": [{"class": "kite", "count": 1}], "prompt": "a photo of a kite"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "single_object", "include": [{"class": "stop sign", "count": 1}], "prompt": "a photo of a stop sign"} +{"tag": "single_object", "include": [{"class": "teddy bear", "count": 1}], "prompt": "a photo of a teddy bear"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a book and a laptop"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a couch and a horse"} +{"tag": "single_object", "include": [{"class": "handbag", "count": 1}], "prompt": "a photo of a handbag"} +{"tag": "single_object", "include": [{"class": "hair drier", "count": 1}], "prompt": "a photo of a hair drier"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a tennis racket and a wine glass"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a fire hydrant and a train"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white tie and a purple skateboard"} +{"tag": "single_object", "include": [{"class": "baseball glove", "count": 1}], "prompt": "a photo of a baseball glove"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a pizza and a book"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a broccoli and a parking meter"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a fire hydrant"} +{"tag": "single_object", "include": [{"class": "bear", "count": 1}], "prompt": "a photo of a bear"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a blue umbrella"} +{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "a photo of a toothbrush"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a purple suitcase and an orange pizza"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a baseball glove and a carrot"} +{"tag": "single_object", "include": [{"class": "oven", "count": 1}], "prompt": "a photo of an oven"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a wine glass and a handbag"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of an orange skateboard and a pink bowl"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a blue book"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a person and a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a train"} +{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fire hydrant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cow"} +{"tag": "single_object", "include": [{"class": "tennis racket", "count": 1}], "prompt": "a photo of a tennis racket"} +{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "a photo of a clock"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a stop sign and a toaster"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a white dining table and a red car"} +{"tag": "single_object", "include": [{"class": "chair", "count": 1}], "prompt": "a photo of a chair"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an umbrella"} +{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "a photo of an umbrella"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a parking meter"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of an orange truck and a pink sink"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "single_object", "include": [{"class": "horse", "count": 1}], "prompt": "a photo of a horse"} +{"tag": "single_object", "include": [{"class": "banana", "count": 1}], "prompt": "a photo of a banana"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a frisbee and a vase"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a red car and an orange potted plant"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cow and a horse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bottle"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of an orange motorcycle and a pink donut"} +{"tag": "single_object", "include": [{"class": "parking meter", "count": 1}], "prompt": "a photo of a parking meter"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue elephant"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of an orange microwave and a black spoon"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a laptop and a carrot"} +{"tag": "single_object", "include": [{"class": "cow", "count": 1}], "prompt": "a photo of a cow"} +{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "a photo of a wine glass"} +{"tag": "single_object", "include": [{"class": "scissors", "count": 1}], "prompt": "a photo of a scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a zebra and a bed"} +{"tag": "single_object", "include": [{"class": "bicycle", "count": 1}], "prompt": "a photo of a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an umbrella"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "a photo of a baseball bat"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a pink parking meter"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "a photo of three apples"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bus and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a red umbrella and a blue couch"} +{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "a photo of a car"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cup and a yellow bowl"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow suitcase and a brown bus"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a tv and a carrot"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a pink dining table and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a purple backpack and a white umbrella"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue laptop and a brown bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a kite"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a purple wine glass and a black apple"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a horse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a black bus and a brown cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a sports ball"} +{"tag": "single_object", "include": [{"class": "truck", "count": 1}], "prompt": "a photo of a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cow"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a couch and a snowboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer keyboard"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a fire hydrant and a tennis racket"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a blue handbag and a white cell phone"} +{"tag": "single_object", "include": [{"class": "backpack", "count": 1}], "prompt": "a photo of a backpack"} +{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "a photo of a traffic light"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a knife and a zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a parking meter"} +{"tag": "single_object", "include": [{"class": "couch", "count": 1}], "prompt": "a photo of a couch"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "a photo of four microwaves"} +{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "a photo of a microwave"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a baseball glove"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a handbag and a refrigerator"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a green clock"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "a photo of four books"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sports ball and a cow"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a truck"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a baseball bat and a fork"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a stop sign and a motorcycle"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a computer mouse and a zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a suitcase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cake"} +{"tag": "single_object", "include": [{"class": "potted plant", "count": 1}], "prompt": "a photo of a potted plant"} +{"tag": "single_object", "include": [{"class": "computer mouse", "count": 1}], "prompt": "a photo of a computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a spoon"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple potted plant"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a red backpack"} +{"tag": "single_object", "include": [{"class": "toaster", "count": 1}], "prompt": "a photo of a toaster"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a red bowl and a pink sink"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a person and a snowboard"} +{"tag": "counting", "include": [{"class": "apple", "count": 4}], "exclude": [{"class": "apple", "count": 5}], "prompt": "a photo of four apples"} \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/dataset/geneval/train_metadata.jsonl b/ppdiffusers/examples/flow_grpo/dataset/geneval/train_metadata.jsonl new file mode 100644 index 000000000..0b97e8a68 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/geneval/train_metadata.jsonl @@ -0,0 +1,50000 @@ +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bus and an orange handbag"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a scissors"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an elephant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above an apple"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a motorcycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a kite"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a black cat and a red cell phone"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a blue wine glass and a green cell phone"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a tv"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a book"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a fork"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a spoon"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a snowboard"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of an umbrella"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a baseball bat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a dining table"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a carrot and a book"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an airplane"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange potted plant"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a fork"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a cat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a cat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tennis racket and a pink cow"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a red train and a green wine glass"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow fire hydrant and an orange traffic light"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a white giraffe and a blue apple"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a backpack"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a person"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an apple"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a zebra"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a cake"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a brown traffic light and a purple backpack"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a chair"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a stop sign"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a hair drier"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a stop sign"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a bowl"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a stop sign"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of an umbrella and an airplane"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of an orange"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a skis"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a baseball glove and a fire hydrant"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a dining table"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a sheep"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a toothbrush"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a bottle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow microwave"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a bench"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a book"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a bed"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a hot dog"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a parking meter and a toilet"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a zebra"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a zebra"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bowl"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a black skis and a brown traffic light"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white hair drier and a pink skateboard"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a bicycle and a skis"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a black wine glass"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a baseball glove and a pizza"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a bench"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above an airplane"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of an apple and a book"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a white traffic light and a pink spoon"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cup"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a green tv remote and a white bottle"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a zebra"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue carrot and a yellow bench"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sink"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a boat"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a book"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a cup"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a kite"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a brown bicycle and a green bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a computer keyboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bed"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a teddy bear"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bicycle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a handbag"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a kite"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a cow and a skateboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an airplane"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a potted plant"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a skateboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a train"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a pink backpack and a blue car"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a baseball glove"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a hair drier"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tv and a bird"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a horse"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cell phone and a pink toothbrush"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a black bowl and a brown hair drier"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a brown knife and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a purple surfboard and a green elephant"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a bed and a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a red parking meter and an orange refrigerator"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a truck"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a truck"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a refrigerator"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a backpack"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a spoon"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a baseball bat and a bench"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a toilet and a car"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a cow"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a fork"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a couch"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a purple horse and a red bus"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an umbrella"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a white laptop and an orange elephant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a pink fire hydrant and a green oven"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a refrigerator"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a truck and a toaster"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a kite"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a banana"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a frisbee"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below an umbrella"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a giraffe"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a skis"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tie and a brown bed"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a green bottle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a blue couch and a black carrot"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a car"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a blue toothbrush and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a red umbrella and a green motorcycle"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a baseball bat"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a motorcycle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a hot dog"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a computer mouse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a dining table"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a book"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a white bear and a red zebra"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sink"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of a white spoon and a yellow book"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a red bottle and a pink hair drier"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a purple cake and a green computer mouse"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a brown banana and a green dog"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a purple elephant and a white parking meter"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a purple couch and a red cow"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a bus"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a black dog and a blue apple"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a microwave"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bed"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a traffic light and a suitcase"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a kite and a computer mouse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a toaster"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bowl and a pink pizza"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a pizza"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a microwave and a car"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a book and an oven"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an oven"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bus"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bus and a pink suitcase"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a toaster and a parking meter"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a skis"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toaster and a brown horse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a couch"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a pink donut"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tv"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a black parking meter and a white traffic light"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a cake"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a purple laptop and an orange traffic light"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a green banana and a blue toilet"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a red frisbee and a blue car"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a hot dog"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a pink elephant and a red vase"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a boat"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of an apple"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a skis"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a red wine glass and a white bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a sink"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a pink broccoli and a white skateboard"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a backpack"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a red sandwich and a blue cake"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a yellow parking meter and a red giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a potted plant"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tennis racket and a pink cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a brown knife and a black frisbee"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a toaster"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a teddy bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple refrigerator and a black computer keyboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a green handbag and a blue donut"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a suitcase"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a donut"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a snowboard and a broccoli"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a traffic light"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a scissors"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a blue bird and a green fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a surfboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a vase"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an elephant"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a bowl"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a scissors"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a baseball bat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a train"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a microwave"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a dining table"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a snowboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a skis"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below an orange"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a cup"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a cake"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a tennis racket"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below an elephant"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a computer keyboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bird"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a parking meter and a truck"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a wine glass"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a toothbrush"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange computer keyboard and a yellow stop sign"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a hair drier"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "orange"}], "prompt": "a photo of an orange frisbee"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a pink toothbrush and an orange toilet"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a green apple and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a car"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a chair"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an orange"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a donut"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a yellow hair drier and a white giraffe"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a black bear and a green carrot"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a cup"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cell phone and a yellow horse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a hair drier"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a tie"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a black boat and a yellow knife"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a blue traffic light and a pink giraffe"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue umbrella and a yellow handbag"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of an umbrella and a broccoli"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a person"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a hot dog and a cup"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bench"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a computer mouse and a baseball bat"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a clock and a sandwich"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bowl"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a bicycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a cell phone"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a pink frisbee"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an oven"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a truck"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a white car and a green umbrella"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a snowboard"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skateboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a dog and a bus"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a black sports ball and a red bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of an oven"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a cup and a vase"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a backpack and a baseball glove"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a chair"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a blue scissors and an orange baseball glove"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above an elephant"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a frisbee"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a white microwave and an orange airplane"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tennis racket"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a wine glass"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a fire hydrant"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a computer keyboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a giraffe and a dining table"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bird"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a zebra"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a frisbee"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown toothbrush and a yellow bench"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a book"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a couch"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a red carrot"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of an elephant"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a wine glass and a suitcase"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a red bus and an orange couch"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a kite"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a frisbee"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a bottle and a knife"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a brown truck"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a car"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a donut"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a red hair drier and a purple umbrella"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a white dog and an orange carrot"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an oven"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a pink banana and an orange tv"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bowl"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bird"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a black bed and a red hot dog"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bear and a brown surfboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a skis"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a spoon"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a spoon"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a snowboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an apple"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a horse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cell phone"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bowl and a black dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a handbag"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a white bird and an orange cell phone"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a bear"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a tv and a laptop"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bicycle"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a brown horse and a white suitcase"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bear"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a couch"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a train"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a tie"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a carrot"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a backpack"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a red sports ball and a brown bear"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a blue giraffe and a brown stop sign"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sports ball"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a skateboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a carrot"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a chair"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a person"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a potted plant"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a hot dog"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bed and a yellow umbrella"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sports ball"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white chair and a purple bear"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a white cow and a pink bottle"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a pink elephant and a white frisbee"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a carrot"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a sandwich and a horse"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a tennis racket and a dog"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a snowboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a computer mouse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a tennis racket"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a train and a surfboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a suitcase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a motorcycle"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a handbag and a dining table"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a brown baseball glove and a white computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a person"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below an oven"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a toilet"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a carrot"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tennis racket and a pink sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of an orange"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a sandwich and a cake"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bicycle and a red pizza"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a cake"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a car"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a dining table"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a brown pizza and a red fire hydrant"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a fire hydrant"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a spoon"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a brown cell phone and a blue microwave"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a giraffe"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a knife"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a sheep and a backpack"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a blue toilet and an orange train"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a truck"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a toothbrush"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a horse"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a wine glass"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a broccoli"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a brown skateboard and a pink umbrella"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a banana"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a red zebra and a black oven"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a brown pizza and a black banana"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bus and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a clock"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a truck"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a pizza"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a blue baseball bat and a black parking meter"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cake and a red sheep"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a brown backpack and a black wine glass"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a clock"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above an umbrella"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown stop sign and a yellow car"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red fire hydrant and a yellow snowboard"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a bed and a backpack"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cat and a pink tie"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a baseball glove and a giraffe"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a surfboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a black bottle and a blue frisbee"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a black horse and a purple parking meter"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a motorcycle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an orange"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a clock"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a toothbrush"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a purple kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a white couch and a brown wine glass"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a dining table"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a dining table"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a white fork and a red bicycle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a toothbrush"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a spoon"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a computer keyboard"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tennis racket"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a vase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a wine glass"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a zebra"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red car and an orange teddy bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a kite"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a tie"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a backpack"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of an orange cake and a green hot dog"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a scissors and a bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a black train and a red bed"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a teddy bear and a zebra"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a hair drier and a train"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a white microwave"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a hot dog"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a sink"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a spoon and a cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a train"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of an orange skateboard and a white apple"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a black chair"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a horse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a kite"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a pink book and a white zebra"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a red carrot and a brown bicycle"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow refrigerator and a purple train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a sports ball"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of an oven"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a black cow and a pink spoon"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a truck and a hot dog"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a yellow backpack and a black sports ball"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a car"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a purple cat and a green dining table"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a blue donut and a black truck"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a donut"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a boat"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a book"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a brown tv remote and a red broccoli"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a pink train and an orange sheep"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an elephant"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a laptop"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a frisbee"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a cow and a bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a traffic light"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a sink"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a red dining table and a blue truck"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a refrigerator"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toaster"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a black chair and an orange sheep"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tv remote"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a purple knife and a green carrot"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a black bench"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a couch"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dog"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above an elephant"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bowl"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of an airplane"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a pizza and a tie"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a white stop sign and a yellow bear"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a cake and a sandwich"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a brown donut"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a white bowl and a black donut"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a dog"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a purple couch and a black stop sign"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a train"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a dining table"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a banana and a boat"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a parking meter"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a baseball glove"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a clock"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple cup and a red surfboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a zebra"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a teddy bear"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bed"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a giraffe"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a train"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a toilet"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cake"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a red bird and a purple tv"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a teddy bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bird"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a teddy bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a person"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cake"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a potted plant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a skis"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tv"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a banana"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a blue banana and a pink hair drier"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bed and a sandwich"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a person"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a car"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a dog"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a green skis and a black hot dog"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of an orange backpack and a green hair drier"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of an orange apple and a white dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a banana"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a carrot and a toilet"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a green teddy bear and a purple baseball bat"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a green hair drier and a black computer mouse"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a sandwich and a potted plant"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bed and a yellow backpack"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a bowl"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a scissors"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a pink toilet and a green toothbrush"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a white zebra"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red backpack and a purple bear"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a skateboard and a baseball glove"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tennis racket"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a black chair and a red cow"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a white umbrella and a pink zebra"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a snowboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an apple"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a white fire hydrant and a red bottle"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a surfboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a donut"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a sandwich"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a couch"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a refrigerator"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a horse"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a dog"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a book"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a carrot"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a white tv and a black book"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a skis"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a donut and a pizza"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a green horse and a pink zebra"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a purple couch and a green boat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bowl"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a person"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a yellow couch and a white orange"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a pizza"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of an orange cell phone and a red sheep"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a purple wine glass and a brown sink"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a vase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a chair"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a purple train and a black cup"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a skateboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a traffic light"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cow and a brown giraffe"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a toilet"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow couch and a blue airplane"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cat"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a pink skis"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a scissors"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a pink oven and an orange banana"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a banana and a sheep"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a black dog and a blue bottle"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a car"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a banana"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a red donut"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an apple"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sheep and a yellow bed"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a hot dog"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a black oven and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a yellow teddy bear and a white dog"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a truck"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a dining table"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a truck"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a snowboard"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a brown stop sign and a blue backpack"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a boat and a backpack"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bus and a pink cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a knife"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a book"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a train"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a pink umbrella and a brown stop sign"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of an orange stop sign and a white tv"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a car and a sheep"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a car"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a zebra"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above an oven"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below an orange"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a dining table"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a scissors"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a green tennis racket and a red toothbrush"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a book and a bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a vase"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a horse and a banana"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a white donut and a yellow clock"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a snowboard"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a wine glass"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a clock"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a dog"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a purple truck and a green hair drier"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bed"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a pink fire hydrant and a red toilet"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a green oven and a blue scissors"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a red toaster and a brown couch"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of an orange microwave"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a carrot"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a donut"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a teddy bear and a spoon"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a white vase and a brown truck"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a book"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a sports ball"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a red spoon"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a truck"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above an oven"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bus"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a couch"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a brown donut and a pink sheep"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a pink apple"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a motorcycle"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of an elephant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bench"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a bear"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bowl"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a person"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a green book"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a person"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a broccoli"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a scissors"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a toaster"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a blue bowl and a white stop sign"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a suitcase and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a pink car and a brown dining table"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow sheep and a brown apple"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a stop sign"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of an orange horse and a black clock"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below an oven"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of an orange airplane and a pink couch"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a carrot"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a brown stop sign and a purple fire hydrant"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a black computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bicycle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a traffic light"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tv remote"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a pizza"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a tv"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a wine glass"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a skis"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a green fire hydrant"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a toothbrush"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a green dog"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a backpack"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a blue skis and a white couch"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a computer mouse"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a potted plant and a bench"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bowl"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a toaster"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a kite"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a toilet"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a zebra"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a pink spoon"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a pizza"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bicycle and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a pink microwave and a blue clock"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a black refrigerator and a red fire hydrant"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above an umbrella"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bowl and a brown banana"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a vase"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange toilet and a yellow book"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue zebra and a yellow clock"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a tv remote"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a wine glass and a sandwich"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a clock"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a parking meter"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a vase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a sandwich"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tv remote"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a toothbrush"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a surfboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a white truck and a black book"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a brown umbrella and a black orange"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of an orange kite and a brown banana"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bottle"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a computer keyboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a toaster"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a green carrot and a brown knife"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bird"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a computer keyboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a truck"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of an orange car and a blue apple"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fire hydrant"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a white tie and a red airplane"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a pink skateboard and an orange knife"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a blue traffic light and a black hair drier"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above an apple"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a pink skis and a black cat"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tv remote and a pink bowl"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a pink skis and a green tennis racket"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a bowl"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bottle"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow wine glass and a pink train"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a microwave"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a knife"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a skateboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a horse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a parking meter"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a knife"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an airplane"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a handbag"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown motorcycle"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a black elephant and a white carrot"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a white cat and a blue train"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a black potted plant and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a traffic light"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a parking meter"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bicycle and an orange spoon"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a spoon"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a carrot"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a fire hydrant"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a cell phone and a sink"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bottle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a cow"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a couch"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a pizza and an apple"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a yellow train and a white wine glass"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a sheep"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a white clock and a green oven"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a donut"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a black stop sign and a blue fire hydrant"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a microwave"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of an orange skis and a brown kite"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a red skateboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a black chair and a red cat"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a white wine glass"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bed and a frisbee"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a hair drier and a vase"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bus and an orange parking meter"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of an airplane"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bowl"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a bicycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a snowboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a blue surfboard and an orange knife"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a green donut and a purple umbrella"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a sports ball"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a book"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bed"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a white backpack and a pink bus"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a skateboard"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of an elephant"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a book"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a vase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a tv"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of an orange donut"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a toilet"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bed and a yellow bicycle"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a stop sign"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a dog"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a hot dog"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a black chair and a blue sheep"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a bear and a bowl"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a parking meter"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a bus"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a brown cup and a red car"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a hot dog"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a microwave and a bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a donut"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a brown computer keyboard and a white motorcycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of an orange cake and a red stop sign"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a hair drier"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a book"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a blue zebra and a brown frisbee"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a white skis and a brown potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cow"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a horse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a baseball glove"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a tv remote"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a blue tv remote and a black handbag"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a horse"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a vase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bench"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a computer mouse"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bicycle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bench and a blue stop sign"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a microwave"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a baseball glove"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a bowl"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bowl"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a yellow snowboard and a white cell phone"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a carrot"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a boat"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple handbag and a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a red vase and a purple cup"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a hair drier"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a vase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a clock and a cake"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of an umbrella"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an airplane"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a broccoli"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a skis"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of an apple"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toilet"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a sheep"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bottle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a snowboard"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a frisbee"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a traffic light"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cup and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a black stop sign and a white backpack"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a pink cow and a white carrot"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a kite"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a bicycle"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a green toilet"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow carrot and a blue tv"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an umbrella"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a laptop"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a pink clock and a purple bowl"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a frisbee"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a backpack"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a pink skis and a white horse"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow couch and a purple frisbee"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a person"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a white couch and an orange bicycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bicycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bowl"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a cell phone and a hair drier"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a white motorcycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an airplane"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a pink toilet and a red toothbrush"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a car"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bus"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a parking meter and a banana"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a toilet"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a black cat and a green clock"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a red banana and a yellow cat"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow fire hydrant and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a stop sign"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a hot dog"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a toaster"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a white giraffe and a brown computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above an orange"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a cell phone"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bottle"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bear"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a toilet"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a bowl"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white laptop and a purple teddy bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a cow"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a broccoli"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a white surfboard and a red toothbrush"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cow"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a laptop"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow parking meter and a brown book"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cup and a brown oven"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a white suitcase"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a toothbrush"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a laptop"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a black spoon and a pink banana"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a chair"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a white computer mouse and a purple kite"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cat"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a knife"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a book"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow dog and a brown apple"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a pizza"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a cake"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fork and a blue book"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a potted plant"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an umbrella"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tv"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a skis and a parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an airplane"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an airplane"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a purple snowboard and a red couch"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a teddy bear and a toothbrush"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a kite"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a black bicycle and a pink backpack"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a fork"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of an airplane and a vase"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a black truck and a purple knife"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a black umbrella and an orange truck"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a purple parking meter and a brown fire hydrant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a cake"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a dining table"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a teddy bear"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a toothbrush"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a sheep"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a truck"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sink"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bowl"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a hair drier"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a book"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a zebra"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cell phone and an orange teddy bear"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sports ball and a blue pizza"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a toothbrush and a horse"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a blue stop sign"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a blue sink and a black cake"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a snowboard and a cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a laptop"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bed and a blue hair drier"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of an apple"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a banana"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a black bed and a green apple"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bench"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a surfboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a cup"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink potted plant and a yellow hair drier"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a potted plant"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a skis"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow couch and a brown oven"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a pink zebra and a black sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a banana"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow potted plant and a blue giraffe"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a refrigerator"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a blue truck and an orange hot dog"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a red potted plant and a green bottle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a black boat and a red bus"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange donut and a brown skateboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of an orange teddy bear and a red bed"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a frisbee"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a tie"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a pink hot dog and a brown computer keyboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a brown zebra and a pink vase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a suitcase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a dining table"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a boat"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of an orange traffic light"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a blue pizza and a black tv"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a brown kite and a green tv"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a baseball bat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a hair drier"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a white dining table and a blue orange"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a truck"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sheep"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue toilet and a yellow wine glass"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a hot dog"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a laptop"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of an elephant and a baseball bat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of an orange spoon and a pink laptop"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bus and an orange dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of an orange computer mouse and a green train"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a pink truck and a red tennis racket"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a carrot"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a blue cat and an orange suitcase"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a cat and an airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below an airplane"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a brown hot dog and a pink sandwich"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a scissors"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a clock"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a handbag"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a pink bear and a green laptop"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of an airplane"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a traffic light"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a blue motorcycle and a black donut"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bicycle"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a kite"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a zebra"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a pink laptop and a purple bus"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a suitcase"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bed"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a black snowboard and a pink bear"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a tie and a cup"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a brown microwave"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above an apple"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a yellow backpack and a green computer mouse"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a person"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a sheep"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a train"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a toothbrush"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a sheep"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a vase"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below an airplane"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tie"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a hot dog and an oven"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a baseball bat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a sports ball"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a blue frisbee and a red kite"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a sheep"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a teddy bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a truck"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a green horse and a brown cup"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toilet and a pink donut"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a suitcase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a kite"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bed"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a black zebra"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a pink scissors and a purple dog"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an apple"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a chair"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a red airplane and a purple clock"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a vase"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bottle and a yellow toilet"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a red baseball glove and a brown cup"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a black hot dog and a blue clock"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a dining table"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of an elephant"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a black apple and a blue cow"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a blue sheep and a green toilet"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black boat and a purple skateboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a dining table and a cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sports ball"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a stop sign"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink boat and a yellow tennis racket"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow hair drier and a blue boat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of an orange chair and a green microwave"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a dog"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a white teddy bear and a green donut"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a cow and a hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cow"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a sandwich"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a traffic light"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of an apple and a potted plant"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a red dog and a blue tennis racket"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a backpack"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a couch"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of an orange computer keyboard and a brown dining table"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a zebra"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below an oven"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a toilet"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of an umbrella and a dining table"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a microwave"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a purple motorcycle and an orange train"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bear and an orange knife"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an elephant"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cow"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a computer keyboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bicycle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an orange"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of an airplane and a wine glass"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a handbag"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below an oven"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sheep and an orange cell phone"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a black boat"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a green carrot and a yellow donut"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a computer keyboard and a baseball bat"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a frisbee and a kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bear and a blue cat"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of an umbrella and a bottle"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a bed and a kite"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bicycle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bottle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a sports ball"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a pink spoon and a white teddy bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bottle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a red potted plant and a black skateboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a vase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bottle"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a frisbee"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a donut"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of an orange giraffe and a pink sandwich"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a handbag"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown dog and a yellow oven"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown snowboard and a yellow sink"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a pink book and a blue handbag"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a microwave"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a surfboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a fork"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a surfboard and a broccoli"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cup"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bottle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a handbag"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an airplane"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a fire hydrant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a stop sign"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a tv"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a snowboard"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a yellow motorcycle and a black book"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a bicycle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a white dining table and a red bench"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cup"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a black zebra and a red computer mouse"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a giraffe"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bus"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a toaster"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a green clock and a pink book"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bottle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a green bus and a black bed"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a black knife and a white sandwich"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a white oven and a brown potted plant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bear"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toilet"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a toaster"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a bicycle"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a book and a skateboard"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below an umbrella"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a green toothbrush and a yellow cat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a handbag"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of an orange cell phone and a green bicycle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a computer mouse"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a kite"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a brown spoon and a white kite"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a laptop"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a tennis racket"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of an orange oven and a green tv remote"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an orange"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cow and a yellow cat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a backpack"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toothbrush"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a white cow and an orange cat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a purple train and a brown truck"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an oven"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of an elephant and a computer keyboard"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a sink and a zebra"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a green apple and a black traffic light"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a frisbee"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bicycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a tv remote"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of an orange and a potted plant"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a blue toaster and a purple handbag"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a couch"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a green potted plant and a red carrot"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cake"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a cup"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cake and a blue apple"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a black teddy bear and a blue toaster"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a tie"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a purple parking meter and a black carrot"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of an orange toaster and a blue suitcase"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a blue microwave and a green banana"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a vase"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a cell phone"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a handbag"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a skis"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a black backpack and a green traffic light"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a green banana and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a pink banana and a green cow"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sandwich and a purple toothbrush"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bicycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a dining table"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a green computer keyboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a purple orange and a black refrigerator"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a knife"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball bat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a brown apple and a green teddy bear"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a blue chair and a white orange"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a brown fire hydrant and a white cup"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a green baseball bat and a brown truck"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a blue computer mouse and a pink tie"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of an elephant"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a red banana and a white snowboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown couch and a yellow cake"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a vase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below an umbrella"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a tv remote"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a surfboard"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a book and a clock"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a motorcycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a scissors"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a green stop sign and a white potted plant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a refrigerator"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bowl"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bottle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red toaster and an orange computer keyboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a knife"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a teddy bear and a fork"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a pizza"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a suitcase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a snowboard"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a blue toilet and a white orange"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a red fork and a pink elephant"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a microwave and a potted plant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a baseball bat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a stop sign"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cake"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a scissors"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a toilet and a parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a red refrigerator and a brown banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a boat"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a brown zebra"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tv remote and a purple bench"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a boat"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a red teddy bear and a brown elephant"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a brown bench and a green orange"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cup"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a purple tennis racket and a red sports ball"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a green toilet and an orange fire hydrant"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a purple sports ball and a black apple"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a pink bus and a white orange"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a purple donut and a pink fork"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sandwich and a yellow frisbee"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an oven"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bowl"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a black giraffe and an orange pizza"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red hot dog and an orange teddy bear"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a book"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a black motorcycle and a white computer keyboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a scissors"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bowl and a purple tv remote"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a toothbrush"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a baseball glove"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bicycle"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black laptop"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a microwave and a banana"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a white traffic light and a yellow knife"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a yellow zebra and a white teddy bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a person"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a toilet"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a person"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a yellow horse and a green spoon"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bed"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a black suitcase"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a black backpack and a brown bowl"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a cup"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a handbag"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a tie"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a baseball glove"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a person"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "blue"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a blue book and a black microwave"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a sheep"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a bowl and a bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a horse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a toaster"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cell phone"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of an umbrella and a carrot"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tennis racket"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below an umbrella"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below an apple"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a scissors"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow elephant and an orange carrot"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bear"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a green toilet and a red truck"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a white giraffe and a green parking meter"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a black handbag and a pink spoon"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a computer mouse"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of an orange train"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a dog"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a brown chair and a white couch"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a book"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a toaster"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a potted plant"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a white laptop and an orange broccoli"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a pizza"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a knife"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of an orange"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a bed"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a kite"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a person"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bottle"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a hair drier"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a teddy bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a donut"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sink"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of an elephant and a tv"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a bowl"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of an orange dog and a brown backpack"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a spoon"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of an orange hair drier and a red sheep"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a teddy bear"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bed"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a red donut and a brown bench"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a scissors"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a giraffe"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a black sandwich and a white banana"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a cake"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a book"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of an orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a truck"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cake"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a blue dining table and an orange toaster"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a banana"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a teddy bear"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of an elephant"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a frisbee"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv and an orange cat"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a bowl and a backpack"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a kite"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a purple bowl and a red cake"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a computer mouse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a backpack"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a zebra"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a purple potted plant and a white elephant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a bicycle"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a bed"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a horse"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a traffic light"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a kite"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a green tv remote and an orange tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a brown donut and a blue cow"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bicycle and a yellow toothbrush"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a tie and a traffic light"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a brown laptop and a purple sink"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a tv"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow scissors and a blue backpack"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a sheep"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a car and a book"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a teddy bear"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of an orange handbag"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a clock"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of an orange toothbrush and a red airplane"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a brown apple"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a donut and a toothbrush"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bicycle and a purple giraffe"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above an apple"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a surfboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sports ball"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a tennis racket"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a toaster and a backpack"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a purple surfboard and a white stop sign"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a dining table"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of an umbrella"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a baseball glove"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a brown oven"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a clock"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a cup and a truck"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a banana"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sheep"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a computer keyboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a surfboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a sandwich"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a potted plant"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a suitcase"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a clock"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a person"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a blue teddy bear and a pink tv remote"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a teddy bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a white frisbee and an orange sports ball"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a purple teddy bear and a blue microwave"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a green bowl"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a brown computer keyboard and an orange dog"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bus and a purple oven"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a suitcase"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a purple frisbee and a red fire hydrant"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a toaster"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a brown donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a brown umbrella and a green baseball bat"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a red hair drier and a pink bird"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a white surfboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of an airplane"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a person"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a pink zebra and an orange fork"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a red spoon"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a spoon"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a black bicycle and a brown microwave"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a cow and a backpack"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a red toothbrush and a purple hair drier"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cow and a yellow giraffe"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a backpack"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bear"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow spoon"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a parking meter and a scissors"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a car and an umbrella"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a pink frisbee and an orange tennis racket"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a blue teddy bear and a brown fork"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a horse"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball bat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a sports ball"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tv"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a potted plant"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a white banana and a brown cake"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a clock and a sink"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow elephant and a purple boat"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a pizza and a kite"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a train"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a banana"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of an orange airplane and a white teddy bear"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a green dining table and a yellow truck"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a teddy bear"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a truck"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a handbag"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a bench"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tennis racket"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a car and a bottle"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tennis racket and a yellow skateboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a book"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a book"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a pink bed and a green truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a toaster"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a motorcycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a boat"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a toaster"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of an orange"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bicycle"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a toothbrush"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a blue giraffe and an orange sink"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a tv remote"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a snowboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a kite"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a purple cat and an orange dog"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a wine glass"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a bear"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of an umbrella"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a chair"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a red orange and a green fire hydrant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a boat and a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a blue hot dog and a green tv remote"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a zebra"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a chair"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a donut"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a purple wine glass and a white parking meter"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a green oven and a blue hair drier"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a computer keyboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bicycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a tv remote"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a hot dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of an oven"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a green baseball glove and a red tennis racket"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a white wine glass and a red chair"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cup and a blue cell phone"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a surfboard and a sports ball"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a brown surfboard and a pink truck"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a green banana and a black frisbee"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a green motorcycle and a red chair"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bench"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a snowboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a brown bed and a black tennis racket"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a purple dining table and a white tv remote"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a surfboard and a bowl"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a carrot"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cup"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a handbag"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an umbrella"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a purple tie and a white orange"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a tennis racket and an apple"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue cow and a yellow toothbrush"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a broccoli"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a blue horse and a green baseball bat"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a red skis"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a white carrot and an orange microwave"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a green fire hydrant"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a train"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bird"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a black fork and a green dining table"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a handbag"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a black snowboard and a green sandwich"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a purple broccoli and a blue train"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow clock and a pink traffic light"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange train and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow scissors and a blue bed"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a car"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a brown toaster and a green car"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a tennis racket and a donut"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a microwave"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of an orange kite and a brown refrigerator"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a skis"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a wine glass"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a laptop"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a clock"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a laptop"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a wine glass"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a cell phone"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bus"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a stop sign"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a broccoli"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a dog and a bed"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a suitcase"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a toilet and a cat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bus"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow hot dog and a pink bottle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bicycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a tennis racket"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a fire hydrant"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a black toilet"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of an orange"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a brown surfboard and an orange carrot"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red kite and an orange bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a clock"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a red potted plant and a yellow donut"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a cake"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a person"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a toilet"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a brown orange and a red apple"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a white cow and an orange tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a backpack"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a cow and a person"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a potted plant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a backpack"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a refrigerator and a bus"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a skis"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above an elephant"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a black backpack and a purple baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a stop sign"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of an airplane"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv and a purple snowboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a dining table"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a brown microwave and a purple cake"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink kite and a purple fire hydrant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a wine glass"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a toilet and a wine glass"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a hair drier"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a person"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sink"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a skis"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a zebra"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a pink dog and a black tv remote"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown toaster and a yellow baseball glove"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a sandwich and a bicycle"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a handbag and a skis"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange dining table and a brown skateboard"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a surfboard and a clock"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a red clock and a pink toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a person"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a microwave"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a brown handbag and a red sink"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of an orange bed and a red teddy bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a scissors"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a laptop"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sink and a yellow giraffe"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an oven"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a toothbrush"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white oven and a blue sports ball"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a white hair drier and a red couch"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a wine glass"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a motorcycle"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of an airplane and a clock"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a carrot and a wine glass"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a green kite and a white computer mouse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a couch"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a laptop"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a toothbrush"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a person"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a pink tv and a black suitcase"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a purple handbag and a black knife"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a book and a couch"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bear"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tv remote and a brown motorcycle"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a cup"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a sandwich"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a traffic light"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a refrigerator and a microwave"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a pink tennis racket and a white parking meter"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bowl and a bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a dining table"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dog"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a pizza"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a red snowboard and a brown parking meter"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a surfboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a handbag"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cat"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of an orange chair and a brown motorcycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a black computer mouse and a pink apple"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a baseball glove"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a fire hydrant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a baseball glove"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a green sink and a red bench"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a horse and a scissors"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a bed"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a white carrot"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a scissors and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow boat and an orange sink"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a purple kite and a blue hair drier"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange wine glass and a brown skateboard"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a brown bench and a white clock"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below an oven"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a red truck and a green bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a pizza"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a black pizza and a purple tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a tie"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a fire hydrant"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a white cake and a black traffic light"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a blue stop sign and an orange baseball glove"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sink"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of an orange couch and a pink backpack"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a purple elephant and a blue giraffe"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sandwich"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a sports ball"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sports ball"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a black skateboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a blue scissors and a pink hair drier"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a skateboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a white tie and a green laptop"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a purple toaster and a green wine glass"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a bird"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a suitcase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a baseball glove"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a surfboard"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a sports ball"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a black boat and a blue traffic light"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a blue airplane and a white couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a pizza"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a toothbrush and a cake"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a truck"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a skateboard"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown potted plant and a yellow kite"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a tv remote"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an airplane"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a kite"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow backpack and a pink computer keyboard"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a frisbee and a toothbrush"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow computer keyboard and a pink banana"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a backpack and a cell phone"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a black scissors and a green bowl"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a knife"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a fire hydrant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a surfboard"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a boat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a baseball bat"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a broccoli and an oven"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a red wine glass and a blue cell phone"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tennis racket"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a cake"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a computer mouse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an airplane"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a truck"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a giraffe"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a purple hair drier and a brown fork"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a scissors"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a car"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bottle"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a sandwich and a bear"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a white carrot and a green sandwich"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a purple traffic light and a red cell phone"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a white bench and a blue stop sign"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a green dining table and a brown horse"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a toothbrush"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a bicycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a broccoli"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a blue toaster and a brown hot dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a vase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a person"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bus"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a skateboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a couch"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a traffic light"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a surfboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a cow"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bus"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a brown laptop"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a kite and a bird"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a carrot"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink motorcycle and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of an orange train"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a white donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bicycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a carrot"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a microwave"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of an airplane and a tv"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a pink suitcase and a black cow"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a potted plant"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a parking meter"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bus"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a computer mouse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a dining table"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a clock"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a broccoli"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a cup and a snowboard"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a skateboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a skis"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of an airplane"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of an orange tv remote and a white microwave"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a green tie and a red car"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a red backpack and a brown handbag"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a blue tie and a red traffic light"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a tie"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bird and a yellow suitcase"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a pink car and a black scissors"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a teddy bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a zebra"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bed and a suitcase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a horse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a vase"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a sink"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a pink cup and a red motorcycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a purple oven and a pink spoon"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tv remote"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a white motorcycle and an orange kite"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above an airplane"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a red toilet and a black truck"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a laptop"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an airplane"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cake"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sports ball"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a pizza"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a blue frisbee"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a sink"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown baseball glove and a yellow truck"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tv remote and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bench and a brown carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a sink"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cup"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball bat"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of an orange baseball glove and a brown fire hydrant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a suitcase and a tennis racket"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a suitcase"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a truck"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a skateboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a clock"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a blue skis and a purple knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a cat"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a dog and a car"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a backpack"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a chair"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a tv remote"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a horse"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a toothbrush and a tie"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a scissors"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tie"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a motorcycle"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a skateboard"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a brown parking meter"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a red elephant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a sandwich"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an airplane"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a dining table"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a baseball bat and a train"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a hair drier and a skateboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a computer mouse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a motorcycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a spoon"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown cat and a yellow toaster"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sandwich and a pink bench"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple skateboard and a yellow book"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a red dog and a green airplane"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a giraffe"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a banana"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a purple computer mouse and a white suitcase"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a sink and a hot dog"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of an orange hair drier and a pink clock"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tv"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a giraffe and a person"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a vase"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a pink skateboard and a black giraffe"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a bed and a scissors"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a tv"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a blue tennis racket and a black train"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a skis"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a blue baseball bat and a green bus"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a horse"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a hair drier"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a pink umbrella and a red tv"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a white dining table and a purple scissors"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a black cat and a white clock"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer keyboard and a brown cake"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a brown knife and a green carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a sink"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an apple"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a pink elephant and a red sheep"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a parking meter"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a horse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a sink"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a yellow dog and a white airplane"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a couch"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a kite"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a sink"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a vase"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a vase"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bed"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of an orange couch and a brown giraffe"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a white chair and a red cat"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a black computer keyboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a tv"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an oven"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a knife"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow fire hydrant and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a black elephant and a yellow bus"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a scissors"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a red kite and a purple bed"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tv and a black bowl"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of an orange surfboard and a red chair"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a train and a clock"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a purple handbag"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a spoon"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a scissors"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bed"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a laptop"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a car"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a hot dog"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a blue potted plant and a pink train"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a clock"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black chair and a brown surfboard"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a pink boat and a blue couch"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a baseball bat"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cell phone and a pink bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a horse"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a clock and a tv"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a backpack and a tie"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a purple donut and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a book"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a computer keyboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a blue umbrella and a pink chair"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a broccoli"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a red couch and a purple horse"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a baseball bat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a dog"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a purple kite and a red parking meter"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a stop sign"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a scissors"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a black teddy bear and a brown oven"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a skateboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a black cup and a green toothbrush"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a pizza"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a black airplane and a red book"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of an orange toaster and a purple chair"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an oven"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a bed and a bottle"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow handbag"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a chair"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a traffic light"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a green cup"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a knife"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a bowl"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a book"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bicycle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a bowl"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a cake"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a purple bed and a white fork"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a spoon"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a boat"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a purple donut and a brown parking meter"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a tv"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a purple tie and a red apple"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a green clock and a white orange"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a clock"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a blue sheep and a black toaster"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a snowboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a microwave"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a knife"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a cake and a broccoli"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a suitcase"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a stop sign and a cup"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a cow"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a refrigerator and a chair"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a red couch and a pink parking meter"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer keyboard and a pink backpack"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bottle and a yellow cat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a handbag"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a sheep"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a boat"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a sink"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tv remote and a purple broccoli"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a broccoli"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a broccoli"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a backpack"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a computer keyboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a vase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a suitcase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a red kite and a purple hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a teddy bear"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a couch and a hair drier"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a pink orange and a white cat"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a pink pizza and a purple knife"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of an orange"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a blue truck and a brown clock"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a truck"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cat and a purple car"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of an oven and a carrot"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bowl"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a pink surfboard and an orange bus"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a toilet"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a parking meter"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow boat and a purple parking meter"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a knife and a baseball glove"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a teddy bear and a wine glass"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a green sheep and a white bird"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a cat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink truck and a purple surfboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a hair drier"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a blue backpack"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a backpack"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a red sandwich and a black vase"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below an apple"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a sandwich"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a tv"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a giraffe"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of an orange carrot and a pink bench"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bed"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a motorcycle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a toilet"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below an apple"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a bottle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a toaster"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bed and a blue cup"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a hot dog"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bottle"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a zebra"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a white handbag and a red cow"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a green snowboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a bottle"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a scissors and an oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a broccoli"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a motorcycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a sink and a dog"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a pink carrot and a green computer keyboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a spoon"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a yellow scissors and a red oven"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a bicycle and a sink"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a boat"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bear"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange dining table and a black bicycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a tv remote"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a stop sign"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bicycle"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a computer keyboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a clock"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toothbrush"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a purple skateboard and a white sheep"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bed and a green book"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a chair"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a skis and a fire hydrant"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above an umbrella"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a kite"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bus"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a fire hydrant"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a dog"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a black wine glass and a purple hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a carrot"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a green pizza and a blue clock"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a snowboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a cat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a couch and a bottle"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a dog"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a white surfboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a tv remote"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toaster"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a carrot"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a traffic light"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a wine glass"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a cat"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a toaster"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a clock"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a purple dog and a red stop sign"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a backpack"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a toilet"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a black fire hydrant and a blue skis"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a black bird and a pink bus"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a black cell phone and a white tv"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bear"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a purple frisbee and a pink cake"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of an oven and a scissors"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a frisbee"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a tv"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a computer keyboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a banana"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a tv remote"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a cow"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a black traffic light and a brown bed"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of an orange computer keyboard and a blue potted plant"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bed"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a snowboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a broccoli"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a brown dog and a blue broccoli"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bear"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a spoon"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a bench"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange oven and a yellow giraffe"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a baseball bat"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a dog"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a snowboard"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a red sheep and a brown oven"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a train"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a backpack"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a motorcycle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a blue carrot and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a blue umbrella and a red giraffe"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a traffic light"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a dog"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a red frisbee"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bicycle"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a backpack"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a donut"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a purple parking meter and a black toothbrush"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bench and a brown cake"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bowl"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a dining table"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a skis"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a green traffic light and a brown toilet"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a microwave"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a person"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a stop sign"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a stop sign"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a toilet"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a brown apple and a pink toilet"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bottle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of a white bottle and an orange cup"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bed and an orange traffic light"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a tennis racket"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a skis and a toothbrush"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a tv and a frisbee"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bus and a red banana"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a skateboard and a motorcycle"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a person"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a red broccoli and an orange motorcycle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bench and a blue teddy bear"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a train and a banana"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a wine glass"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a carrot"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a purple zebra and a green computer mouse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a scissors"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a zebra"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a green pizza"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a frisbee and a pizza"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a broccoli and a car"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a handbag"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a knife"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a knife"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a motorcycle"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a toilet"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a parking meter"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a blue tv remote and a green computer mouse"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a green frisbee and a pink cake"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a pizza"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a tennis racket"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a clock"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a sink"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a person"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a green hot dog and a red microwave"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a zebra"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bottle"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a wine glass"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a scissors"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a brown airplane and a white clock"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a bird"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a spoon and a teddy bear"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a frisbee"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a toaster and a dog"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a suitcase"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a baseball bat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a potted plant"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a blue cell phone and a green cat"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a toilet"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an airplane"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a skateboard"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a sports ball"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of an apple"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a white kite and a black bench"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a suitcase"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a blue refrigerator and a red horse"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a cup"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a bed"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a traffic light"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a handbag"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a toilet"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a cake"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a vase"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a car"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bottle and a red cell phone"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a donut and a sheep"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of an apple"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a blue dining table and an orange snowboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a backpack"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a white snowboard and a black suitcase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a computer mouse"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a tv remote"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a parking meter"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an elephant"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a sink and a tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a tv remote"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a parking meter"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a tennis racket"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a pizza"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a boat and a kite"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a white bus and a black traffic light"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cup"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a purple oven and a black fork"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a giraffe"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a stop sign and a boat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a frisbee"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a teddy bear"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of an orange"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a backpack"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a horse"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a green refrigerator and a purple microwave"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a cake"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a purple umbrella"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a carrot"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a book"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a brown baseball glove"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an oven"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a red bottle and a green baseball bat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a tv remote"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a clock"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a knife"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a baseball glove"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sheep and a yellow cake"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tennis racket"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink tv remote and a yellow hair drier"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a laptop"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tie and a blue skis"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a bench and an elephant"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a yellow zebra and a white sink"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a baseball bat"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dog"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toaster and a brown umbrella"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an orange"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a clock"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a car"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a snowboard and a toaster"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a vase"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a motorcycle"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a book"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tie"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a knife"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a pink snowboard and a green cell phone"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sink and a white sandwich"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a red baseball bat and a white skateboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a person"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a person"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a bowl"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a baseball bat"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a cake"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a vase and a cat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a baseball glove"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a black frisbee and a green tv remote"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a tennis racket and a skis"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a skis"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a red skateboard and a black tie"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a potted plant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a dining table"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a pizza"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an umbrella"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a bird and a train"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a pizza"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below an orange"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a frisbee"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a sports ball"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a stop sign"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a cat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a toaster"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an elephant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a potted plant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a giraffe"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a blue donut and a green surfboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a donut"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bicycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a sheep"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a person"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a carrot"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an elephant"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a train"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a toothbrush"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a dog and a dining table"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a purple elephant and a blue oven"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a green backpack and a red handbag"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a white cake"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a microwave and a surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a couch"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a skis"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a train"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a book"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below an orange"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a purple potted plant and a white laptop"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a banana"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a train"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a potted plant"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bowl"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a cat"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a skateboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a knife"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sports ball"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a vase"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a cup"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a black dog and a blue scissors"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a blue elephant and a pink car"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink couch and a yellow pizza"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a handbag"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a person"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a snowboard"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a teddy bear"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a red skis and a purple train"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a clock"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow laptop"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a chair and a parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a train"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a tv remote"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow truck"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cup"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dining table and a blue cake"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow baseball bat and a brown bottle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a traffic light"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a spoon"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer mouse and a black hair drier"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a green clock and an orange sheep"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball bat"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above an elephant"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a parking meter"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a green carrot and an orange chair"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a blue clock and a black cat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bird"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a suitcase"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a tv remote"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of an orange bed and a black bus"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a zebra"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a black tv remote and an orange airplane"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a red truck"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a skis and a suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bus"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a green airplane and a black chair"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a blue sandwich and a red suitcase"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a stop sign"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cake"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a black car"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a backpack"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a person and a tv"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a yellow truck and a white tie"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow microwave"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a broccoli"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a black giraffe and a green snowboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a pink donut"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow clock and a pink fire hydrant"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a teddy bear"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below an orange"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a purple potted plant and a red baseball glove"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a donut and a sandwich"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a tv remote and a tie"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a parking meter"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a pink chair and a white skateboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a teddy bear"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a green baseball bat and a pink bus"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a car"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a yellow baseball bat and a red orange"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of an orange carrot and a red refrigerator"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a bottle and a bench"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a black chair and a red vase"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a white boat and a brown bear"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a car"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a refrigerator"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a green train"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a horse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bear"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sheep and a yellow handbag"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a red tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a backpack"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cat"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a baseball glove"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a red airplane"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a white baseball bat and a brown horse"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a blue bottle and a black computer mouse"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a microwave"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white bicycle and a pink surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a truck"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a vase"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a green hair drier and a yellow skis"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a suitcase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a pizza"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a bird"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of an orange frisbee and a pink hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a pizza"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a traffic light"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a vase"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a hot dog and a giraffe"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a skis"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a motorcycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a motorcycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a sports ball and a book"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a teddy bear"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a sandwich"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a hair drier"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a cup"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a vase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a tie"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a couch"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sandwich and a yellow potted plant"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a spoon"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow couch"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a brown snowboard and a green parking meter"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow sandwich and a purple airplane"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a dog"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a white tv and a black tv remote"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a scissors"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a refrigerator and a car"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a white parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a spoon"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cell phone"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a truck"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of an orange book and a green train"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a handbag"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sink and a yellow apple"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a toothbrush"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a brown laptop and a blue bird"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a hot dog"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a boat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a donut"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a black fire hydrant and a purple stop sign"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a cell phone and a toothbrush"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a purple chair and a white bicycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a backpack"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a laptop"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a giraffe"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a stop sign"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a white bed and a pink handbag"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of an airplane"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a green sheep"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of an orange sandwich and a green tie"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a cake"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sheep"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a bicycle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tv remote"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a surfboard and a tennis racket"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a bed and a parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a cup"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a baseball glove"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a teddy bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a boat and a tie"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a spoon"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a book"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bed"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a boat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a tv remote"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a surfboard"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a broccoli and a banana"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a microwave"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bicycle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bowl"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a blue backpack and a pink wine glass"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a black motorcycle and a red traffic light"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below an apple"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a black computer mouse and a green donut"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of an orange snowboard and a pink horse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a white umbrella"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a black book and an orange bus"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a giraffe"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a tv"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a brown motorcycle and a red computer mouse"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below an elephant"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of an elephant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a bench"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a green cat and an orange fire hydrant"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an umbrella"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a clock and a sports ball"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a bowl"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bench and a surfboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a tie"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a giraffe"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bowl"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a blue spoon and an orange cake"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow kite and an orange bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a chair"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a green microwave and a red cat"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a green umbrella and a purple bed"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a skateboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a white sports ball and a green broccoli"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a surfboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above an airplane"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a sheep"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a motorcycle and a backpack"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bus"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a microwave"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an oven"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a hot dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a parking meter"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a microwave"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a parking meter"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a skis"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below an oven"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a couch"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a truck"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a giraffe and a bowl"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of an orange handbag and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bench"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a banana and a car"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "pink"}], "prompt": "a photo of a black teddy bear and a pink baseball bat"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer keyboard and a pink dog"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a zebra"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a dog"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a black laptop and a red hair drier"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sheep"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a laptop"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a parking meter"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a pink banana and a green bowl"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a microwave and an apple"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a refrigerator"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below an elephant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a knife"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a car"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a banana"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a couch"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bowl"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a potted plant"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of an oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a black toothbrush"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a white motorcycle and a yellow frisbee"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a sink"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a frisbee"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a skis"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a bowl"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bird"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a bear and a tie"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a cow"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a scissors"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a tv remote"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a handbag"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a pink spoon and a purple bottle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a donut"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a scissors"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink dog and a purple potted plant"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange fire hydrant and a yellow vase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a pizza"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a blue book and a white potted plant"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bowl"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a toilet"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a pizza"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "orange"}], "prompt": "a photo of an orange frisbee"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a black umbrella and a white teddy bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sports ball"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball bat and a purple fork"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a spoon"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a laptop"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer mouse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a zebra"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a carrot"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a cat"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bed"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bus"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a motorcycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a tv"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a stop sign"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow airplane and a purple book"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sheep"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a green carrot and a black bus"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a refrigerator"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a book"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bird"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple teddy bear"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bus"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a suitcase"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a truck and a snowboard"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of an apple and a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bird"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a wine glass"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a skis"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow sheep and a brown teddy bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a scissors"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toaster and a brown airplane"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a white laptop and an orange spoon"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a brown frisbee and a purple computer mouse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a toaster"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cat and a black chair"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of an umbrella"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an elephant"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a brown sandwich and a black laptop"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a brown broccoli and a blue zebra"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a purple couch and a blue knife"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a snowboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a fire hydrant and an airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow teddy bear and an orange wine glass"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a sheep"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a pink fire hydrant and an orange hot dog"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an oven"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a black cat and a white bicycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a baseball bat"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red oven and a purple bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a train"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a skateboard"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toothbrush"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of an orange wine glass"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a pink car and a purple zebra"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a dining table"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a toilet"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bench"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a traffic light"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a bottle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a pizza"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow surfboard and an orange knife"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a frisbee"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a purple tv remote and a blue knife"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a brown vase and a purple dog"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a computer mouse"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a horse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a train"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of a white tv remote and an orange cup"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow clock and a blue couch"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a hair drier"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a white tv"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a refrigerator"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a tv"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a white bottle and a green laptop"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink zebra and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a kite"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a sink"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an orange"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a car"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a fire hydrant and a bottle"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of an airplane"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a horse"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a cat"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a red couch and a white bus"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a blue airplane and a white cell phone"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a bicycle and a teddy bear"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a cat and an oven"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bowl"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a car and a clock"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cake and a yellow banana"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bus"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a baseball bat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bird"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a parking meter"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a black umbrella and a blue frisbee"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a surfboard"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a pink snowboard and a brown motorcycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a dining table"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a purple car"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a pink scissors and a purple bed"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an elephant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an apple"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an orange"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dog and a blue computer keyboard"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a clock and a train"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a motorcycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a tv"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a suitcase and a horse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a couch"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bird and a blue baseball bat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a donut"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cake"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a red orange and a purple chair"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a computer mouse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a tv"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a white bed and a purple bus"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of an oven"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of an elephant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below an apple"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a sink"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bird and a yellow hot dog"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a pink skateboard and a blue microwave"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer mouse and a pink broccoli"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a car"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a handbag"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cell phone"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a purple toilet and a brown couch"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a car"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a boat"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a fire hydrant"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a cake and a tie"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a purple carrot and a pink spoon"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a black elephant"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a stop sign and a clock"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bus"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a green knife and a brown sports ball"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a bench and a person"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a hot dog"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an umbrella"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an oven"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a cat"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a blue surfboard and a white tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a hair drier"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of an oven"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of an oven and a bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a handbag"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a red cat and an orange toothbrush"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a white donut and an orange chair"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a boat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a boat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bottle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a green bear and an orange sports ball"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a blue toothbrush and a white spoon"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a skateboard and a wine glass"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above an apple"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a pink cup and a green truck"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a toaster"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a white donut and a purple cake"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a book"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a computer keyboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a clock"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a clock"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a toaster"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a surfboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a baseball glove"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a scissors"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a tennis racket"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cake"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown bus"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a broccoli"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a white orange and a pink bed"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a microwave"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of an airplane"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a fire hydrant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a scissors"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a suitcase"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a fire hydrant"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a blue traffic light"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a sink"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a pink handbag"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a brown orange and a green skateboard"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a traffic light"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a couch"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a surfboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a suitcase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow baseball glove and a pink apple"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bench"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a zebra"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink truck and a yellow giraffe"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a bus and an elephant"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a white horse"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a green bird and a black donut"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a white suitcase and a purple bench"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a white traffic light and a green dog"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a red traffic light"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a purple tv remote and a black bed"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a banana and a parking meter"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a toothbrush"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a clock"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a kite and a laptop"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bicycle"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a red frisbee"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a horse"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a yellow train and a white elephant"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a stop sign"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a truck and a bicycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a zebra"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange teddy bear and a yellow chair"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a toothbrush"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a baseball bat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a sandwich"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a refrigerator and a bear"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a fire hydrant"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a baseball glove"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above an elephant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a giraffe"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a frisbee"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a blue elephant and a green cake"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a suitcase"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a knife"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of an orange cup and a white dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a handbag"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of an orange train and a blue potted plant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sheep"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a skis"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a motorcycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sink"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a tv"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a cat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a knife and a snowboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a carrot"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a parking meter"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sheep"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sandwich"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a green pizza and a black bed"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a carrot"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a bowl"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a green microwave and a yellow knife"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer keyboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a tv remote"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an apple"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a chair"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a cake"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bottle"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a broccoli"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bench"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a skis and a dog"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a car"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a toilet"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a cat"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a skis"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a scissors"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a pink potted plant and a white bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a bottle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a traffic light"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a cow"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a green snowboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a black giraffe and a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a blue vase and a brown toilet"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of an orange tv remote and a red sheep"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a fork and a computer keyboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a boat"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a toothbrush"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a backpack and a sports ball"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a parking meter"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow hair drier and a blue sports ball"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a black truck and a pink broccoli"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a toilet"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bowl"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a cell phone"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a black bear and a green scissors"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bus"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a purple boat and a green bench"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a sheep"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bus"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a purple truck"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a knife"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cake"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a white boat and a black couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a couch"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a bicycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a tie"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a sandwich"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a parking meter"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a banana"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sports ball"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a baseball glove"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a microwave"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bed"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a purple bowl and a black sports ball"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a green toilet"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a clock"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a computer keyboard and an orange"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a cow and a hot dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a person"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a laptop"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a frisbee"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "skis", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cat and a purple skis"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a green vase and a black clock"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a handbag and a laptop"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a person"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a bear and a bird"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a green carrot and a black cup"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sheep"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a spoon"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a knife"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a book and a bowl"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a white motorcycle"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a white pizza and a brown traffic light"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a cat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sports ball"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a black wine glass"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a bus"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a white suitcase and an orange sink"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of an orange car and a pink cell phone"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bottle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a pizza"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a skis"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a carrot and a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a black teddy bear and a green laptop"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a red baseball bat and a black bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a toothbrush"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sink"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a snowboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a snowboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a brown cup and a red bicycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a toothbrush and a car"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a giraffe"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a toothbrush"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a hair drier"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer mouse"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a bicycle and a fire hydrant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a donut"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a dining table"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a tie and an apple"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a snowboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a bed"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a tv"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a red tennis racket and a pink knife"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a kite"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a sink"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a red airplane and a brown handbag"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a green donut and a black surfboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a backpack"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a red airplane and a black cat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a frisbee"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a car"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a potted plant"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a hot dog"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a snowboard and a car"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a frisbee"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of an orange stop sign and a purple bowl"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a brown sports ball and a white car"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a potted plant"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green bird and a pink skateboard"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a tie and a book"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sandwich and a yellow microwave"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a truck"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bench"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a refrigerator"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple motorcycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a motorcycle"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a wine glass and a potted plant"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange horse and a yellow broccoli"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bus"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a frisbee"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a tv remote"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tennis racket and a black stop sign"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a black tv and a green toilet"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bicycle and an orange apple"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sports ball"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sink"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a fork"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a tv and a potted plant"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a handbag and a cow"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a green elephant and a white kite"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a couch"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a chair"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a green train and a red carrot"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a white dining table"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a book"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of an airplane"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a red skis and a pink hair drier"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a dining table"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a green refrigerator and a white handbag"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a kite"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a frisbee"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a cell phone"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a skis"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a cow and a car"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a banana and a sink"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a fork"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink microwave and a red surfboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow donut and a purple refrigerator"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a skateboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a green skis and a red cell phone"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a purple scissors and a green cat"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above an elephant"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an oven"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cat and a purple carrot"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of an orange truck and a pink cell phone"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a tie and a scissors"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a sheep"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bus"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a dog"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a red zebra and a green horse"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a white sheep and an orange sports ball"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a black motorcycle and an orange horse"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a clock"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a clock"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of an orange baseball glove and a green apple"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow truck and a black bicycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a purple orange and a brown computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a laptop"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a handbag"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a scissors"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of an airplane and a person"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a chair"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a backpack"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a zebra"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a refrigerator"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cup"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a purple snowboard and a white microwave"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow truck"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a white bench and a blue clock"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a tie and a skis"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a baseball bat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a black vase and an orange laptop"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a chair and a hot dog"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sandwich"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bed"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a brown train and a pink bowl"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a red umbrella and a brown oven"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a purple clock and a brown airplane"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an apple"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a boat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a sports ball"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a skis"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a wine glass"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of an umbrella"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a giraffe"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a stop sign"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bird"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a couch"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a fork"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sports ball and a blue laptop"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bench and a white truck"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a microwave"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a red zebra and a white sink"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a pink wine glass and a green hair drier"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow banana"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a baseball bat and a backpack"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a parking meter and a potted plant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a red bus and a green potted plant"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue boat and an orange horse"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a green truck and a purple snowboard"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an oven"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a backpack"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bird and a purple suitcase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tie"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a donut"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a blue spoon"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a skis"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sports ball"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bowl"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a red couch"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a black skis and a yellow cake"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a refrigerator"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a toothbrush"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a red scissors and a pink baseball glove"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a purple fire hydrant and a green tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an airplane"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a cow"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a book"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toothbrush"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a pizza"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a green handbag and a pink bird"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a chair"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a car"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a spoon"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a green baseball bat and a red airplane"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sports ball"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sports ball"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of an elephant and a truck"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of an umbrella"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cake"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bed"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a hot dog"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a fork"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a boat"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a brown clock and a purple bed"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a toothbrush and a traffic light"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below an oven"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a bus"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a knife and a kite"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cow"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of an orange potted plant and a pink toilet"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a black apple and a red potted plant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a vase"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bird and an orange microwave"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a clock"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a potted plant"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a clock"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a donut"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a tennis racket"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bed"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an apple"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a red cake and a brown tennis racket"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tv remote"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bicycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a train"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a red banana and a green knife"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a black bear and a red fire hydrant"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a bowl"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a horse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a computer keyboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a knife"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a scissors"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a sink"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a skis"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a tie and an orange"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a bear"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a skis"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sink"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toaster"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a black fork and a green spoon"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a bicycle and a toothbrush"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a hot dog"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a bottle and a dining table"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a couch and a fire hydrant"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a book"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a zebra and a car"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a brown bird and a white stop sign"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a computer keyboard"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a brown truck and a red apple"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a teddy bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above an orange"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of an orange pizza and a pink toaster"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a skateboard"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a red train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a fork"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bus and a pink sink"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tv and a white truck"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a green toothbrush"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a baseball bat"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cup"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a sheep"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a skateboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a microwave"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a fork"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a white elephant and a blue toilet"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a white skateboard and an orange backpack"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below an umbrella"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a yellow skis and a red bench"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a brown skis and a pink tv"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a toothbrush"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a zebra"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a baseball glove and a person"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a couch"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a stop sign"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a toaster"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a horse and a fire hydrant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a person"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple computer mouse and a yellow pizza"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a couch"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a wine glass"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a broccoli"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a laptop"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tie"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a tie and a giraffe"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a tv remote"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a fork"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a sink"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a pink donut and an orange cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sandwich"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a baseball bat"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a pink broccoli and a black refrigerator"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a donut and a dining table"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a green book"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of an apple and a broccoli"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bear"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a car"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a pink broccoli and a red kite"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a kite"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a purple laptop and a white bicycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a dining table"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a green giraffe and a purple backpack"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a computer keyboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of an orange"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a toothbrush and a backpack"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a hair drier"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a red truck and a brown toothbrush"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a computer keyboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a banana"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a black laptop and an orange boat"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a parking meter"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a donut"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a handbag"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a toothbrush"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a green surfboard and a purple stop sign"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a sink and a couch"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a green carrot and a black cell phone"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a kite"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a refrigerator and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple stop sign and a yellow microwave"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bird"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a cow"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tv remote"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange elephant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bus"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a hair drier"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of an elephant"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a skis"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a fork"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bird"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a horse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a sandwich"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a giraffe"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bus"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a fork"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a bird"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a carrot"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black baseball bat and a brown surfboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a book"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow frisbee"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a bottle"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a red bird and a blue clock"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a cake"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bird"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a banana"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a skis"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bench"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bear and a pink bird"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a suitcase"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple apple and a yellow spoon"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bowl"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a black umbrella and a pink laptop"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a red tennis racket and a white frisbee"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a blue kite and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a brown suitcase and a blue orange"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a baseball bat"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a horse and a boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a spoon"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a donut"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a cup and a knife"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bear"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a pink fork and a purple dining table"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a sheep"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a black tv and a white bench"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a broccoli"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball bat and a red microwave"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a suitcase"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bottle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a baseball glove"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a hot dog"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a dog and a computer mouse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a potted plant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cow"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a parking meter"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a knife"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a potted plant"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a car"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a teddy bear"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a skis"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a purple sports ball and a black orange"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a pizza"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a vase"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of an orange broccoli and a green bird"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cow and a brown baseball glove"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a black kite and a blue baseball bat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a tie"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above an elephant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a hair drier"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an oven"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a microwave"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a wine glass"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a sandwich"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a tie"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a blue potted plant and a red cake"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a fire hydrant"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a tv and a cake"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bed and a carrot"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red hot dog and a purple skateboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red computer keyboard and a yellow surfboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sink and a pink kite"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a potted plant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a fork"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a person"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a vase"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a giraffe"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of an umbrella and a kite"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a wine glass"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a chair"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tie"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a black toaster and a brown donut"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a green apple"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a motorcycle"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a skateboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a donut"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cake"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a toilet"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bus"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a sandwich"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an elephant"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a dog and a person"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a yellow apple and a black clock"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue baseball glove and a yellow couch"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bench"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a fork"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bottle"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a red tv remote and a white skateboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a scissors"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a pizza"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a dining table"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a clock"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a laptop"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a cow"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a truck"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a motorcycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sandwich"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a computer mouse"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a toilet"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a green toilet"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a skis"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball bat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a boat and a stop sign"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a teddy bear"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a skis"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a car"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a suitcase and a person"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink suitcase"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a vase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a motorcycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bottle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a black banana and a purple laptop"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a spoon"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a green wine glass and a white baseball glove"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a boat"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange motorcycle and a yellow carrot"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cup and a red sink"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sports ball and a green bench"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a white tie and a black bear"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a skateboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a knife"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a chair"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tie"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a clock"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a hot dog"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a truck"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a white horse and a green computer mouse"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a fire hydrant"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown teddy bear"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink car and a yellow frisbee"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tv and a pink bowl"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow orange and a brown cake"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bear"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a toothbrush"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a zebra"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue computer mouse and a yellow couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a teddy bear"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a purple car and a pink toilet"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a cat"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a vase"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a toaster"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dining table"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a laptop"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a skateboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a stop sign"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a blue sandwich and a green dog"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sheep and a yellow handbag"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a sports ball and a giraffe"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a purple bowl and a black airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tv remote and a yellow cup"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a giraffe"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sports ball"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of an orange book"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a donut"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a skis"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a brown spoon and a black parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an oven"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a baseball glove"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a blue sandwich and a red refrigerator"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bicycle and a banana"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a motorcycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a tv"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a train"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a train"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of an orange"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bird and a suitcase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a toaster"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of an orange umbrella and a red sports ball"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a toaster"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a brown wine glass and a blue apple"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a black toilet and a pink traffic light"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bowl"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a sink and a motorcycle"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a book"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a zebra"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above an oven"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of an orange backpack and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a white toothbrush and an orange fork"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a black fire hydrant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a scissors"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bench"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a yellow hair drier and a green apple"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a donut"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a kite"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of an orange laptop and a purple banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an elephant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a bench"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black cake and a blue computer keyboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a red sports ball and a green toaster"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an apple"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a couch"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a laptop"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a dog and an airplane"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a giraffe"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink book and a yellow cat"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a wine glass"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a pink fire hydrant and a brown car"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow donut and a purple couch"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a hair drier"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a suitcase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a carrot"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a dining table"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a donut"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bed"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a suitcase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a potted plant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red laptop and a yellow computer keyboard"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a cow and a sandwich"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a traffic light"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a wine glass"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a book"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bicycle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a blue kite and a white apple"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a giraffe"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a black bird"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a black bear and an orange scissors"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a dining table"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a brown pizza and a blue bus"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cow and a blue hot dog"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a microwave"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a carrot"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue stop sign and a yellow handbag"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a broccoli"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a person"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow hair drier and a blue bench"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a black apple and a white skis"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an apple"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bird"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a pink baseball bat and a white clock"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown airplane and a yellow stop sign"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above an umbrella"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a couch"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a surfboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a scissors"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bed"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a backpack"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a cat"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a brown toothbrush and a pink baseball glove"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a toothbrush"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a carrot"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a pink hair drier and a red cat"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a parking meter"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a purple hot dog and a pink clock"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bowl"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a giraffe"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a laptop"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a motorcycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bird and a refrigerator"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a tie"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a fire hydrant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a teddy bear"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bottle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a refrigerator"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a couch"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a computer mouse"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a red baseball glove and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a hot dog"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a skateboard and an umbrella"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sheep"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a parking meter"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a bed and a couch"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a yellow oven and a white bench"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of an orange elephant and a pink suitcase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow surfboard and a brown elephant"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a teddy bear and a sandwich"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a vase and a fork"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a sheep"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a brown frisbee"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a black apple and an orange baseball glove"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a potted plant"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a blue motorcycle and a brown skis"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a horse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cell phone"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a spoon"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a green snowboard and a red toilet"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a chair"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a bear and a parking meter"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a laptop"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a red hot dog and a green fork"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a stop sign and a laptop"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a baseball bat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tv remote"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a computer mouse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a surfboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bottle"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a book and a bottle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a carrot and an orange"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a red dining table and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a stop sign"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a red fork and a white boat"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of an oven"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow skateboard and a pink cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a potted plant"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a pink surfboard and a green baseball bat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a motorcycle"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a dog"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a baseball glove"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a green knife and a yellow giraffe"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a frisbee"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a potted plant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a wine glass"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a motorcycle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a stop sign"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a cup and an umbrella"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a fire hydrant and a couch"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a book"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a white suitcase and a purple toothbrush"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a handbag"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a white toilet and a green bird"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a toilet"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a black umbrella"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a green bowl and a white sink"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a baseball glove"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a laptop and a sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a banana"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer mouse and a white oven"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a red bus and a green computer keyboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a spoon"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a cow"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a red banana and a brown tie"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a refrigerator"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a fork"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a pink surfboard and a red refrigerator"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a toothbrush"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a red knife"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a truck and a baseball bat"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a red bed and a green toothbrush"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a horse"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange suitcase"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of an orange train and a black dining table"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a toaster"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "green"}], "prompt": "a photo of a black baseball glove and a green bed"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bear"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a pink refrigerator and a green kite"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a suitcase"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a spoon"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a suitcase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of an orange cell phone and a white tv"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a bicycle and a fork"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a green airplane and a pink horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cake and an orange snowboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a vase"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a pink parking meter and a white hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white snowboard and a purple skateboard"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a green fork and a red traffic light"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a blue computer mouse and a pink toaster"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a dog"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above an apple"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cup"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a chair"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bird"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a backpack"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a handbag"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a giraffe"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a handbag"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a computer mouse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a motorcycle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a bowl"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a giraffe"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of a blue bicycle and a red dog"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a purple broccoli and a red zebra"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a wine glass"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a hot dog"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sheep"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a handbag and a giraffe"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of an umbrella"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a train"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of an orange computer mouse and a black couch"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a zebra"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a cake"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a red oven and a blue vase"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a fire hydrant"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a green truck"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bear"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer mouse and a black toilet"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a toaster and a handbag"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bottle"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a white tv"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a blue fork and an orange handbag"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a wine glass"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a car"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of an orange backpack and a black baseball glove"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a red couch and an orange fork"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a green bottle and a white sports ball"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a sandwich and a stop sign"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange baseball bat and a green carrot"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a red baseball bat and a brown hair drier"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a motorcycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a refrigerator"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a car"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a truck"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a bicycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a pizza and a bottle"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a sheep"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a surfboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a boat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bench and a purple vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a bowl and a parking meter"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink potted plant and a yellow giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a tv"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an elephant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of an airplane"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a parking meter"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a red fork and an orange bottle"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toaster"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a fork"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a red toothbrush and a white hair drier"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bottle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a carrot"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a snowboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a hot dog"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a train and a potted plant"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cow"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a tie"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cake and a green frisbee"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a horse"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a yellow handbag and a red hot dog"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a surfboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a cat"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cup"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a giraffe"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a donut and a scissors"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a dining table"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a baseball bat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a backpack"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an apple"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a vase and a banana"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a cat"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a spoon"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bird and a pink kite"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a sheep"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a book"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a motorcycle and a horse"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a red carrot and a white clock"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a fire hydrant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a giraffe"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a couch"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a train"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a red donut and a yellow chair"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow banana and a purple carrot"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a zebra"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a blue motorcycle and a black handbag"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown clock and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a pizza"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a surfboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a banana"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a white toilet and a blue microwave"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a green tennis racket and a pink boat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a tv remote"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a clock"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a parking meter"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a bicycle and a cell phone"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a cake"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a dining table"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an orange"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a bench and a spoon"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a white cat and a blue carrot"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an orange"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange apple and a yellow hair drier"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below an elephant"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a spoon"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a scissors"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a brown toaster and a white fork"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a broccoli"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a white bird and a pink fire hydrant"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a white cell phone and a brown dining table"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an airplane"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a parking meter"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a pink cake and a green backpack"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a sports ball"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow stop sign and a purple book"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bear and a brown spoon"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a hot dog"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a cup"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a teddy bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a chair"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above an oven"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a snowboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green laptop and a pink surfboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a carrot"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a kite"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bear and a yellow refrigerator"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a red knife and a purple airplane"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a train and an oven"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a bear and a zebra"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a bird"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a computer mouse"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a broccoli"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a hot dog"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a sports ball"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a knife"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a banana"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a pink microwave and a white baseball glove"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a toaster"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a computer mouse and a book"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a brown fork and a white cake"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a bus"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a tv remote"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of an umbrella"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a truck"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bowl"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a purple backpack and a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a brown tie and a white kite"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an oven"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a spoon"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a toothbrush"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a fork"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cell phone and a red toothbrush"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a cell phone and an elephant"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple car and a red surfboard"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a green bed and a blue suitcase"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a purple car and a white stop sign"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a white carrot and a pink zebra"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a cake"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a tv remote"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a person and a boat"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a sink"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a surfboard"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an umbrella"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a chair"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bird"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a couch"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bus"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a toaster"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a bicycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a skis"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cat"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a fire hydrant and a bus"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a person"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a train"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a spoon"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a toaster"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a fork"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of an apple"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a scissors"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a backpack and an oven"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a donut and a handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tie"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a motorcycle"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cow"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a scissors and a chair"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a banana"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a toothbrush"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a parking meter"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a cow"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a black dining table and a purple spoon"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a computer keyboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a zebra"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a motorcycle and a dog"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a white sports ball and a pink toothbrush"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a yellow airplane and a green apple"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a carrot"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a brown couch and a black vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a train"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of an orange dog and a green tennis racket"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a pink orange and an orange cow"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a frisbee"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a person"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow broccoli and a brown couch"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bench"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of an elephant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a donut"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a book"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a banana"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of an orange surfboard and a blue bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a truck"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a brown airplane and a green kite"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a black parking meter and a brown couch"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sheep and a purple tie"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a tennis racket"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of an umbrella and a toothbrush"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a cow"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a wine glass"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a white computer keyboard and a yellow microwave"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a frisbee"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a refrigerator"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a computer mouse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a banana"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a refrigerator"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cow and a brown giraffe"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange computer mouse and a yellow computer keyboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a banana"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a white cell phone and a green book"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a blue orange and a white zebra"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a sports ball and a pizza"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a black potted plant and a white snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a handbag"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bus and a yellow tie"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a stop sign"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sports ball"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below an airplane"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a broccoli"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a hair drier and a banana"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a couch"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a pizza"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bed"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a black hair drier and a purple baseball bat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of an orange suitcase and a blue tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a sandwich"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bottle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a donut"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a potted plant"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a car"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a boat and a train"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a boat and a knife"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a tv and a dog"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toilet"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a blue microwave"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a zebra"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a black toilet"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a pink laptop and a brown toothbrush"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a green umbrella and a brown train"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a white bear and a pink computer mouse"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a donut"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a backpack"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bed"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above an orange"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bird"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a green wine glass"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a cow"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a car"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a hot dog"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sandwich and a yellow fork"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a cup and an elephant"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a wine glass"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a white hot dog and a yellow baseball glove"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a red knife and a blue clock"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a black cell phone and a white fork"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a wine glass"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow horse and a pink bear"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tv and a green train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a couch"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a cup"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a yellow suitcase and a green car"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a bear and a skis"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sink and a blue backpack"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a skis"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a traffic light and a pizza"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a blue umbrella and a purple tie"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a cow and a snowboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a zebra"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bear"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bottle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bench and a brown dining table"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a fire hydrant"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a toilet"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a toaster"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple baseball bat and a yellow cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a baseball bat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a white cake and an orange orange"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of an elephant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a parking meter"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a parking meter"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a suitcase"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a microwave"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a red sports ball and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a black tie and a pink sports ball"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a yellow carrot and a black skateboard"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an elephant"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a broccoli"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a book and a giraffe"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a baseball glove"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a parking meter"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a dog"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a zebra"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sink"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a blue fire hydrant and a white bed"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a white sandwich and a red suitcase"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bird"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a skis"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a horse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a purple sheep and a green airplane"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of an oven and a spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a horse"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a red surfboard and a pink skateboard"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a black broccoli and a brown fire hydrant"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of an orange chair and a blue clock"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a snowboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a toothbrush and a sandwich"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bus"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a cake"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a train"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a yellow scissors and a black sandwich"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a parking meter and a dining table"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a train and a baseball glove"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a bird and a clock"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a refrigerator and a computer mouse"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of an orange"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a book and a spoon"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sheep"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an apple"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a kite and a knife"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a horse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a truck"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a black clock"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an orange"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a fork"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red vase and a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown skis and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a cow"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bicycle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a scissors"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a bowl and a cake"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below an umbrella"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an oven"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an elephant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sink"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toilet"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a cup and a person"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cow and an orange dining table"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sheep"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a hot dog"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a purple computer mouse and a red couch"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a sheep"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a motorcycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a truck and a couch"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a toothbrush"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a hot dog and a wine glass"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a surfboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green skis and a yellow suitcase"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a green stop sign and a red hair drier"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a handbag"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cup and a purple oven"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a green refrigerator"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a couch"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a frisbee"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a dog"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a book"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a backpack"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a book"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of an umbrella"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a person"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a pizza"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a tv remote"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above an apple"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a giraffe"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cat"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of an orange dog and a green train"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a wine glass"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a cat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a bowl"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a pink parking meter and a red kite"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a carrot"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a cow"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a car"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a book"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a boat"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a donut and a cell phone"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a red couch and a purple broccoli"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a train"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a computer keyboard and an apple"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an oven"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a white toaster and a black airplane"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an umbrella"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a zebra"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a black toaster and a pink kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a couch"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below an oven"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown scissors and a yellow parking meter"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a banana"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a chair"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cake"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a sandwich and a truck"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cell phone"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green wine glass and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an airplane"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a sports ball"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a skis"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a bottle"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a knife and a dining table"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a red giraffe and a black toilet"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a bowl"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below an elephant"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a black bowl and a brown truck"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a hair drier"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a purple fork and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer mouse and a blue boat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a microwave"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a green orange and a yellow frisbee"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a boat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a backpack"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below an oven"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bird and a blue couch"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple vase"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bus"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a bottle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of an airplane"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a fork"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a purple motorcycle and a white traffic light"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a spoon"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a sink"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a red bicycle and a blue laptop"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a microwave"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a brown carrot and a pink teddy bear"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a red cow and a black skis"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a black train and a purple traffic light"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue cake and a yellow clock"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown apple and a yellow suitcase"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a pink hot dog and a red dining table"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a red skis and a black oven"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a purple boat and an orange apple"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a cell phone"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a dining table"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of an airplane"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a kite"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a boat"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a sink and a microwave"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bed"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cow and an orange cake"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bowl"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a white airplane and a yellow knife"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a red pizza and a brown sink"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of an oven"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bear and an orange scissors"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a suitcase"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a cup"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bus"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a red skis and a purple parking meter"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a tie and a sink"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a green dining table and a white elephant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a skis"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a blue oven and a pink scissors"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a brown chair and a blue toothbrush"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a train"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a teddy bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sink"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a baseball bat"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fire hydrant"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a white clock and a blue car"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a computer mouse"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a microwave"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a white cat and a blue cell phone"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a fork"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a knife"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a toothbrush"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a potted plant"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a microwave"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a horse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a purple giraffe and an orange clock"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a white suitcase and a yellow sports ball"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a purple computer mouse and a black fire hydrant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a stop sign"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a dog"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a train"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a spoon"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bicycle"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a person"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a microwave"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a dog and a hot dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a baseball glove"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a frisbee"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below an oven"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a teddy bear"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an elephant"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a motorcycle and a tie"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a microwave"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a green frisbee and a red bed"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a boat and a horse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a brown refrigerator and an orange fire hydrant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a person"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a computer keyboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bird"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a tv remote and a clock"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a kite"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an elephant"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a suitcase"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of an orange"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a tie"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a backpack and an apple"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a toilet"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a giraffe and an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a black cell phone and a blue book"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a white tv remote"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a car"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tennis racket and a white toilet"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a dog"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bed"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an elephant"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a white hair drier and an orange apple"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a train"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a wine glass"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bowl"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a boat"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a brown traffic light and a red scissors"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a boat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a stop sign"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bus"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a couch"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a pink spoon"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a computer keyboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a tv"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a book"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white boat and a black cake"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a surfboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sports ball"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bird"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bottle"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a fire hydrant and a toothbrush"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a refrigerator"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a pizza"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bench"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cow"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a refrigerator"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a zebra"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a kite"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a green tv and a white giraffe"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a toaster"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown apple and a yellow kite"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sports ball"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toilet"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a book"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a train"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a skateboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a sandwich"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a skis"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a vase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a snowboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a carrot"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a cat and an orange"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an airplane"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a hair drier"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a microwave"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a truck"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a white zebra and a red cat"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a car"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a backpack"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a purple skis and a pink baseball glove"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a fire hydrant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a parking meter"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a purple apple and a black computer mouse"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bowl"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a horse"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a frisbee"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a wine glass"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a traffic light"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a scissors"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of an orange banana and a brown carrot"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a kite"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a wine glass"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a frisbee and an oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cow and a brown spoon"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tie"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a spoon"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a bed"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a donut"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a donut"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a blue horse and a black fork"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a green sink and an orange cell phone"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bed"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a couch"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a sheep and a cup"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a motorcycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a broccoli"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a boat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a skateboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a snowboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a spoon"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a banana"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a toilet"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a purple cat and a red bird"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a frisbee"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a hair drier"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a green fire hydrant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a donut"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue couch and a black computer keyboard"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a frisbee and a person"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a green bird and a brown laptop"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fire hydrant"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball bat"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of an orange skis"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a brown car and an orange handbag"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow microwave and a pink stop sign"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a toaster"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a toaster"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a fork and a surfboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a black truck and a yellow chair"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a wine glass"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a car"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a scissors"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a bottle and a skateboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a horse"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a book"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a couch"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a cup"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a suitcase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a purple microwave and a white toaster"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a black cell phone and a blue umbrella"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a blue dining table and a pink toothbrush"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a brown car and a pink knife"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bowl"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a red parking meter and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a snowboard and a chair"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a surfboard"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a train"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an apple"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a bird"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a white baseball glove and a red giraffe"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a bird"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a white skis and a yellow apple"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a green parking meter and a red vase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a knife"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a frisbee"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a skis"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sheep and a cow"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an oven"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a tv remote and a dining table"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a sheep"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a traffic light"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bed"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a hair drier"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a microwave"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of an orange oven and a pink refrigerator"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cup and a white tv"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a computer mouse"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a bowl and a tennis racket"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an oven"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a skis"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a green bench and a blue backpack"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cell phone"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a suitcase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a refrigerator"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below an airplane"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a bed"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of an orange baseball glove and a white bottle"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sports ball"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a bottle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a spoon"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bicycle"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a cup"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a bench and a tennis racket"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a couch"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sandwich"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a purple tennis racket and a red toothbrush"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bus"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below an airplane"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a teddy bear"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a boat"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a cat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a sports ball"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow laptop and a purple spoon"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a sheep"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a tennis racket"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a baseball glove"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a toilet"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a red wine glass and a yellow fire hydrant"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sheep"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a red refrigerator and a pink giraffe"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a traffic light"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue stop sign and a black snowboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a knife"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a blue baseball bat and a pink umbrella"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a fork and a potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a cow"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sheep and a yellow suitcase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a laptop"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a knife"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a scissors"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bowl and a purple clock"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple skateboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a green bed and a white knife"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a yellow wine glass and a black toaster"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a yellow book and a white chair"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a tv remote"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a potted plant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below an airplane"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bus"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer mouse and a purple oven"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bottle and a motorcycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bicycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a sheep"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a toilet"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a skis"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a red toilet and a pink skis"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a scissors"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a frisbee"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a tv"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a potted plant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a sandwich"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a blue banana and a white cow"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a potted plant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a teddy bear"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a sports ball"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toothbrush and a brown book"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a bottle and a bear"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a bowl"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a suitcase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tv remote"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cow"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a bird"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a car"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cow"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow motorcycle and a brown laptop"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a black car and a blue chair"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a banana"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange car and a yellow sheep"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bowl"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a red frisbee and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a tennis racket"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a book and a traffic light"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a sheep"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a pink spoon and a red cup"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a hot dog"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a purple wine glass and a black suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a cake"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a cell phone and a snowboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a truck"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a blue pizza and an orange fork"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange hot dog and a brown cat"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bottle and an orange traffic light"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a purple stop sign and a blue vase"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a toilet"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a white car and a black bicycle"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a toothbrush"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a banana"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above an orange"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a white microwave"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cow"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a brown potted plant and a white apple"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a brown skis and a white banana"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a frisbee"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a black frisbee"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a scissors and a cow"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a white dining table and a green traffic light"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tie"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a white chair and a purple frisbee"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a cup"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tv and a brown sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an orange"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a car"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a broccoli"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bottle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a brown motorcycle and a black bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a handbag"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a white motorcycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a hair drier"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a green boat and a white tv"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of an orange bird and a black stop sign"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a baseball glove"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an elephant"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a train"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a dining table"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bird and an airplane"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a parking meter"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a green bear and a red toothbrush"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cow"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a skis"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cake"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bowl"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a refrigerator"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a brown hot dog and a pink cow"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bird and a blue book"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of an elephant"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a train"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a carrot"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a refrigerator"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an umbrella"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a giraffe"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a toaster"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a fire hydrant"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a parking meter"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bench"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a toaster"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a purple refrigerator and a brown couch"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of an orange elephant and a brown dining table"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a baseball glove"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tv remote and a pink sandwich"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an umbrella"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cell phone"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow boat and a blue wine glass"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a chair and a suitcase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a hot dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of an airplane"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a motorcycle"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of an umbrella"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a computer mouse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a snowboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a vase"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a tv"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a kite"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a black bowl"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a boat"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an elephant"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bowl and an orange bird"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a skateboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sandwich"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a laptop"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a tv remote and a wine glass"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a zebra"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a vase and a handbag"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bench"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow cell phone and an orange toilet"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below an umbrella"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a suitcase and a spoon"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sandwich and a yellow giraffe"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a brown toaster and a white parking meter"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a cake and a teddy bear"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a pink surfboard and a blue tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tie"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown pizza and a yellow bench"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a snowboard"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a zebra and an airplane"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of an orange baseball bat and a black carrot"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a knife"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a person"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a blue hot dog and a brown cake"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a dining table"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a green skateboard and a red computer mouse"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a spoon"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a pink bowl and a red refrigerator"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a chair and a bicycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a person"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a tv remote"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above an orange"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green chair"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a handbag"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a black hot dog and a red car"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a vase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sink"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a knife"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a red bus"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a toilet and a frisbee"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a green dining table"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink hair drier and a red skateboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fire hydrant and a blue backpack"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a fire hydrant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a bench"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of an orange hair drier and a pink wine glass"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a blue boat and a red fire hydrant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a horse"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a car"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a tv"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a brown potted plant and a green chair"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of an oven"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a blue stop sign"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a train"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a giraffe"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a bottle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a blue bus and a white fire hydrant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a banana"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of an orange and an oven"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a knife"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a black wine glass and a blue pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a broccoli"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a broccoli and a toothbrush"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a green dining table and a pink kite"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sheep"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a white wine glass and a brown fork"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a red sink"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a black dog and an orange horse"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a microwave and a bottle"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a green fire hydrant and a brown tennis racket"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a car"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a giraffe and a toilet"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a red carrot and a purple scissors"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a black baseball bat and an orange banana"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fork and a purple handbag"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a cake"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a broccoli"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cow and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a zebra"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a spoon"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a dining table and a parking meter"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a snowboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a donut"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a wine glass"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a green parking meter and a black stop sign"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tv"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tie and a green surfboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a green giraffe and a brown orange"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a suitcase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a refrigerator"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a white kite and a brown elephant"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a pink motorcycle and a brown knife"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a skis"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a pink surfboard and a red knife"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a fork"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange knife and a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a green bench and a purple hair drier"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a scissors"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a white stop sign and a red toothbrush"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a bear"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of an oven and a dining table"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a parking meter"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a toothbrush"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a banana"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a red train and a purple hot dog"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a truck"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a baseball glove and a snowboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a brown traffic light and a blue kite"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a skis"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a fire hydrant and a tv"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a tv"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a scissors"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a bottle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a cell phone"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a yellow fire hydrant and a white pizza"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a snowboard"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of an orange motorcycle and a black fork"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sink"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a baseball bat"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cake"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bench"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a clock and a skateboard"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow teddy bear and a purple train"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange handbag and a brown baseball bat"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a laptop and a microwave"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a frisbee"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bed and a yellow skateboard"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a couch"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a red vase and a pink tennis racket"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a train"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a microwave"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a sink"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of an orange computer keyboard and a red sports ball"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a clock"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a baseball glove"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a horse"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a purple car"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a black oven and a blue zebra"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a clock"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a white hot dog and a black cup"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a purple microwave and a blue parking meter"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sports ball"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of an airplane and a stop sign"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a red bed and a white fire hydrant"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a toothbrush"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a pink backpack and a green bowl"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a bed"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a dog"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a book"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a blue orange and a purple carrot"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a hair drier and a parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a spoon"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a toaster"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a car"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a knife"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a black cake and a green banana"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a black hair drier and a brown microwave"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a motorcycle and a truck"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a red bird and a blue airplane"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of an orange"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a hair drier"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cup"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a traffic light"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a handbag"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sports ball"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tv and a green broccoli"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a sports ball"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a green airplane"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a wine glass and a broccoli"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow motorcycle and a blue zebra"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a pink apple and a purple microwave"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a baseball bat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a truck"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a black cell phone"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a fork"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a train"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an apple"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a baseball bat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a purple microwave and a green fire hydrant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a carrot"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cat and a yellow parking meter"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a surfboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a chair"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a red orange and a black clock"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a purple bear and a black frisbee"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a kite"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a potted plant and a giraffe"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bear"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bus and a pink banana"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a red wine glass and a white toothbrush"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a traffic light"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a toaster"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cake and a yellow oven"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a fork"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a purple oven and a pink sports ball"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a pink kite and an orange bus"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black skis and a brown skateboard"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink umbrella and a yellow bus"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a motorcycle"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a clock"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a pink broccoli and a red bowl"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a backpack"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a stop sign"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toilet"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a horse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a red snowboard and a brown broccoli"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a suitcase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a red handbag and a purple cat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cat"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cup"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a red hair drier and a white fire hydrant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of an apple"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a tv and a sports ball"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a pink cow and a red oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a carrot"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a cow"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a person"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a purple dining table and a black skis"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cow and a purple umbrella"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above an oven"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cup"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bus"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a refrigerator"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a teddy bear"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a cow and a tv"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a fork and a computer mouse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a vase"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a purple handbag and a black carrot"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a brown tv remote and a green banana"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a frisbee and a train"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a horse and a potted plant"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a computer mouse"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a toilet"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sandwich and a pink umbrella"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cell phone"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a sheep"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a horse"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a pink book and a black cup"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above an airplane"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a traffic light"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of an orange kite and a pink sheep"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a baseball bat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a couch"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a green airplane and a white bench"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a skis and a car"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of an orange pizza and a red tie"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a sheep"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a red bench and a green dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a parking meter"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a hair drier and an umbrella"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a blue backpack and a green skis"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a sports ball and a hair drier"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow book"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a knife"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a red skateboard and a purple oven"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a motorcycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a refrigerator"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a purple microwave"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a suitcase"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a black scissors and a blue wine glass"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a zebra and an apple"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a bottle"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a yellow apple and a black giraffe"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a frisbee and a baseball bat"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a red snowboard and a white cake"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bed"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a banana"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a dining table"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a brown parking meter and a blue baseball glove"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a bottle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a zebra"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a book"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a white handbag and a purple donut"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a purple baseball glove and a brown cow"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a car"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bear"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a baseball bat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a tie"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a sports ball"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a black skis and a brown cow"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a baseball bat"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a boat"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a cake and a microwave"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a white giraffe and a red suitcase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a computer mouse"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a pink knife and a green airplane"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a handbag"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a suitcase and a zebra"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cup and a purple fork"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a giraffe"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a red apple and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a tv remote"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a hair drier"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a brown car"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a brown stop sign and a blue car"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a green spoon and a purple cell phone"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a toaster and a sheep"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a motorcycle"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a dog and a parking meter"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a banana"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a carrot"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black frisbee and an orange surfboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow donut and a brown fork"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cup"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sheep"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a clock"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a brown refrigerator and an orange banana"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a traffic light"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a tv remote"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cake"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a hair drier and a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a yellow laptop and a red tennis racket"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bed"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a handbag"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a blue parking meter and a purple airplane"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a fork"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a toaster"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a pink wine glass and a purple carrot"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a vase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a red zebra and a white baseball bat"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow toaster and a brown baseball glove"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a toilet"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a fire hydrant"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a red backpack and a brown airplane"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown boat and a yellow parking meter"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a backpack"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a red umbrella and a black baseball glove"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a black sandwich and an orange baseball bat"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a sandwich and a tie"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a frisbee"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a white truck and a blue zebra"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a red boat and a white computer mouse"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown surfboard"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a stop sign and a computer keyboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a dining table"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a spoon"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a brown tennis racket and a green vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a skateboard"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a blue sandwich and a purple frisbee"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a cow"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a bird and a car"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of an apple"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a broccoli and a skis"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a black truck and a pink toaster"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a yellow hair drier and a red suitcase"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a cell phone"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a dog"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a black bowl"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a purple airplane and a white bed"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above an oven"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a teddy bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a cell phone"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a parking meter"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a vase"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a book"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a knife"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a skis"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a green computer keyboard and a purple sheep"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow snowboard and a purple wine glass"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a motorcycle and a computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a train"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a laptop"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a bird and a cake"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bird"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a toilet"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a blue backpack and a green frisbee"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bed and a cow"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue fork and a yellow dining table"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a laptop"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a stop sign"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above an apple"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a green donut and a purple spoon"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a toothbrush"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bowl"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tennis racket and a brown frisbee"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a red truck and a pink computer mouse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange horse and a red snowboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a toaster"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a tv remote"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a white toaster and a black giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a horse"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a wine glass"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a motorcycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a parking meter"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bench"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a white truck and a purple fork"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a couch"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a red hair drier and a purple knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a teddy bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a spoon"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue spoon and a brown teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a horse"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of an umbrella"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a white zebra and an orange hair drier"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a yellow dining table and a red hair drier"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of an orange giraffe and a green elephant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a hair drier"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a tennis racket"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a hair drier"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a scissors"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a sandwich"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a sports ball"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a microwave"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a frisbee"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a cat"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a red tv"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a surfboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a black elephant and a purple boat"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bird and a brown oven"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bus and a purple potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a knife and a bed"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a cell phone"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a horse"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sheep"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a surfboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a black sports ball and a white giraffe"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a traffic light"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a teddy bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a surfboard"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a computer mouse"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a sports ball and a baseball glove"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a green banana"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a scissors"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of an oven and a fire hydrant"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a snowboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a person"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a stop sign"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a toaster"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a refrigerator"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a scissors"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a white skis and a red bird"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a traffic light"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a clock"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a stop sign and a truck"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a pink wine glass"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a refrigerator"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a microwave"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bottle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tv remote"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow cup and an orange spoon"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tennis racket"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a book"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a banana"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a sports ball"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer keyboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of an orange wine glass and a red knife"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a dining table"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a banana"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sandwich and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a pizza"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a brown donut and a red computer mouse"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a clock"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a motorcycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bus"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an apple"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a banana"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a bench"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an elephant"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a blue fork and a green bench"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a white zebra and a red bird"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a sheep"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a black cell phone and a pink hot dog"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a cat"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a horse and a teddy bear"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a toothbrush"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a skateboard"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a red fire hydrant and a brown fork"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a book"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a green fork and a brown truck"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a white motorcycle and a brown kite"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a toaster"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a white knife and a yellow parking meter"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bed"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a black toothbrush"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bus"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a couch"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a cake"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a yellow zebra and a green broccoli"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a refrigerator and a motorcycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a tv"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a black motorcycle and a blue fork"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cow and a yellow baseball bat"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a brown clock"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a person and a truck"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow car and a brown hot dog"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink clock and a blue motorcycle"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a toothbrush"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a cow"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of an oven"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a knife and a truck"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a refrigerator"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a banana"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a refrigerator"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a pink cup and a green couch"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a train"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bicycle and a purple stop sign"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a train"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a handbag"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a brown orange and a white toaster"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a clock"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a potted plant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a pizza"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a backpack"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a microwave"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an umbrella"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a person"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bicycle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange spoon"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a pizza"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a sandwich and a motorcycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a white pizza and a brown bed"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a skis"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a pizza"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a black cat and a purple sports ball"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a hot dog"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a green carrot and a brown boat"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a giraffe and a backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a knife"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow book and a purple donut"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a purple tie and a white couch"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of an orange suitcase and a green bird"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a toothbrush"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bus"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a suitcase"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tv and a red computer mouse"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a skateboard"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow horse and an orange toilet"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cake"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a broccoli"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a white skateboard and an orange wine glass"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a white book"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a chair"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a red zebra and a pink bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a cell phone"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a sheep and a bowl"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cat"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a car"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a cow"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a bottle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a train"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a tv remote"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a bird"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a boat"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bird"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a red chair and a white teddy bear"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer keyboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a horse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow banana"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a dog"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a white carrot"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bicycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a green hot dog and a black sheep"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a pink skis and a white cake"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a red parking meter and an orange spoon"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a pizza and a fork"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a carrot"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a skateboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a backpack"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a white carrot"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of an orange apple and a pink skis"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a car"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a brown teddy bear and a purple sheep"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a banana"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a pink orange and a green clock"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a fire hydrant"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of an oven"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a backpack"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple elephant and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white toilet and a purple bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a cell phone"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a broccoli and a refrigerator"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a fork and a skis"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a computer mouse"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a toothbrush"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a tv and a hair drier"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a toaster"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a tie"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a donut and a couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a boat and a parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sports ball"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cup"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a blue oven and a black dining table"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a blue carrot and a brown kite"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange airplane and a black motorcycle"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bear"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bird and a yellow tennis racket"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a horse and a bed"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a bear"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of an orange"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a pink parking meter and a brown horse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cow"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a fork"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a fork"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a cow"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a scissors"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a toothbrush"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a boat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a black horse and a yellow elephant"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a sheep"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a hot dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a banana and a bear"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a red dog and a black potted plant"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tv remote and a green parking meter"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a laptop"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bench and a computer keyboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a clock"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a pink snowboard and a red bird"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sports ball"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue zebra and a yellow suitcase"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a purple pizza and a white parking meter"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of an orange handbag and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of an orange chair and a pink kite"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a scissors"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a donut"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a black surfboard and a yellow kite"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a suitcase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a dining table"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an apple"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a car"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an elephant"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a knife"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a snowboard"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a red baseball bat and a purple dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of an oven"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a brown tie and a white tv"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a donut"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a zebra and a donut"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a banana"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of an orange baseball glove and a pink bus"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a green truck and a yellow frisbee"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a toilet"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a yellow scissors and a green elephant"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a black donut and an orange cat"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer keyboard and a black carrot"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a white skateboard and a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple pizza and a yellow donut"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a cup"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a teddy bear"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of an orange oven and a white tv"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a car and a cake"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a red stop sign and a brown bus"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a red backpack and a pink suitcase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a spoon"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a red hot dog and a black bowl"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bicycle and a cow"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a toothbrush"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a person"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv and a green bottle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bowl"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a banana"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a spoon and a frisbee"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a knife"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a train"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a computer keyboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a green boat and a brown fire hydrant"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a parking meter"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a broccoli"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a couch"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a backpack"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a boat"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a black spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a blue sandwich and a purple carrot"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a green cat and a purple computer mouse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a horse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an oven"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a toaster"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cow"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cup and a yellow skateboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a parking meter"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sink"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a skateboard"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a potted plant and a toothbrush"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a brown refrigerator and a green sports ball"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a cake"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a tie"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of an orange train and a white hot dog"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a scissors and a potted plant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of an orange baseball glove and a purple toothbrush"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a blue oven and a white skis"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow surfboard and a brown sink"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a chair"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a dog and a tie"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a train"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a purple fork and a green pizza"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a snowboard"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a green skis"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of an oven"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a blue banana and a red truck"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a person and a wine glass"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a black laptop and a white wine glass"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a knife and a tv remote"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an apple"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a pizza"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a microwave and a laptop"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a purple tie and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a parking meter"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bus"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a giraffe"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a sink"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a laptop"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a green computer keyboard and a pink microwave"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a teddy bear"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bowl"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a bottle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a chair"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a teddy bear and a knife"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a green bicycle and a black giraffe"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sink"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a cake"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a purple umbrella"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a sink"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a traffic light"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cow and a yellow scissors"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a purple kite and a blue backpack"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red horse and a yellow surfboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cell phone"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a snowboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a kite"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a giraffe"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a pizza"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a stop sign"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a potted plant and an apple"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow dining table and a purple toilet"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a yellow traffic light and a green banana"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a brown carrot and a black scissors"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a giraffe and a dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a green refrigerator and a purple tv remote"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a toilet"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a car"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a white toothbrush and a red cat"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a black orange and an orange toothbrush"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a scissors and a bed"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an apple"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a tv and a hot dog"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of an orange potted plant and a black oven"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an elephant"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a purple cow and a white sheep"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a tennis racket"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a hot dog"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a blue sandwich and a black truck"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a pink cell phone and a red vase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sandwich"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above an apple"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a yellow donut and a red scissors"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a green frisbee and a black giraffe"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a green sink and an orange bench"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a tv"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a black scissors"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a green computer mouse and a yellow tv"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a tv remote"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a sheep and a pizza"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a sports ball"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a black hair drier and a red fire hydrant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cake"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a laptop and a broccoli"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fire hydrant"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a white refrigerator"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a baseball glove"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sink and an orange hot dog"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a green banana and a purple cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a donut"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a cup"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a chair"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a train"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a stop sign"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a green skis"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange tie"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cow"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of an airplane"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball glove and a red bear"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a carrot and a donut"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a cell phone"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a red tennis racket and a yellow kite"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a boat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a dining table"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a truck"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a spoon"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a skis"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a chair"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a traffic light"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a tie"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a brown frisbee"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a chair"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a parking meter"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a dog"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a cake"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cake"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a brown hair drier and a red fork"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a black car and a green boat"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a blue sheep and a red hair drier"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a green chair and a pink donut"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a frisbee"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an oven"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a red microwave and a black fire hydrant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a vase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bottle"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an umbrella"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a toaster"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an umbrella"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a knife"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a cat"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bench"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tv remote and a brown bottle"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a black bear and a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a green bird and a brown sheep"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a cow and a frisbee"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow pizza and a purple hot dog"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a cell phone"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a spoon"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a red computer mouse and a purple giraffe"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a pink microwave and a brown dining table"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a teddy bear and a motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a sheep"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cow and a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a white boat and a black skateboard"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of an orange horse and a green chair"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bench and a blue orange"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a kite"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a red stop sign"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a person"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a baseball bat"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a pink baseball glove and a white couch"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a car"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a bus"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a fire hydrant and a clock"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a horse"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a green bottle and a brown toaster"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a white bear and a blue cup"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a teddy bear"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a skateboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a giraffe and a tie"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an elephant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a laptop and a bench"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a brown snowboard and a white toaster"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a clock"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a pizza"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow carrot and a brown potted plant"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a couch and a cake"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a broccoli"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a purple frisbee"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of an apple"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a tv remote and a cow"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of an orange book and a black tv remote"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a sheep"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a black airplane and a purple book"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a suitcase"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a sports ball"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bottle"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bottle and a blue fire hydrant"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tie and a purple baseball glove"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a blue sandwich and a green spoon"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a suitcase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a horse"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a brown backpack and an orange bear"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a skateboard"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a kite"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a cell phone"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a tv"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a purple suitcase and an orange laptop"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a purple vase and a blue handbag"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a toothbrush"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a couch"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bed"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tie"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a wine glass"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a scissors"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a backpack"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a train"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a spoon"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a tv and a banana"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a banana"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a carrot"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cake"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a black baseball bat and a brown tv remote"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a hot dog"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a baseball bat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a computer keyboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bus"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a book"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a green kite and a red refrigerator"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bench"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of an elephant"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a computer mouse and an airplane"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a bottle"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a tv"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a train"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a dining table and a fork"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a sheep"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a refrigerator"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a potted plant"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cup and a purple cow"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a scissors"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown kite and a yellow book"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a potted plant"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a white pizza and a blue oven"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bird"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a computer mouse and a cup"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a parking meter"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a suitcase"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a donut"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a parking meter"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a pink surfboard and an orange computer mouse"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a bed"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bowl"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a backpack"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a spoon"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a skateboard and a surfboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a tv remote"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a microwave"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a skis"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a tv"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of an airplane and a bowl"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a tv remote and a toothbrush"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown skateboard and an orange baseball bat"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a brown boat and a pink backpack"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a baseball glove"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a scissors"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a cow"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bottle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a boat"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sheep"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bird"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a cow and a spoon"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a red tv remote and a brown donut"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a giraffe"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a green book and a yellow parking meter"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white fork and a yellow skateboard"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an airplane"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a blue zebra and an orange truck"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a skateboard"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a backpack"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a couch and an elephant"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a brown vase and a black hair drier"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a wine glass"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a sports ball"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cup and a brown knife"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a laptop"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tennis racket and an orange hair drier"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bench and a giraffe"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bird"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a purple microwave and an orange couch"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown dog"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a brown sink and a green bear"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toilet and a brown computer keyboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a purple zebra and an orange tennis racket"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a car and an orange"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a bird"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a toaster"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange train and a blue boat"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a skateboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bus and a banana"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "blue"}], "prompt": "a photo of a purple spoon and a blue skateboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a person"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a red toilet"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a green car and a yellow donut"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a surfboard"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cup"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a wine glass"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a sheep"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a dining table"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a skis"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a brown sports ball and a black fork"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sandwich and an orange skateboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a suitcase"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a wine glass"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a person"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a frisbee"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a donut"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white cake and a brown bicycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a horse"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cow and a pink toothbrush"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a purple parking meter and a blue airplane"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above an oven"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bed and a blue donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a banana"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a purple book and a green refrigerator"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a giraffe"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a suitcase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a train"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a banana"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a green sink"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a backpack"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a green vase and a pink teddy bear"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a black giraffe and a blue cow"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a pink donut and a white clock"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a blue handbag and a purple apple"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a black elephant and a red knife"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a sandwich and a tv remote"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a bench"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a purple sports ball and a red toaster"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a surfboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow frisbee"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sandwich and a yellow zebra"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a frisbee"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a brown donut and a white car"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a book"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple skateboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tennis racket"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a backpack"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a skis"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a knife"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a clock"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a computer keyboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a microwave"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a red hot dog and a blue zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a green cell phone and a pink cat"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a white frisbee and a pink handbag"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a blue pizza and a black fork"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bus and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a skis"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a boat and a cup"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a dining table"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a hair drier and a clock"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a stop sign"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cake and a yellow sandwich"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a toaster"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cup"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a toothbrush"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sheep and a blue sandwich"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a cat and a person"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bowl"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a fork"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a clock"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a spoon"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an airplane"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a skis"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a cow"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a toilet"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a cow"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a sandwich"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a purple clock and a brown bus"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of an orange bed and a red sandwich"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a motorcycle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bowl"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of an orange refrigerator and a white dining table"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sink"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a blue wine glass and a red horse"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a purple motorcycle and a white cow"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a giraffe"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a blue dog and a pink toothbrush"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a white laptop"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a backpack"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a zebra"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a truck"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a spoon"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a couch"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a giraffe"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue stop sign and a black computer keyboard"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a blue traffic light and a white tv"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a toothbrush"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a cow"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a pink bottle and a white sheep"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a laptop"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a hair drier"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tie"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a stop sign"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a pink hair drier and a brown cow"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a red bench and an orange dining table"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a blue wine glass and a green laptop"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a blue boat and a red elephant"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a black bus and a white train"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a horse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a knife"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a tv remote and a train"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a cake"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bowl"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a kite"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a toothbrush"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a toaster"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a black giraffe and a pink skateboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bird"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above an oven"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a knife"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a red horse and a brown donut"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a kite"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sandwich and a yellow computer keyboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a purple baseball glove and a green train"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a bus"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a broccoli"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a couch and a scissors"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a green computer keyboard"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a broccoli"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a person"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a fire hydrant"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a cow"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a black suitcase and a green baseball bat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a green tie and a purple sink"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a hot dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a kite"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a black toilet"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an elephant"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a purple fire hydrant and an orange sheep"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a surfboard"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a red bus and a purple kite"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tie"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a sink"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a parking meter"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bench and a yellow scissors"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a person and a vase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bicycle and a brown clock"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a sheep"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cup"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a tie"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a car"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a banana"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a blue horse and a black stop sign"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toothbrush"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a red broccoli"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a giraffe"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a microwave"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of an orange book"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a stop sign and a baseball bat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a giraffe"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a hot dog"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a toaster and an umbrella"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a sheep"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a toothbrush"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink chair and a yellow tv remote"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a baseball glove and a sports ball"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an apple"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a purple kite and a brown elephant"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a blue sink and a red cell phone"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of an orange computer keyboard and a blue horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a purple sandwich and a red book"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of an orange skis"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cake and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a dining table"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bed"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of an orange laptop and a green apple"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sandwich"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a carrot"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cat"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bench"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a banana"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a train"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bowl and a purple cow"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a pink dining table and a red chair"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cup"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a fire hydrant and a book"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bus"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a kite"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an umbrella"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tie"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a tv"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of an umbrella"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above an airplane"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow car and a pink apple"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a motorcycle and a handbag"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bowl"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above an oven"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a white sink and an orange baseball bat"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a pink carrot and a purple car"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange teddy bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a hair drier"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a brown couch"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a red horse and a green skis"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a couch"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cell phone"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a hair drier"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a computer keyboard and a couch"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange giraffe"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sandwich"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a hair drier"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a toaster and a toothbrush"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a bench"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a blue stop sign and a brown skis"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a dining table"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a tv"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a knife"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a scissors and an airplane"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of an apple"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a chair"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cat"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a green dining table and a pink scissors"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a white bed and a black chair"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bowl"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cup and a black cat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of an orange truck and a brown frisbee"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a backpack"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a white banana and a blue tie"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown teddy bear and a yellow giraffe"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bear"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of an orange kite and a brown giraffe"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a truck"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bench"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sports ball and a pink bench"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a toilet"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an elephant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a cake"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a purple handbag and a red knife"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a car"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of an oven"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a teddy bear"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a frisbee"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a wine glass"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a tie"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a vase"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above an elephant"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a teddy bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an orange"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a couch"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a dog"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bench and a pink spoon"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a train"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a tennis racket"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a green backpack"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a scissors"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a spoon"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a brown vase and a black bowl"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a black tv remote and a white microwave"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a stop sign"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a purple baseball glove and a black computer mouse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a backpack"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a black sink and a blue hot dog"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bird"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a person and a bird"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a pink skateboard and a blue knife"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a suitcase"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a bicycle and a tv remote"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a truck"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a sheep"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a train"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bus"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a train"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bowl"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a skateboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a green donut and an orange apple"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below an orange"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a suitcase"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a bird"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a traffic light"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cup"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a purple giraffe and a black backpack"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cell phone"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a dining table"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a microwave"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a car"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a train"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a computer mouse"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a person"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a black tv remote and a pink hot dog"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a cow and a suitcase"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a microwave"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a blue carrot and a black cat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cake and a yellow dog"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a car"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a white airplane and a brown tennis racket"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a knife"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of an apple"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of an orange book"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a clock"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of an orange knife and a brown apple"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a boat"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a surfboard and a backpack"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a microwave"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a refrigerator and a pizza"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a white baseball glove and a blue bowl"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a parking meter"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a skis"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a sandwich"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sink"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cake and a blue bear"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a black chair and a blue microwave"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a fork"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a frisbee"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bed"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a blue giraffe and an orange car"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bed"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bed"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a potted plant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above an airplane"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a brown banana and a black suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a couch"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of an oven"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a chair"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a cat and a laptop"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a tv remote"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a pink knife and a black sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a chair"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow toaster and a purple chair"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a purple dining table and an orange tv remote"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a brown chair and an orange toaster"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a dining table"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown motorcycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a teddy bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cell phone"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a hot dog"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bed"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a traffic light"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer mouse and a purple carrot"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a white computer keyboard and a green suitcase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bus"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a blue umbrella and a pink tv remote"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a blue donut and a white banana"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a zebra"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a book and a potted plant"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of an elephant"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an orange"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a carrot and a vase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a dining table"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a book"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a red laptop and a purple traffic light"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a bus and a microwave"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a dog and a sports ball"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a stop sign"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a toothbrush"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cake"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a cell phone"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a wine glass"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a toilet"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a book"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a scissors"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a person"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a purple spoon and a black microwave"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a vase"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown pizza and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a potted plant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a wine glass"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a sheep"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a sandwich and a knife"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a tennis racket"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below an oven"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a giraffe"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a hair drier and a snowboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a sports ball"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink car and a yellow donut"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a black scissors and a white cup"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a hair drier"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a white hot dog"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a donut"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a blue donut and a purple dog"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a pink bowl and a green hair drier"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a couch and a bear"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a brown potted plant and a blue laptop"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an elephant"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a zebra"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a skis"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a couch and a sheep"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a fire hydrant"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bowl"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a skis"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a white oven and a brown cat"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a toaster"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of an orange tennis racket and a black hair drier"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tv remote"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a sports ball"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a teddy bear"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a sheep"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a skateboard"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below an umbrella"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a green cake and a red parking meter"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a motorcycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a purple stop sign and an orange horse"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above an oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a carrot"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a toaster"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above an airplane"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a blue cell phone and a white hair drier"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a white fork and a pink bed"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a white laptop"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a laptop"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a traffic light"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a sandwich"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a pizza and an orange"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a purple spoon and a red baseball glove"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a brown sink and a green broccoli"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a white clock and a green scissors"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a spoon"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a hair drier"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a white backpack"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sheep"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball glove and a purple tie"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a tennis racket"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a black carrot and a blue tv"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a cell phone"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a bear and a bed"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of an orange book and a brown bicycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a bird"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a black bird"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow motorcycle and a red boat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a motorcycle"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a clock"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a brown tie and a red kite"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bicycle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tv remote and a green toilet"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a microwave"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a train"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a brown handbag and a green hair drier"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a wine glass"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a suitcase"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a traffic light"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of an airplane and a sheep"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a person"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a brown knife and a white stop sign"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a pink frisbee and a purple carrot"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a hot dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a kite"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an orange"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow cake and a pink bottle"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a white spoon and an orange donut"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cup"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a truck"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a fork"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dog and a blue bird"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bicycle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a red bus and a pink truck"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bowl"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an elephant"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow book"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a toilet"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sandwich and an orange banana"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a donut"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a pizza"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a pink kite and an orange train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a bear"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a kite"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a hot dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a pink potted plant and an orange apple"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bench"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a hot dog"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a cup"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a brown orange and a blue tv"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a toaster"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a cake"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a red toilet and a brown handbag"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a clock"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a surfboard"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a frisbee"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a wine glass"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a carrot"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tie"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a blue bus and a red giraffe"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bowl and a suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below an umbrella"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a cake"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a couch"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a bottle and a bowl"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a kite"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bench"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cup and a brown suitcase"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of an orange handbag and a black bed"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a cell phone"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a pink computer keyboard and an orange airplane"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a black fire hydrant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a tie"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a tv"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bench and a black surfboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bus"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a computer keyboard and a refrigerator"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of an apple"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a black toaster and a yellow laptop"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of an apple"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a baseball bat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a train"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a baseball glove and an airplane"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a pizza"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a sink and an oven"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a surfboard"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "pink"}], "prompt": "a photo of a purple skateboard and a pink cup"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a fork and a hot dog"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a toilet"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bed"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a toaster"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a donut"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a brown cup and a blue bus"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a refrigerator"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a pink chair and a black computer mouse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a clock and a toilet"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown train and a yellow bicycle"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a green frisbee and a yellow donut"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a brown elephant and a pink chair"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a yellow chair and a green stop sign"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a refrigerator"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a computer mouse"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a teddy bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bird"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a brown bear and a white clock"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a white train and an orange wine glass"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sports ball"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a person"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a teddy bear"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a wine glass"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bowl"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a handbag and a potted plant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of an apple"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a bowl"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a surfboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a spoon"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of an orange horse and a brown wine glass"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a blue skis and a purple fire hydrant"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a purple vase and a black cup"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black motorcycle and a purple skateboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a teddy bear"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a fire hydrant"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a carrot"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bed"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of an orange clock and a black sheep"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bed and a brown baseball glove"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a hot dog"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sink and a pink elephant"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a stop sign"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a baseball glove"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a train"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a purple pizza and a blue potted plant"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a person"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a tv and an oven"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of an orange suitcase and a red cat"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a purple dog and a brown bus"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a scissors"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a wine glass"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a brown giraffe and a pink bird"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a pink chair"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a book"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a pizza"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a green toilet and a blue stop sign"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a refrigerator"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a green carrot and a brown sink"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a knife"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of an orange donut and a red clock"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a banana and a baseball bat"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a car"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sink and an orange apple"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a tv remote"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of a pink wine glass and an orange book"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above an orange"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a vase"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a car and a dining table"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a backpack"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sink"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a skateboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a frisbee"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sink"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a brown tv and a red train"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a banana"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a car"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a scissors and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a green bed and a white fire hydrant"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of an elephant"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a snowboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sheep"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a green spoon and an orange elephant"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a purple teddy bear and a pink toilet"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a wine glass and a bicycle"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a toothbrush and a dining table"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a book"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a bird"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a zebra"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a kite"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a skateboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a carrot"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bench"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a suitcase"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a book"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a handbag"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a scissors"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange horse"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a brown tv remote and a white sheep"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a baseball bat and a horse"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a couch and a cat"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a black baseball glove and a pink microwave"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cat"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a cow"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below an apple"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a parking meter"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a boat"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a blue baseball bat and a white bottle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a baseball glove"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of an orange wine glass"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cake"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a cake"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a pink dining table and a purple cat"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a skis"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a blue clock and an orange laptop"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a red umbrella and a brown vase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a hot dog"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bus and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a blue sports ball and a green elephant"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a white zebra"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a pizza"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a cake and a kite"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bowl"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a brown elephant and a red backpack"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of an oven and an umbrella"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a green hot dog and a brown stop sign"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a bus"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a frisbee"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a train"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a frisbee"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a laptop"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of an apple and a bus"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bird"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of an orange kite and a white broccoli"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a green bed and a white truck"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a sink"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a snowboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a spoon"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a white bird and a green computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a bicycle"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a toothbrush"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a chair and a bear"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a white chair and a pink toaster"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a brown laptop and a green train"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a green elephant and a purple potted plant"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sports ball and a yellow suitcase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a spoon and a person"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a stop sign and an airplane"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a truck"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tennis racket and a pink cup"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange pizza and a yellow toilet"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a tennis racket"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above an oven"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below an apple"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a hot dog and a bed"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a brown truck and a white baseball bat"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a pink tie and a green sports ball"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sheep"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a microwave"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a car and a surfboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of an orange chair and a red hot dog"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a toilet"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a hot dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a carrot"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a cake and a bed"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a toilet"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tv remote"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a bear"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bicycle"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a clock"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a horse"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a horse"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a toilet"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sheep"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a tv remote"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a frisbee"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of an orange and a chair"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of an elephant"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple dining table and a yellow stop sign"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a purple bed and a red cup"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a green microwave and an orange suitcase"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow computer keyboard and a brown sports ball"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bear and a bus"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a white surfboard and a blue tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a purple bicycle and a white cat"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bench"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a book"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a dining table"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a clock"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a potted plant"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a motorcycle and a bed"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of an orange sports ball and a red bicycle"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a hot dog"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a chair"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a purple knife and a pink handbag"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bear and a yellow snowboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toothbrush"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a bear"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a truck and a bird"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a couch"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of an oven"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a toothbrush"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a tv and a couch"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a cake and a bowl"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a carrot"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a cup"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a cake"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a snowboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a tennis racket"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a blue donut and an orange sandwich"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sheep"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a pink car and an orange toothbrush"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a knife"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink vase and a red skateboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a tie"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a cake"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bed"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a green tie and a white refrigerator"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow dining table and an orange toothbrush"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a surfboard"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a white frisbee and a blue donut"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a tv"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a purple snowboard and a pink broccoli"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of an umbrella and a refrigerator"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sports ball"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a brown airplane and a black clock"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cake"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a snowboard and a frisbee"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a sink"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a cake"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bed"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sports ball and a pink microwave"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a purple cell phone and a white zebra"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a green oven and a purple giraffe"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an oven"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a black zebra and a purple donut"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a cell phone"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a tennis racket"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a surfboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a couch and a toothbrush"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a person"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv remote and a pink cat"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a boat and a tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a horse"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a truck"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tv remote and a yellow cell phone"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a stop sign"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bottle and a yellow bus"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a spoon"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cake"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue computer keyboard and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of an orange chair and a blue train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a fork"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a carrot"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a donut"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a traffic light"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a computer mouse"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bowl"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a motorcycle"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple vase"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a boat"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bird"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of an elephant"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a computer mouse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cell phone"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a teddy bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a tennis racket"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bowl and a baseball glove"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown motorcycle"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a bear"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a cake"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of an orange wine glass and a white cell phone"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a black umbrella and a white cat"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a wine glass"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a green traffic light and a purple book"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a pizza"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a backpack"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a sink"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown airplane and a black snowboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a pink skateboard and an orange microwave"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a hot dog"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black backpack and an orange computer keyboard"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a knife and a sports ball"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple baseball glove and a yellow surfboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a frisbee"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of an orange toaster and a white dog"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a green backpack"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a purple surfboard and a brown zebra"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a kite"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a green car and an orange sports ball"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cell phone and a blue kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a toaster"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a laptop"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a stop sign"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a dining table"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fork and a purple zebra"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a traffic light"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a boat"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cow"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cow"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bicycle"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below an apple"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a bowl and a boat"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a computer keyboard"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a handbag and an umbrella"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a pink dog and a black stop sign"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of an orange train and a red teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a suitcase"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a teddy bear"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a sheep and a knife"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a tv"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of an orange surfboard and a black donut"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of an orange chair and a purple umbrella"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a carrot and a clock"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a black boat and a purple suitcase"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a green computer keyboard and an orange toothbrush"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a toothbrush"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a sports ball and a bottle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a teddy bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a carrot"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a car"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a laptop"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a motorcycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a dining table"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a dog"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a toaster"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cow and a purple fork"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bowl"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a truck"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow refrigerator and a purple handbag"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a dog"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bed"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a green pizza"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a red backpack and a white kite"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a green baseball bat and an orange bottle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow hair drier and a brown oven"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a baseball bat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of an orange cat and a red dog"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an orange"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a chair"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an umbrella"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a white bicycle and a red skis"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a brown hair drier and a green suitcase"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a backpack"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a sports ball"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a dining table"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a backpack"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a dining table"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a traffic light"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a broccoli"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a blue sink and a green hair drier"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a pink baseball bat and a blue computer mouse"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a green bed and a pink toilet"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a white airplane and a purple bicycle"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a brown bowl and a white snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a couch"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a chair"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a giraffe"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a dog"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a traffic light and a computer mouse"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a horse"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a red teddy bear and a purple tv"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sink"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a donut"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a hot dog"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a cake"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a traffic light"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bird"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a black apple and a yellow bus"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a yellow stop sign and a green umbrella"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a blue computer keyboard and a brown vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a brown bear and a red sandwich"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow giraffe"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below an airplane"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an orange"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above an umbrella"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sheep"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a black tv remote and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a stop sign"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a sandwich"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a vase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a motorcycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a baseball bat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a black banana and a brown hot dog"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a fire hydrant"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a microwave"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a frisbee"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a sink"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a frisbee"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a book"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a horse"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a green banana and a white pizza"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a parking meter"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of an orange tv and a white knife"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a cake"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a spoon"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a purple train and a pink hot dog"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a frisbee"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a giraffe"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a sheep"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a cell phone"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a kite"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a surfboard"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a blue potted plant and a purple couch"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a knife"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink pizza and a yellow horse"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow traffic light"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a wine glass and a fire hydrant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a potted plant"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a train"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a toaster and a baseball bat"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange backpack and a yellow dining table"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a blue bed and a green kite"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a chair"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a train and a stop sign"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a black oven and a purple horse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a chair"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sandwich"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a skateboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a bus"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a tv remote"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a vase and a car"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a white tv remote"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a white dining table and a blue book"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a chair"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a sports ball"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a broccoli"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of an apple"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toilet"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a green giraffe and a yellow dining table"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a book"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bicycle"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a parking meter and a spoon"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bicycle"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of an orange microwave"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a red bicycle and a black banana"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a cake"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a fire hydrant"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bus and a blue boat"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below an oven"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a donut"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a white stop sign and an orange backpack"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a snowboard and a bowl"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a clock"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a cup"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a toaster and a clock"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cup"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a chair"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue broccoli and a yellow handbag"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a zebra"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a sheep"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a refrigerator and a potted plant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a carrot"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a knife"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a couch"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a skis"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bus"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a purple dog and a white sports ball"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a blue bear and a black clock"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of an airplane"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a purple toaster and a black bench"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a brown refrigerator and a purple apple"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a frisbee"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a truck"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a blue traffic light"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a cake"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a scissors"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a train"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow computer keyboard and a blue oven"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a purple toilet and a black scissors"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a black knife and a brown baseball bat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a train"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bed"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink donut and a green bicycle"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a toothbrush"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a white computer keyboard and a purple giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a person"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a yellow computer mouse and a red chair"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tv remote and a yellow parking meter"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a knife and a traffic light"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a stop sign"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an elephant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a tv"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a blue pizza and a red toaster"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a donut"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a red banana and a blue book"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bed"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a yellow snowboard and a green oven"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a white bottle and a red wine glass"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a green knife"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a cell phone"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a green fork and an orange tie"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a bird"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a knife"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a pink cake and a red kite"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a dog"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a donut and a sink"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bottle and a yellow sports ball"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a pink handbag"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a sandwich"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bicycle and a purple orange"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a cup"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a knife and a surfboard"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a cake and a sheep"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a bed and a bird"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a sheep"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a purple skateboard and a white sports ball"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball bat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a snowboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bed"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a green spoon and a white umbrella"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a broccoli"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a bus"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a donut"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a yellow fire hydrant and a white bicycle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a red toaster and a yellow apple"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a clock"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a dog"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a kite"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a horse"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of an orange and a bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a banana"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cat"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tennis racket and an orange sink"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a brown dog and a black truck"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a parking meter"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a baseball glove"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a blue bed and a white cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a zebra"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bowl"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a spoon"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a clock and a potted plant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a hot dog"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bench"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a toothbrush"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a tie"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow apple and a green boat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a broccoli"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a toaster"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sports ball"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a brown fire hydrant and an orange airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a motorcycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bird"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a green bottle and a purple banana"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a white sports ball and a green microwave"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a bench"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a sheep"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a cake"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a fork"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a brown toothbrush and a green knife"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a purple handbag and a red bird"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a kite"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a bed"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a chair"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a laptop and a truck"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below an orange"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a baseball glove"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a backpack"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cell phone"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a red spoon and a white tie"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below an orange"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a chair"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a tv remote"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a dining table and a person"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a book"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a pink donut and a blue stop sign"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bed"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a skis"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a hair drier"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bench"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a couch"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a white broccoli and a red sandwich"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a truck"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an elephant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a black bench and a blue book"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cow and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a sports ball"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bottle"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a microwave and a broccoli"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a potted plant"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a cat and a tv remote"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a white microwave and an orange bicycle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a pizza"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a cup"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a scissors"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a bed"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a scissors and a handbag"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a banana"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a white airplane and a purple wine glass"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a tv"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an airplane"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a blue truck"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bicycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cup and a brown wine glass"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of an apple"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a red bed and a pink wine glass"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a blue bicycle and a white bottle"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a banana"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a truck"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow computer mouse and a purple motorcycle"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a cake and an airplane"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bowl"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a green sink and a brown bed"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a fire hydrant and a computer keyboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a cell phone"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a refrigerator and an orange"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a handbag"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a cake and a carrot"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of an orange baseball bat and a green bus"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a train"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bowl and an orange computer mouse"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a red bowl"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cow"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bed"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a car"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow potted plant and a pink apple"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bird"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a dining table"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a pizza"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a purple book"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a purple giraffe and a green stop sign"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a bowl and a fire hydrant"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a toaster"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a black broccoli and a white dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above an airplane"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a couch"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a spoon"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a laptop"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tennis racket"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a snowboard"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a brown skis and a red cake"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a couch and a giraffe"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a green elephant and a yellow stop sign"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a dog"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a truck and a skateboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a toothbrush"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cow"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hair drier and a yellow couch"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a bicycle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a sink"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an oven"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a clock and a person"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of an orange bus and a green bottle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a computer keyboard"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a knife and a wine glass"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a toilet"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a parking meter"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a cat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sheep"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a toaster"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a cup"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a brown sandwich and an orange vase"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a boat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a pink zebra and a green cup"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a green scissors and a blue orange"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a skateboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a pink apple and an orange baseball bat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a potted plant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sink"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a car"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a couch"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an airplane"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of an orange bed and a green zebra"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a donut and a tv remote"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a spoon"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an airplane"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bed"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a clock"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white surfboard and a pink snowboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a boat"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a tv remote"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a kite"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a green oven and a blue truck"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of an orange kite and a blue truck"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a frisbee"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a cell phone"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a frisbee"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cup"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a sheep and a sandwich"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of an orange oven and a brown microwave"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a dining table"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tv"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a horse"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bus"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below an orange"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cat"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a red donut and a yellow spoon"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a yellow traffic light and a red broccoli"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a red elephant and a purple carrot"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a skis"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bicycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a red vase and an orange zebra"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a bench"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a horse"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a red airplane and a blue couch"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a chair"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a sink"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a laptop"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a black surfboard and a green tennis racket"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a skateboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a green refrigerator and a red kite"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a potted plant and a fire hydrant"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a suitcase"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a handbag"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a wine glass"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a car and a spoon"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a white backpack and a blue fork"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a hot dog"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a sink and a suitcase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a red skis and a black fork"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a brown kite and a blue bird"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of an apple and a tennis racket"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bird"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a stop sign"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a clock"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a toilet"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a purple apple"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tv"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a truck"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a toilet"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a truck"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below an elephant"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bottle and a surfboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a broccoli"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a giraffe"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a blue skis and a brown bowl"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a skis"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a red zebra and a pink oven"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a laptop"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a backpack"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sports ball"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below an apple"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a cat and a potted plant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a tv remote"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cow"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a purple motorcycle and a pink wine glass"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a frisbee"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cup"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a toilet"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a refrigerator"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a sink"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a black giraffe and a green hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a bench"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a purple couch and a black skis"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a teddy bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an oven"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a snowboard and a spoon"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a computer mouse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a chair"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a fork"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a green bottle and a white carrot"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a knife"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a microwave"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a sandwich"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a computer mouse"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a brown handbag"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a train"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a clock"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tv"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a green bottle"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a cow and a cup"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a white elephant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a motorcycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a surfboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a black chair and a green dining table"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above an airplane"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a purple motorcycle and an orange truck"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a giraffe"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a refrigerator"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a truck"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown wine glass and a yellow skis"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a cake and a fork"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a knife"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a refrigerator"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a banana"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a banana"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a car"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a tie"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a tv remote"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a purple cup and a green bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a computer mouse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a book"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sheep"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tv"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a book"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bicycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a pink suitcase and a black fork"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a frisbee"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a cat"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cup and a blue bed"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a sandwich"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cell phone"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a black boat and a white orange"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a black bear and a blue pizza"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a handbag"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a truck"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a horse"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a green baseball glove and a black tv"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a knife and a microwave"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a donut and a computer keyboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a tv"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a toothbrush"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a vase and a sports ball"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a cell phone"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a book"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a black oven and a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a black truck and a red tv"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a cat"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a sports ball"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a baseball bat"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a suitcase"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bottle and a sandwich"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a tv"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a black knife and a red laptop"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a baseball bat"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a blue tv and a white cake"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a computer mouse"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a donut"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a fork and a tv"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a white tv and a blue handbag"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a carrot"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a green bicycle and a blue bed"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a chair"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of an umbrella and a giraffe"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a purple banana and a red fire hydrant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a handbag"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of an orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a black motorcycle and a brown bottle"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a baseball glove and an elephant"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a blue broccoli"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a broccoli"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a boat"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a red handbag and a black clock"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tennis racket"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tv and an orange toilet"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a handbag"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of an orange computer keyboard and a black hair drier"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sink"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a red sandwich"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a blue baseball bat and a green airplane"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a yellow handbag and a green parking meter"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a pizza"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a dining table"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a microwave"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a white orange and a pink toothbrush"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a dining table"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of an orange and a bicycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange baseball glove and a yellow stop sign"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sports ball"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sink and an orange sports ball"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a car"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a blue motorcycle and a brown laptop"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a vase"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of an umbrella and a tennis racket"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a hair drier"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bed"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a skateboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a yellow couch and a red fork"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a brown oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a carrot"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of an apple"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bus"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a cow"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a truck"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a dining table"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a carrot"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a tie"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bird"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bus and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a black computer mouse and a white toilet"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a red book and a white broccoli"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a stop sign"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bear and a sports ball"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a parking meter"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a pink truck and an orange backpack"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above an umbrella"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a skis"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a spoon"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a donut"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a yellow broccoli and a white bicycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a broccoli"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a blue sandwich and a green clock"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a white bottle and an orange spoon"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a black train and an orange teddy bear"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a purple sink and a green computer mouse"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a blue motorcycle and an orange traffic light"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a pink skateboard and a blue horse"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sink"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a red dog and a purple oven"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a fork"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a dining table"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a pizza and a hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bench"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a book"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a dog"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a sandwich"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown banana and a purple motorcycle"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a white bird and a green sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a cow"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a black computer keyboard and a brown cake"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a red apple and a green carrot"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bottle and a laptop"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tv remote"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a tv and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a yellow backpack and a green sandwich"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bottle and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a train"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a giraffe"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a sports ball"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a black knife and a red horse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a tennis racket"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a banana"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a snowboard"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a yellow hot dog and a white cell phone"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a couch"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cake"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a boat and a bed"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a black computer keyboard and a blue spoon"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a carrot"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a red spoon and an orange kite"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a vase"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a microwave"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a microwave"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow computer keyboard and a blue truck"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a knife"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bicycle and a computer keyboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a fire hydrant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a white zebra and a black tie"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bicycle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a purple stop sign and a red traffic light"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a couch"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an oven"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink zebra and a yellow surfboard"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a boat and a dog"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a book and a sheep"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cell phone and a yellow cat"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a traffic light and a sheep"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a purple toothbrush and a pink bed"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above an oven"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a tv remote"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a refrigerator"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a toaster"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a computer keyboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a computer mouse"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow car"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a baseball bat"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a red spoon"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a blue car"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a red bear and a black bus"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a tv"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an umbrella"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a wine glass"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a fire hydrant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a surfboard"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bird"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple umbrella and a yellow orange"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a microwave"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a green baseball bat and a pink dining table"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a kite"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue scissors and a yellow giraffe"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a red microwave"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a handbag and a frisbee"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a vase"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a traffic light and a toaster"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a stop sign"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a white bottle and a pink knife"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a bottle"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a black apple and a red suitcase"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cow"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cup"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a red stop sign and a green cat"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a green orange and a red toothbrush"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a car"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a sheep"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a donut"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a purple banana and a brown scissors"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a potted plant and a horse"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a green fork and a black cow"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a cow and a kite"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a zebra"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a knife"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a purple bus and a green skateboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a dining table"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a broccoli and a hair drier"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a brown baseball glove and a pink clock"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a purple baseball bat and a pink dog"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a blue computer mouse and a white surfboard"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a dog and a bench"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a potted plant"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a laptop"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a horse and a tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a giraffe"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow chair and an orange elephant"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a green clock and an orange stop sign"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a dining table"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a couch"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a baseball bat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a horse"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bed"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a refrigerator"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an elephant"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a yellow carrot and a red couch"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a zebra and a pizza"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a wine glass"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a computer mouse"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a book"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bird"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a sports ball"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a giraffe"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a toaster"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a person"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a snowboard"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a purple bowl and a black pizza"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a red donut and a purple cell phone"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a cup"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a brown bed and a black pizza"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a clock"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sports ball"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a chair and an umbrella"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a cat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a boat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a red cup and a pink apple"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a zebra"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a person"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a brown bicycle and a black chair"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a green fork and a black spoon"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer keyboard and a blue bowl"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tie"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a pink computer mouse and a black chair"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bottle"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a toaster"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a toothbrush and a computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a sink"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a purple car and a blue banana"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a red wine glass"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a traffic light"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of an oven"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a frisbee"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a purple horse and a brown motorcycle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a purple dining table and a green computer mouse"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a sandwich and a skis"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a bus"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a potted plant"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a brown laptop and a black bird"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bed"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a hot dog"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sandwich"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a bowl and a broccoli"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bird"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow banana and a purple car"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a book"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a tv and a vase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown scissors and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of an orange"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a car"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a white computer mouse and a green frisbee"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a zebra"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a stop sign"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a red skis"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue handbag and a yellow backpack"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a cat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a toilet"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a scissors and a vase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a dining table"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a horse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a bench"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a hot dog"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a red stop sign"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a red bowl"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a snowboard"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a blue cake and a green handbag"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bottle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a traffic light"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bed"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a green tennis racket and a brown dining table"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a backpack"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "bed", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bowl and a green bed"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow toilet and a pink baseball glove"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow book and a pink apple"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a suitcase"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a white sandwich and a pink bench"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of an orange and a surfboard"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a purple bed and a green giraffe"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a toilet"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a computer keyboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a person"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a blue bottle and a white giraffe"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a blue orange and a pink suitcase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a motorcycle"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a toothbrush and a person"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a toilet"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of an airplane"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a brown bicycle and a green cat"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a black broccoli and a brown traffic light"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a pink scissors"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a train"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a handbag"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a banana and a laptop"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a pizza"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a baseball glove"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a pizza"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer keyboard and a black bench"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a traffic light"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a red laptop and a purple knife"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bench and a laptop"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a refrigerator"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a black cup"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a cup"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a cat"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink snowboard and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a laptop"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a motorcycle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a chair"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bus and a yellow computer mouse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a red frisbee and a white toilet"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an apple"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a person"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a blue giraffe and a purple sink"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a fork"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a chair"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a tennis racket"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a red bowl and an orange vase"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a brown computer mouse and an orange dog"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a black boat and a brown airplane"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a bottle"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a blue wine glass"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a sink"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a pizza"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sandwich"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a purple bicycle and a red toaster"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cup"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a knife and a cell phone"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a horse"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a clock"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above an umbrella"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a sheep"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a red cup and a white tie"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a tv remote"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a dog"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a potted plant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a carrot"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a suitcase"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a dining table"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a vase"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a dog"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a clock"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a microwave and a sheep"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a black microwave"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a zebra"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a white giraffe and a blue toothbrush"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a red car and an orange tv"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a cake"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a tie"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a purple microwave"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a black donut and a brown bed"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a pink teddy bear and a blue horse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a couch"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white frisbee and an orange dog"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a wine glass and a pizza"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a donut"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a fork"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a frisbee"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a tie"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a snowboard"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a fork"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a black handbag and a green vase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a hair drier"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a traffic light and a surfboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bird"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a pink cup and a black skis"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a pizza"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a toothbrush"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a chair"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a dining table"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a chair and a couch"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a blue fork and a brown motorcycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a vase"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a potted plant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an airplane"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a black bench and a green teddy bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a sheep"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a sink"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tv"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a computer keyboard and a potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a horse"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a pink knife and a black scissors"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a car"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a purple traffic light and a brown couch"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a white broccoli and a black baseball glove"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a purple microwave"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a sheep and an orange"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv and a pink tv remote"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a scissors"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bus"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bicycle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a hair drier"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of an oven"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a white handbag and a yellow motorcycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a computer keyboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a carrot"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a frisbee"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a traffic light"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a brown dining table and a blue orange"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a fork"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer keyboard and a pink tennis racket"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a giraffe and a bench"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple laptop and a yellow truck"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a person"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a broccoli"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a boat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a pink tv and a red hot dog"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a baseball bat"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an apple"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a donut"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a tv and a fire hydrant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a banana"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of an orange stop sign and a green fork"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a bench"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of an oven"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a purple book"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a toaster"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of an oven"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a baseball glove"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above an airplane"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a banana"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bicycle and a purple dog"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a tennis racket"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a person"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a snowboard"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a stop sign"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a tennis racket"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an orange"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a baseball glove"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown spoon and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a suitcase"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a black spoon"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a baseball glove"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a dining table and a tv"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a green sink and a black donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bicycle"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a refrigerator and a frisbee"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a tennis racket"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow stop sign"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a black couch and an orange bench"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a tie and a microwave"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a scissors"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a car"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a surfboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a refrigerator and a surfboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a kite"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a black cell phone"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a purple elephant and a white bottle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a pizza"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a laptop"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a bowl"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a potted plant"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cake and an orange chair"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a donut"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a yellow chair and a black vase"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a red bench and a pink skis"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bench"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a parking meter"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a cup"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a toaster"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a microwave"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a green tennis racket and a blue bowl"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a clock"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a baseball glove"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a book"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a frisbee"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a giraffe"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a potted plant"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a blue broccoli"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bed"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of an orange skis"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a clock"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a purple cell phone and a green umbrella"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a cow"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a red cow and a black bird"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a black hot dog and a pink bed"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bicycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a red motorcycle and a green bowl"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a traffic light and a cow"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below an airplane"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sports ball and a white carrot"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a white clock and a black zebra"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a pizza"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of an orange"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a motorcycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a white airplane and a brown sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a suitcase"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a bird and a bicycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bench and a red donut"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a stop sign"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a purple parking meter and a white bench"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a brown sandwich and a black scissors"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a couch"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a skateboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of an oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow banana"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a red airplane"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a toilet"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a purple toilet and a pink oven"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cow and a brown pizza"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a teddy bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a yellow laptop and a green microwave"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bowl and a white cup"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tv remote and a pink chair"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a red tie"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a computer keyboard"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue teddy bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a scissors"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a wine glass"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a microwave"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a brown apple and a blue banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a cow"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a tie"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a horse"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a person and a hair drier"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a red cup and a white traffic light"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bus"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a book"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bottle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a pink suitcase and a white orange"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bed"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a bear and a dog"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a fork"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a giraffe"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a parking meter"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a book"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a book"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of an orange laptop and a pink oven"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange tv remote"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a black hot dog and a green computer keyboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a fork"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bowl"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a hair drier"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a skis"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a truck"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a banana"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a blue stop sign"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bottle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a sports ball"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a truck"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a white bird and a black laptop"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a hair drier"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a horse and a toothbrush"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a parking meter"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bear"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a chair and a truck"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a broccoli"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tennis racket"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a laptop"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an elephant"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple boat"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of an orange dining table and a red horse"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a red sports ball and a white cow"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an airplane"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a black bed"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a green bear and a red dining table"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown hair drier and a yellow boat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sheep"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a computer mouse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a person"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a donut"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a suitcase and a couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a cow"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a purple fire hydrant and a brown sandwich"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bird and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a pink couch and a purple hot dog"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a book"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a sink"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a truck"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a cell phone and a truck"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an apple"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a tv remote"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a baseball glove"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange spoon and a yellow airplane"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a computer mouse"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a snowboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a parking meter"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a fork"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an oven"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a broccoli"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a purple couch and a brown toaster"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a horse"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a pink potted plant and a white traffic light"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cake"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a vase"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cake and an orange tie"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a red teddy bear and a black bicycle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bottle and a brown backpack"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a scissors"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a green apple and a yellow bench"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a frisbee"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cell phone"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a banana"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a purple hair drier and a white bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sheep"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a white kite and a blue sheep"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a brown couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a blue skis and a white toaster"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a truck"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a sink"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a microwave"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a knife"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a wine glass"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a broccoli"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sink and a purple kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a laptop"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a sink"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of an airplane"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a black skis and a blue traffic light"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a brown bear and a green microwave"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a baseball bat"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a black bottle and a white oven"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a black baseball bat and a purple motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a toaster"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a baseball bat"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a fork"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of an airplane"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a green carrot and a white giraffe"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a teddy bear"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a kite and a chair"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bear"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a red donut"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a giraffe"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a bottle"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a toothbrush"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a laptop"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a toilet"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a sports ball"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a purple backpack and a black tie"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a black sandwich and a brown motorcycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a vase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a green kite and a purple snowboard"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a dog"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow apple and a blue spoon"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of an orange baseball bat and a purple apple"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a white zebra and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a toothbrush"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a skateboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a train"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a scissors"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a red bench and a brown bottle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tennis racket and a purple bowl"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bird"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bird and an orange bottle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a vase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a backpack"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a computer mouse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a parking meter"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a baseball bat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bicycle"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a fire hydrant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sports ball"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a dining table and an apple"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a bottle and a bird"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a brown broccoli and a green apple"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a fork"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an orange"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a brown clock and a green tv"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cow"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a laptop"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bear"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a black car and a brown broccoli"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a snowboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a chair"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a stop sign and a donut"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a blue hot dog and a purple tie"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a potted plant"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a backpack"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tennis racket"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a white umbrella"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bench and a truck"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a red cow"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a clock and a microwave"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow boat and a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange bus"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skis"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a teddy bear"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a toothbrush"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a red wine glass and a pink toilet"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a pizza and a dining table"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a pink fire hydrant and an orange tv"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a hot dog and a banana"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a truck"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a black broccoli and an orange laptop"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an orange"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a black laptop and a blue couch"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bicycle and a green cell phone"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a kite"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bench"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a black spoon and a pink couch"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a stop sign"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a giraffe"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bed and a yellow hot dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bench and a brown fork"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a bus"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a cow"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a green orange and a red fork"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a hot dog and a book"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cat"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a black tv and a red horse"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a yellow traffic light and a green vase"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a white sheep and a purple cat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a motorcycle"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a fork"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bed"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a pizza"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a vase and a baseball glove"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a skateboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above an oven"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an apple"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sheep"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cup"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a microwave"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a cup"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a white refrigerator and an orange banana"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of an orange handbag and a blue pizza"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bear and an orange airplane"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a laptop"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cup"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a pizza and a hot dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a kite"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a clock"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a tennis racket and a backpack"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a book"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a suitcase"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a frisbee"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a giraffe"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bird"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a green pizza and a black baseball bat"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a pink hair drier and a green fork"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a red bus and a brown kite"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a clock and a cell phone"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a fork"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a truck"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sink and an orange car"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a purple apple and a white chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a hair drier"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a scissors"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a boat"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a train"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a black sandwich and a green airplane"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a laptop"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bear"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a toothbrush"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of an umbrella"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a truck and a backpack"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange skateboard and a yellow carrot"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above an orange"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a cat and a stop sign"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a green wine glass"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a banana"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cake"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an apple"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an orange"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a teddy bear"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange toothbrush and a yellow laptop"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bed"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a donut"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a spoon"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a pizza"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a purple chair and a blue hair drier"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a brown laptop and a green hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a banana"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a black zebra and a white broccoli"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a baseball glove"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cake and a black backpack"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a cup"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a kite"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow stop sign"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a red donut and a pink bottle"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a clock"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a microwave"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sheep and an orange baseball bat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below an orange"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a pizza"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of an airplane"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bench and a purple frisbee"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bus and an orange carrot"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a skateboard and a fork"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a purple computer mouse and a red suitcase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a fork"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a kite"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a donut"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a traffic light"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a zebra"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bowl and a purple horse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bear"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a parking meter"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a tv remote and a bear"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a toothbrush"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bicycle"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bottle"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a white wine glass and a black bicycle"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a blue computer mouse and a green banana"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a cup"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a boat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a baseball glove"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a scissors"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange motorcycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a fork"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a white handbag"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a traffic light"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a microwave"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a parking meter"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a tv"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple motorcycle and a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a green airplane and a red knife"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a banana"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a boat and a suitcase"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a pink cow and a red kite"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a vase"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a book"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a yellow clock and a red bowl"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a traffic light"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bear"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a boat"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a skis"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a fork"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above an elephant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a refrigerator"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a banana"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a microwave"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bowl"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a black refrigerator and a brown suitcase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a suitcase"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a skis and a snowboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a sports ball"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a vase and a bowl"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of an orange potted plant and a black carrot"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cell phone"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a white carrot"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a toaster"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange dining table and a blue cat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a teddy bear"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a green sandwich and a brown donut"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a blue apple and a pink kite"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a scissors"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a microwave"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a book"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a laptop"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an elephant"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a chair"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of an oven"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a cake"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a pink cow and a red apple"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a vase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of an umbrella and a hot dog"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a sink and a toothbrush"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a skateboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bed"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink horse and a yellow cup"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of an umbrella"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a kite"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red hair drier and an orange teddy bear"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a red clock and a purple computer mouse"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer mouse and a blue fork"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a white dining table and a purple umbrella"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bench"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bear"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a fire hydrant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a teddy bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a carrot"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple truck and a brown snowboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a giraffe and a sports ball"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a white snowboard and a blue refrigerator"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a green handbag"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a hot dog"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a hair drier"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a couch"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a dog"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bird"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a white sink and an orange cake"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow bear"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a car"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow orange and a blue bench"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a toaster"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cup"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a pink dining table and a red book"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a hot dog"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a purple apple and a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of an orange hair drier and a purple fork"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of an orange traffic light and a purple toilet"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tie"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above an oven"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a black elephant"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a red oven and a blue microwave"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a tennis racket"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a scissors"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a white surfboard and a black cat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a cake"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a purple truck and a green tv"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a teddy bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a tie"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a sheep"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a backpack"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a fire hydrant"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a hair drier and a sports ball"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a blue toilet and a brown book"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a yellow computer keyboard and a white pizza"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of an oven"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a pink sink and a white toaster"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink truck and a purple horse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a skateboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a black bicycle and a green surfboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a clock and a horse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a truck"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a dining table"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a green laptop and a pink apple"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bottle"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a purple oven and a pink tie"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink snowboard and a purple elephant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a scissors"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a green tennis racket and a white bicycle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a brown stop sign and a purple baseball glove"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a pink couch and a purple microwave"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a laptop"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a green handbag and a purple stop sign"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a green train and a white bottle"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a broccoli and a person"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a pink apple and a green bowl"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a black skis and a white bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a stop sign"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a potted plant"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a toaster"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a clock"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a tv remote"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a giraffe"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bowl and a laptop"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a suitcase"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a brown orange and a red chair"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a toilet"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a suitcase"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a tie"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a blue traffic light and a pink knife"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a blue spoon and a white sports ball"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a yellow umbrella and a white car"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sink and an orange bench"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a spoon and a tie"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a tv and a sandwich"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a skis"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a train"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a hot dog"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a pizza"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a clock and a scissors"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a purple computer mouse and a pink sheep"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a cat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a cow"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a cup"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a truck"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple pizza and a yellow apple"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a clock"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple oven and a blue bicycle"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a green book"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a white microwave and a black motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a spoon"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a brown train and a green car"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a chair"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a person"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a green suitcase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tv remote"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cake"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a white giraffe and a black couch"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a bottle"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bus"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a banana"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a red chair and a purple tennis racket"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bicycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a tennis racket"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a traffic light"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a toaster"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a banana"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below an apple"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a giraffe"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a brown traffic light and a purple pizza"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a tennis racket"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bed"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bird"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a kite"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a toothbrush"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a skis"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a zebra"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a blue bench and a green bottle"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple computer keyboard and a yellow refrigerator"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a brown zebra and a purple couch"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a green computer keyboard and an orange dining table"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bear"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a blue fire hydrant and a white boat"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a spoon"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a traffic light"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a clock"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a broccoli"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a sheep"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of an apple"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a black broccoli and a red bowl"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a cow"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cell phone"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a tie"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bed and a brown bottle"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a black computer mouse and a green baseball glove"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a brown book"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a surfboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sports ball"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a toaster"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow zebra and a red bottle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a person"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tv remote and an orange suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a purple sink and a white bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a couch"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of an orange broccoli and a brown tie"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a tv"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bed"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a tennis racket"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a vase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a white apple and a yellow cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a tennis racket"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a suitcase and a skis"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a giraffe"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a backpack"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cup and a blue cat"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a sheep and a tie"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a blue baseball glove and a white dog"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a baseball glove"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a surfboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a brown baseball glove and an orange oven"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a black cake and a purple bird"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of an orange teddy bear and a pink microwave"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a wine glass"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a white train and a red toilet"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cat and a brown chair"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of an orange bowl and a green scissors"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a snowboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown cat and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a knife"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a handbag and an apple"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a green suitcase and a pink microwave"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a couch"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bus and a purple hair drier"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bed"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a green laptop and an orange wine glass"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a knife"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of an orange clock and a pink fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a vase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a horse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a backpack"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown spoon and a yellow sports ball"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a backpack"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a couch"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below an airplane"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a traffic light"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow carrot and a purple boat"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a parking meter and a car"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a hair drier"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a green sports ball and an orange parking meter"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a giraffe"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of an oven and a couch"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a bottle"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a kite and a tv remote"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a brown parking meter and a purple fork"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bowl"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a horse"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a dog and a skis"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a knife"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bird"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a red bus and a green zebra"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "pink"}], "prompt": "a photo of a purple dining table and a pink cup"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a clock"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bench"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a green skis and a brown train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bear"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a toothbrush"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a scissors"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a toaster"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a black baseball bat and an orange microwave"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a toaster"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bowl"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a hot dog"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a green laptop and a pink bicycle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a knife"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a black skateboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of an orange sheep and a green stop sign"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a microwave"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below an airplane"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a pizza"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a zebra"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a horse"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a potted plant and a parking meter"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bench and a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a brown suitcase and a white cake"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of an umbrella and a wine glass"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cup"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a black elephant"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a green vase and a red horse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black umbrella and a purple skateboard"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bench"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a refrigerator"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a truck"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a cell phone"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cat and an orange snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a cake"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cup"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a brown apple and a red truck"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a black surfboard and a white motorcycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a black hot dog and an orange skis"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a book"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a parking meter"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a dining table"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bowl and a purple tv remote"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sink"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tie"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a purple book and a white vase"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a couch"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a frisbee"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a laptop"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bed and a blue orange"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a black bench and a green tv remote"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a dining table"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a black couch and a pink bottle"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a black truck and an orange fork"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a vase and a cell phone"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tie and a purple knife"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a train"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bench and a handbag"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a computer mouse"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a hair drier"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a clock"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a skateboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a handbag"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a hair drier"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a baseball bat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a teddy bear"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a purple knife"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sheep and a yellow horse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a kite"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a blue tv and a red bus"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of an apple and a donut"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a handbag"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a purple traffic light and a blue tennis racket"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a red laptop and a black cow"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of an elephant"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hair drier"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a fire hydrant"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a black bowl"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a motorcycle"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an apple"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a toilet"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a horse"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bed"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a blue wine glass and a white surfboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an apple"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a cake"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a traffic light"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a white vase"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a pink traffic light and a white truck"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a black kite and a brown teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a suitcase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a black toaster and a red boat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an apple"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of an orange kite and a red laptop"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a chair"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow laptop and a blue bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a handbag"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a frisbee and a tv remote"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a purple fork and a brown pizza"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a refrigerator"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a microwave"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a red potted plant and a yellow scissors"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a knife"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bottle"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a green car and a pink wine glass"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a boat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a toaster"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a potted plant"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cup and a yellow stop sign"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a carrot and an airplane"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a train"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a black bed"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of an apple and a refrigerator"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a dog"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow microwave and an orange bench"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a cell phone and a car"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a motorcycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a donut"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an umbrella"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a motorcycle and a clock"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a skis"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an airplane"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a green airplane and a brown umbrella"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a toilet"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bear and a purple banana"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a baseball bat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a spoon"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bench"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a baseball glove"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an umbrella"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bowl"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a surfboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a hair drier"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a baseball bat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a computer mouse"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a knife and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a red tie and a brown zebra"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a zebra"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toothbrush"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below an elephant"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a book"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple backpack and a red skateboard"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a boat"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a book"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bear"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bowl"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a yellow motorcycle and a red broccoli"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a microwave"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bench"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a person"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a baseball glove"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a carrot"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a brown zebra and a white traffic light"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a hot dog and a bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a handbag"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a black parking meter and a red traffic light"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of an orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a sports ball"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a banana"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hair drier"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a carrot and a hair drier"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a purple backpack and a green stop sign"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a green cat and a purple vase"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an apple"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cell phone and a blue couch"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a purple airplane and an orange elephant"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of an oven and a baseball bat"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a vase and a book"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a red giraffe and a pink bird"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a pink donut and an orange bench"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a knife"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a cake"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a brown stop sign and a green laptop"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a dining table"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a car"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a brown knife and an orange teddy bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a giraffe"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of an orange apple and a black truck"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of an orange dining table and a pink wine glass"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a sandwich"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a parking meter"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a refrigerator"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a tv remote"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a boat"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a truck and a suitcase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a teddy bear"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a book"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a white airplane and a green backpack"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an elephant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a cow"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a red elephant"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a black frisbee and a red tv remote"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a white horse and a purple cell phone"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a parking meter"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of an orange vase and a blue oven"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a suitcase"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a pink microwave and a brown cell phone"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a frisbee"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a backpack"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a green knife and a pink horse"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a cake"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a tie"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bench"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of an airplane"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bench"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a skateboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a handbag"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a boat"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a green tennis racket and an orange toilet"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a microwave"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an umbrella"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a fire hydrant"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a boat"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a black surfboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a black bird and a pink giraffe"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a hot dog"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a backpack"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a blue truck and a brown skis"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a baseball bat"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a microwave"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bottle"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a book"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a white book and a green banana"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of an orange backpack"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a red cup and a white sports ball"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of an orange knife and a brown airplane"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a backpack"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a toilet"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a black toothbrush"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a yellow donut and a black hair drier"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a bird"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a cup"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a white clock and an orange tv remote"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a surfboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a stop sign"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a purple umbrella and a white spoon"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sink"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bowl"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a scissors"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a cow"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a handbag"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a dining table"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a fire hydrant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a refrigerator"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a brown dining table"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of an orange truck and a white couch"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a truck"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a backpack"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tv remote"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a pizza"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a red book"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a potted plant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an airplane"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a giraffe"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sandwich"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a white toothbrush and a brown giraffe"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of an orange clock"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a horse"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown boat and a yellow airplane"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bicycle and a blue scissors"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a horse"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cell phone"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a red horse and a blue donut"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a surfboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a motorcycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a refrigerator"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a green cup"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a white vase and a purple toilet"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above an oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a knife"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of an orange train and a pink sink"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown baseball bat and a yellow cake"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a blue carrot and a black zebra"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "blue"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a blue skateboard and a brown elephant"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a green horse and a white bowl"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a green kite and a black giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a tv"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a backpack"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a boat"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow banana and a purple tv"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of an umbrella"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bench"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a tie"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a tv"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a brown refrigerator and a blue hot dog"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a pink bird and a red computer mouse"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a baseball bat"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a bottle"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a potted plant and a carrot"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow skis and a pink carrot"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of an oven and a broccoli"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an oven"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a purple cat and a green cow"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a scissors"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a toaster"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a black dog and a yellow boat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a pink apple and a white toaster"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a spoon"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a book and a suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a bus"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a toilet"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a green fire hydrant and a pink cow"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of an oven"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a bicycle"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a bicycle and a cup"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fork"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a laptop"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bus"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a backpack"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a white suitcase and a green vase"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a brown chair and a pink sports ball"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a suitcase"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a car"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow truck and a brown toothbrush"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a green cup and a white book"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a cup"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a carrot and a bicycle"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cup"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cell phone and a yellow kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a pink clock"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sandwich and a blue book"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toothbrush"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red spoon and an orange computer keyboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a parking meter"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "orange"}], "prompt": "a photo of an orange frisbee"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a bowl"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a cell phone"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a skateboard"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a bicycle and a parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a bird"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a green computer keyboard and a white backpack"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of an orange airplane and a blue toothbrush"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a horse"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a clock"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a teddy bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a fork"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a skis and a computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a potted plant"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a pink laptop and a red banana"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a green surfboard and a white book"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a handbag"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a cat and a computer mouse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of an orange and a knife"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a red sports ball and a blue airplane"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a black horse and a red tie"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a black broccoli and a white teddy bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sheep"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a cake"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cake"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a person"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a dining table"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cat and a pink oven"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tie"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a toaster"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a broccoli"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a purple suitcase and a green airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a suitcase"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a carrot"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a black fire hydrant and a purple knife"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bench"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a toilet and a giraffe"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a black laptop and an orange fork"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a backpack"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a person"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toothbrush"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a snowboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a pink airplane and a white dining table"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of an orange apple and a blue skis"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a tennis racket and a toilet"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a computer mouse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange teddy bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a frisbee and a sports ball"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a white chair"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a potted plant"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bottle"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a clock"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a brown dining table"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a brown apple and a pink bench"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a broccoli and a bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a toaster"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a baseball bat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a backpack"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a stop sign"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a purple apple and an orange laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a tennis racket"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an oven"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a tie"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a suitcase"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a stop sign and a bicycle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a cup and a carrot"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a brown oven and a red train"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a motorcycle"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bicycle and a black fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tv"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a red sandwich and a black fork"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a computer mouse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a teddy bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a stop sign"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a truck"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below an umbrella"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of an orange clock"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tv remote"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a baseball bat"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an orange"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a microwave"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bowl and a red frisbee"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a black cup"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a donut"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a pink bed and a red traffic light"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a cake"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a frisbee"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sports ball"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a blue suitcase and a purple book"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a clock"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a toilet and a cell phone"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a toilet"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a black handbag and a pink tv"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a horse"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a blue spoon and a red bus"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a train"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a black motorcycle and a blue knife"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a pink dining table and an orange tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a dining table"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown surfboard and a yellow bowl"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a car"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a fire hydrant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a tennis racket"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a computer keyboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a green horse and a blue parking meter"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bowl and a green broccoli"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a brown motorcycle and a green cat"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a pink computer keyboard and a green couch"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a donut"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a white cake and a brown truck"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a blue backpack and a brown oven"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a snowboard"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a giraffe"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toothbrush"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bowl"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a green microwave and a blue computer keyboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bear and a pink backpack"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a purple hot dog and a red laptop"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a book"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a wine glass"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sink"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a cake"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of an orange surfboard and a pink dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a carrot"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cell phone"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a frisbee"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a red umbrella and a purple tie"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sink and a green airplane"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a sheep"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a blue broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a truck"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tennis racket and a brown knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a brown orange and a black couch"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a cake"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a fire hydrant"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a refrigerator and a skis"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a bed and a bicycle"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a toilet and a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a zebra"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a cup and a bicycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a person"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a surfboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an apple"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a sports ball and a tv"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a zebra"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a red car and a green motorcycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a toothbrush"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a hair drier"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a dog"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a toothbrush"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a vase"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tv remote"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a toilet"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow laptop and a purple couch"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a cell phone"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a dining table and a cat"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a brown toaster and a black dog"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a blue sandwich and a red sink"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a black bicycle and a blue zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a potted plant"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a fire hydrant"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a potted plant and an umbrella"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a green bowl and a black train"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a black teddy bear and a purple giraffe"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fire hydrant"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a traffic light"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a green kite and a brown horse"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a green spoon and a yellow bicycle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tv"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of an orange apple and a pink train"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a clock"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a traffic light"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a toilet"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bus and a snowboard"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a green hair drier and a white toaster"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a pizza"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a white cup and a pink toaster"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a vase"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a fire hydrant"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a car and a toothbrush"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a hair drier"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a baseball bat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a computer mouse"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a clock"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bed"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a hot dog"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a red fork"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a donut and an umbrella"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below an airplane"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a donut"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dog"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tv remote and a pink bed"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green microwave and a pink snowboard"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a banana and a bicycle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a brown teddy bear and a pink sink"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a microwave and a chair"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sheep"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bus"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sandwich and a yellow tie"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of an orange clock and a green fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a potted plant"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bed and a blue bottle"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a book"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue toaster and a yellow bowl"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a sandwich"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an oven"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a couch"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a blue laptop and a red surfboard"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv remote and a green baseball bat"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a stop sign and a vase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a couch"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a zebra and a truck"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a truck"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a hair drier"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of an orange suitcase and a brown tv remote"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a spoon"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bench"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a pink handbag and a green horse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a person"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a zebra"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a snowboard and an orange"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sheep and a yellow clock"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a pink airplane and an orange traffic light"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a train"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a cow"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sports ball and a pink bicycle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a banana"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a chair"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a parking meter"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a tie"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a giraffe"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a green banana"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a refrigerator"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a computer keyboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a toaster"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a cake and an orange"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a red vase and a blue suitcase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a pizza"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a blue hot dog and a pink airplane"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a pink skis and a red potted plant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a cake"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cake and a purple banana"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a backpack and a bus"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cat"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a handbag and a parking meter"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a white umbrella and a red giraffe"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bird"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a suitcase and a frisbee"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bear and a pink clock"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a vase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a potted plant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a frisbee and a sandwich"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a cell phone"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a cell phone and a dog"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a brown potted plant and a pink clock"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a stop sign"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a blue tennis racket and a red teddy bear"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a horse"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a clock"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a broccoli"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a dining table"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a donut"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a skateboard and a cat"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a kite"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a white bench and a green sports ball"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a white bed"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an umbrella"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a fork"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a parking meter"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bus and a sports ball"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a black hot dog and a white bear"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white banana and a blue sports ball"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a cow"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bear"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a pink bottle and a red toaster"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a vase and a bear"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a purple refrigerator and a black hair drier"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a green dining table and a pink baseball glove"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a chair"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a snowboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a sink"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a handbag"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a blue boat and a red bird"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a backpack"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tv remote"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a purple sheep and a green parking meter"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a train"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a black orange and a blue couch"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of an orange boat and a purple baseball glove"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a brown hair drier and a green skateboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tv and a purple hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a suitcase"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a traffic light and a vase"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a pink microwave and a white bear"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a purple toothbrush and an orange baseball bat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a truck"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bus"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a banana"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a purple dining table and a white bus"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a brown snowboard and a green giraffe"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a clock"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow apple"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below an apple"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a backpack and a teddy bear"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a cell phone"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bus"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a laptop"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a baseball bat"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a spoon"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a donut"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a computer keyboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a computer mouse"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a scissors"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a green fork and an orange toilet"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a cup"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a traffic light"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a toaster"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a blue hot dog and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of an apple and a bottle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a knife"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tennis racket"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cake"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a kite"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a cow"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a skateboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a yellow umbrella and a green spoon"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a skis"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a sheep"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bowl"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sheep"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a blue car and a pink handbag"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cow"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skis"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a dining table"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a black horse and a pink zebra"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a frisbee"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a skis"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a wine glass"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a black car"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a red apple and a white bowl"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a yellow donut and a black surfboard"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a dog"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a brown tie and a white potted plant"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of an orange suitcase and a brown pizza"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a hair drier and a bottle"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a cat and a toothbrush"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sandwich"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a parking meter"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of an orange kite and a black bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a laptop"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a sandwich"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a kite and a clock"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a blue frisbee and a brown zebra"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cat"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cup and a blue parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a cell phone"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a baseball bat and a zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a potted plant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of an umbrella and a train"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a clock"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a knife"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a laptop"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bus"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a spoon"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a train"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a brown train and a white bird"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a toilet"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below an umbrella"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a bird and a kite"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a bus"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a black cake and a white baseball bat"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a black refrigerator and a white zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a potted plant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a tv remote and a baseball glove"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bed"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a purple broccoli and a pink airplane"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tennis racket"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of an orange boat and a brown chair"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a bus and a scissors"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a sink"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bottle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a snowboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a scissors"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a toilet and a bowl"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a tie and a dining table"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a wine glass"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toothbrush and a pink cat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a truck"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange microwave and a brown boat"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a pizza and a backpack"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a red tennis racket and a blue parking meter"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a red clock and a white bear"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a toothbrush"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a book"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a car"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a yellow oven and a red car"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a couch"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a blue zebra"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a zebra"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a donut"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a blue frisbee"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a surfboard"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bowl"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of an orange handbag and a red microwave"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a knife"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a red bed and a blue zebra"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a green computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a stop sign"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a traffic light"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a banana"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tennis racket and a black zebra"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sports ball"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a brown tv remote and a red tv"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a cat"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a bottle and a tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of an airplane"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a black oven and a white hot dog"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a purple cake and an orange pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a spoon"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a banana"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a purple cell phone and an orange giraffe"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow couch and a pink book"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bird and a black banana"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a toothbrush"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bus"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of an orange"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a clock"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cake and a yellow elephant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bicycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a horse"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bowl"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a giraffe and a fire hydrant"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of an orange and a wine glass"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a parking meter"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a white truck and a black spoon"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a pink microwave and a green kite"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a pizza"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an apple"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a bicycle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a traffic light"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of an orange donut and a black fire hydrant"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a blue frisbee and a brown fork"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a baseball bat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a teddy bear"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a skateboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a refrigerator and an umbrella"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a yellow toothbrush and a red snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a stop sign"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bicycle"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a refrigerator and a cup"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of an oven and a banana"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a clock"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a stop sign"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a black traffic light and a white truck"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a brown hair drier and a green airplane"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a chair"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a bear"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a black sheep and a white toilet"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a dog"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple horse and a red skateboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a kite"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a dining table"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a black couch and a brown cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cow"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a blue bottle and a red couch"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a red elephant and a purple cat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a black tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an airplane"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a green skateboard and a brown cow"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cake and a purple cell phone"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a snowboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of an apple"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above an umbrella"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a baseball bat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a yellow frisbee and a green sheep"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a bowl"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a sports ball"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a cat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tie"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a red cake and a blue book"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a pink vase and a black skateboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a scissors"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a cup and a bench"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of an orange hair drier and a purple teddy bear"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of an orange fork and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a vase"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a train and a hot dog"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a stop sign"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above an airplane"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tie and a pink elephant"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a parking meter"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a couch"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a cow"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a zebra"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a suitcase and a microwave"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow parking meter and a brown potted plant"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a couch and a backpack"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a red computer keyboard and a black bowl"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above an oven"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a spoon"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a motorcycle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a carrot"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a stop sign"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a white refrigerator and a yellow bird"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a white clock and a blue pizza"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a pink zebra"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of an apple and a pizza"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a microwave"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a broccoli"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a cup"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a baseball glove"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a snowboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bird"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a toaster"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a pink horse and a black refrigerator"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a bottle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a fork"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a boat"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a book"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a computer mouse and a suitcase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a handbag"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a black apple and a green fire hydrant"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a cup"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a handbag"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fire hydrant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of an orange hot dog and a purple bus"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a couch"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a traffic light"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a refrigerator"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a dog"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a snowboard and a vase"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a baseball bat"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of an apple"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a microwave"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bear"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a green tennis racket and an orange potted plant"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a stop sign"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a green boat"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a white tv remote"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fire hydrant"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a traffic light"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a kite"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a traffic light"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a bicycle"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of an orange umbrella and a red giraffe"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a laptop and a boat"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bowl"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a white kite and a pink toaster"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a green potted plant and a brown truck"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a clock"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a teddy bear"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a sandwich and a bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a computer mouse"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a toilet"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a traffic light"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bottle and a bus"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a blue backpack and a purple horse"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a donut and a banana"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a traffic light"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hot dog and a yellow cat"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a stop sign and a hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an orange"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bottle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a carrot"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a donut"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bear"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above an umbrella"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a frisbee"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an airplane"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a cup"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bird and a frisbee"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a brown tv and a pink sink"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a white pizza and a red cake"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a black cake and a brown laptop"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a white bench and a blue dining table"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a green tv and a blue sheep"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a surfboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white bear and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bottle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bicycle and a brown bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a brown giraffe"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a book"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an orange"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of an orange suitcase and a white bottle"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a blue toothbrush and a purple laptop"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a snowboard"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a tie and a baseball bat"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a blue snowboard and a green dog"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of an orange boat and a purple frisbee"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a blue chair"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a microwave"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a zebra"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a pizza"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a dining table"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a person"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a black bed and a pink carrot"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an apple"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a book and an orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a person"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bird"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a chair"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a frisbee"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a banana"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a yellow apple and a red car"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a purple traffic light and a pink train"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a donut and a book"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a horse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a backpack"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a brown toilet and a purple microwave"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a tennis racket and a person"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a red sink and a brown dining table"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a hair drier"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black cell phone and a blue surfboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow carrot and a brown traffic light"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bowl"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above an airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a purple kite and a red bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bird"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a giraffe"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a bird"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a motorcycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a carrot"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a red knife and an orange tennis racket"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a car"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bench"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above an oven"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a cell phone"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a bowl"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a parking meter"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of an orange stop sign and a purple cow"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a hair drier"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bench"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a knife and an elephant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a backpack"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a microwave and a frisbee"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bowl"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a giraffe and a surfboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of an orange umbrella and a black hair drier"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a hot dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a hair drier"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue cake and a yellow skateboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bird and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a toaster"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a chair"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a bed and a teddy bear"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a refrigerator"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a brown airplane and an orange bed"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a computer keyboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a motorcycle"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a toaster"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a green kite and a pink scissors"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a clock"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a boat"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below an elephant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a potted plant"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a blue dog and a purple train"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a car"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white baseball bat and a black cake"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sink"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a hot dog and a computer mouse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a parking meter"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a tennis racket"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a microwave"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple fire hydrant and a brown computer keyboard"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a green horse and a yellow cell phone"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a potted plant and an oven"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a purple parking meter and a white cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a vase"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a car"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a cow"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a couch"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cup and a green donut"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tv"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a giraffe and a potted plant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a traffic light"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a fire hydrant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a parking meter"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a blue vase and a white wine glass"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown surfboard"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a toothbrush"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a kite"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a book"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a truck"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a computer mouse"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a clock and a computer mouse"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a broccoli"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a banana"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a knife"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a pink chair and a white oven"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a red kite and a green book"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a scissors and a tv remote"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a traffic light"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cake"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a hair drier"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bed and a yellow train"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a bicycle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bicycle and a yellow surfboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a suitcase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a sheep"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a scissors"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a black laptop and a brown toothbrush"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of an orange book and a purple sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a toaster"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a tv remote and a cat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple airplane and a yellow cow"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a black airplane and a yellow bottle"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a white car and a green parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a tie"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a car"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bicycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a pink cup and a white motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a vase"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of an orange sandwich and a green surfboard"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a donut"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a person"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow sink and a brown horse"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a green baseball glove and a blue clock"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a person"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a stop sign"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a person"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a yellow boat and a black laptop"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toothbrush"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of an orange laptop and a blue parking meter"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a couch"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a toilet"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a cake and a tennis racket"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a brown wine glass and a white cat"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a toothbrush"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a couch"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a yellow baseball glove and a black apple"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of an elephant"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cup"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a sheep"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bus and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a yellow parking meter and a black snowboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a carrot"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a giraffe and a couch"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sink and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a cell phone"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange carrot and a yellow giraffe"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a fork"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sports ball and a brown skateboard"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a spoon"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a red parking meter and an orange elephant"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a horse and a dog"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a handbag"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cat and a green bear"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a baseball glove and a scissors"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a green skis and an orange elephant"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below an apple"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a scissors"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a skis"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a red microwave and a white dog"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bus"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange bear"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a brown microwave and a red truck"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a sports ball and a toilet"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a brown truck and a red oven"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a white motorcycle and a red knife"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a carrot"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a pink chair and a black dog"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a teddy bear"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a parking meter"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a black bicycle and a brown toothbrush"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a zebra"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a couch"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple microwave and a yellow hair drier"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a black surfboard and a pink clock"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a brown airplane and a red snowboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a zebra"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a zebra"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a purple sheep and a brown airplane"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a broccoli and a bicycle"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a laptop"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a bear"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bus and a blue vase"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an apple"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a sandwich"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a broccoli"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a couch"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a book"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a horse"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a snowboard"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of an orange and a couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a vase"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a hot dog and a scissors"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a skateboard and a hot dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a toilet"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a broccoli and a skateboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of an orange laptop and a pink pizza"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a truck"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of an apple"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tie and a pink train"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bed and a sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below an oven"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below an oven"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a backpack"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a dog"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bowl"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a computer mouse"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a computer keyboard and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a purple wine glass and a green bottle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a handbag and a cake"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bed"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a suitcase"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a handbag"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a fork and a spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a broccoli"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a motorcycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a sink"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a vase"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of an apple and a spoon"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow pizza and a green bottle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a baseball bat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a white cake"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow dining table and a purple chair"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of an orange knife and a red dog"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a toilet"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bowl"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a broccoli"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of an orange traffic light"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a yellow umbrella and a green stop sign"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a tv remote and a skateboard"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a handbag and a broccoli"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a hot dog"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an airplane"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a dining table"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cup and a red bicycle"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a white wine glass and a yellow umbrella"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a microwave"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bicycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a red apple and a white car"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of an orange hot dog and a white knife"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a truck"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a purple scissors and a brown microwave"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a suitcase"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a donut"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bear"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a purple knife and a green baseball bat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a laptop"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of an umbrella"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cup"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a handbag"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skateboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a train"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a frisbee"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a snowboard"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a pink computer mouse and a green chair"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a blue apple and a pink sandwich"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a truck"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a white fire hydrant and a red horse"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a cat"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a motorcycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a teddy bear"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a person"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bus"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a surfboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a scissors"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of a purple scissors and a red dog"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a chair and a microwave"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow pizza and an orange car"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a cat"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of an orange broccoli and a green boat"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bed"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a sheep"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a vase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink surfboard and a yellow backpack"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a toilet"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a motorcycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a green elephant and a white apple"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a chair"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a green toothbrush"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a vase"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bowl"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a computer keyboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a yellow oven and a white chair"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a baseball glove and a backpack"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of an elephant"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a blue potted plant and a brown oven"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bowl and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow fire hydrant and a black teddy bear"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a red tv and a brown toilet"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a dog"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a toothbrush"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a black fork and a white umbrella"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of an orange suitcase and a white computer keyboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a giraffe and an elephant"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a kite"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a white backpack and a purple bottle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a vase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above an orange"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bench"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above an apple"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a boat"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of an apple"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a dog"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a skateboard"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a pink laptop and a blue chair"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a tv and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a blue horse and a black hair drier"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a stop sign"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a cat"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a vase and a bird"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a pink chair and a purple sheep"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple boat and a yellow sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a bench"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a truck"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a motorcycle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bicycle and a yellow bed"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a scissors"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a black hot dog and a purple train"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a blue pizza and a white clock"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a book"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a book and a toilet"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an orange"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a pink chair and a black parking meter"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a donut"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a pink pizza and a blue wine glass"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a fork"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a clock"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a red baseball bat and a yellow bench"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a bowl and a tv remote"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a carrot"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a dog"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a pink oven and a brown truck"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fire hydrant"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a clock"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a giraffe"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a bicycle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a hair drier"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a cow and a banana"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a kite"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow orange and an orange bicycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a sandwich"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of an airplane"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a sports ball"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a white toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a backpack"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a banana"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a handbag"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a toilet"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tie"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of an orange computer keyboard and a blue umbrella"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow skis and an orange surfboard"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a cell phone and a broccoli"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a couch"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a carrot"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of an elephant and a bus"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sports ball"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a white airplane and a purple train"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a toothbrush"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a dining table"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a baseball bat"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below an oven"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a clock"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bird"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a handbag"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow refrigerator and a pink cat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a handbag"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a backpack"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a chair"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of a red potted plant and a yellow book"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bus"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bowl and a sandwich"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a cake"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a person and a potted plant"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a fork and a toilet"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bottle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of an orange dining table and a blue dog"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a baseball bat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tv remote"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bird"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a white skateboard and a brown horse"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a traffic light"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown chair and a yellow skis"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a brown refrigerator and a green broccoli"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a sink"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a microwave"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange banana and a brown boat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a person"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange stop sign and a yellow toothbrush"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a horse"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a clock and a bus"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange motorcycle and a yellow cup"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a car"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a book"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a motorcycle and a toaster"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cow and a white pizza"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a sandwich and a skateboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a wine glass"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of an elephant"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a toilet"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a bicycle"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of an apple"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a cat"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a pink dog and a white suitcase"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a blue giraffe and a white microwave"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a brown book and a purple laptop"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cell phone"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a horse"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a black train and a pink microwave"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cup"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below an elephant"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a red book and a black teddy bear"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a tv remote"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a zebra and a giraffe"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a backpack and a bird"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a brown horse and a purple apple"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a bird"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a cow"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a white cell phone and a purple computer mouse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a person"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tennis racket and a pink sports ball"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a green fire hydrant and a black dining table"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a purple vase and a pink zebra"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of an orange train and a blue knife"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a white horse and a purple oven"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a zebra"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a tv remote"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a fork and a couch"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow microwave"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a truck"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a chair"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a skis"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a red hair drier and a black stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a spoon"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a toothbrush and an airplane"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a truck and a chair"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a toilet"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a cake"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a stop sign"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a red sheep"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple skateboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a sheep"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple couch and a yellow toaster"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a skateboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a backpack"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a broccoli and a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a tie and a hot dog"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a zebra and a tv remote"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a handbag"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a green bowl"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cup"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a scissors"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skateboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a bed"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a black cup and a purple cake"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bear and a truck"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a white orange and a brown cup"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a carrot"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a purple suitcase and a black cake"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tennis racket and a red dining table"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a wine glass"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a pizza"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a suitcase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a surfboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a cup"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a frisbee and a microwave"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a fire hydrant"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a cell phone"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a zebra"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a pizza"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a parking meter"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of an orange boat and a brown bed"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink boat"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a bowl"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a red hot dog and a black computer mouse"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a baseball glove"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a snowboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a tv remote"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a wine glass"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a dining table"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a stop sign"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a pink stop sign and a black bed"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a toothbrush"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a spoon"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a sandwich and a baseball glove"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a yellow giraffe and a white wine glass"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a blue motorcycle and a purple car"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a snowboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below an oven"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a teddy bear"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a computer keyboard and a book"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a purple tie and a red vase"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bird"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a surfboard"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a bird and a couch"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bed and a yellow cell phone"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a purple frisbee"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a snowboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a carrot"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a tie"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tv"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bed"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a red teddy bear and a green banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a laptop"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a parking meter"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an apple"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above an apple"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a traffic light and a bed"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bear and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a brown banana and a black sports ball"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a baseball bat"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a hair drier"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bus and a pink handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a tv"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bus"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a sports ball"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a tv remote"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a donut and a hot dog"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a stop sign"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of an orange computer mouse and a black frisbee"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of an elephant"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow dining table and a purple umbrella"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a chair"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown book and an orange horse"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tv remote"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a yellow fork and a white cow"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a pink donut and a blue bird"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a white bus and a blue suitcase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a kite"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bus"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a red bird and a purple book"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a computer mouse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of an airplane"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a pink airplane and a green backpack"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a white traffic light and a black bowl"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a person"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a suitcase"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a yellow chair and a green clock"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a tv remote"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bicycle"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bear"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a pink truck and a blue kite"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a scissors"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a fire hydrant"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a broccoli and a fire hydrant"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an elephant"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a zebra"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a pink skateboard and a blue apple"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a toothbrush"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a car"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a baseball bat"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bicycle"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bed"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bicycle and a handbag"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a broccoli"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a donut"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a boat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a snowboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a scissors"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of an orange bowl and a green sports ball"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a laptop"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a book"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a sports ball"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above an orange"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bed and a baseball glove"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a donut and a dog"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a cat and a sports ball"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cat"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a black toothbrush and a pink tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a zebra"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a baseball glove"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sandwich and a green bird"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a person"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a brown microwave and a black car"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a cat and a bicycle"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a green dining table"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a couch"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a traffic light"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a parking meter"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a skateboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of an elephant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow elephant and an orange scissors"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a vase"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of an orange traffic light and a purple zebra"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a purple knife"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a truck"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow orange and a pink bicycle"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a brown car"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a yellow backpack and a green hot dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown zebra and an orange boat"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a refrigerator"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a hair drier"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a sink"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a parking meter"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of an orange"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a frisbee"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a broccoli"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a white bear and a purple boat"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue tennis racket and a yellow backpack"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a purple boat and a white train"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cow"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a green knife and a black airplane"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a purple elephant and a brown cat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bench and a brown cake"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a green tv and a purple hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cow"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a toaster"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tv remote and a yellow horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a black pizza and a green tv"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a baseball glove and a banana"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a giraffe and a refrigerator"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a spoon"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a tv remote"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a tv remote and a microwave"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a tennis racket"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink horse"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball bat and a red suitcase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a skateboard"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a blue kite and a green cake"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bicycle"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a snowboard and a cow"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a bottle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a toilet"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bench"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a toothbrush"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a car"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow laptop"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a tie"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a purple hot dog and a green surfboard"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a green toothbrush and a purple hair drier"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a bus and a toothbrush"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a purple cake and a green hot dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a sink"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a giraffe and a cow"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a dog"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cake and a brown snowboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a fire hydrant"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a snowboard"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a donut and a hair drier"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a tv remote"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a cow"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a cell phone"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bird"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a frisbee"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a white bowl and a red bed"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a knife"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a giraffe and a hair drier"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a hot dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a dining table"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a purple dining table and a red bicycle"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a hair drier and a suitcase"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a pink parking meter and a purple handbag"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "wine glass", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink handbag and a yellow wine glass"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a giraffe"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a computer mouse"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a train"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a green cake"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a toothbrush and a tv"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a tv remote and a suitcase"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a black baseball bat and a yellow toilet"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a white skateboard and a yellow backpack"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a truck"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a skateboard"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a white frisbee and an orange surfboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a snowboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an apple"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a fork and a bicycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a white orange and a blue bird"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of an orange knife and a blue baseball glove"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of an oven"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a pink clock and a blue potted plant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a surfboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bed"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a green bicycle and a black wine glass"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a backpack"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a red toothbrush and a blue bench"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a skateboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a truck"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a teddy bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of an orange"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a suitcase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a snowboard"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a red toaster and a purple donut"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a white sheep and an orange scissors"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a surfboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a suitcase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a sink"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a spoon"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of an orange"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a teddy bear and a giraffe"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a pink toothbrush and a black bear"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a scissors"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a spoon"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a traffic light"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a person and a donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a hair drier"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a sandwich"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a tennis racket"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a toothbrush"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a refrigerator"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a bus"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a snowboard and a bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a vase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a skateboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a baseball bat"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a dog"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a sandwich and an oven"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a computer keyboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a hot dog"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue car and a yellow traffic light"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bird"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bed"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a tv remote"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a motorcycle and a bench"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of an orange scissors and a white bowl"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a truck"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a white scissors and a blue fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a cow"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a parking meter"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a giraffe and a toaster"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of an elephant and a tennis racket"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bottle and an orange bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a tv"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of an orange bed and a white bicycle"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a car"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a red boat and a purple motorcycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a sports ball"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an apple"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a sheep and a spoon"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a red orange and a yellow bed"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a black airplane and a white bottle"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a green cat and a purple pizza"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bowl and a blue broccoli"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a traffic light"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a refrigerator"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a handbag and a chair"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a computer mouse"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a donut"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a kite"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a laptop"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a computer mouse"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a frisbee"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a blue potted plant and a black stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a spoon"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a toothbrush"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a horse"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a purple scissors and a brown frisbee"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a brown sandwich and a white bear"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a white traffic light and a black bear"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer keyboard and a brown stop sign"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a cake"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sandwich"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a skis"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a pink scissors and a red kite"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow backpack and an orange wine glass"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a pizza"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow elephant and an orange computer keyboard"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a bus"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a baseball bat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a scissors"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cat and a yellow cell phone"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a kite"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow baseball bat and a brown potted plant"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of an umbrella"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a refrigerator"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a skateboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a sheep"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bench"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow laptop"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of an orange skis and a white traffic light"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a tie and a bench"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a dog"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bird"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a car"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a blue fork and a green clock"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below an orange"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a backpack"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a purple pizza and a brown refrigerator"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a brown baseball bat and a pink sheep"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a fire hydrant"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a sink and a backpack"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a tie and a refrigerator"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a pink toilet and a purple cake"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink boat"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a purple tennis racket and a white couch"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sports ball and a pink stop sign"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a green umbrella"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a stop sign"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a brown teddy bear and a white handbag"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a banana"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a car"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sink"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of an apple"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow refrigerator and a brown sheep"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a knife"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a tv"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown snowboard and a purple bottle"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a skis"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an elephant"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a brown apple and an orange bicycle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a tennis racket"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a clock"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bus and a pink tv"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a toothbrush"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a cow"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a traffic light"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bowl"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a pink book"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a computer mouse and a clock"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a handbag"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange toothbrush and a yellow cell phone"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cow"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cell phone"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a white train and a yellow orange"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a purple sink and a red fire hydrant"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of an orange sink and a black bench"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a green oven and a yellow giraffe"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bear"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of an orange book and a blue computer mouse"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a white donut and a green bird"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a snowboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a baseball bat"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a clock and an airplane"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tv and a broccoli"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a black bottle and a brown book"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below an orange"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a pink scissors and a purple laptop"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a parking meter"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a white knife"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a skis"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a traffic light"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a donut"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a white tennis racket and a red baseball glove"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a red oven and an orange clock"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a pink dog and a green horse"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a tennis racket"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a teddy bear"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a toothbrush"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a sandwich"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a toaster"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tv"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a snowboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a clock"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a fork"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a black dog and a red dining table"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a teddy bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a dining table and a skateboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of an orange surfboard and a green traffic light"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a dog and a skateboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a blue skis and a pink bottle"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a carrot and a chair"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a suitcase and a bowl"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a cell phone"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a book"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a vase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a person"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a purple carrot and a green bottle"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow backpack and a pink vase"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a traffic light"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a cow"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown motorcycle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a blue zebra and a black couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a teddy bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a blue sheep and a white bicycle"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a green umbrella"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a person"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dog and a blue traffic light"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a computer mouse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a giraffe"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a cat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a white parking meter and an orange suitcase"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bear"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cell phone and a blue vase"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bowl"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bed"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a horse"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a donut"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a traffic light and a chair"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a zebra"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a black tennis racket and a pink orange"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a train and a broccoli"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a cow"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a black zebra and a brown parking meter"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a cat and a banana"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a surfboard and a baseball bat"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a motorcycle"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a clock and a banana"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a tv and a sink"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a pink wine glass and a green bus"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a zebra"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a handbag"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of an oven"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a clock"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a giraffe"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bowl and an orange boat"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a white fire hydrant and a blue couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a donut"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a broccoli"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an umbrella"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a surfboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a truck"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a knife"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a sheep"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a teddy bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bus"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tie"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a cat and a computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bench"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a scissors"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a donut and a carrot"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a train"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a kite"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a white car and a pink motorcycle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a kite"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a yellow apple and a green knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a hot dog"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a skateboard"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a bird"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow motorcycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a couch"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a yellow teddy bear and a black microwave"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a teddy bear"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a brown skis and a purple pizza"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a red airplane and a blue apple"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow handbag and an orange sink"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sheep and a yellow bus"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a green clock and an orange kite"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an airplane"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a green skis and a purple kite"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a pizza"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above an elephant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a pink airplane and a red umbrella"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a green skateboard and a purple laptop"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a white microwave and a green hot dog"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a green tie and a purple truck"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a hot dog"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a tennis racket and a car"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a toothbrush"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a sink"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a skateboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bear"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a baseball bat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a dining table"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of an orange couch and a black computer keyboard"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a car"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a white suitcase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a scissors"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of an oven"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bus and an orange computer mouse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a scissors"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a toaster"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a pink cup and a white toothbrush"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an airplane"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a scissors"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a skis"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sandwich and a pink toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bench"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of an orange cell phone and a green fire hydrant"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a sandwich"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a green spoon and a yellow orange"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a zebra"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a purple kite"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bottle"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a couch and a cup"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a red snowboard and a green truck"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a sheep"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a skis"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a white potted plant and a yellow sheep"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow umbrella and a black teddy bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a vase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a handbag"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a skis"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a red kite and a yellow toothbrush"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a blue knife and a black handbag"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a suitcase"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bowl and a banana"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a fork"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bear"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a white handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a person"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a book"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a toilet"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a black traffic light and a brown toothbrush"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a frisbee"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cell phone"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a white frisbee and a brown handbag"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a handbag"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of an orange traffic light"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of an orange surfboard and a green toaster"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a fire hydrant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a sheep"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a brown carrot and a green skateboard"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a red toilet"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of an orange stop sign and a brown chair"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a wine glass"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a banana"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an umbrella"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a skateboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tennis racket"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a zebra"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a kite"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a zebra and a bear"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a frisbee"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cell phone"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below an airplane"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a traffic light"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a cup"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a cake"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a train"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bird"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a boat"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a tennis racket"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below an apple"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a stop sign"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a refrigerator"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a toothbrush"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a knife"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a truck"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a purple skateboard and a blue computer mouse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of an orange horse and a brown car"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a carrot"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bear"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a clock"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of an orange"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a red giraffe and a brown cell phone"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a sink"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a blue hair drier and a white spoon"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a red baseball bat and a brown boat"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of an oven"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a surfboard"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of an orange umbrella and a blue bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sandwich"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a pink apple and a brown bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow vase and a blue cat"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a computer keyboard and a hair drier"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a giraffe"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a banana"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a white backpack and a green elephant"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a green cup and a blue parking meter"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a tv remote"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow traffic light and a brown banana"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of an orange and a hair drier"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a cell phone"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a banana"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bird"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a train"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a black car"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a surfboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a purple horse and a pink traffic light"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a purple carrot and a green apple"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tennis racket"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a pink clock and a black toaster"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a refrigerator"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cat"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green zebra and a yellow surfboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cake"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below an elephant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a cake"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red computer keyboard and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange boat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a snowboard"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a green book"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tv remote"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a yellow zebra and a red truck"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of an orange surfboard and a white refrigerator"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a red skis"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a backpack"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a couch"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a cell phone"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a brown hot dog and an orange refrigerator"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a skis"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a tie"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a black oven and an orange baseball glove"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a boat"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a white zebra and a blue cat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a purple oven and a green dining table"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a handbag"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a green tie and a black scissors"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a snowboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a spoon"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a toilet"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fire hydrant and a blue cup"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a cell phone"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a skis"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a fork"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a broccoli"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a potted plant"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow boat and a pink cat"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a red computer mouse and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a tv"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a spoon and a refrigerator"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a green skis and a black computer keyboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a couch"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a green banana and a brown fork"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tv remote"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a black donut and a green apple"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a bowl"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a red parking meter and an orange broccoli"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above an apple"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a blue book and a pink bus"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a kite"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a banana"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball glove"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cell phone"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a scissors"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a toilet"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a laptop"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown couch and a yellow tv remote"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a horse"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cat and a purple microwave"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a red bowl and a blue computer keyboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a white couch and a green skateboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of an airplane"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a red traffic light and a green horse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a refrigerator"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a dog"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a hot dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a purple book and a brown bicycle"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a person"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a green tie and a red traffic light"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a donut"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a parking meter and a snowboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sink and a blue refrigerator"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a sheep"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a green knife and a blue bus"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bicycle"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a baseball bat"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a car"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow surfboard and a purple donut"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bird"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a pizza"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a computer mouse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a dining table"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a white banana and a green elephant"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a red sink and a green bottle"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a bus and a bird"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a green oven and a yellow bowl"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a chair"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hair drier"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a tv"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a cake"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of an orange tennis racket and a green tv"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a boat"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple skateboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a fork"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below an airplane"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a purple umbrella and a green clock"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a black tie and an orange broccoli"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a purple handbag and a black book"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a hair drier"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a traffic light"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bed"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a clock"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of an elephant and a baseball glove"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a tv remote"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a bird and an umbrella"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a black stop sign and a purple sports ball"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a blue handbag and a green carrot"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a knife"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a pink skis and a red laptop"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a sheep"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a vase and a tv"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cow and a pink suitcase"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a blue hot dog and a brown computer mouse"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of an orange bottle and a black skis"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a red hair drier and a brown car"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of an orange bird and a red vase"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a cup"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a broccoli"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a toilet"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a skateboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a chair"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a toothbrush and a bowl"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a zebra"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a black traffic light and a white skateboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a spoon"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a purple clock and a brown traffic light"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a green stop sign and a yellow frisbee"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a knife"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fork and a blue cow"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a toilet"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a black cake and an orange sports ball"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a baseball glove"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a bench"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cat and a black snowboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a giraffe and a stop sign"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a chair and a cup"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a fire hydrant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a parking meter"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a black sink and a pink umbrella"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bear"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a book"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a dining table"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a green oven and an orange cow"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of an apple"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a vase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an umbrella"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cat"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a frisbee and a suitcase"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange toilet and a yellow kite"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bench"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cup"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cell phone"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a potted plant"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a fork"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a white bird and a green snowboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a boat"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bicycle"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a scissors"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a parking meter"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cake"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a cat"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a couch"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a black skateboard and a white chair"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a pink wine glass"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a banana"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a banana and a sports ball"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a boat"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a sink and a kite"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a yellow snowboard and a red apple"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a white train and a red couch"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a train"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a pink bird and a red dining table"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a zebra"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a couch"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a red parking meter and a green bottle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of an orange orange and a green clock"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a snowboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a clock"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a carrot"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a suitcase"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a stop sign"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a white motorcycle and a pink toothbrush"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a handbag"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a sandwich"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a cake"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a hot dog"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a suitcase"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a potted plant and a book"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a purple potted plant and a blue frisbee"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a skateboard"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of an airplane and a surfboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of an orange donut"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a pink skis and a purple microwave"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bus"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a chair"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a kite"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a skis and a banana"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tie"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a skateboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a laptop"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bottle and a yellow baseball bat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a fork"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bed"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a sports ball"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown pizza and a yellow vase"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple horse and a yellow vase"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a clock and a cow"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a pink horse and a purple hot dog"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a red cake and a green fork"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow computer keyboard and a purple giraffe"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above an apple"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bottle and a pink sheep"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a skis"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a sheep and a toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a computer mouse"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow broccoli and a blue giraffe"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a blue fork and a pink dog"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a dining table"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below an elephant"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple computer mouse and a brown skateboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a bed"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a bowl and a cup"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a white toothbrush and a pink bicycle"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a cow and a computer keyboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an orange"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a fork"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a boat"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bicycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a zebra"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a scissors and a toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a bench"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a black scissors and an orange spoon"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a train"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow truck and an orange backpack"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of an orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a toaster and a pizza"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a donut"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a scissors"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of an airplane"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a donut"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a purple stop sign and a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a brown skateboard and a black baseball glove"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a suitcase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a green orange and an orange cell phone"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a sheep"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a red skateboard and a pink truck"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a brown airplane and a black book"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a green skateboard and a red couch"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a hot dog"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a couch"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a blue handbag and a brown apple"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a horse"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a baseball glove"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a backpack"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a toilet"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a red bus"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a car"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a black snowboard and a pink handbag"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a broccoli"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a blue chair"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below an airplane"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a white sheep and a green broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a knife"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a truck"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a green teddy bear and a blue bottle"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a white knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a spoon"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a red bottle and a white pizza"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a scissors"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cow and a yellow donut"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a vase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a computer mouse"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a bird and a tv"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a handbag"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a pizza"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a black dog and a red bicycle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a computer keyboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a zebra"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a black cup and a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a purple cow and a white cup"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a black pizza and a white teddy bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a snowboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a banana"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a computer mouse"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a dining table"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cake and a blue traffic light"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a skateboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a pink scissors"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a knife"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bench"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a cat and a spoon"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a green backpack and a black bicycle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a traffic light"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a computer mouse"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a giraffe"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a spoon and a microwave"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a cake"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a baseball glove"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a white microwave"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a dog"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a knife and a toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a couch"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a motorcycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a tennis racket"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a spoon"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a white surfboard and a purple couch"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a person"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a zebra"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a skateboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toilet and a pink boat"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a skis"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a broccoli"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tie"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a skateboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a truck"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a sheep"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a purple suitcase and a pink tv"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a hot dog"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a spoon"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a frisbee"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a bench"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a car"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a potted plant and a skateboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a banana"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a toaster"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a white book and a black bicycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a computer mouse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bench and a motorcycle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bowl"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a sports ball and a banana"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a handbag"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a purple skis and a black book"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a fire hydrant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a motorcycle"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a scissors"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a potted plant"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bottle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a snowboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a white teddy bear and a black surfboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a scissors"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a snowboard"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a cup"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a toothbrush"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a backpack"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a traffic light and a tv"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a knife"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cat"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a boat"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a sports ball"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a black tie"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a green horse and an orange banana"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a carrot"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a baseball glove and a surfboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball glove and a purple kite"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a stop sign"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a scissors and a train"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue fire hydrant and a yellow donut"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a black bowl and a purple pizza"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a motorcycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a donut"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a suitcase and an oven"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a purple vase and a white scissors"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a pink tennis racket and a red bird"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a sink"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a microwave"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a pink orange and a red toaster"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an oven"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an oven"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bear and an orange baseball glove"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of an orange teddy bear and a pink bus"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a traffic light"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a tv remote and a knife"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bed"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a traffic light"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a toilet"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball bat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a fork"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of an orange surfboard and a blue laptop"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a baseball bat"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a carrot and an elephant"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a red oven"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a stop sign"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a handbag"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a white fire hydrant and a green toilet"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a black cell phone and an orange tv"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a chair and a bird"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a cake"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bird"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a black fire hydrant"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a suitcase and an elephant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a potted plant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a wine glass"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a sports ball"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below an apple"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of an orange computer mouse and a green sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a chair"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an apple"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a clock"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a motorcycle and a banana"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sink"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a snowboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a potted plant and a traffic light"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a vase"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball bat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a black toaster and a pink teddy bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a train"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a yellow skateboard and a green train"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bench"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a cake"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a computer keyboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a scissors"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a purple refrigerator and a blue handbag"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a green teddy bear and a red umbrella"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bench and a purple apple"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a frisbee"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a skateboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a parking meter"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a banana"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bench"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a chair"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a cat"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an oven"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a vase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tie"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a frisbee"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a cup"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a white clock"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a white truck"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of an oven and a skis"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a yellow knife and a black scissors"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a scissors"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange traffic light and a yellow cat"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a cup and a hair drier"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of an umbrella"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a backpack"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a banana"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown hot dog and a yellow stop sign"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a brown refrigerator and a black elephant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a handbag"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a clock"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a bowl"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of an oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sandwich"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a black snowboard and a pink banana"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a handbag"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a horse"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sink and a yellow donut"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a stop sign"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a bicycle and a baseball bat"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a white hot dog"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a cup"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bicycle and a green computer keyboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a train"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a toothbrush"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of an elephant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a spoon"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a green carrot and a red elephant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a baseball glove"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bottle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of an orange train and a pink donut"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a cell phone"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a person"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a green sandwich and a black giraffe"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a skateboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a backpack"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a green car and a black zebra"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cup"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a fire hydrant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a potted plant"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of an orange wine glass"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a pink book and a white suitcase"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange snowboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above an airplane"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange stop sign and a yellow book"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a green tv and a white sandwich"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a boat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bottle"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of an apple and a car"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a blue bicycle and a white car"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a skateboard"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a frisbee and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple banana and a white dog"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bird"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a horse"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a toothbrush"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a horse"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a wine glass"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a microwave"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a sheep"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bus"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a red book and an orange bicycle"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a book"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a toothbrush"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a sheep"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a red sheep and a black baseball glove"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink microwave and a yellow clock"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a skateboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a motorcycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a green scissors and a brown toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a handbag"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a pizza"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of an orange traffic light and a blue laptop"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a bus"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a giraffe"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow fire hydrant and a purple stop sign"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fire hydrant and a blue knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a giraffe"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a blue bird and a black zebra"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a fire hydrant"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a purple computer mouse and a red teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a motorcycle"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a car"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a skis"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a banana"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a motorcycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a sports ball and a fire hydrant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a potted plant"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a bed"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a hair drier"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a skateboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a carrot"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a spoon"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a cake"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a red knife and a green laptop"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a black suitcase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a cup"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a wine glass"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a wine glass"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a couch"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white scissors and a purple snowboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a pink truck and a purple car"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an apple"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a skateboard"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a red dining table and a white knife"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a green bicycle and an orange giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a computer keyboard and a pizza"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a purple car and a green train"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a red microwave and an orange knife"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a vase"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a chair"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a surfboard"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a brown baseball bat and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a black broccoli and a pink microwave"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below an airplane"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a blue hot dog and a green laptop"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a purple apple and a brown bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an oven"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a spoon"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a train"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball bat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a bus"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a pizza"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a scissors"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a purple sheep and a green computer keyboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bottle"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a red bowl"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow donut and a purple kite"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a wine glass"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a tv remote"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bottle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tv remote"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a green computer keyboard and an orange tv"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a yellow donut and a green cake"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a toilet"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a snowboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a computer keyboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a black microwave and a green kite"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a clock"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a microwave"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow traffic light and a brown vase"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a pink giraffe"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a sheep"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a backpack"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tennis racket"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a fire hydrant"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a suitcase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a vase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below an oven"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a surfboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a microwave"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cell phone"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a boat and a chair"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a horse"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of an orange microwave"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a person"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a black teddy bear and a white tennis racket"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a purple baseball bat and a black spoon"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bird and a sports ball"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a parking meter and a toothbrush"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a snowboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a cat"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an elephant"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a boat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a horse"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of an oven"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a book"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a zebra"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a red dining table and a green carrot"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sandwich and a yellow pizza"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a backpack"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a fork"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a carrot and a zebra"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a person"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a blue backpack and a black sink"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of an oven"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a baseball glove"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a red sheep and a green airplane"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above an orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a computer keyboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bottle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a pink cell phone and a black bicycle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a carrot"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of an apple"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a cake"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a scissors"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a banana"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a dog"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a pizza"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a tv remote"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a backpack and a bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a purple fork and a red clock"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a donut"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a stop sign and a bowl"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "purple"}], "prompt": "a photo of a black scissors and a purple skis"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bird and a brown laptop"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a tv remote"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a yellow oven and a white kite"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a cell phone and a pizza"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a brown surfboard and a white dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a vase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bowl"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a horse"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a tv"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a car"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a blue skateboard and a pink kite"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a zebra"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a surfboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bus"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a white tv"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a train"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a white skateboard and a red boat"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below an oven"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a white sandwich and a black bus"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of an airplane"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a sandwich and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a red bed and a white carrot"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a green truck and a black toaster"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a pink tennis racket and a green fire hydrant"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a black toaster and a red bed"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a red train and a blue toilet"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a computer mouse"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a fire hydrant"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of an airplane and an oven"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a cow and an apple"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a brown tennis racket and a pink bed"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a red tv remote"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tv and an orange hot dog"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a sheep"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a handbag"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a cow"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fire hydrant and a blue vase"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sheep and a yellow orange"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red laptop and a purple skateboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a white computer keyboard and a purple truck"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of an elephant and a wine glass"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bench"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sink"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a black bottle and a white potted plant"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of an orange and a horse"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a blue cell phone and a green refrigerator"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a handbag"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a brown cow and a red laptop"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a purple surfboard and a blue cake"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a brown scissors and a red donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a giraffe"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a green cup"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a fork"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bowl and a purple computer mouse"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a brown tv remote and a white bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of an orange sandwich and a brown sheep"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a person and a parking meter"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a giraffe"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a laptop"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a car"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tv and a yellow fork"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bowl"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a toilet"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a baseball bat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a couch"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bird"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a white snowboard and a green refrigerator"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a book"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a green parking meter and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a teddy bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a black cake and a blue baseball bat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a person"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a purple bird and a red sandwich"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a book"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a carrot"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of an oven"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a couch"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a pizza and a baseball glove"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a white skis and a blue traffic light"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a green cat and a red train"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a baseball glove and an oven"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a sheep"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of an orange microwave"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a chair"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a refrigerator"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a donut"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange teddy bear and a yellow zebra"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a toaster"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a stop sign"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a suitcase"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a red kite and a brown backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a knife"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a white train and a green book"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a red bicycle and a purple computer mouse"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a pizza"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a black parking meter and a green tv"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a hair drier and an apple"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of an orange train"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a pink sports ball and a white refrigerator"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bench"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bowl"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tv"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a white airplane and a black suitcase"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a person"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a broccoli"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a couch"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a sink"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a person"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a cup"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a pizza"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of an apple"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a donut"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below an apple"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a spoon"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a pink toothbrush and a brown knife"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a donut"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an oven"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a donut"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cake"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bowl and a pink chair"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bicycle"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a green fork and a purple baseball bat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a brown potted plant and a green pizza"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a red bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a sink"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow microwave and an orange traffic light"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a car"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a baseball bat and a cup"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a toaster"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a carrot"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a purple suitcase and a brown bowl"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a cell phone"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a truck and a cup"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of an orange bottle and a green cat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a train"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bird"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of an airplane"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a train"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a tv remote and a toilet"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cup"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bed"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a cat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sports ball and a green cat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a chair"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bottle"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a red airplane and a pink bowl"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bus"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange skateboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a carrot"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of an orange stop sign and a brown cup"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tie"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sandwich"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a pink car and a green sink"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a pizza"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a green kite and a blue laptop"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a wine glass"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a skateboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a traffic light"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a wine glass"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a car"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a tv remote"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a hot dog"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of an orange"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a blue sports ball and a purple bear"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a car"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a snowboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bicycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a baseball glove"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a snowboard"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a pink airplane and a black tie"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an apple"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a blue snowboard and a brown tv"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a carrot"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a toilet"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sink and a yellow stop sign"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a black sheep and a pink fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a laptop"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a white tv and a pink cell phone"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bench"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a traffic light"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a traffic light"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a banana"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a tennis racket"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sheep"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a car"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a purple skis and a blue orange"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a frisbee"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a truck"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow parking meter and a purple horse"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a tv remote and a horse"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a fire hydrant"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a pink stop sign and a red bed"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a backpack"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a stop sign"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a giraffe and a motorcycle"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink motorcycle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of an orange dining table and a white airplane"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a car"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a cell phone"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue laptop and a yellow cell phone"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a black skateboard and a purple apple"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a pink microwave and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a purple oven and an orange banana"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a tv remote"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a tv"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a toaster"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below an oven"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow fork and a purple oven"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a blue tennis racket and a red umbrella"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a black cat and a purple backpack"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cell phone and a blue elephant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a knife"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a person"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a green oven and a purple laptop"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a horse"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a purple toilet and a pink toaster"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a baseball glove"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a parking meter and a bowl"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a carrot and a tennis racket"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange oven and a yellow laptop"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a potted plant"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a green bed and a brown sink"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a microwave"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a green banana"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a white wine glass and a purple bottle"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a wine glass"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a fork and a sink"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a parking meter"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a truck"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a microwave"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bench"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a purple orange and a brown broccoli"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a car"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a green bench and a black cow"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cup"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a teddy bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sink"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bird"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink apple"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sandwich"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of an orange stop sign"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a green dog and a pink bench"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a black cake"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of an umbrella and a parking meter"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a car"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a red dining table and a blue oven"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a zebra"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a vase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a tv remote"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a cat"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a hot dog"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a broccoli"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a black clock"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a black bowl and a blue bottle"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a motorcycle"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a skis"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a knife"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a surfboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of an orange car and a white teddy bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a hair drier"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a green car and a pink train"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a cat"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of an orange dining table and a black airplane"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a red sink and a blue baseball bat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of an orange hair drier and a green skateboard"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bus and a purple toaster"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of an orange dog and a brown tennis racket"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of an apple"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a zebra"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bear"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a green chair and a pink toaster"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a blue potted plant and a green bottle"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow clock and a brown chair"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a yellow wine glass and a green giraffe"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a train and a tv"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a red bed and a green apple"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a pizza"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sheep and a black handbag"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a cow"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a horse and a carrot"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a stop sign"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a bench"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a horse"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a skis"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a baseball bat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a dining table"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a tennis racket"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a skateboard"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of an apple and an umbrella"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a green cell phone and a blue backpack"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bed and a blue truck"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a dog"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a brown skateboard and a purple bench"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a car"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a white boat and a blue umbrella"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a pizza"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a computer mouse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a chair"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of a black parking meter and an orange book"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bowl and a brown sandwich"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a red surfboard and a black sports ball"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of an orange snowboard and a white dining table"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a boat and a sandwich"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green knife"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a black fire hydrant and a green cake"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a donut"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a black donut and a red elephant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a scissors"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bowl"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a white tennis racket and an orange tie"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a sheep"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a blue orange and a white sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a snowboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a book"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a fire hydrant"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a pizza"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a dog"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a brown zebra and an orange vase"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a microwave"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sheep and an orange traffic light"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a car"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a blue elephant and a green kite"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a brown elephant and a red frisbee"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a skateboard"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a purple laptop and a green computer keyboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a clock"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a cell phone and a tennis racket"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a couch"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a refrigerator"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a hot dog"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a white parking meter"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a zebra and a person"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow toothbrush and a green bottle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a horse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a horse"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a white airplane and a brown cow"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a pink parking meter and a white umbrella"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a blue truck"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a person"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a red tie and a blue bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a laptop"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a kite"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange frisbee and a yellow cat"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow boat and a blue scissors"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cow"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a motorcycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a dining table"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a cup"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a brown train and a blue kite"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a pink vase and a red bed"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a donut"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of an orange"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a brown fork and an orange dining table"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball glove"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a zebra"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a surfboard"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a blue laptop and a brown zebra"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a frisbee"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a bowl"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a white bear and a black sink"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a car and a computer keyboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cow"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of an orange snowboard and a blue spoon"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bird"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a fire hydrant and a bench"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a dog"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a yellow umbrella and a green zebra"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a broccoli"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bed"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a bird"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a pizza"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a boat"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of an orange dog and a white bowl"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a green giraffe and a yellow cow"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tv"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a spoon"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a horse"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bowl"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a fork"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a backpack"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an elephant"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a tv remote"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a tennis racket"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a traffic light"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a tv"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a scissors"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a brown computer keyboard and a blue clock"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bottle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a broccoli"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a white carrot"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bed"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a couch"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an apple"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bear and a brown donut"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of an oven and a computer keyboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an oven"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a fork"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a clock"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a car"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a white bird and a brown skateboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bird"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow frisbee and a blue sandwich"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a green fire hydrant and a white bus"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a snowboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cow"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a black hot dog and a blue zebra"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a red hot dog and a purple clock"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a brown bowl and a green hair drier"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bed and a purple parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a baseball bat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of an elephant and a bear"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a purple fire hydrant and an orange carrot"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a banana"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of an orange toothbrush and a green potted plant"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a brown refrigerator and a black spoon"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer mouse and a brown vase"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of an orange donut"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bed"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a black tv remote and a pink toothbrush"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a blue hair drier and a black traffic light"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a blue truck and a black horse"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an apple"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a black suitcase and a red tie"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an orange"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a yellow skateboard and a black traffic light"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a snowboard and a cake"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red umbrella and an orange surfboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bottle and a blue bench"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bus"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a blue sheep and a red computer keyboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a knife"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue giraffe and a yellow traffic light"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bear"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a microwave"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bed"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an oven"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bowl"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a kite"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a chair"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a train"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a computer keyboard"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a cup"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of an oven"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bed"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a black surfboard and a blue oven"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a skateboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a banana"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bicycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bicycle"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a skateboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bowl"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above an airplane"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange chair"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a boat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a pizza"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a black sink and a green cow"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cat and an orange couch"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bench"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a toilet and a microwave"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a sink"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a brown backpack and a purple potted plant"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a chair"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a toothbrush"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a toaster"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a tv and a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a suitcase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a chair"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of a white scissors and an orange bowl"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a traffic light"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a sink and a frisbee"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a tennis racket"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange stop sign and a purple snowboard"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a purple cup and a green tie"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a red stop sign"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a bird and a knife"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a hot dog"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a purple giraffe and an orange zebra"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a cell phone and a motorcycle"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an umbrella"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a horse"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink teddy bear and a yellow train"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow clock and a brown cell phone"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a purple surfboard and a white boat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an oven"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a spoon and a sports ball"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of an orange surfboard and a blue suitcase"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a bird and a sink"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a chair"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a yellow computer keyboard and a red bird"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a baseball bat and a refrigerator"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a train"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a tv remote"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a banana"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bowl"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a bear"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a computer keyboard and a teddy bear"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a broccoli"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a banana"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a black laptop and a brown toilet"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a baseball glove"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a carrot"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a pink frisbee and a black bear"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a red baseball bat and a blue bottle"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a green pizza"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a brown frisbee and a red bowl"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bicycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a fork"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a skis"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a person"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow vase and a brown kite"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a traffic light and a spoon"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a clock and a vase"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a brown fire hydrant and a purple bird"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a horse"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a red dog and a black boat"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a teddy bear"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a clock"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of an orange motorcycle and a black toilet"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a surfboard"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a chair and a bed"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a truck"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hot dog"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a purple book"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow frisbee and an orange knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cell phone"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a donut and a traffic light"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a green fire hydrant and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a tennis racket"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a red knife and a white truck"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tv"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a chair"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bicycle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sandwich and a white car"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a green spoon and a blue vase"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a laptop"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a laptop"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a vase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a toaster"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a tv"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a white horse and a green knife"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a sports ball and a sandwich"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a potted plant"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a giraffe"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a fork"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bus"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a blue sheep and a green motorcycle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a chair"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a car"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a black donut and a yellow bench"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a backpack"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a black hair drier and a green fork"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a backpack"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow orange and a blue parking meter"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a frisbee"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bird"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a purple knife and a white bird"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a blue oven and a green fire hydrant"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a bicycle and a hot dog"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a clock"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a black computer keyboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a toaster"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a carrot"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a sink"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow frisbee and a brown couch"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a tennis racket"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a zebra and a dog"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white bicycle"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a car"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a red train"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a spoon"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of a green bottle and an orange bowl"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a purple apple and a brown computer mouse"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a red orange and a black book"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bird and a pizza"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a sports ball"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a truck and a handbag"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of an orange vase and a red dining table"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a green umbrella"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a laptop"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a pink bowl and a red car"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a white traffic light"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a white orange and a purple broccoli"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow car and a blue baseball glove"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a green skis"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an elephant"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a black suitcase and a green dining table"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a parking meter"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a white book and a black fork"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of an orange"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a boat"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bed and a yellow dining table"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of an orange wine glass and a green oven"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a motorcycle"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of an orange knife and a purple bird"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red tv remote and a brown snowboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fork and a purple book"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cat"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown elephant"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue wine glass"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a snowboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a carrot"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a bus"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cow and a pink toaster"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a toaster and an airplane"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a skis"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a pink truck and a green bench"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bench and an orange spoon"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a knife"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a boat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a brown surfboard and a purple snowboard"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink bicycle and a red skateboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a car"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a green computer keyboard and a blue knife"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a clock"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a black fire hydrant and a white spoon"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a carrot"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a fork and a skateboard"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a blue baseball bat and a pink toilet"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a refrigerator"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a bottle"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue cup and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bowl"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of an orange sports ball and a white parking meter"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of an elephant"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a black baseball bat and an orange handbag"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of an orange banana and a red handbag"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a potted plant"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of an umbrella and a chair"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toilet"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a toilet and a sheep"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink toaster and a purple computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a backpack"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a potted plant"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of an orange broccoli and a pink skateboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a laptop"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a pizza"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a wine glass"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a laptop"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a green tv"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a refrigerator"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a tv remote"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a green scissors and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a bear and a hot dog"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a red bus"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a motorcycle"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a green backpack and a white chair"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a hair drier and a refrigerator"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a toothbrush"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a book"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a blue kite and an orange cat"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a frisbee"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a dining table"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a car"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a white chair"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a blue sandwich and a white handbag"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a truck"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a tie"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a black clock and a green car"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below an elephant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a baseball bat"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a surfboard and a potted plant"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a clock"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a backpack"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a black sink and a green dog"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow skateboard and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a tennis racket"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above an orange"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bed"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a skateboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a surfboard and a handbag"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a blue vase and a purple bowl"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a suitcase"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a clock and a bowl"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a refrigerator"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a frisbee"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of an oven and a traffic light"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a book"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a cell phone"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of an airplane and a toothbrush"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a dining table and a bed"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue wine glass and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a toilet"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a laptop"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a toothbrush"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of an orange dining table and a green kite"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a frisbee and a horse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a motorcycle"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an elephant"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a dining table"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a toaster"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a skis"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a brown scissors and a red truck"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of an orange motorcycle and a pink toilet"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a tie"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an apple"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cow"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a bear and an oven"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a handbag"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a snowboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a surfboard"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bowl"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a couch"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bowl"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tv and a purple traffic light"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a potted plant"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a computer mouse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a computer mouse"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cake"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a skis"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a skis"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a horse"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a blue zebra and a brown traffic light"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a pink pizza and a green train"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a laptop and a skis"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a brown banana and a purple bowl"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a person"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a scissors"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a yellow fork and a white vase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bottle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a green broccoli and a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of an orange orange and a black teddy bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a dog"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above an elephant"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a pink fire hydrant and a brown cake"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a cat"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a book"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a pink refrigerator and a green microwave"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an apple"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a donut"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bus"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue handbag and a yellow microwave"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a brown refrigerator and a red computer mouse"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a baseball bat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a snowboard"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a cake and a laptop"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tennis racket"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a blue fire hydrant and a red chair"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a purple bottle and a red fire hydrant"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a white handbag and a black snowboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below an apple"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a hair drier and a cup"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bird and a purple pizza"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a carrot"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tv"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white fork and an orange hot dog"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange scissors and a yellow frisbee"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bed"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below an umbrella"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a horse"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a yellow wine glass and a red car"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of an orange teddy bear and a green bus"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a white bird and an orange tie"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a giraffe and a toothbrush"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a surfboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a red surfboard and a pink frisbee"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a carrot"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bed"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a broccoli"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a computer keyboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a truck"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a white bird and a red bed"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a donut"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow laptop and a brown motorcycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a horse"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a microwave"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a purple cell phone and a black sink"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a black toilet"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of an orange surfboard and a green backpack"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a black orange and a red skateboard"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a brown frisbee"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a traffic light"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cow and a purple zebra"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a red bottle"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of an orange fire hydrant and a white wine glass"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a cat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an apple"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a red tennis racket and a green refrigerator"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cow"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an oven"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a toaster"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a black dog"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of an orange giraffe and a purple sink"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a couch"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tennis racket and a red baseball bat"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of an airplane and a car"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a black fire hydrant and a purple boat"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bird"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a donut"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a car"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a hair drier"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a boat"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a white skis"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer mouse and a purple backpack"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a blue pizza and a white traffic light"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a tie"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a white knife and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a purple toilet and a black train"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a couch"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of an orange train"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a skateboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tv and an orange umbrella"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cake and a pink elephant"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a book"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above an elephant"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a truck"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a laptop"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown scissors and a yellow book"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a sheep"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fire hydrant"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a yellow backpack and a green dog"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a computer mouse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a parking meter"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a chair"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a surfboard and a horse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a purple giraffe and a red toaster"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a brown umbrella and a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a green clock and a black book"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a brown laptop and a blue kite"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cup"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a donut"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a red fire hydrant"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a tie"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bench"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a chair"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a sandwich"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a pizza"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a truck and a surfboard"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a wine glass"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a skateboard"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a skateboard and a parking meter"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a red airplane and a white zebra"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a black teddy bear and a yellow cup"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a traffic light"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a car and a bird"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a tv"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a kite and an airplane"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a broccoli"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a potted plant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a wine glass"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of an airplane"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a laptop"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow boat and a brown sports ball"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an elephant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a handbag"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange car and a yellow refrigerator"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a pink elephant and a red bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a brown computer mouse and a pink elephant"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a pizza and an airplane"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bowl"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a black frisbee"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bear"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a teddy bear"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a laptop"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a blue snowboard and a pink chair"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a dog"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sandwich"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a brown zebra and a purple teddy bear"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of an orange book"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a bowl and a wine glass"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a pink spoon"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a pink hair drier and a white cat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a broccoli"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a sandwich"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a white skis"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a green frisbee and a black fire hydrant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a motorcycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a sandwich"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a skis"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a toothbrush"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a skateboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sheep"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sheep and a yellow toothbrush"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a red hair drier and a blue sports ball"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bed"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a zebra"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a wine glass"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow scissors and a pink vase"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a toilet and a knife"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a sink"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a spoon"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue fire hydrant and a yellow boat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a cell phone"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a laptop and a baseball bat"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a white apple and a purple tv"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a blue sports ball and a white horse"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bottle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a donut"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of an orange truck and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a black chair and a purple pizza"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a book"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a blue airplane and a brown parking meter"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a baseball glove and a train"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a sheep"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a green elephant and a black teddy bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a hair drier"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a parking meter"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of an elephant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cat"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown snowboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a dining table"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a truck"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a book"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow skis and an orange baseball glove"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skis"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a person"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a green hot dog and a purple baseball glove"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a cake and a tv"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a red car and a white snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a couch"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a person"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a blue carrot and a black truck"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bird"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a skis"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a broccoli"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a cat"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a toothbrush"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bed"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a surfboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a scissors and a carrot"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a dog"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a hot dog"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a sink"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white scissors and an orange dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a computer mouse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tie"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a red hair drier and a white bus"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a pink snowboard and a black banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a white scissors and a black carrot"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a brown fork and a purple skateboard"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a traffic light"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of an orange elephant and a green scissors"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a sandwich"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of an orange and a cake"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a dog"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow hair drier and an orange sports ball"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a banana"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a computer keyboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a bench and a knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a potted plant"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a dog"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tv and a yellow frisbee"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tv remote"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a suitcase and a snowboard"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a traffic light"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a microwave"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a brown tie and a red cow"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bench"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a skateboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cow"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an apple"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a sandwich"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a tv remote"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a surfboard"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tennis racket and a yellow airplane"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a clock"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow airplane and an orange cup"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a person"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sandwich"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a horse"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a toilet"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a sandwich"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow traffic light and a blue dog"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a blue surfboard and a purple zebra"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above an elephant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a blue banana and a white scissors"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a suitcase"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of an orange baseball glove and a white kite"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a pizza"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a dining table"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a yellow scissors and a black skis"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an oven"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a train"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a zebra"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a brown truck"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a cake"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a boat"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a stop sign and a surfboard"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a dog and a cow"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a surfboard"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of an apple and a truck"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a hot dog"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bird"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an umbrella"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a horse"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a toilet"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fork and a fire hydrant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a wine glass"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a toaster"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black skateboard and a yellow surfboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a cow"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a computer mouse and a sink"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cup"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a pizza"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a hair drier"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a couch"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bowl"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a white cell phone and a brown donut"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a cup"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a pink teddy bear and a red suitcase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a tie"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tennis racket and a blue wine glass"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a traffic light and a giraffe"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a blue orange and a green computer mouse"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an elephant"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a yellow zebra and a green sports ball"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a zebra"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a donut"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bird and an orange sports ball"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a tennis racket"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cup"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a clock"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a laptop"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a potted plant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a baseball glove"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a blue refrigerator and a white handbag"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a green elephant and a brown broccoli"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a green refrigerator and an orange fork"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a person"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a black bird and a pink backpack"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bus"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a cat"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a cup"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a cow and a bottle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a traffic light"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a brown fire hydrant and an orange kite"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a vase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a brown tv remote and a white vase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a laptop"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a boat"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a red skateboard and a white carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a hair drier"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bowl and a giraffe"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a chair and a banana"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a car"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sports ball"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a toilet"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a toilet"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a blue dining table and a green parking meter"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a zebra"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of an orange refrigerator and a purple book"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a traffic light and a car"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a skateboard"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a teddy bear and a bicycle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a purple train and a brown umbrella"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a black boat"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a green bear and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bear and a white banana"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bear"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of an orange bowl and a white handbag"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a computer mouse"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a car"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a red hot dog and a pink computer keyboard"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of an orange baseball bat and a brown sandwich"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a skateboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a couch"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a toothbrush"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a pink frisbee and a brown donut"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a wine glass"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a baseball bat and a chair"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a kite"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a book and a backpack"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a backpack"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a vase and a skateboard"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cake and a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a red car and a black apple"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a red carrot and a pink scissors"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a red tv and a white tennis racket"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bus"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of an orange"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a suitcase and a chair"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a horse"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a red cake and a brown cell phone"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a blue book and a white vase"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink elephant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an airplane"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a boat"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a skis and a book"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a laptop"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a dining table"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a computer mouse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a zebra"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a white orange and a blue toothbrush"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a truck"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bus"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a skis"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of an orange potted plant and a green apple"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a red horse and a purple dining table"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a microwave"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a green tie and a white cell phone"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a frisbee"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a baseball glove"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a sandwich"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bed and a green dining table"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a donut"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a microwave"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a red broccoli"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a purple knife"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a truck"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a kite"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a book and an elephant"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a skateboard"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a broccoli and a suitcase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a handbag"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a chair"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a white cat and a black oven"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fork and a purple baseball glove"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a red toothbrush and a black apple"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a broccoli"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a pizza"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a tv remote"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a toilet"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a knife and a bottle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a bowl"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bed"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a white backpack and a purple toaster"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a toothbrush"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of an orange"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "green"}], "prompt": "a photo of a purple boat and a green bed"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a red pizza and a purple umbrella"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a teddy bear"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a frisbee and a scissors"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a kite"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of an umbrella"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a giraffe and a fork"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a handbag"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a sink"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a laptop"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a dining table and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a black truck and a red suitcase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a dining table"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sink and a yellow truck"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a tv and a chair"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a sandwich"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a black oven"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a green skateboard and a brown carrot"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a pink carrot"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a baseball glove"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cake"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sandwich"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a toothbrush"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a surfboard and a skateboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tv remote"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a toothbrush"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a clock"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a red frisbee and a green dining table"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow broccoli and a pink pizza"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a blue traffic light and a white cell phone"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a pink snowboard and a red carrot"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a clock"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a spoon"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a dog"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a traffic light"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of an oven and a bicycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a snowboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a horse"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cat"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a book and a tv remote"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a spoon"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a wine glass"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sports ball"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a purple microwave and a brown cup"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bird and an orange train"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a broccoli"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a scissors and a broccoli"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a yellow banana and a black airplane"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bottle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of an orange sandwich and a black tv remote"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow parking meter and an orange horse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a scissors"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a computer keyboard and a tennis racket"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a kite"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a zebra"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a pizza"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple vase and a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a pink bowl and a black sports ball"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a chair and an oven"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a chair"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a car"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a wine glass"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of an umbrella and a bed"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a blue computer mouse and a red book"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a blue sheep and a pink toothbrush"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a surfboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of an elephant"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a white vase and a red tie"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a baseball bat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a vase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a teddy bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a toilet"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a brown frisbee and a purple donut"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tv"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a handbag and a tennis racket"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a parking meter and a stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a spoon"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer keyboard and a brown giraffe"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a toothbrush"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a fork"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a snowboard and a clock"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a skis"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a stop sign"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tv"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a dog"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sandwich"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a snowboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a fork"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tv remote and a blue bottle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a parking meter"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a person"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a black fork and a white parking meter"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of an orange sheep and a brown toilet"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a toilet"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a potted plant"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a clock and an apple"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a traffic light"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of an orange train and a green tie"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a brown toothbrush and an orange giraffe"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a kite"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a blue train and a purple bus"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a spoon"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a pink elephant and a red knife"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a green knife and a blue clock"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a fork and an apple"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a toaster and a boat"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a white giraffe and a purple wine glass"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a white book"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a black cake"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a hair drier"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bird"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a banana"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tv remote and a yellow chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a cell phone"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a fork"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a scissors"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bird"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a traffic light and a sandwich"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a banana"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a parking meter"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a fork and an elephant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a banana"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of an elephant and a hot dog"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a red knife and an orange sports ball"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a microwave"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a wine glass"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a hair drier"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a purple orange and a black computer mouse"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bowl"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of an orange cell phone and a white snowboard"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above an apple"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a baseball bat"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a cake"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bus"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a toaster"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a black bed and a blue skis"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a hot dog"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange horse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a computer mouse"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a car"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a potted plant"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toaster"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a sandwich and a surfboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a cow"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an airplane"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of an orange donut and a blue couch"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below an umbrella"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a green orange and a white bowl"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a frisbee"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a red kite and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a sheep"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bus and a brown hair drier"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a white tennis racket and a brown toothbrush"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a pizza"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cup"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a sandwich and a frisbee"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a dining table"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a black bowl and a blue pizza"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a bottle"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cow and a purple fire hydrant"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a tv"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cat"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a green pizza and a white broccoli"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a green baseball bat and a purple broccoli"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a pink umbrella"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a snowboard"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a wine glass"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bed"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a wine glass"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple teddy bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a zebra"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a train"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a wine glass"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a toaster"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sports ball and a pink bird"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a potted plant and a baseball glove"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a potted plant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sink"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a toaster"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a motorcycle"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a red stop sign"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of an umbrella"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a hair drier"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a potted plant"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of an orange sandwich and a red hair drier"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a potted plant and a tie"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a green vase and a white bed"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a couch"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a skis"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a potted plant"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball bat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a toilet"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a surfboard"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a broccoli"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a backpack"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a blue train and a green stop sign"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a red train and an orange baseball glove"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of a red banana and a yellow book"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tie"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a potted plant"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a teddy bear and a pizza"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cat"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a dog"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a stop sign"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a donut"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a tv"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a refrigerator"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a banana"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of an airplane and a dining table"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a bench"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a purple horse and a green sports ball"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a computer keyboard"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a traffic light"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a potted plant"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a stop sign"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a purple boat and a black bottle"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a brown wine glass and a pink broccoli"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skateboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a train"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a boat and a computer keyboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a snowboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow cell phone and an orange fire hydrant"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below an airplane"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a purple backpack and an orange sandwich"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cell phone"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a pink hair drier and a brown bowl"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a white tv and a purple cell phone"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cake"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a blue knife and a pink frisbee"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a baseball bat"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a green fire hydrant"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a black computer keyboard and a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a green motorcycle and a purple microwave"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a spoon"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a sandwich"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a skateboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a bicycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a zebra"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cow"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a black oven and a brown clock"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bear"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a sports ball and a bear"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a red tv remote and a white bus"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a microwave and a computer mouse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a hot dog"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a broccoli and a computer keyboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an elephant"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a black sink and an orange tennis racket"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a white toothbrush and a purple zebra"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball glove and a purple toilet"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a laptop and a motorcycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a handbag"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a red sports ball and a white laptop"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow baseball bat and a white cat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a blue microwave"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a wine glass"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a white bicycle and a brown surfboard"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown toaster and a yellow cow"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a broccoli"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below an apple"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a red kite and a blue bed"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a purple oven and a white tennis racket"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sink and a blue broccoli"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cell phone and a blue bed"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of an umbrella and a traffic light"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an orange"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bed"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a carrot"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a yellow laptop and a red apple"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a dining table"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of an orange cow and a black chair"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of an elephant"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a boat"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a red tennis racket and a blue cup"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a book"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown skis and a black surfboard"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a computer keyboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a computer keyboard"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a cup"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a green zebra and a black bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a chair"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a broccoli"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a dining table"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bench and a frisbee"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a blue train and a black cow"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple couch and a yellow bird"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a green toothbrush and a brown tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a dining table"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a hair drier and a spoon"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a red skateboard and a black computer keyboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a chair"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a skateboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a banana"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a truck"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a truck"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bicycle and a bus"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a bottle and a book"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bicycle"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a cell phone and a skateboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sandwich and a blue bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a boat"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an apple"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv remote and a pink chair"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a black computer keyboard and a white dog"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bus"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a clock"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below an oven"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a person"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a fork"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a white stop sign and a purple tie"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a skis"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a red snowboard and a blue sheep"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a traffic light"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a baseball glove"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a snowboard and a dining table"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a couch"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a blue laptop and a purple boat"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a skis"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a toilet"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a tie"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of an elephant and a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a snowboard"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a toilet"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a black baseball glove and a yellow truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a computer mouse"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a motorcycle and an oven"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a kite"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bowl"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tennis racket"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a vase"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of an orange book and a green banana"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a wine glass and a car"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a red cup and a blue bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a donut"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a green cell phone"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of an orange suitcase and a black bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a dining table"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of an airplane"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a green cell phone"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a horse"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a book"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a white bear and a purple backpack"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a red carrot and a pink car"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a cat"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bowl"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a microwave"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dog"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a potted plant"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a pink zebra"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow potted plant and a purple sports ball"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a sheep"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a hair drier"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a stop sign"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a cup"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink elephant"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a white hair drier and a pink boat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bottle"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a teddy bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow frisbee and a brown knife"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a snowboard and a pizza"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a green computer keyboard and a pink sink"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tie and a blue scissors"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a pink spoon and a white pizza"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a horse"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a black scissors and a pink tennis racket"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of an orange"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a hot dog"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of an orange airplane and a green elephant"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a broccoli and a bus"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a baseball bat"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a toothbrush"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a chair"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a microwave"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a purple baseball glove and a pink hair drier"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a sink"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bed"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a surfboard"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown boat and a purple bottle"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a dog and a toaster"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a toaster"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "brown"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a brown traffic light and a black skis"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow zebra and a blue backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a computer keyboard"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a dog"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a purple bowl and a white sink"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a car"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a brown car and a purple microwave"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a couch"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer mouse and a white sheep"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a white tie and an orange computer mouse"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a toilet and a clock"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a frisbee"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a sports ball"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bird and a brown cell phone"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a pink dog and a brown stop sign"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a toilet"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a car"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of an airplane"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a motorcycle and a book"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a truck and a toothbrush"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cup"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a motorcycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a boat"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a brown clock and an orange handbag"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a snowboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a toothbrush"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bottle"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a pink cell phone and a black potted plant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an oven"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a backpack"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a pink truck and a green oven"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bench"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a frisbee and a computer keyboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a knife"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a boat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a train"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a baseball glove"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow carrot and a brown fire hydrant"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a toothbrush and a chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a baseball bat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a computer mouse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a horse"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a brown microwave and a white potted plant"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a hot dog"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a car"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a pink bear and a white hair drier"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a baseball bat"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sports ball"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of an orange car"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a scissors and an apple"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a green boat and a white tie"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a bottle and an orange"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an orange"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bench"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above an oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a tv"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a tv remote"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a book"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a bus"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a truck"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a fire hydrant"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green tie and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a bus"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a skateboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a red refrigerator and an orange cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a zebra"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a green handbag and a purple frisbee"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a tie and an airplane"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a green dining table and a red tie"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below an orange"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cake and a white sandwich"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a refrigerator"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a car"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a toothbrush"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a bottle and a donut"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an apple"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a computer mouse"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a purple carrot and a green dog"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a suitcase"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a traffic light"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a horse"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a hair drier"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cup and a purple dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a motorcycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a white skis and a blue tie"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a parking meter"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a giraffe"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a parking meter"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bench"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a white umbrella"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a stop sign"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a car"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a red skis and an orange toothbrush"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a green sink and a pink backpack"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a potted plant"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a microwave"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a green knife and a red snowboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a wine glass"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a book and a train"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a kite and a sheep"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a black broccoli and a green airplane"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a dog"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a tie"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of an orange handbag and a pink baseball glove"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a boat and a book"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bear"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a black suitcase"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a brown dining table and a white bed"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a green pizza and a purple stop sign"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a green toilet and a pink fork"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a brown hot dog and a white parking meter"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a tie"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an apple"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a chair"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sheep"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a brown bicycle and a green baseball glove"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a red fire hydrant and a yellow baseball glove"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a person and a cell phone"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a microwave"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of an orange computer mouse and a blue frisbee"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a surfboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a boat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an airplane"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of an orange"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cat and a yellow chair"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange potted plant and a yellow backpack"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a kite"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a brown clock and a black skis"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bottle and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a car"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a green bear and a blue couch"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bus"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a fire hydrant"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a sports ball"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a traffic light"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a cup"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a toilet"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a snowboard"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a white bus"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a white zebra and a purple airplane"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a white zebra and a yellow airplane"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below an apple"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bench"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a book"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of an umbrella"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a cow"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a bowl"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a stop sign and a bus"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a sink"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a car"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a toaster"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a wine glass"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a computer keyboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a traffic light"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a baseball bat"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a toilet"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a surfboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bench"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a book"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a skis"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a fork"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a toothbrush"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of an elephant"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sports ball"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a snowboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below an orange"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a green airplane and a brown banana"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a kite"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a truck"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a black airplane and an orange apple"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sink"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a horse"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bowl"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a cake"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a baseball bat and an apple"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bottle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a cake"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a sandwich and a tennis racket"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a sports ball"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a toothbrush"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a person"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a microwave"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a hair drier"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a purple skis and a brown fire hydrant"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a brown toaster and a green banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a vase"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple boat and a yellow bottle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a horse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bottle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a stop sign"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown handbag and a yellow cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a refrigerator"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a red chair and a pink bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a zebra"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a vase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a chair"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a surfboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sandwich and a yellow fire hydrant"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a microwave"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a spoon and a bottle"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a bear"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a traffic light and a handbag"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of an elephant"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a white baseball bat and a yellow scissors"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a green microwave and a yellow orange"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below an apple"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a red tie and a green donut"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a sink"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a parking meter"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tv remote"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a microwave"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a boat and a dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a train"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a green donut and a yellow car"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a broccoli"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a baseball bat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a tv remote"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a backpack"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above an apple"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a hair drier"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a yellow snowboard and a white baseball glove"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a snowboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a knife"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sports ball"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a brown tv remote and a pink toothbrush"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a chair"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a tv remote"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a green motorcycle and a white skateboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a suitcase"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a broccoli and a dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of an airplane and an umbrella"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a donut"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a traffic light"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a hot dog"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a vase"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a dog and a bowl"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of an orange tennis racket and a black carrot"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a book"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a computer mouse"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a refrigerator"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a teddy bear and a kite"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sheep and a pink tie"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a couch"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a toaster"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a red bowl and a blue fork"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a motorcycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a dining table"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a sports ball"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a green bottle and a blue giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bench"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a sandwich and a couch"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a train"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a broccoli"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a handbag and a truck"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cell phone and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a blue spoon and a purple stop sign"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a brown microwave"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a hair drier and a toothbrush"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a scissors"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a train and a refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cell phone"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a toilet"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink suitcase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a dining table"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of an apple"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink dog and a purple bird"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a yellow scissors and a green chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a person"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a boat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a hair drier"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a spoon"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a clock"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black suitcase and an orange surfboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a person"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a green bowl"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a brown toaster and a blue vase"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a green bear and a black sandwich"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fire hydrant"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a sink"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a kite"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a person"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a baseball bat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a computer keyboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a black truck and a white tv"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a donut and a skis"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a bicycle"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a car"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a hot dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a tennis racket"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a toaster"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a wine glass"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow broccoli and an orange fire hydrant"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bowl and a brown bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bear"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a cup and a dining table"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "pink"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a pink traffic light and a white wine glass"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bottle and a yellow fire hydrant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cat and a pink couch"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a black sports ball and a blue baseball glove"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bicycle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a cell phone and a giraffe"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a toothbrush and a bed"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a black couch and a white banana"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a microwave"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a sink"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a pink scissors and a red zebra"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a computer keyboard and a bear"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of an orange baseball bat and a blue refrigerator"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a surfboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a carrot"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a pink teddy bear and a black oven"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a baseball bat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bottle"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cup and a pink vase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a couch"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a clock"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a cake"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a white fire hydrant and a blue bear"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bowl"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a sandwich"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a toilet"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of an apple"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a chair"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a white computer mouse and a brown wine glass"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white bench and a purple skateboard"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bench and a yellow train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a sheep"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a brown refrigerator and a green dining table"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a giraffe"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a white computer keyboard and a red refrigerator"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a tie"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a computer mouse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a cake"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of an orange tv and a black bottle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bird"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a skis and a tennis racket"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow frisbee"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a white elephant and a green knife"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball glove"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a cat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a black stop sign and a white kite"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of an orange potted plant and a green sports ball"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a microwave"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a green scissors and a white refrigerator"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a green chair and a brown toilet"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a blue giraffe and a pink stop sign"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bicycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a spoon"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below an umbrella"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a tennis racket"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a truck"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a tv"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a knife and a bench"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a sandwich and a boat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of an orange banana and a blue suitcase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a handbag"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a chair"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a snowboard"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown elephant"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a frisbee"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a book"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a hot dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a tennis racket"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tv remote"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a dog"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a pink clock and a green pizza"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a red bottle and a brown hair drier"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a stop sign"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a white scissors and a black skis"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bench"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a clock"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a cake"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of an orange potted plant and a green toilet"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a sandwich"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a blue vase and a purple book"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a book"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bus"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red refrigerator and a brown surfboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a traffic light"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a green bicycle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a green bench and a black kite"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toothbrush and a pink wine glass"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a potted plant"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a kite"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bed"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bottle and an orange carrot"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a white umbrella and a pink elephant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a handbag"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a toaster"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a green cell phone and a pink computer mouse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a cow"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a purple bus and a green bottle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a knife"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cake"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a dog"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tv remote and a blue cow"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a snowboard"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a train and a pizza"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a hair drier"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a black banana and a white bottle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a horse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bus"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a suitcase"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a toothbrush and a giraffe"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a book"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a bed"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below an elephant"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a bowl"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a skis and an apple"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a black clock and a green tv remote"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bench"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a cell phone"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a green apple and a brown toilet"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a black train and a green sports ball"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a sandwich"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a dog"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow cup and an orange bicycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a microwave and a toothbrush"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a scissors"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a dog"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a boat and a frisbee"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a tv"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a blue spoon"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a spoon"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a brown giraffe and a blue computer keyboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a boat"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a tennis racket and a toothbrush"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of an orange boat and a blue sandwich"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bus and a blue traffic light"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cup"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a handbag"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a cup"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bottle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a refrigerator"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a broccoli"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a boat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a hot dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a person"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a white apple and a purple parking meter"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a parking meter"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a traffic light"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a computer mouse and a bus"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a baseball glove"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a couch"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a kite"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a handbag"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a frisbee and a snowboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a traffic light"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a skateboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a clock"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a pink tie and a green carrot"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an umbrella"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a donut"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a black horse and a purple kite"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a snowboard and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a green truck and a brown bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow baseball bat and a purple bird"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a skateboard and a tennis racket"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a tie"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a scissors"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a banana"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an umbrella"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bed"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a purple clock and a brown book"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a brown carrot and a blue train"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a blue sandwich and a black microwave"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a green fork and a pink dog"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of an orange refrigerator and a green tv"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a white toothbrush and a blue dining table"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a frisbee"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of an orange microwave and a pink sheep"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a dining table and a traffic light"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a car"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a brown sink and a green frisbee"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a brown oven and an orange orange"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a yellow laptop and a red computer keyboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bear"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tennis racket and a purple scissors"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a hot dog and a fork"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a scissors"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a sports ball"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a handbag"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a donut"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a clock"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a sheep"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a car and a teddy bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a giraffe"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a broccoli"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a wine glass"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a knife"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green dog and a yellow vase"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a dog and a train"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow giraffe and a brown bottle"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a refrigerator"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bed"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a computer mouse"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a horse and a motorcycle"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a green sandwich and a blue toaster"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bowl and a purple motorcycle"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a scissors"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a horse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a broccoli"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a pink laptop and a blue potted plant"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a car"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a red baseball bat and a purple boat"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a pink wine glass and a red bed"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a traffic light"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a red handbag"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a cat"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a skateboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a tv remote"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a parking meter"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a carrot and a cup"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a vase"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a traffic light"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a teddy bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a zebra"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a kite"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a skateboard"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a red airplane"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a couch"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball bat"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a computer mouse"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a sandwich"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a fork"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a red baseball glove and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a brown clock and a blue handbag"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a skateboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a sandwich"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a brown fork and a purple carrot"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a kite"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a blue sink and a green apple"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bed and a yellow sink"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a laptop"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a surfboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a person"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a refrigerator"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a pizza"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an airplane"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bottle and a banana"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an oven"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer mouse and a blue book"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bicycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bench"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a bear and a traffic light"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of an orange laptop and a green bowl"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below an umbrella"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bowl"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a purple car and a pink laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a carrot"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a white umbrella"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a vase"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a pizza"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of an apple and a suitcase"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a frisbee"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a sandwich"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a truck"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a bowl"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a person"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cake"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a kite"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a car"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a green fire hydrant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a carrot"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an elephant"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a sports ball"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue book and a yellow chair"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a red potted plant and a white snowboard"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of an orange tie and a white scissors"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a train"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a sports ball and a snowboard"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a toilet"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a red donut and a brown train"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a cow"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a green boat and a red computer keyboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below an airplane"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a carrot"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a handbag and a horse"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "red"}], "prompt": "a photo of a black tennis racket and a red baseball bat"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a blue orange and a green baseball glove"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a white truck and a purple sheep"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a surfboard and a knife"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a microwave"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bottle"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a white wine glass"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a brown hot dog and a black orange"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a toilet"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a dog"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a couch"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a dining table"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a potted plant"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange spoon and a yellow vase"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of an airplane and a skateboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a cake"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an umbrella"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a person"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a surfboard"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cup"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown wine glass and a yellow sink"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a red cup and a purple zebra"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a handbag"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green oven and a yellow snowboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a banana"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a knife"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of an apple"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a scissors"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a microwave"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an apple"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a chair and a book"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a cup"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cat"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a book"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of an orange fire hydrant and a purple knife"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a toaster"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a white vase and a pink wine glass"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a fork"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a red umbrella and a purple bus"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tv remote"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a fork"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a blue surfboard and a black toaster"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a horse and a sports ball"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a cell phone and a chair"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a cup and a kite"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a giraffe"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a frisbee"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a red dining table and a black cow"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a red cup and a brown sandwich"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a toaster"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a green motorcycle and a red backpack"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above an elephant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sink"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a black laptop and a yellow potted plant"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a person"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a black car and a red airplane"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer mouse and a blue bird"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toilet"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a knife"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a book"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a dog and a carrot"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a giraffe"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a scissors"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a tie"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a green traffic light and a brown computer mouse"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a white banana and a yellow zebra"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a zebra and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a green chair and a blue hair drier"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a knife"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a bird"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a parking meter and an orange"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a couch"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a black oven"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a boat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a suitcase"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a hair drier"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a baseball glove"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a suitcase"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a dining table"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a bird"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a zebra"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a skateboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of an apple"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a potted plant"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a dog"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a purple kite and a brown stop sign"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a tie"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a snowboard and a bird"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a chair"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a white parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a train"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown parking meter and an orange computer mouse"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a baseball glove"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a fork"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of an orange orange and a red bicycle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a potted plant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bench"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a pink sink and a red train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a truck"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a sports ball and an oven"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a toilet and a toaster"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bench"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cell phone"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a tv remote and a sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a red bench and a green bottle"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a pink zebra"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tv remote"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a train and a bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bird"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a baseball bat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above an airplane"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow couch"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an elephant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a surfboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a green dog and a brown cell phone"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a dining table"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bed"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a banana"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a purple skateboard and a green elephant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a handbag"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a tennis racket"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a motorcycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a pink toilet and a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a red pizza and a pink tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a snowboard"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a parking meter and a boat"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a purple backpack and a green banana"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a brown laptop and a white knife"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a train"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a baseball bat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a hair drier"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a red donut and a pink toilet"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of an orange handbag and a brown train"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a vase"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a green sheep and a white vase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a tv"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a black pizza and a blue sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bench"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a backpack"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a baseball bat"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a black laptop and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a teddy bear"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a pizza"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of an orange computer keyboard and a blue scissors"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a baseball glove"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a brown banana and a green horse"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a truck"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bear"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a blue microwave"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a red bottle and a green potted plant"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above an umbrella"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of an orange"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bicycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a giraffe"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a kite and a zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sandwich"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a green dog and a black baseball glove"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a cow"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a skateboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a dining table"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a purple umbrella and a white handbag"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a motorcycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a boat"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a brown toaster and a purple couch"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a purple boat and a green bear"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a pink tie and a purple vase"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below an elephant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a person"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a cow"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a surfboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a computer keyboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a kite and a tv"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a purple chair and a brown broccoli"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of an orange computer mouse and a purple clock"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a clock"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a bear and an umbrella"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a zebra"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball bat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a vase"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a sports ball and a microwave"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a white elephant and a yellow horse"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sports ball and a green teddy bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a teddy bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a white dog and a yellow frisbee"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a blue toilet and a red computer mouse"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a broccoli"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an apple"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white stop sign and a yellow cat"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a green bicycle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a laptop"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a hot dog"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a frisbee and a knife"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a black cat and an orange cell phone"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a tie"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a suitcase"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a black suitcase and a pink cow"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a green hair drier and a white skis"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bottle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a hot dog"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a horse"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bowl and a pink book"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a boat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a cell phone"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a refrigerator"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a suitcase"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a brown broccoli and a red bird"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a dining table and a zebra"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a white motorcycle and a pink horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a chair"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a white pizza and a brown parking meter"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a refrigerator"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a cell phone"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a spoon"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange sports ball and a red snowboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a backpack"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a white scissors and a red umbrella"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink boat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a carrot"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a dining table"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a purple refrigerator and a black airplane"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a book"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sheep and a yellow apple"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a purple handbag and a black potted plant"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a traffic light"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a green cake and a red skateboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a boat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a sports ball"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a teddy bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cat"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a bed and a toaster"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a black zebra and a white bed"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a skis"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a sink and a cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a hot dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a carrot"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a microwave"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a skis"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bus"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a bicycle and a wine glass"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a chair"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a baseball glove"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a skateboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sink"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a snowboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a donut"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a blue spoon and a brown fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a suitcase"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a red cat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fire hydrant"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a computer mouse and a hot dog"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a tennis racket and a couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a pizza"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a toaster"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bed"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a purple banana and an orange parking meter"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an airplane"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a knife"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a toaster"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a teddy bear and a frisbee"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cell phone"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a bowl"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow giraffe and an orange microwave"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a wine glass"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a parking meter"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a backpack"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a surfboard and a baseball glove"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of an orange and a frisbee"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a frisbee"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a spoon and a skateboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer keyboard and a black cell phone"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a toothbrush"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a baseball bat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a black oven and a pink hair drier"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bed"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a black skis and an orange baseball bat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tennis racket"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a bottle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a stop sign"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a potted plant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a pizza"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a computer mouse"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a wine glass"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a fire hydrant and a boat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a stop sign"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a train"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a pink couch and a black skis"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a toothbrush"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a white hot dog"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bicycle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a chair"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a tennis racket"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a green parking meter and a yellow fire hydrant"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a white baseball bat and a red zebra"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a black elephant and a green pizza"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an airplane"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a hot dog"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an orange"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a black cake and a red parking meter"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a pink cup and a green computer mouse"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a brown baseball glove and a white carrot"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of an apple and a surfboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a green tv and a purple cell phone"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a green wine glass and a blue cell phone"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of an airplane"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a red zebra and a pink clock"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a hot dog"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a white donut and a pink book"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a skateboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cup"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a black hair drier and a red parking meter"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a knife"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a clock"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a pink frisbee and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a spoon"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a green sandwich and a pink toothbrush"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a red fork and a pink wine glass"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a parking meter and an oven"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a blue airplane and a red potted plant"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a zebra"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a traffic light"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a blue refrigerator and a green sports ball"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a red skis and a pink frisbee"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a cow"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a motorcycle"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a baseball bat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a traffic light"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a black fork and a white bear"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a brown scissors"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a white sandwich and a green bus"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a pizza"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toaster and a brown toothbrush"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a toothbrush"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a pink computer mouse and an orange car"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cup"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a donut"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a train"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a carrot"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a suitcase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a handbag and a motorcycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a bird"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sandwich and a yellow tie"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a baseball glove"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a pizza"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a boat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a kite"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a cat and a bowl"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a cat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bench"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a white giraffe and a brown parking meter"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a person"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sports ball and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a pink frisbee and a white tie"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sink"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a red computer mouse and a purple carrot"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a pink apple and a green scissors"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a clock"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a skis"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an apple"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a train and a microwave"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a wine glass"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a boat"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an orange"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a skateboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a pink suitcase and a red motorcycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a red handbag"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a black bicycle and a blue car"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a cup and a sports ball"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a red kite and a blue horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a giraffe"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a yellow knife and a white dining table"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a refrigerator"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of an orange knife and a green baseball glove"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tennis racket"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a red truck"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a green cat and a black tie"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of an orange car"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bed"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a clock"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sink and a yellow boat"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a skis"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a book"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tie"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a green parking meter and a black vase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a surfboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cake"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a sports ball"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cup"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a black baseball glove and an orange boat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a sandwich"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a cup and a wine glass"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bed"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer keyboard and a brown tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above an airplane"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a white horse"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of an apple and a bed"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sandwich"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an apple"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a blue broccoli"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of an orange"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a train"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a frisbee"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a surfboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bed"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of an apple"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a green toilet"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tv remote and an orange stop sign"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of an orange traffic light and a green hair drier"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a car"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a purple car"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below an elephant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a horse"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an umbrella"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a purple baseball glove and a white truck"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a snowboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a banana"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a kite"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a green handbag and a blue toaster"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a stop sign"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a knife"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a pink traffic light and a red tennis racket"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a motorcycle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a boat"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a brown handbag and a blue sandwich"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a green traffic light and a pink motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a bus"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a clock"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a boat"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sink"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a white book and a brown horse"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a pink clock and a white backpack"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a blue frisbee"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a horse and a donut"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bear"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a pink apple and a brown baseball glove"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a purple computer keyboard and a pink donut"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a skateboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sink"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a black microwave"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a sheep and a book"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a cell phone"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a sink"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a black tv and a brown bus"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a computer keyboard and a chair"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a fork"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a hot dog"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a traffic light"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tennis racket"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an apple"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of an orange clock and a pink laptop"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a green tv and a red bear"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a black parking meter and a brown sandwich"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a horse"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a toilet"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a purple laptop and a pink tv remote"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a purple scissors and a red hair drier"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bowl"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a computer keyboard"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a tv and a snowboard"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a computer mouse and a surfboard"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a brown dog and a blue cell phone"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a black fork"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "purple"}], "prompt": "a photo of a white dining table and a purple skis"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fire hydrant and a blue teddy bear"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a brown motorcycle and a blue laptop"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a toilet and a train"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a snowboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a teddy bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a person"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a green cup and a blue computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a train"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a backpack"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a frisbee"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a toilet"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a green carrot and a blue apple"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "yellow"}], "prompt": "a photo of a white baseball bat and a yellow wine glass"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a bus and a couch"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a train"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a baseball glove"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a potted plant"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a blue tennis racket and a purple fire hydrant"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sports ball and a brown chair"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a green umbrella"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a black teddy bear and a pink sheep"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a vase"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a backpack"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a frisbee"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a hair drier"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tv"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a pink spoon and a green truck"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a boat"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a car"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bus"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a laptop"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a book"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bed and an orange cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a white oven and a pink banana"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an orange"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a clock"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bench"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a white book"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange handbag and a purple motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a suitcase"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a stop sign"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bed and a white skateboard"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a bus and a kite"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a brown skis and a black cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a computer mouse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a backpack"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a teddy bear"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a green bicycle"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a green pizza and a purple hair drier"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a pink banana and a blue horse"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a yellow frisbee and a red kite"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a blue elephant and a white bird"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bird"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a purple computer mouse and a pink bird"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a green dining table and a yellow tv"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a stop sign"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a kite"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a blue surfboard and a green toothbrush"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a parking meter and an umbrella"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bicycle"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a toothbrush"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a skis"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a couch"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a sheep"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a fork"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a computer keyboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a knife"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a red toilet and a black oven"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a brown hot dog and an orange chair"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a traffic light"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of an elephant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of an apple"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a red toilet"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a dog"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a book"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a dog"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a pink frisbee"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a red tennis racket and a black cow"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bicycle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a blue bench and a white tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a tv remote"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a green cow and a brown frisbee"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bed"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a toilet and a teddy bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a kite"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue pizza and a yellow bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a zebra"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of an orange computer keyboard and a green bowl"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a toilet"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a cake and a cat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a truck"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a tie"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a backpack"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a bicycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a boat"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a blue frisbee"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of an orange"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a laptop"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a green cow and a blue bird"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a traffic light"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a toilet"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a green tv and a white laptop"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a surfboard and an apple"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a black suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a white surfboard and a green horse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of an orange bus and a white orange"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a car"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a pink boat and a red book"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a vase"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a stop sign"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a green sandwich and a brown baseball glove"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink toilet and a yellow sports ball"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a white pizza and a yellow bus"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bench and a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bowl and a purple bicycle"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a green airplane and a yellow sports ball"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a giraffe"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a purple clock and a blue scissors"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of an umbrella"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a blue train and a purple stop sign"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of a black hair drier and an orange bowl"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a toaster"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a red traffic light and a pink refrigerator"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above an elephant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a stop sign"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a scissors"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a white frisbee and a pink giraffe"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a pink boat and a brown cow"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a train and a person"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an orange"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a chair"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer mouse and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a handbag"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a black couch"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a green cell phone and a brown oven"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a dining table"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a sandwich"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a motorcycle"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a potted plant"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a broccoli"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a computer keyboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of an orange"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bed and an orange computer mouse"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a tv and a bowl"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a zebra and a fire hydrant"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a sports ball"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a scissors"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv and a pink traffic light"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a wine glass"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a fork"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a dog"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a white cup and a red oven"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a spoon"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a person"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dining table and a blue dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a person"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a scissors"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a scissors"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below an umbrella"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a white bowl and a brown orange"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a toilet"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of an apple"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a red train and a yellow bed"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a black suitcase and a red umbrella"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a suitcase"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a white skateboard and a green surfboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a boat"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a book"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a microwave and a carrot"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a truck"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a donut"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a carrot"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a hot dog"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a suitcase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bicycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a cake"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a teddy bear and a boat"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sandwich and a blue giraffe"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow traffic light and a purple scissors"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a broccoli"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a suitcase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bottle"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a brown banana and a white clock"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cup"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a pink toothbrush and a black laptop"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a zebra"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a fork"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cow and an orange sink"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a cell phone and a boat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below an airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a motorcycle"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a teddy bear and a backpack"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a brown computer mouse and a white boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a pink apple and a red bed"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a computer keyboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bus"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a scissors"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a tv remote"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a wine glass"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of an orange toothbrush and a purple fire hydrant"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a white elephant and a pink refrigerator"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a cake"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a traffic light"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow umbrella"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a laptop"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a bus"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a black couch and an orange cow"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a stop sign"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink boat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "green"}], "prompt": "a photo of a pink oven and a green bed"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a red frisbee and a purple clock"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bed and an orange chair"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a frisbee"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cow"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a boat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a baseball glove"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tv remote"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a baseball bat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a motorcycle"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bed"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of an orange car and a white microwave"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black scissors and an orange surfboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a blue baseball glove and a black hot dog"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a green wine glass and a black sports ball"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a scissors and a zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a giraffe"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below an oven"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a frisbee"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bed"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a wine glass"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a black teddy bear and a white kite"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a baseball glove and a car"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a purple giraffe and a green bowl"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a pink handbag and a purple scissors"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a snowboard"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bed and a snowboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a brown couch and a green stop sign"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a toothbrush and an elephant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a donut"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a purple dining table and an orange orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a giraffe"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a purple train"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a wine glass"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an orange"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a baseball bat and a sink"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a zebra"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a tie"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a black microwave and a purple hot dog"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a frisbee and a bed"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tv remote and an orange parking meter"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a scissors"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a teddy bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a dining table"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a clock"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cup"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a parking meter"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a white fork and a red boat"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of an orange banana and a green tie"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a spoon"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a bowl"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bird and a pink potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a donut"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bus and a yellow pizza"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a green cake and a brown sandwich"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a white knife and a green sports ball"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a banana"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a cat"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a book"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a red cow and a purple tie"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below an orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a bottle"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bed"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of an orange and a bed"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sheep and a yellow hair drier"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a donut and a fire hydrant"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green scissors and a yellow snowboard"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a black dog and a yellow spoon"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a dining table"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a brown vase and a red hot dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tie"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a blue microwave and a red spoon"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a wine glass and a bowl"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a white snowboard and a black skateboard"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cell phone and a black sports ball"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tv and a blue dog"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a boat"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of an orange tv remote and a white skis"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tennis racket and an orange handbag"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a frisbee"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a green oven and a yellow umbrella"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a red tv remote and a pink bus"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a dog"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of an orange bear and a black carrot"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a sandwich"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a pizza"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a green broccoli and a white stop sign"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a sandwich"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a sports ball"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bus"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a pink tie and a red elephant"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "purple"}], "prompt": "a photo of a blue sandwich and a purple skis"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a computer keyboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cow"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a pink suitcase and a green broccoli"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a spoon"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a hot dog"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a suitcase and a cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a cat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a horse"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of an elephant"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a white fire hydrant and a pink umbrella"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a pink banana and an orange tv remote"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a knife"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a book and a kite"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a brown stop sign and a green tennis racket"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a baseball glove"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a pink traffic light"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a cell phone"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow skis and a purple oven"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a green tv and a yellow banana"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a white elephant and a pink toilet"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow sheep and a purple dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a bottle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bench"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a potted plant"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tv"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a bottle and a teddy bear"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a toilet"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a book"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an umbrella"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a scissors and a giraffe"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a potted plant"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a black computer keyboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below an airplane"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a baseball glove"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of an elephant"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a toaster"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a motorcycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a donut"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bird"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a book"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a white sheep and a red train"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a banana and a scissors"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a zebra"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a banana"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a toilet"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a refrigerator"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a traffic light"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a car"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a teddy bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a cow"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a black parking meter and a yellow pizza"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bed"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown snowboard"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a surfboard and a computer mouse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a brown car and a green dog"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a white tv and a red hair drier"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a horse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a wine glass"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a motorcycle and a train"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a blue toothbrush and a red cell phone"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a fork"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a boat"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a purple orange and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above an apple"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a white frisbee and an orange motorcycle"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a dog"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a zebra"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a brown train and a green toilet"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a computer keyboard"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a black sandwich"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a skis"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a red cell phone and a purple toilet"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sandwich"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tennis racket and an orange bench"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a chair"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a skateboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bus"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a couch"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a black sandwich"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a banana"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a blue dog and an orange sheep"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a cake"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a cat"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow chair and a blue hair drier"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a pink computer mouse and a black couch"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a suitcase and a bear"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a pizza"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a handbag"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a boat"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a bed"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bird"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a red book and a black tennis racket"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bottle"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a sheep and a computer mouse"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a brown teddy bear and a red vase"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a red wine glass"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a chair and a tennis racket"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a kite"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a pink frisbee and a brown backpack"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a baseball glove and a broccoli"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a blue teddy bear and a brown vase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a truck"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a couch"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a carrot"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a person and a sports ball"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a banana"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a fork"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a black hot dog and a green broccoli"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a pink kite and a brown boat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange truck and a purple bicycle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a laptop"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a tv"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bottle and a chair"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a blue train and a pink toothbrush"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a wine glass"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a white horse and a black traffic light"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a dining table"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a kite"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a tie and a horse"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a brown wine glass and a red banana"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a pink apple and a blue hair drier"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white skis and a black cake"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a hair drier and a teddy bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bicycle and a brown donut"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a donut"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of an oven"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bowl"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a black truck and a yellow cup"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a pizza"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a skateboard"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a fork and an umbrella"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a carrot and a banana"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a black fork and a green baseball glove"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow toilet and a purple fork"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hair drier and a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a broccoli"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a chair and a dog"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a person and a tie"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a car"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bowl"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a red sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a horse"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a traffic light"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a hair drier"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bed and an orange bird"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a white book and a red boat"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a green cat and a pink book"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a computer mouse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a sandwich"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a toothbrush"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a baseball glove"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bottle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown clock and a black snowboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a baseball bat and a banana"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a cake"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a clock"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an umbrella"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a brown bird and a red bowl"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a scissors and a fire hydrant"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bird"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a skis"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of an orange spoon and a brown traffic light"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow fork and an orange bird"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a cup"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a donut"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a frisbee"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a carrot"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a toothbrush"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink motorcycle and a yellow car"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a cup"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow parking meter and a blue scissors"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a chair"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bird"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a black bicycle and a purple wine glass"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a white toothbrush and a black fork"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a sink"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a tv remote"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a surfboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a laptop"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white fire hydrant and a pink snowboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a green refrigerator and a red bear"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bicycle"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a person"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a microwave"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bear and a yellow donut"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sports ball"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a clock"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bed"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a blue baseball bat and a black scissors"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a purple umbrella and a red toilet"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a dog"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a hot dog"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bed"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a vase and a teddy bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bottle and a frisbee"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an apple"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a tv"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow kite and a blue dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bottle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sheep and a blue laptop"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a refrigerator"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a toaster"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a skis"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bicycle and a yellow cat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a pizza"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a purple bed and a white bottle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a baseball glove"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cup"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a white sheep and a brown apple"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of an orange broccoli and a purple bird"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a yellow broccoli and a green surfboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a toaster and a teddy bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a dog"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a hair drier"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a blue motorcycle and a green potted plant"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a stop sign"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a kite"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a purple toothbrush and a brown baseball bat"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a hot dog"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of an orange cup and a black donut"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a fork"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a yellow train and a green elephant"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a tie and an elephant"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a cup"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple motorcycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "bed", "count": 1, "color": "green"}], "prompt": "a photo of a yellow oven and a green bed"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cat and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a blue book and a green car"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a truck"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an elephant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a carrot"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a book"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cup"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of an orange apple and a red bear"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of an orange spoon and a purple oven"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a pizza"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a chair and a carrot"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bottle and a red boat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a surfboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a white bicycle and an orange cell phone"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a green cat and a white toothbrush"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bird"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a red skateboard and a black bench"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cow and a yellow bear"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a sports ball"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a black computer keyboard and a green zebra"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue suitcase and an orange horse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a sheep"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a red stop sign and a purple clock"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a giraffe and an orange"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bicycle and a brown elephant"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a spoon"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a baseball bat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a baseball glove"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a banana"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a couch"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a black book and a red orange"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an elephant"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a truck"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a hair drier"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a green truck and a black scissors"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of an umbrella"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a purple donut"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a backpack"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a broccoli"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bottle"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a frisbee and a dog"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a hot dog"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a computer keyboard"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a stop sign and an oven"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bicycle"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a pizza and a cat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cow"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of an orange traffic light and a white tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a snowboard"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a hot dog"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a potted plant"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a fire hydrant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a person"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of an umbrella"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a skateboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a couch"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a zebra"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a pink toilet and an orange bench"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a green umbrella and an orange potted plant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a sink"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sheep"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of an orange hair drier and a red giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a red stop sign and a blue bird"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above an umbrella"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of an orange fire hydrant and a black dining table"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a yellow hair drier and a green train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sports ball"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a donut"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a white tv and a red cell phone"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a banana"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball glove"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a backpack"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bench"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a toilet"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tv and a yellow sink"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a blue oven and a red bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a surfboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a white train"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a bench"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a fire hydrant and a skis"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a snowboard"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of an orange sandwich and a green parking meter"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bowl"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a brown bear and a black truck"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a baseball glove"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a pink clock"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a red giraffe and a green sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a motorcycle"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a laptop and a toilet"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bird"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bed"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a vase"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an elephant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a surfboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a microwave"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a purple chair and a white baseball glove"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a red couch and a white bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a banana"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a toilet"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a toilet"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cell phone"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a knife"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a purple snowboard and a pink backpack"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bird"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a stop sign"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a sink"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sheep"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a fork"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer keyboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a black banana and a white toaster"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a sink"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a computer keyboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a horse"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a black horse and a pink bear"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bed"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bottle"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a fire hydrant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a vase"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a white baseball bat and a yellow umbrella"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a kite"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a banana"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a blue elephant and a white zebra"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a red bench and a green refrigerator"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a green airplane and a white couch"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a pink potted plant and a green fire hydrant"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a white bench and a red wine glass"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a teddy bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a baseball glove"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv remote"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a toothbrush"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cell phone"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a motorcycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a sandwich"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a surfboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a brown airplane and a black umbrella"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a baseball glove"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a boat and a toothbrush"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a purple truck and an orange car"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bowl and a purple giraffe"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a cow and a motorcycle"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fire hydrant"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of an orange handbag"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a vase and an umbrella"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a cat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bus"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a sports ball and a vase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a red umbrella and a black frisbee"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a toaster"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a brown spoon and a black vase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bicycle"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a clock"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange toilet and a yellow potted plant"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a suitcase"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a pink umbrella and an orange chair"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a brown kite and a purple suitcase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a couch"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a broccoli and a giraffe"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above an elephant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a horse"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a spoon and a dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a boat"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a hair drier"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bicycle and a blue stop sign"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a cow"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a frisbee and a skis"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a baseball bat"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a knife"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown computer mouse and a yellow truck"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a chair"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a dining table"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow traffic light"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a red tv and a green bus"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of an orange vase and a black broccoli"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a wine glass"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a boat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tv remote"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of an orange motorcycle and a brown horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a giraffe"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a computer mouse"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a cell phone"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a blue carrot and a white umbrella"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a fork"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bed"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a parking meter"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a chair"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a carrot"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a red tennis racket and a purple banana"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a clock"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a banana"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a black fork and a pink kite"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a brown dining table and a black baseball glove"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a pink zebra and a blue refrigerator"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a pink dining table and a red carrot"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a toilet"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange teddy bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a broccoli"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a microwave"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a microwave"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a toothbrush"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bench"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a blue parking meter and a green kite"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of an elephant and a book"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a wine glass"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a teddy bear"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cup"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a car"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a blue computer keyboard and a black tennis racket"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a pink teddy bear and a red refrigerator"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a horse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a person"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sink"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a surfboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a white toothbrush"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a knife"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a skis and an orange"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sandwich and a yellow surfboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a red surfboard and a blue bird"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above an umbrella"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a microwave"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bottle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bench"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of an airplane"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball bat and a purple handbag"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below an airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a carrot"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a parking meter"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a couch"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a stop sign"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a parking meter"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a white zebra and a green chair"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a wine glass"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a pink sheep and a red spoon"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tv remote and a blue microwave"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a baseball glove"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a refrigerator"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a pizza"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a fork"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a knife"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bowl and a pink donut"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an apple"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a blue bench and a white baseball bat"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a tie"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bird"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sports ball"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a cow and a dog"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a traffic light"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a purple kite and a brown bowl"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a motorcycle"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tennis racket"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a fork"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a bear"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a red tie"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a broccoli"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a computer mouse"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a motorcycle"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown elephant"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a truck"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a scissors"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a brown elephant and a red car"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a wine glass"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of an orange baseball bat and a blue toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a sheep"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an elephant"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a brown donut"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a donut"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tv"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a fork"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a pink motorcycle and a white fork"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a purple skis and a white couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a white motorcycle and a red bottle"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a white fork and a blue bicycle"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a backpack and a refrigerator"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bowl"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a kite"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a black tennis racket"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bicycle and a frisbee"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a clock"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a baseball glove"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below an umbrella"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a brown skateboard and a red tv"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of an umbrella and an elephant"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bowl and a purple toaster"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a kite"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bowl"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a broccoli"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a knife"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a dog"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a yellow dining table and a red umbrella"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a pink cat and a black fire hydrant"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a toothbrush"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow dog and a brown hair drier"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tennis racket and a blue hair drier"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a banana"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a white cow and an orange car"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange apple and a yellow truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a suitcase"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a wine glass and a giraffe"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a blue bowl and a red potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a cat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a white oven and a black giraffe"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sink"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a teddy bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bicycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a blue dog and a brown bird"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sports ball"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a snowboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a fire hydrant"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bottle"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a white toilet and a blue refrigerator"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bed"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a person"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue pizza and a yellow truck"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bicycle and a laptop"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a stop sign"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a giraffe"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a red dining table and a blue stop sign"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a hot dog"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a white dining table and a black skis"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bicycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a knife"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a horse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bench"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a toaster"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a red cell phone and a blue dining table"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a red cake and a pink cat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a motorcycle"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a skis"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a hot dog"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of an umbrella"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a truck"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an elephant"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a brown bear and a red parking meter"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a tv remote"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a purple cell phone and a white tv remote"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a sports ball"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a baseball glove"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a clock"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a motorcycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a person"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a purple hot dog and a black bed"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a yellow umbrella and a red cake"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a potted plant"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a brown couch and a purple pizza"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a green vase and a white sports ball"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a bowl"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a backpack"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow boat and a purple bowl"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a green toaster and a black backpack"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a red wine glass and a purple bed"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a traffic light"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a hair drier"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above an umbrella"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a tie and a knife"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a couch"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an oven"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a broccoli"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer keyboard"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a red traffic light and a brown knife"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a red carrot and a white tennis racket"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a toaster"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a motorcycle and a giraffe"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a frisbee"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of an elephant"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sports ball and a brown computer keyboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a fork"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a blue skis and a green donut"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a kite"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a hair drier"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a carrot"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a purple apple"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a handbag"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a banana"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a wine glass"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a red kite and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a fire hydrant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bear"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a donut"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bus"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a brown frisbee and a pink zebra"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a car"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a black bench and a red sandwich"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a pink traffic light and a brown giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a cat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a purple giraffe and a brown traffic light"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a horse"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a green stop sign and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a red suitcase and a white laptop"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a scissors"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a clock"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bottle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of an orange"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of an umbrella and a baseball bat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a tv"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a white toilet and a green handbag"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a banana"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a parking meter"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a purple zebra"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a brown backpack and a white sandwich"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a stop sign"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a blue apple"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a black microwave and a yellow toothbrush"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sports ball"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a car"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a green boat and a purple couch"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a tv remote"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a blue cup and a red knife"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a white kite and a yellow bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a boat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a truck"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a snowboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below an oven"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a baseball bat and a cat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a truck"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a broccoli"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a train"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above an oven"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a red train"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a black bear and an orange bed"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a train"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an airplane"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bear and a giraffe"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a white hot dog and a blue sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an airplane"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow sports ball"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a teddy bear"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a wine glass and a skateboard"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bench"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a brown bed and a red bottle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a red tv remote and a pink clock"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a blue clock and a brown computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a train"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a wine glass"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a scissors"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a cup"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cake"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a vase"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cow and a brown donut"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a bench"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of an orange traffic light and a brown banana"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a dog"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a knife"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a microwave"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a suitcase"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bottle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a suitcase and a laptop"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an umbrella"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a cow and a clock"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a red frisbee"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a purple vase and a red fork"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a red handbag"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a toilet"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a sandwich"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a skis and a cake"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a wine glass"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a person"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a knife"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a green banana and an orange bottle"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a teddy bear and a vase"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a white tie and a purple cow"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a green handbag and a black boat"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow stop sign and a pink knife"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a pink hot dog and a green umbrella"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a green cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sports ball"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a knife"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toilet"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a clock"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a skis"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a surfboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a vase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a toaster"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a red boat and a pink surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a truck"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a tv remote"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of an orange sandwich and a black bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a dining table"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sink and a blue toilet"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a banana"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a pink fork and a green traffic light"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a cup and a backpack"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange elephant"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a toilet"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a pink surfboard and an orange sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tie"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a clock"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an apple"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a fire hydrant and a zebra"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a suitcase and an airplane"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a stop sign"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a boat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a frisbee"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toaster"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a skateboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a red pizza and a yellow clock"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a white orange and a blue wine glass"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a tennis racket"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a green tv and a brown horse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a sandwich"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a red tennis racket and a pink microwave"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bicycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a potted plant"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a truck"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bird"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a blue cat and a white baseball glove"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a microwave"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a skis"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a tv remote and a handbag"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a kite"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a hair drier"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a black truck and a purple donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a teddy bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a microwave"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a green tennis racket"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a black toothbrush and an orange carrot"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cake"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a clock"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a backpack"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a black kite and a purple carrot"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a tennis racket"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a bus"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a blue scissors and a brown skis"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a traffic light"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a baseball glove"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a dining table and a handbag"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an elephant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of an orange scissors and a pink banana"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a motorcycle"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a blue traffic light"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue couch and a yellow bird"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a white carrot and a purple cell phone"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a knife"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a broccoli"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a black sandwich"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a pink boat and a white microwave"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a toothbrush and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a black zebra and a green knife"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a black wine glass and a brown cell phone"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white handbag and a yellow cat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a clock"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a pizza"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a computer mouse and a bear"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a surfboard"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a wine glass"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a sports ball"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a donut"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a computer mouse"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a wine glass"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a computer mouse and a handbag"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a red donut and a pink vase"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a yellow couch and a black toothbrush"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a dog"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a broccoli"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a traffic light"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue fire hydrant and a yellow sports ball"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a kite"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a white frisbee and a black motorcycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a red hot dog and a blue pizza"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a traffic light"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a donut"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a tie"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a cow"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a cow and a computer mouse"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a baseball bat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a scissors"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a baseball bat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a parking meter"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a backpack"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a black hair drier and a purple toothbrush"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a green computer mouse and a yellow sports ball"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a backpack"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a boat"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of an orange refrigerator and a brown bicycle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a green bottle and a blue donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a scissors and a hot dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sandwich"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cake"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a frisbee"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a vase"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a pink chair"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a train and a toaster"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a pizza"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a scissors and a book"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a car"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a blue train and an orange teddy bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a hair drier"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a fire hydrant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a vase"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a tie"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a clock"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a skateboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a kite"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a black couch and a purple baseball bat"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a traffic light and a hot dog"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a tv"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a brown airplane and a purple couch"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a computer keyboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a banana"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bowl"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a stop sign"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a giraffe"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a green toaster and a brown tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a train"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a green tie and a purple boat"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a tennis racket"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a toothbrush and a computer keyboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a hot dog"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a black zebra"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a cow"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a black baseball bat and a white truck"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sports ball and a yellow hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a parking meter"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a brown snowboard and a purple vase"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bowl and a brown truck"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a knife"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of an elephant and a toothbrush"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a purple airplane"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a sports ball"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a cake"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a toothbrush"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a backpack"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow clock"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of an elephant"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a dining table"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a teddy bear"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a purple book and a black motorcycle"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown baseball bat and a yellow boat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a cake"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a carrot"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a kite and a scissors"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a cup"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a green kite"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown pizza and a yellow sink"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a toothbrush"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a cup"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a brown skateboard and a red scissors"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a pink wine glass and a red bottle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a blue sheep and a white clock"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a hair drier"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a toaster"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a green skis"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bicycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a stop sign"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tv remote"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a purple vase and a brown train"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an airplane"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a parking meter"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a dining table and a laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a sink"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a tv"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a bowl"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a green tennis racket and a white handbag"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a handbag"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a red cake and a green bus"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a knife"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a green dog"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a fork"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a dog"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a traffic light"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a banana"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a horse"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a car"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a brown handbag"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a tv and a toaster"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a giraffe"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a brown refrigerator and a white snowboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a chair"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow dog and an orange pizza"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a carrot"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a wine glass and a zebra"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a traffic light"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a white vase and a black surfboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a snowboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a cat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a sheep"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of an orange spoon and a white airplane"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a tv"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a truck"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a kite"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a sandwich"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple zebra and a yellow giraffe"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a white stop sign and a yellow train"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a green couch and a brown cat"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a cup"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a traffic light"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a kite"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a black sandwich and a white chair"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bird and a handbag"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a skis"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a blue fire hydrant and an orange broccoli"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a cake"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a spoon and a scissors"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a pizza"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an umbrella"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a skis"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a red oven"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow backpack and a purple traffic light"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a sink"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a toilet"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bed"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a red snowboard and a black tennis racket"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a truck"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a red car and a yellow knife"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of an orange elephant and a blue cup"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a suitcase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a motorcycle"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a red sheep"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a green truck and a purple oven"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a book"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a tie and a truck"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a red cup and a purple traffic light"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bowl"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "cup", "count": 1, "color": "pink"}], "prompt": "a photo of a green vase and a pink cup"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a boat and a cow"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a knife"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a handbag"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a giraffe"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a green giraffe and a black cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a donut"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of an orange bird and a white sink"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a zebra and a bottle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bowl"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below an apple"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a snowboard"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of an umbrella and an oven"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of an oven"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a blue bird and a black tv remote"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a black toaster and an orange boat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below an umbrella"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a toaster"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a motorcycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a blue spoon and a red hot dog"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tie"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cow and a brown bowl"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of an orange frisbee and a white traffic light"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a teddy bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a hot dog"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a red bus and an orange clock"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a vase"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a red sandwich and a blue skis"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tennis racket and a pink donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a handbag"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a cup"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a refrigerator"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tennis racket"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a blue zebra and an orange sheep"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a purple sink and a black motorcycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a pizza"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a white horse and a green train"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a suitcase"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a microwave"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a zebra and a handbag"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a baseball glove"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a carrot"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a white bed and a green microwave"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below an orange"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a fork"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a horse"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a pink suitcase and a black pizza"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a banana"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow umbrella and a brown sandwich"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a white toaster and a pink skis"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a cow"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a horse"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a kite"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a blue book and an orange cell phone"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bowl and a blue truck"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bus"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a backpack"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bear"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a traffic light"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a refrigerator and a toothbrush"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a toilet"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a laptop"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a surfboard"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a dog"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a purple clock and a green sheep"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a zebra"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a chair and a pizza"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bus"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a frisbee"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a red car and a blue umbrella"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a dining table"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of an elephant and a bowl"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of an umbrella"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a zebra"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a red donut and a black handbag"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a donut"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a microwave"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a bear"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a spoon"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a toaster"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a tennis racket"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tv"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a bicycle and a train"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a bus"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bus and an orange refrigerator"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below an umbrella"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sink and a brown bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a spoon"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a kite and a couch"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a car"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a dog"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball bat and a blue boat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an umbrella"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a boat"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown umbrella and a purple bicycle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a green banana and a red cat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of an umbrella"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a tie"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a bed"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cat and a purple bird"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple backpack and a yellow horse"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bird"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a scissors"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a fire hydrant"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a fire hydrant"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a pink frisbee"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of an oven"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bed"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bus and an orange broccoli"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of an orange backpack"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a donut"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of an elephant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a pizza"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a traffic light and a laptop"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a blue hair drier and a white baseball bat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a suitcase"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a donut"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a cup"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a brown potted plant and a white sports ball"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a toothbrush"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a banana"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a red traffic light and a green computer keyboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a potted plant"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a tv"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a horse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a kite"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a cat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a dining table"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a cow"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a wine glass and a frisbee"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a purple donut"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a red bicycle and a black hair drier"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a yellow toilet and a white spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a pink orange and a green tv remote"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below an orange"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple snowboard and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a baseball glove"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a person and a cow"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a tv and a cat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a backpack"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a boat"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a bowl"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a vase and a truck"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a truck and a pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a parking meter"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a green umbrella and a purple cake"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a suitcase and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange fire hydrant and a yellow broccoli"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bicycle"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a red vase and an orange carrot"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a refrigerator"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a black kite and a pink bed"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a red boat and a brown carrot"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue donut"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a handbag"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of an umbrella"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a parking meter and a baseball glove"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a banana"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a yellow hair drier and a red wine glass"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a scissors"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow scissors and an orange orange"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a pizza"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bird"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a skateboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a boat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bicycle and a giraffe"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sheep"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bed"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a zebra"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a truck and a broccoli"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sink"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of an umbrella"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below an elephant"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a red motorcycle and a purple knife"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue tie and a yellow oven"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a baseball glove"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a red skateboard and a purple baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a vase"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a clock"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a skis"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a person"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a white cat and a pink sink"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a book"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a computer mouse"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a toaster"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bed and a brown clock"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a white carrot and a pink spoon"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow knife"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a microwave"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a kite and a boat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a skateboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a stop sign"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a green umbrella and a brown dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a person"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a toothbrush"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of an orange dog and a black donut"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a baseball bat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a suitcase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bicycle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sheep and a brown horse"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bed"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a red cell phone and a black skis"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a pink zebra"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a bowl"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a person"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cake"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a red skateboard and a green clock"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a wine glass"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a handbag"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a cat"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cake"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a computer mouse and a truck"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sheep"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a carrot"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink fork and a yellow fire hydrant"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cat and a pink bird"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a bird and a spoon"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a knife"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tie and a pink bicycle"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a carrot"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a microwave"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a green tv remote and a red banana"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tie"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a white hot dog and a black cell phone"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a traffic light"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a zebra"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sports ball and a white broccoli"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a skis"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a car and an airplane"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bird"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a knife and a boat"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a donut"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of an elephant and a bottle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a white umbrella and a pink spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a horse"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a black tennis racket"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above an orange"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a kite"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of an elephant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a horse"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a frisbee"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a blue refrigerator and a purple tv"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a donut"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bicycle and a blue bed"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bowl"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a couch"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a parking meter"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a computer mouse"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a skis"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a pizza"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a giraffe"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a green fork and an orange orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a tv"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a handbag and a cup"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fork and a purple traffic light"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a spoon and a baseball glove"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a cat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a kite"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a backpack"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bowl and a brown computer keyboard"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a brown bird and a green refrigerator"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a computer keyboard"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a bowl"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a pink oven and a red handbag"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a horse"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a red frisbee"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a banana"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a donut"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a green apple and a yellow frisbee"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a train"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a cell phone"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a couch and a dining table"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an orange"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a zebra"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sink"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a red tie and a purple dog"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a motorcycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a cat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a boat"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a purple cat and a green teddy bear"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a pink snowboard and a green teddy bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cell phone"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a green orange and a pink hot dog"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown donut and a yellow refrigerator"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a suitcase"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bear"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cow and a blue bicycle"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a tv"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sheep"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a red spoon and a brown potted plant"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a skis"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a kite"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a pink apple and a white dining table"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a handbag"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow toothbrush and a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a purple computer mouse and a pink bench"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a scissors"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a refrigerator"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an apple"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a zebra"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a skateboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a pizza"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cup"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a dining table"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a white kite and an orange bed"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow scissors and a purple book"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a red sink and a blue frisbee"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bowl"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a purple toilet and a white vase"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a red potted plant and a black bed"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a cell phone"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a boat"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a green banana and a blue tie"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow suitcase and a blue carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a tv remote"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a broccoli"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow elephant and a brown motorcycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tv"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a vase"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a microwave"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a car"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown toaster and a yellow zebra"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a teddy bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a fork"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bird"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bird"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a white backpack and a purple orange"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a wine glass"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a dining table"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a microwave"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a red sandwich"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a pink airplane and a green cup"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a tennis racket"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a red teddy bear and a yellow hair drier"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a sandwich"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a toothbrush"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a handbag and a car"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a blue zebra and a green hot dog"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a couch"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow scissors"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of an orange banana and a pink orange"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a brown truck and a black bed"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a vase"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a broccoli and an elephant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a horse"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above an umbrella"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a bowl"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a chair"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bench"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a frisbee"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange toothbrush and a red surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a microwave"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a green baseball bat and a yellow bird"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cell phone"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bus"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a knife"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a bird"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a backpack"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a blue tie and a green skis"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a scissors"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a pink frisbee"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a truck and a baseball glove"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a toilet"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple truck and a yellow dog"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dog"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a chair"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a green laptop and a yellow donut"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a purple knife and a red spoon"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a traffic light and a kite"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a toothbrush"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a teddy bear"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of an apple and a teddy bear"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a horse"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a fire hydrant and an orange"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a knife and a hair drier"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a white spoon and a blue cake"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below an airplane"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a traffic light"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sandwich and a blue horse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a vase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a carrot"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a bowl"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a dog"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a black skateboard and a white cat"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a bicycle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a laptop"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a bottle"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a cake and a motorcycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a carrot"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a clock"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a zebra"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a clock"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a black umbrella and a white fire hydrant"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a clock"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a white snowboard and a green computer mouse"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a hot dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bottle"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a skis"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a clock"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a bicycle and an oven"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of an elephant"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a black train and a purple cat"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a wine glass"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a cell phone"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an orange"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of an orange oven and a blue microwave"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a tv and a bottle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a spoon"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sandwich"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a red bottle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a tennis racket"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a chair"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow train and a pink hot dog"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above an elephant"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a motorcycle and a person"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a brown book and an orange umbrella"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a kite and a sports ball"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a vase"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a pink orange and a purple microwave"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a green skis"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a tv remote"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow truck"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a banana"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a chair"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a clock and a zebra"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a white horse and an orange giraffe"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a black potted plant and a yellow backpack"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of an orange tv and a white couch"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a white sports ball and a black spoon"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bed"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a car"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a clock"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a snowboard"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cow and a red elephant"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of an orange broccoli and a white bed"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a green snowboard and a black tennis racket"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a boat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a toaster"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a suitcase"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a truck"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a cup"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a potted plant"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bottle and a sports ball"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of an orange computer mouse and a black wine glass"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a refrigerator"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a train"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a sandwich"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a green motorcycle and a brown oven"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a car"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a computer keyboard"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a black bowl"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a brown cow and a black hair drier"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a couch"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a bus"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a toilet"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a tv and a train"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a couch"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below an airplane"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a tie"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sheep and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a purple car and a green giraffe"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a pink zebra and a purple hot dog"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a horse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bus"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a spoon"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a truck"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a boat"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a green broccoli and an orange cat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a broccoli"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a refrigerator"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a horse and a backpack"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bus"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a traffic light and a baseball glove"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a sink"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a giraffe and a pizza"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a skateboard"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a red wine glass"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a frisbee"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a spoon"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a blue banana and a red bear"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a hair drier"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a donut"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a carrot"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a black frisbee and a purple vase"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a toothbrush"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of an orange boat and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a white knife and a black bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a blue fire hydrant and a white cat"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a boat"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a boat and a person"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a brown frisbee and a pink tie"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hot dog and a yellow broccoli"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bottle and a brown bus"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a black skateboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bottle and a brown potted plant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a brown handbag and a purple sports ball"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a bicycle and a potted plant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a hair drier and a toilet"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a motorcycle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a traffic light"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sheep and a sports ball"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a potted plant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a snowboard"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a stop sign and a car"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a yellow orange and a white kite"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an elephant"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow wine glass and a pink horse"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a pizza and a bicycle"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bird and an orange sheep"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a black sink and a pink cell phone"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a brown teddy bear and a red bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a toaster"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "blue"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue dog and a purple skateboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a truck"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a cup"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a frisbee"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a cup"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a suitcase"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a giraffe"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hair drier"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a baseball bat"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a red donut"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a blue stop sign and a pink vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a wine glass"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a green sheep and a red skis"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of an orange knife and a brown bicycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a snowboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a banana"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a skateboard and a car"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a stop sign"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a potted plant and a wine glass"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bed"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of an umbrella and a knife"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a train"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a green traffic light and a pink elephant"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a person"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a car"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a purple tie and a white fire hydrant"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv and a purple fork"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bear"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a brown scissors and a white spoon"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a red parking meter and a brown teddy bear"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown hot dog and a yellow hair drier"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a baseball glove"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a hair drier"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a cow"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a snowboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a suitcase"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a chair"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a hair drier"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a bowl"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a chair"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a purple knife and a white microwave"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a dining table"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a blue parking meter and a pink airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a person"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a baseball bat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a skis"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a skateboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below an airplane"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a potted plant"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a black spoon and a pink snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a train"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a spoon"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a dining table"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a kite and a bear"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a blue dining table and a white sheep"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a red frisbee and a purple handbag"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a pink car and a black wine glass"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a wine glass and an apple"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a cow"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a red scissors and an orange dining table"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a white spoon and a purple bus"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of an airplane and a spoon"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a pink tv remote and a purple giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a handbag"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cup"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a fork"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a skateboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of an oven"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bottle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a tie"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a person"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a car"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a truck"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a blue backpack"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a laptop"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of an orange wine glass and a pink cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a horse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a computer mouse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a pink stop sign and a white traffic light"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a tie"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an elephant"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a computer keyboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a refrigerator"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a chair"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a traffic light and a cat"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "red"}], "prompt": "a photo of a black fire hydrant and a red baseball bat"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a green cow and a black clock"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow broccoli and a pink baseball glove"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bird"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a red oven and a purple apple"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a parking meter"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a green bowl"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a knife"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of an elephant and a couch"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a train"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an umbrella"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a donut"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a horse and an oven"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a couch"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tv"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a black sports ball and a green bus"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a zebra"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a train"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a blue broccoli and a pink bus"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a cell phone"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a spoon"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue knife and a yellow hair drier"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer mouse and a pink orange"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a boat and a skis"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a red sandwich and a brown car"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a surfboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a truck and a dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a train"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a bird"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cat and a green toothbrush"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above an apple"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a truck and a bottle"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bottle"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a frisbee"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an orange"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sink and a blue cow"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tv remote"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a snowboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a person"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a pink dog and a black cup"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a red bowl"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a kite"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a dining table"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a zebra"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bed"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a giraffe"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a donut"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a broccoli"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a teddy bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a surfboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of an orange sink and a green frisbee"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a potted plant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a blue handbag and an orange skateboard"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball glove"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a kite"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow snowboard and a pink couch"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a knife"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a motorcycle and a snowboard"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink horse and a blue bottle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a yellow suitcase and a black clock"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a sink"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a frisbee"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a knife"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a yellow oven and a red fire hydrant"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above an orange"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a green boat and a brown scissors"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a backpack"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bowl"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a bird"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a truck"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a purple zebra and a black donut"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a vase"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "baseball bat", "count": 1, "color": "red"}], "prompt": "a photo of a green cow and a red baseball bat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a motorcycle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bowl"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a bear"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a blue cake and a red bus"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a fork"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a toilet"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a banana"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow sheep and a purple skateboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a book"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple snowboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sheep"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a frisbee"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a white teddy bear and a yellow orange"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a parking meter"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown potted plant and a yellow tv remote"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a couch"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a black train and a brown airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a vase"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a purple elephant and a black banana"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a black boat and a red cup"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a snowboard"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a bottle"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a dog and a giraffe"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of an airplane and a skis"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a couch"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a scissors and a couch"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a red computer mouse and a green fork"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a carrot and a handbag"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown elephant"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a white scissors and a yellow microwave"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cell phone and a blue toilet"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bench"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cake"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a purple elephant and a brown knife"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below an umbrella"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a backpack"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tie and a brown cup"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a dining table"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cake and a yellow frisbee"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a potted plant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of an airplane and an elephant"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a bed"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sports ball and a purple orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a sports ball"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bird"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cell phone and a red banana"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of an oven and a tie"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a red dog and a pink suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a bus"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bear and a brown pizza"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of an orange dining table and a red scissors"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a giraffe"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a vase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a skateboard"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a wine glass"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bowl"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a brown sheep and a white vase"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a snowboard and a fire hydrant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a baseball bat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a laptop"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a traffic light"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a bowl"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a banana"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a dog"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a vase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sink and an orange dining table"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow snowboard and a black bear"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a black cat and a brown motorcycle"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a fork"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a hot dog"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a traffic light"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow truck and a pink suitcase"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bench"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a refrigerator"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a cow"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a scissors"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bicycle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange bicycle and a red skateboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a cake"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue bench and a black snowboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below an umbrella"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sheep and a yellow train"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow apple and a blue couch"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bed and a refrigerator"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a kite"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a white boat and a pink microwave"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a teddy bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below an airplane"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sink"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow kite and an orange bench"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a scissors"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a parking meter"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a baseball glove"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bowl"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bench"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of an umbrella and a person"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a black teddy bear and a yellow cell phone"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a white kite and an orange train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a truck"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a purple parking meter and a brown vase"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a frisbee"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a hot dog and an umbrella"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a yellow laptop and a red scissors"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a purple apple"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a sports ball"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tennis racket and a yellow car"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a purple toaster and a white frisbee"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a dog"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a skateboard"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of an orange boat and a brown parking meter"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a traffic light"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a laptop"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of an orange traffic light and a purple laptop"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a person"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a backpack"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a pink boat and a blue fork"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a cup"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above an airplane"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a red boat and a brown kite"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a toothbrush"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a white backpack and a purple horse"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a white boat and a yellow traffic light"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue kite and a yellow bird"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a motorcycle"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a microwave"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple computer mouse and a red skateboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a handbag"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a red sink and a brown bus"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a chair"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bowl and a purple bus"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow train and a purple fork"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a backpack"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a book"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a carrot"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a microwave"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a truck"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a spoon"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a frisbee and a cake"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cup and a brown cow"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a white pizza and a purple baseball glove"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a white orange and a brown sheep"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a baseball bat and a person"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a wine glass"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a bicycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a baseball glove"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a kite"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a black bicycle and a purple tv"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a potted plant"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a motorcycle"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a car"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a skis"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a chair"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a carrot"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a carrot"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a refrigerator"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tie"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a bench and an oven"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a green cake"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a truck"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a dining table"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer keyboard and a pink hot dog"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a sink"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a blue banana and an orange refrigerator"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a blue backpack"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a motorcycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a tv remote"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a stop sign"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a white vase and a yellow toothbrush"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cake"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "pink"}], "prompt": "a photo of a brown tv and a pink cup"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a fork"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bed"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a couch"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cup"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a purple traffic light and a pink tv"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a black carrot and a white skis"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a white bowl"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of an oven"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of an oven"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a fire hydrant"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a pink wine glass"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a black cow and an orange hot dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a dining table"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a bear and a cup"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a bird"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a teddy bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a stop sign"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a blue bench and a black scissors"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a black toaster and a purple frisbee"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a red book and a green teddy bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a couch"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fire hydrant and a blue cake"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bear and a blue fork"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a carrot"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a black hot dog and an orange giraffe"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a cake"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of an airplane and a horse"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of an elephant"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a hot dog and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a white giraffe and a green vase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a train"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a red baseball bat and an orange giraffe"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "baseball bat", "count": 1, "color": "pink"}], "prompt": "a photo of an orange scissors and a pink baseball bat"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a truck"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a teddy bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a computer keyboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a bus"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a spoon"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a cell phone"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a cow"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a hot dog"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tie and a yellow airplane"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow frisbee"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a suitcase"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a red surfboard and a green handbag"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bench"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a fork and a cake"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a fire hydrant"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a snowboard"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a dining table and a surfboard"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a dog"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a surfboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a handbag"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a spoon"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a book"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a hot dog and a person"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a couch"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a snowboard and a dog"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a fork"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toothbrush"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a knife"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a car"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a cat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a black orange"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a cow"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a blue boat and a pink hot dog"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a chair"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a red dining table and a black frisbee"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a knife and a sink"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a refrigerator"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a motorcycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bus"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a spoon"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a banana"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a traffic light"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a dog"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a knife and a teddy bear"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a microwave and a vase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a horse"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a car"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a book and a chair"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a pink suitcase and a blue fork"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a frisbee and a parking meter"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a traffic light"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hot dog"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bench and a red tv remote"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a cup"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an orange"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a white refrigerator and a blue donut"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a refrigerator"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a suitcase"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a black sandwich and a white tv"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an orange"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a truck"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a pizza"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a white book and a black tv"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an elephant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a cow"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cow"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a person and a dog"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow skateboard and a white cat"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a toothbrush"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a surfboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a purple orange and a black giraffe"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a cell phone"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a wine glass"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a white book"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a cup"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a truck"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sink"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange tv and a black motorcycle"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a brown book and a blue cell phone"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tv remote and a blue donut"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a potted plant"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tennis racket and a red motorcycle"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a surfboard and a laptop"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a knife"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a yellow surfboard and a red clock"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of an oven and a backpack"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a pink suitcase and an orange elephant"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bowl"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a traffic light and an elephant"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a stop sign and a bench"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a black elephant and a green dog"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of an umbrella"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sink"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a white skis and a yellow carrot"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a zebra"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a brown handbag and a purple book"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an apple"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a sandwich"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a suitcase and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a brown truck and a black dog"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a brown scissors and a purple carrot"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a spoon"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sheep"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a sandwich"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bowl"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a black toothbrush and a yellow chair"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bird"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a baseball bat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a clock"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a toothbrush"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below an apple"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a stop sign and an orange"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a green refrigerator and a blue train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a pizza"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a hair drier"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a brown refrigerator and a pink microwave"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a toothbrush"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bed"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a baseball bat and a truck"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a teddy bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a purple airplane and a white truck"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a white hot dog and a yellow sandwich"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a vase"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a purple pizza and a white traffic light"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a fire hydrant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a motorcycle"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a frisbee"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a laptop"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a potted plant"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above an umbrella"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a backpack"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a purple skis and an orange hot dog"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a giraffe"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a pizza"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a black hair drier and a red airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a person"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a skateboard and an elephant"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toothbrush"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a horse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a banana"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a surfboard"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a snowboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a surfboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a tie"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a white clock and a purple bed"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sink and an orange surfboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a person"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above an elephant"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a bird"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a teddy bear"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tennis racket and a blue computer mouse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a black scissors and a brown refrigerator"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a black carrot and a green dining table"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a banana"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a green sports ball and an orange bed"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a cat"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a snowboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a book"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a zebra and a cow"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple baseball bat and a yellow parking meter"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a chair"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a parking meter"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a cake"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a cow and a bowl"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skateboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a train"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an oven"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a white toothbrush and a green bowl"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a train"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a white bed and a red fork"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of an orange laptop and a pink orange"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a person"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a car"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cake and a yellow car"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bowl"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a white computer keyboard and a black oven"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow vase and a brown book"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a clock"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a potted plant"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a sink and a bus"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a red wine glass and a blue scissors"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a white bowl"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown teddy bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bottle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a snowboard"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a pink dog and an orange airplane"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a zebra"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a stop sign"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a handbag"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a bicycle and a sheep"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tie"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a computer keyboard"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a toilet"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a red fire hydrant and a blue orange"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a fork"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a scissors"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a tie"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a green spoon and a yellow giraffe"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a laptop and a couch"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a wine glass"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a black baseball glove and a white toothbrush"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a white handbag and a red donut"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a pink sink and a red laptop"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a purple toaster and a black handbag"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a person"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a purple fire hydrant and a blue carrot"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a handbag"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of an orange cell phone and a black car"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a hot dog and a dining table"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a skateboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a sports ball"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a frisbee"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a scissors"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a toothbrush and a hot dog"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a blue laptop and a green tennis racket"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a yellow carrot and a green microwave"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a black cell phone and a green sheep"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cup and a blue bed"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a red microwave and an orange bicycle"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a blue airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a person"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a baseball bat and a scissors"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a snowboard"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown stop sign and a yellow toilet"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a toothbrush"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a kite and a vase"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a pink umbrella and an orange orange"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bench"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a frisbee"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above an umbrella"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a bench"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a car"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above an airplane"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a white tennis racket and a black cat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a backpack"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of an orange frisbee and a blue cell phone"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a sheep"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a red cat and a green surfboard"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a frisbee"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a hot dog"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a tv remote"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a skateboard and a bird"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a banana"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a snowboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a frisbee and a tv"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a train"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sports ball and a yellow chair"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tv remote"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a stop sign"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a tv remote"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a cup"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a pizza and a bird"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a chair"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a dog and an orange"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a pink skis and a purple train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a knife"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a black suitcase and a purple tv"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a handbag and a surfboard"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a couch and a vase"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a carrot"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a white toothbrush and a purple microwave"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a kite"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a yellow stop sign and a white hot dog"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a red truck and an orange skis"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a computer mouse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cat"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a fork"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a zebra"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a zebra"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a cake"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a red suitcase and a black hair drier"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cell phone and a brown boat"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a book"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a black couch and a green bottle"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tie and a pink backpack"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a boat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cell phone"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a toaster"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a cup"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cell phone and a brown toothbrush"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a sheep"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of an orange couch and a black knife"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cup and a red toothbrush"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a yellow kite and a green pizza"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a person"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a knife"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a tie"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a yellow refrigerator and a green toilet"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a toilet"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a teddy bear and a potted plant"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bottle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a chair"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an elephant"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a bear and a clock"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a parking meter"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a scissors"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an elephant"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a boat and a cat"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a green refrigerator and a yellow bird"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a potted plant"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a cup"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a pink vase and a blue giraffe"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a sheep"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a pizza"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a book"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a red truck and a black cup"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a dog"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of an orange and a backpack"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a backpack"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a zebra"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a tv"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a traffic light"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a red sink"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an oven"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a purple motorcycle and an orange clock"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sports ball"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a toaster and an apple"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a sink"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a handbag"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cow"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a scissors"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a toaster and a computer keyboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a baseball glove"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a carrot"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of an orange book and a white traffic light"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a fire hydrant"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a car"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a purple dog and a pink skis"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a green potted plant and a brown toothbrush"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a green hot dog and a pink dining table"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a vase"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a bowl"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a pink fire hydrant and a black scissors"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a spoon"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a pink suitcase and an orange zebra"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a baseball bat"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a white hot dog"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball glove"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an airplane"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a brown skis and a red donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bicycle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a toilet"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a purple potted plant and a pink pizza"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a fork"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a person"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a teddy bear and a tv remote"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a toaster"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an oven"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a dining table"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a laptop and a cow"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a green carrot and a black car"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a red cow and a white fire hydrant"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a computer mouse"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bed"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a vase"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a red backpack and a black cow"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a frisbee"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a knife"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of an oven and a cell phone"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a green snowboard and a blue sandwich"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a white microwave and a brown car"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a red traffic light and a black potted plant"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a baseball bat and a boat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a vase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a sandwich"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a toothbrush"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cake"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a bear and a cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a horse"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tennis racket"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a bird"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a dining table"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a scissors"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a giraffe and a sink"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a tennis racket and a vase"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a purple parking meter and a brown fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a fork"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sandwich"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cat"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sink"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a black tennis racket and a green surfboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bed"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a potted plant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a bicycle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a computer mouse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a computer keyboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a book"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a car"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a banana and a dining table"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a fire hydrant"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a microwave"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a donut"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a traffic light"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an airplane"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a brown cell phone and a white orange"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of an orange skateboard and a pink fork"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a train"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a red teddy bear and a white cup"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a tv remote"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a tie"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a potted plant and a couch"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sports ball and a yellow microwave"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a blue pizza and a red teddy bear"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow skateboard and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toothbrush"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cell phone"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a toilet"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a cat"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a bed"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a fire hydrant and a bowl"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a sheep"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a green truck and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a black toothbrush and a red zebra"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a teddy bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a tennis racket"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a handbag"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a blue handbag and a green skis"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a skis"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a broccoli"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a green sink"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a white broccoli and a red car"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a scissors"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a refrigerator"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a white stop sign and a pink sandwich"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of an orange fire hydrant and a brown cake"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a banana"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a kite"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a blue truck and a brown banana"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bed"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a pink refrigerator and a white dog"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a giraffe"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a brown traffic light and a white suitcase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a computer mouse"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a red bear and a purple sandwich"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow microwave"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a stop sign"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a clock"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a red car and a blue bed"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a black surfboard and a green carrot"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bed"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a baseball bat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bottle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a hot dog"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a backpack"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a toothbrush"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bird"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a boat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a bus"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bed"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tie"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a black orange and a yellow airplane"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a knife and a couch"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a tie"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a white teddy bear and a purple sink"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a green bed and a white bear"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a skis"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sports ball"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a bird"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a vase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a green elephant and a blue hair drier"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a bicycle and a zebra"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a red spoon and a white vase"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a baseball bat"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a broccoli"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a white airplane and an orange refrigerator"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bus"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a parking meter"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green frisbee"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a microwave"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a dining table"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a hair drier and a donut"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a sandwich"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of an apple"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tv"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tennis racket"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a giraffe"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a black pizza and a white donut"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a red sports ball and a brown toaster"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a toilet"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a skis"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an oven"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a laptop"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a bicycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a train"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a spoon"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a black bed and a brown fork"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a purple baseball glove and a white backpack"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a spoon and a bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a surfboard"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a skateboard"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a pizza and an oven"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a blue frisbee"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a cake"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a boat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a skateboard"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a skateboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a potted plant"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a suitcase"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of a pink banana and an orange cup"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow skis and a blue tie"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a brown car"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tv remote"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a car"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a kite and a horse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a suitcase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a hair drier"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a white skis"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "purple"}], "prompt": "a photo of a purple skis"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a black bus and a purple toilet"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a white spoon and a brown sandwich"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of an orange scissors and a white cake"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a person"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a chair"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a dog"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a tie and a cake"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bird"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a laptop"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a suitcase"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a brown bear and a green zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow potted plant and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a skis"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a red refrigerator and a purple car"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a computer mouse and a tv"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a frisbee and a backpack"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a frisbee"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a yellow toaster and a white broccoli"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above an orange"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a green zebra and a brown train"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a suitcase and a cup"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a toothbrush"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a hot dog"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fork and a purple knife"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a red sink"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above an umbrella"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a tv"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple baseball glove and a yellow dining table"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bowl"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a brown truck and a blue train"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a blue suitcase and an orange couch"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a donut"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a pink microwave and a brown bottle"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a backpack and a truck"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below an umbrella"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a blue motorcycle and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a black toothbrush and a yellow horse"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "purple"}], "prompt": "a photo of a black oven and a purple skis"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a green bowl and an orange bed"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cell phone"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cake"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sheep"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bus"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a white clock"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bird and a bus"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a toothbrush and a broccoli"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sink"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bus"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a computer mouse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a teddy bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a motorcycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a potted plant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a motorcycle"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a handbag and a computer keyboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a carrot"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a toilet"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of an elephant"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a blue kite and a white cake"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bench and a yellow tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a train"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a tie"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a purple oven and a pink truck"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a white sports ball and a pink cat"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a parking meter and a tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an airplane"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a pizza"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tennis racket and a pink surfboard"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a black carrot and a white sheep"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a computer keyboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a brown microwave and a black sink"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a bear and a sheep"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a chair"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bear and a purple dining table"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tv remote"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a refrigerator"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toilet"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a bench and a stop sign"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a hot dog"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a green bottle and a blue hair drier"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a snowboard"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a skateboard and a sandwich"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bowl"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a baseball glove"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a wine glass"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a skateboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a hair drier"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a green sports ball and a red bird"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tv and a yellow baseball bat"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sandwich"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a zebra"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above an airplane"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a banana and a tv"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a fork"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cell phone"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a red suitcase and a black zebra"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a chair"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bicycle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of an orange surfboard and a green parking meter"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a blue dining table and a brown horse"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a laptop and a knife"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a frisbee and a dining table"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a parking meter"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of an orange clock"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a green elephant and a red banana"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a handbag"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a tie and a motorcycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a refrigerator"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a toaster"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a white computer keyboard and a red cell phone"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tv"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of an umbrella and a teddy bear"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above an umbrella"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a kite"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a black bowl and a blue bicycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a sink"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a brown elephant and a pink fork"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a snowboard and a baseball bat"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bed"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a backpack"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a hot dog"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of an orange horse and a green boat"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a tennis racket and an elephant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above an apple"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown handbag and a yellow spoon"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of an orange parking meter and a pink banana"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a purple boat and a brown tennis racket"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a couch"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a kite"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple boat and a yellow couch"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a white toilet and a red bird"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a microwave"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cow"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a brown motorcycle and a green bicycle"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a traffic light"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a backpack and a bicycle"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow airplane and a brown wine glass"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bear"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a snowboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bowl"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a car"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a scissors"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a white fork and a blue truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a cow"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a stop sign"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a red tennis racket and a black hair drier"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a red donut and a green toothbrush"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a bench and a dog"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of an orange broccoli and a pink book"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of an orange zebra and a pink cell phone"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow scissors and a purple cup"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a cat"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a dining table"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a sink"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a backpack"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a green spoon"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white sheep and a brown bicycle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a bowl"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of an orange snowboard and a black stop sign"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a white kite and a pink book"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a bottle and a cup"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a motorcycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a cat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a microwave"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of an orange spoon and a black toothbrush"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a computer keyboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a cow"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a pink oven and an orange hair drier"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a red toothbrush and a green skis"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a couch"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a dog"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a traffic light"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a couch"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a boat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a toilet"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a horse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a boat"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below an elephant"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a zebra and a cup"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a stop sign and a train"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a boat"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a blue boat and a green dining table"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a parking meter"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a snowboard"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a laptop and an apple"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a cup"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a tv remote and a boat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a zebra"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tie and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a traffic light"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a red bed and an orange refrigerator"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a carrot"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of an umbrella"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow motorcycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a truck and a stop sign"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a horse and a hair drier"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a skateboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a baseball glove"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a fork"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a backpack"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bench and a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a truck"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a snowboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a sheep"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a truck"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a yellow umbrella and a red bear"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a skateboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tie"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a skateboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an umbrella"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cat and a purple computer mouse"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a toothbrush"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a pizza"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of an orange stop sign"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bottle"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a blue knife and a black parking meter"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a kite"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a vase and a toaster"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a white knife and a purple car"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a train"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a brown oven and a green suitcase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a car"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a microwave"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a cup"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue cell phone and a yellow spoon"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a red suitcase and a green hot dog"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow apple"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a parking meter"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a motorcycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a cake"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a black sandwich"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a parking meter"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a pink book and a green toaster"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of an oven"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a boat"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a white toothbrush"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a broccoli"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a motorcycle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a stop sign"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a clock"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of an orange stop sign and a purple clock"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a laptop"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a sports ball"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a bench"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a green dog"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a snowboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of a green banana and a red dog"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a laptop"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a toilet"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below an apple"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a truck and an oven"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a stop sign"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a carrot"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a hot dog"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a blue refrigerator and a brown car"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball glove"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a chair"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bicycle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of an orange book and a blue cell phone"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an umbrella"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow scissors and a purple tennis racket"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a donut and a bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of an orange surfboard and a blue spoon"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a brown tv and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cat"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bird and a green fire hydrant"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cup"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a black sheep and a white traffic light"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a frisbee"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a red hot dog and a brown boat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a horse"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a red elephant and a blue train"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a white bowl and a red cat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of an umbrella"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a truck"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a bicycle and a bird"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a computer mouse"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a microwave and a bird"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a frisbee and an elephant"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a dog"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a black truck and a yellow bowl"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a red fire hydrant and a white sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a suitcase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a banana"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bed"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a scissors"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a snowboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a scissors"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a teddy bear"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a laptop"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a black handbag and a yellow scissors"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a cake"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of an orange scissors and a white bird"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow microwave and a brown banana"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a donut"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a scissors"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a zebra"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a yellow knife and a red traffic light"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a tie"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bird"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bicycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a fork"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cup"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow banana and a pink bird"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a cow"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a red motorcycle and a brown cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a hot dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a sports ball"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a purple handbag and a black vase"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a bus and a bottle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a cake"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a parking meter"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a bed"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of an umbrella"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a car"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a skateboard"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a person"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown horse and a purple bicycle"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an umbrella"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a computer keyboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a snowboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a kite"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of an orange"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a tie"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a blue airplane and a black chair"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a brown baseball bat and a purple stop sign"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a bottle"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a zebra"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a chair"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a banana"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of an elephant"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a truck and a bowl"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a black bed and a white spoon"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a toaster"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a bus and a toilet"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a suitcase"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a scissors"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a broccoli"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cow"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a knife and an apple"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a baseball bat"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of an apple"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a dining table"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a cat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a pink pizza and a blue microwave"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a red knife and a pink potted plant"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a green orange and a red giraffe"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a pink frisbee and a black giraffe"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a teddy bear"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a sink"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a pink frisbee and a green elephant"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of an orange bird and a white cell phone"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toothbrush"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a snowboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below an oven"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a pink carrot and a black banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a white motorcycle and a red sheep"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of an orange teddy bear and a purple sandwich"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of an orange orange and a purple knife"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a toaster"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a stop sign and a sheep"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a car"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a red sports ball and a brown cup"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of an orange snowboard and a green toothbrush"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a blue knife and an orange bench"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a cat"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a toothbrush and a fire hydrant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of an umbrella and a skis"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bench"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a carrot"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a brown vase and an orange truck"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bottle"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a clock and a motorcycle"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv and a green fork"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a bench"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a green scissors and a red refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a spoon"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a refrigerator"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a skis"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a purple spoon and a brown scissors"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a car"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a banana"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a traffic light"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a bed and a book"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a scissors"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bus"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a bus"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bench"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange suitcase"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bowl and a purple sports ball"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a surfboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a surfboard"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a purple skis and a red zebra"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a backpack and a dog"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a teddy bear"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a frisbee"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a vase"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a wine glass"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of an orange pizza"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a dining table"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a handbag"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a frisbee"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a tv"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a purple airplane"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a white fire hydrant and a yellow cow"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below an oven"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sports ball"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a white bicycle and a brown cat"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a toothbrush"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sink"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a clock"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a broccoli"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a hair drier"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a person"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a green refrigerator and a blue orange"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an oven"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a clock"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a stop sign"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a car and a tennis racket"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a skis"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a skis"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bird and a brown orange"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a blue elephant and an orange laptop"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a white microwave"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a backpack"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a black refrigerator and a green chair"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a red traffic light"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a refrigerator"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a carrot"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a bird"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a blue orange"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cat and a blue dining table"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a refrigerator and a dining table"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a baseball glove"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bird"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a toaster"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a microwave"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue stop sign and a yellow computer mouse"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of an orange couch and a pink apple"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a zebra"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cow"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a white vase and a blue boat"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a pizza"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tennis racket"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of an elephant"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cow and a blue tv remote"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a horse"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a toothbrush"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a red bus and a white bicycle"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tennis racket and a pink horse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a couch"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a white banana and a pink potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a donut"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a skis and a tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a purple hot dog and an orange sports ball"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tv"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a tv remote"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a fork"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a traffic light"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a cell phone"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a red clock and a yellow oven"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a book"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a giraffe"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a baseball bat and a couch"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a red sheep and a green suitcase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a person"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tv remote"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a clock"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a green elephant and a yellow umbrella"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bowl"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a truck"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a car"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a teddy bear"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a sandwich and a parking meter"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a green suitcase and a blue cat"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bus"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown handbag and a yellow laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a tennis racket"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of an orange scissors and a purple frisbee"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a baseball glove"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a boat"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sports ball and a brown kite"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a brown toilet and a red giraffe"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a black toaster and an orange stop sign"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a dining table and a sheep"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a toaster"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of an orange and a sheep"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bottle and a brown fork"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a couch"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a pink zebra and a red traffic light"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a dining table"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a black frisbee and a pink umbrella"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a car"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cup and a blue parking meter"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a green snowboard and a black clock"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of an orange fire hydrant and a green motorcycle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown giraffe and a yellow bicycle"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a blue airplane"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a purple train and an orange traffic light"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow clock and a purple airplane"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a truck"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bowl and a yellow microwave"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a cow"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a cell phone"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a tv remote"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a dog"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer mouse and a blue sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a toaster"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a skis"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a red train and a green boat"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a sheep"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a white bus"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a scissors"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a tennis racket"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a white bench and a pink potted plant"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a zebra"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a cow and a bench"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a yellow elephant and a white giraffe"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a fire hydrant and a pizza"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a dining table"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a car"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a skateboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a baseball bat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a green sports ball and a brown fire hydrant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a knife"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple train and a black surfboard"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tie"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of an orange suitcase and a black handbag"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a chair"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a cup"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a computer mouse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a bicycle"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cup"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a scissors"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bowl"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a hair drier"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below an elephant"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a traffic light"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a person"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a yellow fork and a red oven"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of an oven"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a pink surfboard and a white skateboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a potted plant"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a clock"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a hot dog"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a boat"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a blue couch and a pink cell phone"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a scissors"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a pink wine glass and a red kite"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a donut"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a tennis racket"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a blue sports ball and a pink potted plant"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a purple baseball glove and a green tie"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a boat"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a toilet"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a red toothbrush and a purple clock"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below an elephant"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above an airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cell phone"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a book"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of an oven"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a backpack"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bottle and a yellow zebra"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a computer keyboard"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a wine glass"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a refrigerator"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a train and a cup"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of an orange banana"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a stop sign"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an airplane"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a bench"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tv remote and a pink cell phone"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a parking meter"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a suitcase"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a toaster"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bed"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a sheep"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a vase and a skis"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a purple apple"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a toilet"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a computer keyboard"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sandwich and a yellow banana"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a toilet"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a giraffe"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cake"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a green parking meter and a black hair drier"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a green dog and a black car"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an oven"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a tie"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a refrigerator"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cat"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of an umbrella and a dog"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of an apple"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of an orange"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a bench"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sports ball"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a red computer mouse and a blue bus"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a teddy bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a zebra"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a vase"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a cell phone and a potted plant"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a dining table"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a pizza"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple vase"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a microwave and a horse"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a donut"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a pink elephant and a blue dog"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a snowboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a skateboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a pink backpack and a white cell phone"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a dining table"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cake"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a black sheep and an orange sports ball"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a backpack"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a red bed and an orange hot dog"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above an orange"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of an orange sandwich and a red donut"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a tv remote"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bicycle"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a hot dog"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a traffic light and a horse"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a knife"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a handbag"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a baseball bat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a truck"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bench"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a broccoli"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a sheep"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cell phone"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a pizza"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below an umbrella"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a toaster and a frisbee"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a laptop"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a brown snowboard and a white carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a suitcase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a bus"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a wine glass"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a clock"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a blue couch and a pink surfboard"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white elephant and a purple surfboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a green orange and a red frisbee"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a chair"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a brown couch and a black apple"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a dining table"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a tennis racket"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a sink"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sports ball and a purple bowl"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bottle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tv remote and a brown apple"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a pink backpack and a green dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a person"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bottle"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a book"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a laptop"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a tie"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a brown skateboard and a purple bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a surfboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an apple"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of an orange frisbee and a red toothbrush"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a brown frisbee and a blue tennis racket"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bear"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a spoon and a donut"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cake"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a stop sign"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a green airplane and a yellow hot dog"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a purple train and a black pizza"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a computer mouse"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bowl"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a pink laptop and a white broccoli"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a sports ball"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bicycle and a yellow banana"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a surfboard and a bottle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a dining table"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a blue book and a red backpack"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a book"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bottle"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a couch and a hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of an orange skateboard and a red tv remote"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a white car and an orange motorcycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a vase"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a hot dog and a toaster"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a yellow chair and a red laptop"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a car"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a brown hot dog and an orange broccoli"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a pizza"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cell phone and a yellow vase"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a yellow computer mouse and a green banana"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a clock"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow handbag and a blue carrot"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a white bottle and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a purple truck and a blue surfboard"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a bus and a skis"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a suitcase and a bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a motorcycle"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tennis racket"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a skis"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a kite"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a sheep"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a bowl"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a stop sign"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a skis"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a chair"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a tennis racket"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a frisbee"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a tie and a tv remote"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a brown parking meter and a white fire hydrant"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a blue backpack and a white airplane"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a spoon and a banana"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a pink wine glass"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a black dog and a brown donut"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bench"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a blue bottle and a white skis"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a tv"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a pink tv and a black donut"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cup"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a green laptop and a black baseball bat"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a red carrot and a purple hair drier"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a skateboard and a tv"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cup"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a hot dog and a parking meter"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a surfboard and a cup"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bird"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a frisbee"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a white snowboard and a pink train"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a cake and a sports ball"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a white broccoli and an orange hair drier"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of an orange and a tie"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow frisbee and an orange carrot"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue car and a yellow cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a boat"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a microwave"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a pink orange and a black umbrella"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bowl"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a parking meter"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a scissors"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a frisbee"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a cup"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sheep"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a purple bear and a red microwave"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange bed and a red computer keyboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an airplane"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a spoon"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a blue boat and a red hot dog"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange frisbee and a black motorcycle"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a toilet"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an airplane"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a tv remote and a skis"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a tie and a bowl"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a hot dog"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a teddy bear and a cup"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a microwave"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cake"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a suitcase and a cell phone"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a fork"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a cell phone"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a stop sign"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a white fire hydrant and a purple sheep"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a carrot"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above an umbrella"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a fork"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an umbrella"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a fork"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a laptop"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a truck"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a wine glass"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a computer mouse"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow horse and a purple baseball bat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a baseball glove"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a scissors"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a tv"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bottle and a blue frisbee"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an elephant"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a laptop"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a banana"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a backpack"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cat"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a fire hydrant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a teddy bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a pink bottle and a black book"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a black handbag and a blue pizza"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a clock"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a cell phone"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bench"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a person and a fire hydrant"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a teddy bear"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a sports ball"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a stop sign"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a toothbrush"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a sports ball"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a banana and a bowl"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a purple toothbrush and a white fork"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a red truck and a white sheep"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a train"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a dog"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a tennis racket"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bottle"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bird and a pink book"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a toothbrush"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a stop sign"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an apple"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bird"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a broccoli"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a white zebra"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a blue donut and a brown tv remote"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a hair drier"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a bird"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sandwich"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black hair drier and an orange skateboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cup"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a suitcase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a laptop"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a bowl and a hair drier"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a dog"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a sink"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a truck"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of an orange fire hydrant and a black chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a knife"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a blue oven and a red snowboard"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a black giraffe and a white cup"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a black tie and a green sandwich"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a potted plant"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a chair"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a bear"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a purple baseball bat and an orange knife"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a baseball glove and a tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a cup"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a pink baseball bat and a white knife"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a cake"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a microwave"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a traffic light"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a donut"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a chair and an apple"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a skis"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a skateboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a skis"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a handbag"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a white toilet and a pink tennis racket"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a sheep and a tv"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a microwave"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bear"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cake and a black skis"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer keyboard and a pink zebra"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an elephant"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a microwave"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a surfboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of an orange handbag and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tv"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a sandwich"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a backpack"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bird"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a laptop and a computer mouse"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown wine glass and a yellow banana"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a spoon"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a tennis racket and a fork"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a red skateboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a horse"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow backpack and a white cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a hot dog"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a red pizza and a white snowboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange toaster"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a brown elephant and a pink donut"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a purple sink and a brown frisbee"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a chair"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a truck"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a cat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a frisbee"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "pink"}], "prompt": "a photo of a purple suitcase and a pink baseball bat"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a red cup and a pink teddy bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a white teddy bear and a green hot dog"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a black tv remote and a pink broccoli"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a donut"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of an orange snowboard and a black hot dog"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bed"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a toilet"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a horse"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a brown toothbrush and an orange tennis racket"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a car"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a cat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tie"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a traffic light"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a yellow fork and a red carrot"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a bicycle"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a computer mouse and a traffic light"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a green toothbrush and a black suitcase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of an orange"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of an orange frisbee and a purple tv"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cake"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a zebra"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of an airplane"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a stop sign"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a frisbee"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below an oven"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of an orange toaster and a pink bicycle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a traffic light"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a refrigerator"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a white bench and a brown orange"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a pink toilet and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a banana"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tennis racket and a pink train"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of an umbrella"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a refrigerator"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a tie"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of an orange carrot and a red skis"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a brown book and an orange suitcase"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a pink traffic light and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a red bottle and an orange orange"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a car"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a green umbrella and a black elephant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a tennis racket"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a tennis racket"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a black frisbee and a pink bottle"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of an umbrella and a bicycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a tennis racket"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a white traffic light"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a couch"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a hot dog"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a skateboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a scissors and a clock"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a broccoli"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a microwave"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of an orange bear and a black skateboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a pink backpack and a green sports ball"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a chair"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below an oven"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tie"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sports ball and a purple tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bus"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a black baseball bat and a pink horse"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a kite and a potted plant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tie and a brown chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a brown backpack and a black banana"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "yellow"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a yellow dog and a white bowl"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cat and a yellow bird"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a blue car and a brown baseball glove"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a laptop"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a dog and a kite"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of an orange umbrella and a white toaster"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a green truck and a red stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a person"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tennis racket"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a vase"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a baseball glove and a knife"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tennis racket"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an orange"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a pink laptop and a blue tennis racket"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a brown elephant and a red bird"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a knife"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a red spoon and a blue microwave"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a blue toothbrush and a red potted plant"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cup"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a brown oven and a black sandwich"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a tie and a cow"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a bear and a cat"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bed"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a purple train and a white umbrella"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a tv"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a banana"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sink"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cake"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a computer keyboard and a cup"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple skis and a yellow tv"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bench"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown sink and a black surfboard"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a bear"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white sandwich and a blue computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bench and a green bottle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a refrigerator"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a frisbee and a stop sign"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an apple"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bowl"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a teddy bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a clock"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a broccoli"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a dog"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cat and a purple traffic light"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink baseball bat and a yellow bicycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a sink and a toilet"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of an apple and a tv"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a clock"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a person"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cake"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a backpack and a tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a tie"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a sports ball"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a tv"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a kite"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a white skateboard and a brown giraffe"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a sports ball"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a sheep"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a parking meter"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a green vase and a brown suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a yellow boat and a black tie"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a stop sign"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a boat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a dining table"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a white chair and a purple vase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tv"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a frisbee"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a clock"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a chair"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a handbag"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a white knife and a pink pizza"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a tennis racket"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bottle"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a blue potted plant and a pink dining table"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a pink sheep and a white refrigerator"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of an oven"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a clock"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tennis racket"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a bowl"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a brown computer keyboard and a purple boat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a handbag"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of an umbrella and a banana"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a pink bird and a green boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a spoon"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a blue skis and an orange wine glass"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of an orange horse and a green traffic light"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a red donut and a blue boat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a teddy bear"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a refrigerator"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of an apple"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a black giraffe and a pink toilet"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a tie"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an orange"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a bottle and a toilet"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange potted plant"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a bottle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a truck"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bottle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a computer mouse"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a spoon"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball glove and a red traffic light"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a toaster"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of an orange kite and a white spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a cake"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a blue clock and a green cup"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a hair drier and a motorcycle"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of an airplane and a fork"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a clock"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cow and a green sandwich"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a brown airplane and a green couch"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a white boat and a red bird"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a black carrot and a green boat"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bird"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a tie"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a cake"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a refrigerator"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a train"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a blue scissors and a green bottle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a tie"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a clock"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a laptop"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bottle"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of an orange skis and a black zebra"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a backpack"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a blue apple and a black hot dog"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a pink chair and an orange bed"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cake"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a red book"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a white dining table and a purple bus"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a spoon"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a spoon"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a laptop"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a train"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bottle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cake and a yellow surfboard"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an umbrella"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a pizza"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sink"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a surfboard"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a blue stop sign and a purple teddy bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a handbag"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a brown stop sign and a purple wine glass"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a sink and a tennis racket"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a baseball glove"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below an oven"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a person"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a black computer mouse and a pink bus"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a couch"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a brown frisbee and a white tv remote"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a banana"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of an umbrella and a baseball glove"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a boat"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bowl and a handbag"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a book"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a toilet"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a sports ball"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a zebra"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of an umbrella"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple donut and a yellow cup"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a person"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white elephant and a yellow baseball bat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cake"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a red toilet and a white book"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a cake"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a cell phone"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a car"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a backpack and a wine glass"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a purple skateboard and a white train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a hair drier"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a wine glass"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white cat and a pink surfboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a truck"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a boat and a banana"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a handbag"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a pizza and a baseball bat"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a computer keyboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a toaster"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a surfboard and a scissors"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a microwave"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bottle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a toilet"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple baseball glove and a yellow fire hydrant"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple zebra and a yellow banana"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a black bus and a green frisbee"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of an orange cell phone and a pink hair drier"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a tv remote"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a snowboard"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a sandwich and a bed"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a fork"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a donut"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white baseball glove and a yellow computer keyboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a tv and a knife"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an elephant"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow skateboard and a red boat"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white bed and a purple bear"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a traffic light"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of an orange parking meter"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cup"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a vase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a potted plant"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cake"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a handbag"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a purple baseball bat and an orange sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a motorcycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a car"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a brown truck and a red toilet"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow vase and an orange backpack"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a bird and an elephant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a carrot"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a truck"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a couch"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a tennis racket and a sink"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a carrot"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a bear and a tv"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a handbag"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a white traffic light and a blue broccoli"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a horse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a suitcase"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a purple tie and a blue laptop"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a backpack"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a purple baseball bat and a black chair"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fire hydrant and a blue car"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a vase and a parking meter"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of an orange handbag and a black stop sign"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a tie"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a surfboard"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a dining table and an umbrella"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a toaster"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a green carrot and a brown traffic light"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a purple teddy bear and a green baseball bat"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a boat and a traffic light"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a book"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a microwave and a cell phone"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a tv"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a purple bear and a green scissors"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a bird"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white dog and a yellow cat"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cup"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a toothbrush"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a brown skis and an orange sports ball"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a motorcycle"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a vase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an orange"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a clock"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball bat"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a blue bed and a red parking meter"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a carrot"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a fork"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bottle"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tie"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a white train and a pink parking meter"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bus"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a sports ball"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bicycle"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cup"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a baseball glove and a truck"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a red bottle"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a baseball bat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cell phone"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a wine glass"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above an orange"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a brown suitcase and a blue donut"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a truck"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an elephant"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a blue skateboard and a purple sheep"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a parking meter"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue zebra and a yellow car"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a toilet"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue cake and a yellow car"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a book"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a bench and an apple"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a computer keyboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a person"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a purple horse and a brown microwave"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a person"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a pizza"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a brown apple and a black bird"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cup"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a car"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a sports ball"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a boat"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a computer mouse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bowl"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a yellow hair drier and a green computer mouse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bicycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bicycle"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a pink hair drier and a brown skis"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a brown dining table and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a baseball glove"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a blue toothbrush and a white kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bus"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a cup"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a yellow sports ball and a red scissors"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a red sink and a green toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a brown baseball bat and an orange scissors"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a green broccoli and a pink tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a dining table"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a red cake and a white carrot"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a truck"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a bicycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a scissors"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a red dining table and a black teddy bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a vase"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a pink motorcycle and a purple bicycle"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of an apple"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cake"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white truck and a pink snowboard"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a dog"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a pink clock"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a microwave"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a green horse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a pink car and a green donut"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a sports ball"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a blue banana and a pink tie"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bench"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a cup"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a sports ball"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a train"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a toaster"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a train"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of an elephant and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a red bench and a black carrot"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white broccoli and a brown motorcycle"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of an apple"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a green refrigerator and a pink hair drier"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tv and an orange laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below an oven"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a spoon"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a stop sign"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bottle and a blue bear"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a green snowboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a clock"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a snowboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a person"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a microwave"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bed"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a dog"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bird and a sandwich"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow orange and a purple tie"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a teddy bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a computer mouse"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tie"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a laptop"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bird and a brown tie"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a bear"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a white stop sign and a brown cup"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a microwave"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a suitcase"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a microwave"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a banana"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above an elephant"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a black skateboard and an orange cell phone"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a knife"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a pink umbrella and a red tie"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a cat"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a blue microwave and an orange handbag"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a brown refrigerator and a pink train"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an oven"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a red bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bird"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bicycle"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a train"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a chair"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a parking meter"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a surfboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a sports ball"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a green tie and a brown baseball glove"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a red tv"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a computer keyboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a white baseball glove and a black horse"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a green skateboard and a brown horse"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue fire hydrant and a yellow tie"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a knife"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a black orange and a red kite"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a refrigerator"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange horse"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a pink broccoli and a green truck"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a brown donut and an orange toaster"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a blue dog and a brown toaster"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a cow"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a train"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a sandwich"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a baseball bat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a refrigerator"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a microwave"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cup"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a spoon"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of an orange skis and a purple stop sign"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a baseball bat"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a frisbee"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bench"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a computer mouse and a snowboard"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sheep"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a dining table"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a traffic light"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a white carrot and a green chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a cell phone"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a wine glass"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a sandwich"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sink"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a microwave"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a red motorcycle and a yellow giraffe"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a microwave and a toilet"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a white apple and an orange backpack"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a purple dining table and a white skis"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a red baseball glove and a purple bed"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a vase"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a pink chair"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a hot dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a spoon"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a red sandwich and a brown sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of an orange chair and a black banana"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a traffic light"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a microwave"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a tennis racket and a pizza"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a white sports ball and a purple stop sign"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a backpack"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a horse"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a red fire hydrant"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a purple chair and a brown motorcycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a handbag"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a sports ball"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a chair and a clock"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a potted plant"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a clock"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of an elephant"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple refrigerator and a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a black skis and a yellow elephant"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a donut and a boat"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a hair drier"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a blue cat and a green microwave"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a yellow refrigerator and a black broccoli"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below an oven"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a white clock"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer keyboard and a brown parking meter"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a toaster"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above an elephant"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a sports ball and a hot dog"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a boat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bird"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a pizza and a tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a tie"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a purple teddy bear and a blue baseball bat"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a surfboard and a donut"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of an elephant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a couch"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a purple parking meter and an orange baseball glove"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a truck"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a baseball bat and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a yellow skis and a black handbag"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a motorcycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a tv remote"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "blue"}], "prompt": "a photo of a purple train and a blue skateboard"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a dining table"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a bicycle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a traffic light"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a tv"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a fire hydrant"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a sports ball"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a black zebra"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bottle"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a bear and a toaster"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a green frisbee and a white laptop"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below an airplane"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a surfboard and a truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an umbrella"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bear"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a green bowl"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of an orange sandwich and a white bird"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a vase"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a black zebra and a yellow couch"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a traffic light"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a brown skis and a white cake"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a purple handbag"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a skis"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a zebra"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a book"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a horse"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sports ball"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a red wine glass"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a red skateboard and a purple refrigerator"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a traffic light"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a spoon"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cat and an orange bowl"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a bottle"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a green suitcase and a white horse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a zebra"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple toothbrush and a black surfboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a toothbrush"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a red spoon and an orange laptop"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a toothbrush"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a train"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a vase and a surfboard"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of an umbrella and a boat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a white umbrella and a black sink"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a bird and a wine glass"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bottle"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an elephant"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a dog"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a handbag and a sports ball"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a refrigerator"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a bus"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a green teddy bear and a black skateboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a chair"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a bench and a fire hydrant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a white book and an orange toilet"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of an orange"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a refrigerator"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bottle"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a kite"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a book"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a knife"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a baseball glove and a bench"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a baseball glove"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a backpack and a handbag"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a horse"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a purple traffic light and a red elephant"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a brown dining table"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a spoon"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an orange"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a cat"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a fire hydrant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a skis"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a red cat"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bird"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown elephant"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of an orange kite and a brown elephant"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a blue toilet and a green boat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a banana"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a spoon"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a person"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of an umbrella"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a skis"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a bed"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a brown spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cake"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a boat"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a brown carrot and a blue backpack"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a carrot"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a knife"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a pink skis and a white sink"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a fire hydrant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a backpack"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cow"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a zebra"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a dining table"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow banana and a brown umbrella"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a kite"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a tv"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a scissors"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a handbag"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a backpack"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a frisbee and an umbrella"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a train"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tv remote"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a computer mouse"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a surfboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a broccoli"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a bottle and an elephant"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bicycle and an orange apple"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a sheep"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a laptop"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a blue train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bear"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow wine glass"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a pink skis and a brown hot dog"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a red banana and a white computer keyboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a pizza"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a scissors"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tie and a yellow knife"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a skateboard"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a wine glass"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a sheep"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a fork and an airplane"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a stop sign"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a hair drier"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a blue knife and a brown toilet"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a surfboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bed"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink backpack"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a kite"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a train"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a chair"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a refrigerator"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a green scissors and an orange tennis racket"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a pink giraffe and a blue orange"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a baseball glove"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a zebra"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a dining table"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a suitcase"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a person"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a zebra"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of an orange clock"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a motorcycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink spoon and a yellow tv"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a car"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow handbag and a purple laptop"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a computer keyboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a couch"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a chair"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a traffic light"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a refrigerator"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a laptop and a toaster"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a suitcase and a train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bus"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a skateboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a fork"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a couch"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a giraffe"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a bottle and a train"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a purple computer mouse and a brown chair"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a wine glass"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a surfboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below an apple"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a snowboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bottle"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a red stop sign"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a banana"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a black clock"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a tennis racket"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tennis racket"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a toilet"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sink and a purple baseball glove"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a tv"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a carrot"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an oven"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of an orange cat and a white couch"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below an orange"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sheep"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bench"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a horse"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of an oven and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a green orange and a white cake"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of an orange surfboard and a purple sports ball"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above an umbrella"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bed"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a person"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a giraffe"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a chair"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a blue car"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a black computer mouse and a yellow car"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a suitcase"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a red bird"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a sports ball and a broccoli"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a dog"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of an orange and a baseball bat"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tennis racket"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a red bowl"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a carrot"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hot dog and a yellow sink"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a cell phone"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a motorcycle"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bus and a black vase"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a backpack and a dining table"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a toaster"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cell phone"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a fire hydrant"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a brown donut"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple handbag and a white dog"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a cat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a brown bench and a white knife"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow baseball bat and a blue spoon"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a frisbee"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a toilet"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a cat"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a purple elephant and a pink bicycle"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a horse"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a car"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bowl and a yellow dog"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a pink chair and an orange hair drier"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a green computer keyboard and a purple bird"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a green motorcycle and a black bed"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a sports ball and a chair"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bowl"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a chair and a backpack"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a black potted plant and a brown handbag"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a green elephant and a pink hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a brown wine glass and a pink sheep"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a skis"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a purple refrigerator and an orange dining table"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a parking meter"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an elephant"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of an umbrella and a motorcycle"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of an airplane and a cat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a bottle"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a train and a bed"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bottle and a purple pizza"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bottle"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of an orange and an apple"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a bird and a book"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a blue couch"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bench"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a pink giraffe and an orange microwave"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a teddy bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a purple apple and a white baseball glove"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue spoon and a yellow clock"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a cat"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a baseball glove"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a boat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a backpack"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a donut"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a black wine glass"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a red bear"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a pink clock and a blue tv"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a vase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a red sink and a blue giraffe"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a tv"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a laptop"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below an elephant"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "orange"}], "prompt": "a photo of a green motorcycle and an orange frisbee"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a bicycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of an umbrella and a backpack"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a bed and an apple"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a donut"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of an umbrella"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bird"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a white baseball bat and a red elephant"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a potted plant and a bowl"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of an orange"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a sandwich"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a bear"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a boat"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bicycle"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cup"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a tv remote"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a frisbee"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a giraffe"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of an umbrella"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a blue potted plant and a red book"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a spoon"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a bed and a potted plant"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a fork"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a pink sports ball and a black book"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a donut"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a donut"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a computer keyboard and a boat"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow stop sign and a white cat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a cake"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a white sandwich and a blue elephant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a donut"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tv remote"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a zebra"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sports ball"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bed"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a green zebra and a yellow bear"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a red motorcycle and a pink vase"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a red teddy bear and a pink traffic light"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a brown computer keyboard and a green wine glass"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bicycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a surfboard"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of an orange sandwich and a green bicycle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a book"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a black elephant and a brown laptop"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of an orange potted plant and a brown fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a laptop"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red toilet and an orange bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a laptop"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a computer mouse"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a donut and a laptop"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sheep"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a kite"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a backpack"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a backpack"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a vase and an elephant"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bowl"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a black broccoli and an orange suitcase"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below an apple"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bus"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a frisbee"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bench"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a pizza and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a white umbrella and a pink dog"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a black cup and an orange toothbrush"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown airplane and an orange horse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a computer mouse"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a baseball bat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a brown oven"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of an orange skis and a brown traffic light"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a pink apple"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow skateboard and a brown sports ball"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a yellow oven and a black cup"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a motorcycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a potted plant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a scissors"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a handbag"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a computer keyboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a suitcase"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a book"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a computer keyboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a giraffe"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a potted plant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a baseball bat"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a fire hydrant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a stop sign"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a spoon"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a brown bus and a green sink"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a pink carrot"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a knife"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a surfboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a sink"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a tv remote"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a cat"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a bed"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a brown suitcase and a pink skateboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an airplane"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow refrigerator and an orange sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a banana"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a refrigerator"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a sports ball"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a white truck"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a wine glass"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a vase"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a scissors"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a clock"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a sports ball"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a white microwave and a purple orange"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a tv remote"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a pink snowboard and a green hair drier"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a green teddy bear and a pink cake"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball glove"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a black clock"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bear"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a red elephant and a blue knife"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a baseball glove"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of an orange traffic light"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a fork"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of an orange scissors and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a white bear and a blue banana"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a traffic light"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a red bowl and a pink baseball glove"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a bicycle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a pink chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cell phone"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a tie"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a truck"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a car"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a cat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a cup"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a person"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow couch and a blue kite"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow truck and a brown carrot"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white cake and a blue sports ball"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a pink cup and a red boat"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a white motorcycle and a yellow tv"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an elephant"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bowl"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a green frisbee and a red microwave"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a green scissors and a black laptop"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a sandwich"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bowl and a computer keyboard"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a microwave and a sandwich"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a bed"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a sheep"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a baseball bat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a carrot"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a bench"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a carrot"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a skis"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a microwave"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a brown frisbee and a pink surfboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a brown wine glass and a blue kite"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a clock"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a dog"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a baseball glove"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a sports ball and a truck"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a giraffe and a sandwich"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a white pizza and a brown sink"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bed"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below an orange"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of an orange carrot and a blue tv"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a frisbee"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a tv"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a blue bear and a green broccoli"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow computer mouse and a blue cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a black dining table and a white stop sign"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a cow"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bowl"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an umbrella"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a dining table"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of an orange orange and a brown airplane"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of an orange backpack and a purple tv"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a donut"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bear"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a black giraffe and a brown donut"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a suitcase"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a bed"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bottle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a frisbee"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a bird"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an umbrella"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a chair"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tie"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a donut"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a black oven and a green donut"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a broccoli"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a chair"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a refrigerator"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a parking meter"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a purple umbrella and a brown fire hydrant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a hot dog and a tv"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a motorcycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a carrot"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cat and a pink bear"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a red toilet and an orange donut"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a tie"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a giraffe"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a boat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a green stop sign and a brown cow"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a bench and a bottle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a scissors"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a banana and a knife"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a chair"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a green fire hydrant and a white bird"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bicycle"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bed"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below an elephant"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a black dog and a brown hair drier"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a backpack"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a spoon"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a black horse and a green motorcycle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a toilet"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a backpack"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a brown elephant and a pink cat"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a sheep and a couch"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a spoon"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a pink potted plant and an orange donut"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skis"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a kite and a bicycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a backpack"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a cat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below an umbrella"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow broccoli and an orange sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a broccoli"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a hair drier"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a spoon"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a traffic light"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of an orange tv remote and a red suitcase"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a cell phone and a knife"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a black tennis racket and a white car"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a sandwich and a vase"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a white banana and an orange umbrella"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a banana"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a donut"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white orange and a yellow skateboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a handbag"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of an orange zebra and a green tv remote"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sandwich"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of an airplane and a bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a train"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bear and a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a book"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a black umbrella"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a clock and a backpack"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bottle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a purple boat and a white tv"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a red sandwich and a white cell phone"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a couch"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a purple bird and a black backpack"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a broccoli"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above an elephant"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a blue motorcycle and an orange sheep"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a computer mouse"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a computer mouse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a carrot"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a black parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a spoon"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below an oven"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a red wine glass and a green surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a pink hot dog and a blue tv remote"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a vase"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below an apple"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bus"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a sandwich"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bicycle"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a broccoli"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a purple cup and a green microwave"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a backpack"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a pizza"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a car and a couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a pizza"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a car"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a bird"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a computer mouse"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red microwave and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a broccoli"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a black bottle and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a purple frisbee and an orange bird"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a black skis and a yellow apple"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a blue handbag and a purple tv remote"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a baseball bat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a hot dog"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a hot dog"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cake"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a tennis racket"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a giraffe"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a train and a bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a hot dog"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a backpack"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a boat"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a blue teddy bear and a red cat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a snowboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cow"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a tennis racket and a clock"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an airplane"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a parking meter"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a microwave"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a tie"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a bicycle and a car"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a scissors"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a broccoli"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a red tie and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a microwave and a scissors"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a dining table"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a microwave"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a skis"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a laptop and an umbrella"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a hair drier"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an umbrella"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a purple carrot and a green dining table"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bowl"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a refrigerator and a sandwich"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a fire hydrant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bicycle"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a parking meter and a baseball bat"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tie and an orange vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of an orange"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a banana and a bus"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bus"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a black oven and a blue bottle"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a blue kite and an orange sandwich"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a clock"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a microwave"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a bear"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue spoon and a brown skateboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a green pizza and an orange apple"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a laptop"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown snowboard"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a black wine glass"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a computer keyboard and a backpack"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cell phone and a purple chair"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sink"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an umbrella"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an airplane"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a blue fork and a brown tv"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a tv"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a toilet and a broccoli"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a knife"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a brown carrot and a green sink"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a clock"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of an orange tennis racket and a white parking meter"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a cup"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a cow"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a green couch and a purple toothbrush"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bench and an orange zebra"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a parking meter"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a white laptop"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a green fork and a brown apple"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a green laptop and a red clock"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a donut"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a suitcase"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a potted plant"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bottle"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a dog"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bowl"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a sink and a tie"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a couch"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a brown pizza and a purple apple"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a red sports ball and a blue kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a fork"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a baseball bat and a bottle"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a purple airplane"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of an orange cake and a white tv"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a knife"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a zebra"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a red oven and a brown toilet"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple traffic light and a yellow chair"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a blue toilet and a green sports ball"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a motorcycle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a laptop"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a backpack"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red broccoli and an orange teddy bear"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bed and a yellow dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a broccoli"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a brown sink and a black bear"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hot dog"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of an orange bus and a green sports ball"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sheep and a yellow laptop"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a red cup and a black bottle"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a toothbrush and a zebra"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a black fire hydrant and a pink computer mouse"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a pizza"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a wine glass and a bird"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a white parking meter and a red book"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a tennis racket"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a frisbee"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink tennis racket and a red skateboard"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a black baseball bat and a brown refrigerator"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a tv remote"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a blue dog and a pink parking meter"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a kite"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a toilet and a carrot"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a horse"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a white banana and a pink toaster"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a fork"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a clock"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a fork"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a cell phone"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a book"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an apple"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a skateboard"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a car"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a computer mouse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tie"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a red sink and a white chair"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a fire hydrant"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bear"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of an orange dining table and a purple refrigerator"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a skateboard"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a cup"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a red bed and a blue baseball glove"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bed"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a scissors"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a white tennis racket and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple wine glass"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a boat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a snowboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a blue bench and a red couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a donut"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a kite"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a chair"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown fire hydrant and a yellow bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bird"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a pink surfboard and a white parking meter"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a surfboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a green orange and an orange bicycle"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an apple"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bicycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a dining table"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a white boat and a black backpack"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a hot dog"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a surfboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a brown clock and a purple cow"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a donut"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a tennis racket"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a train and a car"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a backpack and an elephant"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a skateboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a green book and a pink umbrella"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a refrigerator"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white suitcase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a truck"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cell phone"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above an elephant"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a pink donut"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a blue vase and a purple spoon"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a toothbrush"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a black tv remote and a brown clock"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a red teddy bear and a purple bottle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bowl"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a pizza"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a sports ball"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a zebra"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a bird"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a green book and an orange potted plant"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bear and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a brown horse and a red carrot"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a scissors and a skateboard"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bus and a yellow knife"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a kite"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a white knife and a purple computer mouse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a knife"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toothbrush and a pink clock"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a refrigerator"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bird"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a dining table"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a zebra"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of an orange orange and a black book"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sports ball"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a clock"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a spoon"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a suitcase"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a blue book and an orange tie"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a red cake and a white tv remote"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a banana"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a horse and a suitcase"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink microwave and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a frisbee"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of an orange car and a green scissors"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a purple car and a blue fork"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tie"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a skateboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an apple"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a black baseball glove and a pink oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a knife"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a toilet"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a knife"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a microwave"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a cell phone and a couch"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a red tie"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a wine glass"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow car and a blue backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a tv"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a microwave"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cake"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a banana and a frisbee"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a vase and a motorcycle"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a blue fork and a green couch"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bed"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple stop sign and a black surfboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a toothbrush"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green frisbee"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cup and a green baseball bat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a handbag"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of an apple and a boat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a frisbee"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a cow"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a spoon and a bird"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a knife"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a snowboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a car"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a motorcycle and a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a brown bed and a white refrigerator"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a dining table and a bowl"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bird"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a hot dog"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a green toaster and a white truck"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a brown dining table and a red frisbee"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bench"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a motorcycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a person"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bed and a truck"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a zebra"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a kite"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a pink apple"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a pink toilet and a blue bus"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of an orange umbrella and a red handbag"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a computer keyboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a cow"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a zebra"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a black computer mouse and a red pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a train"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a giraffe"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a spoon and an airplane"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cup and a white cow"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a sports ball"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tie and a yellow snowboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a white giraffe and a red tennis racket"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink truck and a yellow scissors"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a scissors"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a kite"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a refrigerator"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cake"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a motorcycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a bird"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of an airplane and a sandwich"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a cat and a truck"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a white sink and a black frisbee"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a cat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a tv"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a broccoli"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a pink banana and a purple toothbrush"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of an orange teddy bear and a blue hot dog"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a microwave"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a white suitcase and a blue sink"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple oven and a yellow car"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a brown fire hydrant and an orange bicycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a horse"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a cake and a backpack"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bus"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a banana"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cat and a purple apple"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a white chair"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a pink motorcycle and a white cow"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bowl"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a broccoli"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a scissors"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a toilet"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a white dog and a black suitcase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a red broccoli and a pink train"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a pink carrot and a white cake"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a blue chair and a red vase"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a handbag and an airplane"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a refrigerator and a baseball glove"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a green refrigerator and a brown couch"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a black hot dog and a purple banana"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a zebra"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a purple microwave"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a couch"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a green zebra and a red skateboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a banana"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a carrot"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a bed and a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a fork"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a dining table"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a white laptop and a blue bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cup"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a frisbee"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a car"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a traffic light"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a dog"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sheep"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cell phone"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a zebra"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a hot dog"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a toothbrush"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a broccoli"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a dog and a tv"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a skis"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a cup"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a red clock"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a book"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a sink"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tv"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a green banana and a blue tv remote"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a clock"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bear and a green stop sign"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a green backpack and a red spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a surfboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a toothbrush"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a broccoli"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a green bed and a blue sheep"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of an orange zebra and a green toothbrush"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a tie"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a baseball bat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a cat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a skateboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a white tv and a black pizza"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a skis"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a dog"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a skis"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a sandwich"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bench and a refrigerator"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a baseball bat"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a teddy bear and a bus"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a refrigerator and a carrot"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a pink potted plant and a brown book"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow laptop and a brown parking meter"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a suitcase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a pink sink and a black backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a toaster"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a couch"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a wine glass"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a dog"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a train"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of an orange and a tv"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of an orange motorcycle and a pink parking meter"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a donut"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a pizza"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a green donut and a brown book"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a cow"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a pink snowboard and a white laptop"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of an orange teddy bear and a green computer mouse"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a pink hair drier and a black cup"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a person"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a purple toaster and a blue backpack"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a sink"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tv remote and a red laptop"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below an apple"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a train"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a brown broccoli and a purple microwave"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a teddy bear and a banana"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a purple sports ball and a green stop sign"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of an elephant and a fork"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a vase"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a stop sign"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a tennis racket and a computer keyboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a baseball glove"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange fork and a yellow carrot"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a cup and a motorcycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a broccoli"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a pink car and a black airplane"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a dining table"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a yellow teddy bear and a green microwave"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a green tv remote and a red teddy bear"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a knife and a train"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a baseball glove and a toothbrush"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a handbag and an orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a giraffe"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bed"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a cat and a cup"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a white suitcase and an orange boat"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a green computer keyboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a baseball bat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a cell phone"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a black fork and a pink tie"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a banana"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a train"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a brown stop sign and a purple baseball bat"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of an orange clock"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of an orange cell phone and a white kite"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of an apple and a computer keyboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a snowboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a truck"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a white teddy bear and a blue giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a dog"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a sports ball"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow chair and an orange sink"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a teddy bear"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bird and a carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a surfboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a refrigerator"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a zebra"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a clock"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a truck"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a green motorcycle and a pink microwave"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a fork"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a car"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a black toaster and a brown apple"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a black zebra and an orange cat"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a black bird and a white dining table"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a skis"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of an orange frisbee and a red dining table"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a microwave"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a green motorcycle and a brown cow"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an airplane"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a microwave"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a baseball bat"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a blue handbag and an orange dining table"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bowl"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a tennis racket"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a black horse and a green dining table"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a cake and an elephant"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a traffic light"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a fork"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a dining table"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a knife"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a brown wine glass and an orange bottle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a cell phone"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a boat and a bus"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a spoon"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a black fork"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an apple"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above an umbrella"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a pink bowl and a red toaster"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of an apple"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bird"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tv and a yellow skateboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a sandwich"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a traffic light"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a boat"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a clock"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a green hair drier and a red toaster"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a clock and a snowboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a dining table"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sandwich"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a book"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a white book and an orange bicycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a pink knife and a black skateboard"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a zebra"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bicycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a boat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an umbrella"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a baseball glove"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a giraffe"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a cup"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a giraffe"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a red scissors and a yellow suitcase"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a purple car and a green baseball bat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a brown backpack and a blue skis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bottle"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a cup"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of an oven"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bicycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a chair"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a backpack"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a green traffic light and a black bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a hair drier"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a dining table"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a tv and a dining table"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a purple cow and a black knife"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an apple"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a toaster"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below an apple"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a cat and a pizza"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a donut"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of an orange stop sign and a pink book"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a refrigerator"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an oven"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a yellow refrigerator and a red handbag"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a red airplane and a purple cat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a toaster"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a tv"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a white broccoli and a brown horse"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cup"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a tv"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a tv remote"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a computer keyboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a horse"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toothbrush"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a handbag"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a green dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a chair"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a black dog and a blue baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a vase"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a blue suitcase and a green potted plant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a black sports ball and a blue sheep"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a purple computer mouse and a green sports ball"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below an umbrella"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bicycle and a pink potted plant"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple book and a brown surfboard"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of an orange umbrella and a brown toaster"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball glove"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a boat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a blue vase and a red baseball glove"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sports ball"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sheep"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a broccoli and a truck"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a clock and a carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a hair drier"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a brown boat and an orange wine glass"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a red snowboard and a purple bus"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a black car and a pink knife"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an umbrella"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a cake and a handbag"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a couch"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a skis"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a red fork and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bench and a brown hot dog"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a red stop sign and a black elephant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a vase"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a pink skateboard and a black laptop"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a hair drier"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bottle"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a cell phone"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below an oven"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bicycle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bowl"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tennis racket and a pink truck"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a pizza"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a refrigerator"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a knife"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a tv"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a baseball glove"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a red toothbrush and a white zebra"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a microwave"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a laptop"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a hair drier"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a white horse and a blue broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a cake"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a toaster and a horse"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a baseball bat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a kite"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink toothbrush and a purple skateboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a cat"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a yellow microwave and a red car"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of an airplane and a train"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bench"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a knife"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a brown laptop and a blue giraffe"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a pink refrigerator and a white apple"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a sports ball and a knife"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a yellow scissors and a white teddy bear"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sandwich"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a toilet"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a green cell phone and a white chair"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a blue cake and a green book"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a pizza"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a horse and an airplane"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a backpack"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bench"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a frisbee"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a fire hydrant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a pizza"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a stop sign"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a skis"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a cake"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above an umbrella"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a green chair and an orange stop sign"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a red toaster and a purple banana"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a knife"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below an umbrella"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a microwave"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a blue teddy bear and a brown wine glass"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a tie"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a motorcycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a toilet"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bus and an orange sink"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a bird"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink cow"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow refrigerator and a brown microwave"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tv and a purple car"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bench"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a giraffe"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a suitcase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a refrigerator"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a sink"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a potted plant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a skis"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a skateboard"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a traffic light"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a brown bottle and a white traffic light"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a toaster"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an airplane"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a green spoon and a red microwave"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sandwich and a yellow traffic light"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a bicycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a vase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a microwave"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bowl"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a black clock"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a suitcase and a tv"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cup"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a bus"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a teddy bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a handbag"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bench"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below an elephant"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fire hydrant"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a red bird and an orange handbag"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a potted plant"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a frisbee"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a vase"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a pink fire hydrant and a blue banana"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sports ball"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a computer mouse"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a white airplane and a pink bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a broccoli"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a laptop"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a pink train and a white bottle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tv"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bear"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a teddy bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an oven"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a boat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a carrot"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a red backpack and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a motorcycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a teddy bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a bus"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a truck"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a bus and a spoon"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a carrot"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a toothbrush"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv and a purple tie"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a baseball glove"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball bat and a purple apple"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cell phone"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a baseball bat"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a potted plant and a computer keyboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sandwich"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a black sandwich and a red tie"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of an umbrella and a cup"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a zebra"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a carrot"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a microwave"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a baseball glove"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a train"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bed"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a book"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a pink umbrella and an orange donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a toaster"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bicycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a baseball glove"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a pizza"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a blue bear and a white tennis racket"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above an orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bottle"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a fire hydrant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a zebra"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a microwave"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bed"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a skateboard and a bed"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a chair"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of an oven"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a bicycle"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a wine glass"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a green toilet and a blue umbrella"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a spoon"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a blue apple and a brown backpack"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a donut"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a white refrigerator and an orange pizza"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a pink horse and a black bowl"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a black toilet and an orange bicycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bottle"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of an orange bowl and a red horse"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a brown dining table and a pink hot dog"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a red bottle and a black bird"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above an airplane"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a backpack"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of an orange"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a carrot"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a black toaster and a yellow baseball bat"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a cell phone and a computer mouse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a bottle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of an airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a cell phone"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a dog"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a motorcycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bird"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a scissors and a dining table"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a tie"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a toaster and an orange"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a boat"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv and a purple banana"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of an orange sports ball and a black parking meter"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a broccoli"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a car"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a computer keyboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a chair and a traffic light"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a broccoli"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bowl"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black snowboard and an orange skateboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a carrot"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a potted plant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a scissors"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a vase"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a green bicycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a vase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above an orange"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bed"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a potted plant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a stop sign"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a zebra"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a cell phone and a sheep"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cup and a purple bird"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a banana"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below an airplane"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a green microwave and a red tv remote"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a hair drier"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a snowboard"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a frisbee"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a white backpack"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of an orange potted plant and a green spoon"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a red banana and a blue oven"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a handbag"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a potted plant"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a bench and a scissors"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cell phone"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a wine glass"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a toothbrush"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer mouse and a white pizza"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a tv remote"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a fork"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a teddy bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of an elephant and a vase"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cow and a purple elephant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a sink"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a donut"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a baseball bat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a sink"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a frisbee"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a red kite and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green suitcase and a pink snowboard"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tv remote and a bird"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv remote"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a car"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an elephant"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a sheep"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a toaster"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a donut"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of an apple"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a yellow train and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of an orange hair drier and a green suitcase"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a knife and a tie"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a boat and a bicycle"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a red bus and a white book"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a handbag"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a purple train and an orange bicycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bench"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange frisbee and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a baseball bat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a motorcycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow spoon and a purple baseball bat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sink"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a purple fork and an orange cat"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a sink"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a truck"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a red potted plant and a white bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bird"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a pink spoon and a red sink"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a blue backpack"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bus"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an orange"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a boat"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a cup"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a skateboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cake"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a red dining table and a brown frisbee"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a fire hydrant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a baseball bat"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bench"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a blue hot dog and a green baseball bat"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a sheep"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a chair"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a snowboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a white stop sign and a blue donut"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a brown carrot and a pink pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a train"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a black computer keyboard and an orange couch"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above an oven"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bus"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a yellow train and a black orange"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bed"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a brown snowboard and a black bottle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a red tv remote and a yellow bottle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a traffic light"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange parking meter and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a parking meter"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a cow"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a pink dining table and a green computer keyboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a clock and a bicycle"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow microwave"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a hot dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a vase"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a pink cup and a black hair drier"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a broccoli"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown laptop and a purple motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a toaster"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a white handbag and a red knife"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cat and an orange bear"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a computer keyboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a purple microwave and a blue train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sink"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cat and a yellow frisbee"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a green bear and an orange dog"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a carrot"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a skis"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a white car and a black fire hydrant"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a tennis racket"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an elephant"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a dog"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an orange"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a vase and a giraffe"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a handbag"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a brown dining table"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a banana"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a sports ball and an apple"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a stop sign"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a blue backpack and a purple traffic light"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a wine glass"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bench"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a train and a laptop"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bus"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a black bed and an orange clock"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a computer keyboard"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a donut"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a toilet"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white oven and a blue skateboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a sheep"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a knife"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a vase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a skateboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a brown umbrella and a green dog"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a brown tennis racket and a black hot dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a spoon"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sheep"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of an umbrella"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a stop sign"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a purple car and an orange vase"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of an orange sheep and a brown horse"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a red kite and a white couch"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a cup"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tie and a green sheep"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a spoon"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a wine glass"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a sports ball"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cat"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a white tennis racket"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a red skateboard and a pink book"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a red hot dog and a green dog"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a baseball glove"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bottle"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an oven"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a donut"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a black oven"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a black tv remote and a blue tennis racket"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of an orange pizza"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a pizza and a wine glass"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a white bird and a black frisbee"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a green car and a pink cat"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a scissors"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a baseball glove"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a frisbee"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a hair drier and a tv remote"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a green vase and a brown couch"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a stop sign"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a green airplane"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a couch"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a tv"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a computer mouse"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a handbag"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a surfboard"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a pink microwave and a red book"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a chair and an orange"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a cow and a couch"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a white surfboard and a blue apple"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a pink hot dog and a purple bear"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a green skis"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a red truck and a yellow train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a red microwave and a purple spoon"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a pink kite and a green fork"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a car"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a couch"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below an orange"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a scissors"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of an orange traffic light"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a clock"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a toaster"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange giraffe and a yellow traffic light"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a white dining table and a black orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sports ball"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bottle"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a red frisbee and an orange sink"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown fork and a yellow cow"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a purple snowboard and a brown orange"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a handbag"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a knife"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a skateboard"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a green dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a blue stop sign"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a surfboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a stop sign"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown laptop and a yellow cell phone"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a pink sink and a black bus"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a clock"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a laptop"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a blue microwave and a white traffic light"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a refrigerator"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below an airplane"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a blue spoon"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of an orange snowboard and a red tennis racket"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a red tennis racket and a blue scissors"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a teddy bear and a sports ball"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a spoon"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an elephant"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a car and a traffic light"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a green snowboard and a yellow toilet"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a clock"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a dining table"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a hot dog"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a zebra"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a white computer keyboard and a brown couch"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a sports ball"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange donut and a yellow orange"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a blue stop sign and a green fire hydrant"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a book"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink knife and a yellow toothbrush"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a yellow toothbrush and a white orange"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a kite and a cake"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skateboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a giraffe and a bed"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a frisbee"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a zebra"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a chair"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a green dining table and a blue tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a spoon"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a scissors"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a chair"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a fork"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a purple bicycle and a white broccoli"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a knife"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a skateboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a spoon"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a car"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a hair drier"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a chair"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bowl and a purple teddy bear"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a backpack"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a horse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a blue horse and a pink computer mouse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cow"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a snowboard"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a purple car and a brown wine glass"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a blue orange and a red car"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a toothbrush"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a tie"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a skateboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a potted plant"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above an oven"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a computer keyboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a computer mouse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a hot dog"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a tv"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a spoon and a carrot"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a vase"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a cup and a cake"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a red airplane and a pink toothbrush"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cow and a yellow oven"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below an umbrella"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a broccoli"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an orange"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a green sports ball and a pink toilet"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a blue carrot and a white bench"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a red chair and a yellow fork"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a broccoli"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a yellow knife and a black umbrella"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a broccoli and a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below an airplane"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cow"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bicycle"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a carrot"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a blue snowboard and a red clock"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a scissors"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a scissors"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above an oven"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sports ball"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a wine glass"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a white truck and a brown airplane"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a toilet and a bird"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cat"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tennis racket and an orange cake"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a boat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a skateboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a white umbrella and a green zebra"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bowl"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a pink potted plant and an orange bus"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a knife"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a person"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a toothbrush"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a tv remote"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bear"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a bottle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a backpack"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a computer mouse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bench"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a clock"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dog"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a cow and a fire hydrant"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a computer mouse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a handbag"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a green kite and a brown toilet"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a carrot"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a microwave"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a horse"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a green motorcycle and a red sink"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of an orange tv remote and a white motorcycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a pink orange and a black pizza"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a brown toaster and a white kite"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a handbag and a backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a knife"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a boat"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cow"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a giraffe"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a bench and a wine glass"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a white horse and an orange laptop"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a surfboard"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a blue teddy bear and a pink toothbrush"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a white kite and a pink clock"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a purple book"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a backpack"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a fork"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a pink pizza and a purple cup"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bottle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a hair drier"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a brown bowl and a green scissors"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a cow"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv remote"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of an orange computer mouse and a purple suitcase"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of an airplane and a hot dog"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a knife"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a dining table"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a fire hydrant"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a baseball glove and a bottle"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a potted plant"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink hot dog and a purple elephant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bus"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below an airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a person"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a purple broccoli and a black cell phone"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a spoon and a motorcycle"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a dog"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a boat and a cell phone"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow couch and a purple elephant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a cow"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a zebra and a toaster"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink parking meter and a yellow bench"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a tv remote"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a kite"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a suitcase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below an orange"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sheep"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above an elephant"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a refrigerator and a train"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange motorcycle and a yellow toilet"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a wine glass"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bottle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a potted plant"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a tv remote"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a computer mouse"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bowl"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a person"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a green oven and an orange suitcase"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a white horse and a black baseball glove"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of an elephant"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a black frisbee and a green sandwich"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a stop sign"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of an orange parking meter and a brown cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cow and a brown tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bus"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bowl and a red chair"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a cow and a teddy bear"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a backpack"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a toothbrush"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a backpack"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bicycle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a red stop sign and a purple kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a tv remote"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a person"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a surfboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a person"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple car and a yellow pizza"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a green sheep and a white hair drier"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a white frisbee and a green pizza"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a tv and a book"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of an orange broccoli and a white refrigerator"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cup"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a traffic light"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cell phone"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a book"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a black toothbrush"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a kite"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a banana and an apple"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a clock"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a clock"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bench and a blue skateboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a clock"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a hair drier"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a book"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a pizza"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an umbrella"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a toaster"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple truck and a pink snowboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a skis"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cow"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a handbag"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a tv remote"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a yellow fire hydrant and a black airplane"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a handbag"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a computer keyboard and a tv remote"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a white sink and a pink truck"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a white bus"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a frisbee"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a traffic light"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bottle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a bus and an umbrella"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a backpack"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bed"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a zebra"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a frisbee"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a parking meter"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tv"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a truck"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a truck"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a person"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a spoon"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a microwave"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a blue stop sign and a black fire hydrant"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a red car and a purple bed"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a backpack"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sink"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of an airplane"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a computer mouse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a hair drier"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bottle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a blue bicycle and a black carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a broccoli"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a cat"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a white hair drier and a yellow apple"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an orange"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a white elephant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of an airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a vase"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a skis"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a spoon"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cell phone"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a book"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bottle and a yellow chair"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a hot dog"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tv"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a surfboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a red bus and a blue backpack"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a tie and a person"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a kite"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a broccoli"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a white sandwich and a red car"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a truck"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sheep"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bus"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a book"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a book and a knife"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a person"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a hair drier"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bowl"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a black bicycle and a green bear"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a refrigerator and a spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a broccoli"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a scissors"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a wine glass"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a skis"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a hair drier"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cat and a zebra"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a brown truck"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a green banana"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a carrot and a truck"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow giraffe and a brown tie"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a tennis racket"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a person and an airplane"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a sports ball"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a purple scissors and a black giraffe"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sports ball and an orange orange"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of an orange fork and a brown sheep"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a red sports ball and a white bowl"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of an orange oven and a white giraffe"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a dining table"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a traffic light"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cow"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of an elephant"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a hot dog"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of an orange airplane and a white skis"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a person"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a pink boat and a white motorcycle"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink suitcase and an orange bicycle"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dog"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bird"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a green chair and a brown clock"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a hair drier and a traffic light"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sink and a blue motorcycle"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a purple umbrella"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a car"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a stop sign"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an apple"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of an orange stop sign and a white horse"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a toothbrush"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a motorcycle"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a sheep and a baseball bat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a tv"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bear and a computer keyboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a baseball glove"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a handbag"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of an orange boat and a black fire hydrant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sheep"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bear"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an apple"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a frisbee and a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a horse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sports ball"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a brown bird and a black backpack"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a bowl"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a potted plant"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a brown car and a white surfboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a boat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a toilet"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bowl"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a frisbee"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of an umbrella"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a horse"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a zebra and a skis"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cat"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a computer mouse and a chair"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a black oven and a pink bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a banana"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a carrot"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a green backpack and a pink zebra"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a pink cat and a green sandwich"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a yellow teddy bear and a red fire hydrant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sandwich"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a skis"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a dining table"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a hair drier"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tie"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a white car"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a bottle"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a frisbee"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a car and a person"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a red kite and a white tv"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a snowboard and a tv"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a vase and a bus"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a truck and an apple"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a person"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a sandwich"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a sports ball"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a blue giraffe and a black bench"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a sports ball and an elephant"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a green traffic light and a purple bed"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bird"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a pizza"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a computer mouse"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a toothbrush and a scissors"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a blue tennis racket and a green scissors"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bicycle"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bowl"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue car and a yellow bird"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a green teddy bear and a red bird"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a black surfboard and a red potted plant"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a sports ball and a bird"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow toaster and a brown tv remote"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a broccoli"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a red cow and a black snowboard"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a baseball bat and a pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a pink truck and a brown microwave"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a blue toaster and a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a black apple and a yellow cell phone"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a hot dog"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a black bottle and a purple handbag"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a hair drier"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a purple kite"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a broccoli"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above an elephant"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a tv"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a broccoli and a bottle"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a train and a bus"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a green potted plant and a red cow"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sink"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sheep"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a green fire hydrant"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow potted plant and a purple snowboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a book"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an orange"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a brown boat and a purple toothbrush"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a person"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a tie"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a surfboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a tv"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a purple potted plant and a brown cell phone"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fire hydrant and a purple refrigerator"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a black giraffe and a brown horse"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a kite"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above an airplane"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a traffic light"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a laptop"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cat"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below an elephant"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a red train"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bowl"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a bird and a toilet"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a person"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a wine glass and a toothbrush"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below an airplane"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a toilet"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a red bicycle and a black computer mouse"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a book"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a toilet and a fire hydrant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sink"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a knife"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a green handbag and a black skis"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a bear and a toothbrush"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple teddy bear"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a green dog"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue skis and a yellow wine glass"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bicycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sink and a brown broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tv"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a green bottle and an orange backpack"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a clock"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "blue"}], "prompt": "a photo of an orange wine glass and a blue skateboard"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a spoon"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a white bus and an orange knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a cell phone and a banana"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a horse"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of an orange bench and a white dining table"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a pink giraffe and a brown fork"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a brown laptop and a pink sandwich"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a kite and a dog"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of an elephant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a baseball glove"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an apple"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a pizza"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sheep and a yellow sink"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a motorcycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a hair drier"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a blue donut and a green handbag"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a horse"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cup"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a red banana and a yellow cow"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a red chair and a green donut"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a purple dining table and a red tennis racket"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a dog"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bowl"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a black knife and a green oven"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a couch"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a kite"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a tv"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow suitcase and a pink toilet"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a parking meter"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a toilet"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a giraffe"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a scissors and a backpack"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink wine glass and a yellow oven"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a pink car and a black truck"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a boat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sheep"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of an orange motorcycle and a white couch"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bicycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a sports ball"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a cat"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a blue horse and a purple tennis racket"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow baseball bat and a pink bench"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a cup"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a suitcase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sink"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of an elephant"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sports ball"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bus"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a laptop"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a hot dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bottle"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a sheep and a donut"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a purple traffic light and a pink horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a scissors"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a tv"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a hair drier and a microwave"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow pizza and a white cat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a black bench and an orange car"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a white kite and a blue zebra"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a blue airplane and a purple chair"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a horse"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink suitcase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a pizza"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below an umbrella"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a spoon"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a green airplane and a yellow handbag"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a couch"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a snowboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bottle and a pink microwave"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a suitcase and a stop sign"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a bench"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bird and a brown handbag"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a dog and a spoon"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a skateboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a toilet"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a sink"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a black kite and a white skateboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a person"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tv remote and an orange couch"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an airplane"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a brown laptop"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a scissors"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a train"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a train"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a purple stop sign"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a tv"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of an orange laptop and a red orange"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a computer mouse and a dog"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a suitcase"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of an orange scissors and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a green bicycle and a pink airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bear"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a blue giraffe and a purple parking meter"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple backpack and a yellow bottle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a truck"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a tennis racket"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a white refrigerator"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a handbag"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a purple cup and a red sheep"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of an orange bird and a white oven"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a boat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "blue"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bowl and a brown elephant"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a parking meter"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a kite"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a truck"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a cake and a dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below an orange"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a donut and a chair"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a brown apple and a blue bench"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a train and a hair drier"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tie"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a pizza"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a suitcase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a person"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of an orange backpack"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a pink banana and a green airplane"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a red chair and a black zebra"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bus and a yellow tie"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cup"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a red stop sign and a black horse"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cell phone and a purple wine glass"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bowl and an orange dog"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a toaster"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a backpack"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a sheep"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a purple dining table and a pink kite"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a car and a hair drier"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a computer mouse"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a truck and a skis"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a couch"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a blue suitcase and a pink spoon"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a green snowboard and a yellow banana"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a hot dog"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a frisbee"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a banana"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a sandwich"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a computer mouse"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a book"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a fork"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a pizza and an elephant"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a red handbag and a brown cake"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a traffic light"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a parking meter"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a laptop and a donut"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a scissors"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a fire hydrant and a cell phone"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a boat and a vase"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a black chair and a green handbag"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a hot dog"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a handbag and a pizza"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a white umbrella and a red chair"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a dining table"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a red spoon"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a white baseball bat and a brown cup"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a red sports ball and a white bottle"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a bed"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a banana"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above an airplane"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a bird and a hot dog"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a handbag"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a black bear and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a computer keyboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a dining table"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a cup"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a carrot"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of an oven and a sheep"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a tv"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a computer keyboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a parking meter"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple elephant and a yellow traffic light"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink boat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a purple cake and a green cat"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a green train and a white knife"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a horse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a dining table"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow chair and a purple tv remote"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above an oven"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sheep"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a green sandwich and a blue tie"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a blue backpack and a green couch"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cup"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a banana"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a microwave"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a broccoli and a kite"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a red microwave and an orange traffic light"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a green parking meter and a yellow traffic light"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a broccoli"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a book"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a book"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bus and a pink knife"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a pizza"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a chair"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sandwich"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a dog and a scissors"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a red wine glass and a pink computer mouse"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a white sports ball and a blue cup"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a tv remote"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bird"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a chair and a person"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of an oven and an apple"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a spoon"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a clock"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a car"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a green couch and a red kite"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bicycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a train"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a skis"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a tie"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of an orange skateboard and a green bird"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a hair drier"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a cell phone and a book"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a dining table"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a cake"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a laptop"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a horse"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a red chair and a white kite"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a refrigerator"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a computer mouse"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a bed"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a horse and a toilet"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a spoon"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a green airplane and a pink motorcycle"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cow and a pink car"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a black giraffe and a pink bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bicycle"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bus"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a sports ball"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a horse"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sink"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a tennis racket"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a green fork and a white elephant"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a black baseball bat and a yellow umbrella"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a green vase and a pink horse"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a donut"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a parking meter and a backpack"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a donut"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball bat"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tie"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bottle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a purple knife and a brown stop sign"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a banana"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a green broccoli and an orange cell phone"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a purple broccoli and a black oven"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a purple teddy bear and an orange tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a backpack"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a black laptop and a purple toothbrush"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above an airplane"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a surfboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a zebra"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of an elephant"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a brown fork and an orange backpack"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a cup"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a microwave"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a handbag"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a zebra"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of an orange broccoli and a brown toaster"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a motorcycle"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a white potted plant and an orange tv remote"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a scissors"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a red car and an orange backpack"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a yellow carrot and a white toothbrush"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a donut"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bowl"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a handbag and a spoon"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of an apple"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sports ball"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a banana"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a hair drier"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a train"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sink and a black backpack"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a computer mouse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an oven"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a cow"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above an oven"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a couch"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a microwave"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bench"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a toothbrush"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a tennis racket"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a teddy bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a sandwich"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a banana"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a bed"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skateboard"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a purple frisbee and a red backpack"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a green apple"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "orange"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of an orange clock and a red umbrella"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a brown laptop"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a wine glass"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a scissors"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a banana"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a backpack"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball glove and a blue tennis racket"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a brown oven"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of an oven"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a white backpack and a black elephant"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a red bench and a white dining table"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a wine glass"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a teddy bear"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a black frisbee"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a purple parking meter and an orange sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a horse"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a black bicycle and a pink broccoli"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a bear"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a black couch and a blue vase"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a white pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a train"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a brown skateboard and an orange microwave"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a horse"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a broccoli and a sports ball"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a banana"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a cat and a dining table"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a computer mouse"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a black dog"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black fire hydrant and a yellow surfboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a chair"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a pink wine glass"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a truck"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a tennis racket"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv remote and an orange sandwich"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fire hydrant and a blue handbag"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a black airplane and a purple refrigerator"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a giraffe"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green backpack and a yellow snowboard"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a boat and a couch"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a spoon"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tv remote and a pink broccoli"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a book"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a pizza"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cat and a pink broccoli"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a tennis racket"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a baseball glove"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below an airplane"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a toilet"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a green train and a pink clock"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a toilet"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cake"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a red couch and a blue banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a pizza"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above an apple"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a potted plant"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a toaster"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a yellow teddy bear and a black skis"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a scissors"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bottle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a giraffe"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a potted plant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a knife"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a bottle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a spoon"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a bicycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bowl"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a brown suitcase and a white tie"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a hair drier"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a chair"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a red bottle and a black skis"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of an orange traffic light and a blue handbag"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a wine glass"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a skateboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a pizza"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a truck"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above an umbrella"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above an orange"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a blue baseball bat and a white microwave"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a bird and a sheep"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a handbag"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a white microwave and a brown zebra"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a giraffe"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a clock"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a snowboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a toothbrush"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bicycle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a toilet"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a train and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cell phone and a pink surfboard"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bear"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a teddy bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a handbag"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cell phone and a purple train"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a cup"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cake"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a skateboard and an apple"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sports ball"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a refrigerator and a vase"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a book"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a white carrot and a yellow tie"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a horse"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a blue pizza and a black traffic light"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a toothbrush"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a hair drier"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a blue handbag and a red wine glass"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sheep and a black book"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bird and an orange toothbrush"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a stop sign"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a backpack"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a bottle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a green chair and a white stop sign"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cake and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a red donut and a purple carrot"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a tv remote"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a cup"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cow"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a blue refrigerator and a white bowl"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a microwave and a dog"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue vase and an orange horse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a frisbee"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a spoon"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a zebra and a fork"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tie"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of an orange umbrella and a black sandwich"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a handbag"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a pink oven and a brown couch"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a book"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a car"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a tennis racket"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tie"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a giraffe"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a brown truck and an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange motorcycle and a purple bottle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of an orange giraffe and a green horse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a skis"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a zebra"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a giraffe"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a bicycle and a computer mouse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a truck"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bicycle and an orange cake"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of an airplane"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red stop sign and an orange computer keyboard"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a toilet"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a toilet"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a donut"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a brown laptop and a blue bus"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tie"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a skis"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a brown refrigerator and a white banana"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a computer mouse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a book"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a backpack"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cat"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a white donut and a black scissors"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cow"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a fire hydrant and a toaster"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a boat and an umbrella"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a knife and a vase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a truck"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a dining table and a car"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a person"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sheep"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bird"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a red spoon and a yellow dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a vase"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a baseball bat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cake"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a hot dog"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a hair drier"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball bat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a couch"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a kite"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a bird and a baseball bat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a chair"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a brown cow and a blue laptop"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a red suitcase and a pink tv"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a toilet"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a book"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer keyboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a black pizza and a white cow"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of an orange handbag and a white carrot"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a handbag"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a white microwave"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green donut and a yellow skateboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a baseball bat"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a skis"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a giraffe"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cup"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a spoon"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an elephant"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a cell phone"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer keyboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bed"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a tv"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a pizza and a giraffe"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a tv"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a skateboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a boat"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cell phone and a brown toaster"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a refrigerator"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above an airplane"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a purple motorcycle and a blue cup"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a tv"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an umbrella"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a broccoli and a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a giraffe"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a microwave"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a motorcycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a tie"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a blue airplane and an orange apple"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a black parking meter and an orange laptop"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a banana"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cell phone"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a tv remote"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of an oven and a sports ball"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a red train and a pink bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a cell phone"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a black traffic light"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a bus"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a toaster"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tennis racket"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a pink giraffe"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a computer mouse"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a wine glass"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a horse and a tie"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a brown airplane and a pink parking meter"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a couch"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a traffic light"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow clock"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a laptop"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a brown elephant and a black bottle"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cow"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a black bottle"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a sink"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a fire hydrant"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a toothbrush"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a skateboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a snowboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a suitcase"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a boat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a baseball bat"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of an orange computer keyboard and a green refrigerator"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a cake"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a brown surfboard and a red snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a pizza"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sheep"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue vase and a brown teddy bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bus"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a hair drier"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a blue snowboard and a brown baseball glove"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bicycle"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a donut and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer mouse and a blue sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a horse"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a frisbee"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a refrigerator and a person"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a sandwich"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a knife"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple truck and a yellow bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a hair drier"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow dining table and a brown carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a broccoli"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a purple broccoli and a green cow"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a dining table"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a bird and a parking meter"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a sink"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bicycle and a yellow sandwich"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a giraffe"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tv"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a clock"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a scissors"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a teddy bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a stop sign"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a computer mouse"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a teddy bear and a laptop"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a black pizza and an orange tie"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a scissors and a computer mouse"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a cake"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toothbrush"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a white sink and a blue umbrella"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a hair drier"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a handbag"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a hot dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a sports ball"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a boat"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a zebra and a toilet"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a white skis"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a baseball bat"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a skis"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cat"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of an airplane"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a spoon"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a hot dog"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an orange"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a train"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a sports ball"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a skis"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a fire hydrant"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a hot dog and a tie"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of an orange suitcase and a purple tie"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue dining table and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a traffic light"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange motorcycle"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown surfboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a cow"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a black dining table and a purple broccoli"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a tv"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a brown boat and a blue couch"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a bench and a tie"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bench"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of an orange baseball bat and a blue handbag"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toothbrush and a brown computer mouse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a potted plant"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of an elephant and a kite"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a motorcycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a sports ball"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a scissors"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a clock"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of an orange banana and a green sandwich"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bowl"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a scissors"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a chair"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow giraffe and an orange motorcycle"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a broccoli and an umbrella"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a red laptop and a green parking meter"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a sports ball and a kite"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bottle and a carrot"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tv and a purple refrigerator"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a boat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a red vase and a blue stop sign"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a carrot"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a pink dining table and a black suitcase"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a giraffe"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of an orange computer keyboard and a black knife"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a book and a bicycle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a kite"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a toaster"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a vase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a laptop"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a dog"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a green parking meter and a red skis"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a computer mouse"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a dog"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a pink kite and a purple traffic light"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cup"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of an orange pizza and a black cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a motorcycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a computer keyboard and a bottle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bench"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a computer mouse"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a skateboard"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sandwich and a yellow bench"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a black hair drier and a red book"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a backpack"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a pink elephant and an orange stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a broccoli"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a banana"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink umbrella and a yellow boat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a parking meter"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a surfboard and a train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a teddy bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a truck"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a clock"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cake"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a frisbee"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a computer mouse"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a clock"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a white truck"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cake"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bird"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a purple tv and a black cow"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of an orange teddy bear and a red umbrella"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a truck"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of an orange apple and a white bottle"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a blue spoon and a white parking meter"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a person"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a pink handbag and a black bottle"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a brown baseball glove and a white surfboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a computer mouse"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bus"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a train"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a dog"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a brown sink and a white hot dog"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bowl"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a stop sign"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a suitcase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a carrot"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a sandwich"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a tv and a handbag"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a pink broccoli and a brown orange"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a microwave"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a suitcase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a motorcycle"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a skis"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a black refrigerator and a pink cake"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a fire hydrant"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a toothbrush"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a toaster"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a cup"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a toilet"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a red handbag and a blue fork"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of an orange zebra and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow microwave and an orange apple"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a truck"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a sandwich"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a chair and a tv remote"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sports ball"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cup"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a red skateboard"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a backpack and a zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a computer keyboard"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a frisbee"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a skateboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a hot dog"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink backpack and a yellow traffic light"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a green frisbee and a purple skateboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a yellow computer keyboard and a green parking meter"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sheep and a yellow sandwich"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a tv"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a backpack"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a blue broccoli"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bird"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a blue dining table and a brown boat"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a traffic light and a frisbee"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a black sheep and a brown knife"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a horse"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a brown pizza and a white teddy bear"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a toilet"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cow"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a broccoli"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a sandwich"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of an apple and a sink"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a book"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cell phone"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a vase"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a knife"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a sandwich"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bed"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a black sandwich and a white frisbee"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of an oven"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a bear"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cup"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink chair and a yellow cell phone"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bench"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple teddy bear and a white dog"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a white sports ball and a black fork"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a potted plant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an airplane"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bench"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a toilet"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a broccoli"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a black scissors"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a black skis and a blue boat"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cup and a yellow hot dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a sports ball"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a brown broccoli and a black handbag"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a couch"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a carrot"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a purple airplane and a pink computer mouse"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a yellow traffic light and a green bear"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an airplane"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a cup"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a potted plant"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a tv"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball bat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a tv"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a cat and a backpack"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an elephant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a pizza"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a cup"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an oven"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a backpack and a hair drier"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a skis and a toilet"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a stop sign"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bird and a pink teddy bear"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a wine glass"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a yellow toilet and a black train"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a frisbee"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown umbrella"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bicycle"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a bed"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a frisbee"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a suitcase"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a black cow and a blue banana"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tie"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sandwich"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a sink"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a teddy bear and a hair drier"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a red snowboard"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of an orange apple and a red clock"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bus"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a pizza"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a donut"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sandwich and a pink dining table"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a laptop"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a horse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a boat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a scissors"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a fire hydrant and a bicycle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a red knife and a green bus"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple laptop and a yellow chair"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a suitcase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above an airplane"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a green umbrella and a pink sink"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a clock"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of an apple"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a black donut and a purple laptop"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a fire hydrant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a potted plant"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a black handbag and an orange bench"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue baseball bat and a brown teddy bear"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a horse and an orange"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a traffic light"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of an orange giraffe and a white parking meter"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a sink"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bench"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a black cat"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cat"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a black computer keyboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a donut"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a sports ball and a cake"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bottle and a purple microwave"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bench and a brown oven"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a bicycle and a person"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a purple elephant and a brown orange"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a horse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a fork"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a truck"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a black computer mouse and a purple parking meter"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a chair"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a traffic light and a bowl"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tennis racket and a purple pizza"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a red scissors and a pink bus"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a purple toilet and a white laptop"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a traffic light"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a black toothbrush and a brown computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a sink"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an airplane"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of an orange orange and a green fire hydrant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a vase"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a black chair and a yellow handbag"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of an orange snowboard and a white bench"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a bus"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a toaster"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a green bench and a black giraffe"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a fork and a suitcase"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bed"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a brown toaster and an orange fork"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a cup"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink zebra and a yellow scissors"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a white tie and a green bicycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a fork"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a yellow toilet and a green toaster"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bottle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a surfboard"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a suitcase"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of an airplane and a zebra"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a tie"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a refrigerator and a donut"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a blue clock and a pink potted plant"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a white suitcase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a spoon"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a donut"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a potted plant and a dog"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bench"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a bowl"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a purple traffic light and a green fire hydrant"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue baseball glove and a yellow knife"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a computer mouse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a broccoli"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a cow"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a knife"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a blue apple and a green fire hydrant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a black surfboard"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a purple toothbrush and a pink tv"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bed and a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a white handbag and a red car"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a white stop sign and a brown bus"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a black potted plant and a pink frisbee"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a green bench and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dining table and a blue boat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a teddy bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a person"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a horse"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a baseball bat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a knife"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a cat"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a blue suitcase and a purple stop sign"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bicycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cell phone"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a giraffe"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a vase"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a book"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a kite"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a sheep and a train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a pizza"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a suitcase and a sheep"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of an orange and a boat"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple surfboard and a yellow scissors"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a handbag"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a baseball bat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bird"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a yellow suitcase and a white broccoli"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a kite"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a surfboard"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a white baseball bat and an orange apple"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a baseball glove"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a backpack"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a black couch and a pink airplane"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow horse and a purple sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an oven"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bowl and a blue zebra"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a zebra"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a spoon"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an airplane"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sheep and a yellow skateboard"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a white umbrella and a green baseball glove"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a giraffe"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a train"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of an orange parking meter and a blue orange"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a microwave"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bear"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink vase"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a motorcycle"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a toaster and a tie"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a computer mouse"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a potted plant and a train"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a green toaster and a brown computer mouse"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a blue clock and a brown microwave"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a stop sign"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a backpack and a horse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a train"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a skateboard"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a black toilet"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a blue horse and an orange sports ball"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cup"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a traffic light"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a scissors"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a baseball glove"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a white oven and a black chair"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a brown tennis racket and a black teddy bear"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a microwave"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a couch"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a green fire hydrant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a backpack"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a black donut and a brown refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a toaster"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a surfboard and a cat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a handbag"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a cell phone"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown broccoli and a yellow baseball bat"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a red cup and a purple couch"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a car and a sink"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a blue zebra"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a fire hydrant"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a donut"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above an oven"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a black bicycle and a pink tv"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple teddy bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a truck"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a black frisbee"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a broccoli"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a bed"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a stop sign"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a computer mouse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a sports ball"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a sports ball"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a couch"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a tie"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a blue toothbrush and a white pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a parking meter"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a kite"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a purple bowl and a black umbrella"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a toothbrush and a sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of an oven"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a white computer keyboard and a purple chair"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball bat"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a refrigerator"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a chair"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a blue cell phone and a black handbag"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a brown dog and a red toaster"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a purple couch"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bottle"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a black frisbee"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a sandwich"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a hair drier"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a pink donut and a green banana"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a stop sign"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a skis"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a bird"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a horse and a surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a truck"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a giraffe"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a bicycle and a tie"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a hair drier"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sink"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a brown sports ball and a white vase"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a banana"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a fork"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a microwave and a train"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a red laptop and a yellow sink"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a dining table"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a sheep"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a blue pizza and a brown hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a cow"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a frisbee"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a cell phone"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a white toothbrush and an orange banana"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a baseball glove and a donut"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a refrigerator and a horse"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cake"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a parking meter"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a horse"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a dog"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of an orange apple and a white broccoli"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow refrigerator and an orange cup"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a microwave"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a scissors"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a white sink and a black bird"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a red bicycle and a green baseball glove"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a pizza"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a red dog and an orange elephant"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cup"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a purple vase and a blue skis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bottle"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a toaster"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a fork"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a carrot"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dog"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a brown pizza and a blue backpack"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a motorcycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a surfboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a surfboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a bed"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a white frisbee and an orange couch"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a red sink and a black bicycle"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a pink baseball glove and a blue refrigerator"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a microwave"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a stop sign"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an elephant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bus"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a green surfboard and a white hair drier"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a tv"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cup"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a cake"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a tie"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cell phone"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a green boat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a stop sign"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a skateboard and a refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a toaster"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a truck"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange skateboard"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink bird"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sink"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of an elephant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a bench"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bowl"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a green donut and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tie"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bowl"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a parking meter"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow baseball bat and a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a blue orange and a white motorcycle"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a brown baseball bat and a green refrigerator"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a pink knife and a purple vase"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bed"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a tie"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a cat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a handbag"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a backpack"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a pizza"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white oven and a black cake"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a green clock and an orange bird"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a sink"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a toilet"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of an orange banana and a black bottle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a traffic light"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a vase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a person"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a yellow car and a white vase"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a toothbrush"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bowl"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below an oven"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a train and a zebra"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a red boat and an orange parking meter"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a frisbee"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a hair drier"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a sink"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bench"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a purple motorcycle and a blue truck"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple tennis racket"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a bus"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a traffic light"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a toilet"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a baseball bat"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bench"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bear and a baseball glove"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a red couch and a brown oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an airplane"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a microwave"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a banana and a skis"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a frisbee"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a traffic light"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a carrot"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a skateboard"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a pink elephant and a brown cow"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a fire hydrant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a handbag"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a red tv and a pink car"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a car"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a surfboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of an orange skateboard and a blue tie"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bowl"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a toothbrush"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a blue laptop and a green scissors"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a stop sign and a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a black banana and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a blue baseball glove and a green train"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a toilet"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a clock and a toaster"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a horse and a clock"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bicycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a kite"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a green horse and a white tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a horse"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a hair drier and a boat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a zebra"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a black vase and a red pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a chair"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a hair drier"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a laptop"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tv and a blue toothbrush"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a red toothbrush"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of an orange knife and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of an orange refrigerator and a blue motorcycle"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above an umbrella"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a green bird and a white toothbrush"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of an orange bed and a red dog"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bird"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a bottle"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a book"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a boat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a brown car and a black cow"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an elephant"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bed"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above an umbrella"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a blue motorcycle and a red truck"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a green snowboard and a purple umbrella"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bowl and a purple bird"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of an orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tv"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a brown microwave and a green baseball bat"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow spoon"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a purple sink and a red apple"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a red boat and a purple fork"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a cake"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sports ball"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue pizza and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a broccoli"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a purple spoon and a black train"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bus and a giraffe"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a book"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a toaster"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a sports ball"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a white hot dog and an orange tie"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a scissors"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue baseball bat and a yellow potted plant"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a vase and a toothbrush"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a green hair drier and a purple toilet"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a dining table"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a parking meter"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a blue handbag and a brown toothbrush"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of an orange surfboard and a red sink"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bench"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a red broccoli and a white sink"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a pink baseball bat and an orange sink"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a sandwich"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple hot dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a person"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cake"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a white couch and a pink elephant"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a black pizza and a purple boat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange truck and a purple bottle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a person"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a chair and an elephant"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a sheep and a cake"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a wine glass"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a white bicycle and a purple bench"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bicycle and a pink vase"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a vase"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a brown toaster and a pink pizza"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple orange and a yellow computer mouse"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a brown sandwich and a red chair"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a baseball glove"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a tv remote"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a red couch and an orange suitcase"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a black cell phone and a pink tie"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown donut and a yellow bench"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a stop sign"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a tv and a tie"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a refrigerator"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a skis"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a pink hot dog and a black computer keyboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a black scissors and a red bed"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a person"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a traffic light"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a carrot"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bicycle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of a green microwave and a brown car"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bicycle"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a toothbrush"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a microwave"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a laptop"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a purple frisbee"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a red oven and a brown bench"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a fork"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of an orange and a person"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a suitcase"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bear"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a fire hydrant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a knife"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sink"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a bird and a cup"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a white broccoli and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a giraffe"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a carrot"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of an elephant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a skis"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a suitcase and a toothbrush"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a computer mouse and a cell phone"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball bat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a purple skateboard and a blue broccoli"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bowl"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a pink skateboard and a black skis"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a tennis racket and a microwave"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a traffic light"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a hair drier"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a giraffe"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a book"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an oven"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a cell phone"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a black orange"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skateboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a donut"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a red car and a white knife"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a green broccoli and a red bench"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a purple traffic light and a green car"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a clock"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a skis"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a hair drier"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a surfboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a black handbag and an orange laptop"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a red parking meter and a green baseball bat"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a baseball bat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a refrigerator"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a parking meter"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink dog and a yellow microwave"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tv"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a yellow suitcase and a green sports ball"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a cow"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cow and a brown sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a banana"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a clock"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball glove and a blue tv remote"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a book"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a white snowboard and an orange chair"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a pizza"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a sandwich"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a spoon"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a pizza"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a red cat and a white chair"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a backpack and a cat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a tv"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a toaster"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a baseball glove"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above an orange"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a fire hydrant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below an airplane"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a fork and a wine glass"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow car and an orange kite"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a cat"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a suitcase"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a clock"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a stop sign"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a bear"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a baseball bat"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a toilet"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a wine glass"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a potted plant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a potted plant"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a computer keyboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a skis"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a brown giraffe"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a green broccoli and a black fork"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a white motorcycle"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a pink carrot and a white kite"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a green dining table and a purple umbrella"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a laptop"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a knife"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dog"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of an orange frisbee and a black fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a stop sign"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above an oven"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple zebra"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a bicycle and an orange"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sandwich and a pink cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tennis racket"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a donut"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a black knife and a green kite"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of an orange horse and a green backpack"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a green teddy bear and a red handbag"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a fire hydrant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a couch"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a giraffe"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bicycle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of an orange bird and a white cat"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a toaster and a computer mouse"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a cow and a scissors"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above an apple"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a fork and a tie"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a red apple and a blue tie"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a fire hydrant"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bird"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a wine glass"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a sheep"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a purple wine glass and a red parking meter"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a fire hydrant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of an airplane"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a fire hydrant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a knife"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a zebra and a hair drier"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a white carrot and a black oven"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an elephant"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a hair drier and a skis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bottle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a hair drier"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an elephant"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow umbrella and a brown bird"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a wine glass"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a blue clock and an orange sink"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a vase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a red teddy bear and a purple cat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of an orange"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hair drier"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a bird"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a black microwave"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of an umbrella"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a backpack"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a cake and a truck"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a tie and a parking meter"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a broccoli and a toilet"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a surfboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of an orange carrot and a white tie"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a horse and a truck"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a donut and a bus"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an airplane"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a purple teddy bear and a brown oven"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cup and a blue car"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cat and a yellow carrot"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of an oven"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sink"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a couch"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a zebra"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bicycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a red teddy bear and a green orange"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a dog"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a microwave"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cat and a purple scissors"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a red knife and a yellow bowl"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of an orange motorcycle and a white pizza"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a bottle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bus"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a clock"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bowl"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a sink and a giraffe"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bed"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sheep"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a spoon and a hot dog"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a bus and a hot dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a parking meter"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a donut and a kite"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an elephant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown apple and a yellow cell phone"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green dining table and an orange snowboard"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a bench"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown chair and a yellow parking meter"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a pink fork and a purple cow"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a black scissors and an orange teddy bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bird"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of an orange truck and a brown skis"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a kite"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a tie"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a red computer mouse and a pink parking meter"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a stop sign and a horse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a dining table"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a sink"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple dining table and a yellow cat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cow"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a hair drier"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a dog"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a laptop"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a blue horse and a green toothbrush"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a laptop"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a book"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a cat and a carrot"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a spoon"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a pink dining table and a green cake"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a black book and a yellow laptop"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a bird"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a purple parking meter and a blue book"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a purple sheep and a red cat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bench"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a knife"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of an orange umbrella and a brown tie"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a green parking meter and a white dining table"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a couch"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bicycle"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a red bench and an orange motorcycle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a stop sign"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a skateboard"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cup"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a boat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a purple oven and a green horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink surfboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a snowboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a kite"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a cup"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a boat"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a brown wine glass and an orange bird"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a carrot"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bed"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a bus"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a bottle and a bed"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a handbag"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a stop sign"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bowl and a yellow vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a kite"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a horse"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow refrigerator and a brown train"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a train"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a toaster and a vase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cake"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a black fire hydrant and a brown backpack"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a teddy bear and an oven"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a scissors"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a wine glass"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above an orange"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bed"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a surfboard"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a green apple"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a teddy bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a dog"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a purple dog and a red motorcycle"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a cake and a bicycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a handbag"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above an apple"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a couch"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a vase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a scissors"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a cow"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an apple"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of an oven"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a blue tennis racket and a black bicycle"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a book"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue suitcase and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a sandwich"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a red baseball glove and a pink orange"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a teddy bear and a handbag"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of an orange traffic light and a white hair drier"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow wine glass and a purple dining table"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a red fire hydrant and a white bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an airplane"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a truck"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a motorcycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sports ball"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toothbrush"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a pink chair and a red bowl"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a knife"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a tie"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a surfboard"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball bat and a red carrot"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a bird and a zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a suitcase"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a microwave"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a laptop"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a black frisbee and a brown knife"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a couch"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a handbag and a skateboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a handbag"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a black sports ball and a pink broccoli"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a pink banana and an orange bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a suitcase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an orange"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a boat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a laptop"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a purple fire hydrant and a brown sheep"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a white bicycle and a green skis"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a yellow apple and a black tv remote"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a scissors"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a scissors"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a blue apple"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a skis"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bench"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bowl and a black computer mouse"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a bowl"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of an umbrella"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a microwave"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink fork and a yellow traffic light"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a purple toothbrush and a red umbrella"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple vase"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a sports ball and a teddy bear"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a white traffic light and a red bus"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a sink"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sports ball and a pink potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bicycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a spoon"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a zebra"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a pink teddy bear and a black backpack"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a potted plant"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a bed"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a vase"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a green refrigerator and a blue teddy bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of an orange"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a wine glass"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a train and a teddy bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a toothbrush"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a pink bowl and a black sandwich"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bird"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a hair drier"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a microwave"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a black laptop and a green cup"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a white skateboard and a pink donut"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow frisbee and an orange sandwich"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a green fork and a brown skis"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a kite"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a toaster"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a pink wine glass and a green cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a blue handbag and a purple sheep"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a teddy bear"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a purple tv and a black sheep"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a book"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bed"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a dog"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a knife"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a purple wine glass"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a tv"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a couch"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bear"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a chair and a kite"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red potted plant and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sports ball"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of an umbrella"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a horse and a bottle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a red boat and a white teddy bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple banana and a yellow bus"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a broccoli and a stop sign"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a handbag"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a black bear and a red cup"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cow"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a cell phone"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a bottle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bottle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a cat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bird"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown dog"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a zebra"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a book"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a broccoli"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a giraffe"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a cat"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a car"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a computer keyboard"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow apple"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a pink handbag"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball bat"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow donut and a blue cat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a broccoli"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a pizza"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an orange"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a white zebra and a green tennis racket"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cake"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a couch"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a refrigerator"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a yellow baseball glove and a red sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a horse"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bottle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tie"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a laptop"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a green cake"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a blue bird and a white truck"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a pizza"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a hot dog"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a black sink"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange vase and a yellow kite"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sheep and a pink toaster"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a brown horse and an orange toilet"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a bus and a train"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a clock"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a pink giraffe and a blue bed"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bowl"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a sink"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a cow and a train"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a black broccoli and a green donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a toaster"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a zebra"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a train and a scissors"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of an orange microwave and a purple cat"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above an elephant"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sports ball and a yellow baseball glove"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a brown zebra"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above an oven"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an elephant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a laptop"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a sink"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a white surfboard and a pink vase"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bus"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a white clock"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bicycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a giraffe"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a baseball glove"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a bicycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a fork"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink handbag and a yellow toothbrush"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a hair drier"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a skis and a traffic light"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a giraffe"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a potted plant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a brown computer keyboard and a red toaster"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a green oven and a purple couch"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of an umbrella and a handbag"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white fork and a brown motorcycle"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a blue bottle and a white book"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a microwave"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a donut"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a bicycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a giraffe"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a vase and a boat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a scissors"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink pizza and a yellow skis"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a dining table"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a hair drier and a fork"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a black tv remote and a red chair"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a green sink and a black tennis racket"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a sink and an umbrella"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a brown book"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a pink book"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a car"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a blue airplane and a white carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a person"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tv remote"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an umbrella"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a stop sign"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow handbag and a purple banana"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below an umbrella"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a sheep and a person"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bed and a purple toothbrush"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a tie"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a microwave"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a pink bird and a black wine glass"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a traffic light"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a train"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a spoon"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a blue couch and a brown sink"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a sports ball"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a wine glass and a toaster"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a microwave"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a wine glass"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a vase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a tv"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below an umbrella"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a clock and a handbag"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a green stop sign and a purple oven"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a green dog and a white boat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cake and a red carrot"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a clock"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a tie"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a person"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sports ball and a brown hot dog"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a motorcycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a brown surfboard and a pink broccoli"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a pink parking meter and a red cat"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a red handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a tie"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a hair drier"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sheep"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a toaster and a surfboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cat and a yellow carrot"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a black sports ball and a purple elephant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a giraffe"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sports ball and a purple parking meter"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a blue oven and an orange umbrella"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "purple"}], "prompt": "a photo of a purple skis"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above an oven"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a skis"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a toothbrush and a vase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a refrigerator"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a red computer keyboard and an orange cake"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a knife"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a person"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an apple"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a green computer keyboard and a pink broccoli"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a stop sign and a baseball glove"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a blue hair drier and a green dining table"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a red bear and a pink dining table"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a zebra"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a vase"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a traffic light"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bear and a purple bowl"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a giraffe"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bottle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a kite"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a blue boat and a brown donut"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of an orange sports ball and a black frisbee"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a purple bottle and a red truck"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "frisbee", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow parking meter and an orange frisbee"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a black bed and an orange bottle"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of an orange cup and a white truck"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bowl"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a knife"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a purple knife and a pink sports ball"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a frisbee"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an umbrella"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above an umbrella"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a white bird and a blue cake"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a skis"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a snowboard and a giraffe"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a blue apple and a pink sink"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a tv"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a handbag"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a cell phone and a dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a carrot"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a white vase and a yellow bed"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of an oven and a knife"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a green hot dog and a white kite"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a tie"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a brown hot dog and a green pizza"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a black pizza and a red skis"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a computer keyboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a scissors"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a tv remote"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a purple carrot and a white bird"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tennis racket and an orange baseball bat"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a cup"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a fork"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv remote"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a giraffe"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a sports ball"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a vase and a train"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a scissors and a tv"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a white tv remote and an orange motorcycle"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a computer mouse and a horse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a broccoli"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a fork"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a broccoli and a spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a vase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a sheep"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a red skateboard and a black book"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tv remote"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a brown skis and a pink refrigerator"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a red scissors and an orange tennis racket"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a blue hot dog and a white spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cake"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a pink stop sign and a green orange"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a teddy bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a brown tennis racket and a pink bus"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a blue cat and a black tv"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a green sports ball and a purple donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bicycle"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a cup"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a scissors"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a couch"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a scissors"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bowl"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of an orange skateboard and a red cow"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bottle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a broccoli"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a car"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bed"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cup"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a hair drier"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a sink"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a skateboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a blue skateboard and a red potted plant"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a purple clock"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a handbag"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a pizza"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a person"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a white orange and a red cat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a microwave"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a laptop"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a spoon"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a microwave"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a white teddy bear and a green cell phone"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a purple carrot and a white car"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bird and a blue clock"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bus"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a broccoli"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a red backpack and a purple motorcycle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a cow"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a microwave"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of an orange computer mouse and a brown teddy bear"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below an umbrella"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of an umbrella"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a skateboard"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a chair"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a pink apple and a white hot dog"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a vase"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a motorcycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a parking meter"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a computer mouse and a person"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a motorcycle and a frisbee"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a stop sign"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tennis racket and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a spoon"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a fire hydrant and a kite"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a red fork and an orange scissors"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a tv"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bird"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a traffic light"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a black donut and a yellow microwave"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a black frisbee and an orange bicycle"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a green baseball glove and a brown bicycle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a truck"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a potted plant"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a toothbrush"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a sink"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a red horse and a purple couch"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a green dog and a black frisbee"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a sink"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a skis"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a black giraffe and a red surfboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a cow"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a baseball glove"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a potted plant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a sheep"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a black toilet and a red train"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a refrigerator and a clock"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a green teddy bear and a yellow kite"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of an orange motorcycle and a purple elephant"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sports ball and a yellow backpack"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow motorcycle and a blue traffic light"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of an orange handbag and a pink knife"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a handbag"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a computer mouse"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an umbrella"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a suitcase"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a skateboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an apple"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a white wine glass and a blue cell phone"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink surfboard and a yellow horse"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a bed"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a black sports ball and a red wine glass"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a green vase and an orange tv"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a tv remote"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a knife"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a hair drier"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a frisbee"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a toothbrush"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a parking meter"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bench"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sandwich and an orange airplane"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a blue bus and a black car"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a pink refrigerator and an orange tennis racket"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a banana"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a car"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a cell phone"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cow"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cow"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a carrot"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a brown frisbee"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a green stop sign and a purple airplane"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a computer keyboard and a train"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a refrigerator"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a truck"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a tv remote"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a spoon"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a tv remote"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a motorcycle"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a broccoli and a horse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a green laptop and an orange truck"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a sandwich and a backpack"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of an umbrella and a bowl"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a green suitcase and a black cell phone"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a broccoli"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above an airplane"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a giraffe"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fork"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a skis"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a book"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a tie"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a potted plant and a toaster"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toothbrush"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a broccoli"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a giraffe"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a boat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a purple wine glass and a pink train"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an orange"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a frisbee and a surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a giraffe"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a parking meter"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cell phone"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a wine glass"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a donut"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a baseball glove"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below an elephant"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a toothbrush and a spoon"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a computer keyboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a sheep"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a bicycle and a backpack"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown baseball bat and a yellow toilet"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of an umbrella and a vase"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a white parking meter and a red handbag"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a yellow toothbrush and a green car"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a skateboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a banana and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a black cat and a pink zebra"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a black fork and a red cake"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tv"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a truck"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a train and a donut"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a skis"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a black bus and an orange banana"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a purple cow and a white dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a boat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a bottle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a white boat and a red hair drier"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a hair drier"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a fire hydrant"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a black surfboard and a green broccoli"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a sheep"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cow"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a dog"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a yellow laptop and a green cake"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a sheep"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of an orange elephant and a green bus"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a couch and a stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cell phone"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a sports ball and a suitcase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a skateboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a sheep"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a blue toaster and a purple bear"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an orange"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a boat"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a car"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a couch"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a wine glass"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a pink scissors and a white kite"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a blue umbrella and a red boat"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a blue truck and a brown sink"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above an elephant"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a tv remote and a bed"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a scissors"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a banana"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a book"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of an airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below an airplane"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a green horse and a blue cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bird"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a cake"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of an airplane"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a yellow kite and a black chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a person"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a toaster"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a brown bench and a green cup"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a white horse and a yellow airplane"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a car"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow couch"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a frisbee"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of an orange sink and a red airplane"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a bed"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a handbag"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an elephant"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a suitcase and a traffic light"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a banana"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a car"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of an orange couch and a blue laptop"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a book"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink truck and a yellow bottle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bus"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a green bottle and a white knife"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a green zebra and a black computer keyboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sports ball"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a tv"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a purple bird and a green stop sign"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a bed"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a suitcase"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a cat and a car"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a car"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a yellow baseball glove and a white chair"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a refrigerator and a bowl"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a toaster"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bottle"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bus"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a hair drier"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a boat"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a green bed and a brown elephant"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bird"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a wine glass"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bicycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bus and a pink kite"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a knife"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a sandwich"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow skis and an orange traffic light"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a fork"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a spoon"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a carrot"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a white car"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a black pizza and a purple dining table"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a white oven"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an umbrella"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a spoon"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a dog"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an apple"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a potted plant"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a computer keyboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sink"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a baseball bat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a knife"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a pink tie and a white carrot"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a book"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a cake"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a parking meter"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a sports ball"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a scissors"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a truck"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below an elephant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a blue carrot and a red tie"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a white refrigerator and a black cell phone"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a frisbee"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a green hot dog and a black potted plant"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a toaster"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a baseball bat and a handbag"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow toothbrush and a purple toaster"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a hot dog"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a tv"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a horse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a sheep"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a book"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a tv remote and a car"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a green sink"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a pink skis and an orange bear"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a train"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a traffic light and a tv remote"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a bench and a clock"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a cake and a wine glass"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a pink skis"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a couch"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a computer keyboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a clock"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a train"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a frisbee"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bicycle"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a clock"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a snowboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a couch"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bowl"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a motorcycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a hair drier"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sandwich"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a truck"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an apple"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a potted plant and a cup"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a zebra"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a sink and a refrigerator"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a kite"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cow"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a green cat and a purple fire hydrant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a handbag"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bottle"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a backpack"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a blue clock and a red wine glass"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bicycle"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a bicycle"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of an apple"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a parking meter"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bus"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of an orange oven and a pink broccoli"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a chair"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bench"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bed and an orange truck"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a bear"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a wine glass and a traffic light"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a hair drier"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a purple spoon"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange elephant"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a zebra"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a book"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a green giraffe and a blue backpack"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a white car and a purple cow"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a fork"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a spoon"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bicycle"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a sports ball"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bicycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cup and a green motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a baseball glove"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a sandwich"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a kite"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bottle and a brown elephant"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a traffic light"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a hair drier and a stop sign"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a blue stop sign"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bus"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a potted plant"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a skis"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below an orange"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown book and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a computer mouse"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a red sandwich"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a parking meter"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a car"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a baseball bat"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a brown frisbee and a green sandwich"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a boat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a suitcase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a suitcase"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bench and a black frisbee"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a sandwich"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a book"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a carrot"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a skateboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a white backpack and a brown dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a dining table"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a handbag"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a sink"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a skateboard and a couch"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a toilet"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a blue scissors and an orange toaster"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a red cat and a blue potted plant"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a yellow scissors and a black hot dog"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bus and an orange dining table"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a boat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a horse"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bicycle and a pink bus"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a fire hydrant"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below an oven"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a skis"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a pink train and an orange donut"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a parking meter"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tv and a brown frisbee"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a brown donut and a pink pizza"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a dog"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow teddy bear and a purple bed"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a tie"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a brown cup and a green book"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a cell phone"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a traffic light"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a tie and a teddy bear"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a purple motorcycle and a black suitcase"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a knife"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a frisbee"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above an orange"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a toothbrush"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a tv remote"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bowl"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a white cow and a pink bird"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a toothbrush"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a green truck"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a skis and a motorcycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a zebra"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a green umbrella and a black backpack"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a fork"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a brown parking meter and a red couch"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a hair drier"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a giraffe and a train"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a carrot"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "dog", "count": 1, "color": "red"}], "prompt": "a photo of a black motorcycle and a red dog"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a tie and a surfboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an apple"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a teddy bear"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a bottle and a dog"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a pink couch and a blue sports ball"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a green bench and a red surfboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a knife"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a blue computer keyboard and a white kite"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a laptop"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a car"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a green teddy bear and a blue donut"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a teddy bear and an apple"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a train"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a giraffe"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bowl and a yellow tv"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a broccoli"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bowl"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bottle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a white tv and a pink horse"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of an orange frisbee and a red apple"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a knife"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a pizza"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a black elephant"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a black kite and a pink tv"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of an orange train and a red bowl"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an oven"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a couch"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a red handbag and a yellow clock"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a hot dog"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a stop sign"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a red cow and a white pizza"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a sports ball"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a hot dog"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a tv"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a toaster and a snowboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a brown kite and a purple bus"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bus and a brown potted plant"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a white tv and a blue cell phone"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a boat"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of an orange and a baseball glove"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a baseball glove and a computer mouse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a banana"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a fork"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a stop sign"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a dog"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink vase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a fork"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a carrot"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bear"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a truck and a horse"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a donut"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a snowboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a bench"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a white kite and an orange sports ball"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a chair"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an airplane"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a vase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sheep"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a black airplane and a blue potted plant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sheep"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above an airplane"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple skateboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of an oven"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a car"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a white couch and a purple computer mouse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a cake"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bottle and a white dog"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a donut"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a snowboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a teddy bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of an orange kite and a green bench"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a handbag"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a donut"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a tie"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a cat and a bed"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a refrigerator"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a skateboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a snowboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a surfboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a black zebra and a red couch"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a horse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a handbag"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a kite"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a black backpack and a blue clock"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bird"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a blue motorcycle and a red backpack"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a hot dog"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a car"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a pizza"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sandwich"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a sandwich"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a teddy bear and an elephant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a tie"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a skateboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a book"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a pizza"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a dog and a fork"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange teddy bear and a yellow orange"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a purple sheep and a white chair"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a spoon"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a blue sheep and a red boat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a computer keyboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a bus"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a white scissors and a green cup"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cow and a pink dog"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a red laptop and a blue cat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a zebra"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a blue cake and a black airplane"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a bear and a computer mouse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a motorcycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a kite"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a truck"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bottle and a blue tennis racket"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a hair drier"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toaster"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a bowl and a cat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a brown bench and a black sink"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a yellow suitcase and a black fire hydrant"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of an orange knife and a red hair drier"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a toilet"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a cat"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of an umbrella and a sheep"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a skateboard"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a toilet"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bowl"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a parking meter"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sheep"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a backpack and a cake"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a laptop"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a teddy bear"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a giraffe and a kite"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow horse and a pink cake"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a skis"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a yellow carrot and a red potted plant"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a red cat and a brown bottle"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a black parking meter and an orange hair drier"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a couch"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an umbrella"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sports ball"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a refrigerator"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a zebra"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bicycle and a purple kite"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of an elephant and a clock"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a dog"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a scissors and a teddy bear"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink surfboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a dining table"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a red skis"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a tv and a computer keyboard"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a laptop and a car"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a cow"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a sandwich and a banana"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a stop sign"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a parking meter"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a truck"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a traffic light"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bottle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a cow"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a baseball bat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a bed"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bird"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tv and a yellow snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a stop sign"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a donut"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a green backpack and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a toilet"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bowl"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a purple giraffe and a blue tennis racket"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a cup"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of an orange"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a pink suitcase and a red kite"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow snowboard and a purple tie"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a couch"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a tennis racket and a baseball glove"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a toothbrush and a baseball bat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a potted plant"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a sandwich"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a black bowl"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a purple skis and a blue fire hydrant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a bench"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a donut and a backpack"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a computer mouse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a suitcase"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a red wine glass and a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow spoon and a pink baseball glove"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a black tv and a pink toothbrush"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a toilet"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a cell phone and a donut"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a truck"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a laptop"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a stop sign"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a clock and a cup"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bus"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a baseball glove"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a bed"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of an orange baseball glove and a green orange"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cow"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a laptop"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow fork and a blue wine glass"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a toaster"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of an elephant"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a teddy bear"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a wine glass"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a black frisbee"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of an orange dog and a brown toaster"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cake"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a black sports ball and a green spoon"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a toilet and a hair drier"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a skateboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a couch"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a fork"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a tie"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a baseball glove"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a donut"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a baseball glove"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of an orange horse and a green orange"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a white apple"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a horse"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a cell phone and a spoon"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a dining table and a giraffe"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sports ball"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above an orange"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cup"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a dog"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a cake"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of an orange traffic light and a green tennis racket"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a green parking meter and a pink bench"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a red tv remote"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bottle"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a black apple"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a book"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a laptop"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a computer mouse and a sheep"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a pink tie and a purple toaster"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a cake and a tv remote"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a donut"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a person and a tennis racket"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bench"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a white cow and a green bottle"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of an orange backpack and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a tv"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bear"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a horse and a kite"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below an elephant"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a purple apple and a red chair"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cake"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a sports ball"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of an orange sports ball and a black sheep"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a train and a fork"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a black fork and an orange giraffe"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a zebra"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a parking meter and a giraffe"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a baseball glove"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a surfboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a handbag"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a knife"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a blue bus and a black boat"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a broccoli"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a baseball glove and a cat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a baseball bat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toaster"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a purple orange and a black cat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a green tennis racket and a red elephant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a black bear and a white kite"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a tv"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toaster"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a surfboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a truck"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a cell phone"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a dining table"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a carrot and a refrigerator"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a surfboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bowl"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green wine glass and a pink skateboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tv remote"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a car"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a white fork and an orange truck"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a frisbee"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a couch"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a cup"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a refrigerator"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bear"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a toothbrush"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cake"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a stop sign"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a bird and an apple"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a blue apple and a pink scissors"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red dining table and a purple teddy bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a tie"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a scissors"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a skateboard"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a blue stop sign and a green toaster"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a skis"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sandwich"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a snowboard and a laptop"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a pizza"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a banana"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a microwave"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a green scissors and a blue wine glass"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a green hair drier and a white computer mouse"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a black car"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a white horse and a green fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a white hot dog and a red sports ball"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bicycle"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below an umbrella"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a pink baseball glove and a purple sandwich"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a giraffe"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a yellow teddy bear and a green toaster"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a zebra"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a purple clock"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple motorcycle and a yellow truck"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a purple sports ball and a red cow"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a surfboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a bear"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a brown toilet and a purple truck"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow giraffe and a purple cat"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a donut and an orange"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a tv remote and a zebra"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a black vase and a purple fork"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an umbrella"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a broccoli and a cake"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of an umbrella"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a sink"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a train"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a microwave"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tv remote"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a black scissors"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a train"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of an orange wine glass and a brown sink"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a computer mouse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a cat"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a bowl"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of an oven"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange hair drier and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a skateboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange skis and a purple bicycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a tie"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a blue chair"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a blue toaster and a green chair"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a pink frisbee"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a white frisbee and a pink stop sign"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bus"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sink"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of an umbrella and a laptop"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a cow"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a banana"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a white bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a kite"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a dining table"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a microwave"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bicycle"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a dining table"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of an elephant"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a toilet"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a parking meter"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue zebra and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a handbag"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bear"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a clock"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of an oven"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of an umbrella"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cow"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a white vase"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a blue toothbrush and a green train"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a train"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bowl"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a cell phone"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a train"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a wine glass"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a cell phone and an umbrella"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a brown airplane and an orange handbag"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a suitcase"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a suitcase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an airplane"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a toaster"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a baseball bat"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a parking meter"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a sink"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a green baseball bat and a blue stop sign"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of an orange bench and a red banana"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a cow and a tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bench and a pink truck"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a dining table"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a microwave"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a yellow fork and a black couch"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a backpack"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a hot dog"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a blue airplane and a black fork"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a bed"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a baseball bat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a stop sign"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple clock and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cow and a yellow carrot"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a red frisbee"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bus"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a purple hot dog and a pink fork"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a green tennis racket"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of an orange banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a bicycle"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a cup and a sheep"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of an apple and a parking meter"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a sink"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a hair drier"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a wine glass"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a refrigerator"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tv remote"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a toilet"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a parking meter"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball bat"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a microwave"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a clock"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a person"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bear"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cup and a yellow scissors"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a toilet"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a hot dog"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a computer keyboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a banana"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a white dining table and a purple oven"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a frisbee"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a snowboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a suitcase"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a person"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a black spoon"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a black bicycle and a blue cup"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a black toilet and a brown tv remote"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of an orange"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a tennis racket"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of an orange skateboard and a blue bed"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bowl"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a suitcase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a white scissors and a pink airplane"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a baseball glove"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a chair"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sandwich"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a kite"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an orange"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a tv remote"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a green bear and an orange computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a person"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cow"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a giraffe"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a cat"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow carrot and an orange tv remote"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a bowl"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a truck"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a pizza"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a toothbrush"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a donut"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a white bed and an orange tv"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a blue dining table and a white kite"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a potted plant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a banana"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a pizza"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a frisbee"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a cow"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a purple wine glass and a green teddy bear"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a white toothbrush and a green bottle"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a toothbrush and a skateboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a carrot"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a horse"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a microwave"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a motorcycle"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a pink handbag"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cake and a brown couch"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a surfboard"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a toilet and a boat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a baseball bat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a dining table"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below an elephant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a parking meter"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a handbag"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of an oven"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a surfboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a fire hydrant"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a train"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a parking meter"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a dining table"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a blue chair and a pink donut"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a carrot and a teddy bear"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a refrigerator and an apple"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cow"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a clock"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a white motorcycle and a pink apple"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a baseball bat and a bird"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a dog and an umbrella"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a cake"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue pizza and a yellow bus"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bear and a red backpack"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a red toaster and a brown tennis racket"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a toothbrush"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a tie"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bowl"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a backpack"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cup and a blue bicycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a blue kite and a brown boat"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a traffic light"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a chair"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a toothbrush"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a broccoli"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a computer mouse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a giraffe"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a traffic light"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a computer mouse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below an airplane"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sandwich and a pink tv remote"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a white snowboard and a red sports ball"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink fork and a yellow horse"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a black parking meter and a yellow cake"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cat"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a cow and a carrot"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a black frisbee and an orange bear"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a green broccoli and a purple motorcycle"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a black baseball glove and an orange hair drier"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a cell phone"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a red bench and a brown tie"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sports ball"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cell phone"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an apple"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bed"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a surfboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a donut"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bird"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown kite and a black skateboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a blue bowl and a red toothbrush"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a black oven and a yellow teddy bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of an umbrella and a pizza"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bear"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a brown banana and a green kite"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a black baseball bat and a white toilet"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a spoon"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a sink"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a couch"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a giraffe"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a frisbee and a bear"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a horse"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a potted plant and a pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a spoon"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a black skis and a brown laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a tennis racket"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a white motorcycle and a black toaster"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a green orange and a purple fork"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cake and a purple baseball bat"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a blue truck"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a hair drier and an orange"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow handbag"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bus"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a bed"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a pizza"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bear and a blue vase"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple boat"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a green laptop and a black car"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a green microwave and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bench and a pink truck"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a tie"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a yellow truck and a red airplane"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a horse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a train"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange book and a blue cat"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a cake and a traffic light"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sink"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a sheep"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a donut"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a brown car and a green cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a sheep"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a sink"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cup and a pink umbrella"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a skis"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a kite"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a traffic light"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink umbrella and a yellow spoon"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a laptop and a potted plant"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a black toothbrush"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a white tv remote and a pink fire hydrant"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a dog and a bird"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above an elephant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a skis"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cell phone and a yellow banana"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of an orange clock"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a banana"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a blue baseball bat and a red bottle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a giraffe"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white book and an orange dog"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a cat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a green frisbee and a purple carrot"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a zebra and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a purple baseball bat and an orange wine glass"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a giraffe"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of an airplane"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of an orange traffic light and a red wine glass"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a white tie and a green snowboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a fork"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a blue toilet and a black wine glass"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a blue clock and a green skateboard"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a red cat and a blue dining table"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bus and a vase"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a scissors"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a brown airplane and an orange bottle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a sink"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bird"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a white banana and a brown vase"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a banana"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an orange"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a couch"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a fork"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a zebra"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a black traffic light and an orange bed"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a car"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a toothbrush"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a handbag"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a brown kite and an orange hair drier"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a purple hair drier and a green refrigerator"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a tennis racket and a sheep"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a blue spoon"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a purple train and a brown banana"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a tennis racket and a train"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bird"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a horse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green spoon and an orange computer keyboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a truck"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a sandwich"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a sheep and a bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a laptop"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a green tv remote and a purple zebra"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a hair drier"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow giraffe and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a truck"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a vase"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a dining table"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a cake and a knife"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a cat"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a clock"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a blue parking meter and a white surfboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a yellow surfboard and a red baseball glove"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a refrigerator"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a suitcase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a laptop"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a baseball glove"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a computer mouse"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a white oven and a purple fork"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a spoon"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bird and an orange skateboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a frisbee"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bus"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a baseball bat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a banana"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a boat and a broccoli"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an oven"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a car"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a cow"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a green couch and a pink baseball glove"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of an apple"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a donut"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a tennis racket"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a person"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a laptop"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball bat"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a dining table"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a black hot dog and a brown motorcycle"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a clock and a tie"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above an orange"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a cow"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bird"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a scissors"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a wine glass"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red carrot and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a toilet"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bed"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hot dog and a yellow frisbee"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a blue parking meter and a white pizza"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a skis"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below an oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a knife"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hair drier"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bus"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a toothbrush"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a backpack"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a computer keyboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a zebra"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a black bowl and a pink toothbrush"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cat"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a brown giraffe and an orange dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a train"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a pink banana and a brown zebra"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a toothbrush"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a broccoli"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an elephant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a tennis racket"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a bicycle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bear and an airplane"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sink"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a tv remote"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a black traffic light"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a blue oven and a white couch"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a pink donut and a red orange"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a bus and an oven"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a chair"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cup"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a handbag"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bench"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a broccoli"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a broccoli"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tie"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a person"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a pink potted plant and a red car"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a cow"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a parking meter"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a brown truck"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a dining table"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a sheep"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a white fork and a pink cake"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a dog and a tv remote"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a black potted plant and a pink tennis racket"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a wine glass"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a car"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a yellow toaster and a red broccoli"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a potted plant"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple refrigerator and a yellow bench"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a parking meter"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a pink teddy bear and an orange cow"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a broccoli"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a cell phone"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a horse and a bear"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a baseball bat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a boat"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a blue stop sign and a black hot dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of an orange couch and a blue car"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a white couch and a purple tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a potted plant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a teddy bear"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a skis and a hot dog"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a skateboard"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a purple truck"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a brown orange and an orange dog"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a purple potted plant and a brown bowl"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of an elephant and a broccoli"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a skis"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a pink fire hydrant and a green dog"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a refrigerator"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a red stop sign"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a couch"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below an elephant"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of an apple"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a sheep"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cow and a purple bird"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bench"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of an orange toilet and a blue dining table"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sports ball"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an oven"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a purple microwave and an orange sink"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cow and a blue backpack"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an oven"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a potted plant"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a white bottle and a pink couch"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a baseball bat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bowl"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of an airplane and a cup"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of an orange dining table and a blue zebra"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a truck"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bowl"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a brown car and a purple baseball bat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a scissors"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bench"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv remote"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a cow"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a wine glass"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a brown train and a purple toothbrush"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of an orange cake and a red cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a red carrot and an orange baseball bat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cow"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a purple carrot and an orange kite"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bottle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a pink orange and a green cup"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a pink wine glass"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a fire hydrant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a banana"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a boat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a truck"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a banana"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a suitcase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a knife"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a book"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bird"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bed"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a red clock and a green zebra"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a spoon"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a green umbrella and a blue cup"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a broccoli and a cup"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a traffic light"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above an umbrella"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a red zebra and a blue toothbrush"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a pizza"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a book"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a blue cell phone and a black tennis racket"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "red"}], "prompt": "a photo of a purple banana and a red baseball bat"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a giraffe"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a pink knife and a black umbrella"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a book"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a pink car and a black computer keyboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a white donut and a green bicycle"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv remote"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a laptop"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a cow"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a sheep and a cat"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a microwave"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a scissors and a bench"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball bat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of an oven"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a wine glass and a cake"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a pink oven and a black snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a donut"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a dog"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv remote and a purple sports ball"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a train"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a sheep"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a green fire hydrant and a pink hot dog"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an airplane"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a giraffe"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a toothbrush"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sandwich"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a refrigerator"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a brown banana and an orange tv"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below an apple"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange skateboard"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a computer keyboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an elephant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a pizza"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a tv"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a wine glass"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a scissors"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an elephant"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bench"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a green train"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a red wine glass and a green banana"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a truck"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cell phone"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a purple frisbee"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a fork"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a white hair drier and a purple frisbee"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a toaster"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a blue toaster and an orange carrot"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a brown umbrella and a blue wine glass"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a purple baseball bat and a black microwave"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a white hot dog and a pink computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a spoon"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bird"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a green truck and a red elephant"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a teddy bear and a bench"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a bed"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a purple car and an orange sink"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a carrot"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a stop sign"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a baseball bat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a traffic light"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a cat and a snowboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bicycle"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a blue banana and an orange bus"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a bicycle and a toilet"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a white car"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball glove"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sink"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a parking meter"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a cow"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a hair drier"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a brown truck and a white spoon"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a knife"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a pink pizza and a white bus"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an apple"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a vase"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a red skateboard and a brown dog"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a red laptop and an orange microwave"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a donut"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a toilet"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a fork"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a red bottle and a brown orange"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a brown microwave"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a giraffe"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a brown fork and a blue book"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a laptop"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a sandwich"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a white handbag and a pink baseball glove"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a white clock and a red cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a fire hydrant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a banana"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a stop sign"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a sheep"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a kite"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a hair drier"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a frisbee"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a sink"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a couch"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a pink tv remote and a green tie"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a purple refrigerator and a green umbrella"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a microwave"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of an orange backpack and a purple computer mouse"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a brown stop sign and a green tie"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a white knife and an orange carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a pink scissors and a brown toothbrush"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a skis"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a stop sign"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a white hair drier and a brown zebra"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a car"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a frisbee"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a motorcycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a fork"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sports ball"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a truck"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a red suitcase"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a purple zebra and a black wine glass"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a black hair drier and a white toilet"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bear"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bed"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above an orange"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a green clock and a purple tie"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above an elephant"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of an orange"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an apple"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a red surfboard and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a motorcycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a cat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a horse"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a wine glass"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a potted plant"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a green toilet"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a purple fork and a pink baseball glove"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow zebra"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a spoon"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a cat"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a dining table"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a tv"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a green scissors and a blue kite"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a dining table"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a teddy bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a potted plant"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a sheep and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a brown tv and a red car"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a green chair and a blue tv remote"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a sink"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a bed"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a baseball bat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tv"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a black toilet and an orange tie"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a carrot"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a brown dog and a green suitcase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a handbag"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a broccoli"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a brown clock"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a donut"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bowl"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a purple bicycle and a black apple"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sports ball"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a clock"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tie"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a microwave and a zebra"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a backpack"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bus"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a pizza and a toilet"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of an umbrella"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a vase"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a blue traffic light and a black parking meter"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a suitcase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a skateboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a chair"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a dog"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a zebra"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a blue sandwich and a green wine glass"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv remote and a pink apple"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a dining table"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of an orange and a sports ball"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a zebra"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a frisbee"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a green cake and a pink pizza"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a computer keyboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sports ball"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a couch"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a cup"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a baseball glove"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a frisbee and a giraffe"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cup"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a hair drier"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a white laptop"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a white bowl and a blue pizza"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a black backpack and a blue vase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a hair drier"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a parking meter"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a dining table"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a truck"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a white broccoli and a red cell phone"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a white toaster and a green bus"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black surfboard and a purple snowboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an orange"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a scissors"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a microwave"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bench and an orange dining table"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bicycle and a yellow tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a dining table"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tv and a blue giraffe"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a suitcase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a microwave"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a train"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a tv remote and a vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bus"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a pizza"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a car"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a knife and an umbrella"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a hair drier"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a motorcycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a parking meter"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a sheep"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bicycle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a refrigerator"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a snowboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a microwave"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a red fire hydrant and a yellow dining table"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink dog and a yellow bus"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a bus"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a hair drier"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a snowboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sandwich"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a book"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a red tv remote and a pink car"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a brown spoon and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a broccoli"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a bird"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a teddy bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bowl and an airplane"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a cake"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown banana and a yellow airplane"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a backpack"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of an airplane"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a baseball glove and a horse"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a banana"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a black fire hydrant and a white book"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a sheep"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a couch"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an umbrella"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a black cake and an orange apple"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a baseball bat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a spoon"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a cat"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a computer mouse and a train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a car"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a cup and a donut"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a person and an umbrella"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a black zebra and a yellow train"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a red umbrella and a white microwave"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a dog and a cup"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a pink baseball bat and a purple toilet"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cell phone"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a black cat and a brown parking meter"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a red traffic light"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a couch"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a truck"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a carrot"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a wine glass and a vase"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of an elephant"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a book"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a skis"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a purple bear and a green zebra"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a scissors"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tie"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a fire hydrant"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cake"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a broccoli"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a brown book and a red parking meter"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a pink baseball bat and a red elephant"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bicycle"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange boat"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a black computer keyboard and a pink backpack"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a refrigerator"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a tv remote and a parking meter"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a person"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a carrot"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bottle"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue truck and a yellow broccoli"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a chair"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sheep"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a motorcycle and a skateboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bird"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cat"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a black wine glass and a green motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a snowboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a fork"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow horse and a blue kite"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a broccoli"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange motorcycle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a traffic light"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a motorcycle"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bed"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bear"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a carrot"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a skis"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow oven and a blue toothbrush"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a blue pizza and a white vase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a skateboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bicycle"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bowl and a white frisbee"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a microwave and an umbrella"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a train"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a skateboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a giraffe"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a tennis racket"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a toothbrush"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a brown knife"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cup"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a red bear"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a red refrigerator and a green elephant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a cat"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a microwave"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of an orange and a banana"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a white giraffe and a brown laptop"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow clock and a purple car"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a hot dog"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of an orange dog and a red hair drier"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a backpack"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of an umbrella and a computer keyboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a sink"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown car and a yellow airplane"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a white apple and a black tv remote"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a pizza"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a red bed and a purple tennis racket"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a white traffic light"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cat"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a tv remote"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bird"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow umbrella and a pink microwave"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a red banana and a black elephant"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tie and a green cow"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a pink book"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a brown refrigerator and an orange sink"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a vase"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a vase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue cat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a baseball bat"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a stop sign and a toilet"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a green oven and a black bottle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a broccoli"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue tennis racket and a yellow refrigerator"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a kite"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a green sandwich and an orange donut"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a red surfboard and a brown bowl"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a spoon"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a white bear and a pink pizza"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange dining table and a yellow bench"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a computer mouse"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a pink potted plant and a green orange"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a potted plant"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a cat and an umbrella"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a baseball glove"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a brown knife and an orange baseball glove"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a tie"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bicycle"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a truck and a knife"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a computer mouse"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a book and a bus"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a couch"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a cup"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a refrigerator"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a tv remote"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a purple surfboard and a white truck"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a train"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a cup"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a laptop"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a bed"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bowl"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a suitcase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a bench"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a couch"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a dining table"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a white zebra and a black skis"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bird"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a suitcase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a red surfboard and a blue airplane"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a pink chair and an orange wine glass"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a traffic light"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a clock"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a frisbee and a handbag"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a train"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a pink bowl and a black cup"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a broccoli"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a green clock and a brown baseball bat"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of an umbrella and a car"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a toothbrush"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cake"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tv"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a purple cell phone and a black laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a carrot"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a black toilet"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a carrot"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a donut"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a couch"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a tv"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of an orange dining table and a blue surfboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a surfboard"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a green traffic light and a pink bench"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a book and a sports ball"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a chair"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "orange"}, {"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of an orange skis and a black baseball bat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of an orange wine glass and a black book"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a book"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a pizza"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a giraffe"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bus"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a giraffe"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a suitcase"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a wine glass"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a green vase and a red broccoli"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of an orange couch and a red parking meter"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an elephant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "orange"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange dog and a yellow elephant"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of an umbrella"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a bus"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a frisbee and a skateboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a backpack"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a black traffic light and a blue boat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of an orange hot dog and a red book"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a black couch and a red clock"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a pizza"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bird"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow donut and a pink wine glass"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a white toilet and a black truck"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a hot dog and a hair drier"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a brown chair and a white cow"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a green laptop and a white cat"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bird"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a green potted plant and a purple sink"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toothbrush"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a motorcycle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bowl"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a parking meter"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a spoon"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a train"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a motorcycle and a hair drier"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a purple cup and a white frisbee"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of an umbrella"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bench"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a brown traffic light and a green airplane"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a book"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a bus"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a blue cow and a black tv"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a brown cow and a green skis"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a toaster"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a blue hair drier and a white tie"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a motorcycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a red scissors and a pink boat"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a microwave"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a black tie and a white fire hydrant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a skis"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bottle and an orange toaster"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cat"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a red toothbrush"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a tie"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a baseball glove and a refrigerator"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below an umbrella"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a vase"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a computer keyboard"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a toilet"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a kite"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a pink chair and a white umbrella"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a vase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of an orange"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a brown baseball glove"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a white cat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a toaster"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a blue chair and an orange skis"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a hair drier"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a suitcase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a cup"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a surfboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a motorcycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a sandwich"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a pizza"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a hair drier and a laptop"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sheep"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bed"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a truck and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a brown tie and a red frisbee"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a green dog and a brown bench"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a knife"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a skateboard"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball bat"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a white bus and a brown tie"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a pink spoon and a blue hair drier"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a toilet"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a boat"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a green potted plant and a white fire hydrant"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bird"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink parking meter and a purple bird"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a blue parking meter and a black apple"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a blue broccoli"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bird"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a hot dog and a sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a couch"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a white handbag and a blue donut"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a green zebra and a white book"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a surfboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a bench"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cake"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a person"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an oven"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cell phone"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an umbrella"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a green potted plant and a white computer mouse"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow zebra and a brown snowboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a vase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a laptop"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a purple giraffe and a green boat"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a hair drier"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a dog"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown elephant"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a baseball bat and a hair drier"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a green pizza and a black cow"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a clock"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a toaster"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a stop sign"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a blue zebra and a pink fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a cat"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a brown sandwich and a green knife"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a skis"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a cake"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a red tv and a blue bed"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a boat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a sandwich"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a teddy bear"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a vase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a laptop"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a hair drier and a potted plant"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a pink frisbee and a white spoon"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a microwave"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bed"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bench"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a white microwave and a red surfboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below an orange"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a tennis racket and a snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a pizza"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a yellow suitcase and a green parking meter"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a purple potted plant and a red horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a knife"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sandwich and a yellow bottle"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a black hot dog and a pink sports ball"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a car"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a green train and a purple cake"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a frisbee"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a book"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a computer keyboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a hot dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a kite"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a hair drier"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a white wine glass"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a boat and a bear"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a pink umbrella and a blue hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a carrot"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a tv and a microwave"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of an orange vase and a white toaster"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a black umbrella and a yellow fork"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a backpack"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a banana"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a person"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bus and a blue airplane"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a tv remote"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a laptop"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a dining table"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a stop sign"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a toilet"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a scissors"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a green kite and a blue toothbrush"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tennis racket"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a hair drier"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a knife"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a pizza and a microwave"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a backpack"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a black bicycle and a green carrot"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a cow"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a purple tv remote and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a pink sheep and a white fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a vase"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple handbag and a blue bear"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bottle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a traffic light"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bicycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an airplane"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a laptop"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a cake"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a toothbrush"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a yellow toilet and a red couch"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a dining table"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of an elephant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a hair drier"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of an orange refrigerator and a red bird"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a car"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a bowl"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a green frisbee and an orange fire hydrant"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a chair"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a green hair drier and a red computer mouse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a zebra"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a wine glass"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a carrot"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a toilet"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange teddy bear"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a red kite and a white truck"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cup"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an elephant"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink apple and a yellow knife"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a fork"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a bottle"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a dining table"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a tv"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a donut"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a snowboard"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a yellow skateboard and a red stop sign"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a backpack"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a frisbee and a spoon"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a purple tennis racket and a black parking meter"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a black sandwich and a blue hair drier"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of an orange train and a red tv remote"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a toilet"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a teddy bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a tie"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a green wine glass and a pink traffic light"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a white tv and a black microwave"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a traffic light"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a train and an umbrella"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a chair"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a tv"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of an orange handbag and a blue surfboard"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a purple knife and a pink zebra"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of an orange sports ball and a black skis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bottle"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of an orange frisbee and a purple hair drier"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a blue laptop and a purple frisbee"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a computer mouse"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a pink donut and a red skis"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above an elephant"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a frisbee"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a cup and a bowl"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a pizza"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bottle"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a chair"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a banana"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a surfboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a parking meter"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a red bed and a purple traffic light"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a white hot dog and a purple bicycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a knife"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a skis"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above an apple"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a white carrot and a purple train"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a stop sign and a spoon"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sink"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a book"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a white hot dog and a pink handbag"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a train and a spoon"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow umbrella and a brown kite"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a pink skateboard and a red banana"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a sink"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cell phone"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a bird"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "green"}], "prompt": "a photo of a purple cup and a green bed"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a sports ball"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a wine glass"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a scissors"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a green airplane and an orange vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a kite"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a refrigerator"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a brown scissors"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a horse"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tennis racket"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a chair and a handbag"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of an orange train"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a pink dining table and a white elephant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tie"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a bowl"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a stop sign"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a black potted plant and a white boat"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a pink boat and a blue hot dog"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a giraffe and a knife"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bird"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a motorcycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a horse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a handbag"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a suitcase and a tv remote"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below an elephant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a carrot"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a vase"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a black computer keyboard and a purple cow"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tv and an orange vase"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a traffic light"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a fire hydrant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a motorcycle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a purple boat and a white refrigerator"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bottle and a giraffe"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a cell phone"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an oven"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a car"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a pizza"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a motorcycle"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tennis racket and a brown truck"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a stop sign"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a toaster"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a microwave"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of an airplane"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of an orange apple and a blue carrot"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a snowboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a red potted plant and a black spoon"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a sandwich"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of an apple"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a truck"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a red knife and a brown chair"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a truck"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a pink carrot and an orange bird"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an elephant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a sink"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a brown oven and a green cat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tie"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a green suitcase and an orange knife"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fork"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an orange"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a toilet"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white stop sign and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a cat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a fork"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a knife"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a teddy bear"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a brown bicycle and a green toothbrush"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a white tv and an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a purple snowboard and a blue broccoli"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sports ball and an orange oven"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a cow"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cell phone"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a cake"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a red tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a giraffe"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a surfboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cow"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a pizza"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a purple traffic light and a red sheep"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of an orange baseball glove and a green frisbee"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a blue train"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a surfboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a stop sign"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a toilet"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a black dining table and a pink elephant"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a purple computer keyboard and a green fork"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue airplane and a yellow surfboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a bed"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a kite"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a blue cow and a red spoon"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue broccoli and a yellow elephant"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of an orange potted plant and a blue clock"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink baseball bat and a yellow banana"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a fire hydrant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a motorcycle"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of an orange pizza and a brown bench"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a green bird and a purple microwave"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a white elephant and a pink knife"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a bus"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cup"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a stop sign and a bed"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a knife"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a skateboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a dining table"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a white tie and a purple toothbrush"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a purple microwave and a black bear"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a toilet"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cat and a blue traffic light"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a sheep"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bench"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink skateboard and a yellow motorcycle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a cow"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bicycle and a yellow banana"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a car"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a tie"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a sandwich"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a black baseball glove and a purple cup"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange bicycle and a black motorcycle"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a dining table and an oven"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a skis"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow giraffe and a brown banana"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a computer mouse"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a bowl"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above an umbrella"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tennis racket and a yellow hair drier"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a skateboard"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a baseball glove"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a horse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tennis racket"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a boat"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a suitcase and a skateboard"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a yellow spoon and a red truck"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of an orange apple and a black train"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tennis racket and a white toaster"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cup"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a handbag"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a pizza"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a tv remote"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bench"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a white bed and a black potted plant"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a boat"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a tv"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a pizza"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bicycle"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a motorcycle"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bird and a vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bicycle"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a sink"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a hair drier and a cat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a chair"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a purple computer mouse and a pink tie"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bicycle"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a tie and a kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bus"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bed"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a blue toaster and a purple airplane"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a brown spoon and a pink couch"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sheep"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a couch"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a brown tie and a white umbrella"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a dining table"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a skis and a toaster"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sheep"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a dog"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a cake and a cup"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a truck"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "orange"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of an orange skis and a white umbrella"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a bottle"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a wine glass"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a purple stop sign and an orange giraffe"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a toothbrush"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a refrigerator"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tv remote"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a pink book and an orange bird"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a microwave and a hair drier"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a purple book and a green bear"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange donut and a yellow truck"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a green fire hydrant and an orange carrot"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a brown donut and an orange airplane"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a tv"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a skis"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a couch"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a cell phone"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a pizza"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a red snowboard"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of an orange book"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a couch and a clock"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a potted plant"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a backpack"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a pink clock"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a dining table"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a horse"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bowl"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of an airplane and a carrot"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a purple parking meter and a green dining table"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a person"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a surfboard"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a dog"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a sandwich"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a microwave"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a giraffe"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a stop sign"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a green snowboard and a pink elephant"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a toothbrush"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a chair and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a black toothbrush and a green surfboard"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sandwich and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a couch"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a scissors"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black refrigerator and a brown skateboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a brown microwave and a white book"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow dog and a blue tennis racket"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of an orange"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a red orange and a black sports ball"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bottle"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a truck and a frisbee"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a computer mouse"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a bench and a cup"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a bowl and a car"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bottle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a horse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a broccoli"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a scissors"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an airplane"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a tie and a zebra"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a cup"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a handbag"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a bird"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a tie"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a baseball glove and a skateboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a vase"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a bench and a bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a baseball bat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a person"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a refrigerator"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an umbrella"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a black apple and a green sink"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a hair drier"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a blue apple and a brown motorcycle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a knife"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a zebra"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a black elephant and a brown bird"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of an oven"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a scissors"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a clock"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a skateboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a spoon"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a person"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a snowboard"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a cup"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a kite and a refrigerator"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a person"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a green bench and a white wine glass"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a fork"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a handbag"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toothbrush"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a backpack"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a microwave"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a cake"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple spoon and a yellow horse"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a black toothbrush and a blue clock"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a black computer mouse and a purple teddy bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a white surfboard and a pink bowl"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a vase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a sandwich"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a potted plant"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue suitcase and a yellow scissors"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a scissors"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a pizza"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bench and a purple cake"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a bench"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a skateboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a cat"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a white bicycle and an orange bottle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a scissors"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a wine glass"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a hair drier"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cake"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball bat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a brown couch and a pink bird"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a white toilet and a blue umbrella"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an apple"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of an apple"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a toothbrush"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a microwave"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a broccoli"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bottle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of an orange backpack"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a cup"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a pizza"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a person"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a person"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple train and a yellow apple"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a carrot"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a carrot and a spoon"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a pink motorcycle and a green hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an orange"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a frisbee"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a green hot dog and a purple clock"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a tie"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a stop sign and a backpack"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a car"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a dog"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a brown pizza and a blue toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a sheep"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a giraffe and a skis"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a surfboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a car"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a purple clock"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of an orange pizza"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a parking meter"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sandwich"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a baseball bat"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a person and a suitcase"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow sandwich and a purple wine glass"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a red fire hydrant and a yellow handbag"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of an airplane"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a green cake and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of an airplane"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a purple baseball bat and a brown tv"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a broccoli"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a car"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a toaster and a knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bear"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a white tie and a green airplane"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a purple wine glass"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a laptop and a cell phone"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a suitcase"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cup"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a white baseball bat and a black frisbee"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a frisbee"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a computer keyboard"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a wine glass"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a backpack"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a giraffe"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a book"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a potted plant and a cow"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a boat"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a green backpack and a brown dog"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a suitcase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cow"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a red hot dog and a black bottle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a black bench and a white cake"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a person"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a car and a dog"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a donut"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a kite"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a computer keyboard"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a banana and a toaster"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bench and a yellow giraffe"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a backpack"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a green computer mouse and a red baseball glove"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a giraffe and a cup"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a toilet"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a book and a surfboard"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a clock and a baseball glove"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an oven"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an airplane"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a dog"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a black tennis racket"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a red pizza and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a bench"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a handbag"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a surfboard"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bowl"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a couch"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a frisbee"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a red spoon and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a brown tennis racket and a black train"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a brown scissors and a blue cake"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a zebra"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a snowboard"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a handbag"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a red potted plant and a blue cake"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a cow"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a surfboard"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bowl"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a skateboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a white pizza and a brown computer keyboard"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a purple umbrella"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a toothbrush"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a bicycle"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a sports ball and a boat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a brown zebra and a pink hot dog"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a green book"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a brown orange and a green spoon"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a pink oven and a purple stop sign"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange horse"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a brown teddy bear and a blue snowboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a vase"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a green couch and a white sink"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a potted plant"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a cow and a bird"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a book"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a green potted plant and an orange airplane"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a suitcase"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a tennis racket"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a teddy bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a handbag"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a sheep"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a clock"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown horse"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a frisbee"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a computer keyboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a skis"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a red pizza and a purple banana"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a black tie and a brown cow"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a pizza"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toilet"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a microwave"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a cat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a train"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a sink"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a teddy bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a dining table"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a red cow and a pink computer keyboard"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a green suitcase and an orange clock"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a sheep"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a cup"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a snowboard"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a green fire hydrant and a black banana"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an apple"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a green donut and a black tennis racket"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a fire hydrant and a sink"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a spoon"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a motorcycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a purple tennis racket and a black toilet"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of an orange handbag and a blue donut"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a potted plant"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cow and a pink sink"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a white bear and a black toothbrush"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a truck"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a black boat and a green motorcycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a pink hair drier and a black baseball glove"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a cup"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sheep"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a pink book and a brown cow"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a frisbee"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a backpack"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a couch"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow computer keyboard and a brown snowboard"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a snowboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a black zebra and a green couch"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a bear"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cup"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a tv"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bird"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a red donut and a brown bowl"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a car"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a pink baseball glove and a white apple"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a surfboard"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bowl"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a bus"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a hot dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an oven"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a green umbrella and a red baseball glove"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a frisbee"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a horse"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a bed"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a skateboard and a teddy bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a cow"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a sandwich"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bottle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a computer mouse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a vase"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a sports ball"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a pink spoon and a white couch"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a toilet and a bench"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a giraffe"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bowl and a blue vase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a snowboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a surfboard"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a train and a cat"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a blue sheep and a red orange"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of an apple"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a cup"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a horse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a horse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bus"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cell phone"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a pink wine glass"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a black refrigerator and a white skis"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a red couch"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow surfboard and an orange snowboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a pink microwave and a green sandwich"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a white teddy bear and a yellow elephant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a potted plant"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above an elephant"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a blue umbrella and an orange broccoli"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a hot dog"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a green suitcase and a red airplane"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a yellow fork and a black surfboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a skis"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a train"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a banana"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a fork"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a sink"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a laptop"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a snowboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a laptop"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an umbrella"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a stop sign"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a black handbag and a purple hot dog"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a bicycle"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a toilet"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a blue wine glass and a purple bicycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a truck and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a purple baseball glove and an orange boat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a cow"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a toaster"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a blue skateboard and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a white airplane and a pink bicycle"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a couch"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball bat"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of an apple"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a bear"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of an apple"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bicycle"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a book"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a tv"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a train"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a brown refrigerator and a black toaster"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a baseball bat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a green elephant and a red kite"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an airplane"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a tie"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a pink bench and a white dining table"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a brown knife and a green elephant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a banana"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a black sandwich"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a refrigerator"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a sheep"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a teddy bear"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a white pizza"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a wine glass and a toilet"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a couch"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a blue bed and a black clock"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a snowboard"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a stop sign and a carrot"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a clock"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a fire hydrant and a cup"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a fork"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a black wine glass and a red teddy bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a microwave and a tv remote"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball bat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a green vase and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tv remote and a yellow boat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a knife"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a red bicycle and an orange toilet"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a toilet"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above an orange"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a dining table"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a toothbrush"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a donut"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a snowboard and a skis"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of an elephant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a baseball glove"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a carrot"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of an orange zebra and a black elephant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above an apple"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a pink clock and a white banana"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a parking meter"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sink"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a vase"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a surfboard"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of an apple and a skis"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an airplane"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a giraffe"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a chair"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a wine glass and a dog"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a laptop"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a white sink and a brown book"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cell phone"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a couch"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bed"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a computer keyboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a sandwich"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a black wine glass and a blue horse"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fire hydrant"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a yellow chair and a white refrigerator"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toilet"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a white computer mouse and a brown carrot"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a bus and a person"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a brown kite and a purple tv"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a scissors"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a wine glass"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a surfboard and a banana"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a spoon"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a tv"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a white book"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a white cell phone and a black skateboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a boat"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a hair drier and a frisbee"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a skateboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a toaster"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a toothbrush"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bear"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a fire hydrant"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a black orange"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a chair"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a banana"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a pink handbag"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a surfboard"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a brown train and a white pizza"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a toilet"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a horse and a bus"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a fork"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a car and a sports ball"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a green bear and a red tv remote"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a giraffe"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of an apple"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a white donut and a blue vase"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a yellow couch and a white train"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bicycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a black sink and a white clock"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a purple pizza and a black truck"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a cup"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a blue elephant and a pink sports ball"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a black cat and a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a white vase and a blue dining table"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a purple banana and a white bus"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a baseball glove"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a person"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below an umbrella"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a kite"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a zebra"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a red sports ball and a purple car"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a white boat and a red vase"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a bed"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a cake"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a pizza"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a kite"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sheep"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a black cow and a brown bed"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a toilet"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a toaster"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cup"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a bowl and a skateboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a giraffe"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a computer keyboard and a toilet"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a white dog and a green teddy bear"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a microwave"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a knife"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of an orange zebra and a green airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a frisbee"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cow and a brown vase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a green suitcase"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a purple handbag and a pink tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of an orange laptop and a brown train"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sheep"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a skis"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a green apple and a pink dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange wine glass and a yellow sandwich"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a red fork and a black toilet"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a train"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a chair"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bottle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a tv remote"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a bowl and a traffic light"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a boat"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a black toilet"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a bicycle and a stop sign"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a skis"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a skateboard and a bear"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a car and a bench"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hot dog"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a green banana and a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a green dining table and a purple baseball bat"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a white train and a pink wine glass"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a parking meter"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a fire hydrant"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a backpack and a bottle"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cake"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a suitcase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a train"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a bird"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a green teddy bear and a black bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a yellow pizza and a red chair"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a skateboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a horse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of an orange skateboard and a white baseball glove"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a motorcycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a bird"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a black computer mouse and a blue kite"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a cup"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange spoon and a yellow wine glass"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a black umbrella and a brown toothbrush"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a fork"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a knife"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a black pizza and a blue hair drier"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange chair and a yellow car"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a motorcycle"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a traffic light and a boat"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a black bear and an orange toothbrush"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a blue computer mouse and a pink orange"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an airplane"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a bus and a dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a spoon"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of an orange parking meter and a black couch"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bottle and an orange fire hydrant"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a red baseball bat and a purple airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a cell phone"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a clock"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a blue carrot and a white vase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a hot dog"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a wine glass"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a dining table"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a suitcase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a toaster"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a tennis racket and a banana"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a hot dog"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a bicycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a giraffe"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a red traffic light"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a microwave"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of an orange elephant and a red handbag"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a pizza"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a black pizza and a red oven"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a parking meter"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a pink bear and a white laptop"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a parking meter"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a book"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a traffic light"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a microwave"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a microwave"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cake and a yellow tv"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a red giraffe and a brown airplane"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a sports ball and a bus"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a toothbrush"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a cat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an orange"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink giraffe and a yellow bed"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a green skis and a yellow cat"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hot dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a carrot"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a skateboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a sink"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a white wine glass and a purple banana"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a horse"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a black airplane and a red toothbrush"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a surfboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a laptop"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a brown couch and a green sports ball"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bottle"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a pink giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tv remote"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a yellow baseball bat and a black cake"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a brown tie and a green book"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a skis and a computer mouse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a surfboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a potted plant"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a surfboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a toaster"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a cell phone and a tv remote"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of an orange baseball bat and a blue elephant"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a traffic light"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a boat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a pink oven and a red tie"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a toilet and a fork"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a truck"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a cow and an umbrella"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a brown chair and a pink cake"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a skis"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a zebra"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a tv and a cow"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a bus"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a pink baseball bat and a blue bowl"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a white handbag"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a truck"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a vase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a dining table"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a dog"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of an orange sheep and a red bed"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a green elephant and a purple bear"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a yellow toothbrush and a white parking meter"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a banana and a fork"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a black potted plant and an orange tie"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bird"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a toilet"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a car"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a sink"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a black cat and a green bench"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a teddy bear"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a purple handbag"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown chair and a blue cat"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a handbag"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a computer keyboard"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a green cup"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a car"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a vase"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow zebra"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a tv remote"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a person and a bus"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a brown spoon and an orange fire hydrant"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a toaster"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a tv remote and an oven"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a spoon"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a red frisbee and a purple tv"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a black banana and a brown backpack"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple toaster and a yellow sports ball"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bench"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a laptop and a kite"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a sink"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a cup"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a surfboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a tennis racket"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a parking meter and a bench"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a knife"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a handbag"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a teddy bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a boat and a microwave"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a cow and a skis"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tie and a black broccoli"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a kite"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a backpack"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a black tennis racket and a purple fork"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a traffic light"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a blue handbag and an orange fork"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a yellow vase and a green sandwich"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a red sheep and a purple computer mouse"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above an apple"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a banana"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a knife"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a motorcycle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a laptop"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a book"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a green toothbrush and a purple bed"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a tv remote"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a donut"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a yellow chair and a white umbrella"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a kite and a carrot"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of an elephant"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a white wine glass and a black elephant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a pizza"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a potted plant"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a skis and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a green fork and a white vase"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a traffic light"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a spoon and an oven"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a black airplane and a brown cell phone"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a frisbee"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sheep"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a couch"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a clock"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a tv remote"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a boat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a couch"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a cake"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a cow"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bear"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a scissors"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a white fork and a brown oven"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a parking meter"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a black handbag and a yellow cat"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an oven"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bed"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a parking meter and a dog"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a kite"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a fork"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below an orange"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a knife"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a banana"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bowl"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a toaster"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a horse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple refrigerator and a white dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a spoon"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue vase and a yellow refrigerator"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue suitcase"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a pink laptop and a black boat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a surfboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a laptop"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a cow"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a pink apple and a brown donut"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a microwave"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a red traffic light and a white bus"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tv remote"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a pizza"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a laptop"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a traffic light"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a motorcycle and a parking meter"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a green snowboard and a purple tv remote"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above an umbrella"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a bench and a book"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a purple boat and a black refrigerator"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of an orange traffic light"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a pizza"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a purple book and a white microwave"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a cell phone"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a pink bear and a black carrot"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of an orange backpack and a green bench"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dining table and a blue refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bird"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a zebra and a suitcase"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a brown chair and a white banana"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a bowl and an apple"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a vase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a person"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a pink carrot and a black bird"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a white cake and a green traffic light"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a skateboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a surfboard"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a toothbrush and a skis"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple boat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a tv remote"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sports ball and a yellow motorcycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a zebra"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an elephant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above an apple"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a handbag"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a pink toothbrush and a green train"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a train"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a laptop"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of an umbrella"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an oven"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a skis"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a cat"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a bed"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bowl"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a spoon"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a knife"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a blue stop sign and a green tv remote"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of an orange couch and a white oven"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a white elephant"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a kite"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bicycle"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a skis"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a chair"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a knife"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a pizza and a sports ball"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a brown frisbee and a purple toilet"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a spoon"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a bowl and a bed"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of an orange parking meter and a green computer mouse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a vase"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bird"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a cat"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a vase"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a clock"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a horse and a book"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a cow"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an oven"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a fire hydrant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a black traffic light and a purple bicycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a kite"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of an umbrella and a bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a tv remote"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a bed and a car"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a sink"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a frisbee"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a potted plant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a snowboard and a computer mouse"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a tennis racket and an umbrella"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an umbrella"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a cake"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a book and a toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a handbag"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a banana"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a white umbrella and a yellow knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a giraffe"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a microwave and a skateboard"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a pink fork and a black donut"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a stop sign"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a cup"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a parking meter"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of an oven and a boat"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow banana and a green baseball bat"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a red potted plant and a brown toaster"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a backpack and an airplane"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a white bicycle and a pink sheep"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a snowboard and a bicycle"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a black cat and a red suitcase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a blue stop sign and a white elephant"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a boat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow suitcase and a black bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a dog"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a tennis racket and a chair"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bicycle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a hot dog"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a toilet and a couch"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a skis"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a parking meter"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a brown frisbee and a red broccoli"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of an orange cup and a white bird"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a blue bus and a green snowboard"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of an orange clock"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a zebra"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a white orange and a blue elephant"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cup"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a clock"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an orange"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a potted plant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a scissors and a toilet"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a cat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a red oven and a pink toothbrush"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a pizza"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above an apple"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a red giraffe and a yellow baseball glove"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a tv and a traffic light"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a person"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a tie"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a giraffe"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a green car and an orange suitcase"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a broccoli"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a zebra"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cell phone"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue car and a yellow kite"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below an orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a computer keyboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a kite"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a boat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a computer keyboard"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of an oven"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cat and a purple bird"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an oven"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a boat and a bottle"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a black bird and a brown teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink knife and a yellow toilet"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a hair drier"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a laptop"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a car"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a toilet"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a wine glass"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bench"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a green sandwich and a purple couch"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a white giraffe and a brown cat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a baseball bat"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bus"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a cake"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bowl"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bench"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a computer mouse and a banana"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a carrot"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tv"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a black book and an orange bed"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a donut and a car"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a dining table and a bird"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink tv remote and a yellow laptop"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer mouse and a pink tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a cow"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of an apple"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a bed"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a white elephant and a black bed"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "blue"}], "prompt": "a photo of a purple horse and a blue skateboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a toothbrush"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a horse"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bed"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a giraffe"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a black tennis racket"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bench"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a clock"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a horse"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bowl and a chair"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a teddy bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a kite"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a carrot"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a tie"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a truck"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a tie"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a purple parking meter and a blue hair drier"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bus"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a pink hot dog and an orange cat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a traffic light"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bowl and a cow"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a bicycle and a hair drier"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a spoon"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a toaster"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skateboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of an airplane"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple toilet and a yellow orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a toaster"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a bear"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow frisbee and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a yellow teddy bear and a green scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a zebra and a carrot"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a snowboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a truck"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below an orange"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a person"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a purple baseball bat and a green cow"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a parking meter"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a zebra"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a black fork and a blue microwave"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a sports ball"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bottle"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bowl"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a baseball bat and a broccoli"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a sink"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a knife and a refrigerator"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a vase and a pizza"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bed"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a motorcycle"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a fire hydrant and a sandwich"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a white tv"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a carrot"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a white sandwich and a pink book"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a cow"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a chair and a donut"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a truck and a cell phone"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a refrigerator and a scissors"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a wine glass"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a person"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bottle"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a skis and a bus"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bear"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a car"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a broccoli"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a sink and a skis"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a spoon"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toothbrush and a brown tie"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bench and a yellow skis"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a white cow and a brown horse"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a pink hair drier and a white chair"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a teddy bear and a cat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a purple truck and a red baseball glove"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a red sheep and a brown train"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a refrigerator"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a black cake"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a computer keyboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a couch"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a kite"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a white toothbrush"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow refrigerator and a brown giraffe"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a carrot"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a cell phone and a clock"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown motorcycle and a yellow surfboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a suitcase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a pizza"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a vase and a sandwich"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a black cow and a brown book"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a baseball glove"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a blue umbrella and a white bus"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a boat"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a truck"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of an orange backpack and a blue book"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cell phone"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a computer mouse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a tennis racket"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a boat and a tennis racket"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a skis"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a purple apple and a pink fork"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a fire hydrant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a stop sign"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a skateboard"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below an apple"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a fork and a donut"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a backpack"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a green book and a pink banana"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a backpack"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a traffic light"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a giraffe"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of an orange teddy bear and a purple horse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a couch"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bird"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tv"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a green wine glass and a pink refrigerator"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a potted plant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a refrigerator"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a baseball bat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a black bear and a white sink"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a skateboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a spoon"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a black microwave and a white knife"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a bed"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a red cow and a black hot dog"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a brown giraffe"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a green potted plant and a red kite"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of an umbrella"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a tv"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a computer mouse"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a white horse and a yellow tv"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a kite"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a black bottle and an orange sink"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tie"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a brown sports ball and an orange truck"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a truck"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a motorcycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of an orange kite and a pink hair drier"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sink and a yellow toothbrush"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a surfboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a white bottle and a purple microwave"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a blue parking meter and a white fire hydrant"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a white baseball glove and a green skis"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a toilet"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a horse"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a giraffe"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a blue frisbee"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a purple umbrella and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue computer mouse and a yellow wine glass"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a vase"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of an orange tie and a red couch"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow donut and a blue tie"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a cake"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a brown orange and a white traffic light"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sports ball"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bicycle"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a toothbrush"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a pizza"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a hair drier"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a black dining table and a pink banana"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a tv remote"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange toaster and a yellow kite"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cake and a purple book"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a hair drier and a bowl"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a laptop"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a black sink and a green toothbrush"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a parking meter and a cup"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a black motorcycle and a white surfboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a sheep"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a clock"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a surfboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow traffic light and an orange computer mouse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a fork"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a cell phone"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of an orange car"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a chair"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a pizza and a computer mouse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a banana"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a pink carrot and a brown hair drier"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a cup"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a pink apple and a black microwave"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a surfboard and a bed"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a refrigerator"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a vase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a sink"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a tv"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a dog"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a sheep and a computer keyboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a hot dog"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a white toaster"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tv and a yellow fire hydrant"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a black parking meter"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a potted plant and a truck"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of an orange baseball glove and a blue banana"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cell phone and a blue cat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sheep"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a black bird and an orange banana"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a fire hydrant"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sports ball"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below an oven"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange umbrella and a blue cat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a black vase and an orange knife"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a banana"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cow and an orange dining table"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow broccoli and a purple cow"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a scissors"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a giraffe"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a black banana and a green orange"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a tv remote"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a cake"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a yellow chair and a white fire hydrant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a skis"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a scissors"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a white parking meter and a brown tie"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a person"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a white sink and a black bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a donut"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a red elephant and a pink toothbrush"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a baseball bat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a tv remote"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a cat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an airplane"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a fire hydrant and an oven"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a purple oven and a red cow"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a red cow and a blue fire hydrant"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a white bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a laptop"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow baseball glove and a blue sheep"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue backpack and an orange computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a person"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cup"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a tennis racket"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a green knife and a red computer keyboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a tv"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a fork"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a purple zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a parking meter"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a pizza"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a baseball bat and a spoon"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a black fork and a purple apple"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a snowboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cell phone"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink umbrella and a yellow snowboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow banana and an orange orange"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a white truck and a red fire hydrant"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a tv"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a blue cow and a white giraffe"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a donut"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a frisbee"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a tennis racket"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a snowboard"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a bed and a tennis racket"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a wine glass"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a red vase and an orange boat"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a hair drier and a zebra"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a clock"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a spoon"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a bird"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a traffic light"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bed"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bottle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a hair drier"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a tv remote"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of an oven"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of an oven"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a sports ball"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a yellow microwave and a white bed"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tv remote"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a blue kite and a purple cat"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bed"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a book"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a surfboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a bird"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a hot dog and a surfboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a carrot"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a purple train and a black tv remote"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a vase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a hot dog"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tv and a yellow bed"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a tennis racket and a cup"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an oven"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a cake"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a couch"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a tv remote and a baseball bat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a baseball bat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a parking meter"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a pizza"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a cup and a spoon"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of an umbrella"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a cup and a microwave"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a frisbee"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bird"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a blue kite and a white cup"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a book"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a green sheep"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a handbag"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a red surfboard and a green laptop"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a blue dining table and a red knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a spoon"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of an oven"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a purple baseball glove and a blue horse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a suitcase"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a train"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red parking meter and an orange teddy bear"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a handbag and a kite"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a white kite and a pink tv"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a microwave"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a kite"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a pink baseball glove and a brown bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a handbag"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a blue toaster and an orange cow"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a frisbee"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a traffic light"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sheep"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a banana"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a scissors"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow elephant and an orange sink"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a baseball bat"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bird"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a kite"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a green tennis racket and a white broccoli"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a pink sandwich and a white potted plant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a wine glass"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a donut"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a tv remote"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a purple clock and an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a green cow and a pink skis"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a yellow orange and a white hair drier"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a purple cow and a black tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a zebra and a spoon"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a computer mouse"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a red computer mouse and a blue sink"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white sheep and a black cake"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a chair"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a vase"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow computer mouse and a pink pizza"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a bicycle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a knife"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a sports ball and a cell phone"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sink and a cow"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a pizza"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bottle"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bear"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a black zebra"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a vase"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a red bed"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a car and a donut"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a handbag and a scissors"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a donut"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a black skis and a brown bed"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a motorcycle"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a black skateboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a purple sports ball and a green vase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a truck and a tennis racket"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown broccoli and a yellow spoon"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a backpack"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of an orange truck"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of an airplane and a refrigerator"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a baseball glove and a zebra"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bottle"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a tie"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a tv"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a vase"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a purple microwave and a black cup"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a green spoon and a blue elephant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a sports ball"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a motorcycle"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a hot dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an airplane"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a dining table"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a green baseball bat and a brown kite"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bus and a blue wine glass"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a cat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bottle"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of an orange potted plant and a red kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cake"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a potted plant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a giraffe"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a backpack"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bed"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bicycle and a yellow tv remote"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sheep"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toothbrush and a pink zebra"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a donut"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of an orange apple and a brown giraffe"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a refrigerator"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a green bowl"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a baseball glove and a spoon"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a broccoli"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a stop sign"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a tv"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of an orange toaster and a red microwave"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a cow"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a tie"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hot dog"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of an umbrella and an orange"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a dining table"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a black computer mouse and a green vase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a tv remote"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a toothbrush"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a cup"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a brown computer mouse and a pink laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a carrot"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a hot dog"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a surfboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cup and a black giraffe"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a boat"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a person"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a pizza"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a red skis"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a cell phone and a cake"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a pink giraffe and a white backpack"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a clock"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a person"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a parking meter"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a brown giraffe and a green orange"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a carrot"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a skateboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a green orange and a purple tv remote"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a vase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sink"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a tv"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a baseball bat"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a bench and a sink"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a sink"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a handbag and a clock"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a fire hydrant and a vase"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an apple"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a train"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a brown elephant and a blue book"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a hot dog"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a green vase and a black car"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a sheep"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of an orange donut and a blue computer mouse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a chair"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a red frisbee and a brown train"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a bird and a tv remote"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a truck"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a scissors and a cup"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a dining table"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a clock"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bicycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a person"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a carrot"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bottle"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a person and a bowl"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above an apple"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a green skateboard and a black clock"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a computer mouse"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a book"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a red bus and a brown microwave"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a person"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a scissors"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a black potted plant and a yellow car"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a black microwave and a green donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a pink skateboard and a black computer keyboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a bottle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a train"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink handbag and a yellow cell phone"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a purple bench and a green truck"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a potted plant"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a parking meter and a tv remote"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above an umbrella"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a black giraffe and a brown traffic light"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a red toilet and a blue bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bicycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a kite"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a vase"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a yellow carrot and a white dog"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a sports ball"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a boat"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dog"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a book"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a dog and a broccoli"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a purple horse and a black microwave"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a tv remote"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a dining table"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a microwave"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a donut"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a vase"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a teddy bear and a bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a chair"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hair drier and a yellow bus"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a bottle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a chair"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer keyboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of an orange"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a purple zebra"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bed"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a broccoli"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a white frisbee and a pink banana"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a snowboard and a wine glass"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a pink train and a red bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of an orange"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a cow"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a toothbrush"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a motorcycle and a boat"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of an oven and a skateboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a parking meter"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a baseball glove and a stop sign"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a tie"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a train"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a purple suitcase and a green toilet"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a train and a baseball bat"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a bus"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a microwave"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a white horse and a black orange"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a red truck and a blue zebra"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a tennis racket and an orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a giraffe"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a surfboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a handbag"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a blue train and a green fork"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a bus"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple carrot and a white hot dog"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a sandwich"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a knife"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a pink donut and a green teddy bear"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a toaster"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below an orange"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tv"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an apple"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a brown bowl and a green bench"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a giraffe"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below an umbrella"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of an orange microwave"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a pink scissors and a blue surfboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a spoon"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a truck"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a boat"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a blue pizza and a red fire hydrant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a green frisbee and a brown kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a cake"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a sports ball and a baseball bat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a baseball glove"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a car and a potted plant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a hair drier"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a baseball glove"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a teddy bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a dining table"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a toothbrush"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cell phone"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a stop sign and a cell phone"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a brown parking meter and a white bus"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a computer keyboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a parking meter"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a hot dog"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a backpack"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a white giraffe and an orange kite"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a refrigerator"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a black toilet and a white frisbee"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a traffic light"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a skis"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a green bicycle and an orange bear"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a broccoli"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a kite"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a white skateboard and a brown banana"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a handbag"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bicycle"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of an airplane"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a suitcase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a handbag"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a laptop"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cake"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a green elephant"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a hair drier"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a hot dog"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a boat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a cat"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a knife"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a tv"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toothbrush"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a computer mouse"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sandwich"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple computer keyboard and a yellow stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a spoon"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below an elephant"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a red hair drier and a blue clock"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a pink apple"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a scissors"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tie"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cow"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown donut and a yellow backpack"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an airplane"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a refrigerator"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tennis racket"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a blue train"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a purple zebra and an orange backpack"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a laptop"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an airplane"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sports ball"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bed"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a skis"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a blue baseball glove and a green tv remote"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a brown orange and a purple sink"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a broccoli"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a zebra"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a skis"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bench"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a red cow"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bed"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of an orange skateboard and a purple sandwich"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer keyboard and a white hot dog"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above an orange"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a skis"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a brown oven and a blue toilet"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bicycle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bowl"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a fork"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a person"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a computer mouse and a tennis racket"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a knife"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a green bear and a black toilet"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a red tv and a purple horse"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a black toaster and a brown book"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a horse"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a knife and a bear"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a black microwave and a red spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a vase"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a microwave"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a baseball glove and a bed"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a tennis racket"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a cake"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a black spoon and a brown bed"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a potted plant"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bench"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of an orange airplane and a red computer mouse"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of an oven"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cell phone"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a cat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above an airplane"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a parking meter"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a white cell phone and a pink spoon"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a broccoli"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow traffic light and a pink book"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a blue dining table and a purple book"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a potted plant"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of an orange and a dining table"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bus"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a tennis racket"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tv"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a backpack"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a green pizza and a brown toilet"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of an oven and an orange"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a person"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a zebra"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a refrigerator"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a wine glass and an airplane"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a black cow and a purple broccoli"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a teddy bear and an orange"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a brown toothbrush and a pink bowl"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bed"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sink"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a horse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above an orange"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a white hair drier and a brown traffic light"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a red scissors and a brown cow"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a pink hair drier and a green horse"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a skis"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a hot dog and a pizza"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a white computer mouse and a brown umbrella"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a suitcase"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a train and a handbag"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a giraffe and a vase"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a book"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a tv remote"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a book"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a purple hot dog and a brown stop sign"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a snowboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a fire hydrant and a car"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a vase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a computer mouse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a tennis racket"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a potted plant"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toaster and a brown sports ball"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a purple laptop and a red frisbee"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a red stop sign and a green toothbrush"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a banana"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a white wine glass and an orange toothbrush"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a fork"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a black motorcycle and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a red bus and a blue refrigerator"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a red bird and a blue zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a computer keyboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a fork"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sandwich and an orange wine glass"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a tv"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a black pizza and a blue toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a person"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a baseball bat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cell phone"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a white tie and a pink umbrella"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a kite"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a donut"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a scissors and a cake"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a toaster"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a carrot"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a white fork and a purple toaster"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a potted plant"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a toilet"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sink and a purple scissors"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a car"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a traffic light"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a pizza"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a giraffe"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a backpack and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a green motorcycle and a purple clock"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a red vase and a brown frisbee"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of an orange suitcase and a pink broccoli"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a scissors"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a handbag"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a backpack"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above an orange"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of an orange"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a train and a sandwich"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a scissors"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a refrigerator"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a truck and a spoon"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a banana"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a kite"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a vase and a bed"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a teddy bear"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a white book"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bear and a sandwich"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a white giraffe and a red cell phone"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bird"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a purple bowl and a green sports ball"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow microwave"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cell phone and a brown dog"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a purple hot dog and a pink potted plant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a refrigerator"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow spoon"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bus"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a fire hydrant"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a kite"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a teddy bear"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a cup"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a potted plant"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a boat and a computer mouse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a white sports ball and an orange teddy bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of an orange cat and a white bottle"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a black truck and a yellow clock"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a banana"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a computer keyboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a stop sign"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a clock"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a green spoon and an orange sink"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a surfboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a computer mouse"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a microwave"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a green bear and a white surfboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a toaster"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cell phone"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a laptop"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a hair drier"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a fire hydrant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bench"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a white sandwich and a green pizza"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sink and a brown surfboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bed"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of an airplane and a handbag"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a black bird"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tv and a pink cow"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a white spoon and a green computer keyboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a computer mouse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bird"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bicycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow laptop and a pink airplane"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a clock"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow pizza and a brown hot dog"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a carrot and an umbrella"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of an orange fire hydrant and a red cup"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a computer mouse"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tie"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a blue cow and an orange airplane"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a skis"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a couch"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a red fire hydrant and an orange apple"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a banana"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a cake"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a hot dog"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a green spoon and a pink potted plant"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a chair"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a dining table"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a traffic light"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a sandwich"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a scissors and a car"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a parking meter"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a book and a horse"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a purple snowboard and an orange toothbrush"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a red chair and a green apple"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a fire hydrant"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow wine glass"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a tv"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a black sandwich and a purple suitcase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a tv"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a snowboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a baseball bat"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a handbag"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a black tennis racket and a green bear"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a white scissors and a pink orange"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a black computer keyboard and a purple couch"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a surfboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a laptop"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a toothbrush"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a tv"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a dining table and a clock"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "yellow"}, {"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow toilet and an orange book"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a zebra"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of an orange toilet and a purple airplane"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above an oven"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a green sports ball and a purple hair drier"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a black carrot and a blue cat"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a toothbrush"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of an umbrella"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a cat"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a banana"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sports ball"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a sheep and a zebra"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a dog"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a spoon"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of an orange boat and a red dining table"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a computer mouse and an umbrella"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an elephant"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cake and a blue hair drier"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of an oven and a laptop"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a tie"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below an apple"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a surfboard"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a pink cat and a black cake"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a laptop"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a green clock and a yellow bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a knife"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of an airplane"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a surfboard"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a white traffic light"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a dog"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a traffic light"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a spoon"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a pink sheep and a white microwave"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of an elephant"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a blue bicycle and a black toothbrush"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a black toilet and a red fork"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bear"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a blue baseball bat and a purple dining table"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a cow"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a microwave"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a hot dog"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a skateboard and a bottle"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange wine glass and a yellow orange"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a surfboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a skis"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a baseball bat"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a handbag and a sandwich"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above an orange"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below an orange"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an elephant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of an orange cell phone and a black cat"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a blue frisbee and a black cup"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a green orange and a white vase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a handbag"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a green train and a brown dining table"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a laptop"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a computer keyboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a bench and a tv"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a blue carrot and a red skis"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a zebra and a banana"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a train"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a purple skateboard and a blue scissors"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a fork"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a toaster"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a broccoli"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a wine glass"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tv"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a pizza"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a pink sports ball and a black suitcase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a cake"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a suitcase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a refrigerator"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bed"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a black hair drier and a purple bowl"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a zebra"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a red cake and a brown donut"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a boat"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a brown toothbrush and a black hair drier"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cell phone and a pink knife"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of an oven and a handbag"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of an orange banana and a purple spoon"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of an oven"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a person"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an orange"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a surfboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a baseball glove"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bed"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a cell phone"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a banana"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a wine glass"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a horse"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a horse"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown handbag and a yellow parking meter"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tv remote"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tie"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a skateboard"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a purple truck and a blue computer mouse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a potted plant"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sheep"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a dog"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow frisbee and a purple donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a hair drier"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a dining table"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a backpack"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a backpack and a train"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a black microwave and a purple horse"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a purple microwave and a white horse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cow"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a brown traffic light and a red pizza"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a red cake and an orange dog"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a bicycle"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a skateboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a pizza"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a pizza"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a black sink and a brown parking meter"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of an orange potted plant and a purple zebra"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a handbag"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a red cup and a purple umbrella"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a tv"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a purple teddy bear and a brown stop sign"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a suitcase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a parking meter"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a blue wine glass"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bed"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a cell phone"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a pizza"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a wine glass"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a tie"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a green fire hydrant and a blue snowboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bench"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below an apple"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bus"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a truck"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cat and a yellow car"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tv"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a traffic light and a carrot"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple computer mouse and a yellow toilet"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a broccoli"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a skateboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a brown kite and a red refrigerator"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a cup"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of an elephant"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a zebra"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a black chair"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a blue computer mouse and a black carrot"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a skateboard and an airplane"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a carrot and a backpack"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a skateboard"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a microwave and a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tie and a yellow kite"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a red tv and a black tie"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a zebra"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a black cow and an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black sandwich and a brown snowboard"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a train and a sink"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a red bottle and a purple kite"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow kite and a blue baseball bat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a train"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a white computer mouse and an orange oven"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bus"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a scissors"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a dining table"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a sheep"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a purple microwave and a black oven"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of an orange"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a computer mouse"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of an orange cell phone and a green knife"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a computer mouse and a couch"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a skateboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a giraffe"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a bowl and a computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a dog"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a pink sheep and a white dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a kite"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bowl and a yellow cup"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a hot dog"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a blue fire hydrant and a black bus"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a brown fire hydrant and a green baseball bat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a hot dog"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a microwave"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bus"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a fire hydrant and a potted plant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a wine glass"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow vase and a pink hot dog"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of an orange orange and a pink oven"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a brown hot dog and a green spoon"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a toaster and a bed"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a chair"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cow"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown orange and a yellow pizza"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a book"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a snowboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a green cat and an orange handbag"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a suitcase"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a motorcycle and a donut"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a toothbrush"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a broccoli"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a banana"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a skis and a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a baseball glove"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cake"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cup"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a vase"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a broccoli"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a red computer keyboard and a white zebra"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a computer mouse"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bicycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a spoon"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a snowboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a refrigerator"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below an apple"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a green sports ball and an orange tennis racket"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a tennis racket"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a fire hydrant and a traffic light"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bird"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a fire hydrant"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cow"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a brown clock and an orange tie"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a sports ball and a cup"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bed and a black traffic light"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a zebra"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a tv"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a red truck and a blue train"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a clock"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an umbrella"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a train"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a potted plant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a suitcase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bottle"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a snowboard and a bed"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a boat"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue snowboard and a yellow handbag"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a black toilet and a blue boat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a motorcycle"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a chair"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a red truck and a black motorcycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a cake"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bear and a suitcase"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a scissors"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a blue cup and a red scissors"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a green bus and an orange carrot"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a bear"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of an orange and a skateboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a cow"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a pink train"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a dining table"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a surfboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a hot dog"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a motorcycle"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bowl"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a purple toilet and a green truck"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below an orange"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a sports ball"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a purple couch and an orange sink"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a red bear and a pink bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a brown vase and a red sink"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bench"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a person"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hair drier"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a giraffe"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a chair"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a banana"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a handbag"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a stop sign"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a zebra"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a purple suitcase and a red skis"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a cup"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a hair drier"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a toaster"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a vase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a handbag"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a handbag"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of an airplane and a cow"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a backpack"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a dog and an elephant"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bowl"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a knife"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cow"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a train"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bed and a pink potted plant"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a dog and a motorcycle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a banana"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a truck and a cake"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of an orange dining table and a blue sink"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a backpack"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a dog"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a yellow airplane and a green elephant"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tv and a brown horse"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below an apple"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bowl and a brown cow"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink tv and a yellow banana"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a cup"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue potted plant and a yellow cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tv"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a couch and an apple"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a surfboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a carrot"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a cell phone"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a computer keyboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a tv and an umbrella"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bird"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a black broccoli and a white zebra"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a purple refrigerator and a green boat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a baseball bat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a zebra"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a clock"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a baseball glove and a bear"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a blue tv remote and a white zebra"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bed"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a sandwich"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bed"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a blue truck"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tennis racket and a brown couch"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a green kite and a white airplane"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a black hair drier and a yellow bed"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a red tie and a pink cell phone"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a tv"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a hot dog and a bottle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a brown handbag and a black stop sign"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a blue sink and a purple chair"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a baseball glove"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a refrigerator"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a fork"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a red train and a brown handbag"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a cow"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a pink broccoli and a black parking meter"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a black bowl"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bed"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a spoon"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a red umbrella and an orange bicycle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a bear"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a skis"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow book and a white cat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a frisbee"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a sandwich and a tv"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a skis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bottle"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a red bowl"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above an apple"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a toilet"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a baseball glove"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a broccoli"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a purple apple"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a tie"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a pizza"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a traffic light"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a chair"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a kite and a baseball glove"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a tv remote and a cake"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a purple horse and a red frisbee"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a car and a banana"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bus"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a cell phone"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bear"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a white motorcycle and a blue umbrella"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a handbag"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an oven"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a green tv remote and a white suitcase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a wine glass and a cow"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an elephant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a bus"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a brown stop sign and a green giraffe"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "green"}], "prompt": "a photo of a green elephant"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow stop sign and an orange carrot"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a computer mouse and a motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a snowboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a parking meter"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a red baseball bat and a blue kite"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a dog"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a person"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a red teddy bear and a black wine glass"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a cup"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a green cake"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a cake"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below an elephant"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a frisbee"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a blue orange and a green skateboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hair drier"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a surfboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv remote and a pink train"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a white boat"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of an orange handbag and a purple hair drier"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a blue elephant and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a fire hydrant and a bear"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a brown handbag and an orange bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bicycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below an oven"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a green refrigerator and an orange dining table"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bird and a pink airplane"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a dog"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a toothbrush"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a giraffe and a bicycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a person and a skateboard"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of an orange car"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a black bowl and a purple suitcase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a spoon"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a purple bus and a white computer mouse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sandwich"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a backpack"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a hair drier"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a white hot dog and a green pizza"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a knife"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a boat and a tv"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bed"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a scissors"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a microwave and a wine glass"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a tennis racket"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a scissors"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a parking meter and an apple"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a kite"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a banana and a surfboard"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a pink sandwich and a black train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a sink"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a cat"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a tv remote and a sheep"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a green book and a black laptop"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a pink oven and a red bench"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of an orange car and a brown horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a giraffe"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of an orange"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cake"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a suitcase"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a pink book and a black wine glass"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a wine glass and a boat"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a purple microwave"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a purple chair and a blue broccoli"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a microwave"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a pink boat and a green cake"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bottle and a brown bus"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a computer mouse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a fork"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a dining table and a bench"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of an orange umbrella and a pink train"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a book"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a black skateboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a donut"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a truck and a fire hydrant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a surfboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a hot dog"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a cat and a bottle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a teddy bear"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a bicycle"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of an orange and a sandwich"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bird"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a book"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a traffic light"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a parking meter and a surfboard"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a black hot dog and a pink couch"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a chair"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a vase"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a giraffe"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange parking meter and a yellow umbrella"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a teddy bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a dog"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a dog"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a car"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a toothbrush"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow train and a pink cell phone"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a brown spoon and a white tv remote"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a fire hydrant"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above an orange"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a blue refrigerator and a purple bottle"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bowl"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a traffic light"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a motorcycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a broccoli"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of an orange orange and a green sink"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a backpack"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a car"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a sheep"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a blue fork and a red bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a green train and a black fork"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a red bench and an orange spoon"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a purple skis and a red elephant"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a skateboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a hair drier"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an airplane"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a potted plant"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a green suitcase and a pink toothbrush"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bottle and a yellow elephant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below an apple"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple knife and a yellow umbrella"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of an airplane"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer mouse"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a sports ball and a skis"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bus"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an oven"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a blue vase and a pink orange"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a donut"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bench and an orange tv"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a refrigerator"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a handbag"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a cow"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of an orange wine glass"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a black sink"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple chair and a yellow bicycle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a pink surfboard and a green refrigerator"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a sandwich and a kite"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a car"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a suitcase"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below an umbrella"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a brown baseball bat and an orange car"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a book"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a motorcycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a motorcycle"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a boat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a frisbee"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bear"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a clock"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a laptop"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cow"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a dining table"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a blue hair drier and a brown computer mouse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a bus"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a tennis racket"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a couch"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a fork"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of an orange teddy bear and a white tv"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a tv remote"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of an airplane"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a spoon"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a kite and a skis"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a toilet and a tv"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a fork"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a green parking meter and a blue motorcycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a cake"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a toaster"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bed"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a tv"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a teddy bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a wine glass"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a spoon and a tennis racket"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a scissors and a traffic light"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a laptop"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a green airplane and a white giraffe"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an umbrella"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a suitcase"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow microwave and an orange bear"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a banana"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a brown parking meter and a green car"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a bus and a stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cell phone"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a surfboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a baseball bat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a couch"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sheep and a blue carrot"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a green book and a yellow hair drier"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a red hair drier and a white sandwich"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a backpack"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a purple pizza and a green bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a stop sign"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a red knife and a green cat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow vase and a brown scissors"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a chair"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a pizza and a sheep"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a tv remote"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a cat and a knife"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a blue hair drier and a white cow"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a blue laptop and a brown airplane"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a suitcase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a vase"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a bus"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a toothbrush"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bear"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a yellow donut and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a brown surfboard and an orange donut"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a red skis and a green couch"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cake and a green apple"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a backpack"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above an apple"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a traffic light"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a skis"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a pink fork and a white umbrella"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a chair"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a skateboard"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a kite and a donut"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a purple giraffe and a blue bowl"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a zebra"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a snowboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sandwich"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of an umbrella"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below an elephant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a wine glass"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a pink baseball bat and a purple vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a kite"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a wine glass"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a red computer keyboard and a blue potted plant"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a red wine glass"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a white dining table and a green frisbee"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a green snowboard and a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow potted plant and a blue sports ball"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a blue dog and a white handbag"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a clock"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a fork"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a dining table"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a giraffe"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a zebra"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a horse and a bird"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a red wine glass and a purple motorcycle"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a hot dog"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cell phone"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a cow and a cat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a scissors"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a white baseball bat and a brown tennis racket"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an apple"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a person"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a sink"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a boat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a teddy bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a sandwich"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of an orange backpack"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a sink"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a baseball glove"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a clock"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a computer mouse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a sheep"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a toilet"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a broccoli"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tv remote"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a couch"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bus"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a baseball bat and a knife"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a toothbrush"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a toothbrush"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a blue tennis racket and a red snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a zebra"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a tennis racket"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a bench"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a pink sandwich and a black chair"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a surfboard"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a couch and an oven"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a blue spoon and an orange hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a carrot"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a dog"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tv"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a knife and a donut"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a hot dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a dining table"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a brown cake and a black sink"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a black cup and a red sheep"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a fire hydrant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a teddy bear"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a boat"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hot dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a parking meter"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a backpack"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a black toilet and a purple motorcycle"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a fire hydrant"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow train and a pink handbag"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a white refrigerator and a black parking meter"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a white knife and a brown broccoli"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of an airplane and a giraffe"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a green car and a blue kite"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a sports ball"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a chair"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a car"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a baseball bat"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a potted plant and a spoon"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of an orange orange and a brown horse"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a purple tv and a red skis"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a purple spoon and a white laptop"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a person"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a red fork and a purple tv"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of an orange surfboard and a purple umbrella"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dog and a blue bear"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of an orange motorcycle and a pink snowboard"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a blue tie and a green car"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a potted plant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bed"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a red tie"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a skateboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a pizza"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a pink car and a black tv remote"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bottle and a brown tv remote"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a purple donut"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sink"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a dog"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow toaster and a brown wine glass"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bowl"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a parking meter"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a dining table"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a kite and a snowboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a parking meter"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a motorcycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bottle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a black sports ball and an orange bicycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a blue microwave and a green cow"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a pink zebra and a green tv remote"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a couch"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an airplane"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a sandwich"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a white car and a pink microwave"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a brown banana and an orange elephant"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a blue microwave"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a traffic light"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a cow"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a donut"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a dog"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a clock"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink toilet and a yellow stop sign"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a hair drier"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a kite"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a green hot dog and a purple broccoli"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a blue apple and a white tv remote"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a potted plant"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of an orange hot dog and a black dog"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a red sandwich and a white dog"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bowl and an orange spoon"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a handbag"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a yellow elephant and a red scissors"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a traffic light and a snowboard"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a wine glass"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a snowboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a hair drier"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a train"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a white handbag and a blue bench"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a cat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below an orange"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of an airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a motorcycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a computer keyboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a red hair drier and a black broccoli"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bus"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a broccoli"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an orange"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a pizza"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a parking meter and a zebra"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a pink banana and a brown elephant"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink toothbrush and a green bicycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a scissors"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an elephant"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a couch"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hair drier and a yellow hot dog"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bicycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a refrigerator"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a surfboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a carrot"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a chair"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a green microwave and a pink kite"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a computer keyboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a cake"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bicycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bowl and a brown car"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a black dog and an orange cow"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a microwave"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a purple spoon and a white bicycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a sports ball"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a couch"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a fork"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bench"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a black tennis racket and an orange donut"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a red toilet and a blue stop sign"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sheep and a yellow umbrella"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a green fire hydrant and a white book"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an airplane"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a suitcase and a fire hydrant"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bottle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a hot dog"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a toothbrush"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a red kite and a white car"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toaster and a brown traffic light"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a green airplane"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cell phone and a yellow broccoli"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a handbag"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a black laptop"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a clock"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer keyboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a knife"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tie"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a toothbrush"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a horse"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of an elephant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a red scissors and a pink dog"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a knife"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a green handbag"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a baseball bat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a horse"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a toilet"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tennis racket"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above an oven"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow sandwich and a brown motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a sheep"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below an umbrella"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a computer mouse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sandwich"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a sports ball"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a sheep"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a sink"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below an apple"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a tv remote"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a green computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a green tennis racket and a black wine glass"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a brown traffic light"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a black traffic light"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black zebra and an orange snowboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a carrot"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a cup"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a kite"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of an orange car"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tennis racket and a broccoli"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a frisbee"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a potted plant"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a pink hair drier and a red car"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a hot dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a cup"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an orange"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a green hot dog and a blue handbag"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of an apple"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a blue vase and a green bear"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a green baseball bat and a pink traffic light"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a white surfboard and a yellow airplane"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a cup"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a toaster"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow microwave and a purple elephant"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a hair drier"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a computer mouse"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a baseball bat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of a red giraffe and an orange cup"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a red hot dog and a yellow banana"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a pink surfboard and a red cat"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a blue elephant and a pink umbrella"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cow"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a broccoli"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a cup and a sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a sink"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a red broccoli and a black bicycle"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an umbrella"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a brown refrigerator and a purple dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cell phone and a yellow toothbrush"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a clock"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bird"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a cow"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a donut"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a toilet"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a donut"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a green cup and a pink spoon"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a chair"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a fire hydrant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a purple horse and a red scissors"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a brown toaster and an orange spoon"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a laptop and a sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a computer keyboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a fire hydrant"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a cat and a traffic light"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a baseball bat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a cell phone"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of an umbrella"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a wine glass"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a tennis racket"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a pink bicycle and a red toilet"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a blue car and a pink bowl"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "blue"}], "prompt": "a photo of a black laptop and a blue umbrella"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a pink kite and a blue apple"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an airplane"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a scissors"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a brown fork and a red bird"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of an oven"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a pizza"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a fork"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a boat"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bowl"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a truck"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a stop sign"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a scissors"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bowl"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a frisbee"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white dining table and a blue surfboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a purple refrigerator and an orange motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a backpack"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a pink book and an orange toothbrush"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bench"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below an orange"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a white dog and a brown donut"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a black traffic light and a purple giraffe"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bicycle"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bear and an orange boat"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a blue handbag and a purple umbrella"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow bed"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a chair and a fire hydrant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a blue oven and a green carrot"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a suitcase"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bicycle"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toilet"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a book"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a wine glass and a horse"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a white cup and a purple fork"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a pink car and a blue potted plant"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a chair"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a zebra"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of an apple"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a knife"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a horse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a backpack"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a snowboard and a book"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a cat"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a clock and a parking meter"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a book and a teddy bear"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bed"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a vase"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a blue skis and a pink laptop"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a pink umbrella and a white sports ball"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a hot dog"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a white couch and a yellow zebra"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a laptop"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a truck"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a green scissors and a pink pizza"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a toilet and a handbag"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a red train"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a green parking meter and an orange sheep"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bench and a yellow orange"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a black toilet and a white cell phone"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an oven"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple carrot and a yellow bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a parking meter"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a zebra"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a white motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a cell phone"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bottle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a chair"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a frisbee"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a fork and a tv remote"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a baseball glove"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a sink"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple wine glass and a yellow toaster"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a tie"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a green frisbee and a black backpack"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a boat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a skateboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a spoon"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of an oven and a zebra"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an elephant"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a white toothbrush and a blue bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a laptop"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a tv"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a purple book and a red cake"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a red fork and a green tie"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow parking meter and a blue cake"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a brown knife"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a cow"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of an orange and a clock"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tv remote and a blue knife"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of an elephant"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a red tv remote and a purple scissors"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a toothbrush"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a sheep"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bowl and a red sandwich"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of an orange and a motorcycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a red giraffe and a brown banana"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a wine glass"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a cup"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a black sink"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bicycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sheep"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a hot dog"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an apple"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bench"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a cup"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a truck"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a truck"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bus"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a pink baseball bat and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple oven and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a microwave"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a baseball glove"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a red tie"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a green car and a yellow cow"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a computer mouse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a scissors"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a cat"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a microwave"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a brown spoon and a green toilet"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a wine glass"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of an orange donut and a brown fire hydrant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a fire hydrant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tie"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of a white potted plant and an orange cup"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a fork"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a bed and a cup"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a fire hydrant"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a vase"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a green pizza"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a blue parking meter and a purple toilet"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a green cell phone and a blue car"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a handbag"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a laptop and an airplane"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bird"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a carrot"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a blue baseball bat and an orange handbag"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a brown elephant and a white hair drier"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball bat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a black banana and a green pizza"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a knife"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a laptop"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a backpack"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a donut"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a potted plant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a motorcycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of an oven and a donut"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a red truck"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a purple bed and a green banana"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a green bus and a black microwave"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a brown skis and a green oven"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a yellow surfboard and a green toothbrush"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a frisbee and an airplane"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a sheep and a bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a motorcycle and an apple"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of an orange baseball glove and a purple apple"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a baseball bat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a cell phone"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a microwave"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of an apple"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of an oven"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a zebra"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sheep"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a cow"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a chair"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow couch and a brown microwave"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a backpack and a snowboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cat"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a green microwave and a red bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a microwave"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a red bird"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cell phone"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a toaster"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a parking meter"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a teddy bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a surfboard"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown elephant"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple pizza and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a parking meter"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a dining table"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a bottle and a microwave"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a scissors"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bird"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a fire hydrant and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sports ball and a yellow teddy bear"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cow and a brown toothbrush"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a cake and a suitcase"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a purple dog and a green bird"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an oven"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a book"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a parking meter"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a boat"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of an elephant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a giraffe"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a tv"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a chair"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a suitcase and a cat"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a cup"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a parking meter"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a tv remote"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bus"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a giraffe"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a red umbrella and a green clock"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a brown fire hydrant and a blue train"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a tv"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tv"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a hot dog"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a skis and a horse"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a zebra"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a fire hydrant and a dog"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a dog"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a sheep"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a sheep"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a red apple and a pink sink"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sheep"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a computer mouse"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a knife"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a sports ball and a tv remote"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a teddy bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sports ball and a yellow car"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange elephant and a yellow giraffe"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a skateboard and a stop sign"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a boat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a white traffic light and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a handbag"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an umbrella"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an umbrella"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a vase and a toilet"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a black bird"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a spoon"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a green sink and a white orange"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a yellow car and a white laptop"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow microwave and an orange skateboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a suitcase"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a computer mouse and a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a train"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of an umbrella and a donut"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a blue refrigerator and a brown carrot"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a cow"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a black wine glass and an orange cell phone"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below an orange"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a dog"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bowl"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a purple computer keyboard and a brown train"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a laptop"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of an apple"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bed"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a red donut and a blue bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bird"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tennis racket"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bowl"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a fire hydrant"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a car"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a brown clock and a white kite"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a green bicycle and a purple skateboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bottle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a stop sign"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a white fire hydrant and a black refrigerator"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a pink parking meter and a black tv"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a refrigerator"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a car"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bench"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an oven"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a handbag and a person"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a backpack"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a cake"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a car"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a green motorcycle and a yellow toaster"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a parking meter"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a chair and a refrigerator"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple fork and a white computer keyboard"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a dog"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a yellow dining table and a black vase"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cake"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fire hydrant"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a couch"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a red pizza and a white toaster"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a banana"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a skateboard"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a red frisbee"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a green donut and a purple sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a tie"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a black parking meter and a red cat"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hot dog and a yellow sheep"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a parking meter"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a black cake and a red sink"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fire hydrant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a baseball bat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a bus"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a person"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a pink spoon and a green knife"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a toaster"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a tv and a surfboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a person"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a baseball bat"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a hot dog and a baseball bat"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a white elephant"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a toaster"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of an orange broccoli and a red zebra"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bed"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a train and an elephant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cat"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an airplane"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a brown cell phone and a white laptop"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a green airplane and a purple sheep"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sandwich"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cell phone and a purple tie"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a red skateboard and a green snowboard"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a red carrot"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below an apple"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a bottle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tie"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a clock"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a toilet"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a toilet"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an umbrella"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a green toothbrush and a red pizza"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a purple sink and a black stop sign"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a blue microwave and a purple wine glass"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a teddy bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a blue umbrella and a red computer keyboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple skateboard and a yellow laptop"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a baseball glove and a traffic light"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a horse"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink frisbee and an orange bicycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of an elephant"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a black carrot and a yellow toilet"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a suitcase"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a potted plant"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a white bench and a black truck"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a green sandwich and a blue parking meter"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white wine glass and a yellow computer keyboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a sandwich and a spoon"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a green tv remote and an orange bus"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an orange"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bus"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a knife"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a computer mouse and an apple"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a clock"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a cake"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a dining table"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bottle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a surfboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a person"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a fork"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a purple train and a white tie"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a pink baseball bat and a red tie"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a fork"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below an oven"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a computer keyboard and a truck"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of an orange backpack and a green vase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bus"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a truck"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a tv"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a white donut and a brown sports ball"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a banana"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bottle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a white cake"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a train"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a traffic light"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a wine glass"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a fork"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bowl and a pink clock"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue boat and a yellow bottle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tie"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a fire hydrant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a refrigerator"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a brown snowboard and an orange stop sign"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a yellow umbrella and a black car"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a tie"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a fork"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an orange"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a pink pizza and a black bench"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a black umbrella and a blue skis"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a backpack"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a laptop and a zebra"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a car"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of an orange bowl and a red carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a sheep"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a green kite and an orange stop sign"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a white sports ball and a black motorcycle"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a laptop and a pizza"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a toilet"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a clock"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a train"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a laptop"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a sink and a chair"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a black elephant and a green kite"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a backpack"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a white toaster and an orange bench"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a knife"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a white cake and a blue fork"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of an apple"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a tie"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a toothbrush and a cell phone"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a green baseball bat and a purple teddy bear"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a brown giraffe and an orange banana"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of an oven"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a surfboard"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a white wine glass"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a sandwich"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink couch and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bench"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a parking meter"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a dining table"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a scissors"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bed and a blue computer mouse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a bottle"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a red cup and a pink toaster"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a person"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a brown sports ball and a black bicycle"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bed"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a black cake and a red sheep"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green knife and a yellow vase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a tv"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a wine glass"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a sandwich"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a snowboard"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bus"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow snowboard and a pink horse"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a blue boat and a black refrigerator"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a stop sign"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a dog"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a carrot"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cake"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a purple cup and a green teddy bear"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a blue laptop and a red cow"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a green baseball glove and a purple umbrella"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of an elephant and a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sandwich"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a sheep"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a potted plant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a toaster"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a carrot"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a hair drier"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a kite"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange potted plant and a yellow handbag"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bed"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a suitcase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a skateboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a handbag"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a traffic light"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dog"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a refrigerator"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a clock"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a white zebra and a brown apple"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of an orange donut and a blue pizza"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow sandwich and a purple computer mouse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a cow"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tv remote"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a fork"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a microwave"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a surfboard"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a wine glass"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a white couch and a brown giraffe"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a yellow car and a red tv remote"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a pink baseball bat and a black tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a train"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a stop sign"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a boat"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a white handbag"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a cake"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an apple"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a baseball glove and a bowl"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a baseball glove"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of an orange snowboard and a white tv"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a clock"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a potted plant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an airplane"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a cake"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a cake"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a surfboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an orange"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a dining table"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue toothbrush and a yellow surfboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an oven"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a pink sports ball and a black wine glass"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a purple wine glass"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a pink couch and an orange bus"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a suitcase and a potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a donut"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a handbag"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a fork"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a hair drier"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a donut and a motorcycle"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a spoon"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a person"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a tv remote"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a computer mouse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a white bed and a pink banana"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an elephant"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a pink tv remote and a green dining table"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a pizza"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a white wine glass"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a snowboard and a bottle"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a carrot"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a black sheep and a green bench"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a donut"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a boat"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a sports ball"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of an orange and a spoon"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a boat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an orange"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a chair"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a carrot"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a horse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a dining table"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a red kite and a blue cup"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a motorcycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an oven"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a stop sign"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a truck"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of an orange stop sign"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a green cow and a brown orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cat"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a book"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sheep"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a white laptop and a yellow car"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a white bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a potted plant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a fire hydrant"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a toaster"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a red chair and a blue wine glass"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a giraffe"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an elephant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a computer mouse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a horse"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow baseball glove and a red boat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bird"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an orange"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an orange"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a black fire hydrant"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a brown kite and a black cat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a tv"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a handbag"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a blue oven and a red suitcase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a tv"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a donut"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of an airplane"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cake and a white bird"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a refrigerator"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a cake"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a sheep"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a computer keyboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a couch"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a potted plant"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a toothbrush"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a traffic light"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a black kite and a blue parking meter"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a brown tie and a black backpack"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a bus and a sink"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of an airplane"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a cup"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a tie and a suitcase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a skateboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a spoon"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a black microwave and a brown stop sign"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a giraffe"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a cat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a spoon"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a black carrot and a brown tv remote"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a person"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a purple truck and a black refrigerator"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bear and a yellow teddy bear"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a microwave"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cat"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a knife and a handbag"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a white tv"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a car"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a bowl"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a kite"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a knife"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a brown parking meter and a blue bicycle"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a book"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a pink surfboard and a green laptop"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bench"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a train"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a green wine glass"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a surfboard and a person"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sheep"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of an orange and a tennis racket"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a donut"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a laptop"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a fire hydrant"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a white apple and a brown backpack"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a clock"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of an orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tv"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of an oven"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a computer mouse"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a red fire hydrant"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a truck"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a green broccoli and a purple traffic light"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a computer keyboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of an airplane"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a skis"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a red oven and a brown stop sign"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a sink"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow motorcycle"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a microwave"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow potted plant and a pink sandwich"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a red tv and a blue book"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a brown frisbee and a blue skis"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown surfboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a person"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a brown tie and a red car"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a chair"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a white cake and a brown tie"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a black dining table and a white baseball glove"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a kite"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple hair drier and a yellow potted plant"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a hot dog"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of an airplane and a computer mouse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a dog"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bird and a yellow horse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a refrigerator"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a red chair and a green bench"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tv"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a wine glass"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a car and a cup"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a horse"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a traffic light"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a sandwich"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a yellow baseball glove and a black tv"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a green toilet and a yellow microwave"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a spoon"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a sandwich"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a tie"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a surfboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a chair"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a traffic light"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a microwave"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a fire hydrant"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a frisbee"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a microwave"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a person"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a microwave"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a tv"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bowl"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a handbag"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a bicycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a horse"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a fork and an orange"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a purple surfboard and a green refrigerator"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a horse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a knife"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a toothbrush"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a pizza"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sandwich"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a green bicycle and a brown cup"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a suitcase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a surfboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a sink"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a black horse and a brown carrot"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a bed"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bottle"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow carrot and a blue clock"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a fire hydrant"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a book"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a boat"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a black skateboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a truck"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a hot dog"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange stop sign and a black bicycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a blue spoon"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a backpack"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a hair drier"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a giraffe"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a train"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a motorcycle"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a skateboard"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bowl"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a fork"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a tie"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a sports ball"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a fire hydrant"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a banana and a dog"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball bat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an airplane"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a brown donut and a black truck"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a fire hydrant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cat"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a cell phone and a baseball glove"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a vase"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of an orange cake and a pink dog"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cat"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a yellow vase and a green train"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a microwave and a hot dog"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bowl"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a baseball bat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a couch"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sink and a brown bird"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sandwich"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a laptop"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a giraffe"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink laptop and a yellow toothbrush"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a black orange and an orange teddy bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a book"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a couch"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a dining table"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a spoon"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a banana"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a train"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a stop sign"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a pink toilet and a green horse"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a computer mouse"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bear"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a refrigerator"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a vase"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a green bicycle and a pink tie"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown dog and a blue boat"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a parking meter"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below an umbrella"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bicycle"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue donut and a yellow bus"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sports ball"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a tv remote"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a tv remote and a giraffe"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a baseball bat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sheep"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a green toothbrush and a purple boat"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a green bowl and a black hair drier"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a purple skis and a white orange"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a hair drier"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a book and an umbrella"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a red bed and a white tie"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a white motorcycle and a black frisbee"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a cake"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a giraffe"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a wine glass"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a traffic light"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple snowboard"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink suitcase and a yellow sports ball"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an umbrella"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a horse"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a brown toothbrush and a red fire hydrant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a couch"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a backpack"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a car"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow wine glass and a blue cow"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a motorcycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a kite"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a chair"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a black skateboard and a red bench"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a teddy bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bird"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a couch"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a green bottle and a white teddy bear"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a backpack"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a sandwich"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a cat and a baseball bat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a baseball bat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a boat"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bird and a pink wine glass"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a donut"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a white stop sign and a yellow laptop"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of an orange elephant and a green airplane"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a green airplane and a pink bench"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cell phone"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a skateboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a spoon"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a black handbag and an orange elephant"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a purple elephant and a red knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a bicycle"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a banana and a wine glass"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a couch"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bird"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow banana and a brown parking meter"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "pink"}], "prompt": "a photo of a blue spoon and a pink cup"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a baseball bat and an umbrella"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink couch and a red skateboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a train"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a green skis and a brown sink"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a skis and a backpack"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a green skateboard and a white vase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a hot dog"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a motorcycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a parking meter"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a white hair drier and a purple broccoli"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a red airplane and an orange truck"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow truck"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a traffic light"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a cell phone"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a black dog and a pink tv remote"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a book"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a baseball glove and a dog"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a toilet"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a kite"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of an oven and a sink"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a toaster"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a vase"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a toothbrush and a microwave"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a fire hydrant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bicycle"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below an apple"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a traffic light"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a carrot"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tv"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a horse and a broccoli"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above an orange"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a hair drier and an airplane"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a brown horse and a red cup"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a brown sheep and a green zebra"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a microwave and a cake"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a boat"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a fire hydrant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a banana"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above an apple"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a black parking meter and a red sink"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a green donut and a black sports ball"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a tie and a sheep"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a toothbrush"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above an apple"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a knife"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a white cake and a brown tv remote"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv remote"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a toaster and a bench"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a tie"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a brown bird and a white tennis racket"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a black sink and a white bed"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cup"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a pink train and a blue airplane"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a potted plant and a refrigerator"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a book and a tv"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a red skis and a brown boat"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a refrigerator"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cow"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a pizza"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a laptop"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a snowboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a skis"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bench"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a purple kite and a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a blue truck and a black sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a chair"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a red car and a white hair drier"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a fire hydrant"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a kite"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a bus"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a parking meter"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a hot dog"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a black skis and a blue fire hydrant"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a pink handbag and a brown baseball bat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a green skis and a red skateboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above an oven"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a clock"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a giraffe"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a backpack"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a refrigerator"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a hair drier and a sink"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toilet"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a pizza"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an orange"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a handbag"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a sheep and a wine glass"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "pink"}], "prompt": "a photo of a pink book"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a person"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a sink"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a white umbrella and a purple sink"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a couch and a toilet"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bicycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a snowboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a motorcycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow motorcycle and an orange bus"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a bus"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a tv"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a carrot"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an apple"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a pink banana and a white frisbee"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a person"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an elephant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bus"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a horse"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown knife and a yellow fire hydrant"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a toilet and a stop sign"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bus"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a computer mouse"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a red fork"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a baseball bat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a tv"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a black oven"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a pink spoon and a brown elephant"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a red motorcycle and a pink skis"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a skateboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a stop sign"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a black skateboard and a green pizza"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an orange"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a sports ball"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a parking meter"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a toilet"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a black sink and an orange horse"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a brown umbrella and an orange apple"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a parking meter"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a boat"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a blue frisbee and a pink spoon"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a traffic light"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a fork"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a red elephant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bus"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a green kite and a pink donut"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a black skateboard and a white computer keyboard"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a green refrigerator"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a white apple"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "purple"}], "prompt": "a photo of a pink kite and a purple cup"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a handbag"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below an elephant"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sheep and an orange skateboard"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bear"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a fire hydrant and a tv remote"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a black toothbrush and a blue bird"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a white elephant and a pink sports ball"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a donut"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a computer mouse and a kite"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bottle"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a white cat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a teddy bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bottle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a hot dog"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a wine glass"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a toilet and a person"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of an oven and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a purple clock and a blue horse"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a car"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a purple knife and a brown broccoli"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a scissors"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a bus"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a computer keyboard and a dog"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a frisbee"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a couch"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a train"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a purple chair and a red tennis racket"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a train"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a fork and a car"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bench"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a spoon"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a dog and a truck"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of an orange traffic light and a green dog"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a toaster"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bear and an orange microwave"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a car"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a horse"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a red airplane and a purple tennis racket"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a skateboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a computer keyboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bear"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a dining table"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a tv remote"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a person"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above an elephant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a horse"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a white hot dog and a purple hair drier"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of an orange and a computer keyboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an airplane"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a bus"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a scissors and a sink"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a red chair and a blue bottle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a person and a broccoli"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a suitcase"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a white dining table"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a microwave"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a potted plant"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a toilet and a tv remote"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a black broccoli and a pink banana"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a refrigerator"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink suitcase"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a donut"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a laptop and a sandwich"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a white bus and a blue chair"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a blue dining table and a pink refrigerator"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bed"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a white surfboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a zebra"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bird and a purple knife"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a bicycle"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a sheep and a fork"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a handbag"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a traffic light"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a white knife and a blue frisbee"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a purple tie and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a white tv and a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a blue car and a purple sandwich"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of an orange chair and a brown bench"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bed"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an airplane"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a sink"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bus"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a person"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a sink"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a brown truck"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a white clock"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a black hair drier and a blue suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bus"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of an oven"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a bus"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an apple"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of an orange apple and a blue car"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a computer mouse"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a black bird and a blue clock"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a train"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a cup"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a toilet"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a toaster and a laptop"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer keyboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white dog and a purple surfboard"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow dining table and a purple scissors"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of an apple and a tie"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a tv and a skis"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a train"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a book"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a bench"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a kite"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a car"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a computer mouse and a dining table"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a person"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a blue backpack and a red wine glass"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a black suitcase and a purple train"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a sandwich"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a toilet and an airplane"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a purple donut and a blue tv"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a pink scissors"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a horse and a frisbee"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a fork"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a cell phone"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below an orange"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a scissors and a computer keyboard"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bird and a computer keyboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow broccoli and an orange baseball bat"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a black surfboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sandwich"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a handbag"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a laptop and a skateboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a pink surfboard and an orange dog"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a couch and a dog"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bear"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a skis"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bird and a blue toilet"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a skis"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a parking meter and a bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a brown couch and a red computer keyboard"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a red skateboard"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a clock"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a broccoli"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a suitcase"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bottle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a red bowl and a black knife"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a sink"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a car"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a book"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a green cake and a red potted plant"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a pink hot dog and a brown train"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of an airplane and a book"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bicycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of an orange apple"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a dog"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bus and a yellow sandwich"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a blue parking meter and a brown potted plant"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a white giraffe and a black dining table"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a broccoli"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a white microwave and a pink tv"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a computer mouse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a chair"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a clock"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a vase"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a traffic light"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a brown dog and a green bowl"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a donut and a suitcase"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a laptop and a bird"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a blue surfboard and a brown potted plant"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a dog"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a brown handbag"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a skis"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a white dining table"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a pink banana and a brown toaster"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an umbrella"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a motorcycle and a traffic light"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a handbag"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a white pizza"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a book"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a teddy bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a hair drier"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a black refrigerator and an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a blue bus and a red tv remote"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of an orange banana and a white toothbrush"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a dog"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown cow and a yellow bottle"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a blue clock and a purple sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a hot dog"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a toothbrush"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a dog"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of an apple"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a scissors"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a red bird and a white broccoli"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a sports ball"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a fork"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a donut"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a brown giraffe and a pink sports ball"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a white baseball glove and a green cup"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a pizza"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a hair drier"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a red cell phone and a purple book"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a car"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a bird and a donut"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a kite"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a parking meter"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an orange"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a donut"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange chair"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a stop sign and an umbrella"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sink"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a bowl"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a chair"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a baseball bat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a scissors"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a kite and a tie"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of an elephant"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bed"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cup"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of an orange potted plant and a pink scissors"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tv remote and a brown frisbee"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a clock"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a computer mouse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an oven"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bench and a brown suitcase"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bear"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a red banana and a purple spoon"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow parking meter and a purple kite"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a spoon"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a person"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a red scissors and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a refrigerator"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a brown frisbee and a blue kite"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a black clock and a yellow kite"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a pink cat and a black kite"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a black bed"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a potted plant"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a fork"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a cake"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a baseball glove"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a skis"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a toaster"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a backpack and a car"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a tie"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a green umbrella and a red train"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sandwich"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of an orange cow and a green laptop"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a tv"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a sink"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a toothbrush"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a pizza"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a black fork"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a backpack and a kite"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a microwave"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a red bed and a brown sheep"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a traffic light"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a donut and a bowl"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a white skis and a blue horse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a backpack"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a green potted plant and an orange horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a computer keyboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a green surfboard and a white zebra"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a white clock and a red broccoli"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a tv remote"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cup"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a backpack"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a car and a horse"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a blue skateboard and a brown kite"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a blue car and a white wine glass"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below an apple"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a dining table"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer mouse and a black car"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a train"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple spoon and a yellow bench"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bear"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bowl and a black bench"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a chair"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a red handbag and a green parking meter"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a surfboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a pizza"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a skis"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a white skateboard and a red stop sign"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of an umbrella"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an elephant"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink orange and a yellow cake"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv remote"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a giraffe"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of an orange toilet and a white traffic light"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue baseball glove and a yellow train"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an oven"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a person"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a frisbee"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a frisbee"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a person"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a parking meter"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a frisbee"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a bear"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a black train and a yellow stop sign"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an apple"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a sports ball"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tennis racket"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a broccoli"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of an elephant"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a horse and a bowl"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a horse"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a traffic light"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a black baseball glove and a white broccoli"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow knife and a brown horse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a cell phone"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a sink"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tie and a pink skis"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a tv remote"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a zebra"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a baseball glove"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a sports ball"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a cup and a bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a sandwich"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bed"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a handbag"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a white computer mouse and a green motorcycle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a toilet"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a purple elephant and an orange giraffe"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a dog"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a potted plant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a pizza"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a carrot"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a handbag"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a car"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a blue bus and a white kite"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bed"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a train"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of an orange backpack and a brown chair"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a bottle"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a banana"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bed"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a truck and a tie"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a toothbrush"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a sink"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a tie"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a red baseball glove and a blue cell phone"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a red skis and a purple toaster"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a kite"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sports ball"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a toothbrush and a stop sign"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a white dining table and a red bed"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a cake and a bottle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a boat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a frisbee"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a tennis racket"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a traffic light"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a broccoli"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a dog"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a purple computer keyboard and a black cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a sandwich"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a carrot"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bus"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a bench"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of an orange orange and a green spoon"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a handbag"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a snowboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a microwave"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a hot dog"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a wine glass"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown train and a black surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a black train and a white airplane"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a stop sign"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a horse"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a scissors and a frisbee"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a teddy bear"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a microwave"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a black bird and an orange traffic light"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a boat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cake"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bird and a black bottle"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a surfboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a toaster"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green baseball bat and a yellow vase"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a kite and a toothbrush"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a stop sign"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a bowl"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a red hot dog and a brown banana"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a fork"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a brown toaster and a white donut"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a green knife and a pink frisbee"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a pizza"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sandwich"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bed"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a wine glass"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a white knife"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bottle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a traffic light"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a scissors"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a green umbrella and an orange airplane"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a potted plant"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a toaster"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a bed"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a scissors"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a stop sign"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a potted plant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a carrot and a suitcase"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow baseball glove and a red motorcycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a surfboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an orange"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a black tv remote and a brown giraffe"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a black bear and a red bed"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bowl"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a dining table"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a blue tv remote and a black cup"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a tennis racket"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a tie"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a green surfboard and a brown laptop"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a white car and a purple pizza"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a toilet"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a tennis racket and a knife"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a blue stop sign and a green train"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cow"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a white bed and a green toothbrush"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a spoon"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of an orange scissors and a blue tv remote"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a purple bear and a red bed"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a black knife and a yellow toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a bus"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of an apple"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a laptop"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "green"}], "prompt": "a photo of a purple frisbee and a green bed"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a broccoli"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dog"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a purple bicycle and a black dining table"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of an airplane"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a sandwich and a chair"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bed and an orange skateboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a microwave"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a blue oven and a pink elephant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a stop sign"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bench"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a purple snowboard and a blue wine glass"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a toaster"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a snowboard"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a bowl"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a spoon"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a train"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a spoon and a horse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a yellow laptop and a green parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below an oven"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a surfboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a clock"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a suitcase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a skateboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a carrot"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a person"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a teddy bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a stop sign"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a purple cake and a red zebra"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a black motorcycle and a purple sports ball"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a dining table and a kite"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a black apple and a yellow cup"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above an airplane"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a chair and a frisbee"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a teddy bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a train"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a tie and a sports ball"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a green scissors and a blue sink"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bear and a purple banana"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a dog and a horse"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cup and a purple tie"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a giraffe"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a refrigerator"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a parking meter"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a green snowboard and a purple cell phone"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a suitcase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a red clock and a green potted plant"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a red toothbrush and a brown knife"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "elephant", "count": 1, "color": "black"}], "prompt": "a photo of a pink knife and a black elephant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a cell phone"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a chair"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toilet"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a pink parking meter and a brown donut"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow zebra and a brown skateboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a truck"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below an orange"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cake"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below an elephant"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a tv remote"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv remote"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of an orange toaster and a purple potted plant"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink skateboard and an orange motorcycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a suitcase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a black boat and a blue bear"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a white sports ball and a black apple"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a spoon"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a car"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a baseball glove"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a truck"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bear"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a toilet"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a scissors"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a truck"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a suitcase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a skateboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a yellow laptop and a white cake"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a backpack and a book"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a red sheep and a purple fire hydrant"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cell phone and a pink bicycle"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a handbag and a fire hydrant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a horse"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above an apple"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a donut"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "blue"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a blue traffic light and a purple clock"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a tie"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a red cat and a purple computer mouse"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a blue handbag and a pink cake"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow book and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a suitcase"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a cow"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a bowl"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a stop sign"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a clock"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a laptop"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a clock"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a sink"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a skis"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a parking meter and a donut"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a brown sandwich and a green suitcase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a white handbag and a purple umbrella"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a potted plant and an airplane"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of an umbrella and a stop sign"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a pink sandwich and a black orange"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange toothbrush and a green carrot"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a black cow and a pink knife"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a knife"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a suitcase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a pizza"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a fire hydrant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a refrigerator"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of an oven"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow chair and a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a black skateboard and a white teddy bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a potted plant"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a dog"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of an orange donut and a blue tv remote"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a car"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a knife"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of an elephant"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a yellow elephant and a black stop sign"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple motorcycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a skis"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an umbrella"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a green bed and a pink bottle"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a book"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a teddy bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a kite"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dog"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow hair drier and a green motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a toaster"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a cup"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a toilet"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a black snowboard and a brown pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a red bicycle and a black handbag"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange skateboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a truck"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a vase"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv remote"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a red tv remote and a white cat"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a sink"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a black horse and a brown tie"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a purple dining table and a red bus"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a tv remote and a sports ball"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a toaster"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a carrot"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a blue horse and a red tie"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a kite"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a computer mouse"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a cup and a skis"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bench"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an oven"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a pink computer mouse and a black fire hydrant"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a boat"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a stop sign"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a vase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an orange"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a truck"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a tennis racket"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a couch"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bowl and a carrot"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a green backpack"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an orange"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a truck"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a hot dog"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a scissors"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball glove and a blue truck"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a blue frisbee and a green sports ball"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a horse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a surfboard"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a yellow teddy bear and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a green tennis racket and a yellow bottle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a person"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of an orange refrigerator and a blue carrot"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a sports ball"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a vase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an orange"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a black suitcase and a brown wine glass"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a traffic light"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a hot dog"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cake"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a truck"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of a black dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bus"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a parking meter"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a cow"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a donut"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a purple hair drier and a red sheep"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a microwave"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a vase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a pink scissors and a red tie"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a fork"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a sheep"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a sports ball and a laptop"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a red snowboard"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a white frisbee and a pink sandwich"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a red car and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a computer keyboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a scissors"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow sports ball and a purple apple"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a toothbrush"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an oven"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cake"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a purple kite and a red bowl"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an elephant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a bicycle"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dog"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a white donut and a blue chair"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a black car"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a sandwich"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above an oven"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a black chair and a pink hot dog"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a pizza"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a yellow clock and a red stop sign"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a refrigerator"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a handbag"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above an umbrella"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a purple traffic light and an orange clock"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of an orange and a kite"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a donut"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a blue motorcycle and a purple oven"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bus and a white baseball bat"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a brown cell phone and a green refrigerator"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a white bird and a blue tie"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue fire hydrant and a yellow cow"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a baseball glove"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a traffic light"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a potted plant"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a computer mouse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an oven"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tv remote"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a toilet"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue vase and a yellow broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a laptop"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue zebra and a yellow dog"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a microwave and a knife"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a blue scissors and a purple cow"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a black umbrella"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a computer keyboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a donut"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a baseball glove and a tie"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "baseball bat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white couch and a yellow baseball bat"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bed"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a computer keyboard"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an umbrella"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a dog"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an oven"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a pink chair and an orange computer keyboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a bicycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a toaster"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a baseball glove"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a cat"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a purple stop sign and an orange sandwich"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a fork"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a suitcase and a book"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a teddy bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a handbag"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bottle"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green handbag and a brown surfboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a toothbrush"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cat"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a chair"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a knife"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of an orange"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a pink banana and a brown backpack"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bus"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a parking meter"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a giraffe"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a computer mouse and a toaster"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a stop sign and a scissors"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tie"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a skis and a cup"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a tv remote"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow teddy bear and a pink car"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a tennis racket"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a pink suitcase and a black cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a laptop"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a snowboard"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a kite and a dining table"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a cake"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a hot dog"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "purple"}], "prompt": "a photo of a purple skis"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a fork"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv and a pink toilet"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a toilet"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a person"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a green fire hydrant and a blue parking meter"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a dog"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a pink refrigerator"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a knife"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a brown fire hydrant and a white toaster"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a donut"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a suitcase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a suitcase"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a brown giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bench"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skis"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a skis"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a hair drier"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a car"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer keyboard and a pink knife"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a sheep"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a skateboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a toaster"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a yellow laptop and a black stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a person"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a black dog and a purple motorcycle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a truck"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a pink laptop and a brown bus"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sports ball and a blue bus"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a skateboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a banana and a computer keyboard"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a brown book"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a refrigerator"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a teddy bear"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bowl"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a cup and a fire hydrant"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a computer mouse and a hair drier"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a computer mouse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a dining table"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a frisbee"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a laptop"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a book"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a sink"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow horse and a pink tie"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a white donut and a black cup"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a car"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a baseball glove"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a train"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a computer mouse and a cat"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bus and a blue sink"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a potted plant and a chair"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a tennis racket and an oven"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a fire hydrant"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an elephant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a knife"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a purple hair drier and a pink bottle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a banana"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a stop sign and a cow"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a yellow truck and a black wine glass"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a green suitcase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a carrot"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above an elephant"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tv"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a banana and a spoon"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a blue stop sign and a purple giraffe"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a potted plant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a black chair and a pink knife"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bottle"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a sink"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of an umbrella"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a scissors"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a pink cell phone and a red giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a horse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a baseball glove"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a motorcycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a snowboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a kite"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a cow"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a white knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a computer mouse"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a green car and a black bus"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a tv and a person"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cat"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a black wine glass"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a blue backpack"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a fire hydrant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a cow"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a boat"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a suitcase and a fork"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a purple couch"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a knife"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a blue chair and a brown bird"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a skateboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a computer mouse"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a purple couch and an orange baseball bat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a sandwich"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below an apple"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a teddy bear and a car"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a white carrot and a yellow skis"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a hair drier"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a skateboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an oven"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tie"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of an orange book and a black kite"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a vase"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a skis"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a teddy bear and a toilet"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bicycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a toaster"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cow and a blue car"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a vase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a book"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "blue"}], "prompt": "a photo of a black tv remote and a blue frisbee"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a donut"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a snowboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a white laptop and a red banana"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a bird and an orange"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a purple banana and a white motorcycle"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a backpack and a tv"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a motorcycle"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a wine glass"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an oven"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of an orange apple"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a handbag"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of an orange frisbee and a pink parking meter"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a green fork and a purple vase"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a computer keyboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a red microwave"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a horse"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a hot dog and an elephant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a cow"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a baseball bat and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a purple bus and a red clock"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a refrigerator"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a car"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a red bed and a green pizza"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a red wine glass and a white skis"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a baseball bat"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of an orange vase and a red hair drier"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a toothbrush"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a broccoli"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a backpack"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a truck"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a carrot"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a scissors"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a red spoon and a yellow refrigerator"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a red toothbrush and a green banana"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a cat"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above an elephant"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a fork"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a red dog and an orange fire hydrant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of a white horse and an orange cup"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a red donut and an orange fire hydrant"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a black toaster and a blue carrot"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a fire hydrant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a laptop"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a red cup"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a white cell phone and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a blue stop sign and a green frisbee"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a toilet and a donut"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a dog"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "green"}], "prompt": "a photo of a green bed"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a surfboard"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a car and a parking meter"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a white donut"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a pink surfboard and a red giraffe"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv and a pink cell phone"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a clock"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a baseball glove"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bird"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of an orange bear and a white couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a teddy bear"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a tv remote"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown traffic light and a yellow dining table"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a fork"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a parking meter"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of an orange tennis racket and a red umbrella"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a broccoli"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a purple microwave and a black traffic light"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sink"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a toilet"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a surfboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a kite"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bowl"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a green cup and a white spoon"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a toilet"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a red car and a white cake"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of an orange banana"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bird"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of an apple"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a toaster"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a red bowl and a purple couch"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a pink computer keyboard and a white train"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a blue fork and a black parking meter"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tie"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an elephant"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a green handbag"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a cell phone"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a zebra"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a pink donut and a green dining table"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a chair"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a bench"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a tv"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a white bench and an orange truck"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a handbag"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a pizza"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a boat"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an oven"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a green baseball bat and a brown backpack"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a laptop"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a motorcycle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a hot dog"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a knife and a sheep"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a fire hydrant"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a train"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a tie"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a fork"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a white cell phone and a pink bed"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bicycle"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a refrigerator"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a boat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a toilet"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a red skis and an orange boat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow oven and a purple bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a stop sign"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a chair"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a black traffic light and a purple baseball glove"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a pink cat and a red handbag"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below an oven"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a purple couch and a red orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cat"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a toothbrush"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a broccoli"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a frisbee"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a motorcycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an oven"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a skis"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a snowboard and a tv remote"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cat"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a purple hair drier and an orange elephant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a pizza"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a toaster"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a snowboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a baseball bat"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tennis racket and an orange tv"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a motorcycle and an airplane"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a wine glass and a bus"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a computer mouse"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a cake"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a blue stop sign and a pink fork"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bottle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a black dog and a white skateboard"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a hot dog and a bench"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a person"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a tennis racket"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of an orange bench and a white bird"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a handbag"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a purple carrot and a white backpack"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a spoon"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a microwave"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cow"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a traffic light and a donut"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cow"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a frisbee"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a potted plant"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a white computer keyboard and a red bed"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a hair drier"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a spoon"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a wine glass"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a red pizza and a purple tennis racket"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a suitcase and a tie"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a book"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a donut"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a baseball glove"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bottle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bottle"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a white car and a red bus"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a knife"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a tv remote"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a brown zebra and a white tennis racket"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a purple baseball glove and a white baseball bat"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a red spoon"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a brown wine glass"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a horse"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bench"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fire hydrant"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a blue refrigerator and a white tv"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a tie"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bench and a purple wine glass"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a black suitcase and a white baseball bat"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a pink backpack and a blue bench"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cell phone and a yellow bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow skateboard and an orange clock"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a yellow frisbee and a green zebra"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a kite"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a toothbrush"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a baseball bat"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a dining table"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a blue airplane and a white laptop"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a suitcase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a baseball glove"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a toilet"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a red traffic light"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a purple sandwich and a black cell phone"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of an orange horse and a white hot dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a handbag"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a sports ball"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a truck and a sink"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a boat"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a tv remote and a teddy bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a black vase and a green pizza"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bear"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a refrigerator"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a purple computer mouse and a brown bench"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a toilet"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a sandwich"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cow"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a backpack"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a pink vase and a black fork"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a brown bird and a black baseball bat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a sink"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a green cake and a brown donut"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a green toilet"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a white car and a yellow tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a dining table"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a snowboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bench"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below an orange"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a white toilet and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a red chair and a white orange"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a hair drier"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a person and a sheep"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a red scissors and a brown wine glass"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a pink fire hydrant and a white spoon"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a backpack"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a green pizza"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bus"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a dog"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a traffic light"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a sandwich"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a laptop and a scissors"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a horse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a person"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a traffic light"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a cat"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a scissors"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a bed"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of an orange car and a red apple"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a person"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a hair drier"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a car"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a white pizza and a black bed"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a car"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an orange"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a carrot"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a stop sign and a book"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a zebra"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a broccoli"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a dog"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a yellow parking meter and a white couch"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue airplane and a brown computer keyboard"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a kite and an elephant"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of an orange toilet and a pink teddy bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a purple surfboard and a green spoon"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a green cup and a purple toothbrush"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a yellow hot dog and a white bench"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of an oven and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a black horse and a red banana"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a baseball bat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a toilet"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a blue microwave and a red umbrella"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a zebra"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an apple"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bowl"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a zebra"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bench"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange toaster and a yellow tennis racket"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "pink"}], "prompt": "a photo of a white horse and a pink toothbrush"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a toaster"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a blue tie and a red knife"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cell phone"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a clock"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a scissors and a tennis racket"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue dining table and a brown snowboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bicycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a donut"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a skis"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a brown skateboard and a black laptop"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a person"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a black microwave and a blue toothbrush"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of an airplane and a bus"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a sandwich"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a fire hydrant"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toilet"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a car"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange snowboard"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a clock"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a red pizza and a black bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a red traffic light and a brown fork"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a skis"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange zebra and a yellow sheep"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a scissors"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink spoon and a yellow bench"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a blue bottle and a white vase"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a zebra"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a brown wine glass and a black baseball glove"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a purple potted plant and a black bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a bench"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a horse and a stop sign"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a snowboard and a microwave"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a pink car and a white fork"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a computer mouse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a laptop and a train"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a skateboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bicycle"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of an airplane and a traffic light"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a microwave and a cow"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sink"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an umbrella"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a red train and a white sheep"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball bat and a blue laptop"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow cow and an orange elephant"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a brown parking meter and a pink cake"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a boat"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a pink boat and a black pizza"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a white motorcycle and a purple dining table"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a car and a toilet"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a blue zebra"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a surfboard"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a bed and a cell phone"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a kite"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below an oven"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a boat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bus"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a horse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "purple"}], "prompt": "a photo of a purple umbrella"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a white bench and a pink bird"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bowl"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a brown oven and a pink backpack"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a sheep and an elephant"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a red handbag and a blue laptop"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a tie"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a sheep and a tv remote"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a white train and a yellow horse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a cake"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a pink banana and an orange bed"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a traffic light"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a broccoli"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a baseball bat and a suitcase"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a white snowboard and a purple broccoli"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a tennis racket"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a green motorcycle and a black bench"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a toothbrush"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a traffic light"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a green fork and a black orange"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a zebra"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball glove"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a toilet"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a sink and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "car", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow couch and a pink car"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a truck"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a bird and a bowl"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an umbrella"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bird"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a skis and a truck"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a donut"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a black bottle and a pink snowboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a brown toaster and a black bed"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a potted plant"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a fire hydrant"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a computer mouse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a hot dog"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a bear"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a red scissors and a green dog"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a bench"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tie"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of an umbrella"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of an oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a sink"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a dog"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a red cup and a pink kite"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a frisbee"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a boat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a tv remote"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a truck"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a toilet"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a green elephant and a black cup"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bicycle and a truck"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bear and a purple orange"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a parking meter"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a brown baseball glove"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a frisbee"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sandwich"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a person"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a computer mouse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a carrot"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a fork"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an elephant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a blue skateboard and a brown cell phone"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a boat"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a black toothbrush and a red fire hydrant"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a red traffic light"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of an orange handbag and a pink boat"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow train and a pink cow"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a white hot dog"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a blue skis and a white chair"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple dog and a yellow oven"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a scissors"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a skateboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a cow"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a cake"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a tennis racket"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a microwave"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a frisbee"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a laptop"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a dog"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a green cat and a black traffic light"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a train"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a motorcycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of a white teddy bear and an orange book"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a zebra"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a bed"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a banana"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange scissors and a yellow oven"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a chair"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a laptop and a stop sign"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bench and an orange scissors"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of an elephant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a dining table and a toaster"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a yellow giraffe and a red skis"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a boat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a sink"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a dog"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a blue surfboard and a red backpack"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an orange"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv and a pink stop sign"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a fork"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a tennis racket"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a toaster"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of an orange umbrella and a green pizza"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a black knife and a red toothbrush"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a toothbrush"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a sink and a book"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a baseball glove and a book"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a purple dining table and a pink tv"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a potted plant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bottle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cup and a yellow car"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a chair"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a bed and an orange"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bench"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a sports ball and a motorcycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a sink"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a donut and a truck"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cat"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a green bottle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above an oven"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a parking meter and a skateboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a suitcase"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a snowboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of an orange"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a blue tv remote and a purple car"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a surfboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of an airplane"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a carrot"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a blue carrot and a black tv"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cup"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a green spoon"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a car"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of an apple"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a book and a skis"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a sandwich"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a dog"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of an orange"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a blue carrot and a purple bear"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of an orange and a cat"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a brown cell phone and a white cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a cell phone"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of an oven"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a wine glass and a backpack"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a boat"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sheep and a yellow knife"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a stop sign"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a tennis racket and a bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a train"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a spoon"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a blue tennis racket and a red kite"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of an apple and a wine glass"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a skateboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a suitcase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a motorcycle"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a microwave"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a wine glass"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a laptop"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a white toilet and a black tv"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a green sink and a purple carrot"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a potted plant"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a green bowl"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a cell phone"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bicycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a couch"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a black surfboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a handbag"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow frisbee and a brown parking meter"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a scissors"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a clock"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a pink toaster and an orange cow"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a white stop sign"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a brown umbrella and a blue broccoli"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bus"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow kite and a green motorcycle"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a skis"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sports ball and a yellow laptop"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cake and a brown tv"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown clock and a yellow motorcycle"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a black bowl and a white train"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a bear and a horse"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a purple potted plant and a black scissors"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cat"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a white oven"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a cell phone"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a green bench and a brown airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of an airplane"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a red cat"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of an orange donut"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bus"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a red sports ball and an orange truck"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a red airplane and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "toilet", "count": 1, "color": "pink"}], "prompt": "a photo of an orange horse and a pink toilet"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of an orange frisbee and a green computer keyboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a sports ball"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a cat and a skis"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a brown umbrella and a black banana"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a skis"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cake"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a cell phone and a sports ball"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tv and an orange cow"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a toaster"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a blue laptop and a red hair drier"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a person"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a purple scissors and a white toilet"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sandwich"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bird"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a pink chair"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a white sheep and a pink cat"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "blue"}, {"class": "traffic light", "count": 1, "color": "white"}], "prompt": "a photo of a blue cup and a white traffic light"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a blue frisbee and a red suitcase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a hair drier"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a traffic light"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a pizza"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a book"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sandwich and a yellow orange"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a red carrot and a brown sink"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a brown knife"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a brown surfboard and a white baseball glove"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a sports ball"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of an apple and a skateboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a scissors"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bed"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a white fire hydrant and a brown dog"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a red knife and a white cow"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a computer keyboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a stop sign"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a vase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a bowl"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a blue backpack and a green wine glass"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bed"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a hot dog"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a clock"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a stop sign"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a handbag"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a baseball glove"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sandwich and a pink computer mouse"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an elephant"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a toothbrush"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a red tv remote and a black skateboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a book"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above an apple"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of a purple wine glass"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bird"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a cell phone and a carrot"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a refrigerator and a cat"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow horse and an orange bicycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an airplane"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a stop sign"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a tv remote"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a broccoli and a bird"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a black sandwich"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a yellow teddy bear and a white banana"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a red hot dog and a green fire hydrant"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a computer mouse and a carrot"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a truck"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a tv remote"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a green potted plant and a black baseball bat"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a microwave"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a fire hydrant"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dog"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a carrot"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a zebra"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bird"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a broccoli"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow orange and a blue skis"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a banana"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a green banana and a purple train"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a black cake and an orange hot dog"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bird"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a giraffe"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a hot dog"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a boat"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a white spoon and a purple motorcycle"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "white"}], "prompt": "a photo of a blue toilet and a white fire hydrant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a backpack"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a chair"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a green scissors and a blue airplane"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a tv remote and a person"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cake and a red suitcase"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a dog and an apple"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a hot dog and a carrot"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bench"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a horse"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an apple"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a book"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a tv remote"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a baseball glove"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a giraffe"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a chair"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a refrigerator"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a tv and a horse"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a scissors"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an apple and a toilet"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an oven"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a motorcycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a horse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a truck"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cow and a yellow train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a red cell phone and a brown chair"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a hot dog"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a toothbrush and a boat"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a wine glass"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a cat"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a pink car and a black vase"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a blue bird and a white donut"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a cup"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a surfboard and a sheep"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a scissors"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a baseball bat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a knife"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a brown laptop and a pink clock"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sink and a blue donut"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a red book"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a wine glass"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a tv remote"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a backpack and a microwave"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow fire hydrant and a brown scissors"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a kite"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a chair"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a green sink and a black parking meter"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a toaster and a couch"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a chair"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a baseball glove"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a spoon"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a train"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a purple spoon and a red fire hydrant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bus"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a knife"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a blue kite and a red bottle"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a refrigerator"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a fire hydrant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a banana"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "purple"}], "prompt": "a photo of a blue carrot and a purple dog"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a couch"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a purple backpack and a pink bed"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a brown frisbee and a blue pizza"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a donut"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a dining table"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a skis"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a black car and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a scissors"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a knife"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an umbrella"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a vase"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a cake"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a clock"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a broccoli"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a toothbrush"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a car"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an apple"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a knife"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a person"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a pink clock and a red book"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a vase"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a vase"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cell phone"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a sink"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a tennis racket"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a kite and a wine glass"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of an elephant and a traffic light"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow scissors"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a clock"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a white refrigerator and a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a white clock and a blue tie"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink carrot and a purple computer mouse"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of an oven and a giraffe"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball bat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a dining table"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a toaster"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a spoon"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a tennis racket and a sports ball"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a vase"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a purple chair and a red wine glass"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a white cow and a green tv"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a bird"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tennis racket"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a suitcase"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a donut"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of an orange book"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a baseball glove"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a baseball bat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cow"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a white book"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a green boat"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a blue computer mouse and a pink suitcase"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a purple carrot and a brown cow"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a white laptop"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a pink airplane and a purple apple"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a pink snowboard and a blue apple"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a red airplane and a green book"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a wine glass"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a white elephant and a brown bus"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a blue horse and a purple backpack"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue orange and a yellow cow"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a bed"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a red surfboard and a black dining table"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a backpack"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a purple pizza and a white knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a hot dog"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a green clock and a brown fire hydrant"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a banana"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a donut"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a cup"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a black zebra and a green handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a tie"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a purple potted plant and a pink dining table"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a toaster and a hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange banana and a yellow bed"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tie and a yellow donut"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an umbrella"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a broccoli"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a pizza"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a toothbrush"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a red parking meter and a white hair drier"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a snowboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a pizza"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bear and a yellow bicycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a teddy bear"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bicycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bird"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a microwave"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bus"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a pink skis and a green spoon"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a handbag"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a suitcase and a boat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sheep"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a green dining table and a black oven"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink vase and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a white banana and an orange dining table"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a banana"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a green bear and a purple potted plant"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a traffic light"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bicycle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cell phone"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a baseball bat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a sandwich"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a red oven and a brown horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a hot dog"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a suitcase"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a pink bottle and a white suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a skateboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bench"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a toilet"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of an orange"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white scissors and a blue surfboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a skis"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a zebra"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bus"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of an oven and a clock"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a toothbrush"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a banana"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink toilet and an orange bottle"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a book"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a brown giraffe and a pink orange"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a cup"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a banana"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a pizza"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a tennis racket"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a traffic light"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a blue wine glass"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a tie"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a cat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a suitcase"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bowl"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a dining table"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a vase"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of an apple"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a truck"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of an orange sheep and a black sink"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a tennis racket"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bear"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a black skateboard and a purple sheep"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a donut"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a brown sink and a red computer mouse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a broccoli"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of an orange skateboard and a blue train"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a green suitcase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a toaster"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sandwich"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a purple microwave and a red teddy bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bus"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a green hot dog and an orange scissors"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "red"}], "prompt": "a photo of a brown bench and a red elephant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a scissors"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a black oven and a blue wine glass"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a horse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a dining table"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a laptop"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a broccoli and a tv"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a person"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a white laptop and a red hot dog"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a bed and a boat"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bench and a bus"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a red potted plant and a black carrot"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a purple motorcycle and a red bottle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bowl"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a banana and a toothbrush"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a boat"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a green bowl and a brown motorcycle"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a knife"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a donut"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a train"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skis"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a car"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a pizza"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a frisbee"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cake and a brown vase"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a tv remote and a refrigerator"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a green donut and a yellow cup"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a frisbee"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a pink chair and an orange cake"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a refrigerator and an elephant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a couch"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a book"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a red donut and a black horse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a tv"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above an umbrella"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a car"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cake"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a blue boat and a brown tie"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a frisbee"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a skateboard"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sandwich and an orange skis"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a blue orange and an orange zebra"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a purple truck"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a brown stop sign and a black tv remote"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a tie"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a hot dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a toaster"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cake and a yellow truck"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a green scissors and a yellow fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a fork"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a red laptop and a yellow boat"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bicycle"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a blue frisbee and a red bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a laptop"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a knife"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a brown snowboard and a black hair drier"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a pink bicycle and a black train"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow spoon and a pink wine glass"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a giraffe"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a backpack"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a white skis and a yellow elephant"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "blue"}], "prompt": "a photo of a black spoon and a blue toothbrush"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow hot dog and a blue traffic light"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sink"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "traffic light", "count": 1, "color": "orange"}], "prompt": "a photo of a purple snowboard and an orange traffic light"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of an orange snowboard and a green cell phone"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a green sink and a red broccoli"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a pink umbrella and a purple backpack"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a boat"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow backpack and a red cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a white potted plant and an orange broccoli"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a horse"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a clock"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a carrot"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a stop sign"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a scissors"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a sandwich"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a wine glass"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a horse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a blue banana and a brown scissors"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a giraffe"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a giraffe"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bird"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a laptop and a bed"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a blue banana and a black potted plant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a black laptop and a blue airplane"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a couch"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a white airplane and a green dog"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a tv and a kite"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple boat and a pink skateboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a toothbrush"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow skateboard and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a red bottle and a black knife"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a bowl and a potted plant"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a white skis and a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a purple cell phone and a black car"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green elephant and an orange computer keyboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a green zebra and a pink stop sign"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a teddy bear"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a car"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a black donut and a white toilet"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a tennis racket"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange book and a yellow zebra"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a broccoli"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a brown teddy bear and an orange elephant"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a red cake and a white sports ball"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a sheep"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cow and a purple tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a parking meter"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a white backpack and a black bus"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below an oven"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball bat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bottle"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink elephant"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a spoon"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a backpack"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a hair drier"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a teddy bear"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a frisbee"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a green spoon and a brown horse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a computer keyboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a giraffe"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a backpack"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a laptop and a traffic light"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a dining table"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a tennis racket"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below an apple"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a brown tie and a black train"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a traffic light"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a tie"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a knife"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of an umbrella"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a broccoli"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a computer keyboard"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sports ball"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bowl"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a car"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a blue dining table and a black backpack"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a purple orange and a black stop sign"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a hot dog"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a sheep and a kite"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a skateboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a sheep"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a hot dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bus"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a backpack"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a snowboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a black bicycle and an orange teddy bear"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a purple chair and a red train"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a stop sign"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bed and a laptop"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a tv"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a red giraffe and a green snowboard"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a purple microwave and a pink handbag"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange handbag and a blue cat"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of an elephant"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an apple"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bowl"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a blue hair drier and a green tv remote"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a red dog and a yellow horse"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink computer keyboard and a purple bird"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sports ball and an orange bicycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bird"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a tv remote"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a red snowboard and a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a blue suitcase and a purple motorcycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a computer mouse"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a vase and a potted plant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a sheep"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a boat"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a green bottle"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a yellow banana and a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a blue sandwich and a pink wine glass"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of a white baseball glove and an orange elephant"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a bottle and a potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a green handbag and a red stop sign"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a clock"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a blue computer mouse and a black bird"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of an orange airplane and a white scissors"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a brown tv remote and a white zebra"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a train"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a pink book and a white train"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sheep"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a toilet"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a bicycle"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a fire hydrant"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a motorcycle and a vase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a pink sink and a red chair"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a truck"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bowl and a brown cat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a train"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a black cat and a red boat"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a red book and a yellow computer mouse"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a purple kite and an orange oven"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a traffic light"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an airplane"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a green stop sign and a white refrigerator"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bicycle"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a skateboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bench"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a red bottle and a purple giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a tv"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a toaster"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "pink"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a pink microwave and a red clock"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a yellow motorcycle and a black dining table"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a blue oven and a purple bird"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of an orange computer keyboard and a red bowl"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below an oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a blue potted plant and a white banana"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a pink carrot and a brown stop sign"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a dog"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a giraffe"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a surfboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a red bowl and a brown oven"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a red baseball bat and a green handbag"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a cake"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bowl"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a zebra"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an airplane"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a laptop"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a traffic light"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a refrigerator"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a fire hydrant"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a fork"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of an orange apple and a pink baseball glove"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above an apple"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a truck"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a frisbee"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a pizza"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of an orange laptop and a black bench"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sports ball"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a yellow backpack and a white potted plant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a banana"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a surfboard"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a hot dog"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a couch"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a purple banana and a pink hot dog"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a red kite and a purple potted plant"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a red pizza and a pink wine glass"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below an elephant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a teddy bear"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a motorcycle"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a traffic light"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a blue sheep and a red broccoli"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a banana"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a blue sandwich and a white vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a brown laptop and a red sink"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cake"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a tv remote"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of an orange handbag"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a suitcase"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a car and a zebra"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "blue"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a blue dog and an orange bed"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a cell phone"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a tennis racket"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bowl"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a yellow skateboard and a black sheep"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a black frisbee and a brown broccoli"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a horse"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a hair drier"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a tennis racket"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a car"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a tv"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a baseball bat and a tie"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a boat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a carrot"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a bed"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cow"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a motorcycle"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a train"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a giraffe and a baseball glove"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a red cow"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a pink truck and a blue chair"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a black horse and a white orange"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of an orange"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a hot dog and a train"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a banana"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a zebra"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of an elephant"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow banana and an orange bowl"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a sandwich"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a backpack"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of an orange laptop and a blue handbag"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an oven"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a white dining table and an orange orange"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow truck and a blue dog"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cow"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a cell phone"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a motorcycle and a baseball glove"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a brown pizza and a black apple"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cell phone and a blue parking meter"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a person and a cup"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a computer mouse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bus"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a white chair and a blue skis"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a knife"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a yellow toaster and a white orange"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a dining table"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tennis racket"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a skis"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a boat"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a brown motorcycle and a pink scissors"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a traffic light"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a cup"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a red sports ball and a white broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an elephant"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a toilet"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a spoon"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a baseball glove"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of an apple"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an apple"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a skateboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a giraffe"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bus"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a broccoli"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cow"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an umbrella"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a skis"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a red tv and a green frisbee"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sheep"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a toothbrush"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a laptop"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a purple truck and a brown fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a chair"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a tie"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "cup", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sandwich and an orange cup"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a broccoli"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a boat and a carrot"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a yellow microwave and a red cup"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a backpack"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an oven"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an orange"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bottle"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of an orange toilet and a white handbag"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a pink toaster and a blue bed"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a purple suitcase and a brown cell phone"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a green airplane and a brown tie"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a blue cup and a white toothbrush"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a brown hair drier and a pink spoon"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a hot dog and a frisbee"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a wine glass"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a red umbrella and a black refrigerator"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a cup"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a toothbrush and a couch"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a green traffic light and a red baseball glove"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a skateboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a baseball bat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an umbrella"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a baseball bat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a toilet"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a microwave"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a zebra"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a spoon"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a bowl"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a scissors"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a potted plant and a sports ball"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a yellow backpack and a green laptop"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a tennis racket"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a suitcase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a horse"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a boat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a dining table"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a laptop"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a sheep"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a red knife and a white hair drier"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a donut"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of an oven and a surfboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a refrigerator"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tie"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a yellow dog and a black oven"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a car"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a spoon"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a dining table"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a red baseball bat and a white bowl"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a book"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bowl and a purple fire hydrant"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a pizza"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a wine glass"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a wine glass"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a white baseball bat and a blue pizza"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bottle and a pink teddy bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bus"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a white snowboard"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an umbrella"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a snowboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a book"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a tv and a bed"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a stop sign"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a red boat and a brown skis"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a clock"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below an orange"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cake and a brown sandwich"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a knife"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a dining table and a pizza"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above an umbrella"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a yellow truck and a red parking meter"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a sheep"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a clock"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cow"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a zebra and a couch"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a brown orange and a white apple"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a cell phone"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a green tv and an orange tie"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow car and an orange apple"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a backpack"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below an oven"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a white apple"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a green baseball bat and a pink frisbee"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an orange"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a purple airplane and a brown tv"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of an apple"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a red bird and a white carrot"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a black bicycle and a brown baseball bat"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bicycle"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a zebra and a baseball bat"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a pink car and a white toaster"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cow"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink chair and a purple computer mouse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a computer keyboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a surfboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bench and a cow"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bottle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a blue donut and a red microwave"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a green horse and a blue cake"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a green kite and a pink tennis racket"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a toilet"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a cup"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a pink refrigerator and a blue toaster"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a cow"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a purple sports ball and a green refrigerator"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown cell phone and a black surfboard"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a wine glass and a tie"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a black bench and a pink knife"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a brown giraffe and an orange zebra"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a pink orange and a white skateboard"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown dining table and a yellow skateboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a computer mouse and a fork"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a white frisbee and a blue bench"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bed and a blue hot dog"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of an orange book"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sheep"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below an airplane"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a hair drier"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a cat and a sink"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a hot dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a donut"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bottle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "book", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue knife and a yellow book"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of a purple umbrella and a white clock"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a black book and a white kite"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow elephant and a purple train"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a yellow handbag and a black toaster"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a refrigerator and a toaster"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of an orange horse and a purple refrigerator"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a teddy bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a bus"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a baseball glove"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a black frisbee"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an elephant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a sports ball"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a sports ball"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple suitcase and a brown skateboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a bench"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bus"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a teddy bear"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a black orange and a green oven"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a brown wine glass"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a stop sign"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of an orange refrigerator and a brown hot dog"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a traffic light"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow orange and a purple airplane"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an apple"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a black tv remote and a blue toaster"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a brown scissors"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a purple fire hydrant and a brown giraffe"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a cake"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a carrot"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a parking meter"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a cup"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a green sheep"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a cake"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sink"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a purple donut and a blue apple"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a red orange and a white suitcase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tv"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a horse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a chair"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a frisbee and a sink"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of an orange surfboard and a green car"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a donut"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a bed"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a tie"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a computer mouse and a wine glass"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cup"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green cake and a brown teddy bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bench"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a motorcycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a laptop and a banana"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of an orange"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a vase"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a red tie and a black tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a white motorcycle and a red laptop"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a microwave"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a computer mouse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of an orange tv remote and a green bird"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow computer keyboard and a brown tennis racket"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of an orange knife and a blue broccoli"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bench"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cup"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a white snowboard and a brown sheep"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a white bus and a brown cow"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an umbrella"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a traffic light"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a book and a wine glass"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a green frisbee and a black fork"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a motorcycle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cat"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bowl and a vase"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a clock and a traffic light"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a fire hydrant and a scissors"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a cake"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a green microwave and a white computer keyboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a person"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a cow"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a bicycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a tennis racket"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a knife"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a train"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an airplane"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a kite"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a skateboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a scissors"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a banana"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a donut"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a red cake and a black potted plant"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a dog and a baseball bat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a wine glass"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of an umbrella"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of an orange apple and a green laptop"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a white suitcase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a baseball glove"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a cup"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a broccoli"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bus"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a white dining table and a green motorcycle"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bottle and a brown baseball glove"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a car"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bird"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a brown cow and a green dog"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bowl"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a computer mouse"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tennis racket"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a knife"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of an orange snowboard and a blue bus"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fire hydrant"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a chair"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a white bowl and a brown hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a cow"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bottle and a pizza"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer mouse and a blue cup"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a red skis and a blue train"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a brown sandwich and a red vase"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a tv remote and a dog"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sports ball"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a broccoli"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a green train and a pink baseball glove"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a boat"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a boat"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a computer mouse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a handbag"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a vase"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a bed"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bicycle and a purple bottle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a clock"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a backpack"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a sink"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a boat and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a green potted plant and a brown zebra"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of an orange cell phone and a white cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a donut"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a car"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a train"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green hair drier"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a backpack"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a black refrigerator and a white toilet"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a green knife and a blue hot dog"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a blue umbrella and a white chair"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a zebra"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a pink couch and a white sports ball"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a blue wine glass and a green sink"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a carrot"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a motorcycle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bed and a yellow hair drier"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a kite"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a hair drier"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red teddy bear and a purple surfboard"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a computer keyboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black book and a blue surfboard"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a white wine glass and a pink laptop"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a car"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a refrigerator"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a couch"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a bicycle and a dining table"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of an orange stop sign and a green cell phone"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of an orange oven and a brown skis"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a black oven and a blue bed"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of an orange bed and a red scissors"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an oven"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a yellow toothbrush and a black hair drier"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a purple handbag and a white bed"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a giraffe"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a pink donut and an orange skateboard"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a green spoon and a brown zebra"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a black computer mouse and a pink hot dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tennis racket"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a backpack"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a bottle"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of an orange elephant and a blue toaster"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "black"}], "prompt": "a photo of an orange toaster and a black dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of an airplane"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a white baseball bat and a green bicycle"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a wine glass"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a pizza"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "blue"}], "prompt": "a photo of a brown teddy bear and a blue microwave"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a tie"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a toilet"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow banana and a pink teddy bear"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a red kite and a pink cat"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a teddy bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a stop sign"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple bicycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a tennis racket"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sheep"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a boat"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a purple elephant and a pink bear"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of an orange bottle and a green cell phone"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a white tv remote and a green motorcycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow toaster and a pink laptop"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of an elephant and a horse"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a red elephant and a pink horse"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above an apple"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow apple"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a snowboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a zebra"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a blue broccoli and a red horse"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a microwave"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a motorcycle"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a book"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a tv remote"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a dining table and a sports ball"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a purple cell phone and a green donut"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a hot dog and an airplane"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bowl"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a boat and a handbag"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a sports ball"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a fork"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a frisbee"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a cake"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a potted plant"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a green train and a brown carrot"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a bird"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cup"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a sink"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a green microwave and a purple bed"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a broccoli"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a boat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a car and a pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a train"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a black knife and a pink bicycle"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bed"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sink"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of an umbrella and a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a red cell phone and a brown hot dog"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a bench"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a parking meter"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a backpack"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a purple handbag and a red laptop"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a hair drier"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a pizza"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a carrot"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a black stop sign and a yellow cat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sports ball"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a blue cat and a black carrot"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a sink"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below an umbrella"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a skis and a wine glass"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below an oven"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a blue motorcycle and a purple bus"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a wine glass"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a red dog and a brown dining table"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a white oven and a blue giraffe"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a handbag"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow skateboard and a brown snowboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a suitcase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a hair drier"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an apple"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a vase"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a tv remote and an elephant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a teddy bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a white suitcase and a black oven"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a pink parking meter and a black bicycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a tie"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a baseball glove"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bed"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a giraffe"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a green giraffe and an orange backpack"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a green cow and a blue giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a zebra"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a scissors"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a purple oven and a black pizza"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a skateboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a couch"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bowl"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a purple dining table and a red donut"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a handbag"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a purple zebra"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a red couch and a yellow cup"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a truck"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a spoon"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a pink cake and a black boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a spoon"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above an oven"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sheep and an orange tv remote"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a horse"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a kite"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a green carrot and a yellow zebra"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a red dining table and a green baseball bat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red traffic light and a purple surfboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a sandwich"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a brown sandwich and a green teddy bear"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a white clock and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an orange"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a banana"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a skis"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a purple stop sign and an orange umbrella"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a horse"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a truck and a bear"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a bed and a person"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a baseball bat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple bowl and a black surfboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a green cell phone and a pink tennis racket"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a potted plant and a tv"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a cat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a person"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a fork"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of an orange suitcase and a red clock"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a computer keyboard"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cup"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a chair"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bicycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a train"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a backpack"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toilet"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a pink sandwich and a green parking meter"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a dog"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above an oven"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a toothbrush"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a sheep"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a cup and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a red fire hydrant and a brown elephant"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a chair"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of an elephant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bicycle"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a wine glass"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a pink skateboard and a white book"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above an airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a carrot"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a green broccoli and a black cake"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bed and a red kite"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a carrot"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a clock"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a green giraffe and a white tennis racket"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a stop sign"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a black couch"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a wine glass"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a bowl"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of an orange cat and a black cup"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a computer mouse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a tie"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fire hydrant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an airplane"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a vase"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a red book and a yellow vase"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of an orange traffic light and a white microwave"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a frisbee"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a microwave"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a wine glass"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a hair drier"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a book"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a pizza and a computer keyboard"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a fire hydrant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sandwich"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a sink"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange skateboard and a brown snowboard"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a tv"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a purple baseball glove and a green refrigerator"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a scissors"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a tie"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a pink pizza and a red fork"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a handbag"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a cake"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue suitcase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a blue boat and a brown hair drier"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a car"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a fire hydrant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a vase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a dining table"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a traffic light"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a banana"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a person"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a carrot"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a brown donut"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a hair drier"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a skis"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a horse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a backpack"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a hair drier"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an umbrella"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a toaster"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a surfboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bicycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an oven"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bed and a surfboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a spoon"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a frisbee"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a computer keyboard"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a traffic light"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a cell phone and a wine glass"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tennis racket"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a wine glass"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a blue tie and a red bear"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a scissors"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a green boat and a pink cow"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a brown truck and a red kite"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a refrigerator"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a truck"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a white airplane and a black hot dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a parking meter"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "green"}, {"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a green bowl and a black baseball bat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a clock"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a banana"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a clock"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a bear"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bus"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a broccoli"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a cell phone and a traffic light"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a bed"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a sheep"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of an elephant and a surfboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a brown pizza and a blue bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cat"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of an orange motorcycle and a white sheep"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a skis"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a black sports ball and a red banana"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a hair drier and a baseball glove"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a toothbrush and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of an orange giraffe and a red sink"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a fire hydrant"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a banana"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of an orange backpack and a pink tie"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a hot dog"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a yellow traffic light and a white sink"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a purple zebra"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a green apple and a purple elephant"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a wine glass"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a suitcase"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a tie"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bench and a baseball glove"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a bottle and a fire hydrant"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bus"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of an oven"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a yellow car and a white donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bed and a pink handbag"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a cup"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a boat"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a computer keyboard and a skis"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sink and a yellow oven"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a baseball bat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a boat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a toilet"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple boat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow cell phone and an orange apple"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of an airplane"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a skateboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a yellow hot dog and a green clock"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bear and a blue sandwich"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a toilet and a zebra"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow boat and a purple laptop"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above an airplane"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow horse and a pink sports ball"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a blue kite and a pink surfboard"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow car and an orange orange"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a zebra"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a green parking meter and a pink sports ball"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of an orange umbrella"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of an oven"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a suitcase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a green tv remote and a white backpack"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a hair drier"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a toothbrush"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a baseball glove and a cake"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a toothbrush"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a bicycle and a book"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a brown fire hydrant and a pink elephant"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a black cell phone and a green skateboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cow"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a cake"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a book"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "toothbrush", "count": 1, "color": "white"}], "prompt": "a photo of a green bear and a white toothbrush"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink suitcase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a handbag"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a red couch and a purple kite"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a black skateboard and a green hair drier"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a red sink and an orange scissors"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a knife"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a toilet"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a tie"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a cell phone"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of an oven and a stop sign"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a brown sink and a black dining table"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a traffic light"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a baseball glove"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a baseball glove and a sandwich"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bus and a purple snowboard"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a brown apple and a pink oven"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bottle"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a green fork and a yellow microwave"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bowl and a blue bus"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a suitcase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above an orange"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a stop sign and a refrigerator"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a pink hot dog and an orange donut"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an airplane"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a clock"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a bed"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cow"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a black dining table and a brown cup"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer mouse and a brown chair"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a green computer keyboard and a blue hot dog"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bed"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sheep"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a backpack"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a cat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a stop sign"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "black"}], "prompt": "a photo of a black toothbrush"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a bear"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a white truck and a yellow hair drier"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a broccoli"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bottle"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a brown motorcycle and a pink umbrella"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a yellow scissors and a black toaster"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a vase and a laptop"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a snowboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a toothbrush"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a hot dog"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a giraffe"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a black cow and a white bottle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of an orange bear and a white bed"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a backpack"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a clock"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a brown zebra and a white pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a purple umbrella and a pink tv"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a black frisbee and a red cow"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a baseball bat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a toilet"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a spoon"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a sink"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a computer mouse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a tv remote and a tv"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a book"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a fire hydrant and a bird"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a black refrigerator and an orange horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a computer keyboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a hot dog"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a blue hair drier and a brown skis"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a kite"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a clock"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a skis"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a bird"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a green toothbrush and a red knife"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a frisbee"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a black parking meter and a green toothbrush"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a donut"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a skis"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a bench"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a surfboard and a bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a baseball glove"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue motorcycle and a yellow skateboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a car"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a black tennis racket and a white toilet"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a handbag"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a kite"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball bat and a red airplane"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "pink"}], "prompt": "a photo of a green car and a pink frisbee"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sink and a yellow couch"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a toilet and a cake"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a red spoon and a purple scissors"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a traffic light"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a pink parking meter and an orange tie"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a red sheep and a blue dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bench and an orange skis"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer mouse and a blue parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow umbrella"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a giraffe"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a toaster"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a toaster"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a donut"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a surfboard and a refrigerator"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a donut"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a carrot"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sports ball and a pink truck"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "orange"}], "prompt": "a photo of a green car and an orange frisbee"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a blue bird and a green tv"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a vase"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of an orange hot dog and a purple carrot"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a zebra"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange boat"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a red scissors and a yellow knife"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a green donut and a brown carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bottle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a motorcycle"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a suitcase"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a green sink and an orange vase"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a zebra"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a snowboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an elephant"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a dining table"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a pink kite and a blue giraffe"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a snowboard"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cake"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a white hot dog"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a toilet"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bicycle and a vase"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a blue couch"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a fork"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a cell phone"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a vase and a dining table"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a horse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a hair drier"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bench and a yellow laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a cow"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below an umbrella"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a green bird and a purple zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a banana"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a black clock and a pink bottle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a potted plant"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a white refrigerator"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a white hot dog and a brown sheep"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a laptop"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a red dog and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a black wine glass and a green skateboard"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a train and a bird"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a kite"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a snowboard"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple toothbrush and a white snowboard"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a pizza and a bus"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a motorcycle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a red handbag and a yellow elephant"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a clock"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a tie"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a clock"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a brown giraffe and a red teddy bear"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a purple clock and a blue cake"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a teddy bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a computer keyboard"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a vase and a suitcase"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a green boat and a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a white frisbee and a blue tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a spoon"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a skis"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a donut"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a skis"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a microwave"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a giraffe"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of an airplane"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a truck"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a hot dog and a skis"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bus"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "white"}], "prompt": "a photo of an orange sandwich and a white clock"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a red knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a microwave"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tie"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a purple suitcase and a green hot dog"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an elephant and a toilet"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a backpack and a scissors"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a wine glass"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a train"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of an elephant"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cup and a yellow hot dog"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a blue frisbee and a purple motorcycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a hair drier"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a hot dog"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a donut"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a vase"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a kite"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cat and a yellow bird"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a blue teddy bear and a brown sheep"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a black couch and a brown bowl"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a spoon"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a white computer keyboard and an orange knife"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink suitcase and a yellow dining table"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a red toilet"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a fork"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a scissors"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a person"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a black bird and a pink tv remote"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a red toothbrush and a green oven"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a traffic light"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a snowboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a zebra"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of an airplane"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "yellow"}], "prompt": "a photo of a red scissors and a yellow apple"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a motorcycle and a pizza"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a vase"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a frisbee"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of an orange boat and a black spoon"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bed"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a computer mouse"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball bat and a purple cell phone"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a train and a cow"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a parking meter and a train"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a parking meter"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of an oven and a book"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a bicycle and a scissors"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a handbag"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow kite and a pink skis"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of an umbrella and a microwave"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bear"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bowl"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a green bus and a red cell phone"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a black potted plant and a pink teddy bear"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bed"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of an orange motorcycle and a green refrigerator"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple toothbrush and a brown snowboard"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a chair and a giraffe"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a white toothbrush and a green refrigerator"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a stop sign"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a blue cow and a red fork"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a white suitcase and a pink cell phone"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a pink truck and a black bed"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a white knife and a blue potted plant"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a train"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown bowl and a black snowboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a horse"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cell phone"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a couch"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of an airplane"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a black orange and a purple donut"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a cat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a baseball glove"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a cup"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow airplane and a brown elephant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a sheep"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a white horse and a green kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a couch"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a microwave"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a sports ball"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a pink skis"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a microwave"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a toilet and a kite"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a cell phone"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a book"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a bowl and a tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a hair drier"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sheep and a brown oven"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a spoon"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a fire hydrant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a yellow car and a white potted plant"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tv and a green hair drier"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a purple bottle and a green umbrella"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a cake and a fire hydrant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a black train and an orange bed"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv and a pink train"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a surfboard"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a wine glass and a tv"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a stop sign"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a donut"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow car"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a white fire hydrant and a brown potted plant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink elephant and a yellow boat"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sheep"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a book"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a white bench and a black toilet"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of an orange sandwich and a white giraffe"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a green parking meter and a brown clock"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a black bed and a purple tennis racket"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a laptop"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a dog"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a surfboard"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bicycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sheep"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a pink toothbrush and a green cup"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a green bottle and a black sheep"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an airplane"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a cup"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a truck"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bird"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of an orange sheep and a green clock"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of an orange"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of an orange chair and a green spoon"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a giraffe"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a laptop"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink motorcycle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below an orange"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an apple"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a purple apple and a brown bowl"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a sink"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a cell phone"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a black baseball bat and a white bus"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of an elephant"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a traffic light and a teddy bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a giraffe"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a frisbee"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a dog"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a boat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown horse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a snowboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below an elephant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of an orange giraffe and a brown carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a broccoli"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a baseball bat and a surfboard"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a blue broccoli"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a book"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a brown tie and a black dining table"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a bench"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a yellow fork and a green sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow airplane and a blue orange"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv and a green car"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a fire hydrant"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a truck"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cell phone"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bowl"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a baseball bat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a motorcycle"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a bird and a fork"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a chair"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a toothbrush and a fork"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bus and a chair"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a black pizza and a purple motorcycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a red cat and a white sports ball"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a blue airplane and a white bed"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cup"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a handbag"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cake"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a hot dog"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a wine glass"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a potted plant"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an elephant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a white book and a red toothbrush"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a blue backpack and a black broccoli"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a handbag"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a fork and a teddy bear"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "yellow"}], "prompt": "a photo of a black hot dog and a yellow fire hydrant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a carrot"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a pink teddy bear and a red potted plant"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow computer keyboard and a brown refrigerator"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a brown frisbee and an orange parking meter"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a black tennis racket and a green umbrella"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a bear"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a black oven"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bed and a bus"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toilet"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer keyboard and a pink tie"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a white baseball glove and a pink boat"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bowl"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a blue skis and a green laptop"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a red handbag and a green cake"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a fork"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a brown sports ball and a green boat"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a green spoon and a black book"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a red vase and a brown elephant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a scissors"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a baseball bat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a toilet"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a cat"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a potted plant"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a boat"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "red"}], "prompt": "a photo of a green cat and a red skateboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a brown couch and a red tennis racket"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a broccoli"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a pink toothbrush and a blue train"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a white hair drier and a brown truck"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a refrigerator"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a skis"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a baseball bat"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a giraffe"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a bus"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a tv"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a sink and a donut"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a toilet"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a purple refrigerator"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a sink"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a blue sheep and a pink airplane"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a white hot dog"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bed"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a toaster"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a chair"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a dining table"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a bicycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a donut"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a suitcase and a dog"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of an orange traffic light and a pink sink"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of an orange cow and a red motorcycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a zebra"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a car"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a fork"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bear and a purple knife"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white motorcycle and a purple skateboard"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a person and a book"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a black traffic light and a white oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a tv"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a baseball glove and a dining table"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a black pizza and an orange knife"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a train"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a red boat and a pink scissors"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a white broccoli and a red giraffe"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a tennis racket and a cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a sheep"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a stop sign"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a bottle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a white cup and a blue horse"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a refrigerator"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a banana"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a white laptop and a brown parking meter"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a green knife"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a broccoli"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a black computer keyboard and a yellow vase"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a motorcycle and a sports ball"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a purple airplane and a white orange"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a sink"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a donut"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a brown apple and a purple refrigerator"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a handbag"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a fork"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple toothbrush and a white dog"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a traffic light and a sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an orange"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a red boat and a white apple"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a sandwich"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a white book"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a book"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a vase"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a tv and a baseball bat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a potted plant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a chair and a computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a laptop"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of an orange bowl and a green stop sign"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a knife"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cup"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a vase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a sports ball"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a boat"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a car and a backpack"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple microwave and a yellow bird"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a red elephant and a white laptop"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a black banana and a purple couch"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a carrot"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a refrigerator"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a laptop"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bench"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a hot dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a potted plant"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of an orange pizza and a white kite"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a bottle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of an orange chair and a red oven"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange car and a yellow toaster"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown car and a yellow carrot"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a pizza"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a cat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a skateboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a laptop"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a laptop"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a refrigerator"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a chair"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a blue knife and a purple suitcase"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bowl"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bus and a pink fork"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an apple"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a toothbrush"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a frisbee"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a tennis racket"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a cell phone"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a tennis racket"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a handbag"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a train"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bowl"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a surfboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a green oven and a white fork"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a toilet"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a toothbrush"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv and a purple wine glass"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a zebra"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a boat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of an orange computer mouse and a red banana"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a knife"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a fork"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a computer keyboard"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a blue bird and a red cell phone"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a sheep"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a stop sign"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a sheep"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of an orange suitcase and a green surfboard"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a wine glass"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a bed and an elephant"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a spoon"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a suitcase"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a potted plant and a zebra"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a purple knife and a blue toaster"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a blue toilet and a red cat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a sports ball"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a carrot"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a spoon and a fire hydrant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a brown clock and a white hair drier"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a hot dog and a bowl"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a donut and a surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a handbag"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a hair drier and a baseball bat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above an umbrella"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an apple"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a knife and a computer keyboard"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a white wine glass"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a cow"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a stop sign"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a tennis racket"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a kite"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sandwich"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "pink"}], "prompt": "a photo of a blue banana and a pink skis"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a giraffe"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a fork"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a black apple"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a traffic light"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of an orange couch and a green bus"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bench and a brown banana"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a brown couch and a white bottle"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a blue vase and a white computer mouse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a chair"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a toaster"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a cup"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a brown scissors and a green horse"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a refrigerator"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tv"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a carrot and a potted plant"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a dog and a refrigerator"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bus"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a black cat and a pink horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a scissors"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a person"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bowl"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow boat and a blue oven"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of an orange"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a brown refrigerator and a green parking meter"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a computer mouse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cell phone"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a toothbrush"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a cup"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bowl and an orange toilet"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above an elephant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a refrigerator"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a hot dog"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a green bowl and a white broccoli"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a parking meter"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "orange"}], "prompt": "a photo of a black baseball bat and an orange wine glass"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a wine glass"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a sheep"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a couch"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a white teddy bear and a purple car"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a brown fork and a pink vase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a white kite and a purple boat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bench and a brown skateboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a baseball bat"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bed"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bus"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a toothbrush"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a hot dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a vase"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a computer keyboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a handbag"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a banana and a giraffe"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a backpack"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a white car and a brown tv remote"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a snowboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a green sports ball and an orange clock"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a knife"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a cell phone"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a knife"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a red toothbrush and a white vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a white suitcase and a pink banana"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bus"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bottle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a skateboard and a snowboard"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bowl"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a book"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a green bed and a black handbag"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "purple"}], "prompt": "a photo of a brown fire hydrant and a purple bowl"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bed"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a laptop"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple dining table"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bed"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a cake"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple broccoli and a white computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a bench"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a laptop"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a skis and a stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cell phone"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a purple clock"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of an orange"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a backpack and a clock"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a hair drier"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a brown bed and a red computer mouse"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below an umbrella"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a zebra"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a truck"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a couch"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a brown train and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a yellow oven and a green hair drier"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a black skateboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a snowboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv remote"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a frisbee"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a truck"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a bus"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a tv remote"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a parking meter"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a toilet"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a zebra"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a baseball glove and a hot dog"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a carrot"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a horse"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a sports ball and a tie"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bowl and a yellow motorcycle"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a couch and a toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a handbag"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a wine glass"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a bus and an apple"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cow"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow clock and a pink vase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a boat"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a tv"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a purple baseball bat and a black refrigerator"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a brown baseball glove and a white wine glass"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cake"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a black toaster and a green tie"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tv remote and a pink tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of an airplane"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a train"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a motorcycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a donut"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a spoon"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a motorcycle"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a brown motorcycle and a purple horse"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a bed"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a laptop"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below an airplane"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of an orange and a laptop"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a black donut and a blue bus"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a pink umbrella"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a frisbee"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a kite and a parking meter"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bowl"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a wine glass and a banana"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "pink"}], "prompt": "a photo of a purple microwave and a pink baseball bat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sandwich"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a pizza"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a white bench and a pink tv"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a stop sign"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a baseball bat"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a chair"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a blue donut and a black knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a giraffe"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a couch and a pizza"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a hair drier"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a bowl"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a laptop"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a black umbrella and a purple handbag"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a green stop sign and a blue cat"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a clock"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sheep"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow microwave and an orange toaster"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a spoon"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a green stop sign and a white bowl"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a car"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a person"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of an oven"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a broccoli"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a laptop and a cup"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bench and a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a refrigerator"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bicycle"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a chair"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a traffic light"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a white vase"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a zebra and a dining table"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a laptop"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cup"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink car and a yellow bus"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a fork"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above an oven"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a purple backpack and a blue laptop"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sandwich and a yellow bench"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sink"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a white backpack"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a wine glass"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a brown microwave and an orange skis"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a black sheep and a green car"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a carrot"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sheep"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a bowl and a clock"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below an airplane"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cell phone and a white apple"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bird"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a baseball glove"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bottle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a refrigerator"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a fork"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of an orange traffic light and a purple tennis racket"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below an airplane"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of an orange parking meter and a pink backpack"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a snowboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a baseball bat"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a toilet"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a donut"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a skis"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a broccoli and a frisbee"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a car"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bottle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a train"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a fork"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a microwave"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of an orange tv remote and a white cow"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toaster"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a vase"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a traffic light"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an umbrella"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a handbag"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a white backpack and a red donut"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a red cat and a purple traffic light"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a banana"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a bear"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a black spoon and a yellow knife"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange surfboard and a yellow cell phone"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fire hydrant left of a carrot"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green handbag and a brown teddy bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a fork"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a parking meter and a toaster"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a chair"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a giraffe"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of an orange zebra and a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a brown parking meter and a green wine glass"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a sports ball"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a frisbee"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bottle and a pink chair"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a zebra"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a microwave"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a traffic light"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a snowboard"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a dining table"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an oven"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a computer keyboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a cow"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a knife"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of an orange"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a white cat and a red backpack"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a brown couch and a white toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a sandwich"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bed"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a tv"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bottle"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a purple car and a white zebra"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a tv"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a red tv and a white baseball bat"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of an orange wine glass and a white vase"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a red zebra and a brown sandwich"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a green dining table and a pink bowl"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a hot dog"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a kite and a hot dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sheep"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sports ball"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cat"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a parking meter"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a parking meter"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a suitcase and an orange"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a dining table and a knife"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a baseball glove"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a backpack"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a refrigerator"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a boat and a bird"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a banana"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a purple horse and a black handbag"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bicycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of an orange traffic light and a purple tie"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a surfboard"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a blue skateboard and a green knife"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a scissors and a cell phone"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a donut"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a knife"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of an orange"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a refrigerator"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a truck"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a knife and a broccoli"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a yellow donut and a white refrigerator"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a broccoli"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a microwave"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a red cell phone and a blue fire hydrant"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a fork and a scissors"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a purple potted plant and a white cup"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a dining table"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a pink cow and a red frisbee"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a dog"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bottle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tv"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a carrot"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a train"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a blue tv remote and a green bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a spoon"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a red oven"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a motorcycle"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a skis"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a spoon"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a bird"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a teddy bear"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a boat"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of an apple and a fork"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink baseball bat and a yellow kite"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a hair drier"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a red orange and an orange sports ball"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a sandwich"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a yellow truck and a red vase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a potted plant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sink"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a traffic light"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bench and an airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a white backpack and an orange clock"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a teddy bear and a traffic light"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a potted plant"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a toilet"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a refrigerator"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a laptop"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a cup"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a sink"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a tie"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a banana"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a black umbrella and a green orange"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a white tv"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a kite"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a banana"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of an apple"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a brown dog and a pink carrot"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a tie"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of an orange apple and a blue horse"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a white microwave and a brown chair"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of an airplane"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a green cup"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a banana and a cell phone"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a computer keyboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a scissors"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a white cup and a blue elephant"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a scissors"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a backpack"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a handbag"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a purple vase and a white carrot"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a dog"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a snowboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a fire hydrant"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a knife and a cup"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a computer mouse"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cup"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a purple fork and a white bus"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a knife"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a blue car and an orange sandwich"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a banana"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a green computer keyboard and a yellow frisbee"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a spoon"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a bench"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue laptop and a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a black suitcase and an orange parking meter"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a dog"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cat and a brown hair drier"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below an umbrella"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a refrigerator and a book"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a train"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bicycle and a chair"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a kite"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cow and a brown umbrella"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bird"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a suitcase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a person"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a pink skateboard and a red horse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a boat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a baseball glove and a toilet"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a skis"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above an orange"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a white fire hydrant and a black chair"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a black broccoli and a yellow hot dog"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a blue wine glass"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tv remote"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a giraffe and a chair"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a sink"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sheep"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "yellow"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bed and a black skis"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bus"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a hot dog"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a cup"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow laptop"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a refrigerator"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a carrot"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a black clock and a blue spoon"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a red clock and a black tie"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a pink horse and an orange boat"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a stop sign"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of an umbrella"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a car"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an airplane"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an orange"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a sheep"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of an umbrella"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a hot dog and a truck"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a book"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a pink car and an orange orange"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a train"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cup and a yellow fork"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an airplane"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a purple knife"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a tv and a giraffe"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black giraffe and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a baseball glove"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a purple baseball bat and a brown oven"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a hot dog"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a skis"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a tennis racket"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a hot dog"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a toaster"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a knife and a chair"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tv and a pink spoon"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a bottle"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a refrigerator"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a pizza"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a computer mouse"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a broccoli"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an airplane"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange elephant"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a purple bench and a black wine glass"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above an apple"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a vase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a teddy bear"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a fire hydrant"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above an oven"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a knife"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a black frisbee and a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a red fork and a green bowl"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "elephant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an elephant right of a truck"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bench"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a chair"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a cup"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an umbrella"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a white stop sign and a blue suitcase"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a blue hot dog and a purple truck"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a black truck and a pink teddy bear"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a traffic light"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a blue wine glass and a green carrot"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a suitcase"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "brown"}, {"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown toilet and a yellow dog"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a wine glass"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below an orange"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a truck"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a blue potted plant and a brown tie"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a red bowl"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink clock and a blue bicycle"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of an apple"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a car"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a zebra"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tie"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a cake"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a red sandwich and a green surfboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a snowboard"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a traffic light"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a bird"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a zebra"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a brown truck and a black bus"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a fire hydrant and a fork"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a traffic light and an oven"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer keyboard and a purple cow"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tie and a white elephant"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a white bicycle and a purple horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a snowboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a cell phone"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a train"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a snowboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a surfboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a white chair and a purple oven"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a bear and a fork"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a dining table"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bench and a yellow truck"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a knife"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tie"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a traffic light"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bottle"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a brown snowboard and a red vase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a cake"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a black bird and a blue sink"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a knife"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a toilet"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a snowboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a book"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a red orange and a black backpack"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a yellow carrot and a white tie"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of an oven"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a dining table"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a baseball glove and a hair drier"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a skateboard"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a pink stop sign and a blue apple"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a sandwich"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a bird"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a green sheep"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a purple parking meter and an orange car"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of an airplane"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bicycle"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "toothbrush", "count": 1, "color": "red"}], "prompt": "a photo of a blue couch and a red toothbrush"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a snowboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sandwich and a green train"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a black hair drier and a white orange"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cake"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a hot dog"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cake"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a cake"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a microwave"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a sandwich and an airplane"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a green sheep and a blue tv remote"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a purple book and a white tv"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a black umbrella and a blue scissors"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a sandwich"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an airplane"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a white microwave and a brown cow"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a horse"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of an orange sandwich and a white sheep"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a red toilet"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a black train and a brown cup"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a handbag"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a dog"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a sandwich"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a broccoli"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bird"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a surfboard"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a cup"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cell phone and a yellow skis"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a fork"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "pink"}], "prompt": "a photo of a purple computer keyboard and a pink dog"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cow and a white microwave"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a spoon"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a pizza"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a chair"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a white apple and a red scissors"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a giraffe"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a laptop"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a banana"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a brown fire hydrant and a purple toilet"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of an elephant"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a tie"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bicycle"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a frisbee"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a parking meter"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a clock and a cat"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer keyboard and a blue backpack"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of a black truck and an orange book"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a yellow surfboard and a green airplane"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a brown knife and an orange spoon"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a scissors"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a green broccoli and a blue suitcase"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a toaster and a cake"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a vase"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a dining table"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a chair"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an apple"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a black bird"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a clock"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow laptop and a brown pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a chair"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a cow"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a stop sign"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a fork"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a refrigerator"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a wine glass"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a wine glass and a sheep"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a laptop"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a donut and a bottle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white sandwich and a blue sports ball"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a traffic light"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a teddy bear"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a red frisbee and a black horse"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a cell phone and a cup"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sandwich and a yellow spoon"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a white snowboard and a pink knife"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a vase"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a dog"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of an orange bicycle and a white skateboard"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a microwave"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "brown"}], "prompt": "a photo of a white cell phone and a brown elephant"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a blue orange and a white giraffe"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a chair"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow knife"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a brown truck"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a boat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a skis"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a car and a stop sign"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a pink knife and a black baseball glove"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of an orange spoon and a green cell phone"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a red microwave"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a computer mouse"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a snowboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of an orange parking meter and a purple frisbee"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a giraffe"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a boat"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a spoon"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a yellow skateboard and a red clock"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a red tv remote and a purple sports ball"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a suitcase"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a brown skis and a black donut"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bottle and a yellow microwave"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a kite"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a skis"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sports ball and a blue traffic light"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a tv"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a laptop"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a bottle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a red bowl and a white cake"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "blue"}, {"class": "dog", "count": 1, "color": "brown"}], "prompt": "a photo of a blue frisbee and a brown dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a person"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sandwich"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a red suitcase and an orange oven"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cell phone"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sports ball and an orange bed"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a pink computer mouse and a green carrot"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a snowboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a white kite and a green bowl"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above an orange"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a clock"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a truck and a laptop"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tv remote and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a white baseball bat and a red snowboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bed and a motorcycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a sports ball"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a pizza"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a red bear and a black fork"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sandwich"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a traffic light and a refrigerator"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a toilet"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a green toaster and a black airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a carrot"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a tie"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a tv"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a blue train and a red scissors"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a white baseball bat and an orange backpack"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tie and a yellow tv"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a black laptop and a yellow cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a computer keyboard and a parking meter"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a person"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a computer keyboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a toaster"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a red umbrella and a brown bench"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a stop sign"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a pink bowl and a white banana"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bus"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a blue stop sign"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "red"}], "prompt": "a photo of a pink apple and a red microwave"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a baseball glove"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a black pizza and a yellow handbag"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of an elephant"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow snowboard and a black bicycle"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a purple cow and a green truck"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a couch"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a tie"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a banana"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a white dining table"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a white surfboard and a purple sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a hair drier and a person"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a banana"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a red train and a yellow sports ball"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a dining table"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above an elephant"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a skis"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a surfboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a teddy bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a refrigerator"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a person"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a baseball bat and a cow"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a pink airplane and a brown dining table"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a pink suitcase and a green tie"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a sports ball"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a pink book and an orange truck"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a pink umbrella and a purple microwave"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bed"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sink"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of a pink broccoli and a black frisbee"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bus"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a red traffic light"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a person"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red kite and an orange snowboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a kite"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green book"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below an elephant"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a chair"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of an orange traffic light and a pink oven"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a baseball glove"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a computer mouse"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tennis racket and an orange bowl"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "bed", "count": 1, "color": "brown"}], "prompt": "a photo of a blue carrot and a brown bed"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a fire hydrant and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow vase and a brown bird"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown parking meter and a black snowboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a bench"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bottle and a yellow baseball glove"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of an orange spoon and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bird"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a potted plant and a hair drier"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a suitcase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of an oven"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a skis"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a pink traffic light and an orange computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a train"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a green motorcycle and a brown parking meter"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a red teddy bear and a brown cat"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a microwave and an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a boat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a banana"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a clock"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a brown snowboard and a white bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sink"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of an orange car and a purple baseball bat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of an airplane"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a snowboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a knife"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a white car and a black carrot"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cow"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a potted plant and a baseball bat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an umbrella"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a tie"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a black cow and an orange backpack"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a scissors"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a computer mouse and a tv remote"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a red toaster and a blue banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a baseball glove"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a person"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white computer keyboard and a yellow snowboard"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "blue"}, {"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a blue elephant and a white skateboard"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a green carrot and a red computer mouse"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of an apple"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a pizza"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a green bus and a red sports ball"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a parking meter"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a blue giraffe and a black hot dog"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bowl"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of an orange"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a fork"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a yellow suitcase and a green spoon"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a purple potted plant and a red apple"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple giraffe and a yellow truck"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow clock"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bus"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a spoon and a handbag"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sink"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a boat"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a donut"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bottle"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a purple scissors and a brown clock"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a laptop"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a skis and a sandwich"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a cup"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a snowboard"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a traffic light"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a red cat and a white baseball glove"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a hair drier"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an umbrella"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow stop sign"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a potted plant and a sheep"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a traffic light"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of an orange backpack and a green clock"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a white microwave and a brown book"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a train"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bicycle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tv and a red surfboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a bird"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a blue hot dog and a red pizza"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a kite"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a white vase and a red potted plant"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white hot dog and a brown bicycle"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toothbrush"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a toothbrush"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a potted plant"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a pizza"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a red carrot and a white banana"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an oven"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a red apple and a pink stop sign"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a baseball glove"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a sandwich"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a red chair and a green toilet"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a red fire hydrant and a purple tv remote"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a white suitcase"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow boat and an orange sandwich"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a cup"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a banana"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a wine glass"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a cell phone"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a teddy bear and a cake"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a pizza"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a vase"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "fire hydrant", "count": 1, "color": "blue"}], "prompt": "a photo of a white cell phone and a blue fire hydrant"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a bear and a scissors"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a chair"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bowl"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a white boat and a black sports ball"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sandwich and a sports ball"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bear and a brown skis"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bench"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a black bottle and a blue bowl"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a microwave"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a purple hot dog and a white spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a broccoli"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a fire hydrant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bus"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a frisbee"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a bed and an umbrella"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a laptop"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a cell phone and an airplane"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bicycle"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a brown apple"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a sandwich"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sandwich and a black suitcase"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a green dining table and an orange clock"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a chair"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a hair drier and a tie"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "pink"}], "prompt": "a photo of a green vase and a pink bed"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a tie"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of an apple"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a laptop and a fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a suitcase"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a skateboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a surfboard"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a white refrigerator"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a white surfboard"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a motorcycle and a kite"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a tv remote and a frisbee"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sheep"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a computer mouse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a cake"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a dog and a toothbrush"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a yellow handbag and a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a black cake and a purple microwave"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a book"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a skateboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a dining table"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a purple surfboard and a red couch"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a train"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a purple train and a red backpack"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a stop sign"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a purple fork and an orange surfboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a bear"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sandwich and a purple skateboard"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a red handbag and a brown bottle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a green handbag and a red bicycle"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a baseball bat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a tv"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green baseball bat and a yellow skateboard"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a purple snowboard and a green carrot"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a couch"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a white potted plant and an orange bird"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a tv"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a book"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow skis and an orange stop sign"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a white parking meter and a yellow hot dog"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cup"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a truck"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bed"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a hair drier"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of an orange suitcase and a red motorcycle"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a purple scissors and a pink dining table"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a toilet"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a potted plant"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a pink vase and a white skis"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a white tie and a blue broccoli"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow baseball glove and a pink toaster"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a car"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a teddy bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a black airplane and a red sheep"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a spoon and a train"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a brown clock and a blue apple"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a fork"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a black parking meter and a purple broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a fire hydrant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a surfboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a backpack"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a broccoli"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bus"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a brown wine glass"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a spoon and a toaster"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a toilet"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bowl and a yellow suitcase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tv remote"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a cup and a tennis racket"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a computer keyboard"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a skis"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a skateboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a black computer keyboard and a blue horse"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a skateboard and a sports ball"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a carrot"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a tie and a computer keyboard"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a knife"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a brown laptop and a black traffic light"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a pink bear and a red bed"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a pink spoon and a brown baseball bat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a baseball glove"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a banana"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of an umbrella and a cat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a teddy bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a spoon"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a teddy bear"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a sports ball and a donut"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a train"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "bowl", "count": 1, "color": "orange"}], "prompt": "a photo of a pink computer mouse and an orange bowl"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tv"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sink and a yellow orange"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a carrot"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a potted plant"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a blue apple and a black skis"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a vase"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below an elephant"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a cat and a kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a fork"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a cat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a scissors"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a green surfboard and a white airplane"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a car"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a tennis racket"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tennis racket"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a sports ball and a skateboard"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a red clock"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bench and an orange baseball bat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a refrigerator"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a train"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a sink"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a tv"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a book"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a fork"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a blue bear and a green suitcase"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a fork"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue computer keyboard and a white bear"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bottle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tie"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a white oven and an orange laptop"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red dog and an orange bear"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a green oven and a blue laptop"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of an apple"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a hot dog"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a wine glass and an elephant"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bird"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bench"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sheep"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bus"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of an orange tie and a black bowl"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a teddy bear"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a chair"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a snowboard"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sandwich and a yellow cake"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a computer mouse and an elephant"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow skis and a blue cake"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a tv remote"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a train"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bird"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a parking meter and a hair drier"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a pink refrigerator and a red backpack"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a baseball glove"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a sandwich"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a banana"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a white spoon and a purple donut"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a sheep and a refrigerator"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "black"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black car and a brown skateboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a vase and a cow"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a purple fire hydrant and a green spoon"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a wine glass"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a baseball bat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a spoon"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a book"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cow"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a microwave"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of an orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a banana"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a baseball bat and an oven"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "brown"}], "prompt": "a photo of a purple suitcase and a brown toilet"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a potted plant"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a vase"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a vase"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a microwave and a refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a cell phone"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a pink umbrella and a white motorcycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a yellow handbag and a black laptop"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a motorcycle"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a fork"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a knife and a person"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a black zebra and a purple frisbee"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a red bottle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a toaster"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a pink bed and a green sheep"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bottle and a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bench"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bear"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a white laptop and a black bed"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a green book and a purple surfboard"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bed and a giraffe"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sink"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a fork"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sandwich and a pink airplane"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a brown sink and a red sports ball"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a dining table"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a blue microwave and an orange couch"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a pink vase and a red baseball glove"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a bird"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a parking meter"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below an airplane"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an elephant"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a dining table"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bear"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a black tie and a white knife"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a truck"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a white surfboard and a pink traffic light"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a hair drier"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sandwich"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a banana"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a teddy bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bear"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a blue cake and a black sink"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a pink sheep and a white cake"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a microwave"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a toaster"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a zebra"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a black microwave and a yellow sheep"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an orange"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a blue horse and an orange bed"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a fork"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a surfboard"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a chair and a dining table"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bird"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a bottle and a baseball bat"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a blue umbrella and a brown tie"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a toaster"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a chair"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a train"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a baseball glove"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a brown backpack and a purple cell phone"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a green cup and a red baseball glove"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a green frisbee and an orange refrigerator"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a purple knife and a red dining table"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a baseball bat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a book"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a skateboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown orange and a black surfboard"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a laptop"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a hot dog"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a toothbrush and a wine glass"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue clock and a yellow computer mouse"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a cow and an airplane"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a purple banana and a pink fire hydrant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a cow and a vase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a handbag"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a frisbee"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a fire hydrant"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a toothbrush"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a banana"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of an orange zebra and a white train"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a chair"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a green baseball bat and a brown bus"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a toothbrush"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a knife"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a sports ball"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a cell phone and a toaster"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a suitcase and a sink"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a white toothbrush and a yellow train"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a computer keyboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a vase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of an orange and a train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a pizza"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a blue chair and an orange bed"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a hair drier"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bench"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a horse"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a backpack"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sandwich"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a toothbrush"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a skateboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sports ball"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a green computer mouse and a blue chair"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of an airplane"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a purple chair and a blue truck"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a bus and a teddy bear"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bed"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a refrigerator and a sink"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of an orange apple"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cow"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a black couch"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a skis"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a pink giraffe and a white cup"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a white knife and a blue baseball bat"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of an orange laptop and a green potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a horse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a white cell phone and a black bench"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a microwave"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a car"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a dog"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sheep"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bear"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a brown surfboard and a black cow"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a black cell phone"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white car and a pink snowboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a computer mouse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a scissors"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a red stop sign"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a hair drier"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a frisbee and a wine glass"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a cup"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a carrot"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a book"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a white baseball bat and a brown truck"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a yellow orange and a white tv remote"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a broccoli"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a dining table"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a green fire hydrant and a brown parking meter"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a donut and a wine glass"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a toilet"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a kite"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a dog"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cell phone"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a pink baseball bat and a purple airplane"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a laptop"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a wine glass"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a white elephant and a purple backpack"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a yellow backpack and a black donut"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of an umbrella"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a cup and a book"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a blue suitcase and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cow"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of an orange and a parking meter"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bench"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a red dog and a pink baseball glove"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a refrigerator"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a car"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a fork"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a car"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a dining table"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a baseball glove"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv and a pink cup"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a toothbrush and a kite"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bed and an airplane"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "green"}], "prompt": "a photo of a green wine glass"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv remote"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a brown stop sign and a black bed"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a snowboard"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a white toothbrush and a red tv remote"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a red bench and a blue snowboard"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple car and a yellow refrigerator"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a toilet"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a purple toaster and an orange motorcycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sports ball and a purple potted plant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple elephant and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a red bird and a pink sandwich"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a white banana and a purple cake"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a banana"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a black bottle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a hot dog"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a blue dining table and a purple cell phone"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a clock"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a chair"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a purple knife and a green computer keyboard"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a red kite and a white hair drier"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cell phone and a purple laptop"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a sink"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a pink backpack and a brown spoon"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a bicycle and a skateboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a white cat and a brown oven"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a fire hydrant"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a surfboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a cell phone"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a truck"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tv remote and a pink train"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bicycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a snowboard and a potted plant"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a knife"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a spoon"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a vase and a zebra"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a green horse and a purple broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a hair drier"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bear"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a refrigerator"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green banana and a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a green cat and a purple bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a traffic light"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a parking meter and a person"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a white handbag and a green frisbee"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a tv remote"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a fork"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a green spoon"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a fork"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a microwave"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a pink toaster and a blue scissors"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a green stop sign and an orange dog"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a hot dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an airplane"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a fire hydrant"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a broccoli"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown elephant and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a pizza"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a red broccoli and a white oven"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a purple giraffe and a white bed"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a green dog and a purple banana"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bird and an orange cat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a purple car and a black cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a zebra"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a potted plant and a bottle"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a blue computer keyboard and a white chair"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow sports ball and a brown pizza"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bus and a blue traffic light"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a hair drier"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sheep"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a purple tv remote and a black fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a potted plant"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a fork"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a bicycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a purple frisbee and a black cat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a white truck and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a red boat and a yellow pizza"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a cow and a cake"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a traffic light"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a frisbee"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "clock", "count": 1, "color": "green"}], "prompt": "a photo of a white traffic light and a green clock"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a red backpack and a purple potted plant"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a pizza and a tv"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a brown surfboard and a pink vase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a fork"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cake"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a pink teddy bear and a brown kite"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a toilet"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dog above a potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a hair drier"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a computer mouse"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cup"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a black cup and a white bird"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bowl"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a tv"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a car"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a clock"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a pink backpack and a green surfboard"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a black snowboard and a yellow knife"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a truck"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a yellow sandwich and a red sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a sink"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a toaster and a bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cup and a yellow toothbrush"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a green car and a pink chair"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a fire hydrant"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bird"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a stop sign"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of an orange microwave"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a broccoli"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a toaster"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a sports ball"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a sheep"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a knife and a pizza"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a kite"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tie and a brown fork"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a motorcycle"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a skis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bottle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bowl"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an airplane"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a sandwich and a bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a green motorcycle and a brown skis"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown baseball bat"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a white stop sign"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a pizza and a toothbrush"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a purple frisbee and a pink chair"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a purple dining table and a white sports ball"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a surfboard"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow stop sign and an orange scissors"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a surfboard"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a baseball bat"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a baseball bat"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a bowl"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a purple surfboard and an orange spoon"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a chair"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a blue sandwich and a black bed"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a green toilet"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a stop sign"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a pink scissors"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a pizza"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a cell phone"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a wine glass"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bicycle"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bicycle and a sandwich"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a hot dog"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "black"}], "prompt": "a photo of a black clock"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an apple"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv remote"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a couch"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a blue sink and a red donut"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a black truck and a brown cup"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a tv and a toothbrush"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a dog"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a boat"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a purple potted plant and a pink tv"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a red computer keyboard and a black chair"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sports ball"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bottle"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a carrot"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a pink couch and a brown orange"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a white traffic light and a yellow elephant"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a tv remote"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of an elephant and a stop sign"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "green"}], "prompt": "a photo of a green toilet"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a bird"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cake"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sandwich"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bird"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "orange"}], "prompt": "a photo of an orange frisbee"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a cup"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a clock"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a toaster and a tennis racket"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a dog"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a scissors"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a vase"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sink and a blue truck"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a wine glass"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bottle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a truck"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a teddy bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sports ball"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a baseball bat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a tv remote"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a sports ball"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a wine glass"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a donut"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bowl"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a hot dog"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a purple stop sign and a brown apple"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a donut"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a green car and a purple baseball glove"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a brown knife"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a couch"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a computer mouse and a frisbee"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a traffic light"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow train and an orange bench"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a skateboard"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bed"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple baseball glove and a yellow sheep"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a green bear and a pink tv remote"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a cow"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bench"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a spoon"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of an orange hot dog and a white cup"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a snowboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a zebra"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a yellow skis and a white sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a snowboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a fork"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a white snowboard and a pink parking meter"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a dining table and a wine glass"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a red bed and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a laptop"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a white stop sign and a black microwave"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "traffic light", "count": 1}], "prompt": "a photo of a banana and a traffic light"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a green bottle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a scissors"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a zebra"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a tv"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a red snowboard and a purple cat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a green sheep and a brown backpack"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a skateboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a broccoli"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a black skis and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cow and an orange bird"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a tennis racket"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a sandwich"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a dining table and an airplane"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bench"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a laptop"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a baseball glove"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a tv"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a pink elephant and an orange cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tennis racket"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a blue potted plant and an orange handbag"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a teddy bear"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an orange and a toilet"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a kite"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a sports ball"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bottle"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bird"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a couch and a truck"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a book and a tie"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a person"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a brown parking meter and a red apple"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a carrot"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a couch"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a knife and a parking meter"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above an airplane"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a couch"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of an orange knife and a white stop sign"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below an oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a knife"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a purple refrigerator and an orange dog"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a toilet"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bed"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a blue giraffe and a green broccoli"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a computer mouse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a bowl"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow banana"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cake and an orange cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cup"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bear and a blue carrot"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a hot dog"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a hair drier and a computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a backpack"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a donut"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a blue oven and a purple carrot"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a purple donut and a white suitcase"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of an orange vase and a purple broccoli"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a brown spoon"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a blue toothbrush and a purple bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a sheep"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a traffic light"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "orange"}], "prompt": "a photo of a brown kite and an orange umbrella"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a carrot"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bowl and a purple stop sign"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bed"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a book"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a green skateboard and a pink laptop"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a snowboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below an airplane"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bird"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a carrot"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of an orange fire hydrant and a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a brown motorcycle and a red bowl"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a black sandwich and a white computer keyboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a black toilet and a red cow"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a dog and a knife"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a tie"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a tie"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a cell phone"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a black cake"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a white stop sign and a blue bench"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "brown"}, {"class": "book", "count": 1, "color": "white"}], "prompt": "a photo of a brown frisbee and a white book"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a carrot"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a snowboard"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a wine glass"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a white bus and a pink zebra"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a traffic light"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of an orange boat and a black cake"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a white knife and a pink bird"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a blue refrigerator and a purple sandwich"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "blue"}], "prompt": "a photo of a blue skis"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a motorcycle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below an elephant"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above an elephant"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an airplane"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sandwich"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a traffic light"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a boat"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a cat and a bird"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cup"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a book"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a kite"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a cup"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above an airplane"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sandwich"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of an elephant and a dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a vase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a broccoli"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a pink toilet and a white carrot"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toothbrush"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a donut"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a stop sign"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sheep"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a baseball glove"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a cell phone"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a white cup"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fire hydrant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a surfboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a fire hydrant"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a person"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an airplane"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a fire hydrant"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a brown parking meter and a black fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a chair"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a white wine glass"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a brown surfboard and a green train"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a brown sink and a green couch"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a tv and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a yellow car and a white oven"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a yellow fire hydrant and a black toilet"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "orange"}, {"class": "wine glass", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange skateboard and a yellow wine glass"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "yellow"}], "prompt": "a photo of a white dining table and a yellow bed"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow refrigerator and a pink computer keyboard"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a car"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a black surfboard and a yellow cell phone"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a green surfboard and a pink hot dog"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a train"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a black donut and an orange microwave"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a snowboard and a hair drier"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a red train and an orange vase"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a skis"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below an orange"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a toothbrush"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a zebra"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a white sheep and a brown cow"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a fork and a boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a chair"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a blue airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a vase"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "green"}], "prompt": "a photo of a green dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a person"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a brown backpack and a black knife"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a book"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a refrigerator and a cow"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange suitcase and a purple skateboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a stop sign"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a boat"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a brown train and a green scissors"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a hot dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a couch"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a clock and a dining table"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a sandwich"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a stop sign"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above an elephant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a white wine glass and a blue bus"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a potted plant"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a microwave"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a refrigerator"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a boat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a handbag"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a couch"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of an orange dining table and a red couch"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of an orange"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "bowl", "count": 1, "color": "blue"}], "prompt": "a photo of a brown book and a blue bowl"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a baseball glove and a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a sandwich"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a cow"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a train and an orange"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a cow"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a surfboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bird"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a clock"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a donut"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tv"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a fire hydrant"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a sports ball and a bicycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a teddy bear"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer mouse and a pink traffic light"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a fire hydrant"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple refrigerator and a yellow vase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tv"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a knife"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below an elephant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple surfboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a stop sign"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a sheep"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a blue apple"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cell phone"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a motorcycle"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bowl"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a wine glass"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a suitcase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a hot dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bird"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of an orange banana and a red hot dog"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a clock"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a giraffe"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a broccoli"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a brown scissors"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a scissors"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a baseball bat"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a white chair"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a boat"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a book"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a white dog and a red orange"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of an airplane and a boat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a toilet"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a purple banana and an orange bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a motorcycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a stop sign"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a green handbag and a purple backpack"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bench"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a sandwich and an orange"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a brown dining table and a blue kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bicycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a brown bottle and a green kite"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above an oven"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bottle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a brown cell phone and a white train"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a surfboard"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a tennis racket"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a pizza and a broccoli"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a white elephant and a green apple"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a laptop"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of an orange toaster and a white snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a train"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a couch"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a refrigerator"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a wine glass"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a hair drier"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a wine glass"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a sports ball"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of an orange refrigerator and a pink bicycle"} +{"tag": "two_object", "include": [{"class": "umbrella", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of an umbrella and a scissors"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bed"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a cup"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a blue donut and an orange vase"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a computer keyboard and a broccoli"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a couch"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a tie"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cell phone"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bear and a pink bird"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a baseball bat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an orange"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of an orange"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange elephant and a yellow oven"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a horse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a train"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a brown baseball glove and a white suitcase"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a wine glass"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "pink"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a pink car and an orange skis"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a green bowl"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a green zebra and a red toilet"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bed"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a blue toilet and a red motorcycle"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a broccoli"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below an airplane"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of an orange spoon and a purple traffic light"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a fire hydrant"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bowl"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a tie"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a parking meter and a bird"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a broccoli and a cell phone"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of an orange"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a car"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a laptop"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a purple airplane"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a tie"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a horse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a pink refrigerator"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bus"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a green baseball bat and a red skis"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a giraffe"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a green tie and a yellow bowl"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a frisbee"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a couch"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above an elephant"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a book"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a frisbee"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a green dining table"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a bird"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a clock"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a boat"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "green"}, {"class": "frisbee", "count": 1, "color": "red"}], "prompt": "a photo of a green bed and a red frisbee"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a red bench and a black sheep"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "car", "count": 1, "color": "orange"}], "prompt": "a photo of a white elephant and an orange car"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a stop sign"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a wine glass"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a skis"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow zebra and a pink teddy bear"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of an orange cat and a green cake"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a white frisbee"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a carrot"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "clock", "count": 1, "color": "blue"}], "prompt": "a photo of a white tv remote and a blue clock"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a dining table"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a fork"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a horse"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a bowl"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a toaster"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a traffic light"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cake"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a chair"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a sandwich"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tv remote and a brown oven"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a green handbag and a black tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a snowboard"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a dog"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a purple backpack and a red sheep"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a red truck"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a red kite and a blue backpack"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a hair drier"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an oven"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bicycle and a yellow tie"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a suitcase"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a train"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a broccoli"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a pink bear and a black horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a knife"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a baseball bat"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a pizza and a skis"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple donut"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a tennis racket"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an oven"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a fire hydrant"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a red scissors and a blue handbag"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a white train"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a baseball bat"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a sheep"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a handbag"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a backpack"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a scissors and a snowboard"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cup"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a fork and a chair"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a white microwave and an orange refrigerator"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a white banana and a pink pizza"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tennis racket"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an oven"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a dog"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a scissors"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a snowboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an apple"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of an orange cup and a black oven"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a skateboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a donut"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "microwave", "count": 1, "color": "green"}], "prompt": "a photo of a yellow computer mouse and a green microwave"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a white cup and a brown refrigerator"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a laptop and a giraffe"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an oven"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a white microwave and a brown scissors"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow stop sign and a pink cake"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a baseball glove"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bed"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a parking meter"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a sink"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of a donut"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cat"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a potted plant"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a car"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a blue horse and a green umbrella"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a snowboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a broccoli and an apple"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of an orange truck and a black carrot"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a potted plant"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue toaster and a purple snowboard"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a tie"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a skateboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a tv"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a black computer mouse and a yellow knife"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a tie and a bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow broccoli and a pink bowl"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a horse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a truck"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a green computer mouse and a purple toaster"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a brown handbag and a white refrigerator"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above an orange"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a suitcase"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an elephant"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a horse and a car"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a person"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a truck"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a black teddy bear and a white bench"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sheep and an orange pizza"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a skis"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a backpack"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a blue knife and a white frisbee"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bowl"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bed and a chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a hair drier"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an oven"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above an oven"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a frisbee"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a purple baseball bat and a brown backpack"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a sheep"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tv"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cat"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a fire hydrant"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bowl"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a fork"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a green parking meter and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue stop sign and a purple skateboard"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a green tie and a white skis"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a chair"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a laptop"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a skateboard"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "red"}], "prompt": "a photo of a yellow laptop and a red wine glass"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a spoon"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bear and a yellow surfboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cat"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of an orange potted plant and a purple broccoli"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bowl"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cell phone"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a toothbrush and a refrigerator"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a laptop"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a person"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a bicycle and a clock"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of an orange hair drier and a blue scissors"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a teddy bear and a sheep"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a brown wine glass and a blue hair drier"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a train"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a backpack"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a carrot"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a white cat and a green sandwich"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of an orange bottle and a black tie"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a knife"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a brown motorcycle and a purple parking meter"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of an oven and a train"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a cake"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bed"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cup"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of an orange clock"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a refrigerator"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a carrot"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "umbrella", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an umbrella left of a bench"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a toilet"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a couch"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bear and a blue hot dog"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a red vase and a black umbrella"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a scissors"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a tennis racket"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a teddy bear and a person"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a green truck"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a purple bowl and a white baseball bat"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of an elephant"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a kite"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cake"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sports ball and a purple train"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a green snowboard and a blue dining table"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a sandwich"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a bowl"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bottle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a giraffe"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a toilet"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a green horse and a brown pizza"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a car"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a laptop"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow banana and a pink wine glass"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a green backpack and a red teddy bear"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a blue skateboard and a purple fork"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "microwave", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sheep and a yellow microwave"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "traffic light", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bear and a red traffic light"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a pink donut and a white couch"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a green tennis racket and a red sheep"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a fire hydrant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a pizza"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a surfboard and a skis"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a black dog and a green sheep"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bus"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a toilet"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a yellow motorcycle and a white banana"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bowl"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a broccoli"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bed"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bird"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink refrigerator and a yellow bicycle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a carrot"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a frisbee"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a potted plant"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a brown refrigerator and a pink tv"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a cup"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tv remote"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a donut"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow skis and a black teddy bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a computer keyboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a motorcycle"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bottle"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a spoon"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a pink donut and a purple tie"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a white cup and a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a purple baseball bat and an orange suitcase"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a refrigerator and a cell phone"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a white toilet and a purple kite"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a wine glass"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a white carrot and a purple apple"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a toilet"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a hair drier"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a kite"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a black knife and a brown laptop"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bed"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a brown handbag"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a sports ball"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a clock"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a suitcase"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a white elephant and a pink pizza"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a pink motorcycle and a brown tennis racket"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a tv and a bench"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a person"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of an orange carrot and a green apple"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bicycle and a black backpack"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a fork"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tennis racket"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a hot dog"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a pink chair and a red stop sign"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below an airplane"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a green airplane and a blue tv remote"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a person and a teddy bear"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a baseball bat"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a cup"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a giraffe"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a yellow carrot and a black hot dog"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cake"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a vase and a donut"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a truck"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a black skis and a brown refrigerator"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue snowboard and a yellow vase"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a bed"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of an orange skis and a red bottle"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a green teddy bear and a blue stop sign"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue truck and a yellow kite"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fire hydrant right of a sink"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a person"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of an orange vase and a red donut"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a surfboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a scissors"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "dog", "count": 1, "color": "orange"}], "prompt": "a photo of a red umbrella and an orange dog"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bird"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a parking meter"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a person"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a green truck"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "apple", "count": 1, "color": "purple"}], "prompt": "a photo of a red giraffe and a purple apple"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a knife"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a computer mouse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a zebra"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a frisbee"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a chair and a cake"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a carrot"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "yellow"}, {"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bowl and a blue baseball bat"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "skateboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange book and a purple skateboard"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a green dog and a blue potted plant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a tie"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a pink skis and a purple tennis racket"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a parking meter"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a purple train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sink"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a pink hair drier and a purple bed"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a handbag"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a chair"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a couch"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a potted plant"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a snowboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a cow"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a teddy bear"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a banana"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an orange"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a train"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a refrigerator"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bowl"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow zebra and a pink backpack"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a pink tie and a white computer mouse"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a brown giraffe and a purple tennis racket"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a white broccoli and a blue airplane"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cake and a brown refrigerator"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a banana"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bowl and a frisbee"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a snowboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a purple banana and a white computer mouse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a toaster and a cat"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a brown baseball glove and a blue vase"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hair drier and a yellow scissors"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bear"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bowl"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a cell phone and a bus"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "traffic light", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a traffic light right of a laptop"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "traffic light", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a traffic light left of a toilet"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a banana"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a pizza"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a green tv and a red skis"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of a motorcycle and a baseball bat"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a black bench"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a dog"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a white microwave and a red bench"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bicycle and a purple suitcase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a frisbee"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a boat"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a black stop sign and a blue sports ball"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a sheep and a bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "umbrella", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an umbrella above a refrigerator"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an apple"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a red fork and a green knife"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a brown spoon and a green broccoli"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of an orange book"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dog"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a carrot and a sports ball"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a giraffe"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toilet"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below an airplane"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bowl and a pink carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a surfboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an airplane"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "brown"}], "prompt": "a photo of a brown book"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a refrigerator and a tv remote"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a green handbag and a black chair"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a fire hydrant"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a kite"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a yellow baseball glove and a white pizza"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "orange"}], "prompt": "a photo of a blue horse and an orange fire hydrant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "black"}], "prompt": "a photo of a black skateboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a snowboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "elephant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an elephant left of a frisbee"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a cell phone"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a baseball bat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a red potted plant and an orange laptop"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a skateboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a toothbrush"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a person"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "skateboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skateboard left of an apple"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange book and a yellow airplane"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a truck"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a white surfboard"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a teddy bear and a tie"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a purple laptop and a brown scissors"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a cup"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bed"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of a blue fork and a green bowl"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a black cake"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a frisbee"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "book", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a book right of a handbag"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a cat"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a frisbee"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a knife"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a snowboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a hot dog"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a fork and a parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tie"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow zebra and a black bottle"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a cat"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a black handbag and a purple knife"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a couch"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "apple", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an apple right of a wine glass"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a dining table"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a microwave"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a fire hydrant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a giraffe"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a bear and a book"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sink"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tv remote and a blue cat"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a microwave"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a cup"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a parking meter"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a zebra"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above an umbrella"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a clock"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a sandwich"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a boat and an apple"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cup"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a person"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a stop sign and a suitcase"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below an umbrella"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a white fire hydrant and an orange bed"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a white surfboard and a red boat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a train"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a green knife and a red bench"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a brown cup and a blue motorcycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sandwich"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a fire hydrant and a laptop"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a scissors"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a hair drier"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a black cell phone and a pink laptop"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a dog"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple toaster and a blue bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a red computer mouse and a purple scissors"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a blue truck and a brown wine glass"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a green sink"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a green suitcase and a pink knife"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a green hot dog and a blue oven"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a clock and a pizza"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a handbag"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a toilet"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a skis"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a tennis racket"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a toaster"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a fork"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a brown skis and a purple spoon"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a book"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a motorcycle and a cat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a black cake and a pink cell phone"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a truck"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a tennis racket"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bus and a frisbee"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a dog"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a purple truck and an orange computer mouse"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a skateboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below an orange"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a white couch and a black traffic light"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bottle"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a skis and a giraffe"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bed"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a spoon"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a truck"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a hot dog"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a traffic light and a banana"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a sandwich"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a zebra and a kite"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a white boat and a yellow kite"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "bowl", "count": 1, "color": "green"}], "prompt": "a photo of an orange tv remote and a green bowl"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a cake"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a couch"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a surfboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bed"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "yellow"}], "prompt": "a photo of a white book and a yellow cup"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bus"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a tennis racket"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a laptop"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a green car and a brown traffic light"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a hair drier"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "black"}], "prompt": "a photo of a black traffic light"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "wine glass", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a wine glass left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a bicycle and a donut"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a computer keyboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a refrigerator"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "white"}], "prompt": "a photo of a white skis"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tv remote and a brown tennis racket"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a hot dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a handbag"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a snowboard"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a yellow skateboard and a black laptop"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a hot dog"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bowl and a purple bird"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a bird"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink orange and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a dog"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a pink frisbee and a green surfboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a purple bird and a red cat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above an umbrella"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a bird"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "black"}], "prompt": "a photo of a black cup"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a pink chair and a red bench"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a zebra"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a toilet"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a microwave"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a white hair drier and a purple elephant"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a red microwave and a blue surfboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an elephant"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "black"}], "prompt": "a photo of a black bowl"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a car"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a refrigerator"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a truck"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a tv remote"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a purple knife and a red cell phone"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a traffic light and a bus"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a bus"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a pink zebra and a blue sheep"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a frisbee"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sandwich and a purple carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tv remote"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a computer keyboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a skis"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a toilet"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a traffic light"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a car and a truck"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black banana and a yellow snowboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bus"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a green wine glass and an orange refrigerator"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a brown truck and a black cake"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown baseball bat and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a wine glass"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a blue zebra and a brown fire hydrant"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an orange"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a carrot"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a banana"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a car"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a cell phone"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a backpack"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a suitcase"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a black airplane and an orange skis"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bus"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a purple bicycle and a black spoon"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a sports ball"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a potted plant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a baseball glove"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a train and a book"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a laptop"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a donut"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of an airplane and a suitcase"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a teddy bear and a chair"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a tie"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a computer keyboard"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a blue orange"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a white cow and a black bottle"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a brown truck and a black orange"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bicycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bowl"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a brown couch and a pink dining table"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a car and a bicycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a surfboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a motorcycle"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv remote"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a truck"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a frisbee"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a red broccoli and a purple bird"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "colors", "include": [{"class": "toothbrush", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toothbrush"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of a broccoli"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a toaster"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a car"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a zebra"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a wine glass"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow apple and a brown scissors"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a chair"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a pizza"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sink"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bowl below a snowboard"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a frisbee"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a fork"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a hair drier"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a fire hydrant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a teddy bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a snowboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a giraffe"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a surfboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a sink"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "black"}], "prompt": "a photo of a black umbrella"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a truck"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow computer mouse and a brown cat"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a green car and a purple suitcase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a book and a hot dog"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toaster"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bowl"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a black bench and a red hair drier"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bicycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a couch"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a blue train and a white suitcase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a vase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a toaster"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow train and a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple sheep"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bicycle"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a car"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a boat"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of an apple and a train"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an umbrella"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of an oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sandwich"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a purple banana and a green cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of a chair"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a frisbee"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a black train and a purple clock"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a parking meter and a tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an airplane"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a computer mouse"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a fire hydrant"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a dog"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a white train and a red knife"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "bed", "count": 1, "color": "green"}], "prompt": "a photo of a brown sink and a green bed"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a vase"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bear and a brown refrigerator"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a horse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a teddy bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a frisbee"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "black"}], "prompt": "a photo of a purple book and a black apple"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a fire hydrant and a donut"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a clock"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a toothbrush"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a fork"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bus"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above an umbrella"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a sink"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a cup and a car"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "microwave", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cat and an orange microwave"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a microwave and an elephant"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a bowl"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a fire hydrant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a pink hot dog and a green knife"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a sandwich"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a green toothbrush and a white horse"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a tennis racket and a teddy bear"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sports ball"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toothbrush right of an airplane"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "umbrella", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an umbrella right of a train"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cake"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a white tv and a pink bottle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a blue traffic light and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a handbag and a sink"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a yellow donut and a black computer mouse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a surfboard"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a car"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a tennis racket and a bench"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a black orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a giraffe"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue boat and a yellow cat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a horse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tv"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a scissors"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a black knife and a pink horse"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a green spoon"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a green cup and a purple bicycle"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of a cup"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a toilet and a surfboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a green skis and a pink handbag"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a zebra"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an airplane"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a yellow frisbee and a black dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toothbrush above a carrot"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bench and a yellow bicycle"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a green clock and an orange tennis racket"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a parking meter"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a green backpack and a black stop sign"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a traffic light"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a book"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "pink"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a pink dog and an orange skis"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sports ball"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue broccoli and a yellow giraffe"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "purple"}], "prompt": "a photo of a purple microwave"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a clock"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a banana and a broccoli"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a pink toilet and a red car"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a hot dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of an orange baseball bat and a brown backpack"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a toothbrush"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a red spoon"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a scissors"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bowl"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a microwave"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a giraffe"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a sink and a computer mouse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bird"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a truck"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a white dining table and an orange refrigerator"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bus and a brown cow"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a purple umbrella and a black horse"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a wine glass"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of an airplane and a snowboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a surfboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a computer mouse"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a brown zebra"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a scissors"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a hair drier"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a stop sign"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cake"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a laptop"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a sports ball and an umbrella"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a suitcase"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a dog"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a sink and a fork"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown book and a yellow couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a cell phone"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a white wine glass"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a brown book and a black tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above a vase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a stop sign"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a vase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a carrot"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of an orange"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "purple"}], "prompt": "a photo of a red train and a purple toilet"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cell phone and a purple bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of an orange donut and a white backpack"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a fire hydrant"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a skateboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a suitcase"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a handbag"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a green bus and an orange broccoli"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a red couch and a green bus"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sports ball"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown spoon and a yellow tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a giraffe"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a suitcase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bicycle"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dog"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a green orange and a pink knife"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a brown computer mouse and a purple truck"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a red knife"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a frisbee"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a baseball glove"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a hair drier"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a dog and a book"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a truck"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a microwave"} +{"tag": "colors", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}], "prompt": "a photo of a red fire hydrant"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a brown computer keyboard and an orange toaster"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown hot dog and an orange baseball bat"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a hair drier"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown motorcycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a purple stop sign"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bottle"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of an apple and a zebra"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a snowboard"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple knife and a yellow bear"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a red carrot"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a dining table"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of an orange airplane and a pink donut"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange stop sign and a black motorcycle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a yellow toaster and a red suitcase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a person"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a microwave"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a blue pizza and a pink train"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a hot dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bowl", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bowl right of a broccoli"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below an orange"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an orange"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a skis"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a green cat and a pink bird"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a vase"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a hair drier and a carrot"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hair drier"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of an orange toaster and a green kite"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "umbrella", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an umbrella below a dog"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a red banana and a blue baseball bat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a skateboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a clock"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a wine glass"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a green bottle and a black sports ball"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above an umbrella"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a knife"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "white"}], "prompt": "a photo of a blue orange and a white car"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a vase"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a boat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cow"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "skis", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skis right of an apple"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bear and a purple hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a computer mouse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a zebra"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a pink book and an orange sink"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a boat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a donut"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a car"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a purple skateboard and a red couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a vase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a banana"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a handbag"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below an apple"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a dog"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a skis"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a couch"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow frisbee"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a baseball bat"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of an airplane"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a train and a giraffe"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a baseball bat"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a blue tie and a red cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a boat"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a green cat and a red horse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a tv"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below an apple"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a sheep"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bicycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bird"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a green bear and a red stop sign"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a toilet"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a dog"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of an orange refrigerator and a white oven"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green tie and a brown skateboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball bat left of a train"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a refrigerator"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball bat right of a bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a white cup and an orange handbag"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a green bird and a black scissors"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tennis racket"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "car", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a car above a couch"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a toaster"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a baseball glove"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a baseball bat and a tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a suitcase"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a skis and a clock"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a hot dog and a car"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a traffic light and a sink"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a cake and a hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a teddy bear"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a book and a computer mouse"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a car and a motorcycle"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a toilet"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a couch"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow scissors and a purple oven"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a black fork"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "wine glass", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a wine glass below a sheep"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bus"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a dining table"} +{"tag": "counting", "include": [{"class": "bed", "count": 4}], "exclude": [{"class": "bed", "count": 5}], "prompt": "a photo of four beds"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bus and a purple sink"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a skateboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dog below a tv"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a blue tv remote and a green car"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a pizza"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a hair drier"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cat and a brown baseball glove"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a backpack"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a person"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a hair drier"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "frisbee", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a frisbee below a broccoli"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a green toothbrush and a black carrot"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tennis racket"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sports ball and a yellow train"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a red bench and a purple vase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a computer keyboard"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a sports ball"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sports ball"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a white bicycle and a red sink"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a white airplane and a purple oven"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below an oven"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of an elephant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a stop sign"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "purple"}, {"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple microwave and a yellow bowl"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of an elephant"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a purple clock and a red giraffe"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a train"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a blue tennis racket and a white parking meter"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple computer keyboard and a yellow orange"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a fire hydrant"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a blue donut and a purple sink"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a spoon"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a purple boat and a black cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a knife"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a yellow donut and a white sheep"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a hair drier and a dog"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of a vase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a traffic light and a bird"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green broccoli and an orange surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a broccoli"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of an orange umbrella and a black chair"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cell phone"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a horse"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a scissors"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bird"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "blue"}, {"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a blue clock and a white umbrella"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of an orange stop sign"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a blue truck and a black toaster"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple laptop and a pink surfboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a sheep"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cake"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a traffic light"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a hot dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "car", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a car left of a tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a motorcycle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a truck"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a toilet"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a backpack"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "clock", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown suitcase and a yellow clock"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a blue car"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a pink chair and a brown sandwich"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a dining table"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an orange"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a broccoli"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a zebra"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a baseball glove and a computer keyboard"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a black bird"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a sheep and a toilet"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a pink traffic light and a white laptop"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "purple"}], "prompt": "a photo of a blue chair and a purple skis"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a baseball glove"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "pink"}], "prompt": "a photo of a pink clock"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a tv remote and a cell phone"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a brown chair and a purple sink"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a traffic light"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white tennis racket and a blue surfboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below an apple"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "orange"}, {"class": "dog", "count": 1, "color": "blue"}], "prompt": "a photo of an orange traffic light and a blue dog"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a toothbrush"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow car and a purple airplane"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "bowl", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bowl left of an elephant"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green motorcycle and a brown skateboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a fork"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a handbag"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a car"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a frisbee"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a hot dog"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "clock", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a clock below a pizza"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a wine glass and an umbrella"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bowl"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a couch"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a red tv remote and a green baseball bat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a sheep"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a yellow suitcase and a green apple"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a suitcase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bicycle"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a fire hydrant"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a skis"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a green cake and a blue snowboard"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of an elephant and a banana"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a brown orange and a pink bottle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a green refrigerator"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "elephant", "count": 1, "color": "purple"}], "prompt": "a photo of a green banana and a purple elephant"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a purple knife and a red toilet"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a pizza"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a giraffe"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow banana"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow zebra and a blue orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink surfboard and an orange motorcycle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bus and an orange boat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a truck"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a hair drier"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a computer mouse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a banana"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a red broccoli and an orange bed"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bus"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a sports ball and a car"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sandwich"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bed"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "white"}], "prompt": "a photo of a white bowl"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a purple bench and a green sheep"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above an airplane"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a black scissors and an orange suitcase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a baseball glove"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 4}], "exclude": [{"class": "baseball bat", "count": 5}], "prompt": "a photo of four baseball bats"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bench and a brown tv"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of an elephant and a train"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a black bus and a pink banana"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a boat"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black boat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a bus"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a frisbee"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a donut"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a spoon"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a teddy bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a car"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a toaster"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a backpack"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a bed and a horse"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bottle and a black sheep"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cell phone"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue handbag and a purple surfboard"} +{"tag": "counting", "include": [{"class": "elephant", "count": 3}], "exclude": [{"class": "elephant", "count": 4}], "prompt": "a photo of three elephants"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a red fire hydrant and a black carrot"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "toilet", "count": 3}], "exclude": [{"class": "toilet", "count": 4}], "prompt": "a photo of three toilets"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a red cup and an orange broccoli"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a blue baseball bat and a black carrot"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a computer mouse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a motorcycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a green skis and an orange baseball glove"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "microwave", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a microwave right of a fire hydrant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a knife"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a stop sign"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a frisbee"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a cup"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bench"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a black skis and a white sheep"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "toilet", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink orange and a yellow toilet"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a dining table"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sports ball and an orange kite"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "skateboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a skateboard right of a tennis racket"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of an elephant"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a frisbee"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a person"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of an oven and an airplane"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bird"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a cat and an apple"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a vase and a knife"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a green car and an orange bird"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bowl"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bicycle"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of an airplane and a toaster"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a brown motorcycle and a green cup"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a cake"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a red snowboard and a pink bottle"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a laptop"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a black giraffe and a white zebra"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bed"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a toilet and a bicycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bowl"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a laptop"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a brown surfboard and a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "fire hydrant", "count": 1, "color": "green"}], "prompt": "a photo of a yellow train and a green fire hydrant"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bed", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bed below a dining table"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bird"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a baseball bat"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a clock"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below an oven"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a toaster"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below an orange"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a microwave"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a green baseball glove and a pink knife"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a bed"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a dog"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above an orange"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a white carrot and a blue sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bed", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bed above a computer keyboard"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a tv"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white baseball bat and a blue sports ball"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a carrot"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a dog and a sink"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a white cow and a green book"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dog right of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bus and a brown baseball bat"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of an elephant and a laptop"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a black stop sign and a yellow sandwich"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a tennis racket"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toothbrush left of a bench"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball bat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a baseball bat and a bed"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a yellow dining table and a black toilet"} +{"tag": "color_attr", "include": [{"class": "dog", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a brown dog and a purple horse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sink"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "book", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a book below a computer mouse"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tv and a white bus"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a boat"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bear and a surfboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a tennis racket"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a laptop"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a black sink"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a toilet"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a toilet"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a blue wine glass and a brown cell phone"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of an apple and a banana"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tie and a purple backpack"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a computer mouse"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bus and a yellow surfboard"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a green skis and a brown backpack"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a traffic light"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above an orange"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "cup", "count": 1, "color": "brown"}], "prompt": "a photo of a white kite and a brown cup"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange car and a yellow hot dog"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple knife and a yellow frisbee"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "pink"}, {"class": "traffic light", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink book and a yellow traffic light"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "orange"}], "prompt": "a photo of a purple apple and an orange clock"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of an airplane"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bicycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a scissors"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a black knife and a yellow train"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 2}], "exclude": [{"class": "traffic light", "count": 3}], "prompt": "a photo of two traffic lights"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a skis"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below an oven"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a refrigerator"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a knife"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a pink donut and a purple zebra"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toilet", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toilet left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a green computer mouse and an orange airplane"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bowl"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bowl and a refrigerator"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a book"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a tie"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a backpack"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of a zebra"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "wine glass", "count": 1, "color": "white"}], "prompt": "a photo of a yellow refrigerator and a white wine glass"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a dog"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "baseball bat", "count": 1, "color": "white"}], "prompt": "a photo of a brown cat and a white baseball bat"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a skateboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a red sink and a green bus"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a frisbee"} +{"tag": "position", "include": [{"class": "microwave", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a microwave"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "brown"}], "prompt": "a photo of a purple sink and a brown apple"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a vase"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a brown zebra and a white bottle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a surfboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an elephant"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a train"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bus and a yellow potted plant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a hair drier"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a vase and an apple"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a bottle"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a banana and a handbag"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a wine glass"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bus"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "brown"}], "prompt": "a photo of a brown traffic light"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below an apple"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bottle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of an orange bicycle and a black vase"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange teddy bear"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sports ball"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toilet", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toilet right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tennis racket and a blue laptop"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a sandwich"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a banana"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a hot dog"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a potted plant"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sink and a blue airplane"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a tie"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a tie"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a computer mouse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bowl"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a cup and a bed"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a parking meter"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "pink"}], "prompt": "a photo of a black backpack and a pink wine glass"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a toaster"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tv remote"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a bench"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a toaster"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a fork"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a green fork and a yellow teddy bear"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a green bicycle and a brown computer mouse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bus"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "position", "include": [{"class": "toilet", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a toilet"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a surfboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a tie"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a white frisbee and a purple potted plant"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "wine glass", "count": 1}], "prompt": "a photo of a baseball bat and a wine glass"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of an oven"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a giraffe"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a scissors"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a white wine glass and a pink potted plant"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a blue train"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an airplane"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sandwich and a green bench"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a white oven"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bus"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a purple parking meter and a black horse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a person"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a bowl and a dining table"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a green skis"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a book"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a tv remote and a surfboard"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bird and a blue handbag"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a traffic light and a motorcycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a scissors"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a toothbrush"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a red bowl and a black suitcase"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bed and a brown surfboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a pink zebra and a purple book"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a black sink"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a blue wine glass and a white cat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "elephant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an elephant below a teddy bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a handbag"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a fire hydrant"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tennis racket"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cat and a red cell phone"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a blue train and a green sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a carrot"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a skis"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a stop sign and a couch"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of an orange bird and a green kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a tv remote"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a vase and a microwave"} +{"tag": "colors", "include": [{"class": "dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dog"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a laptop"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "car", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a car right of a bird"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a laptop and a parking meter"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "frisbee", "count": 1, "color": "black"}], "prompt": "a photo of an orange sandwich and a black frisbee"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hot dog"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cup"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bicycle"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer mouse and a purple train"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a scissors and a parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a yellow kite and a black sheep"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a sandwich"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a yellow microwave and a green sink"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "traffic light", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a traffic light below a sports ball"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "skateboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skateboard above a cell phone"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a skateboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "white"}], "prompt": "a photo of a white bed"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a donut"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a potted plant and a motorcycle"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a bear and a fire hydrant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a laptop"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a vase"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bird and an orange vase"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow umbrella"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a zebra"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a suitcase"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a brown airplane and a blue pizza"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a white baseball bat and a brown sandwich"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a book and a microwave"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a blue refrigerator and a brown skis"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "microwave", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a microwave left of a clock"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a cell phone"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 4}], "exclude": [{"class": "umbrella", "count": 5}], "prompt": "a photo of four umbrellas"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a train and a toilet"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a banana"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball bat above a laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a carrot"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a white kite and a purple bicycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a person"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a wine glass"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a bench and a couch"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a laptop"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bed", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bed left of a toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bottle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a red computer mouse and an orange tv remote"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bicycle and a black cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a sink"} +{"tag": "position", "include": [{"class": "traffic light", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a traffic light"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a hot dog"} diff --git a/ppdiffusers/examples/flow_grpo/dataset/geneval_filter_test.py b/ppdiffusers/examples/flow_grpo/dataset/geneval_filter_test.py new file mode 100644 index 000000000..8a1fbfe65 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/geneval_filter_test.py @@ -0,0 +1,42 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import json + + +def filter_train_metadata(test_path, train_path, output_path): + # 读取test文件中的所有prompt + test_prompts = set() + with open(test_path, "r") as f: + for line in f: + data = json.loads(line.strip()) + test_prompts.add(data["prompt"]) + + # 过滤train文件并写入新文件 + with open(train_path, "r") as fin, open(output_path, "w") as fout: + for line in fin: + data = json.loads(line.strip()) + if data["prompt"] not in test_prompts: + fout.write(line) # 保留原行,包括换行符 + + +# 示例用法 +if __name__ == "__main__": + tasks = ["color_attr", "colors", "counting", "single_object", "two_object"] + for task in tasks: + filter_train_metadata( + f"/dataset/geneval/{task}/test_metadata.jsonl", + f"/dataset/geneval/{task}/train_metadata_nofiltered.jsonl", + f"/dataset/geneval/{task}/train_metadata.jsonl", + ) diff --git a/ppdiffusers/examples/flow_grpo/dataset/geneval_unseen_objects/test_metadata.jsonl b/ppdiffusers/examples/flow_grpo/dataset/geneval_unseen_objects/test_metadata.jsonl new file mode 100644 index 000000000..d070709b1 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/geneval_unseen_objects/test_metadata.jsonl @@ -0,0 +1,1024 @@ +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a blue book"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a skis and a frisbee"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a skis and a car"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a green skateboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a traffic light and a clock"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a wine glass"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bed"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a black car"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skis"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a wine glass"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a baseball bat and an umbrella"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a red bed"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "a photo of two toothbrushs"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a white frisbee and a purple book"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of an orange clock and a green apple"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a white elephant"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a baseball bat and a book"} +{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "a photo of a baseball bat"} +{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "a photo of a cup"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a black elephant and a red umbrella"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a baseball bat and an umbrella"} +{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "a photo of a car"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a wine glass"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "a photo of a baseball bat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of an umbrella"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "a photo of four microwaves"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a frisbee and a skateboard"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a black microwave"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a car and an elephant"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a toothbrush"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bed"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bed and a frisbee"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a black bowl and a brown microwave"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bed"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a cup"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "a photo of four frisbees"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a car"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a dog"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a red toilet"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a green elephant and a red toilet"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "a photo of two clocks"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an elephant"} +{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "a photo of a book"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a red toilet"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a skis and a dog"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a dog"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a wine glass and a book"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a wine glass"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a cup and a bed"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a clock"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "a photo of four frisbees"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bowl"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a pink toilet and a blue apple"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a skis and a frisbee"} +{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "a photo of a cup"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a traffic light and a bed"} +{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "a photo of a skateboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a red microwave and a black car"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a purple car"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bowl"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a red fire hydrant and a green traffic light"} +{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "a photo of an umbrella"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of a pink elephant and an orange book"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink elephant"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bed"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a bed"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a white car and an orange toothbrush"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a fire hydrant and a skis"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a skateboard"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a skis and a dog"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a car"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a toothbrush and a skateboard"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a pink toilet and a blue apple"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "a photo of two beds"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skateboard"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a white frisbee and a purple book"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a book and an umbrella"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a baseball bat"} +{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "a photo of a clock"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a baseball bat and a cup"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a black toothbrush and a red bowl"} +{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "a photo of an elephant"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a red apple and a black toilet"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "a photo of four microwaves"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a clock and a frisbee"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a green car"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a green apple"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a black toilet and a blue wine glass"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of an elephant and a clock"} +{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "a photo of a clock"} +{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "a photo of a traffic light"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "a photo of an elephant"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a fire hydrant and an umbrella"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "a photo of a baseball bat"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "a photo of four traffic lights"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a black bed"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a purple clock"} +{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "a photo of a toothbrush"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a green skateboard"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a cup and an umbrella"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "a photo of four books"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a frisbee and a car"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a skis"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a skis and a dog"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a skis and a frisbee"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a green frisbee and an orange bed"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a book and an umbrella"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball bat"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "prompt": "a photo of three baseball bats"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a red bed and an orange skis"} +{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "a photo of an umbrella"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of an apple"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball bat"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a black elephant and a red umbrella"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a pink bowl and a black fire hydrant"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an apple and a toilet"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a skis"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a black traffic light and a purple frisbee"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a black bed"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a book"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a red bed"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a clock and a skateboard"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a toothbrush and a skateboard"} +{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "a photo of a frisbee"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball bat and a blue car"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bowl"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of an orange bed and a black book"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a fire hydrant"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a toilet and a book"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a purple traffic light and a white apple"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a skis and a toilet"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball bat"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a book"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a microwave and a bed"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a red baseball bat and a green umbrella"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a frisbee and a skateboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bed"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a skis and a dog"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skis"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "a photo of two beds"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a pink umbrella"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a skateboard"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a red umbrella and a black skis"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "a photo of three wine glasses"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a skateboard"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a baseball bat and an umbrella"} +{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "a photo of a book"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "a photo of two toothbrushs"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a green umbrella and a pink apple"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bed and a frisbee"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "a photo of two wine glasses"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a skateboard"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a white frisbee"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a white skateboard and a green toothbrush"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a green skateboard"} +{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "a photo of a book"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "a photo of three apples"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a cup and an umbrella"} +{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "a photo of a bed"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a purple wine glass and a red clock"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball bat"} +{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "a photo of a wine glass"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a fire hydrant"} +{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fire hydrant"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of an apple"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a blue book"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a purple traffic light and a white apple"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a baseball bat and a bowl"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "a photo of two frisbees"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a black frisbee and a green book"} +{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "a photo of a wine glass"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "a photo of three books"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cup and an orange apple"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a baseball bat and a bowl"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a green wine glass and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a fire hydrant"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "a photo of four bowls"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an umbrella"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a white frisbee"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 2}], "exclude": [{"class": "umbrella", "count": 3}], "prompt": "a photo of two umbrellas"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a black bowl and a brown microwave"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a green frisbee and an orange bed"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a brown wine glass"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a blue book"} +{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "a photo of a frisbee"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a black microwave"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a car"} +{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a baseball bat and a bed"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a skateboard"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball bat"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of a pink elephant and an orange book"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a skis"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a microwave and a toothbrush"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a skis"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a dog"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball bat"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a black microwave and a green skis"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a wine glass and a car"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a wine glass and a book"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a clock"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a black elephant and a red umbrella"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a toilet and a dog"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a fire hydrant"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "a photo of a toilet"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of an elephant"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a white microwave"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a dog"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above an elephant"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a microwave and a bed"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "a photo of two toothbrushs"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a red car"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bed"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "a photo of a bed"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a toilet and a dog"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a black bowl and a brown microwave"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a traffic light and a cup"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow elephant"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "a photo of four bowls"} +{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "a photo of a toilet"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a baseball bat and an umbrella"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a traffic light and an apple"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a skateboard"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a skis and a car"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a red skis"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a fire hydrant"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a car"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "green"}], "prompt": "a photo of a green skateboard"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a black toothbrush and a red bowl"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a purple car"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a wine glass and a book"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "prompt": "a photo of three baseball bats"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "a photo of two beds"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a green toothbrush and a blue traffic light"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a wine glass"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of an apple"} +{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "a photo of a car"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a cup and a microwave"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a toilet and a book"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a red fire hydrant and a green traffic light"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a purple bowl and a red cup"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball bat and a blue car"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a clock and a skis"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a red car"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a baseball bat"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a dog"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a white skateboard and a pink umbrella"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "a photo of two clocks"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a wine glass and a book"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a dog"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball bat and a red book"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a pink bowl and a black fire hydrant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a black umbrella and a brown skis"} +{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "a photo of an apple"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a cup and an umbrella"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a dog"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a book and an umbrella"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a skateboard"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a car and an elephant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a baseball bat"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "a photo of a skis"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bowl"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "a photo of three apples"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a wine glass and a skateboard"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of an orange car and a black microwave"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bed and a frisbee"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a clock and a skateboard"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a cup and a microwave"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a fire hydrant and an umbrella"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a cup and a microwave"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a skis"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a skis"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a clock and a frisbee"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "a photo of three apples"} +{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "a photo of an elephant"} +{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fire hydrant"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bed"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a dog"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a skis and a toilet"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a car and an elephant"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a clock and a skateboard"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a black toilet and a blue wine glass"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a traffic light and a cup"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a pink umbrella"} +{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "a photo of a microwave"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a black umbrella and a brown skis"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a purple wine glass and a red clock"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a skis"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow frisbee"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an elephant and a toilet"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cup and an orange apple"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a brown car and a black wine glass"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a book"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a dog"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red bowl and an orange skateboard"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a red bed"} +{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "a photo of a microwave"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bed"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of an orange bed and a black book"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a toothbrush and a skateboard"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a traffic light and an apple"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a clock"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a black frisbee and a brown fire hydrant"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow elephant"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a traffic light and a clock"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a baseball bat and a cup"} +{"tag": "counting", "include": [{"class": "apple", "count": 2}], "exclude": [{"class": "apple", "count": 3}], "prompt": "a photo of two apples"} +{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "a photo of a wine glass"} +{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "a photo of a bowl"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a baseball bat and a bowl"} +{"tag": "counting", "include": [{"class": "bed", "count": 2}], "exclude": [{"class": "bed", "count": 3}], "prompt": "a photo of two beds"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a red baseball bat and a green umbrella"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a dog"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red bowl and an orange skateboard"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a dog"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a skis"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "a photo of four skateboards"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a traffic light and a cup"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a baseball bat and a book"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a baseball bat and a fire hydrant"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above an elephant"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "a photo of three books"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a red bed and an orange skis"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a red apple and a black toilet"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a white frisbee and a purple book"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "a photo of two cars"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a fire hydrant"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of a car"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bed"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a pink toilet and a blue apple"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a white apple"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "a photo of three wine glasses"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a dog and a cup"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a green cup"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of an apple"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a red baseball bat and a green umbrella"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a white microwave"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a baseball bat"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 2}], "exclude": [{"class": "toothbrush", "count": 3}], "prompt": "a photo of two toothbrushs"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a dog"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "a photo of two clocks"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a red bed and an orange skis"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a brown skis and an orange toilet"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a skis and a toothbrush"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a red traffic light and a brown baseball bat"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of an apple"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "a photo of four bowls"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bed"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skateboard"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a brown wine glass and a white frisbee"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a bowl and a bed"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a black microwave"} +{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "a photo of a bed"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "a photo of four skateboards"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an apple and a toilet"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a skis"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a bed and an elephant"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a skis"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a white apple"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a fire hydrant"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a clock"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an elephant and a toilet"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a skateboard"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a skis"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a green apple"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of an elephant and a clock"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball bat"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a wine glass"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a white elephant"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a baseball bat and a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cup and an orange apple"} +{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "a photo of a toilet"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a skateboard and an umbrella"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a baseball bat and a bed"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a black frisbee and a green book"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skis"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a black frisbee and a green book"} +{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "a photo of a clock"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bed"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a baseball bat and a bed"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a green frisbee and an orange bed"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "frisbee", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a frisbee above a wine glass"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of an apple"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a brown microwave and a white cup"} +{"tag": "single_object", "include": [{"class": "fire hydrant", "count": 1}], "prompt": "a photo of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a traffic light and a clock"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a dog"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skateboard"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a red microwave and a black car"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a black car"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a traffic light and a bed"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "a photo of two frisbees"} +{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "a photo of a dog"} +{"tag": "counting", "include": [{"class": "clock", "count": 2}], "exclude": [{"class": "clock", "count": 3}], "prompt": "a photo of two clocks"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a baseball bat and a bed"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bed"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a skis and a toothbrush"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "a photo of a traffic light"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above an elephant"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a wine glass and a car"} +{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "a photo of an umbrella"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a red book and a brown baseball bat"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a black umbrella and a brown skis"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a green elephant and a red toilet"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an umbrella"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a white umbrella"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a frisbee and a skateboard"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "prompt": "a photo of three baseball bats"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "single_object", "include": [{"class": "baseball bat", "count": 1}], "prompt": "a photo of a baseball bat"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bowl"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a skis"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an apple and a toilet"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "a photo of two wine glasses"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a red apple"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a white microwave"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a baseball bat"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a green umbrella and a pink apple"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a car"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a green cup"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a wine glass"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "single_object", "include": [{"class": "book", "count": 1}], "prompt": "a photo of a book"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a white frisbee"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a red apple and a black toilet"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a toothbrush and a skateboard"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a fire hydrant and a skis"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a book"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a traffic light and a bed"} +{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "a photo of a traffic light"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a book"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball bat"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a dog"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a red toilet"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue elephant"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "cup", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cup left of a skateboard"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a skateboard"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a toothbrush"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a white umbrella"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a black microwave and a green skis"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of an orange bed and a black book"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skateboard"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fire hydrant above an elephant"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball bat and a purple bed"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "a photo of two frisbees"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 3}], "exclude": [{"class": "baseball bat", "count": 4}], "prompt": "a photo of three baseball bats"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of a traffic light and a clock"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a skis"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a red apple"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a baseball bat"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a skis and a toothbrush"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a baseball bat and a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a red microwave and a black car"} +{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "a photo of a skis"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "a photo of three wine glasses"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue elephant"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a cup and a bed"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of an orange clock and a green apple"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bed"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a bed"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a toilet and a frisbee"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a green umbrella and a pink apple"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a dog"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bowl"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a black toilet and a blue wine glass"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a frisbee"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a skis"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a white car and an orange toothbrush"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a green car"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a traffic light and an apple"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a pink umbrella"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a cup"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a dog and a cup"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a microwave and a toothbrush"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a bed and an elephant"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball bat"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 2}], "exclude": [{"class": "skateboard", "count": 3}], "prompt": "a photo of two skateboards"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a green apple"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a green cup"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "a photo of four traffic lights"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a dog"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a dog and a cup"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a skateboard and an umbrella"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a fire hydrant and a skis"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a frisbee"} +{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "a photo of a microwave"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 3}], "exclude": [{"class": "wine glass", "count": 4}], "prompt": "a photo of three wine glasses"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of an apple"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a red apple"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a red fire hydrant and a green traffic light"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a baseball bat"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a black bed"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bowl"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a skateboard and an umbrella"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a white umbrella"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a white frisbee"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "a photo of three books"} +{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "a photo of a bowl"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "book", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a book above a skateboard"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of an elephant and a fire hydrant"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a baseball bat and a cup"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an elephant"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a frisbee and a skateboard"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a purple bowl and a red cup"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "book", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a book left of a skis"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "skis", "count": 3}], "exclude": [{"class": "skis", "count": 4}], "prompt": "a photo of three skises"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a purple traffic light and a white apple"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bowl"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a green elephant and a red toilet"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skateboard"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a bed"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a green wine glass and a pink fire hydrant"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a bowl and a bed"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of a pink elephant and an orange book"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "orange"}], "prompt": "a photo of a red bed and an orange skis"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow elephant"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "single_object", "include": [{"class": "traffic light", "count": 1}], "prompt": "a photo of a traffic light"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a toothbrush and an elephant"} +{"tag": "single_object", "include": [{"class": "elephant", "count": 1}], "prompt": "a photo of an elephant"} +{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "a photo of a car"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of an elephant"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a wine glass"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a purple bowl and a red cup"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a brown baseball bat and a pink umbrella"} +{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "a photo of a skateboard"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a toilet and a dog"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a brown skis and an orange toilet"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "a photo of four microwaves"} +{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "a photo of a dog"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a skis and a toothbrush"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a cup"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a skateboard"} +{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "a photo of a bowl"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a white skateboard and a pink umbrella"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a white car and an orange toothbrush"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an umbrella"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "a photo of a skateboard"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a red traffic light and a brown baseball bat"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a brown microwave and a white cup"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "black"}, {"class": "wine glass", "count": 1, "color": "blue"}], "prompt": "a photo of a black toilet and a blue wine glass"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of an orange apple"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a brown microwave and a white cup"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a black car"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball bat and a purple bed"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a black microwave and a green skis"} +{"tag": "counting", "include": [{"class": "apple", "count": 3}], "exclude": [{"class": "apple", "count": 4}], "prompt": "a photo of three apples"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red bowl and an orange skateboard"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "a photo of four traffic lights"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "green"}, {"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a green elephant and a red toilet"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of an elephant"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball bat and a purple bed"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a green toothbrush and a blue traffic light"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a clock and a skis"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cup above a dog"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a wine glass"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "a photo of two cars"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a wine glass"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a toilet and a frisbee"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "single_object", "include": [{"class": "bowl", "count": 1}], "prompt": "a photo of a bowl"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a brown wine glass and a pink elephant"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "pink"}], "prompt": "a photo of a pink microwave"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "white"}], "prompt": "a photo of a white skateboard"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a black frisbee and a brown fire hydrant"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a toothbrush"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a pink umbrella"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skis"} +{"tag": "position", "include": [{"class": "apple", "count": 1}, {"class": "clock", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a clock right of an apple"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "a photo of a dog"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a white apple"} +{"tag": "single_object", "include": [{"class": "car", "count": 1}], "prompt": "a photo of a car"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a skateboard"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 4}], "exclude": [{"class": "toothbrush", "count": 5}], "prompt": "a photo of four toothbrushs"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a skis and a car"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of a black microwave"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a bed"} +{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "a photo of a toothbrush"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "red"}], "prompt": "a photo of a red toilet"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "a photo of four books"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a skis"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a purple wine glass and a red clock"} +{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "a photo of a cup"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a fire hydrant and a skis"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball bat"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a dog"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball bat and a blue car"} +{"tag": "counting", "include": [{"class": "bowl", "count": 4}], "exclude": [{"class": "bowl", "count": 5}], "prompt": "a photo of four bowls"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of an elephant and a fire hydrant"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a bowl and a bed"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a brown baseball bat and a pink umbrella"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of an elephant and a fire hydrant"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a wine glass and a skateboard"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a purple car"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of an elephant and a fire hydrant"} +{"tag": "colors", "include": [{"class": "microwave", "count": 1, "color": "white"}], "prompt": "a photo of a white microwave"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a red book and a brown baseball bat"} +{"tag": "single_object", "include": [{"class": "dog", "count": 1}], "prompt": "a photo of a dog"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "skis", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a skis above a skateboard"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a wine glass and a skateboard"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a green car"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a pink bowl and a black fire hydrant"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a green toothbrush and a blue traffic light"} +{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "a photo of an apple"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bed"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a red skis"} +{"tag": "counting", "include": [{"class": "bowl", "count": 2}], "exclude": [{"class": "bowl", "count": 3}], "prompt": "a photo of two bowls"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "a photo of a skis"} +{"tag": "counting", "include": [{"class": "car", "count": 4}], "exclude": [{"class": "car", "count": 5}], "prompt": "a photo of four cars"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow skateboard"} +{"tag": "single_object", "include": [{"class": "microwave", "count": 1}], "prompt": "a photo of a microwave"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "bowl", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bowl above a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "green"}, {"class": "traffic light", "count": 1, "color": "blue"}], "prompt": "a photo of a green toothbrush and a blue traffic light"} +{"tag": "colors", "include": [{"class": "cup", "count": 1, "color": "green"}], "prompt": "a photo of a green cup"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bowl"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a dog"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "red"}], "prompt": "a photo of a red apple"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a skis"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a brown baseball bat and a pink umbrella"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a microwave and a bed"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball bat"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a black frisbee and a brown fire hydrant"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of an orange apple"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "pink"}, {"class": "fire hydrant", "count": 1, "color": "black"}], "prompt": "a photo of a pink bowl and a black fire hydrant"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "green"}], "prompt": "a photo of a green frisbee"} +{"tag": "counting", "include": [{"class": "microwave", "count": 2}], "exclude": [{"class": "microwave", "count": 3}], "prompt": "a photo of two microwaves"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of a black book"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "two_object", "include": [{"class": "book", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a book and an umbrella"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a white skateboard and a green toothbrush"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a skis and a toilet"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bed"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a clock and a skis"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "a photo of four skateboards"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "black"}, {"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a black elephant and a red umbrella"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a red traffic light and a brown baseball bat"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball bat and a red book"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "counting", "include": [{"class": "book", "count": 3}], "exclude": [{"class": "book", "count": 4}], "prompt": "a photo of three books"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "clock", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a clock left of a skis"} +{"tag": "two_object", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a dog and a cup"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "orange"}], "prompt": "a photo of a white car and an orange toothbrush"} +{"tag": "colors", "include": [{"class": "traffic light", "count": 1, "color": "purple"}], "prompt": "a photo of a purple traffic light"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "a photo of two wine glasses"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of an orange clock and a green apple"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "a photo of two cars"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a wine glass and a toilet"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "green"}, {"class": "apple", "count": 1, "color": "pink"}], "prompt": "a photo of a green umbrella and a pink apple"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow elephant and a brown clock"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a cup and a bed"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a toilet and a book"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a frisbee"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a brown car and a black wine glass"} +{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "a photo of a toothbrush"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a car"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a red book and a brown baseball bat"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bed"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "brown"}, {"class": "cup", "count": 1, "color": "white"}], "prompt": "a photo of a brown microwave and a white cup"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "red"}, {"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a red microwave and a black car"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an apple and a toilet"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "apple", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an apple above a bed"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a clock"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a toothbrush and an elephant"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of an umbrella"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "red"}, {"class": "umbrella", "count": 1, "color": "green"}], "prompt": "a photo of a red baseball bat and a green umbrella"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 3}], "exclude": [{"class": "traffic light", "count": 4}], "prompt": "a photo of three traffic lights"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a baseball bat and a cup"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball bat and a red book"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow elephant and a brown clock"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a brown wine glass"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "bed", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bed right of a book"} +{"tag": "two_object", "include": [{"class": "bowl", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a bowl and a bed"} +{"tag": "counting", "include": [{"class": "dog", "count": 3}], "exclude": [{"class": "dog", "count": 4}], "prompt": "a photo of three dogs"} +{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "a photo of an apple"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skateboard below a clock"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a black traffic light and a purple frisbee"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a brown wine glass and a pink elephant"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "black"}, {"class": "car", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball bat and a blue car"} +{"tag": "single_object", "include": [{"class": "apple", "count": 1}], "prompt": "a photo of an apple"} +{"tag": "counting", "include": [{"class": "car", "count": 2}], "exclude": [{"class": "car", "count": 3}], "prompt": "a photo of two cars"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a fire hydrant and an umbrella"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a bed and an elephant"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a frisbee and a car"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a red umbrella and a black skis"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an elephant and a toilet"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a frisbee right of an elephant"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of an elephant and a toilet"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "white"}, {"class": "bed", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball bat and a purple bed"} +{"tag": "counting", "include": [{"class": "skis", "count": 4}], "exclude": [{"class": "skis", "count": 5}], "prompt": "a photo of four skises"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of an umbrella"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "a photo of four frisbees"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a brown wine glass and a pink elephant"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a toilet and a book"} +{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "a photo of a frisbee"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "cup", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cup right of a dog"} +{"tag": "two_object", "include": [{"class": "fire hydrant", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a fire hydrant and an umbrella"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "black"}], "prompt": "a photo of a black car"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "book", "count": 1, "color": "green"}], "prompt": "a photo of a black frisbee and a green book"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a black traffic light and a purple frisbee"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a dog"} +{"tag": "counting", "include": [{"class": "clock", "count": 3}], "exclude": [{"class": "clock", "count": 4}], "prompt": "a photo of three clocks"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of an orange car and a black microwave"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 2}], "exclude": [{"class": "frisbee", "count": 3}], "prompt": "a photo of two frisbees"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball bat"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 4}], "exclude": [{"class": "frisbee", "count": 5}], "prompt": "a photo of four frisbees"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "purple"}], "prompt": "a photo of a purple car"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a brown wine glass and a white frisbee"} +{"tag": "counting", "include": [{"class": "dog", "count": 2}], "exclude": [{"class": "dog", "count": 3}], "prompt": "a photo of two dogs"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a white skateboard and a pink umbrella"} +{"tag": "single_object", "include": [{"class": "skateboard", "count": 1}], "prompt": "a photo of a skateboard"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of an apple and a baseball bat"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "a photo of four books"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow elephant"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a skis and a car"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a toothbrush"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a brown car and a black wine glass"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "book", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a red book and a brown baseball bat"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a brown wine glass and a pink elephant"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "skis", "count": 1}], "prompt": "a photo of a clock and a skis"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "cup", "count": 1}], "prompt": "a photo of a traffic light and a cup"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of an orange car and a black microwave"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a microwave and a bed"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a clock and a frisbee"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of an apple and a baseball bat"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a cup and an umbrella"} +{"tag": "counting", "include": [{"class": "baseball bat", "count": 2}], "exclude": [{"class": "baseball bat", "count": 3}], "prompt": "a photo of two baseball bats"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a wine glass and a car"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bowl"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 4}], "exclude": [{"class": "wine glass", "count": 5}], "prompt": "a photo of four wine glasses"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a red skis"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "baseball bat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball bat below a dog"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball bat"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an elephant"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a skateboard"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a microwave and a toothbrush"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a green wine glass and a pink fire hydrant"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bowl"} +{"tag": "single_object", "include": [{"class": "toothbrush", "count": 1}], "prompt": "a photo of a toothbrush"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a white skateboard and a green toothbrush"} +{"tag": "position", "include": [{"class": "car", "count": 1}, {"class": "toilet", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toilet above a car"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a baseball bat and a book"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a white skateboard and a pink umbrella"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a purple clock"} +{"tag": "two_object", "include": [{"class": "car", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a car and an elephant"} +{"tag": "colors", "include": [{"class": "skis", "count": 1, "color": "red"}], "prompt": "a photo of a red skis"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink elephant"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a red umbrella and a black skis"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a wine glass and a skateboard"} +{"tag": "color_attr", "include": [{"class": "cup", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cup and an orange apple"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a fire hydrant"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow frisbee"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "black"}, {"class": "microwave", "count": 1, "color": "brown"}], "prompt": "a photo of a black bowl and a brown microwave"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 3}], "exclude": [{"class": "skateboard", "count": 4}], "prompt": "a photo of three skateboards"} +{"tag": "two_object", "include": [{"class": "microwave", "count": 1}, {"class": "toothbrush", "count": 1}], "prompt": "a photo of a microwave and a toothbrush"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of an elephant and a clock"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "fire hydrant", "count": 1}], "prompt": "a photo of a baseball bat and a fire hydrant"} +{"tag": "color_attr", "include": [{"class": "bed", "count": 1, "color": "orange"}, {"class": "book", "count": 1, "color": "black"}], "prompt": "a photo of an orange bed and a black book"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "bowl", "count": 1}], "prompt": "a photo of a baseball bat and a bowl"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bowl"} +{"tag": "single_object", "include": [{"class": "skis", "count": 1}], "prompt": "a photo of a skis"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "skateboard", "count": 1}], "prompt": "a photo of a clock and a skateboard"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "microwave", "count": 1}], "prompt": "a photo of a cup and a microwave"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "brown"}], "prompt": "a photo of a black umbrella and a brown skis"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue elephant"} +{"tag": "color_attr", "include": [{"class": "toilet", "count": 1, "color": "pink"}, {"class": "apple", "count": 1, "color": "blue"}], "prompt": "a photo of a pink toilet and a blue apple"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a black toothbrush and a red bowl"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a fire hydrant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a skis below a baseball bat"} +{"tag": "counting", "include": [{"class": "wine glass", "count": 2}], "exclude": [{"class": "wine glass", "count": 3}], "prompt": "a photo of two wine glasses"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "purple"}, {"class": "cup", "count": 1, "color": "red"}], "prompt": "a photo of a purple bowl and a red cup"} +{"tag": "color_attr", "include": [{"class": "fire hydrant", "count": 1, "color": "red"}, {"class": "traffic light", "count": 1, "color": "green"}], "prompt": "a photo of a red fire hydrant and a green traffic light"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a brown wine glass and a white frisbee"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball bat"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bowl"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a red car"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a toothbrush and an elephant"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a toothbrush"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "toothbrush", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toothbrush below a bed"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a dog"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "white"}], "prompt": "a photo of a white umbrella"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a white elephant"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of an apple and a baseball bat"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "purple"}, {"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a purple traffic light and a white apple"} +{"tag": "color_attr", "include": [{"class": "clock", "count": 1, "color": "orange"}, {"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of an orange clock and a green apple"} +{"tag": "two_object", "include": [{"class": "elephant", "count": 1}, {"class": "clock", "count": 1}], "prompt": "a photo of an elephant and a clock"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "green"}], "prompt": "a photo of a green apple"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "two_object", "include": [{"class": "skateboard", "count": 1}, {"class": "umbrella", "count": 1}], "prompt": "a photo of a skateboard and an umbrella"} +{"tag": "counting", "include": [{"class": "cup", "count": 2}], "exclude": [{"class": "cup", "count": 3}], "prompt": "a photo of two cups"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "purple"}, {"class": "clock", "count": 1, "color": "red"}], "prompt": "a photo of a purple wine glass and a red clock"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a brown skis and an orange toilet"} +{"tag": "counting", "include": [{"class": "toothbrush", "count": 3}], "exclude": [{"class": "toothbrush", "count": 4}], "prompt": "a photo of three toothbrushs"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "purple"}, {"class": "book", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball bat and a red book"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a purple clock"} +{"tag": "counting", "include": [{"class": "traffic light", "count": 4}], "exclude": [{"class": "traffic light", "count": 5}], "prompt": "a photo of four traffic lights"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "black"}], "prompt": "a photo of a black bed"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "wine glass", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a wine glass above a toothbrush"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a clock"} +{"tag": "position", "include": [{"class": "fire hydrant", "count": 1}, {"class": "wine glass", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a wine glass right of a fire hydrant"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "apple", "count": 1}], "prompt": "a photo of a traffic light and an apple"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a wine glass and a car"} +{"tag": "colors", "include": [{"class": "toilet", "count": 1, "color": "white"}], "prompt": "a photo of a white toilet"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "green"}, {"class": "bed", "count": 1, "color": "orange"}], "prompt": "a photo of a green frisbee and an orange bed"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a frisbee and a car"} +{"tag": "single_object", "include": [{"class": "umbrella", "count": 1}], "prompt": "a photo of an umbrella"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of an umbrella"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "car", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a car below a bowl"} +{"tag": "single_object", "include": [{"class": "frisbee", "count": 1}], "prompt": "a photo of a frisbee"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a wine glass and a toilet"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink elephant"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "white"}], "prompt": "a photo of a white apple"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow frisbee"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "fire hydrant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fire hydrant below a skis"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a brown wine glass"} +{"tag": "single_object", "include": [{"class": "cup", "count": 1}], "prompt": "a photo of a cup"} +{"tag": "counting", "include": [{"class": "book", "count": 2}], "exclude": [{"class": "book", "count": 3}], "prompt": "a photo of two books"} +{"tag": "colors", "include": [{"class": "clock", "count": 1, "color": "purple"}], "prompt": "a photo of a purple clock"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of an orange apple"} +{"tag": "two_object", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a toothbrush and an elephant"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a baseball bat"} +{"tag": "colors", "include": [{"class": "book", "count": 1, "color": "blue"}], "prompt": "a photo of a blue book"} +{"tag": "two_object", "include": [{"class": "baseball bat", "count": 1}, {"class": "book", "count": 1}], "prompt": "a photo of a baseball bat and a book"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball bat"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skateboard"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "position", "include": [{"class": "bed", "count": 1}, {"class": "microwave", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a microwave below a bed"} +{"tag": "position", "include": [{"class": "clock", "count": 1}, {"class": "apple", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an apple left of a clock"} +{"tag": "two_object", "include": [{"class": "frisbee", "count": 1}, {"class": "car", "count": 1}], "prompt": "a photo of a frisbee and a car"} +{"tag": "colors", "include": [{"class": "frisbee", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow frisbee"} +{"tag": "counting", "include": [{"class": "skateboard", "count": 4}], "exclude": [{"class": "skateboard", "count": 5}], "prompt": "a photo of four skateboards"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "counting", "include": [{"class": "umbrella", "count": 3}], "exclude": [{"class": "umbrella", "count": 4}], "prompt": "a photo of three umbrellas"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "white"}], "prompt": "a photo of a white elephant"} +{"tag": "two_object", "include": [{"class": "cup", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a cup and a bed"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "green"}, {"class": "fire hydrant", "count": 1, "color": "pink"}], "prompt": "a photo of a green wine glass and a pink fire hydrant"} +{"tag": "position", "include": [{"class": "cup", "count": 1}, {"class": "toilet", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toilet below a cup"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a wine glass and a toilet"} +{"tag": "colors", "include": [{"class": "wine glass", "count": 1, "color": "brown"}], "prompt": "a photo of a brown wine glass"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "pink"}, {"class": "book", "count": 1, "color": "orange"}], "prompt": "a photo of a pink elephant and an orange book"} +{"tag": "position", "include": [{"class": "toothbrush", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a toothbrush"} +{"tag": "two_object", "include": [{"class": "traffic light", "count": 1}, {"class": "bed", "count": 1}], "prompt": "a photo of a traffic light and a bed"} +{"tag": "position", "include": [{"class": "skateboard", "count": 1}, {"class": "traffic light", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a traffic light above a skateboard"} +{"tag": "position", "include": [{"class": "bowl", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a bowl"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "elephant", "count": 1}], "prompt": "a photo of a bed and an elephant"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow elephant and a brown clock"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bed"} +{"tag": "counting", "include": [{"class": "book", "count": 4}], "exclude": [{"class": "book", "count": 5}], "prompt": "a photo of four books"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "red"}, {"class": "baseball bat", "count": 1, "color": "brown"}], "prompt": "a photo of a red traffic light and a brown baseball bat"} +{"tag": "color_attr", "include": [{"class": "baseball bat", "count": 1, "color": "brown"}, {"class": "umbrella", "count": 1, "color": "pink"}], "prompt": "a photo of a brown baseball bat and a pink umbrella"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue elephant"} +{"tag": "colors", "include": [{"class": "elephant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink elephant"} +{"tag": "color_attr", "include": [{"class": "elephant", "count": 1, "color": "yellow"}, {"class": "clock", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow elephant and a brown clock"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "dog", "count": 1}], "prompt": "a photo of a toilet and a dog"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "white"}, {"class": "book", "count": 1, "color": "purple"}], "prompt": "a photo of a white frisbee and a purple book"} +{"tag": "counting", "include": [{"class": "toilet", "count": 4}], "exclude": [{"class": "toilet", "count": 5}], "prompt": "a photo of four toilets"} +{"tag": "counting", "include": [{"class": "cup", "count": 4}], "exclude": [{"class": "cup", "count": 5}], "prompt": "a photo of four cups"} +{"tag": "colors", "include": [{"class": "apple", "count": 1, "color": "orange"}], "prompt": "a photo of an orange apple"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "red"}], "prompt": "a photo of a red car"} +{"tag": "color_attr", "include": [{"class": "umbrella", "count": 1, "color": "red"}, {"class": "skis", "count": 1, "color": "black"}], "prompt": "a photo of a red umbrella and a black skis"} +{"tag": "counting", "include": [{"class": "bed", "count": 3}], "exclude": [{"class": "bed", "count": 4}], "prompt": "a photo of three beds"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "red"}], "prompt": "a photo of a red umbrella"} +{"tag": "position", "include": [{"class": "wine glass", "count": 1}, {"class": "cup", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cup below a wine glass"} +{"tag": "color_attr", "include": [{"class": "traffic light", "count": 1, "color": "black"}, {"class": "frisbee", "count": 1, "color": "purple"}], "prompt": "a photo of a black traffic light and a purple frisbee"} +{"tag": "counting", "include": [{"class": "microwave", "count": 4}], "exclude": [{"class": "microwave", "count": 5}], "prompt": "a photo of four microwaves"} +{"tag": "counting", "include": [{"class": "fire hydrant", "count": 4}], "exclude": [{"class": "fire hydrant", "count": 5}], "prompt": "a photo of four fire hydrants"} +{"tag": "two_object", "include": [{"class": "wine glass", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a wine glass and a toilet"} +{"tag": "position", "include": [{"class": "frisbee", "count": 1}, {"class": "apple", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an apple below a frisbee"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a baseball bat"} +{"tag": "color_attr", "include": [{"class": "skateboard", "count": 1, "color": "white"}, {"class": "toothbrush", "count": 1, "color": "green"}], "prompt": "a photo of a white skateboard and a green toothbrush"} +{"tag": "counting", "include": [{"class": "skis", "count": 2}], "exclude": [{"class": "skis", "count": 3}], "prompt": "a photo of two skises"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a toilet and a frisbee"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bowl"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "orange"}, {"class": "microwave", "count": 1, "color": "black"}], "prompt": "a photo of an orange car and a black microwave"} +{"tag": "color_attr", "include": [{"class": "bowl", "count": 1, "color": "red"}, {"class": "skateboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red bowl and an orange skateboard"} +{"tag": "colors", "include": [{"class": "skateboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown skateboard"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a book"} +{"tag": "color_attr", "include": [{"class": "wine glass", "count": 1, "color": "brown"}, {"class": "frisbee", "count": 1, "color": "white"}], "prompt": "a photo of a brown wine glass and a white frisbee"} +{"tag": "position", "include": [{"class": "baseball bat", "count": 1}, {"class": "skis", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a skis left of a baseball bat"} +{"tag": "two_object", "include": [{"class": "clock", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a clock and a frisbee"} +{"tag": "color_attr", "include": [{"class": "frisbee", "count": 1, "color": "black"}, {"class": "fire hydrant", "count": 1, "color": "brown"}], "prompt": "a photo of a black frisbee and a brown fire hydrant"} +{"tag": "position", "include": [{"class": "book", "count": 1}, {"class": "clock", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a clock above a book"} +{"tag": "position", "include": [{"class": "dog", "count": 1}, {"class": "elephant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an elephant above a dog"} +{"tag": "color_attr", "include": [{"class": "apple", "count": 1, "color": "red"}, {"class": "toilet", "count": 1, "color": "black"}], "prompt": "a photo of a red apple and a black toilet"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "two_object", "include": [{"class": "apple", "count": 1}, {"class": "baseball bat", "count": 1}], "prompt": "a photo of an apple and a baseball bat"} +{"tag": "position", "include": [{"class": "umbrella", "count": 1}, {"class": "dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dog left of an umbrella"} +{"tag": "colors", "include": [{"class": "baseball bat", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball bat"} +{"tag": "single_object", "include": [{"class": "bed", "count": 1}], "prompt": "a photo of a bed"} +{"tag": "two_object", "include": [{"class": "toilet", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a toilet and a frisbee"} +{"tag": "color_attr", "include": [{"class": "toothbrush", "count": 1, "color": "black"}, {"class": "bowl", "count": 1, "color": "red"}], "prompt": "a photo of a black toothbrush and a red bowl"} +{"tag": "color_attr", "include": [{"class": "microwave", "count": 1, "color": "black"}, {"class": "skis", "count": 1, "color": "green"}], "prompt": "a photo of a black microwave and a green skis"} +{"tag": "counting", "include": [{"class": "car", "count": 3}], "exclude": [{"class": "car", "count": 4}], "prompt": "a photo of three cars"} +{"tag": "color_attr", "include": [{"class": "skis", "count": 1, "color": "brown"}, {"class": "toilet", "count": 1, "color": "orange"}], "prompt": "a photo of a brown skis and an orange toilet"} +{"tag": "counting", "include": [{"class": "elephant", "count": 4}], "exclude": [{"class": "elephant", "count": 5}], "prompt": "a photo of four elephants"} +{"tag": "two_object", "include": [{"class": "bed", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a bed and a frisbee"} +{"tag": "colors", "include": [{"class": "bowl", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bowl"} +{"tag": "counting", "include": [{"class": "elephant", "count": 2}], "exclude": [{"class": "elephant", "count": 3}], "prompt": "a photo of two elephants"} +{"tag": "single_object", "include": [{"class": "clock", "count": 1}], "prompt": "a photo of a clock"} +{"tag": "colors", "include": [{"class": "bed", "count": 1, "color": "red"}], "prompt": "a photo of a red bed"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "frisbee", "count": 1}], "prompt": "a photo of a skis and a frisbee"} +{"tag": "position", "include": [{"class": "skis", "count": 1}, {"class": "microwave", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a microwave above a skis"} +{"tag": "position", "include": [{"class": "elephant", "count": 1}, {"class": "frisbee", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a frisbee left of an elephant"} +{"tag": "color_attr", "include": [{"class": "car", "count": 1, "color": "brown"}, {"class": "wine glass", "count": 1, "color": "black"}], "prompt": "a photo of a brown car and a black wine glass"} +{"tag": "colors", "include": [{"class": "umbrella", "count": 1, "color": "brown"}], "prompt": "a photo of a brown umbrella"} +{"tag": "counting", "include": [{"class": "bowl", "count": 3}], "exclude": [{"class": "bowl", "count": 4}], "prompt": "a photo of three bowls"} +{"tag": "colors", "include": [{"class": "car", "count": 1, "color": "green"}], "prompt": "a photo of a green car"} +{"tag": "counting", "include": [{"class": "microwave", "count": 3}], "exclude": [{"class": "microwave", "count": 4}], "prompt": "a photo of three microwaves"} +{"tag": "counting", "include": [{"class": "frisbee", "count": 3}], "exclude": [{"class": "frisbee", "count": 4}], "prompt": "a photo of three frisbees"} +{"tag": "single_object", "include": [{"class": "wine glass", "count": 1}], "prompt": "a photo of a wine glass"} +{"tag": "two_object", "include": [{"class": "skis", "count": 1}, {"class": "toilet", "count": 1}], "prompt": "a photo of a skis and a toilet"} +{"tag": "single_object", "include": [{"class": "toilet", "count": 1}], "prompt": "a photo of a toilet"} \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/dataset/geneval_unseen_objects/train_metadata.jsonl b/ppdiffusers/examples/flow_grpo/dataset/geneval_unseen_objects/train_metadata.jsonl new file mode 100644 index 000000000..05715c371 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/geneval_unseen_objects/train_metadata.jsonl @@ -0,0 +1,50000 @@ +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a dining table"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a purple train and a red couch"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a chair"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a brown broccoli and a red backpack"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a motorcycle"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bus"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a scissors and a dining table"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a blue cake and a red carrot"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a computer mouse"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a snowboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below an orange"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a green sandwich and a purple fork"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a yellow truck and a white banana"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a pink carrot and an orange bus"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a brown backpack and a pink kite"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of an orange toaster and a white sports ball"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a white bus and a brown giraffe"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a purple tv remote and a red banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a broccoli"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a blue banana and a red kite"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow scissors and an orange couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a couch"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a sink"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a white train and a green zebra"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a banana"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a stop sign"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a broccoli and a knife"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a sheep"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an orange"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a white broccoli and a red spoon"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a sandwich"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a parking meter"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of an orange and a handbag"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a purple carrot"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cake"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a bicycle and a person"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow scissors and a black bottle"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a giraffe and a tie"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a green tv and a blue vase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sheep"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a couch and a cake"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a yellow vase and a red hot dog"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an orange"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a dining table"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bench"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bear and a black truck"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tv"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a fork"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a teddy bear"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a red sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a sheep"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a person"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown truck and a yellow pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a yellow scissors and a red fork"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of an oven and a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a broccoli"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sink and a yellow sports ball"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an airplane"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a black airplane and a red potted plant"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a computer mouse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a scissors"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a laptop"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a giraffe"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a tv"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a blue tv remote and a purple knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an oven"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a fork"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a knife"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bird"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a toaster"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv and a purple carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a train"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a hot dog"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a knife"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a cow"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a black fork and a green hair drier"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of an orange scissors"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow handbag and a brown horse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a carrot"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a yellow zebra and a white oven"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue sheep"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sink and a white broccoli"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a stop sign"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a black fork"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cat"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of an airplane and a bus"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a surfboard and a teddy bear"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a bear and a potted plant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a sandwich"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a brown parking meter and a red oven"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a baseball glove"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a blue sheep and a pink bird"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a pink dining table and a red bench"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of an orange hot dog and a brown knife"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a sports ball and a cake"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tie"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tennis racket and a pink suitcase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cake"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an orange"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an orange"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a carrot"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow pizza and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an oven"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange giraffe and a yellow kite"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a yellow couch and a red computer mouse"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tv"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a white handbag and a green bench"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a blue hot dog and a white horse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a tennis racket"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a banana"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a computer mouse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tv"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a boat"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bird and a computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple bus and a red snowboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sandwich"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a baseball glove and a handbag"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a computer keyboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a cat"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a pink train and a brown hair drier"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a red zebra and an orange handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tie"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cake"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a pink toaster and a brown train"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a banana"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a kite"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a green handbag and a black motorcycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a snowboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a train"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bench"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a pink banana and a white zebra"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cat"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a donut"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a kite"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a brown suitcase and an orange potted plant"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bear"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a truck"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a brown refrigerator and a green boat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a tv"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a red cat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a backpack"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a spoon"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a refrigerator"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sandwich"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a laptop and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a brown knife and a pink chair"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bicycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a donut"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a computer mouse"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sports ball and a yellow toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sheep"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a potted plant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a giraffe"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a giraffe"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a potted plant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a couch"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sports ball"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tv"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a boat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a donut"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a brown orange and a purple spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a vase"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a knife and a broccoli"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a surfboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bench"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a black laptop and an orange spoon"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a truck"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a banana"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cell phone"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a cake"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a purple teddy bear and a brown knife"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a motorcycle and a cow"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an airplane"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a horse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a cow"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sandwich"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of an orange spoon and a black computer mouse"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a green kite and a purple spoon"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cell phone"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tennis racket"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a couch"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a donut"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a sandwich and a parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sports ball"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a scissors"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a black hot dog and a green sink"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a blue baseball glove and a green tennis racket"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a suitcase"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a hair drier and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a brown kite and a black orange"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a horse"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bear"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow oven and a pink potted plant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a sandwich"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a kite"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a boat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a surfboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a purple train and a white fork"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a computer mouse and a tennis racket"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a blue surfboard and a pink bear"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a red spoon and a blue carrot"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a giraffe"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a boat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tv remote"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a donut"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a chair"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a green orange and a red suitcase"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a brown bench and a black cat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a yellow horse and a white parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a carrot"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a horse"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a pizza and a vase"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a dining table"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a donut"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a dining table"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a giraffe"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a red toaster and a blue scissors"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a handbag"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a boat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a backpack"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sports ball"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a pink horse and a blue computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a chair"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a white giraffe and a purple cat"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bicycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a scissors"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a suitcase"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bicycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a computer mouse and a tv remote"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a brown sandwich and a red teddy bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sandwich"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a pink knife and a purple boat"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a person"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a blue sports ball and a black bottle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a computer mouse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a tennis racket"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a surfboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a suitcase"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cow and a white banana"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sheep and a yellow backpack"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a white toaster and a black sink"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv remote"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a couch"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple backpack and a yellow bicycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an oven"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a black surfboard"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a kite and a parking meter"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a couch"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a red scissors and a purple broccoli"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a red cell phone and a pink handbag"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a hot dog"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a purple baseball glove and a pink boat"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a giraffe"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a chair"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a red surfboard and an orange bench"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a chair"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a white snowboard and a red handbag"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a hot dog"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a white boat"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a donut and a potted plant"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a chair"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a pink train"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a motorcycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a zebra"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a scissors"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a donut"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a green tennis racket and a red baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a white bird and a green sandwich"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a sandwich and a computer mouse"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cat"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue airplane and a yellow bottle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a blue donut and a black hair drier"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a donut"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a chair"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a blue motorcycle and a green refrigerator"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of an oven and a bottle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a potted plant"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a brown pizza and an orange bicycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a horse"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a couch and a horse"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a computer keyboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a broccoli"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a computer mouse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a baseball glove"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a tv remote and a backpack"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a green kite"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a purple refrigerator and an orange train"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red airplane and a black cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a yellow truck and a white tv remote"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a pink backpack and an orange airplane"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of an orange baseball glove and a white hair drier"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a green cell phone and a white fork"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a sheep"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a computer mouse"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a backpack"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an oven"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a pizza"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a pizza and a bottle"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a white hair drier and a purple zebra"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a truck"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a sink"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a black parking meter"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a red airplane and a pink fork"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an oven"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a red bicycle and a pink spoon"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a potted plant"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a sink and a bicycle"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a white kite and an orange boat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a horse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sports ball"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a dining table"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sink and a green parking meter"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a pink handbag and an orange airplane"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a boat"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a red bottle and a blue hot dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a tennis racket"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a pizza"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a pink orange and an orange sink"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a red bottle and an orange orange"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a tv remote"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sheep and a yellow bicycle"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer mouse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bird"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a computer mouse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tennis racket and an orange bottle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sports ball"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bench"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple boat and a white snowboard"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a stop sign and a teddy bear"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a couch"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a dining table"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer mouse and a pink stop sign"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a snowboard"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a blue motorcycle and a pink tie"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a pizza"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a tie and a hot dog"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a surfboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tv and a yellow bird"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a dining table"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a suitcase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a train"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a kite"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a white train and a red hot dog"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a chair"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a pink kite and an orange airplane"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bicycle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a hair drier"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a spoon"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a teddy bear and a couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a broccoli"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a parking meter"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a chair"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a green sink and an orange chair"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a brown pizza and a blue bird"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a sandwich"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of an orange and a broccoli"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a tv remote"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a laptop and a bench"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a brown refrigerator and a red broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cake"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a toaster"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a sports ball"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv remote"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a train"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a stop sign"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a hot dog"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a white sandwich and a brown tv remote"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bird"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a pizza"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a yellow truck and a black tennis racket"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a person"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a blue cat and a black teddy bear"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hot dog and a yellow snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a cake"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a purple kite and a red bird"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an airplane"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bicycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a tennis racket"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a teddy bear"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a refrigerator and a bird"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a giraffe"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a truck"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a sandwich"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a kite"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a computer keyboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bear"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a tie and a toaster"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cow"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a surfboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a black boat and a pink sink"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of an oven"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a white tv and a green surfboard"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a teddy bear and a refrigerator"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a horse"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a person"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cake and a black potted plant"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a train"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a boat"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a black broccoli and a red zebra"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a vase"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a red orange and a brown train"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an airplane"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a tennis racket"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tennis racket"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a horse"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a red bench and a purple sports ball"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a broccoli"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of an orange"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a hot dog and a fork"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an oven"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cake and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a green teddy bear and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a snowboard and a surfboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a white computer keyboard and a yellow horse"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bench"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of an orange dining table and a black tennis racket"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tv and a blue orange"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a stop sign"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a couch and a sports ball"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a black refrigerator and a brown tv remote"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a backpack and a snowboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above an airplane"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a motorcycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a tv"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a snowboard and a spoon"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bird"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a sports ball"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a laptop"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a train and a baseball glove"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a handbag"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a toaster"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a stop sign"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a horse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cow"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a laptop"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tv remote"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a banana"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a surfboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a red tv and a purple hair drier"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bottle and a refrigerator"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a banana"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a purple bench and a white suitcase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a green toaster and a white train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a sports ball"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a laptop"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bench"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tv"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an oven"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a green boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a chair"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a donut"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a chair"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a teddy bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a fork"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a carrot"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a sports ball and a backpack"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a green horse"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a suitcase and a bus"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tv remote and a pink kite"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a pink kite and a red giraffe"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a green cake and a purple computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white sink and a blue sports ball"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a sink"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a carrot"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a scissors and a bus"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a chair"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a spoon"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a potted plant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bottle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of an orange baseball glove and a purple bench"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple vase and a yellow handbag"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a zebra"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bicycle"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bottle"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of an orange donut and a red stop sign"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a toaster"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a cat and a sink"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a handbag and a couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a handbag"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a tv remote and a suitcase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tv remote and a blue boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a sink"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a train"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a yellow backpack and a red carrot"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bus"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a fork"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a pizza"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a knife"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a chair and a refrigerator"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cow"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a truck"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tennis racket"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a sink"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer keyboard and a blue dining table"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a sandwich"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a tv"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cake and a yellow laptop"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a bicycle and a knife"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a refrigerator"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of an orange surfboard and a pink sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a suitcase"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a laptop"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bench"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a green truck and a yellow pizza"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an oven"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bird"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a red refrigerator and a green hot dog"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a white sandwich and a red snowboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a black cell phone and a pink sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a sandwich"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a parking meter"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a toaster"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow scissors and a brown donut"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a cow"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a brown sandwich and a red handbag"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an airplane"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a boat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of an orange zebra and a red computer mouse"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a green couch and a purple parking meter"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a laptop"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bird"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a sheep"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an orange"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a carrot"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a carrot"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow scissors and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sink"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a stop sign"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bicycle"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cow"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a handbag"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a pink giraffe and an orange banana"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a black couch and a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a black tennis racket and a brown sink"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a banana"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a sheep"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a pink surfboard and a green vase"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a blue stop sign and a purple bird"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cow"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cow"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a cake"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a black bottle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a stop sign"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a brown potted plant and a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a black hair drier and a blue donut"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a green computer keyboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a scissors"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a teddy bear"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a hair drier"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a motorcycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a couch"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a red hair drier and a yellow backpack"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sandwich"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a boat"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a dining table"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a cow"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a truck"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a chair"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a baseball glove"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a zebra and a knife"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a brown suitcase and a green donut"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a giraffe"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bench"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a dining table"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a truck"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a kite"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a stop sign"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a carrot"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a white toaster and a purple couch"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange surfboard and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bird"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a sports ball"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a pink bicycle and a white sandwich"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sandwich"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a red tennis racket and a purple toaster"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow stop sign and a pink cat"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a white motorcycle and a purple sink"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a black orange and a blue sheep"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a couch"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a purple couch"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tie"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an airplane"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a truck"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a teddy bear"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a green airplane"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a parking meter"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a blue airplane and a red handbag"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a red computer mouse and a black refrigerator"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a suitcase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a potted plant"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a carrot and a broccoli"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bird"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a pink banana and a brown horse"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow toaster and a purple tv remote"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a snowboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bird"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a cow"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a donut"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a red potted plant"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a red fork and a brown hot dog"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a knife"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a horse"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a pink pizza and a white backpack"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bench"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a handbag"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a parking meter"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of an orange carrot and a brown tennis racket"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bird"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a pizza"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a pizza"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a surfboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a hair drier"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a tv"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a brown carrot and a black vase"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a red carrot and an orange potted plant"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a brown handbag and a white kite"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a backpack"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a green tennis racket and a purple horse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a carrot"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a carrot"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bird"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a scissors"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a red chair and a brown handbag"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a dining table"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cow"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a couch and a spoon"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sandwich and a pink cell phone"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a baseball glove"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a spoon and a couch"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cell phone"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sports ball"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of an oven and a cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a hot dog"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a pink stop sign and a black motorcycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sink"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bench"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a computer mouse"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a blue scissors and a red refrigerator"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a horse"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a toaster"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a red bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tennis racket"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a scissors and a bear"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a blue motorcycle and a green sheep"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a black bottle and a green bicycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a pizza"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a black laptop and a green tv"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of an oven"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a purple refrigerator"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a red tennis racket and a purple truck"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a green bear and an orange backpack"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a backpack"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a green bench and a purple bus"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a pink chair and a green cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sandwich"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a surfboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a horse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cat"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bird"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a backpack"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of an orange couch and a black dining table"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a vase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an oven"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a horse"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of an orange vase and a white truck"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a white knife and an orange suitcase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a green surfboard and a blue snowboard"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a blue sandwich and a black stop sign"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a black handbag and a purple bicycle"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow hair drier and a blue orange"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a baseball glove"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a pizza and a refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a spoon"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a yellow vase and a green hot dog"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a potted plant"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bus"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a tie and a vase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below an oven"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a broccoli"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cake"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a parking meter and a giraffe"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tv"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow baseball glove and a purple truck"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a pink surfboard and a black suitcase"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a yellow suitcase and a red bus"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a motorcycle"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sports ball"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a giraffe"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a black cake and an orange orange"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of an orange handbag and a pink cat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a scissors"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bird"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a hair drier"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an orange"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sheep"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a dining table"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a giraffe and a sink"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a sandwich and a stop sign"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a person"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a black tennis racket and a purple cow"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a donut"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a brown hot dog and a red bicycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a tv"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a purple dining table and a black backpack"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a sink"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a pink baseball glove and an orange banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a vase"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a green vase and a purple donut"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a green pizza and a red hot dog"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a dining table"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a black bench"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink broccoli and a purple horse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a chair"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a green truck and an orange knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a spoon"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a spoon"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a backpack"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a bear and a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a giraffe"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a teddy bear"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below an oven"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tie"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a carrot"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a carrot"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white train and a blue snowboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a boat"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a laptop"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a horse"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a tv and a knife"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a cake"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink truck and a yellow tennis racket"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below an oven"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a white orange and a purple suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a couch"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a carrot"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a green oven and a yellow donut"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an airplane"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cow"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cake"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a baseball glove"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a zebra"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tie"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a vase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a hot dog"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cake"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a train"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bottle"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer mouse"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a black scissors and a green motorcycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sink and a pink train"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a couch"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a white stop sign"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a pink sandwich and a red orange"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bicycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sandwich and a purple scissors"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a pizza"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bus"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sink"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a boat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a donut and a cat"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange snowboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bear"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of an orange and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a red toaster and a green hair drier"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bottle"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a chair"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of an orange baseball glove and a brown tv"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a spoon"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a backpack"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow carrot and an orange banana"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a white handbag and a red zebra"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a purple airplane and a brown baseball glove"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a green cell phone and a blue hot dog"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a zebra"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a surfboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a sink"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of an orange"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a handbag"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a hot dog"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sandwich"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a pizza"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a brown cell phone and a red stop sign"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a person"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a zebra"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a blue dining table and a brown kite"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bench"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a white oven and a black tv"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a person"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a surfboard"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a person and a cat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a train"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a donut"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tennis racket and a purple toaster"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a potted plant"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tennis racket and a brown broccoli"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a broccoli"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a train"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a hair drier"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow train and an orange bird"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a surfboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a teddy bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a donut"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a horse"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a black parking meter and a yellow tennis racket"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a dining table"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a pink fork and a green donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below an orange"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a zebra"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a backpack"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a blue kite and an orange toaster"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a kite"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a backpack"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a sports ball"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a cow and a baseball glove"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a motorcycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a sandwich"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a knife"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a handbag"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of an orange broccoli and a green stop sign"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a red cell phone and a green banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bench"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a purple airplane and an orange bench"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a black suitcase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cow and a yellow bottle"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a hair drier and a cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a surfboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bus and a white computer mouse"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue carrot and a yellow parking meter"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a bench and a bicycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a kite"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a blue bottle and a white cat"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of an orange toaster and a blue dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a carrot"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a chair"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a cow and a bottle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a cat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tie"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a suitcase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of an orange"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below an oven"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a vase"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a sports ball"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of an orange computer mouse and a purple pizza"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a laptop"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a hot dog"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue suitcase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a suitcase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tv remote"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a truck"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a spoon"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a hair drier"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bird"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a hair drier"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bottle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a banana"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of an orange fork and a purple parking meter"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a person and a fork"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a stop sign and a suitcase"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a backpack"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a potted plant"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bottle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bench"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a pink computer mouse and a white backpack"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tv remote"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a snowboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a pink banana and a black giraffe"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bird"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a pink pizza and a purple handbag"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a parking meter"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a handbag"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a boat and a cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a laptop"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a toaster"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a purple baseball glove and a blue hair drier"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a knife"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue kite and a white teddy bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a sandwich"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sink"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tennis racket and a yellow surfboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a green giraffe and a brown zebra"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of an oven"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a green potted plant and a brown sandwich"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of an orange backpack and a white cow"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cake"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a yellow couch and a black cat"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tie and a pink tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a giraffe"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a horse and a giraffe"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow parking meter and a white cat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a scissors"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sink"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a scissors"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a black scissors and an orange donut"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cell phone"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a hot dog and a hair drier"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sheep"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a dining table"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow broccoli and a purple bicycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hot dog"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a white giraffe and an orange carrot"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a tie"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a red parking meter and a purple bottle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a purple tv and a white horse"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a suitcase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a horse"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a horse"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a sink and a bottle"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a motorcycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a handbag"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a brown spoon and a pink tie"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a brown couch and a red surfboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a handbag"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a blue laptop and an orange airplane"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a hair drier"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a laptop"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bench"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a boat"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a green chair and an orange spoon"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a red stop sign and a pink computer mouse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a motorcycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a kite"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bus and an orange couch"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sports ball"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a couch"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow carrot and an orange cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a chair"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a black chair and a blue parking meter"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a refrigerator"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a chair"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of an orange suitcase and a white computer mouse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a yellow laptop and a red sports ball"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above an orange"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a tv remote and a sandwich"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of an orange bus and a green oven"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cake and a blue toaster"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a cake"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a red cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bird"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tv"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a train"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a banana and a person"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple knife and a yellow snowboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a blue giraffe and a red knife"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a purple zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a banana"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sheep"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bottle and a blue sports ball"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a red teddy bear and a white sports ball"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a black bicycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a laptop"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bench"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an orange"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a green suitcase and a brown baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a snowboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a laptop"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a purple broccoli and a blue stop sign"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a donut"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a white laptop and a pink zebra"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a sheep"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv remote"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cell phone"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a pink kite and a red cake"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a giraffe"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a chair"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of an airplane"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a surfboard and a horse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a hair drier"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sports ball"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a blue horse and a green bear"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a donut"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a stop sign"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a handbag"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a pizza"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a green oven and a yellow handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a person"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a truck"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow sports ball and a purple cell phone"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a boat and a banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a giraffe"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a green boat and a black bicycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tennis racket"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a person"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a scissors"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sheep"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a cell phone"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a bird and a spoon"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a backpack"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a horse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a computer mouse"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a black hair drier and a yellow train"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a refrigerator"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a knife"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sink"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a teddy bear"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a person"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a tie"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a toaster"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an oven"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a red chair and a yellow carrot"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above an oven"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a purple fork and a black bear"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of an orange cow and a white baseball glove"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a train"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow computer keyboard and a blue pizza"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a red tv remote and a blue spoon"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bus and a cow"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a green cake and an orange kite"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a green computer keyboard and a purple tv"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a train"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a carrot and a bottle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a banana"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a handbag"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a kite"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a dining table"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue pizza and a brown snowboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a knife"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a backpack"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an oven"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hot dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a handbag"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a computer mouse"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bus"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a green surfboard and a black tv"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a tennis racket"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a fork"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a red teddy bear and a pink oven"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a yellow potted plant and a green oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a teddy bear"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of an orange and a sandwich"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bottle and a baseball glove"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a handbag and a knife"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a hair drier"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a pink parking meter and a green couch"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a spoon"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a suitcase"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a potted plant"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a dining table"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bicycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a spoon"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an airplane"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a horse"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cow"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a tv"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a baseball glove"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a red spoon and an orange tv"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a pink toaster and a black horse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a black giraffe and a green kite"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a vase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a snowboard"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a laptop"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a zebra"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a red scissors and a blue hot dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a chair"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a person"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a potted plant"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a brown carrot and a blue orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a tv"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a white potted plant and a purple carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a surfboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a black pizza and a green fork"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below an orange"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bicycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a red broccoli and an orange hot dog"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bear and a white tennis racket"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a sports ball"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cake and a green tv remote"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sheep"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bicycle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a purple spoon and a red backpack"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a red dining table and a yellow chair"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a scissors and a motorcycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a zebra"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a snowboard"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a boat and a train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a fork"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bird"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a computer mouse and a fork"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a parking meter"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a broccoli"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of an orange chair and a pink motorcycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a fork"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bicycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a vase"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a fork and a cell phone"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a pink train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a knife"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a donut"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a kite"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a sheep and a tie"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a handbag"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bird"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a couch"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue knife and a yellow bear"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a purple teddy bear and a brown airplane"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a black airplane and a purple spoon"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a tv and a horse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a kite"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a donut"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cow and a purple surfboard"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a fork and a computer keyboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a parking meter"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bicycle"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a red cow and an orange scissors"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a sheep"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bear and a red boat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a truck"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a sink"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a toaster"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a black tv remote and an orange dining table"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a spoon"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a vase"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a cell phone"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a train"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a carrot"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a baseball glove"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cat"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a brown scissors"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a yellow suitcase and a black cake"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a black carrot and an orange potted plant"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a laptop and an orange"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a stop sign"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bottle"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a black airplane and a brown knife"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a black sheep and a brown handbag"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sheep"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a scissors"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a handbag"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a snowboard and a chair"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a green cake"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a scissors"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a black tie and an orange handbag"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a motorcycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a donut"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a snowboard"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a teddy bear and a tv remote"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a brown computer keyboard and a pink hot dog"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a person"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a bus"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bicycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bus"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a surfboard"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bench"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a teddy bear"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a purple teddy bear and a pink laptop"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a pink bicycle and a red cake"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a handbag"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a parking meter"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a brown fork and a white boat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a white snowboard and a blue handbag"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a tennis racket"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bus and an orange airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bear"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a tv remote"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow oven and a blue orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sports ball"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bus"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a brown potted plant and an orange cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a horse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a fork"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a computer keyboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a stop sign"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a tie and a donut"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a pink tennis racket and a green tie"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a red orange and a brown dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a carrot"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a red surfboard and a purple bird"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow toaster and a pink kite"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a tennis racket"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bear"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a tv remote and a parking meter"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a motorcycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a baseball glove"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a sports ball"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cell phone and a brown donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a brown suitcase and a purple handbag"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a potted plant"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a tie and a stop sign"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bus and a yellow hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of an orange"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a spoon"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a hot dog and a cow"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a surfboard"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a brown knife and a purple toaster"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a bottle and a sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a train"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a refrigerator"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a couch and a truck"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a sports ball and a stop sign"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bird"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cell phone and a brown sheep"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a laptop"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of an orange handbag and a white carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a person"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a person"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a teddy bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a tv remote"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cell phone"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cow"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a blue cow and a green sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a giraffe"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tv remote"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a kite"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a blue cake and a green cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a vase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a couch"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a computer mouse"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a carrot"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a donut"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a handbag and a carrot"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a tv"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a truck"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a carrot"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a pizza and a donut"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a stop sign"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a spoon and a toaster"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red carrot and an orange teddy bear"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cake and a purple boat"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a white train and a brown refrigerator"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a zebra"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a donut"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown carrot and a yellow surfboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an orange"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow toaster and a pink cake"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a brown bench and a black carrot"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of an orange handbag and a red airplane"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of an orange bicycle and a green fork"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a green snowboard and a pink cat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a spoon and a bench"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bird"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above an orange"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a banana"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow scissors"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a boat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an airplane"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a fork"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a boat"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a stop sign and a fork"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a hot dog"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sports ball"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a red knife"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a banana"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bus"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tie"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a pizza and an orange"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a green teddy bear and a blue couch"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of an oven"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a snowboard and an airplane"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a computer keyboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bird"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a refrigerator and a banana"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown cake and a yellow knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bear"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a baseball glove"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a knife"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a boat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a scissors"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a donut"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a red fork and a pink scissors"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a brown backpack and a white bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a sports ball"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a brown teddy bear and a blue dining table"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sandwich"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a black banana and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a tie"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a toaster"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bear"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a purple bear and a white spoon"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a stop sign"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a snowboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a boat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a chair"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a green banana and a pink hot dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a pink computer keyboard and a red airplane"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a pink baseball glove and a red donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a teddy bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bear"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white motorcycle and a purple teddy bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a tennis racket and an oven"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a suitcase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a white spoon and a red refrigerator"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a stop sign"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow banana and an orange baseball glove"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a motorcycle"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a yellow dining table and a green vase"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a surfboard and a donut"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a brown carrot and a black bicycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a zebra"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a laptop"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cell phone"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a teddy bear"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cat"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a giraffe"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a fork"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a dining table"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a scissors and a carrot"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a giraffe"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a truck and a boat"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a horse and a bicycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a fork"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a hair drier"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a fork"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a refrigerator"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue tv and a yellow vase"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of an orange train and a red teddy bear"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bench"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a white tv and a green bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a parking meter"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a blue bird and a red suitcase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of an oven"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a handbag"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cat"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sink"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a knife"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bus"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a stop sign"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a red airplane and a pink tv"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bench"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bird and a pink tie"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a white suitcase and a green computer keyboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cat"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow zebra and a brown refrigerator"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange suitcase"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sandwich"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of an oven and a potted plant"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tennis racket and a purple train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a sports ball"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bottle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a computer keyboard"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a yellow couch and a white motorcycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a cat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a teddy bear"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a hair drier and a baseball glove"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a cow"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bus"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white bottle and a purple teddy bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a surfboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an airplane"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a tennis racket"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a bench and a broccoli"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a baseball glove and a person"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a red bear and a blue snowboard"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a purple horse and a black broccoli"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bottle and a laptop"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a white toaster and a pink handbag"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a surfboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a stop sign"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a horse and a hair drier"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a backpack"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a handbag"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a purple knife"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bear"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a brown chair and a pink hot dog"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a teddy bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a surfboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a boat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a red zebra and a purple hot dog"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bench and a blue cow"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a backpack"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a couch"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a broccoli and a fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a black zebra and a yellow chair"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a red bicycle and a green laptop"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a handbag"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cell phone"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cell phone"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a green airplane and a black horse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a horse"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a pizza"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a toaster"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a green hot dog and a black broccoli"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bottle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a scissors"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bus"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a red baseball glove and a black scissors"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a white knife and a purple hair drier"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a cell phone"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a white hot dog and an orange laptop"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a green cell phone and a white horse"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a toaster and a potted plant"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a brown toaster and a blue computer mouse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a zebra"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of an orange airplane and a blue pizza"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a blue pizza and a brown tennis racket"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a vase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bottle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a spoon"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sports ball and a blue oven"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a handbag"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bear and a surfboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a purple couch and an orange sports ball"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a cell phone"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a pizza"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a black bus and a purple computer mouse"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a red handbag and a blue computer mouse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a horse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a surfboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a fork"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a toaster"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a black broccoli and a pink kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bus"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a person"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bus and a pink kite"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bottle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a tv remote"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a sheep"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cell phone and a blue truck"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sheep"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a dining table"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow baseball glove and a purple suitcase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a person"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a handbag"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a red baseball glove and a pink airplane"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a sink"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cat and a purple parking meter"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a handbag"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bottle and an orange couch"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a laptop"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a motorcycle and a knife"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a fork"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a blue horse and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a fork and a spoon"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a boat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a horse and a donut"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sink"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white broccoli and a purple teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a spoon"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a green toaster and a yellow horse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a chair"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sink"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a teddy bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a train"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bird"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cow"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a parking meter"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a computer mouse"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a white hot dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sports ball"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a refrigerator"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bus"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a scissors"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an airplane"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a pink knife and a blue horse"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a bottle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sink"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a white bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a computer keyboard"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a vase"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tennis racket and a blue horse"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a white motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a suitcase"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a giraffe"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a cell phone"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a computer mouse"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a hot dog"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a computer keyboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a vase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a snowboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a sheep"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a red truck"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a cake"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a pink zebra and a brown bicycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below an airplane"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a computer keyboard and a zebra"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tie"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a boat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a tv remote"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a boat"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a surfboard and a sheep"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a green dining table"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a backpack"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a purple zebra and a white train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bus"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a pizza"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a kite"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an orange"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow boat and a purple teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a horse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a zebra"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a giraffe and a carrot"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a zebra"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a motorcycle and a stop sign"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of an orange and a scissors"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple hair drier and a yellow oven"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a red orange and a green train"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a potted plant and an airplane"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a tv remote"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of an orange and a motorcycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a couch"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a carrot"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a train"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple teddy bear"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green scissors and a yellow suitcase"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a scissors"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of an orange pizza"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a computer keyboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a giraffe"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a potted plant and a snowboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a motorcycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a couch"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bus and a red orange"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a knife"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a train"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a boat"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a red potted plant and a blue tv"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a train"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a truck and a carrot"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white bus"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a computer keyboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bottle"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a white snowboard"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an orange"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a green stop sign and a pink oven"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bench"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a zebra and a cake"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an airplane"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow hair drier and a pink scissors"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a kite"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a red boat and a green bus"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a sandwich"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a giraffe"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of an orange chair and a purple laptop"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a train"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a bear and a tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bear"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a green zebra and a brown pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a potted plant"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a blue suitcase and a red orange"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a black motorcycle and a blue spoon"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a pink orange and a green hair drier"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a purple scissors and a green bicycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bicycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a baseball glove"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a sink"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a knife"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a purple potted plant and a white cake"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a purple stop sign and a black tennis racket"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple knife and a white snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a baseball glove"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a train"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a laptop"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a kite"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a backpack"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cow"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bicycle"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a stop sign"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a green sink"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a blue surfboard and a green carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a tv remote"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a hot dog"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a fork"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bus and a red horse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a surfboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bus and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink scissors and a red computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a train"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an oven"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a dining table"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a horse"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a toaster"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cat and a black laptop"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tie"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a train"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a train"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow airplane and an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a white teddy bear and an orange sheep"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a handbag and a bottle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a purple stop sign and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a red sandwich and an orange handbag"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tv"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bench"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a handbag and a hot dog"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a potted plant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bus"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a train"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a pink donut and a blue spoon"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a spoon"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a white parking meter and a brown broccoli"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a zebra"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a computer mouse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a vase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bench"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a boat and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a green fork and a blue bench"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a hot dog and a zebra"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a horse"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a motorcycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a kite"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a tv"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow baseball glove and a pink potted plant"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a purple truck"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a sheep and a potted plant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of an airplane"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a stop sign"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a black suitcase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a computer mouse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a donut"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a truck"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bicycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a backpack"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer mouse and a pink couch"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a brown bench and a white hot dog"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a suitcase"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a kite and a spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an oven"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a baseball glove"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a surfboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sheep and a brown parking meter"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a purple surfboard and a red dining table"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a green backpack and a purple bird"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a blue parking meter and a red surfboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a boat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a computer mouse"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a horse"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a white handbag and a green cow"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a horse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a handbag"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a handbag"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow fork and a white cat"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a laptop and a broccoli"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a purple knife and an orange banana"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a zebra"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a white hair drier and a green horse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a surfboard"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cat and a brown bench"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a teddy bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red giraffe and a yellow snowboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sink"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tennis racket and a yellow spoon"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a red toaster and a brown bench"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an airplane"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cow"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a blue laptop and a red computer mouse"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a brown zebra"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a pizza and a tv remote"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a knife"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a chair"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bird and a red oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a stop sign and a chair"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cow"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a banana"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink boat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cat"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bench"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a blue cow and an orange chair"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a tv remote"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bus"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a handbag and a kite"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sports ball"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bird"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a refrigerator and an oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sink"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a purple bench and a green cat"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a red airplane and a blue train"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a blue orange"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tie"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a tennis racket"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow chair and a brown sports ball"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple parking meter and a blue bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a snowboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a white potted plant and a blue cow"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a fork"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of an orange motorcycle and a red backpack"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bicycle and a refrigerator"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a truck"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a green dining table and a blue sheep"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a hot dog and a sheep"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bird"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of an orange and a hot dog"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a boat"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a red laptop and a pink bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a spoon"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a laptop"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a surfboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a kite"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a parking meter"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a purple refrigerator and a blue tie"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a spoon"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a red chair and a white kite"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an airplane"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a chair"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bird"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a carrot"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a vase"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a zebra"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a horse"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a donut and a horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tie"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a sink"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a parking meter"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a red fork"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sink"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cell phone"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a hair drier"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a snowboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sandwich and an orange chair"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a potted plant"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a black hot dog and a blue pizza"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a truck and a sandwich"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bench"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a green hot dog and a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a red kite and a pink sports ball"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bottle and a yellow sports ball"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a pink stop sign and a white cell phone"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bear and a yellow potted plant"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of an orange horse and a brown teddy bear"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a brown sandwich and a white motorcycle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a white giraffe and a brown donut"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white giraffe and a blue snowboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a black cake and a red bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an oven"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a knife and a bottle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a banana"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a blue broccoli and a red boat"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple scissors and a red snowboard"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a white bicycle"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of an orange train and a red toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bottle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a sheep"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bear"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a motorcycle and an oven"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a hot dog"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a red dining table and a purple orange"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a spoon"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a sink"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a kite"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a hair drier"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of an orange stop sign"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an airplane"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a sandwich"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a knife"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a horse"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cake and a purple tennis racket"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a snowboard"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white carrot and a blue surfboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a baseball glove"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bus"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a red cow and a blue kite"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a cat and a sports ball"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a toaster"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of an orange stop sign and a pink couch"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a banana"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bus"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a zebra and a laptop"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of an oven"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a snowboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a boat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a purple sandwich and a black sink"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a brown teddy bear and a pink train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a stop sign"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of an orange vase and a green couch"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a scissors"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a giraffe"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a black sheep and a white zebra"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a vase"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a green toaster and a red pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a spoon"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow airplane and a pink cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a chair"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bottle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a donut"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a scissors"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a truck"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a chair"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bicycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a kite"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cake"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a white horse"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bear"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bottle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a giraffe"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a truck"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a spoon"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cell phone"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an orange"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a stop sign"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an oven"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a hair drier"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bicycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below an airplane"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv remote"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tv"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a laptop"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a handbag"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a couch"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a dining table"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a banana"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a pink broccoli and an orange scissors"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a handbag"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a kite"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a bear and a cake"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a white scissors and a red tie"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer keyboard and a blue bird"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a black giraffe and a blue hot dog"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a teddy bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple zebra and a yellow donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a hair drier"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of an orange pizza"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bicycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a pizza"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a banana"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a black stop sign and a yellow broccoli"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a spoon"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a green sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an oven"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a fork"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a hair drier and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a green hair drier and a yellow horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bird"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a broccoli"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a baseball glove"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a fork and a pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a chair"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a hot dog"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cat"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a green train and a brown sink"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a brown fork and a black tv"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a brown donut and an orange oven"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a refrigerator and a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sandwich"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a computer mouse"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a white backpack and a red suitcase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a toaster"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bench"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a toaster"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cell phone"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a green hair drier and a purple handbag"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a green bird and an orange sports ball"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a backpack"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a green donut and a blue toaster"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white snowboard and a yellow cat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a train"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a white stop sign"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a black cell phone and a brown broccoli"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bus and a pink vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a hair drier and a spoon"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple stop sign and a red computer keyboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a pink horse and a red computer mouse"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a pink tennis racket and a white sports ball"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a vase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a dining table"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a red bottle and a green carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a person"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a donut"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bus and a brown carrot"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bear and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bench and a pink bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bird"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a vase"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of an oven and a parking meter"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a purple computer mouse and a brown oven"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a donut"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a green motorcycle and a purple pizza"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a purple broccoli and a brown airplane"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange handbag and a yellow spoon"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a black tv and an orange oven"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a red backpack and a blue zebra"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a surfboard"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of an orange and a horse"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a pink donut and a green dining table"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a banana"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a sink"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple oven and a yellow bear"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a tie"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a tv and a tv remote"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bicycle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a purple boat and a pink sink"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a teddy bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a green donut and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sheep and an orange orange"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bird and an orange fork"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a purple teddy bear and a green tennis racket"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a blue zebra"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tennis racket and a pink chair"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a tennis racket and a cake"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a potted plant"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tie"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tie"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a tv"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a surfboard"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bird and a black hot dog"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a tv and a giraffe"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a teddy bear and a person"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a zebra"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of an airplane"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a pizza"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a red handbag and a green laptop"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a white fork and a pink cat"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a hot dog"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cell phone"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a potted plant"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a laptop"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a spoon"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bird and a white truck"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a scissors"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a purple bicycle and a white bus"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bicycle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of an orange stop sign and a brown sheep"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a donut"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a snowboard and a vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bicycle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a chair"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sandwich"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a truck"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a purple sandwich and a blue cat"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sports ball"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of an orange laptop and a blue bench"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a baseball glove"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a green handbag and a pink orange"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of an airplane and a spoon"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a white oven and a red snowboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below an oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tv and a broccoli"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a broccoli"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a banana"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a parking meter"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a hot dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a chair"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a banana and a bus"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a potted plant and a motorcycle"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a toaster and a cow"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a stop sign"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a fork"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a purple tv and a white cow"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tv remote and a yellow pizza"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an airplane"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a snowboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a hot dog"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tie"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sink"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a brown boat and a green laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a couch"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a brown dining table and a white sports ball"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cell phone"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a hot dog"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a chair"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a horse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a banana"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sheep"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a brown boat and an orange tie"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a kite"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a blue carrot and a black sports ball"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a horse"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a black baseball glove and a purple hair drier"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a carrot and a handbag"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bus and a purple parking meter"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a knife"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a sports ball and a tennis racket"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of an orange pizza and a green tennis racket"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sheep"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a vase"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange horse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cat"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a black potted plant and a pink dining table"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a couch and a handbag"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a zebra"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a brown backpack and a red dining table"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a computer keyboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bench"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a person"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a teddy bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of an oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a tv"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a banana"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a suitcase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a carrot"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a computer mouse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a chair"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a tv"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a baseball glove and a hot dog"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a person and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a blue oven and a red spoon"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow scissors and a blue chair"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a sheep"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a baseball glove"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a kite"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a boat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a red teddy bear and a black broccoli"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bench"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a blue surfboard and a red bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sandwich"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a truck"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a blue potted plant and a black cell phone"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cake"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a black carrot and a red sink"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a blue oven and a pink tv remote"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a vase"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bird"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cow"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bench and a brown dining table"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a purple tie and a black boat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a banana"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a chair"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a motorcycle"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a cake and a spoon"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a broccoli and a computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a train"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a potted plant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cake"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a brown cat and a black cell phone"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tv"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a blue chair"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a blue horse and a green airplane"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a donut"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a black cow and a white tennis racket"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a potted plant"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a hair drier"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a stop sign"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a white parking meter and a pink airplane"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a sandwich"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a giraffe"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cat and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a computer mouse"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a tv remote"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a couch and a sink"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a parking meter"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a train"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a pink suitcase and a red broccoli"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a pink potted plant and an orange toaster"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below an orange"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a cell phone and a potted plant"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a white backpack and a brown laptop"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bus"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a person"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bird"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a surfboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a sink"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of an orange computer keyboard and a blue sandwich"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a spoon"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cow"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a hot dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of an airplane"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a donut"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a couch"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of an orange motorcycle and a purple train"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a donut"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a pink truck and a red toaster"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a red train"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cow"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a tv"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a green knife and a black laptop"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a horse"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a green hair drier and a pink laptop"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a red scissors and a blue baseball glove"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a chair"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a donut"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a train and a couch"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a red sink and an orange hot dog"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a suitcase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a truck"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a purple parking meter and a brown bird"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bench"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a couch"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bus"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a baseball glove"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cake"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a fork"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a refrigerator"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a motorcycle and a toaster"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a spoon"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a yellow kite and a white tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sheep and a yellow handbag"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a toaster and a giraffe"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a couch and a laptop"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cat"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a refrigerator"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a potted plant and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a white zebra and a purple refrigerator"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a potted plant"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bird"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an airplane"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above an oven"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a donut"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a computer mouse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a stop sign"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a pizza"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bear"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow computer keyboard and a purple cow"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a potted plant and a scissors"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a sheep"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a horse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of an orange backpack and a black refrigerator"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red sink and an orange surfboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a laptop"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a vase"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of an orange boat and a green stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a spoon"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a toaster and a bus"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a parking meter"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a potted plant"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a black carrot and a purple sheep"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a zebra"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a pizza"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a knife"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bench and a blue sheep"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a stop sign"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a fork"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a fork"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a couch"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a computer keyboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a fork"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a hot dog"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a blue baseball glove and a white zebra"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a train"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tv remote"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a banana"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toaster"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a kite"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a toaster"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a purple boat and a red cat"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a green stop sign and a blue bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a sink"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a green banana and an orange handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a refrigerator"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a chair"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a train"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a parking meter"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a black laptop and a blue sports ball"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a spoon"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a red cell phone and a brown airplane"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a blue snowboard and a pink computer mouse"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a fork"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bicycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a giraffe"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a brown suitcase and a white cake"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a backpack"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a baseball glove"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a sink"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sheep"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a green pizza"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a tv"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a green tie and a white bottle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a computer mouse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a handbag"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of an orange"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bus"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a laptop"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a fork and a boat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tv"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a truck"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bus"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a scissors"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a white zebra and a blue orange"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a suitcase"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a donut"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an oven"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a broccoli and a teddy bear"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sandwich"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a hair drier"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a computer mouse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cake"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple kite and a blue bear"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a sink"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an oven"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a truck"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv remote and a pink oven"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sports ball and a purple parking meter"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a boat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a black oven and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bottle and a suitcase"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a blue spoon and a black oven"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a tv remote"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below an airplane"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a scissors"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a baseball glove and a sandwich"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a snowboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a green suitcase and a yellow tv"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a handbag and a cow"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bus and a pink laptop"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a computer mouse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a vase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a tv remote"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a red boat and a purple backpack"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bus"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a red couch and a green oven"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a suitcase and a bird"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of an airplane and a bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a laptop"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a baseball glove"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a kite"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a yellow toaster and a red dining table"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a couch"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a sheep and a spoon"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a tennis racket and a person"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a purple dining table and an orange bicycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a horse"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a blue dining table and a pink potted plant"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a truck"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a spoon"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bicycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sports ball"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a stop sign"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a teddy bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a hair drier"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a computer keyboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a broccoli"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a scissors"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a handbag"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a snowboard"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a laptop"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bird"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below an orange"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a laptop"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a train"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a stop sign"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sports ball"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a laptop"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a refrigerator"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a suitcase"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a person"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a toaster"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cat and a blue bus"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bottle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cell phone"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a tie"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a purple tie and a red handbag"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a hot dog"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a tv"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a blue giraffe and a black hot dog"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a black handbag and a green laptop"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a red potted plant and a pink refrigerator"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a green oven and an orange giraffe"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of an airplane"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a surfboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a spoon and an orange"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a laptop and a truck"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a tv and a laptop"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an oven"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a surfboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cow"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a motorcycle"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a tv"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sink and a yellow motorcycle"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a couch and a hot dog"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a broccoli and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a white knife and an orange potted plant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a scissors"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a brown bird and a green carrot"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a green bottle and an orange hair drier"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a backpack and a sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a train"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a sports ball and a kite"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a sheep"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a blue chair and a purple potted plant"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a baseball glove"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a person"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a green suitcase and a yellow tv remote"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bottle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a pink zebra and a green computer keyboard"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a handbag and a sheep"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green orange and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a person"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a teddy bear and a truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a suitcase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a sandwich"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tv"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a black orange and a pink surfboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a brown handbag and a white oven"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a motorcycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a surfboard"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a blue spoon"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a kite"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a tv and a fork"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sheep"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a stop sign"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a couch"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange vase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an orange"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a dining table"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a stop sign and a potted plant"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a green backpack and a red broccoli"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a person"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a white carrot"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of an airplane"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a backpack"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a surfboard and a truck"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a black sandwich and a purple horse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tie and a brown toaster"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bench"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a cake and a cell phone"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tv remote"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a stop sign"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a handbag"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a snowboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a sandwich"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a red couch"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sandwich and an orange vase"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a blue teddy bear and a green tv remote"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a purple zebra and a pink airplane"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a red bottle and a pink teddy bear"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a white oven and a pink sandwich"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a truck"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a white chair and a brown surfboard"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bench"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of an orange scissors and a red orange"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hot dog"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bicycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a couch"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cake"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a couch and an oven"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a green carrot and an orange bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a truck"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cell phone"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a sheep"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a carrot"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below an oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a sandwich"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bird"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a red cell phone and a pink hair drier"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a yellow toaster and a green donut"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a horse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a toaster"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a motorcycle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a vase"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a potted plant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a backpack"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a laptop and a stop sign"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv and a brown fork"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a scissors"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a white banana"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a red oven and a green backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a toaster"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a vase and a tie"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a green bird and a red giraffe"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a boat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a truck"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sheep and a pink knife"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a motorcycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a pizza"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sink"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a snowboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a pink handbag and a white spoon"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a kite"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a banana"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a purple fork and a black zebra"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a fork and a sandwich"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a teddy bear"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a sandwich and a cell phone"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a pizza and a sandwich"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cow and a purple orange"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a red sink"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a backpack"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bird"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of an orange bottle and a white horse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a baseball glove"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a banana"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sports ball and a purple hair drier"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a horse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a fork"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a purple stop sign"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a computer mouse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a broccoli"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of an orange handbag and a black boat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sheep"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sports ball"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a green motorcycle and a white orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a laptop"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bear"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a bird and a bicycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a tv remote"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a white bottle and a brown boat"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a pink motorcycle and a purple toaster"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a carrot"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a black motorcycle and a white sandwich"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a purple laptop and a white bus"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a laptop"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a toaster"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tv remote and a yellow surfboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bus"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a pizza"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bus"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a backpack"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a teddy bear"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bench"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a snowboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tv remote"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a giraffe"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow orange and a blue pizza"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a green fork and a purple cat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bear"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a yellow carrot and a green fork"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a person"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a blue sink and a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a white orange and a pink broccoli"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a refrigerator"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a kite"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a toaster and a bottle"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a broccoli and a tv remote"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a person"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a dining table and a bird"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a donut and a baseball glove"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bear"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a pizza"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a snowboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a bottle and a toaster"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a green boat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a white tv and a brown cat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a truck"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a horse"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a black sports ball and a red hair drier"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tv remote"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a carrot and a computer keyboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a banana"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a dining table and an orange"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a hot dog"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an oven"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a dining table and a kite"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a purple chair and an orange tie"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a zebra"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a toaster"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a dining table"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow boat and a pink carrot"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a sports ball and a potted plant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a potted plant"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a snowboard and a cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a teddy bear"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a hot dog"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a red bird and an orange cake"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sports ball and an orange fork"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a toaster"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a red cell phone and a black baseball glove"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sandwich"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a cow"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange orange and a yellow airplane"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a white cell phone and an orange giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a tie"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bear"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hot dog"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a white baseball glove and a yellow cell phone"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a hair drier and a teddy bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a vase"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a black carrot and a red broccoli"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a red tennis racket and a brown cow"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a teddy bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cake"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a train"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sheep and a blue horse"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a purple motorcycle and a green bottle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a computer mouse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a sports ball"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sports ball"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tennis racket"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a black tv and an orange cake"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow airplane and a pink orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a donut"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a computer mouse"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a brown stop sign and a purple couch"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange sheep"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a spoon"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown handbag and a yellow computer keyboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a dining table"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a black laptop and a red tv remote"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a sink"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a couch"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer mouse"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a pink hair drier and a green giraffe"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a bird and a bottle"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a red tennis racket and a purple tv"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a pink baseball glove and a white bottle"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of an orange tie and a black hot dog"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cow"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a white chair and a yellow sandwich"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a fork"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a stop sign and an orange"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cat"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a pizza and a bicycle"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of an orange fork and a brown sink"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a broccoli"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a pink stop sign and a purple knife"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a blue spoon and a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of an orange banana and a green sports ball"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a snowboard and a handbag"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a purple giraffe and an orange tv"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an airplane"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a black motorcycle and a green tennis racket"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer keyboard"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a yellow hair drier and a black spoon"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a tennis racket"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a laptop"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a dining table"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a motorcycle"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of an oven"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a truck and a bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sports ball"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a knife"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tie and a blue horse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an oven"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a white computer keyboard and a black tv remote"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bird"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a pink parking meter and a green banana"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a green bear and a red broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a fork"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a knife"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a dining table"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a train and a kite"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple cake"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a backpack"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of an orange hot dog and a pink spoon"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a knife and a kite"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a teddy bear"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a spoon"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a giraffe"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a pizza"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a knife"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a couch"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a suitcase and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a yellow potted plant and a black sheep"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a white oven and a brown airplane"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a blue airplane and an orange kite"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a spoon"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a banana"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a purple sandwich and a black couch"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a black bus and a green hair drier"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a banana"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cake"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bus and a computer keyboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow computer keyboard and a blue cake"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bicycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a chair"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a kite"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a blue train and a purple laptop"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a backpack"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a teddy bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of an orange parking meter and a blue suitcase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cow"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bench"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sheep"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a stop sign"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a donut"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bird"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tv"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a pink cell phone and a black bird"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a horse"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a tv remote"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a surfboard and an oven"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sink"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a parking meter"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a fork"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a person"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a green orange and an orange giraffe"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a knife"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a backpack"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a pink teddy bear and an orange baseball glove"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a surfboard and a cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a hot dog"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bottle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a white toaster and a brown potted plant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a banana"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sink"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bus"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a brown train and an orange motorcycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a toaster"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sandwich"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cow"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a purple stop sign and an orange broccoli"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a bench and a tv remote"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a kite"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a blue chair and a white potted plant"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of an orange spoon and a pink chair"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an oven"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a giraffe and a tennis racket"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a red fork and a blue tie"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sheep and a yellow tennis racket"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a brown toaster and a white horse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a brown giraffe and a white zebra"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of an orange laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a donut"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bird"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a banana"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a train"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a person"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a person and a bottle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bicycle"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cat"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a green surfboard and a purple orange"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a surfboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a kite"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a stop sign and a snowboard"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a computer keyboard and a scissors"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cow"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a purple train and a white computer mouse"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a giraffe"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a spoon and a chair"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a pink surfboard and a purple sports ball"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a spoon and a backpack"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of an orange and a cat"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a motorcycle and a bus"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a purple couch"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a sandwich and a tennis racket"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a banana"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a red donut and a pink train"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sports ball"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a hair drier"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a blue zebra and a green sink"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a surfboard and a boat"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above an orange"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a brown vase and an orange tv"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a surfboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bicycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cake"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bear and an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a green spoon and a pink bus"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tennis racket"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bird"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sandwich"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tv"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a chair"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a purple giraffe and a red sports ball"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a hair drier and a sandwich"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a white bicycle and a green hair drier"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a black surfboard and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sports ball and a yellow cake"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a white giraffe and a pink zebra"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a giraffe"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of an orange"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a pink potted plant and a green airplane"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a yellow laptop and a green sports ball"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a blue teddy bear and a purple tie"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sink"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow stop sign and a purple surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a giraffe"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a red baseball glove and a purple banana"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cake and a purple teddy bear"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a black banana and a yellow bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a fork"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a black sheep and a green fork"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a laptop"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow teddy bear and a brown pizza"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a purple orange and a black tie"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cell phone"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an airplane"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sandwich"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a spoon"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a dining table"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a red boat and a white tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a train and an oven"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a zebra"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a dining table"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a hot dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a handbag"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow computer mouse and a purple snowboard"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a backpack and a cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a cow"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a purple bus and a green hot dog"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a boat"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a spoon"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a stop sign"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a snowboard and a stop sign"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a truck"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a sink and a pizza"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a vase"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a red bicycle and a pink chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a cell phone"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sink"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a donut"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a brown teddy bear and a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink backpack and a purple computer keyboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a green backpack and a black handbag"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a green tv and a brown tv remote"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a suitcase and an oven"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a yellow knife and a white horse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tennis racket"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a sandwich"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a purple scissors and a pink truck"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a red bird and an orange horse"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a green train and a blue hot dog"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a purple sink and a black baseball glove"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a white bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a toaster"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple potted plant"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a parking meter"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a green horse"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a knife"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tv remote"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bus and a purple scissors"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer keyboard and a black bird"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below an orange"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bus"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a knife"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a carrot"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cow"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a scissors"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a blue teddy bear and an orange scissors"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a tv"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a vase"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer keyboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cell phone"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bicycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a kite"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bear and a green dining table"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tv"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of an orange cake and a red scissors"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink motorcycle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a brown boat and a pink handbag"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a backpack"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a handbag and a parking meter"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a vase"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a pizza"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a purple tie and a red backpack"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a backpack"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a black motorcycle and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bench"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sandwich"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a chair"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a teddy bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a truck"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a hair drier"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a snowboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a computer keyboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a kite"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a parking meter"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a black suitcase and a red carrot"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a black bottle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bench"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a train and an orange"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a carrot"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a truck"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a train"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a motorcycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bottle"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a brown couch and a black train"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a stop sign and a backpack"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a black scissors and a brown cell phone"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue suitcase"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a laptop"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a truck and a chair"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a stop sign"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a green tv remote and an orange bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a cake"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow donut and a black bicycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a baseball glove"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a carrot"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sports ball and a blue bench"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a brown suitcase and a green carrot"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a backpack"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a laptop"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a suitcase"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cow and a purple couch"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a scissors"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a train"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a purple knife"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sports ball"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a horse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a couch"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a red carrot and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a chair"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a bird and a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a train"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tv"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a red horse and a black dining table"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a person and a truck"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bicycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a vase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a potted plant"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cat and a brown oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a tv"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a broccoli"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a sink"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sandwich and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a red parking meter and a brown sports ball"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a sandwich and a horse"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bear and a purple kite"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tie and a yellow sandwich"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a pink potted plant and a green cell phone"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of an orange cake and a red chair"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a purple horse and a red stop sign"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a brown laptop and a blue potted plant"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a brown banana and a blue stop sign"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bottle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a pink surfboard and a red bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a pink boat and an orange sheep"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a laptop"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bottle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a baseball glove"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a motorcycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a computer keyboard and a tennis racket"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a red bicycle and a black computer mouse"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange potted plant"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a white cake"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a tv"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a purple parking meter and a green truck"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a stop sign"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a white teddy bear and a red laptop"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a baseball glove"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a surfboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a dining table"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bottle and an orange teddy bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a train"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a cell phone"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a broccoli"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a horse and a computer keyboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bicycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bottle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a person and a boat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a black bench and a red broccoli"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a horse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a computer keyboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a toaster and a hot dog"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a green zebra and a white dining table"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a spoon"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a white backpack and a black spoon"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a stop sign"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a truck"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a computer keyboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bird"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a blue toaster and a green stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a person"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sandwich"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cake and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a spoon and a bicycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a broccoli"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tennis racket"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a parking meter"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a hair drier"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a blue surfboard and a green giraffe"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a black teddy bear and a pink cat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a black chair and a yellow potted plant"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a horse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cake"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a pizza"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a white oven and a yellow tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a dining table"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a broccoli"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a potted plant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a vase and a person"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a person"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tv remote and a pink potted plant"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a pink couch and a purple cow"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a brown stop sign and a blue carrot"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a red parking meter and a white bird"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a suitcase"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sink"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a laptop"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a broccoli"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tennis racket"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bottle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a green bottle and an orange parking meter"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a purple bear and a red cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a vase"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a truck and a pizza"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a potted plant"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a kite and a stop sign"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a tennis racket"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a cell phone"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a motorcycle and a train"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tv"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a potted plant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above an airplane"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tie and a black sink"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a red broccoli and a yellow giraffe"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a toaster"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tv remote"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sink and an orange bus"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bird"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a refrigerator"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink fork and a blue bottle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a hot dog"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a truck and a hot dog"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a hot dog"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a blue zebra"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a dining table"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a red bus and a black bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an orange"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a blue truck and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a handbag"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a dining table"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a chair"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a scissors and a handbag"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of an orange carrot and a red horse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a train"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a backpack"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a vase"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a tv and a bottle"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a person"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a computer keyboard and a sandwich"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a pizza"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a surfboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a laptop"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a chair"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bus"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a cat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a purple cell phone and a white donut"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sink"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a scissors and a sink"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a black teddy bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a train"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cell phone and a zebra"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cow and a brown banana"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bird"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bench"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a stop sign"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a dining table"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a green sports ball and a red cat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a snowboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a green dining table and a purple toaster"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a carrot"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a purple boat and a pink horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tie"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a suitcase"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a backpack and a carrot"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sports ball"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a brown carrot and a red kite"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a potted plant and a parking meter"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a horse"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a green suitcase"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a green teddy bear and a red knife"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an orange"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a red cell phone and a white carrot"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a couch"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a white hair drier and a pink cake"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a bear and a donut"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a backpack"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a person"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bench"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple motorcycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a purple handbag and a red bottle"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow orange and an orange carrot"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a purple broccoli and a red kite"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a blue chair and a white truck"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a fork"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a giraffe"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a handbag"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a brown vase and a purple sink"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bench"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cat"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an airplane"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a refrigerator"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a sandwich"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a backpack and a sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a suitcase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an orange"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a kite"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a banana"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a person"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a red potted plant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a potted plant"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a cake"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a snowboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a zebra"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bottle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of an orange motorcycle and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a scissors"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a fork"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a computer keyboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a carrot"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a cat"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of an orange fork and a pink pizza"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a blue oven and a black hot dog"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a sports ball and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a red snowboard and a white train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a hair drier"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue parking meter and a yellow oven"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a vase"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a hot dog"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a green stop sign and a blue bird"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a refrigerator"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a chair"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a motorcycle"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a boat"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a pink backpack and a green sink"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a knife and a sports ball"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bicycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tv remote and a yellow sheep"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a white refrigerator and a red stop sign"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple laptop and a white hot dog"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a knife"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a zebra"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cake"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a cake"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple suitcase and a yellow vase"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a spoon and a fork"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a horse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a truck"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a tv remote and a tv"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a horse"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a red tie and a black dining table"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a dining table"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a computer mouse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bottle"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a person"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bottle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a pizza"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a backpack"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a scissors"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a sandwich"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bird"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an oven"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bird and a purple tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a boat"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sports ball"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a backpack"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sports ball"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a spoon"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a banana"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tv"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a scissors"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a computer mouse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a purple motorcycle and a black giraffe"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a boat"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a red surfboard and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a green airplane and a red computer keyboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a surfboard"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a tie and a dining table"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a black couch and a yellow fork"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a black dining table and a white tv"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a zebra"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a spoon and a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a fork"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a green baseball glove and a yellow train"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sink"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow scissors"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a zebra"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a toaster"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a brown backpack and a blue bear"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a scissors"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cat"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bottle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a pink dining table and a brown suitcase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a hair drier"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bird"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an oven"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a black orange and a red backpack"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green bus and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a spoon"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a carrot"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a snowboard"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bicycle and a sandwich"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cake"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of an orange and a cow"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a laptop"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a broccoli"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bottle"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a red horse and a purple toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a backpack"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a hair drier"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a purple fork and a pink horse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a tennis racket and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a white couch and an orange oven"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a banana"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a computer mouse and a hot dog"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a green dining table and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a stop sign"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sheep"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a dining table"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of an oven and a person"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an orange"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a pink zebra and a red stop sign"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange teddy bear and a red computer keyboard"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a sandwich"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a broccoli and a zebra"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a pink teddy bear and a brown scissors"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bus"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a white couch and a brown toaster"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a white orange and a brown sandwich"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a dining table"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a pizza and a couch"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bus"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a train"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a vase and a chair"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a knife"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a zebra"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a blue dining table and a pink cake"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sheep"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a blue dining table and a purple potted plant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bicycle"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow knife and a blue handbag"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a blue couch and a brown tie"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a surfboard"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a cat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a person"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sports ball"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a purple computer mouse and a white toaster"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a black suitcase and a pink vase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a cake"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a baseball glove"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a green computer mouse and a purple scissors"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a kite and a bottle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a boat"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a baseball glove"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an orange"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a black tennis racket"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a computer keyboard and a cat"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a green chair and a yellow motorcycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bus"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bird and a cow"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a backpack and a chair"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a donut"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a giraffe"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a handbag"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a broccoli"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a potted plant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a knife"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a toaster"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of an orange fork and a brown dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a potted plant"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cell phone and a pink tv"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange train and a purple snowboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an airplane"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a tennis racket"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a yellow potted plant and a green couch"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a brown computer keyboard and a blue baseball glove"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bench and an orange truck"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a couch"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a laptop"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a suitcase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a chair"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bottle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a surfboard and a computer mouse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of an orange toaster and a brown knife"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of an airplane"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an oven"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below an oven"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tie"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a carrot"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a green computer mouse and a yellow laptop"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of an orange snowboard and a pink scissors"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a yellow broccoli and a white horse"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tv remote"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a banana"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a tv remote and a sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bus"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a surfboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a couch"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above an airplane"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a brown zebra and a blue handbag"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a hot dog"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a red oven and a blue parking meter"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a brown toaster and a pink potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a horse"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a purple zebra and a pink bus"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a white tennis racket and an orange banana"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a tv"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a cat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a couch"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue suitcase"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sports ball"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a potted plant"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a fork"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a pizza"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a cell phone and a sports ball"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sports ball"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bench"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a pink baseball glove and a blue couch"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a giraffe"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a cat and a dining table"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a green parking meter and a brown cake"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a carrot"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a cow"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a scissors"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a surfboard"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a white scissors and a green oven"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a fork"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a sandwich"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a vase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white tennis racket and a purple bear"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a hair drier"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a carrot and a hair drier"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cow and a black snowboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a hair drier and a bus"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a white scissors and an orange refrigerator"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sheep"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an oven"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a hot dog"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a horse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a brown tie and a pink donut"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a stop sign and a bicycle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a pink bird and a red airplane"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a train"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a tv remote"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a red cat"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a blue tennis racket and a green toaster"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a giraffe"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a boat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a fork"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a zebra"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cow"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sink and a purple cell phone"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a horse"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a hair drier"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a green bottle and a white cow"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cake"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an airplane"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a backpack"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a baseball glove"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a person and a toaster"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a zebra"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tennis racket and an orange backpack"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a cell phone"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a giraffe"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a stop sign"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a tv remote"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bus"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a snowboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a vase"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a pizza"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a green baseball glove and a red computer keyboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a zebra"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of an orange"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tennis racket"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a surfboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a vase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a knife"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cat"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a white hot dog and an orange snowboard"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bird"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a boat"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a truck"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a couch"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a brown banana and a white tv remote"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a kite"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cow"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a person"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of an orange baseball glove and a brown carrot"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a handbag"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sheep and a pink bear"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a zebra and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a white handbag and a pink laptop"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer keyboard and a blue knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a teddy bear"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bicycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bird and a vase"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tie"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a backpack"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a stop sign"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a laptop"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a spoon"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bird"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a black potted plant and a brown sink"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a cat and a bird"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a backpack"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a carrot"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a zebra"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a computer keyboard and a kite"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a suitcase"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a person"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a pizza"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow boat and an orange motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a suitcase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a person"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a motorcycle"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tennis racket"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a hair drier"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a pizza"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a vase"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a truck"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a yellow hot dog and a red handbag"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a parking meter"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a truck"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a backpack"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bird"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow laptop and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a white tennis racket and a black surfboard"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a purple stop sign"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sandwich"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a chair"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a sink"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a couch"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a snowboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a horse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cow"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a spoon"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a chair"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a pink chair and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a yellow backpack and a black pizza"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a pink snowboard and a purple tv"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a black kite and a brown broccoli"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a brown carrot and a black cow"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sports ball and a brown oven"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a red tv remote and a white truck"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of an orange baseball glove and a green cake"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a toaster"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an orange"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a teddy bear"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a sink and a tv"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bottle"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of an orange backpack"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a handbag"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of an orange"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bottle and a pink couch"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a potted plant"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue snowboard and a yellow potted plant"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of an oven and a tie"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bottle"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a purple horse and a pink pizza"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a backpack"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow spoon and an orange backpack"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bear"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bicycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an oven"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a motorcycle"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a parking meter"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a broccoli"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a person"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a boat"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a pink refrigerator and a red cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sandwich"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of an oven"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a person"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a sandwich"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of an airplane and a boat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a fork"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a potted plant"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a computer mouse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an airplane"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a refrigerator"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a dining table"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a backpack"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a teddy bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bicycle and a blue boat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bottle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple zebra and a yellow toaster"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a baseball glove"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a giraffe"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a red orange and a blue couch"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a red sheep and a white suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a green scissors and a purple oven"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a laptop"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of an oven"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a dining table"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a truck and a tennis racket"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tv"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bus"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bench"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a laptop"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bus"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a baseball glove and a parking meter"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a donut"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a white truck and a purple bicycle"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a potted plant and a person"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a truck"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a surfboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a white baseball glove and a yellow zebra"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cell phone"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a blue truck"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a suitcase and a refrigerator"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a stop sign"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a toaster"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow carrot and a pink refrigerator"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a dining table"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sheep and a blue train"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of an orange couch and a purple parking meter"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a snowboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sandwich"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a train"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bus"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a red suitcase and a blue bench"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cell phone and a yellow vase"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a truck and a sheep"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an airplane"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a pink couch and a brown oven"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a pink hot dog and a black pizza"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red teddy bear and a purple surfboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a white chair and an orange scissors"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a scissors"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sheep and a pink carrot"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a handbag"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bear and a banana"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a person"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a tv"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a train"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a teddy bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cake"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a kite"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink orange and a purple bird"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bus"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a pizza"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a blue donut and a white oven"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a black surfboard and a purple tennis racket"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a pink sandwich and a white bear"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of an orange teddy bear and a brown computer mouse"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a blue chair and a purple oven"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cat and a blue sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an orange"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sheep"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a red bus and a white bicycle"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white sports ball and a pink surfboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a toaster"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a green giraffe and a yellow spoon"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a green bird and a brown handbag"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bicycle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a white cell phone and an orange spoon"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a tv remote"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a couch and an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a train"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a banana"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a purple refrigerator and a green knife"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a surfboard and a motorcycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a cake"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cell phone"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bird"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange suitcase and a black bicycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a surfboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a banana"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a person"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a hot dog"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a cat and a tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a baseball glove"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cell phone and a yellow horse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bicycle and a red donut"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a laptop"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a brown knife and a pink orange"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tv remote"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a stop sign"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a suitcase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a train"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a black airplane and a brown bench"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a carrot and a stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a spoon"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a stop sign"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a donut"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a giraffe"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a dining table"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a horse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below an oven"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a motorcycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a spoon"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a parking meter"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cell phone"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of an orange"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a purple scissors and a green tv"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a black bicycle and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a black bicycle and a purple backpack"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow hair drier and a purple vase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a pizza"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a brown knife and an orange tv remote"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a white banana"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of an orange"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a computer mouse"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow zebra"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a backpack"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a spoon"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a sink"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a cow and a bird"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a chair"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a blue horse and an orange bus"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a snowboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a backpack"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a brown fork and a pink hair drier"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a brown scissors and a black hair drier"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a red carrot and a brown airplane"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a handbag"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a pizza and a parking meter"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a backpack"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a blue banana and a purple cell phone"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bench"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tie"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bench and a yellow sandwich"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a fork"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a blue banana and a pink knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a spoon"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a truck"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a yellow scissors and a green baseball glove"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a chair"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bench and a yellow donut"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a purple airplane and a brown truck"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a red backpack and a purple cell phone"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a banana"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a snowboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a handbag"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a yellow snowboard and a white bottle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a zebra"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a computer mouse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a cow"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a baseball glove"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a computer mouse"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of an orange cat and a pink dining table"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a sink"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a donut"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a purple carrot and an orange sheep"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cell phone"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a pink zebra and a black chair"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tennis racket"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a pizza"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a vase and a surfboard"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a blue fork and a white cake"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cake"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a stop sign"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a green orange and a brown train"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer mouse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a knife"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a computer keyboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a parking meter"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a giraffe"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a dining table"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a white train and an orange computer mouse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a handbag"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a tv remote and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a green hot dog and an orange tie"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a kite"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a vase"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a handbag"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a surfboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a pizza"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a zebra"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a black bottle and a red cat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of an orange motorcycle and a white truck"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a zebra"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a brown tv and a red vase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a potted plant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a purple refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below an oven"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a cell phone"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a green fork and a blue sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sink"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a red teddy bear and a green carrot"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a zebra"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bus and a snowboard"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a bicycle and a zebra"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a zebra"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a yellow donut and a green backpack"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of an orange bench and a red parking meter"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bottle and a yellow spoon"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a parking meter"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a hair drier"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bicycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a vase"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a suitcase"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a person and a donut"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a purple carrot and a pink broccoli"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a giraffe"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a green train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a donut"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a donut and a giraffe"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a kite"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a vase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a laptop"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a fork"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a cow and a backpack"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a hot dog"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a bench and a sheep"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below an oven"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a pink motorcycle and an orange pizza"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sink"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a red donut and a black chair"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a scissors"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a backpack"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a black potted plant and a purple hair drier"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a suitcase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a handbag"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a green zebra and an orange toaster"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a cake"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a laptop"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a green hair drier and a brown donut"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a chair"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tennis racket and an orange knife"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a laptop and a scissors"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a zebra"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of an airplane"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a donut"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of an orange sandwich and a red horse"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow pizza and a purple motorcycle"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a potted plant and an oven"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a potted plant"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a surfboard and a vase"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a boat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a computer keyboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a spoon"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a green baseball glove and a brown knife"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow boat and a blue suitcase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of an orange hair drier and a purple cell phone"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an airplane"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sink"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a truck"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a handbag"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a purple knife and a blue cake"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sports ball"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow oven and a blue dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a snowboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a knife"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a donut"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a laptop"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow cat and an orange bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a sheep"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a vase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a blue giraffe and a brown tv"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a truck"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a brown potted plant and an orange broccoli"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a black teddy bear and a pink oven"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a white sandwich and a pink knife"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a baseball glove"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a zebra"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a carrot"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cell phone"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a computer mouse"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a train"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a kite"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a truck"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a purple teddy bear and a black vase"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of an airplane and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a white bench and a brown pizza"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bear"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of an airplane and a vase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a yellow suitcase and a red tv"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a yellow chair and a green cow"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a person"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a toaster and a bench"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sandwich"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a blue vase and a purple toaster"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a teddy bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a zebra"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a scissors"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a chair"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a banana"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a zebra"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bench"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a handbag"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a white cat"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bench"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a brown potted plant and a black kite"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink zebra and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a parking meter"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a cat"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a tie and an airplane"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a kite and a scissors"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a sports ball"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a dining table"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a couch"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a backpack"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a pizza"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a fork"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a truck and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow snowboard and a blue couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow carrot and an orange orange"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a sink"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of an orange surfboard and a white chair"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow toaster and an orange computer mouse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a zebra"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a giraffe and a pizza"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a black pizza and a green hair drier"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a kite"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a pink horse and a brown motorcycle"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a tv and a bench"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a sheep and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a blue banana and an orange giraffe"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a computer keyboard and a giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a pink tv remote and a green bird"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a couch"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a horse and a cake"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a snowboard"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sandwich"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a surfboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a parking meter"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue cat and a yellow toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bottle"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a cake"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a backpack"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tie and a yellow carrot"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cat"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a stop sign"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a broccoli"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a red oven and a purple bird"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cow and a brown tv remote"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a pink chair and a brown bench"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cake"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a surfboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a black hot dog and a brown bus"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bench"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv remote"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a blue hair drier and a pink broccoli"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a hot dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bottle"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a dining table and a hair drier"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a black giraffe and a white motorcycle"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a white zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a motorcycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a motorcycle"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a brown laptop and a blue parking meter"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a vase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tie"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a horse"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a tie"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cat"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a horse"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a potted plant and a teddy bear"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a motorcycle and an orange"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a truck"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a person"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a suitcase"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a stop sign"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a broccoli"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below an orange"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a purple sports ball and a black computer mouse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tennis racket"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a chair and a tie"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a giraffe"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a cat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tv and a brown snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a pizza"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sandwich and a purple tv"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange boat and a yellow sports ball"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a kite"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a pizza"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a tv"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a yellow refrigerator and a white stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a sink"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a purple giraffe and a green cell phone"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a hair drier"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a kite"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a brown hot dog and a pink scissors"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a white kite and a pink tie"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a blue fork and a pink motorcycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of an orange toaster and a pink parking meter"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a black spoon and a red pizza"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a red parking meter and a white handbag"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a carrot"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a sports ball and a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a baseball glove"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a sheep"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a pizza"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a green carrot and a blue tv"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a brown sandwich and a black dining table"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a person"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a green broccoli and a red bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a broccoli"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a baseball glove"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a baseball glove"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a black suitcase"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow surfboard and a red motorcycle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a banana"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a green handbag and a red tie"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a horse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a chair"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a red laptop and a blue fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a surfboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a toaster"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a parking meter and a handbag"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a black sink"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a white sink and a blue parking meter"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a scissors"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a purple airplane"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a purple sports ball and a blue broccoli"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a backpack"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a red donut and a blue hair drier"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cake and a purple spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a cake"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a green train and a black sheep"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cake and a yellow bus"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a black dining table and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of an orange scissors and a white cow"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a fork"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a black sink and a brown vase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an orange"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a sheep"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a brown giraffe"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a red cat"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue refrigerator"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a kite"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a tennis racket"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a green bottle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a knife"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a red carrot and a brown baseball glove"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of an orange cow and a white sink"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a snowboard"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sports ball"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bench"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a vase"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow scissors"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toaster"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a vase"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a red bottle and a green sports ball"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cake"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a handbag"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a computer mouse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a giraffe and a potted plant"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a toaster"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a tie"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a sink and a bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a kite"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a white cat and a brown parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a spoon"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a tie"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tv"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a brown pizza and a red cake"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a white vase and a brown fork"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a giraffe and a snowboard"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a banana and a train"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a green chair and a purple vase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a banana"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an orange"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a handbag"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a horse and a refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a person"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a teddy bear"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a brown toaster and a green dining table"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a chair"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a knife"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tv"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sink"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a tv"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cake and a black tv remote"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a baseball glove"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a couch"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a brown hot dog and a pink surfboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a refrigerator"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a bottle and a boat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a banana"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a tv remote"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a cow"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bottle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a potted plant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a zebra"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a yellow fork and a black baseball glove"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a cat and a cell phone"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a banana"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a motorcycle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a tv"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sheep"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a white cow and an orange parking meter"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a broccoli"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a white knife and a yellow giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a tie"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a backpack"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of an airplane"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bicycle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a red giraffe and a green horse"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a hair drier and a train"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a red tie and a black banana"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sink and a purple vase"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a boat and a backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a toaster"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tv"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a chair"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of an orange"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a knife"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a baseball glove"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a black orange and a purple sheep"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a train"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a carrot and a chair"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a black tennis racket and a blue orange"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a blue parking meter and a green orange"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tv and a blue teddy bear"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a backpack"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a horse"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a bird and a hair drier"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tv"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a green tv and a purple carrot"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a motorcycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bird"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a parking meter"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tv remote"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a computer mouse"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a scissors and a surfboard"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink suitcase"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a fork and a laptop"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a green hair drier and a blue couch"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of an orange cat and a green tv remote"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a cell phone and a sink"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a kite"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a white train and a blue airplane"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a black tie and a red tv remote"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a fork"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a computer keyboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a knife"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a dining table"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an airplane"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cow"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a vase"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a vase"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a cake and a motorcycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a motorcycle"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a yellow truck and a red sink"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cell phone"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of an orange parking meter"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a parking meter"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a purple truck"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a donut and a train"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cell phone"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a knife"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a donut"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a tie and a carrot"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a cell phone"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of an orange backpack and a red fork"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a horse"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a yellow hair drier and a red parking meter"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a banana and a bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a truck"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a zebra"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an orange"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a refrigerator"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a hot dog"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a white cell phone and a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cat and an orange donut"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a spoon"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a white sandwich and a green scissors"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a snowboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a giraffe and a laptop"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink horse and a yellow motorcycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a potted plant and a cake"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a knife"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a hair drier"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a stop sign"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a computer mouse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a handbag"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a train"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange donut and a yellow cow"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a red laptop and a white refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bird"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a suitcase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a carrot"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bicycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a surfboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cat"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a pink stop sign and an orange parking meter"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a stop sign"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a toaster"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of an orange truck and a white fork"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a computer mouse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cell phone"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a purple oven and a blue bird"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a fork"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a vase and a sports ball"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bottle and a purple spoon"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a zebra"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a white computer mouse and a red baseball glove"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a laptop and a hot dog"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a zebra"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a broccoli"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bicycle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a pink dining table and an orange tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a white refrigerator and a red bird"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of an orange sink and a green refrigerator"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a surfboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a train"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bear and a yellow knife"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bottle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a hot dog"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black potted plant and a purple surfboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a snowboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a red fork and a blue bottle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of an airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bottle"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a tv and a cell phone"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a carrot"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of an orange spoon and a green computer keyboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a computer keyboard and a surfboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a train"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a banana"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a red backpack and a yellow scissors"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a banana"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a tie"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a brown oven and a green spoon"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a broccoli"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cell phone"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below an oven"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a hot dog"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a blue sheep and a green tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a spoon"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a boat"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of an orange baseball glove and a purple suitcase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a sheep"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a vase"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a vase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cake"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bench and a purple bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sandwich"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a donut and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bottle and a blue spoon"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a giraffe"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a fork"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a giraffe"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a parking meter"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a black bird and a green snowboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a blue surfboard and a brown vase"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a knife and a handbag"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a train"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a blue carrot and a red motorcycle"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a red pizza and a brown computer mouse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a parking meter"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a green snowboard and a yellow knife"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a pink stop sign and a red vase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of an orange and a baseball glove"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a bus and a toaster"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a zebra"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sink and a yellow tv"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a cow and a carrot"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a pink bench and a white bus"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an orange"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a truck"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a hot dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bus"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bottle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a tv remote"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a potted plant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a handbag"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a purple couch"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a snowboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bench and a giraffe"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a banana"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a couch and a kite"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a vase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a suitcase"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a white hair drier and a blue stop sign"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a pink banana and a green sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a snowboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bear"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cell phone"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a green bus and a blue donut"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sports ball and a purple suitcase"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a red airplane and a purple cake"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a blue truck and an orange donut"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of an orange hot dog and a pink cow"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toaster and a pink suitcase"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a purple fork and a white motorcycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a green knife and a brown refrigerator"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a teddy bear"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a hair drier"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a handbag"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a snowboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a giraffe"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sheep"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a potted plant and a horse"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a fork"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a pink scissors"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a person and a potted plant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a tennis racket"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a train"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bird and a pink vase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a carrot"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a handbag"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sports ball and a blue refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an oven"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a red scissors and a white sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a zebra"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a blue oven and a white bottle"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a pink computer keyboard and a purple bus"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a boat"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a computer mouse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a surfboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a green sink and a purple oven"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sports ball"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a black computer mouse and a yellow fork"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple teddy bear"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a white tv and an orange cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a vase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a broccoli"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a pink stop sign and an orange donut"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a purple orange and a pink donut"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange banana and a brown cat"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a green potted plant and a red bottle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a sheep"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a teddy bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a stop sign"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a pizza"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a tv and a zebra"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a suitcase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a potted plant"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bird"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a vase and a pizza"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a broccoli and a donut"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cell phone"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a teddy bear"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a surfboard and a giraffe"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a scissors"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a pink kite and a brown boat"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a parking meter"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a cow and a motorcycle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a green tv remote and a white laptop"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a stop sign"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tennis racket"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tennis racket"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a black bird and a brown bus"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a red carrot and a brown zebra"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a vase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a potted plant"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a computer keyboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an oven"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a cat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below an orange"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a surfboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a hair drier"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of an orange horse and a red handbag"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a potted plant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a cake"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a pizza"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a purple toaster and a brown bus"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a red sheep"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a hot dog and a tv remote"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a donut"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bench"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a blue cell phone and a green potted plant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sink"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a black cow and a blue kite"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a purple donut and a blue zebra"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a black oven and a purple knife"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a green donut and a white knife"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a broccoli"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a parking meter and a bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a banana"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a giraffe"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a tennis racket"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a red stop sign and a green sports ball"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a green bench and a red bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a yellow train and a red sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a chair"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below an oven"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cake"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a handbag"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a tv remote and a donut"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a banana"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a vase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a green tie and an orange bicycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bird"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a green truck and a purple knife"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a brown bear and a green banana"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a surfboard"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a brown carrot and a red baseball glove"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tv remote"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a red motorcycle and a pink hair drier"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cow"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a red motorcycle and an orange fork"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a yellow couch and a white bench"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a donut"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a cat and a tv"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a sheep"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a broccoli"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a black handbag and a pink motorcycle"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a hair drier and a giraffe"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a blue tennis racket and a green hot dog"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a purple scissors and an orange motorcycle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a chair"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a green boat and a black airplane"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a chair"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a stop sign"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a dining table"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a horse and a scissors"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a hair drier and an airplane"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange snowboard and a yellow airplane"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a cat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a cat"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bottle and a yellow orange"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a white orange and a black train"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a donut"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a cow"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange toaster and a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer mouse and a pink bus"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a suitcase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a dining table"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a white parking meter"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a broccoli"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a toaster"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a vase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a person"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a dining table"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a white refrigerator and a blue cake"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a green vase and a purple refrigerator"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cake"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a pizza"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cow"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a blue refrigerator and a brown spoon"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a stop sign"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a snowboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a vase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sandwich"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a cake"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a stop sign"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a fork"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a spoon"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a carrot"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a scissors"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a handbag"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below an airplane"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a yellow zebra and a white horse"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a surfboard and a parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cell phone"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a red sheep and a black boat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a tennis racket"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a donut"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a red kite and a purple broccoli"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a potted plant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a surfboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sheep"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a fork"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bus"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bear and a pink suitcase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cow"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a handbag"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a zebra"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a sports ball and an airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a carrot"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a chair"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a baseball glove"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a carrot"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a black bench"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a carrot"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bird"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow carrot and a brown kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a fork"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a green computer keyboard and a yellow tie"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a backpack"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a person"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a sink"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a scissors"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tv remote"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a giraffe"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a white chair and a black oven"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a backpack"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a scissors"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of an orange bus and a black snowboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a potted plant and a computer mouse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a carrot"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a handbag"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a truck"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a donut"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a snowboard"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a fork and a couch"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sandwich"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a snowboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown handbag and a yellow bench"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an oven"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a red snowboard and a brown computer mouse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a yellow laptop and a red dining table"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bottle"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a blue scissors and a white motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a suitcase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a pizza"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sink"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a tennis racket and a couch"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an oven"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a kite"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a bottle and a computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a laptop"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a knife"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an orange"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a yellow surfboard and a white computer mouse"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a red baseball glove and a brown carrot"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a handbag"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a motorcycle"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a black pizza and a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a red train and a yellow pizza"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a kite"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a green bottle and an orange tv remote"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a fork"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a pizza"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a knife"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bottle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a baseball glove"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bench"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a baseball glove and a cat"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a truck"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a yellow hot dog and a black couch"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cow and a brown snowboard"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a suitcase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a tv"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue backpack and a black snowboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of an orange train"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a green horse and a yellow bottle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tv remote and an orange couch"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a cow"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow sports ball"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a cell phone"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a spoon"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cow"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a person"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a green parking meter and a blue spoon"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a person"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a green hair drier and a blue cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a computer mouse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of an orange hot dog and a black sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a carrot"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a giraffe"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of an orange and a zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a suitcase"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a pink zebra and a brown bottle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown fork and a yellow broccoli"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a blue sink and a green scissors"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a white computer keyboard and an orange scissors"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a sheep"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a hair drier"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a couch"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a cell phone"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a red teddy bear and a white surfboard"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a broccoli and a backpack"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cake"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a broccoli"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a refrigerator"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a sink and a donut"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a dining table"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a dining table"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a backpack"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a person"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a scissors and a tv remote"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a handbag"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a couch"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown giraffe and a blue cat"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a purple donut and a red handbag"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a motorcycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer mouse and a brown hot dog"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple boat"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow cat and a pink tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a parking meter"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a carrot"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a horse"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a knife"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a white boat and a purple cat"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bottle and a purple surfboard"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink hot dog"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a backpack"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a bicycle and a hot dog"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cow"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a yellow airplane and a black truck"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a sandwich"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a baseball glove"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a knife"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tie"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a white cell phone and a pink sheep"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a white pizza and a yellow carrot"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black bus and a blue snowboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow donut and a purple refrigerator"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a sheep and a surfboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tennis racket"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a cake"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bird"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bench"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a knife"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer keyboard and a purple boat"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bird"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sandwich and a cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a black cow and a pink bench"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a scissors"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a suitcase"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a brown tennis racket and a black pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a person"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a scissors"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a red boat and an orange cow"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a yellow fork and a red airplane"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below an orange"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a teddy bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of an orange fork and a brown laptop"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sheep and an orange hot dog"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a blue surfboard and a black orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a sports ball"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown teddy bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a parking meter"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a broccoli"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a cake and a baseball glove"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a banana"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a stop sign"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink sink and a green bicycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a green broccoli and a purple refrigerator"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a sink"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a stop sign"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue backpack and a yellow carrot"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cow and a yellow kite"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a black parking meter and a blue tie"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bottle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a snowboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a spoon"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a blue dining table and a black sports ball"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tennis racket"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a brown parking meter"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a scissors"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an oven"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a chair and a parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of an oven"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cow"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a white computer mouse and a red tv remote"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a white airplane and a purple oven"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bicycle"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a laptop and a person"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bicycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a stop sign"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a handbag"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a person and a bench"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a vase"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bottle and a purple fork"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a train"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bottle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown airplane and a yellow bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a suitcase"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a white baseball glove and a green computer keyboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a backpack"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a person"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a person"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a snowboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a boat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a stop sign"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a snowboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a horse"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a black cell phone and a purple bottle"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a baseball glove"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sports ball"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tv remote"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a computer mouse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a vase"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of an orange sheep and a green bottle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a pizza"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a potted plant and a fork"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a red bicycle and a brown motorcycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a pizza"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a backpack"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a pizza"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bicycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue cell phone and a black surfboard"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a purple tie and a green stop sign"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a purple stop sign"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a scissors"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a hair drier"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a vase"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a baseball glove"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a train"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bus"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an oven"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a boat"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a fork"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tennis racket"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a tennis racket"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue fork and a yellow truck"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a purple refrigerator and an orange sports ball"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a red truck and a black horse"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer mouse and a pink giraffe"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a toaster"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hot dog and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of an orange parking meter and a green scissors"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a spoon"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a green potted plant and a red snowboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a refrigerator"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a kite"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a banana and a computer mouse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a hot dog"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a donut"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bird and a pink spoon"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a laptop and a vase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a chair"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a purple cow and a green cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a zebra"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a tie and a cat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a toaster"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a hair drier"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a boat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a giraffe"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a green carrot and a pink kite"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a scissors"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of an orange parking meter and a red laptop"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a pink tv remote and a purple cell phone"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a laptop"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a couch"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow teddy bear and a brown sheep"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a white parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow banana and a pink snowboard"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a tie and a motorcycle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a stop sign"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a laptop"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a handbag"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a couch"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a dining table"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a black hot dog and a pink tv"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a snowboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a potted plant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a handbag"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a sink"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a purple toaster and a blue computer mouse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tv"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bird"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a handbag"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a green boat and a white pizza"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a scissors"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bicycle"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a green toaster and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a black sandwich and a green broccoli"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a green pizza"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bird"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a white baseball glove and a black tv"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a chair and a handbag"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a black bicycle and a red horse"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white refrigerator and a brown motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a toaster"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a baseball glove and a cake"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bird"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a kite"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a toaster"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a baseball glove"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a brown surfboard and a red computer keyboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a scissors"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cell phone"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a horse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a horse"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tennis racket and a yellow laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a banana"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a green oven and a brown broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a carrot"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of an oven and a bicycle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of an orange dining table and a green horse"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow fork and a blue truck"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a person"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tv remote"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a person"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a zebra"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below an airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a carrot"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cat and an orange carrot"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a cake and a refrigerator"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a baseball glove"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a boat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a tie"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a stop sign"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a motorcycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a green orange and a black zebra"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a scissors"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a suitcase"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a pink cow and a black chair"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a cow and a computer mouse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a refrigerator"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a scissors"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a white bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a laptop"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a pink laptop and a green pizza"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cell phone and a pink bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a dining table"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a white spoon and a green baseball glove"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a white tv"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a pizza"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bicycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tv remote"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bear"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a refrigerator and a baseball glove"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a surfboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a red bottle and a white broccoli"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an orange"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a zebra"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bus"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a vase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a purple laptop and a red chair"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a pink refrigerator and a blue tennis racket"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a banana"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a backpack and an orange"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a train"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a red cell phone and a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a yellow spoon and a red sports ball"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a computer keyboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a computer mouse"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a vase and a handbag"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a parking meter"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tennis racket"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a pink sandwich and a green bird"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a black backpack and a green cow"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a hot dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bus"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a brown banana and a black backpack"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a cow"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a black knife and a purple laptop"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a truck and a bicycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a brown spoon and a purple tennis racket"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow airplane and a blue truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a suitcase"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a surfboard and a bicycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a boat"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a black cow and a purple cat"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a red couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a teddy bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a cell phone"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a scissors"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a horse"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a blue hair drier and a purple cat"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a scissors"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a brown truck"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a stop sign"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a giraffe"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a white potted plant and a yellow hot dog"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a sheep"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of an airplane"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink surfboard and a yellow computer mouse"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a blue zebra and a green kite"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a fork and a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cow"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a red tie and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a pink sports ball and a white carrot"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a bird and a cat"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of an orange airplane and a black sheep"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a red donut"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a black tv remote and a purple sports ball"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tennis racket"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a red knife"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a hair drier"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a scissors"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a stop sign"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a tv"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a purple orange and a red hair drier"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of an orange backpack and a white banana"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cell phone"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a parking meter"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a black cow and a white carrot"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a yellow oven and a black toaster"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a vase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a baseball glove"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a horse"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a green pizza and a pink handbag"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a computer mouse"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a hot dog and a tie"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a purple airplane and a green hot dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a spoon"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a computer keyboard"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a brown spoon and a pink stop sign"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a hot dog"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a knife"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow laptop and a brown snowboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sandwich"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a brown teddy bear and a white stop sign"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bicycle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a purple suitcase and a black backpack"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a scissors"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toaster"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a giraffe and a surfboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a tv"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a parking meter and a kite"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a train"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a tv and a truck"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a spoon"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a computer keyboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a green bottle and a pink couch"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a knife"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a green motorcycle and a red scissors"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a horse"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a yellow snowboard and a black cow"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a person and a cake"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a black teddy bear and a yellow tv"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a purple sandwich and a red cake"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above an oven"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a purple refrigerator and a brown donut"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a snowboard and a bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tie"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cow"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a cell phone and a bottle"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a brown computer mouse and a purple donut"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bottle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a blue cell phone and a red donut"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a blue stop sign and an orange bear"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a boat"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sports ball and a yellow bottle"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a blue pizza and a red zebra"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a pink tv and a purple train"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a tv and a sports ball"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cow"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a pink surfboard and a black pizza"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a carrot"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a couch and a sandwich"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a white fork and a brown hot dog"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a pink banana and a red cat"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an oven"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a toaster"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a fork"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a spoon"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a green backpack and a pink airplane"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a black giraffe and a red broccoli"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv and a green laptop"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sheep and a purple bus"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a stop sign"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a tennis racket"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a carrot"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a tv"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a suitcase"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a backpack and a spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cake"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a green cake and a pink bench"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a white parking meter and a brown kite"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a train"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a sink and a carrot"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a brown orange and a white sink"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a white sink and a blue cat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a broccoli"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink spoon and an orange motorcycle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a green suitcase and a white cow"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow cow"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a zebra"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a brown stop sign and a black train"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bicycle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a knife"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink oven and a yellow parking meter"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a broccoli"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a teddy bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a sink"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cell phone"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a dining table"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a black oven"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a pizza"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer mouse and a blue chair"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a black cake and a brown kite"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a red hot dog and a yellow toaster"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an oven"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a green oven and a white sheep"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a brown bus and a white truck"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a refrigerator"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a red cat"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a red toaster and a blue chair"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a horse"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange banana and a green carrot"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sheep"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bear"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange carrot and a yellow hot dog"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a broccoli and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a white hot dog and an orange bench"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a sheep"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a white backpack and a yellow suitcase"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a couch and a broccoli"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a motorcycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bird"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black teddy bear and a yellow surfboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a train"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a banana and a cat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange hot dog and a yellow parking meter"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an airplane"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a cow"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a pizza"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow truck and a blue parking meter"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bicycle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cake"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a person"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a kite"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tennis racket and a red tv remote"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a donut and a bicycle"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a white couch and a brown fork"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a backpack"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a hot dog"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a horse"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tie and a yellow cell phone"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a spoon and a broccoli"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a white parking meter and a purple scissors"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tv"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a computer keyboard and a bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a dining table"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black potted plant and a blue snowboard"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tv"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a stop sign and a horse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bottle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a stop sign"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a vase"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of an orange motorcycle and a black horse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cell phone"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bicycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bench"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a hair drier"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a spoon"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of an orange baseball glove and a brown motorcycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a black cell phone and a brown stop sign"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a toaster"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a blue bird and a black airplane"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of an orange baseball glove and a blue spoon"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a carrot"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a motorcycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a parking meter"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink spoon and a yellow airplane"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a hot dog"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow orange and a purple dining table"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a chair"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a purple surfboard and a black cow"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a couch"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a brown sandwich and a red backpack"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bottle"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sandwich"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a baseball glove"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a hot dog"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a couch and a computer mouse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a carrot"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a suitcase"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tie"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a green oven and a yellow backpack"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tv remote and an orange horse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink backpack and a yellow laptop"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a giraffe"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow hot dog and an orange banana"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a black dining table and a yellow potted plant"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bus and a purple bottle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a pink orange and a red fork"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a computer mouse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a sports ball"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a black bench and a brown kite"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sports ball"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a handbag"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a giraffe"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a white scissors and an orange laptop"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a handbag and a toaster"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a snowboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a carrot"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a chair and a toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a scissors"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a person"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sandwich and a yellow snowboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a red bird and a purple banana"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a green parking meter and a yellow chair"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a bear and a zebra"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a white oven"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bench"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a parking meter"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a laptop"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a cake and a computer mouse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a truck"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown cow and a yellow backpack"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a surfboard"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a green bus and an orange orange"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a kite"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a truck"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a train"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tie and an orange cat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a cake"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of an orange snowboard and a purple donut"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a brown truck and a white banana"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a banana and a boat"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a red train and a green bus"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a backpack"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above an orange"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a blue fork and a black backpack"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cat"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a white boat"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a brown hair drier and a blue vase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a red handbag and an orange refrigerator"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an orange"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cake"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bicycle"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a sandwich and a laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a carrot"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white toaster and a blue surfboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a computer keyboard"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a bus and a cell phone"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a snowboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cow"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tie"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a black baseball glove and an orange teddy bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a couch"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a person and a sheep"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bus"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a white tv remote and a pink bird"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an orange"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of an orange scissors and a white sandwich"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a sandwich"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a tv remote and a refrigerator"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a kite"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple parking meter and a blue motorcycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a boat"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a parking meter"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a banana"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a kite"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a knife"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bear"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bus and a brown bird"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a stop sign"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a brown tennis racket and a red couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a baseball glove"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a zebra"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a laptop"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a cell phone and a couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bottle"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a green carrot and a brown baseball glove"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bus and a pizza"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a donut"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a horse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sports ball"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cake"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a dining table"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a donut"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bear and a pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a parking meter"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a scissors"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a handbag"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tennis racket and a yellow handbag"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cat and a blue laptop"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a fork"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below an orange"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bear and a pink sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a green cell phone"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a hot dog"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a kite"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a blue toaster and a red kite"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a green boat and an orange tennis racket"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a pink refrigerator and a green cell phone"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a red baseball glove and a yellow train"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tv and a purple baseball glove"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a train and a snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a banana"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a green stop sign and an orange bird"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a bird and a computer mouse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a truck"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a brown sports ball and a red bicycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a zebra"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a knife and an orange"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a laptop"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a train"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below an airplane"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tv"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a toaster"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a tv and a chair"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an airplane"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a red tie and a yellow truck"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a truck"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a white chair and a black airplane"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a snowboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a red sink and a blue refrigerator"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bottle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow chair and an orange sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a broccoli"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a truck and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a red bus and a black bird"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a motorcycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a person"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a snowboard and a scissors"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a donut and a knife"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a pink bird and a black cow"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cell phone"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a spoon"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a blue carrot and a pink orange"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of an airplane and a backpack"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow dining table and a pink baseball glove"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bottle"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a cow and a giraffe"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cake"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a purple couch and a white spoon"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a black bench and a pink handbag"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a backpack"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cow"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a baseball glove"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a green horse and a purple sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a white sports ball and a green motorcycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below an orange"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a green baseball glove and a white toaster"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cat and a yellow snowboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a white computer keyboard and a brown bus"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a hot dog"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a tv remote"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a teddy bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a carrot"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a black vase"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a cell phone"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a chair"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bus"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a stop sign"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a knife and a fork"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a baseball glove"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a teddy bear"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a teddy bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a baseball glove"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sports ball"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a bottle and a teddy bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bird"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a giraffe"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a surfboard and a pizza"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a boat"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a computer keyboard and a horse"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of an orange stop sign and a pink fork"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a truck and a cake"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a potted plant"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a train"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a laptop"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a computer keyboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of an orange broccoli and a white bicycle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of an orange suitcase and a black bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bottle"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cat"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a parking meter"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a white bench and a brown bus"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a vase"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a purple backpack and a white parking meter"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hot dog"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a red chair and a blue horse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bicycle"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a suitcase and a bicycle"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a brown surfboard and a white carrot"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a brown giraffe"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bird"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a scissors"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tennis racket and a brown tie"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a sheep and a sandwich"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a sheep"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a zebra and a truck"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a teddy bear"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a fork and a cake"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow snowboard and a pink horse"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cell phone"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a carrot"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a sheep and a knife"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bird"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a surfboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a surfboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a horse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sandwich"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tie and a red boat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a motorcycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bus"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sports ball"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow oven and a brown cat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a dining table"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a fork"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cake and a blue handbag"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a teddy bear and a fork"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a knife"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a pink snowboard and an orange kite"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a backpack"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hair drier"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a potted plant"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a black bottle and an orange giraffe"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bear"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bottle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of an orange laptop and a brown broccoli"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an oven"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a brown scissors and a black tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a black cake"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an oven"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a knife and a motorcycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a teddy bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a bicycle and a parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball glove and a blue truck"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a broccoli"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a horse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a scissors"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a banana"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a handbag"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a brown computer mouse and a pink broccoli"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below an airplane"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a baseball glove"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a fork"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple sink and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hot dog"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a knife"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a train"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a hot dog"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bench and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a yellow spoon and a red hot dog"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a giraffe"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a computer mouse"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a brown horse and a white bicycle"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of an orange refrigerator and a blue bottle"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a surfboard and a computer keyboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a scissors"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bench"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a cow and an airplane"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a cat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an airplane"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bus and a pink tennis racket"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a motorcycle and a hot dog"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a scissors"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cake"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a parking meter"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a brown pizza and a green cell phone"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a surfboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a surfboard"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a purple spoon and a blue refrigerator"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a spoon and a tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bus"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sandwich and a purple snowboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a vase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a hot dog"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a pizza"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a black sports ball and a red vase"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow giraffe and a brown bicycle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of an orange chair and a purple oven"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink knife and a purple snowboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a donut"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of an orange cell phone and a green zebra"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a purple banana and a black tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a dining table"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an oven"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a surfboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an orange"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a purple zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sandwich"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bus and a pink sandwich"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bottle"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a red tie and a pink bench"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a couch"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a computer mouse and a giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a horse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a dining table"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a computer keyboard"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a red tv"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a motorcycle and a suitcase"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tv remote"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tie and a blue snowboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a black tv and a purple donut"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a surfboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a broccoli"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bus"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a couch"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a purple couch and an orange kite"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a white scissors and a pink sheep"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a brown pizza and a black sandwich"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a chair"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a refrigerator"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a red horse and a black boat"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of an orange snowboard and a white teddy bear"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a black tv and a red bird"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a blue zebra and a black giraffe"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a donut"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a truck and a kite"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a parking meter"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a carrot"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a red sandwich and a green tennis racket"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bear"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a backpack"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an oven"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sports ball"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cow and a yellow sheep"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple surfboard and a yellow sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of an airplane"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a truck"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of an orange surfboard and a blue fork"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a white backpack and an orange kite"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow spoon"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a black sheep and a purple refrigerator"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a stop sign"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a giraffe"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a white laptop and a blue carrot"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cake"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a teddy bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a toaster"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a purple boat and a white teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a hot dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a green chair and an orange pizza"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bottle"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a tennis racket and a zebra"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a train"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a baseball glove"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a parking meter"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a purple cake and a green sink"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a black donut and a purple backpack"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a sheep"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a yellow broccoli and a green handbag"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a train"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of an oven"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a cell phone and a backpack"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a black motorcycle and a red tie"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a boat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a hair drier"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a banana"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a potted plant"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a kite"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a red bear and a white dining table"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a cell phone"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a chair"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv remote and a purple broccoli"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a black orange"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a train"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a pink tv remote and a purple bench"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a brown motorcycle and a red potted plant"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a truck"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below an airplane"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a giraffe"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sink"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a vase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a laptop"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sheep"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a carrot"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a yellow potted plant and a black toaster"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a white bird and a pink truck"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a bird and a tie"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a banana"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a black potted plant and a green cow"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tv remote"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a blue hair drier and a red vase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a banana"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball glove"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bottle"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a toaster"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a train"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bottle"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cake and a blue couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a teddy bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bench"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a chair"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a purple hot dog and a pink stop sign"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a white banana and a red knife"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a tie and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a green oven and an orange sink"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a blue knife and a green sports ball"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bicycle"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a computer mouse and a broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a laptop"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bird"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bottle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a red surfboard and an orange potted plant"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below an oven"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bench"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a red parking meter and a black potted plant"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bicycle and a giraffe"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a tennis racket"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bicycle"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a chair"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink scissors and a yellow cake"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sheep"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a motorcycle and a computer mouse"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue horse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a truck"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a purple horse and an orange fork"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bicycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a teddy bear"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sandwich"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a sheep"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a tennis racket"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a snowboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a boat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a laptop"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a parking meter"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a green bird and a red airplane"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of an orange"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple chair and a white hot dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a carrot"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a red cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a chair"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a tv remote and a spoon"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a black hot dog and a blue cow"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bench"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a tv"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a laptop"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow computer mouse and a purple train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a red refrigerator and a blue chair"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a red sandwich and a green parking meter"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a knife"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a hair drier"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a boat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a teddy bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a fork"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a tennis racket"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a bear and a horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a potted plant"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bear and a pink bicycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a spoon"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an orange"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a black giraffe and a red surfboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a banana"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a vase and a giraffe"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a snowboard"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of an orange dining table and a black knife"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a broccoli"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a chair"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a truck"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a potted plant and a computer keyboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a suitcase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a chair"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a sports ball"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a refrigerator"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a cake"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cake and a black airplane"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a hair drier"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a zebra"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a blue carrot and a red cake"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a black bench and a green surfboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a vase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow scissors and an orange train"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a green horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a knife"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a purple train and a blue spoon"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a truck"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sink"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cake and a blue sandwich"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sink"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an orange"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a banana and a bicycle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a white tv remote and a green airplane"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a spoon"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow giraffe and a blue suitcase"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a pink giraffe"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a donut"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a fork"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a brown pizza and a green baseball glove"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a brown laptop and a purple broccoli"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a backpack"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a green handbag and a purple potted plant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a knife"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a banana and a knife"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a green boat and a purple fork"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a red spoon and an orange laptop"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a brown suitcase and a green broccoli"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a refrigerator"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a hot dog"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a refrigerator"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a refrigerator"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a pizza"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a green cat and a black motorcycle"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a banana and a vase"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a black orange"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a parking meter"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple hot dog and a red surfboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an orange"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a pink suitcase and a white toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a backpack"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a chair"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a potted plant"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a broccoli"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a black computer keyboard"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a bicycle and a dining table"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow vase and a purple potted plant"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sink"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a broccoli"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bench"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a purple oven and a white potted plant"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a white tennis racket and a red scissors"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a tv remote"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a surfboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a hair drier"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a couch"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a banana"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a snowboard and a cell phone"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a green train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bus"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a surfboard"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a yellow parking meter and a red sheep"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of an orange knife and a green broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a tv"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow laptop and a purple handbag"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a cell phone"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cell phone"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bus and a blue hot dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bottle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer mouse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tv remote"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a brown knife and a blue bottle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a donut"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple carrot and a yellow tv remote"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a snowboard and an orange"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bench"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a fork"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a couch"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a blue broccoli and an orange fork"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a refrigerator and a kite"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a carrot"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a cow and a sink"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a snowboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball glove"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a chair and a broccoli"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a pink sink and a white bottle"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a parking meter"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a sheep"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a purple pizza and a pink sandwich"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sink"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bottle"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a pink potted plant and a blue sheep"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple dining table and a yellow tv"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bird"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a teddy bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a vase"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown horse"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a pink motorcycle and a purple fork"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a red stop sign and a black cat"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer keyboard and a purple tv"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a green bottle and a brown refrigerator"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a backpack"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a brown sheep and a red laptop"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a brown sandwich and a red dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a dining table"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bird"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a baseball glove"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bicycle and an airplane"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a red tv remote and a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a red refrigerator and a purple oven"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a teddy bear and a giraffe"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bird"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a black cell phone"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a brown teddy bear and a black couch"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer keyboard and a black knife"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a white sheep and a pink vase"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a black laptop and a blue carrot"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a parking meter and a truck"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a donut"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a potted plant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a vase"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a baseball glove"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bird"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a dining table"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a person"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a white tv remote and a pink sandwich"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a white hair drier and a pink horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a knife"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tennis racket and a yellow cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a tv remote"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a truck"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sheep"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a red bicycle and a black cow"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a dining table"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a sink and a sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a horse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a dining table and a handbag"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a black broccoli and a white cow"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a yellow airplane and a red potted plant"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cell phone"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a white scissors and a yellow cake"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cake"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of an orange laptop and a blue oven"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bicycle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a brown chair and a blue surfboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cow"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cow"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a blue backpack and a green surfboard"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange hot dog and a yellow bottle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a white vase and a yellow hair drier"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a black fork and a brown scissors"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a hot dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a spoon"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a purple snowboard and a red chair"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a handbag"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a blue cake and an orange tv"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a banana"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a white tv remote and a purple handbag"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green zebra and a brown surfboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a black vase and a blue cat"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a white parking meter and a black hot dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a broccoli"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bench"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple motorcycle"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow truck"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a toaster"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a boat"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow parking meter and a pink laptop"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a chair"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a brown laptop and a pink sandwich"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue knife"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a laptop"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a hot dog and a giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a horse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sandwich"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a vase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below an oven"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a truck"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a blue train and a purple sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a tv"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a pizza"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hair drier"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a teddy bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a handbag"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a white potted plant and a yellow scissors"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a carrot"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a carrot"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a couch"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a potted plant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an airplane"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a yellow teddy bear and a green pizza"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bird and a sports ball"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a snowboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a hair drier"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tennis racket and a red bus"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bottle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a person"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a tv remote"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a carrot and an airplane"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow boat and a blue tie"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a tv"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a pizza"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a handbag"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bench"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a surfboard and a scissors"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a spoon and a scissors"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a tv remote"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a person"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a brown horse and an orange backpack"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a boat"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink surfboard"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a green potted plant and a purple backpack"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a fork"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a couch"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a knife"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a potted plant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a teddy bear"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a tie"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a surfboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a carrot"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a banana"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a fork"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cell phone"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a hot dog"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a hair drier"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a brown snowboard and a blue airplane"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bench"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a motorcycle and a scissors"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a chair"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a fork"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bird"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a vase"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow stop sign and a purple carrot"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bench"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a broccoli"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a giraffe"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a green bear and an orange sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a red bicycle and a white computer mouse"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a carrot"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tv remote"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a brown refrigerator and a white potted plant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a tv"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an oven"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a stop sign"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a handbag"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of an orange surfboard and a pink suitcase"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a white stop sign and a purple truck"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a sports ball and a truck"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a baseball glove"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a broccoli"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a sports ball"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a backpack and a laptop"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of an orange bottle and a green baseball glove"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a sports ball and a giraffe"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above an airplane"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a brown bench and a black backpack"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a fork"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a suitcase and a train"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a black carrot and a blue baseball glove"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a couch"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a chair and a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a train"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a scissors"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bicycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bottle"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tie"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a backpack"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a bird and a teddy bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a banana"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a suitcase and a tie"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a truck"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a blue stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a train"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cell phone and a yellow fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a cat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a hot dog and a baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a stop sign"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a baseball glove"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a tv remote and a cow"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a red truck and a white bench"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a toaster"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a chair"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a suitcase"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink knife and a red computer keyboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a vase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a carrot"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sheep"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a dining table"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a computer keyboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tennis racket and a bicycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a vase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of an orange cake and a black truck"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a carrot and a sandwich"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a broccoli"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a spoon"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a chair"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bottle"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a stop sign and a sports ball"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of an airplane"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a computer keyboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sports ball"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a green cell phone"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a red motorcycle and a purple cell phone"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange potted plant and a yellow pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a surfboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bicycle"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cow"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a backpack"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a red suitcase and a black sink"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a purple tv remote and a red bench"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a white donut and a purple kite"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a handbag"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red train and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a brown couch and a black carrot"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a backpack and a sheep"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a parking meter"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cow"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a carrot"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a red couch and a pink cake"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a laptop and a sink"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a sheep and a suitcase"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a black parking meter and a green refrigerator"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a white fork and a black broccoli"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a black tv and a red laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a carrot"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a brown teddy bear and a red broccoli"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a brown kite and a red computer mouse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a boat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a handbag"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a spoon and a person"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a cake"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a cake"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a knife"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a blue banana and a pink train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a fork"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bicycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a snowboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a tennis racket and an airplane"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a brown truck and a white computer keyboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a chair"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a parking meter"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a brown sheep and a green tie"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a giraffe"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple couch and a yellow train"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a fork and a cow"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a person and a carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a sink"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a purple sheep and a green sandwich"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow dining table and a brown cat"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a red sports ball and a blue airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a carrot"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a cat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a purple horse and an orange suitcase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a train"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a handbag"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a blue bicycle and a white carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sheep"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bench"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a blue refrigerator and a green tie"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a person and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a white motorcycle and a brown backpack"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bear"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a toaster"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple airplane and a blue motorcycle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a stop sign"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tv remote"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a broccoli"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a suitcase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a red donut and a yellow horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tie"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a kite"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a dining table and a vase"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cell phone and a blue carrot"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a brown oven and a purple computer mouse"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a hot dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sink"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a surfboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a carrot"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a stop sign"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange baseball glove"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a white refrigerator and a blue bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a surfboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a knife"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a sports ball"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a cell phone"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tv remote"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a fork"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a sheep"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a brown horse and a green stop sign"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a green pizza"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow banana and an orange tie"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bicycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a scissors"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a banana"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a stop sign"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a red fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a cow"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tv remote"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green dining table and an orange snowboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a teddy bear"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a banana and a cake"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bicycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a person and a computer mouse"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a dining table and a sink"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a hair drier and a banana"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a brown fork and a blue hair drier"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a sink"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a black giraffe and a purple broccoli"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hot dog"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a purple cell phone and a black tv remote"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a kite"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tie and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a pink cake and a white spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an oven"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a donut"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange airplane and a yellow suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bear and a refrigerator"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cell phone"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bus"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a parking meter and a bus"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a white chair and a purple tennis racket"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a teddy bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a red dining table and a brown truck"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a handbag"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a pink suitcase and a brown bus"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a hair drier"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a truck"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball glove"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a surfboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a horse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a blue train and a brown bird"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a boat"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a backpack"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sandwich"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a potted plant and a bear"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a person"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a pink broccoli and a brown refrigerator"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of an orange oven and a green dining table"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bus and a yellow broccoli"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a green backpack and a black spoon"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a red tie and a green tv remote"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bear and a yellow dining table"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a horse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a teddy bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bus"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a zebra"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a spoon"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a snowboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bus"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a snowboard and a backpack"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a kite"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a refrigerator"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a tv remote"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a potted plant"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cow and a blue bus"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a suitcase"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a vase and a tv"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow snowboard and a pink vase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bench"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a blue couch and a black bird"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a chair"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white computer keyboard and an orange hot dog"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a horse"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of an orange parking meter and a white potted plant"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sports ball and a purple fork"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a blue pizza and a red sheep"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a horse"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a laptop"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a cat"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a giraffe"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a person"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a stop sign"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a knife"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a pizza"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown surfboard and a purple bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a spoon"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow motorcycle and a green boat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a computer mouse"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a dining table"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a brown cat and a green vase"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bench"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a blue fork and an orange laptop"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of an orange knife"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a knife and a bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a couch"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a tv"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow airplane and a brown carrot"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a banana"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a backpack"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a suitcase"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a baseball glove"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a purple potted plant"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a tv remote"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a giraffe"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a backpack"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a scissors"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a laptop"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a white hot dog and an orange carrot"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a pink refrigerator and a blue handbag"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of an orange tv remote and a white oven"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a potted plant"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a carrot"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a scissors"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a tv remote"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a banana"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a refrigerator"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a tv and a parking meter"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a suitcase"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white zebra and a yellow computer keyboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a handbag and an airplane"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer keyboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a snowboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a horse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tennis racket"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a motorcycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tie"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a sports ball"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of an airplane"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above an airplane"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a white dining table and a red potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a scissors"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of an orange and a surfboard"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a white laptop and a blue vase"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a white chair and a purple couch"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a computer keyboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a sandwich"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a donut"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cat"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a blue sheep and a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a purple zebra and a pink toaster"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an orange"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a potted plant"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a zebra"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a brown giraffe and a white chair"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a black cat"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a train and a banana"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of an orange zebra and a green snowboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cell phone"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a suitcase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a kite"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a white suitcase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sheep"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a toaster"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a chair"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a tie"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a backpack"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown motorcycle and a yellow giraffe"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a green banana"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a black cat and a blue knife"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a couch"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a kite and a bus"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a laptop and a train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a fork"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cow"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a truck"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tv remote and a blue bus"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown baseball glove and an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bird and a yellow giraffe"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a sheep"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a green backpack and a black tie"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a parking meter"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tv and an orange bench"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a motorcycle"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a green refrigerator"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a laptop"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a computer keyboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a yellow couch and a green computer keyboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a giraffe"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bottle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a stop sign"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a laptop"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bench"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a chair"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange teddy bear"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a sandwich and a bird"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a pink airplane and a brown carrot"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a zebra"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a hair drier"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a couch"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bench"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a truck"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink boat and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a laptop"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a pink toaster and a green pizza"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a white donut and a green oven"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of an orange bicycle and a green oven"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a hot dog"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a white backpack and a green train"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a purple oven and a white truck"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an airplane"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a parking meter"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bird"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bottle"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a zebra and a train"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a brown cell phone and a black spoon"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bus"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tv and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bench"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tv remote and a bird"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a carrot"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a purple bicycle and a green dining table"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white couch and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a couch"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a cat and a couch"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a red zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sheep and a blue bear"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a purple zebra and a pink sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a tie"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a brown kite and a blue handbag"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a broccoli"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a green tennis racket and a purple sports ball"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a giraffe and a hair drier"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a red tv remote and a blue laptop"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball glove"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tv"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bird"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bottle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a pizza"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a baseball glove"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a snowboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a green handbag and a purple backpack"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a zebra and an oven"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bus"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a yellow carrot and a green dining table"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an orange"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a couch"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bus"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below an orange"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a computer mouse and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a pink hair drier and a purple tie"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a black refrigerator and a red couch"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a zebra"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bicycle"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a baseball glove"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sheep"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a purple train and a green sink"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bicycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a train"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a giraffe"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sports ball"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a black snowboard and a white pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tv"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a surfboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a potted plant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a pink motorcycle and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a computer mouse and a bottle"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a parking meter and a zebra"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sink"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown teddy bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a white teddy bear and a pink handbag"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a purple spoon and a brown tie"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of an oven"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a toaster"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an airplane"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a red orange and a purple bicycle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a person"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cat and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a white hot dog and a yellow bottle"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a banana and a cell phone"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of an orange snowboard and a white boat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a train"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a broccoli and a dining table"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a horse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cell phone"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a purple bus and a red zebra"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a sports ball and a laptop"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange bus"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a knife"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a zebra and a bicycle"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a green refrigerator and a brown pizza"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bus"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a toaster"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a surfboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a green chair and a brown sink"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple couch and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a motorcycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a computer keyboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a donut"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a laptop"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a green teddy bear and a blue pizza"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a toaster"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bird and an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a white cell phone and a red surfboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bear"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a blue spoon and a green donut"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a banana"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above an airplane"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a hot dog"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a cat"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a motorcycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a stop sign"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a vase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a knife"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a baseball glove and a couch"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a scissors"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of an orange handbag and a green truck"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a tennis racket and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a red truck and a blue knife"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a kite"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sheep"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a kite"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a truck"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a black suitcase and a purple carrot"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow hair drier and a pink cat"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow hair drier and a blue baseball glove"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a spoon"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a blue scissors and a black tv remote"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a potted plant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a carrot"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of an orange zebra and a blue truck"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tie and a yellow scissors"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a hot dog"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a white parking meter"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a red zebra and a white vase"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tennis racket"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a motorcycle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a hair drier"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a laptop"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bottle"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a train"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a pink hot dog and a green orange"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of an orange stop sign and a green refrigerator"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a green tv and a red banana"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a dining table"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of an orange spoon and a blue tv"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a purple knife and an orange scissors"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a couch"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a couch"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a scissors"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a white tie and a purple cake"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a spoon"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toaster"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a black teddy bear and a purple sports ball"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an airplane"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a white toaster and a green fork"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of an airplane"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a laptop"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a red sports ball and an orange sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a snowboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a computer mouse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cell phone"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a fork"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a hot dog"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a refrigerator"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a hair drier"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an oven"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a pizza"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a suitcase"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a potted plant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a chair"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a stop sign"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a teddy bear"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange motorcycle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a purple boat and a pink fork"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an oven"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an orange"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a black computer keyboard and a blue boat"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a green pizza and a purple hot dog"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a brown oven and a pink train"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a kite"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple vase and a yellow truck"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a truck"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a baseball glove"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a brown hot dog and a black bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a truck"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a black stop sign and a blue bicycle"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of an orange sink and a brown bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a white bottle and a red oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a scissors"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a tv remote and a boat"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a red orange and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a toaster"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a sandwich"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a green handbag and a red spoon"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a purple train and a blue refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bird"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a computer mouse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a zebra"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a handbag"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a white motorcycle and a blue bottle"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a purple snowboard and a black tv remote"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a black surfboard and a purple truck"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sink"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bus"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a brown zebra and a white bicycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tv"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sandwich"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a green broccoli and a purple tv remote"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a backpack and a teddy bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tv remote and a brown toaster"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a couch"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of an orange laptop and a pink motorcycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a couch"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a white bicycle and an orange sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a baseball glove"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a sandwich"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a cell phone and a stop sign"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a black snowboard and a yellow bird"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a tie"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a computer keyboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bear"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bicycle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an orange"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a pizza"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a computer keyboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a handbag"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a vase"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a donut"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a fork"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a knife"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a black tennis racket"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a green bicycle and a pink sandwich"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a fork and a zebra"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue knife and a brown teddy bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sandwich"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bus and a brown snowboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a scissors"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a truck"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a computer keyboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a giraffe and a cow"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cow"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cow"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a black baseball glove and a red chair"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bench"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a green hot dog and a red kite"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of an orange broccoli and a pink laptop"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a white sandwich and a red hair drier"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a surfboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a hair drier"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a surfboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a purple truck"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a horse"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sink"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a snowboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a yellow airplane and a black backpack"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of an orange and a carrot"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a scissors"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a blue surfboard and an orange toaster"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sink"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a potted plant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sheep"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a black surfboard and a yellow bottle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a computer mouse"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a dining table"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a white giraffe and an orange teddy bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a hair drier"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a green scissors and a pink couch"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a green sports ball and a red refrigerator"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a truck"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a purple cow and an orange bus"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a white motorcycle and an orange teddy bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a truck"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a boat and a computer keyboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a white refrigerator and a green potted plant"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a tennis racket and a hair drier"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of an orange bottle and a black tv"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a refrigerator"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a pink train and a black zebra"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a parking meter"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a hot dog"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a stop sign"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tv remote"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of an orange"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a cow"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black surfboard and a yellow snowboard"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a motorcycle and a kite"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a hair drier"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a broccoli"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a person"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a black suitcase and an orange potted plant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a scissors"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a kite"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a spoon"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a red suitcase and a yellow bird"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a person"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow spoon and a brown bottle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a parking meter"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown dining table and a yellow laptop"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a cell phone"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue parking meter and a white bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a tie and a person"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a purple donut"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an airplane"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a yellow zebra and a red fork"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cell phone"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a spoon"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a black knife and a green snowboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a knife"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a couch"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of an orange refrigerator and a purple tennis racket"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a red banana and a white tv remote"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a cell phone and a bird"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a black oven and a pink hot dog"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sandwich"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a donut and a carrot"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a red computer mouse and a yellow vase"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink carrot"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bench"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a white bear and a black laptop"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a kite and a toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a handbag"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a motorcycle"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sink"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a hair drier"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a toaster"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a white banana"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bottle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a dining table"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a teddy bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of an orange kite and a blue handbag"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bottle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bicycle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a brown dining table and an orange potted plant"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a truck"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a kite"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a blue vase and a white toaster"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a truck"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a horse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a toaster"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a brown teddy bear and a blue knife"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a blue backpack and a brown train"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a zebra"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a broccoli"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tv remote"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a carrot"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a black tv remote and a pink airplane"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a purple handbag and a blue dining table"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a white cake and a blue backpack"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a purple tie and a blue parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a giraffe"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a broccoli"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a couch"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a red laptop and a purple bottle"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a scissors"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a boat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a white broccoli and a purple train"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a stop sign"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a snowboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a scissors"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a train"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an airplane"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a spoon"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a fork"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a handbag"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bird and a blue sink"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sheep"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a scissors"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bear and a brown bicycle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sheep and a yellow motorcycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a giraffe"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a white broccoli and a red hair drier"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a purple fork and a pink handbag"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a banana"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a suitcase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a toaster"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow banana and a blue motorcycle"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sheep"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a tie and a computer keyboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a refrigerator"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a stop sign"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a tennis racket"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a surfboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a brown cell phone and a red giraffe"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a vase"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a sports ball"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of an orange scissors and a purple zebra"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a snowboard and a pizza"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a toaster and a hair drier"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a train"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a red refrigerator and a green computer mouse"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a suitcase"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a parking meter"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a stop sign"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a cow"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a blue motorcycle and a white couch"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bottle"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a red spoon and a brown horse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bicycle"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a potted plant and a cell phone"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a computer mouse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a dining table"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tv"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a white tennis racket and a black sheep"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a purple chair and a blue tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a boat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange boat and a yellow suitcase"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a spoon"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a donut and a bus"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a motorcycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a handbag"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a fork"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a carrot"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer keyboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a truck"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above an orange"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a boat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cell phone"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bottle"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a potted plant and a suitcase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a handbag"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a knife"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tennis racket and a brown baseball glove"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a purple couch"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a dining table and a snowboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a dining table"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cell phone"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a sheep"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a boat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a person"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow boat and an orange bottle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a brown sheep and a green tennis racket"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a computer mouse"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a green banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cow"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black train and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a sink"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a snowboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a stop sign"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cow"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a truck"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a kite"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a sandwich"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a pink kite and an orange baseball glove"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a couch"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bird"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a chair"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a toaster"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a black sink and a brown cake"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a dining table and a stop sign"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a dining table"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an oven"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a green couch and a black refrigerator"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer mouse and a black cat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a handbag"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an airplane"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a black cat and a brown couch"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sheep"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tie"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a pink boat and a green toaster"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a brown suitcase and a red computer keyboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bottle"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a white truck and a black banana"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a red bottle and a blue airplane"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a computer keyboard and a spoon"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a brown hair drier and a red carrot"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below an orange"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a blue tv remote and a green banana"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a handbag"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bicycle and a yellow pizza"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sink and a blue donut"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cell phone"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown horse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a purple computer keyboard and a pink knife"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a train"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a dining table and a hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a white tv and a brown carrot"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a handbag"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a fork"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a person"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a tv"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of an orange dining table and a blue motorcycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a snowboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a horse"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a tie"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a hot dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tie"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a train"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a hot dog"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown oven and an orange boat"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a pink stop sign and a red bottle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bench"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a baseball glove"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a person"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a knife"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a knife"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a dining table and a sandwich"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a pizza and a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a suitcase"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a snowboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a sheep"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a cell phone and a giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a kite"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a yellow oven and a green snowboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a green chair and an orange handbag"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above an orange"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tie and a pink stop sign"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a handbag"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cake and a yellow stop sign"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a pink computer keyboard and an orange dining table"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown horse and a yellow surfboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a spoon"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below an airplane"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a purple suitcase and a green spoon"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a purple pizza and a red tv remote"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bird and a carrot"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a white snowboard and a green airplane"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a parking meter"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a carrot"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a tv remote and a dining table"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sheep"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a red couch and a purple truck"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tie and a purple truck"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a dining table"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tennis racket"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a snowboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a hot dog"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a black hot dog and a green tv remote"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bus"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a donut"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a chair"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a potted plant"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a suitcase"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a black laptop"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of an airplane and a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a dining table"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a computer mouse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a carrot"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a tie"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a white carrot and a yellow backpack"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a baseball glove"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a baseball glove"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a banana"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a kite"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a boat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cell phone"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tv"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bottle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a pink tv and a green dining table"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a horse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a stop sign"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a sheep"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a hair drier"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a banana"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sports ball"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a truck"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a brown stop sign and a red donut"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a red handbag"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a horse"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a banana and a kite"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sandwich and a sports ball"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a laptop"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a cow"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a brown zebra"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a tie"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a potted plant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a surfboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of an orange baseball glove and a purple boat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a sports ball"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a purple teddy bear and a blue backpack"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a train"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a chair"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a white handbag"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cell phone"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an orange"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a zebra"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a black vase"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sports ball"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cake"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a laptop"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a knife and a pizza"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a toaster"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sandwich"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hair drier"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a pizza and a bird"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an airplane"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a blue surfboard and an orange spoon"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a computer mouse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a hair drier"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a toaster"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a boat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a train"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a parking meter"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a cow and a hot dog"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball glove and a blue surfboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a suitcase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an oven"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a scissors"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a truck"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a sheep"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a red train and a blue refrigerator"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a train"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a white scissors and a black handbag"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a purple refrigerator and a red carrot"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a pink hair drier and a white boat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a donut"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a tv remote"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a banana"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a zebra"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a horse"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a suitcase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an orange"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an airplane"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a vase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a black computer mouse and a red sink"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a donut"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a snowboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a sandwich"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a hot dog and a bicycle"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a carrot"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a carrot"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a green couch and a white horse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cow"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a brown refrigerator and an orange cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a vase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a couch"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a dining table"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a green bus and an orange tennis racket"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a black airplane and a white fork"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a pink backpack and a green knife"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a refrigerator"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a boat and a motorcycle"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a red suitcase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a hot dog"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a surfboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a chair"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a truck"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a backpack"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cell phone and a brown zebra"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a train"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a broccoli and a computer mouse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cake"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a potted plant and a giraffe"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of an orange bird and a white sports ball"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a dining table"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow surfboard and a purple cake"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a boat"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a white donut and a blue dining table"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a donut"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a pizza"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an oven"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bicycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bus"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a surfboard"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a couch and a bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a person"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a brown horse and a purple hot dog"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a carrot and a tennis racket"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a cake"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bird"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a train"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a pizza and a hair drier"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bicycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a potted plant"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a red bus and a green computer keyboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bottle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a train"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a hair drier"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a hot dog"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a black donut and a white hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a computer mouse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a person"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a knife"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sheep"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bird and a green vase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a red cell phone and a brown sandwich"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of an oven and a bear"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a white pizza"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a broccoli"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a red tennis racket and a white vase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a black vase and an orange cell phone"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a black banana and a red truck"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a yellow chair and a white surfboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a sandwich"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tv"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow refrigerator and a pink train"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a computer mouse"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a pink bench and a red pizza"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow truck"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of an orange kite and a pink couch"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a truck"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a computer mouse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bench"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a fork and a surfboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a carrot"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a black motorcycle and a white backpack"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a sink and a parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a potted plant"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a zebra and a snowboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bus"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a computer keyboard and a donut"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tv"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a person"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a kite"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bear"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a sandwich and a pizza"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a zebra"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a teddy bear"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer keyboard and a white tennis racket"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a teddy bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a hot dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a blue cell phone and a black orange"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange sheep"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a person"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a truck and a tv"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bench"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a black boat and a white hot dog"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a sheep"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a tv"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a green train and a brown vase"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a scissors"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a baseball glove"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow motorcycle and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cow"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tv remote"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a knife"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sheep"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bird"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sandwich"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a tv"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tennis racket"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a truck"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a giraffe"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a brown oven and a white fork"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a banana"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a pizza"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bicycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a motorcycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a potted plant"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a truck"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a spoon"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bird"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a hair drier"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a couch"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a giraffe and a bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sandwich"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above an oven"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a tv remote and a cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a chair"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a boat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a teddy bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bench"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a fork"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tv remote"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cell phone"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a black bottle and a brown scissors"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a green tennis racket and a pink sheep"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a tv remote and a motorcycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a fork"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a hair drier"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cell phone"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a zebra"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow orange and a pink hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a suitcase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tv"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a green motorcycle and a white cake"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sports ball"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a motorcycle and a computer keyboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a red boat and a purple oven"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a suitcase and a laptop"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a blue cat and a black sandwich"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a tv remote"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a kite"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bear"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow spoon and a purple tv"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a handbag and a computer mouse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sheep"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of an orange tie and a black pizza"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a white sandwich and a pink carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a spoon"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a couch and a motorcycle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a purple refrigerator"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a bicycle and a toaster"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a white bus and an orange sheep"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a computer keyboard and a hair drier"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a person and a tv"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a handbag"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a couch"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a computer keyboard and a tv"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bear"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a banana and a fork"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a truck"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a white hair drier and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a motorcycle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a green bus and a brown laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a sink"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a red toaster and a pink tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a tie"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow dining table and an orange tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a backpack"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a laptop"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fork"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of an orange toaster and a pink tennis racket"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a teddy bear and a baseball glove"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a hair drier"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fork"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a boat and an oven"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above an orange"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a purple kite and an orange horse"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bench"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bus"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a backpack"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sports ball"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a pizza and a stop sign"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a potted plant and a hot dog"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a donut"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a couch"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a pink bear and a white stop sign"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a pink fork and a white baseball glove"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bottle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tennis racket"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bench"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a blue boat and a white broccoli"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a bicycle and a horse"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a black suitcase and a red teddy bear"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a purple hair drier and a brown giraffe"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a yellow handbag and a red teddy bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a laptop"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a black banana and an orange cell phone"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a white spoon and an orange surfboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a parking meter"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bear"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a white bird and a brown banana"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a boat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green tv and a yellow surfboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a black donut and a red chair"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a white parking meter and a blue hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a person"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a sandwich"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a brown tie and a white kite"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a knife"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a truck"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a yellow scissors and a red kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sink"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of an orange zebra and a brown bottle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a motorcycle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a stop sign"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sports ball"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow motorcycle and a pink refrigerator"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bottle"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a pink teddy bear and a red orange"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a pink stop sign and a purple refrigerator"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a green sink and a black kite"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bird and a pink parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a yellow teddy bear and a white tv remote"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white cow and a black cake"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of an orange and a bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bird"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a black oven and a green kite"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a vase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cow"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a broccoli and a bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a kite"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink laptop and a yellow cake"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sandwich and a yellow hair drier"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a truck"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a sports ball and a cell phone"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a brown knife and a white potted plant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a stop sign"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a carrot"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an orange"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bottle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a potted plant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a backpack"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of an orange donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a fork"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a giraffe"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a blue toaster and a white vase"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a backpack"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of an orange"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a knife"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a potted plant"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bottle"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink potted plant and a yellow backpack"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a horse"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow airplane and a brown cake"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a tennis racket"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a computer mouse"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a train and a zebra"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a green stop sign and a pink fork"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a teddy bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bench"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a green tv remote and a white motorcycle"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a black spoon and a purple zebra"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bear"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a white refrigerator and an orange handbag"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a snowboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a truck"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a banana"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a laptop and a baseball glove"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a sheep"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a toaster"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a brown surfboard and a pink kite"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a stop sign"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a hair drier and a zebra"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a baseball glove and an oven"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a horse and a laptop"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a surfboard and a train"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown motorcycle and a black surfboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a cell phone"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a pizza"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a vase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a purple couch and a brown spoon"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a refrigerator"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a hair drier and a cell phone"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a pink sandwich and a black surfboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a sports ball"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bicycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a red hot dog and a blue tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a train"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a kite"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a green bicycle"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bear"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a blue sandwich and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a red banana and a blue tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a dining table"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer mouse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a carrot"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of an orange computer mouse and a red tie"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a yellow giraffe and a black bird"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a black handbag and a green teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a toaster"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a sports ball and a sheep"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a tie"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a brown teddy bear and a red carrot"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a laptop"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a donut and a zebra"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bus and a purple computer mouse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a black airplane and a blue oven"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a fork"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a pizza"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a green cake"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a green sandwich and a blue vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a pink broccoli and an orange cake"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a refrigerator and a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a potted plant"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a brown motorcycle and a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a black train and a red banana"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a green teddy bear and a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a white cat and a brown knife"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a kite"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a yellow stop sign and a green parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a cell phone"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a potted plant"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cake and a purple surfboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a white bench and a purple kite"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a horse"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bottle and a yellow chair"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a horse"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a boat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a boat and a broccoli"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bird"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bicycle and a pink scissors"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a donut"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a teddy bear"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cat"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a refrigerator"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a hair drier"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a green tie and a white sports ball"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a spoon"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a blue zebra and a white tie"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a handbag"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a dining table"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a red teddy bear and a green chair"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a potted plant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a white refrigerator and a red bench"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a baseball glove"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a handbag"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a black bench and a pink baseball glove"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sink"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a laptop"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a tie"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a donut"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bus"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a laptop"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a tie"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a black boat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cow"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of an orange stop sign"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a computer keyboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bench"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a dining table"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a spoon"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a stop sign and a motorcycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a green boat and a black vase"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tv remote"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a white tv remote"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above an airplane"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a blue boat and a black refrigerator"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a brown airplane and a black sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a hair drier"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a spoon"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a scissors"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bicycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bus"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hair drier"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a refrigerator"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bicycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a brown orange and a blue tie"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a toaster"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a black sink and a white hair drier"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a donut"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a white laptop and a red scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a zebra and a kite"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a refrigerator"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cow"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a person"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a computer mouse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sandwich"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a red hot dog and a white knife"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a horse"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bird and a white bench"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a red scissors and a green cat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a pizza"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a blue refrigerator and an orange couch"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a green bus and a purple tennis racket"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a banana"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a cake and a chair"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bird"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a brown hair drier and a white cake"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tie and an orange knife"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a white bird and a purple sheep"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a sports ball"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a surfboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a giraffe and a motorcycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a motorcycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a person"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bench"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a zebra"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a purple cell phone and a black stop sign"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a blue potted plant and a purple suitcase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tv remote"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a green giraffe and a yellow sports ball"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a cake and a cat"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cell phone"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a green cat and a white handbag"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a laptop"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a parking meter"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a fork"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bus and a surfboard"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a teddy bear and a backpack"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bicycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an oven"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a boat and a laptop"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a teddy bear and a hot dog"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a spoon and a bottle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a vase"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tennis racket"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a stop sign"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink broccoli and a purple potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bench"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a brown scissors and an orange zebra"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a stop sign"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a vase"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a broccoli"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a backpack"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a white vase and a pink backpack"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a red truck"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a laptop"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a surfboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above an airplane"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a motorcycle"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a vase"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow pizza and a pink suitcase"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a pink fork and a purple handbag"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a donut"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a tv remote"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bus"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of an orange hot dog and a blue bird"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a boat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cow"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a bicycle and a bench"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a brown baseball glove"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a cat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a banana and a tv remote"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a pink spoon"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a suitcase"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a boat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bird"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of an orange horse and a pink computer mouse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink fork and a yellow tv"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a stop sign"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of an oven and a kite"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above an orange"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a blue tv remote and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a green kite and a blue knife"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a red baseball glove and an orange zebra"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a pink suitcase and a purple sheep"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a green fork and a brown truck"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sandwich"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bottle"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a baseball glove"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a tv remote and a potted plant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a knife"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a knife"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a knife"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a black vase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a person"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a parking meter"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a white cow and an orange stop sign"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tv"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a knife"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a pink scissors and a red couch"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a fork"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cat"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a black tennis racket"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a snowboard and a boat"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cake"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a white couch and a pink cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a potted plant"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a black bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a banana"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a motorcycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bird"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a backpack"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a black teddy bear and an orange hair drier"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a train"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a cat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a stop sign"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a person"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a stop sign and a banana"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a spoon"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of an orange and a suitcase"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a green cake and a white train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a truck"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a green scissors and a blue zebra"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a stop sign"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a bus and a scissors"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a toaster"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hot dog and a yellow sheep"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a green boat and a red spoon"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a computer mouse"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a computer mouse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a train"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a horse and a bus"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tennis racket"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a blue refrigerator and a black backpack"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a pizza"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a blue surfboard and a green bird"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of an airplane and a sink"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a red cell phone and an orange tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a potted plant"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a broccoli"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cake"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a hair drier"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv remote and a pink teddy bear"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cat and a pink toaster"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a handbag"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sandwich"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a red orange and a yellow handbag"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a cat and a person"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bench"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer keyboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an oven"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bottle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a red snowboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a motorcycle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a hair drier"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a banana"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a red oven and a pink truck"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a pink backpack and a white computer mouse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a handbag"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a blue bottle and a red banana"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bus"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a baseball glove and a train"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a cat"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown hair drier and a yellow bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a dining table"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue oven and a yellow backpack"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a sink"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a toaster"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a carrot"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cell phone"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a chair"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a computer mouse"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a refrigerator"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a teddy bear and a cake"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a pink orange and a blue sheep"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black refrigerator and an orange snowboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a computer mouse"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a pizza"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a stop sign"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of an orange teddy bear and a purple suitcase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a purple bird and a red baseball glove"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a green baseball glove and a brown bird"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow chair and a purple airplane"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a red vase and a blue suitcase"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a train"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a brown suitcase and a purple toaster"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a white kite and a brown toaster"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a knife"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange giraffe and a yellow tv"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a person"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a red sheep"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a banana"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a train"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bicycle and a pink stop sign"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cat"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a purple backpack and a green suitcase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an airplane"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cake"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a green backpack"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a cake and a knife"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a snowboard"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a black train and a purple spoon"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a potted plant"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a black motorcycle and a red carrot"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a black donut and a brown bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a suitcase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a purple suitcase and a white bird"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a black sandwich and a purple spoon"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a motorcycle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a scissors"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a truck"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a white broccoli and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a tie"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a person"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a chair"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a scissors"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bicycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a hot dog and a kite"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sports ball"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sink and a brown kite"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a stop sign"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a cow"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of an orange cake and a white snowboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a carrot"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue refrigerator and a brown snowboard"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a white snowboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a couch"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cell phone"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a black bird and a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a brown bench and a white refrigerator"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a zebra"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bottle"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a zebra and a broccoli"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a white spoon and a brown broccoli"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a pink backpack and a white cell phone"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a tennis racket"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow stop sign"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a zebra"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a knife"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv remote and an orange donut"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a sink and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of an orange kite and a pink chair"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a banana"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cake and a purple giraffe"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a scissors and a couch"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a brown parking meter and a purple orange"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a purple broccoli and a white toaster"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow dining table and a brown potted plant"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a tv"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a purple suitcase and a green bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bird"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bear"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a green bicycle and a brown giraffe"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a purple vase and a green horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a black couch and a purple truck"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown snowboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bottle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a hair drier"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a purple knife and a pink sandwich"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a black pizza and a pink broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a knife"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a kite"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a fork"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a sports ball and a sandwich"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of an orange scissors and a blue snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a baseball glove"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a fork"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bear"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown oven"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a parking meter and a stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a chair"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a broccoli"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a potted plant"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a zebra"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a stop sign"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a blue baseball glove and a red computer keyboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an oven"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of an orange hair drier and a red dining table"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a tennis racket and a kite"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple boat"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a pink tv remote and a red sheep"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a knife"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a red zebra and a pink baseball glove"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a kite and a knife"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a dining table"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a stop sign"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown truck and a yellow spoon"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a green sink"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a computer mouse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a parking meter"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tennis racket"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a brown tennis racket and a green truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a suitcase"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a vase and a cake"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a blue pizza and a pink vase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a zebra and a cell phone"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a potted plant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a laptop"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a handbag"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sports ball"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a scissors"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a teddy bear"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a white laptop"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a boat"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a purple kite"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a backpack and a handbag"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a suitcase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a train"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a spoon and an oven"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a potted plant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a hot dog"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a pizza and a backpack"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tie"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a giraffe"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a pizza"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a parking meter"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a spoon and an airplane"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a knife and a bus"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow banana and a blue knife"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bottle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a computer keyboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a toaster"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a green cake and a purple boat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a vase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a snowboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cell phone"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow truck and an orange cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a tennis racket"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a refrigerator"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a computer mouse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tv"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a spoon"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a cell phone"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a red potted plant and a pink knife"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a cat"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a purple broccoli and a white train"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a green kite"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a brown bear and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a green tv and a black hot dog"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a cow"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cow"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a couch and a banana"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a cake and a donut"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a green bird and a pink cow"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a chair"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a spoon"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a green handbag and a pink laptop"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a chair"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a broccoli and a laptop"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a blue oven and a green hair drier"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a black orange and a blue bottle"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange giraffe and a brown surfboard"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a bear and a bicycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a dining table"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a teddy bear and a banana"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a surfboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a carrot"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bird and a pink kite"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bench"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a baseball glove and a vase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a computer mouse"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bird"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a pink carrot and a blue parking meter"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a vase and a snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cake"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a backpack"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a backpack"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a red sink and a blue laptop"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of an orange broccoli and a white suitcase"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cat and a pink snowboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a carrot"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a boat"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a laptop"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a dining table"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a vase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a fork"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of an orange parking meter"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a broccoli"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black orange and an orange computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a laptop"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a green oven and a pink donut"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a backpack and a dining table"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a green couch and a pink scissors"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a stop sign"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a sandwich"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a surfboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a fork"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a parking meter"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a suitcase"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a blue bench and a red airplane"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a tie"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a brown airplane and a pink hair drier"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a purple computer mouse and a brown hair drier"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of an orange donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a white laptop and an orange sheep"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a purple carrot and an orange tie"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tv"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sandwich and an orange horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a scissors"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a brown cow and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a truck"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a scissors"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a pink tv remote and a green carrot"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tie and an orange tv remote"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a donut"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a bird and a tv"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a scissors"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a green tie and an orange bench"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a person and a hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a carrot"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow truck"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tv remote and a brown knife"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below an orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a sheep"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a dining table"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bicycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a donut"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a broccoli"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a red couch and a green carrot"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a spoon"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a black motorcycle and a white boat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a dining table and a truck"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a giraffe"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a pizza"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tie"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cat"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a red zebra and a blue sandwich"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hot dog"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an airplane"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a chair"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a sports ball"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a donut"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a red bottle and a pink cake"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of an orange train and a blue tv remote"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of an airplane and a potted plant"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bottle and a yellow kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a laptop"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a giraffe"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a stop sign"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a handbag"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a black suitcase and a yellow tv"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a white hair drier and a brown tie"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bicycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a fork"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a banana"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a red toaster and an orange hair drier"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a train"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow surfboard and a pink sports ball"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a black cell phone and a purple stop sign"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a potted plant"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a black chair"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cat"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cat and a blue broccoli"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bottle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a carrot"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a kite"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow laptop and a blue bench"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a purple handbag and a black orange"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a green bird and a red hot dog"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a chair"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a train"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a vase and a cow"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an orange"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a brown horse and a green baseball glove"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bench"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an oven"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a white surfboard and a blue cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a computer mouse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a knife"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bench and a brown oven"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cell phone"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a fork"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a spoon"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an airplane"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a snowboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a brown handbag and a black oven"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a couch"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a hot dog and a sports ball"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a stop sign"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a parking meter"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a pink cake and a black cow"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a hair drier"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a scissors"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a suitcase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a computer keyboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a hot dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an airplane"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a sheep"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a white computer keyboard and a black refrigerator"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tv remote"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black motorcycle and a blue snowboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a hot dog"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a green banana and a pink tv"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow laptop and a purple zebra"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a white vase and an orange cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a donut"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue horse"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a baseball glove and a sheep"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a carrot"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a red oven and a green stop sign"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a handbag"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a backpack"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a scissors"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a truck"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a hair drier"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a donut and a chair"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sandwich and a yellow bench"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a handbag and a sports ball"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a train"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a suitcase"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a red cow"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a purple snowboard and a white hair drier"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a train and a backpack"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a yellow train and a red handbag"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple donut and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a handbag"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a chair"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a horse"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a dining table"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bus and a yellow banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a suitcase"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of an orange hair drier and a red carrot"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bottle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a bottle and a bird"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a knife"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a dining table"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a hot dog"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a baseball glove"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a purple bear and a white couch"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a green truck and a brown chair"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a computer mouse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a horse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cell phone"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a surfboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a pink hair drier and a white broccoli"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a green bear and a pink bottle"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a hair drier and a hot dog"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a horse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a green horse and a blue fork"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of an airplane"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of an orange"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a tv remote and a horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a potted plant"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a brown pizza and a white cake"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a spoon"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a black boat and a purple cell phone"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a knife"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a fork"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of an orange"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a red oven and a white train"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a black train and a white sandwich"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow pizza and a purple snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a train"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a laptop"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a sink"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a brown baseball glove and a black sheep"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a handbag"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a pizza"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a pink scissors and a purple boat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a horse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a zebra"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a black boat and a brown teddy bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a broccoli"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a red zebra"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tennis racket and a purple hot dog"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a purple carrot and a blue spoon"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of an orange giraffe and a black computer mouse"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a white computer mouse and a blue chair"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a boat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below an orange"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a carrot"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a sheep"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a computer mouse and a zebra"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a pink kite and a blue bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a knife"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a pink vase and a green chair"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a banana"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a scissors"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a potted plant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a parking meter"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a hot dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a tv remote and an airplane"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a blue horse and a pink donut"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a donut"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a purple surfboard and a red tennis racket"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a refrigerator"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a backpack"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sink and a blue zebra"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cake"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sandwich"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cow and a green hot dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a carrot"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a person"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a red surfboard and a black parking meter"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bird"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a potted plant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a pink truck and a black computer mouse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a refrigerator"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a couch and a knife"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a boat"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a motorcycle and a giraffe"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a cell phone"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a suitcase"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a brown donut and a red sandwich"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a spoon"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a cat and a scissors"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a couch"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a brown scissors and a black hot dog"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a horse"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a knife"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a horse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cow and a yellow bird"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a broccoli"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a tie"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a person"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bottle"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an orange"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a person"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an airplane"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a purple cake and an orange horse"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a green sheep and a red bench"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a tie and a bench"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a horse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sheep"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black truck and a blue surfboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a baseball glove"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a computer keyboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a train"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a person and an oven"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a red dining table and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a potted plant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a knife"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a suitcase"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a brown broccoli and a white motorcycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an oven"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a zebra and a bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow hair drier and a purple cow"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of an orange sandwich and a white refrigerator"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball glove and a purple orange"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a person"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a tv"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sink"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sports ball"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bottle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a carrot"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a computer mouse"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink teddy bear and a yellow dining table"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a person"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of an orange and a vase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a tie"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a person"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a black computer mouse and a green giraffe"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a sandwich"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue knife and a brown bear"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a person"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink donut and a yellow parking meter"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a red sandwich and a blue bear"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a person"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a donut"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a snowboard"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a pink bench and a white zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a banana"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of an orange spoon and a white airplane"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cat and a yellow snowboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bench"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a parking meter and a train"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cake"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a giraffe"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sink"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a white bear and a blue kite"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a purple potted plant and a black vase"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a green cake and a brown banana"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a black bottle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a red bottle and a pink surfboard"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a pink bird and a red tv"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a red handbag and a yellow donut"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a black tv remote and a purple carrot"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a purple snowboard and an orange truck"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sheep"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a red potted plant and an orange cell phone"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a white spoon and a pink tv"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bicycle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bottle and a purple snowboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a hair drier"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a red horse and a purple suitcase"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a sandwich and a potted plant"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a black suitcase and a red sink"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a brown snowboard and a pink bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a cat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a baseball glove"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a pizza"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sports ball"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a baseball glove and a stop sign"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a handbag"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a black laptop and a white tie"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a suitcase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a horse"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a laptop and a computer keyboard"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a tv remote and a giraffe"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a cell phone"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an airplane"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a purple couch and a white broccoli"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a chair"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a giraffe"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bear and a red tennis racket"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a green donut and a yellow couch"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a giraffe and a person"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a green knife"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a motorcycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a scissors"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a donut"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a blue donut and a green chair"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bench"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a parking meter"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a pizza"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a cell phone and a chair"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of an orange snowboard and a red cow"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a fork"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a kite"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a tie"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a person"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a blue sandwich and a green giraffe"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green bicycle and an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a brown hair drier and a black cow"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a giraffe"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a person"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a banana"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a green banana"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a spoon"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a fork"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a white cow and a purple potted plant"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of an orange airplane and a green truck"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a sink and a teddy bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a horse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a sports ball"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a broccoli"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a chair"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a giraffe"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a teddy bear and a tennis racket"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a black tennis racket and a pink sheep"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a carrot and a scissors"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a snowboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tennis racket"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a spoon"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a laptop"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a horse"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a black oven and a red broccoli"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a hot dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cat"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a fork and a tie"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a laptop and a cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a donut"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of an orange handbag and a blue donut"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a sheep"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a green bottle and a pink handbag"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a giraffe"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a tv remote"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white backpack and a yellow snowboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tie"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a black tennis racket and a red truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a pink banana and an orange backpack"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cell phone"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a backpack"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an oven"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a black giraffe and a pink stop sign"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a blue tennis racket and a green carrot"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a potted plant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a couch"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of an orange handbag and a pink sports ball"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a purple broccoli and a pink baseball glove"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an oven"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a computer mouse"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a toaster"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a white tennis racket"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a person"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a black spoon"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a purple cake and a red dining table"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a person and a surfboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink snowboard and a yellow zebra"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a kite"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a snowboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bear"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tv remote and a black parking meter"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a pizza"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sink"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer keyboard and a white banana"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a banana"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a toaster"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bear"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bicycle and a brown giraffe"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a chair"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a black toaster and a blue vase"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a white vase and a pink tennis racket"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a green tennis racket and a yellow hair drier"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a spoon"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a brown bear and a white bottle"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a tennis racket and a carrot"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an orange"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an orange"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink couch and a yellow bird"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a suitcase"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a scissors"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple chair and a yellow computer mouse"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow spoon and a purple carrot"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a person"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a broccoli"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sports ball"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a carrot"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a zebra"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a pizza"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a pink broccoli and a black teddy bear"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a scissors"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a purple vase and a red bird"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a stop sign"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bench"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a stop sign"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an airplane"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a green truck and a red airplane"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tv remote and a black teddy bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a brown giraffe and a green orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a tv"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a black spoon and a purple scissors"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a dining table"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a couch"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow truck"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a baseball glove"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bicycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a laptop"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink baseball glove and a yellow motorcycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a pink pizza and a blue sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a zebra"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bottle and a purple bench"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue refrigerator and a yellow scissors"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a blue hot dog and a brown sink"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bench"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a green horse and a pink tv remote"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a stop sign"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of an orange carrot and a pink cell phone"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sandwich"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a cat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a kite"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a kite"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a spoon"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer keyboard and a brown bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a zebra"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a black carrot and a red oven"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball glove and a blue hair drier"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a purple bus and a black computer mouse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a giraffe"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a handbag and a cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bus"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a tv"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a snowboard"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bird"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cell phone"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a motorcycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a cake"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a pink cell phone and a red bicycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a pizza"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bottle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a cat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a spoon"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a black airplane and a brown bird"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a green suitcase and a pink computer mouse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a boat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a train"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a black backpack and a brown bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a pizza"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cake"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a broccoli"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a train"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a snowboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tennis racket"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an orange"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of an orange handbag and a white train"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a purple stop sign and a white sports ball"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a laptop"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a cell phone"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sports ball"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an orange"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a black scissors and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a laptop"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a tennis racket and a giraffe"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a white cake"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a donut"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a black computer mouse and a brown cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a donut"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a bicycle and a stop sign"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a cow"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a motorcycle and a donut"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a boat"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a giraffe and a train"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a parking meter"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a baseball glove"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an orange"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a sink"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a kite and a refrigerator"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of an airplane and a bottle"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a red cat and a black handbag"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a yellow teddy bear and a white bench"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a backpack"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a giraffe"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sandwich"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a spoon"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow spoon and an orange chair"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a green train"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a red chair and a white sandwich"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a white potted plant"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a green kite and a brown scissors"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an airplane"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a green laptop and a yellow broccoli"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a baseball glove"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bird and a bus"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tie and a yellow laptop"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown cat and a blue boat"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a hair drier and a vase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a spoon"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a snowboard and a banana"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a truck"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a green truck and an orange potted plant"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a white refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a spoon"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a motorcycle and a laptop"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bear"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a cow and a laptop"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bench and a computer keyboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a black bench and a purple tv"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sandwich"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a spoon"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a laptop"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a train"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bench"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow backpack and a brown bicycle"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a black tennis racket and a blue boat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a horse"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a chair and a zebra"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a snowboard"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a refrigerator and a stop sign"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a baseball glove"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a red airplane and a green motorcycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a zebra"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a dining table"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a white teddy bear and an orange toaster"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a sandwich and a scissors"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a boat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a donut"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tv remote"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a black potted plant and a red zebra"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a chair"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a zebra"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a blue kite and a black cake"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a giraffe"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a zebra"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a handbag"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a computer keyboard and a stop sign"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a train"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a cake"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a purple hot dog and an orange bus"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown baseball glove and a yellow cake"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a train"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a motorcycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a surfboard"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a teddy bear and an oven"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a truck"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a zebra"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a computer mouse and an airplane"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bicycle and a purple hair drier"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a toaster"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a carrot"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a sandwich"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bicycle"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a truck"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a baseball glove and a cell phone"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a potted plant and a surfboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above an airplane"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a purple kite and a white sports ball"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a tv remote"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a green tennis racket and an orange dining table"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bird"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of an orange parking meter"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sports ball"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cell phone"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a donut"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a purple bird and a green cell phone"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a blue teddy bear and a green bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a hair drier"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a sandwich"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a pizza"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a purple computer mouse and a green pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a potted plant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a parking meter"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cat"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a tv remote and a carrot"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bench and a red pizza"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a boat"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a surfboard and a carrot"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a sports ball"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a snowboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a hot dog"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bicycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a toaster"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a purple sheep and a red broccoli"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a potted plant"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a horse and a computer mouse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bottle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a pink stop sign and a green sheep"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red boat and a purple teddy bear"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a donut and a dining table"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tennis racket and a purple dining table"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bottle and a purple scissors"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a tv"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a blue laptop and a pink spoon"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a tennis racket"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown horse"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a green train and a brown dining table"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a white zebra and a black computer mouse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an oven"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a white sink and a blue horse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a stop sign"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sandwich"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a tie"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a parking meter"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a boat"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a white knife and a red bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a dining table"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hot dog"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a horse and a person"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a white bench and a green cake"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tv remote"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a pink horse and a green surfboard"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of an orange train and a black kite"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a brown suitcase and a blue oven"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow parking meter and a brown motorcycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a fork"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a suitcase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a horse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a sports ball"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a hot dog and a sandwich"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a hot dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a handbag"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a white sheep and a blue airplane"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a parking meter"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tennis racket"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a red backpack and a pink motorcycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bird"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a zebra"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bus and a chair"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a snowboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a computer mouse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a backpack"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a horse and a potted plant"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a suitcase"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange baseball glove and a purple bottle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a green tv remote and a black bottle"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a refrigerator and a cell phone"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a backpack"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a white orange and a blue cat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tie"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a laptop"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tie"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a tennis racket"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a boat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a laptop"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a pink suitcase and a purple parking meter"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a black laptop and a red knife"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a sheep"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown truck and a yellow sandwich"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white tv remote and a blue surfboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a person"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tie"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a sandwich"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a suitcase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a hair drier"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a brown spoon"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a laptop"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a hair drier"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a sandwich and a snowboard"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow computer mouse and a pink donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a giraffe"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cell phone and a brown motorcycle"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a green knife"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow suitcase and a pink oven"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a zebra"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a teddy bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a pizza"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a pizza"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cake and a blue banana"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sink"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a yellow knife and a green teddy bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a zebra"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink airplane and a yellow giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a person"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a person and a sink"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a truck"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a teddy bear"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a white cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a surfboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a laptop"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sandwich"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a broccoli"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a motorcycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a truck"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a purple sports ball and a brown toaster"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a pizza"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a fork"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bus"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a red tennis racket and a purple knife"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue spoon and a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a carrot"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sandwich"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tennis racket"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a green motorcycle and an orange banana"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a black tv remote and a brown computer mouse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bus"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a couch"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a hot dog"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a backpack and a cat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a fork and a hot dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a dining table"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a white spoon and a black bicycle"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow scissors and an orange knife"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a green computer keyboard and a red surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a broccoli"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a spoon and a bus"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an orange"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an orange"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a zebra and a chair"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bird"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a knife"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a pizza and a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a broccoli"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bus and an orange sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a donut"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of an orange stop sign and a red cat"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a stop sign"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a green backpack"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a vase"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bird"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a purple teddy bear and a blue sink"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bus"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a green kite and an orange carrot"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cake"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a donut"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a broccoli"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cake"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of an oven and a computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bicycle"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a cat and a toaster"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a suitcase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a pizza"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a white knife and an orange donut"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a green bear and a blue broccoli"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a truck"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a pink giraffe and a white scissors"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a brown surfboard and a red dining table"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a pizza"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a person"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tie"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cow"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a kite"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a knife"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink banana and a yellow bird"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a brown knife and a black donut"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a white zebra"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a snowboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a dining table"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sheep"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a vase"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow knife and a pink chair"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a refrigerator"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a train"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a white baseball glove and a blue boat"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a vase and a refrigerator"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of an airplane and a sandwich"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a pink boat and a red orange"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink horse and a red surfboard"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a sink and a computer mouse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sheep"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sports ball and a yellow snowboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a stop sign and a carrot"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a kite and a handbag"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a person"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a red boat and a pink bench"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a giraffe"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink scissors and a purple bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a computer keyboard"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bus and a handbag"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a pink boat and a white truck"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a banana"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a sink"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tie"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a carrot"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue handbag and an orange horse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a black giraffe and a purple suitcase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a refrigerator"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an airplane"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cow"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a white bear and a black truck"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a person"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a hair drier"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a tie"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a pink giraffe and a green vase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a truck"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a broccoli"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bench"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a hair drier"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sheep"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bird"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a carrot"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a stop sign"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a hot dog"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a fork"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sandwich"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a knife"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a carrot"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a zebra"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a cat and a tennis racket"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a chair"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a black parking meter and a green dining table"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cat"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow spoon and an orange refrigerator"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a potted plant"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a dining table"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a sports ball"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bear"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a dining table"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a purple tie and a green bicycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a giraffe"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a backpack and a knife"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a dining table"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sandwich"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a chair"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a vase"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of an orange parking meter and a pink truck"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a hair drier"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a white scissors and a blue backpack"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a white dining table and a yellow orange"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a person"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cow"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a pink banana and a red kite"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a white horse"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a toaster"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of an orange orange and a white pizza"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a tennis racket"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of an orange handbag and a black computer keyboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an orange"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bus"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a knife"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bird and a brown surfboard"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a vase and a truck"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bus"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an airplane"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a green hair drier and an orange sheep"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a green tennis racket"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a person"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a sandwich and a kite"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a kite"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an airplane"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a computer mouse"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of an orange orange and a green pizza"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a pink computer mouse and an orange sandwich"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a teddy bear and a potted plant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a carrot"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sports ball"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a teddy bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a fork"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a donut and a broccoli"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a broccoli"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange airplane and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an oven"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a red train and a black vase"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a black stop sign and a red banana"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a spoon"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of an airplane and a refrigerator"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a vase"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a tv remote"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a boat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a red handbag and a brown sink"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a black fork and a white train"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a yellow vase and a green laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bicycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a backpack"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a truck"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a purple stop sign and a green giraffe"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a teddy bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a sink"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bicycle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a motorcycle and a sink"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a baseball glove"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a green fork and a purple sheep"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a sandwich and a suitcase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cake"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of an oven"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bear and a black motorcycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bicycle"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a red horse and an orange bird"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a tie"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a horse and a bird"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a couch"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tennis racket"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bottle"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a horse and a sports ball"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a pink computer keyboard and an orange sandwich"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a blue kite and a black broccoli"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a truck"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sink"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a parking meter"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a sink and a spoon"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a green cat and a pink suitcase"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange suitcase"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bird"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a pink chair"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a horse"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a toaster and a broccoli"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a pink scissors and a red spoon"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a sink and a baseball glove"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a banana"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tv"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a broccoli"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a broccoli"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a hot dog and a donut"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a purple hot dog and a red tennis racket"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a brown tv remote and a green suitcase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a dining table"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an oven"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sports ball"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of an orange oven"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a train"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a parking meter"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a cow and a kite"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer mouse and a pink knife"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sink"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a computer keyboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a boat"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a black broccoli and an orange banana"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a snowboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a kite"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a person"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a brown airplane and a black dining table"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a cell phone"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a scissors"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow scissors"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a teddy bear"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a toaster"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a vase and a backpack"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a truck and a handbag"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cow"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cow and a horse"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of an orange teddy bear and a black sports ball"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a spoon"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black sandwich and a brown surfboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a banana"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a kite"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a banana and a couch"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a surfboard"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a brown vase and a purple truck"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bus"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a cow and a bicycle"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a donut and a hot dog"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a pink fork and a black bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a stop sign"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a black kite and a green cat"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a stop sign"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a dining table"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a white sheep"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a red scissors and a blue tv remote"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a scissors"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a sheep and a parking meter"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bear and a white snowboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a computer keyboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a handbag"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a spoon"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bicycle and a yellow train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an oven"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a stop sign and a bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a train"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a potted plant"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a brown donut and a blue bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a carrot"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a fork"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a red orange and a green tv remote"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bicycle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black backpack and a blue surfboard"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a train"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a sandwich"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a surfboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a stop sign"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sandwich"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bench and a sports ball"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a laptop"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow kite and a blue sports ball"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tv remote"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a white teddy bear and a green tennis racket"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a knife and a vase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a zebra"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a green stop sign and a brown sheep"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a donut"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a scissors"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a purple fork and a red boat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a vase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a spoon"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fork and a blue computer keyboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a toaster"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bird"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a white handbag and a purple hot dog"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bear"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bottle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a carrot"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a pink teddy bear and a brown fork"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a black zebra and a blue toaster"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a dining table"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a truck"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a fork"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a scissors"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cell phone"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of an orange surfboard and a brown cow"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sink"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a zebra and a handbag"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a pink spoon"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black stop sign and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a tie"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a hair drier"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a cell phone"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a zebra"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bus"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a sports ball"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cake"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a cow"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a stop sign"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a pink tv and a green horse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a banana"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a donut"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bottle and a carrot"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a kite"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a chair"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a pink carrot and a white boat"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown handbag and a yellow banana"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a parking meter"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sandwich"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange zebra and a yellow sink"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sheep"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a chair"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink vase"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a pink kite and a purple banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tennis racket and a yellow parking meter"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a toaster"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a red tv and a white cake"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red tv and a brown surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a truck"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a white horse and a brown stop sign"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a baseball glove and a bird"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a pizza and a horse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a toaster"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer keyboard and a brown cell phone"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an oven"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sandwich and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cow"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a person"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a zebra"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sheep"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bird"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a pink train and a green surfboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bus"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a dining table"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a bus and a dining table"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a pink baseball glove and a blue tv remote"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a carrot"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a vase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a knife"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a computer keyboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a handbag"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a teddy bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a train"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cat"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a teddy bear and an orange"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a truck and a motorcycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a horse"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a green baseball glove and a brown orange"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a sandwich"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a pizza and a handbag"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a brown scissors and an orange tennis racket"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a motorcycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a dining table"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a tv"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a laptop"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a spoon"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a red tv and a purple train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a computer mouse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an airplane"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a donut"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a handbag"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a fork"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a baseball glove"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tie"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a green snowboard and a purple bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a purple tv and a blue potted plant"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a brown cat and a white bear"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a blue oven and an orange broccoli"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a broccoli"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a purple train"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cow"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a giraffe"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a pizza"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a stop sign"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a pink refrigerator"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a baseball glove"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a white orange and a blue suitcase"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a green knife"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a parking meter"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sandwich"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a blue kite and a white toaster"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a train"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sheep"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a donut"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a suitcase"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tennis racket"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sports ball"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a dining table"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a train"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bus and a yellow tv"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a tennis racket"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a purple dining table and a green surfboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a zebra"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a baseball glove"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of an airplane and a donut"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a tennis racket"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a train"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a yellow chair and a white couch"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a brown surfboard and a black spoon"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a laptop and a zebra"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a banana"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a green couch and a white broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a vase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a hair drier"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a horse"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of an orange laptop and a green tv"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a green truck"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue pizza and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a computer mouse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a purple toaster and a pink spoon"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a pink backpack and an orange pizza"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a brown suitcase and a black cake"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a horse and a bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a purple orange and a green sports ball"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a purple handbag"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of an orange stop sign and a red parking meter"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a boat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a yellow vase and a white cow"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a cow"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a white couch and a purple knife"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a blue baseball glove and an orange truck"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a purple broccoli and a brown tv"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a green hair drier and an orange spoon"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bottle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a broccoli"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of an orange sink and a white banana"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown suitcase and a yellow snowboard"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a red scissors"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a brown handbag and a green teddy bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a scissors"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a computer mouse"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a green zebra and an orange cow"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a giraffe and a bird"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow pizza and a brown stop sign"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a couch"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a fork"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow scissors"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a kite"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a sandwich"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a computer mouse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a zebra"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a yellow kite and a black dining table"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a broccoli"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a person"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a scissors"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a parking meter"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a cow"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cat and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a zebra"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a green handbag"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a computer keyboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a backpack"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bench"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a couch"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a donut"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a hot dog"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sink"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a tv remote and a vase"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a bicycle and a tv remote"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an oven"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple zebra and a pink surfboard"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of an orange orange"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a tie"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a sink"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a red airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cell phone"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a handbag and a laptop"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a knife"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a black computer mouse and a red boat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of an orange"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a train"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a zebra"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a kite"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a backpack"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a pink teddy bear and a red bicycle"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sandwich"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a brown vase and a pink zebra"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a black sports ball and a red boat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a train"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sheep"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a white refrigerator and a brown handbag"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a spoon"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a pink knife and a white snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a white motorcycle and an orange sports ball"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a snowboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a truck"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a motorcycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bird"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a surfboard and a tv"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a red chair and a pink zebra"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow parking meter"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bear"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a baseball glove"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a handbag"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a brown dining table and a purple tv remote"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an oven"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a brown sink and a green orange"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a pizza"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a toaster"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a blue train and a red parking meter"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a hair drier"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sheep and a purple horse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bus and a pink fork"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a tennis racket"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a donut"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bottle"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a purple hot dog and a brown parking meter"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a dining table and a laptop"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a pink sink and a black horse"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a brown baseball glove and a purple donut"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a truck"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a person and a bus"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a person"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a horse"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a tv remote and a bench"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a handbag"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bicycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a tv"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a person"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a black baseball glove and a green potted plant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow computer mouse and a purple horse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a fork"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a scissors"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an oven"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bicycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a dining table"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a handbag"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of an orange chair and a green bird"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a green banana and a brown zebra"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a scissors"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sports ball"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a horse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a chair"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sandwich"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a sheep and a giraffe"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow backpack and a brown cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a sheep"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a sandwich"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a white toaster"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a computer keyboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a spoon"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a white donut and a purple bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a laptop"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of an orange train and a green fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sink"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a black broccoli and a pink couch"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a spoon"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bus"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a chair"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an oven"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a tie and a horse"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of an orange train and a white snowboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a snowboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a blue airplane and a red spoon"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an airplane"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink pizza and a yellow spoon"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a toaster and a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a white couch and a green handbag"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a train"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cell phone and a green banana"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a green baseball glove and a blue cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a laptop"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a white bench and a blue scissors"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a white pizza and a green cat"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink snowboard and a yellow scissors"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a purple cell phone and a red carrot"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cow"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a green computer keyboard and a white bird"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a surfboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bench"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a zebra"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a red laptop and a brown kite"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a white vase and a pink sink"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bicycle and a blue tv remote"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown surfboard and a yellow donut"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a pizza and a potted plant"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue horse"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a blue sheep and a black stop sign"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a pink dining table and a red bus"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a truck"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a train"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a couch"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a stop sign"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an airplane"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bicycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bench"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sports ball"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a refrigerator and a teddy bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sandwich"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a person"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sandwich and a brown bus"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sheep"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a black computer keyboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a chair"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a tv"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a donut"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a white hair drier and a blue bottle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown banana and a yellow stop sign"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow hot dog and a purple tie"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a pink oven and a purple motorcycle"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown refrigerator and a yellow pizza"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bus"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a horse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a handbag"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a hot dog"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a couch"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a hair drier"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a brown airplane and a red sheep"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer mouse and a brown cake"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a knife"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a red giraffe and a purple vase"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a couch"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a knife"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a potted plant"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a black bird and a blue zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a red sports ball and a pink cake"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bus"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a potted plant"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a snowboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a scissors"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a green computer keyboard and a purple parking meter"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a truck and a donut"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue scissors and a yellow broccoli"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a stop sign"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a hair drier"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sink"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a white truck and a black tie"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a white bus"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below an airplane"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a motorcycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a refrigerator"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a sink"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a toaster"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cow and a yellow bird"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer keyboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above an orange"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bus"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tv remote"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a sheep"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a green suitcase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a potted plant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a sandwich"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a handbag"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a fork"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a black couch and a pink cake"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a snowboard"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bear and a chair"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a pizza"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of an orange snowboard and a blue truck"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a blue cat and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a pink airplane and an orange zebra"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue spoon and a yellow horse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a motorcycle"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a vase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a banana"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a red tv and a green snowboard"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a red dining table and a yellow handbag"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cell phone and a purple orange"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a blue vase and a green stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a broccoli"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a pink refrigerator and a red airplane"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a black hair drier and a brown kite"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a green surfboard and a blue carrot"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bus"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bicycle and a yellow donut"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a truck"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a motorcycle"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a brown giraffe"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a computer keyboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a snowboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown truck and a black surfboard"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a red horse and an orange refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bird"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a tennis racket"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a refrigerator and a computer keyboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a kite"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an airplane"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bicycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cat"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a black refrigerator and a blue couch"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a brown hot dog and a pink suitcase"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bicycle and a black toaster"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a blue pizza and a white toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a scissors"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a horse"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a broccoli"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a person"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a person"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bottle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a kite"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a zebra"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a train"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a person"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a green suitcase"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a zebra and a boat"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sandwich"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a dining table"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a handbag"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a handbag"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a brown chair and a pink cat"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple suitcase and a yellow laptop"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cow and a yellow bear"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a fork"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a blue bottle and a white cell phone"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a parking meter"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a suitcase and a snowboard"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a train"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a baseball glove"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bottle"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a yellow carrot and a black fork"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tennis racket"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer mouse and a white cake"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a knife"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a vase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tv remote and a red cell phone"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sports ball"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a purple hair drier and a white bird"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a scissors"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a donut"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of an orange and a dining table"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a boat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a train"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a boat"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a spoon"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a potted plant"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a bird and a tv remote"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a dining table"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a white laptop and a black sheep"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bench and a sandwich"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tv"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of an orange broccoli and a white bird"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a black cell phone and a pink fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a chair"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of an orange and a snowboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a blue refrigerator and a pink sandwich"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a blue pizza and an orange tennis racket"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sports ball and a white orange"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a spoon"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a sink and a kite"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a computer keyboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a suitcase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a snowboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a brown sports ball and a red sink"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a laptop"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a laptop"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cat"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a truck"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow suitcase and a blue surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a broccoli"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a hot dog"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tennis racket"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bicycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a teddy bear and a hair drier"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a banana"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a white dining table"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a banana"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a toaster"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a horse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a banana"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bus"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a truck"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bus and a truck"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a vase"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a green train"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a pink broccoli and a brown tennis racket"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sink"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a surfboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange bus"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a banana"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow vase and a green motorcycle"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a pizza"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a baseball glove"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bird"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a parking meter"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sandwich"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a stop sign"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tie"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a spoon"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a zebra"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a sports ball"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a sports ball and a toaster"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a chair"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a pizza"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a white knife and a black cow"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow carrot and a purple motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a sheep"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple handbag and a yellow hair drier"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a green refrigerator and a brown potted plant"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a laptop"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a kite"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a green knife and a white sink"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sandwich"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a toaster"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a toaster"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a laptop"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a backpack"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a green sports ball and a purple vase"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a motorcycle and a pizza"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a yellow airplane and a black orange"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a boat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple broccoli and a yellow bus"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow carrot and a brown airplane"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a black horse and a red cow"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tv"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a backpack"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a fork"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a computer mouse and a donut"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a sandwich and a train"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bicycle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sink and a brown knife"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a backpack and a pizza"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue teddy bear and a purple snowboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a person"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bicycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a broccoli"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a pink potted plant and an orange hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a teddy bear"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a blue computer keyboard and a green chair"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a handbag"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a cake and a tv"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a zebra"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a blue suitcase and a purple broccoli"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of an airplane and a handbag"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a backpack"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bench"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a dining table"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a refrigerator"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a dining table"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a toaster"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a stop sign"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow donut and a blue cake"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a fork"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a white vase and a black computer mouse"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cow and a yellow airplane"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a spoon"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a bird and a dining table"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above an oven"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a motorcycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an airplane"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of an airplane and a couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a suitcase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sink"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a surfboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a potted plant"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sandwich"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sports ball"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sink"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an airplane"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a tie"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a spoon"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a purple computer keyboard and a white spoon"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a train and a handbag"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a stop sign"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow motorcycle and a red cat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a hair drier"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a zebra"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a cake"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a person and a scissors"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a carrot"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a truck"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a tennis racket"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cake"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow stop sign and a purple backpack"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a hot dog"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a horse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a green orange and an orange sheep"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bear and a motorcycle"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cow"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a tie"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a teddy bear"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a cell phone"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a surfboard and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a red couch and a brown bus"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a red motorcycle and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a purple train and an orange tv remote"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of an orange airplane and a pink tv"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a giraffe"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a broccoli"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of an orange suitcase and a red cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a cell phone"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a snowboard"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a red knife and a purple handbag"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a person"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a suitcase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a computer mouse"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a yellow hot dog and a green cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a sheep"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tie and a pink bicycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a suitcase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a dining table"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a sports ball and a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a teddy bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a bottle and an orange"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a black cat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tv"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a white chair and an orange backpack"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a dining table"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cake"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a knife"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cat and a yellow cow"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a couch"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a dining table"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a teddy bear"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an airplane"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cow and a white carrot"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a computer mouse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a snowboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a knife"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of an orange cat and a black oven"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a broccoli"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a handbag"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a yellow couch and a green airplane"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a cat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a zebra"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a bench and a teddy bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a train"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a sandwich and a carrot"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an airplane"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a hot dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a tie"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bottle and a yellow toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a handbag"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a knife"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a computer keyboard"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bottle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a teddy bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a bird and a broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a carrot"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bus and a brown teddy bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a cake"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a potted plant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tie"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a scissors"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a green suitcase and a blue backpack"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a pink computer keyboard and a brown banana"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a brown sheep and a green potted plant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a purple carrot and a black train"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a teddy bear and a spoon"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of an orange sink and a red horse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a baseball glove"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of an oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sandwich"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a red sink and a brown tie"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a person"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a spoon"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sandwich and a brown cow"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a pizza"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a white zebra"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cell phone"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a potted plant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an airplane"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a horse"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a carrot and a horse"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sink and a purple refrigerator"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv and a pink suitcase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a person"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an orange"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a stop sign"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a black laptop and a pink cat"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a kite"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a giraffe"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a donut"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sheep"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow teddy bear and a blue horse"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a black carrot and a yellow sink"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a bus and a tennis racket"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a black sandwich and an orange bus"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bird"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a train"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue orange and a yellow broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a teddy bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an airplane"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a cat and a computer keyboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a couch"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a scissors"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hair drier and a yellow bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a laptop"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bird"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of an orange hair drier and a red backpack"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a stop sign"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a suitcase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an airplane"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a tennis racket and a sheep"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a black airplane and a pink cow"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a blue teddy bear and a red computer keyboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a horse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a chair"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a cake and a bicycle"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a hair drier"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a giraffe"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cake"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a brown tie and a green banana"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a truck"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tv"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bus and a brown orange"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a surfboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a backpack"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of an airplane and a hot dog"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a white vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bicycle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bicycle and a brown banana"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a scissors"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a snowboard and a hair drier"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a cell phone"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bus"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bicycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a hair drier and a dining table"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a kite and a horse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bench"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of an orange hair drier and a green cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a cow"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a sandwich"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sports ball"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a carrot"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a black bus and a green refrigerator"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a parking meter"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a boat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a refrigerator"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bicycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bicycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a couch"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a white parking meter and a yellow giraffe"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a sheep and a hot dog"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a fork"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a truck"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a blue banana and a brown chair"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cell phone and a yellow chair"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sheep"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a truck"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bicycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a purple refrigerator and a red spoon"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a yellow snowboard and a white donut"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cake"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a boat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a laptop"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a toaster"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a white sheep and a red orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tv"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an oven"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a train"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a scissors"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a yellow knife and a white vase"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sandwich"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a black donut and a yellow kite"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cat"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a toaster"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange scissors and a yellow stop sign"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a white cake and a brown sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cow"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bench"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a black pizza and a pink dining table"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of an airplane"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of an orange surfboard and a purple kite"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bird"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a computer mouse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tie"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a kite"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a spoon"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a teddy bear"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a carrot"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a hair drier"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a green sports ball and a red stop sign"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a toaster"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a couch"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an airplane"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a sandwich"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tv"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown parking meter and a yellow cake"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a white sports ball and a black giraffe"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a boat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a snowboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a purple sandwich and a blue dining table"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a blue pizza and a brown giraffe"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a computer keyboard and a sports ball"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a snowboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sports ball"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a snowboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a purple donut and a white bottle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a handbag"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a surfboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a horse"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a hair drier and a knife"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a giraffe"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cow"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a sports ball and a dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a broccoli"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a chair"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sandwich"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a knife"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a red carrot and a pink motorcycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a donut"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a purple hair drier and a pink bird"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a teddy bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a hot dog"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a truck"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a red horse and a white vase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a laptop"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a yellow motorcycle and a red kite"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a potted plant and a vase"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a couch"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a horse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a laptop"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a snowboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a potted plant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a backpack"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a green kite and a red train"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a blue parking meter and a pink cat"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a brown broccoli and a green oven"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a scissors and a potted plant"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a toaster"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a broccoli"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a bird"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cake"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a stop sign"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bicycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a baseball glove"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a potted plant"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow baseball glove and a brown truck"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple snowboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a boat"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a blue train"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a brown cell phone and a black orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a giraffe"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a laptop and an oven"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a red fork and a brown suitcase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cat"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a purple broccoli and a pink oven"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a donut"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a potted plant"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a knife"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bottle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a chair"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a blue zebra and a white donut"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a surfboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a stop sign"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bear"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a red backpack and an orange fork"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a computer keyboard"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a train and a spoon"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a pizza"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a fork"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a blue scissors and a white toaster"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a computer keyboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink horse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a brown zebra and a red vase"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a sink and a banana"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an orange"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a motorcycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cell phone and a pink computer mouse"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a blue cat and an orange tie"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a surfboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a truck and a broccoli"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cow"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a white refrigerator and a brown bottle"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of an orange train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of an oven"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a handbag"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sink"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a tennis racket and a bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a spoon"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a broccoli and a tennis racket"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an orange"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a refrigerator"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a bench and a dining table"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bicycle"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a suitcase and a surfboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a toaster"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a blue chair and a green computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a stop sign"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of an oven and a giraffe"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a chair"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bear and a yellow train"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a handbag"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bus and a brown suitcase"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a red handbag and a black stop sign"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a black computer mouse and an orange bird"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a surfboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a chair"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a tie"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a blue sports ball and a black oven"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a laptop"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a refrigerator"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a scissors and a bench"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a backpack"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a blue computer mouse and a black donut"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cake"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a hot dog"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a truck"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a pizza"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a purple vase and a green bench"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a tie"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a green oven and a black sports ball"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a snowboard and a bicycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a motorcycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a dining table"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a knife"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a blue backpack and a red zebra"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a blue zebra and a white knife"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a pizza"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of an orange kite and a red backpack"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a donut"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tv remote"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a computer mouse and a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of an orange train and a red potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a laptop"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a pizza"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of an airplane"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a backpack"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a yellow donut and a green baseball glove"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a baseball glove and a tennis racket"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a white boat and a green orange"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bottle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a dining table"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a spoon"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a white train"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of an orange bottle and a red suitcase"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a green bird and a red banana"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a parking meter and a broccoli"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a horse and a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a hair drier"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a hot dog"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a stop sign"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a laptop"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a giraffe"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a scissors"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a teddy bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cell phone and a yellow stop sign"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a suitcase"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a couch and a zebra"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an oven"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a teddy bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a teddy bear and a toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a hair drier"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a red carrot and a black bench"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a dining table and a boat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a dining table"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a brown fork and a green boat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange computer mouse and a yellow teddy bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a snowboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a suitcase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of an orange surfboard and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow kite and a purple carrot"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a zebra"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a red donut and an orange giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tie"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a fork"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a bottle and a knife"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a computer keyboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a knife"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a train"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black scissors and a purple computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tennis racket and a purple sandwich"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a motorcycle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an orange"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a blue orange and a green bus"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bear"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow zebra and a blue tie"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a stop sign"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a pizza"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tv remote"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a green oven and a white sink"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a red couch and a purple orange"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a horse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bicycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a person"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a knife"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a blue knife and an orange sink"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a red suitcase and a brown donut"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tv remote"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a motorcycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a bench"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a backpack"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a toaster"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a teddy bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a broccoli"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a vase"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a chair"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of an orange chair and a white dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a handbag"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bird"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a backpack and a tie"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a scissors"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an oven"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a red cow and an orange fork"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a carrot"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a giraffe"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a stop sign"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a fork"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a pink bottle and a red airplane"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sheep"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a green computer keyboard and an orange truck"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a boat"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a suitcase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a dining table"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a toaster"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a toaster"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a pink spoon"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv remote and a green parking meter"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of an orange toaster and a green computer keyboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bench"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a cake"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a potted plant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a potted plant"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a vase"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a black sheep and a pink airplane"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a black cell phone"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bicycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a stop sign"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a brown kite and a red computer keyboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a train"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a tennis racket"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a hair drier"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a couch"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a purple suitcase and a blue sink"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow pizza and a brown horse"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a brown train and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow oven and a brown teddy bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a hot dog"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tie"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a stop sign"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a dining table"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a scissors"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a stop sign"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange toaster and a yellow couch"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a carrot"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a giraffe"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a purple refrigerator"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a boat"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a brown pizza and a green backpack"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a backpack"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a kite"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a donut and a tennis racket"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a kite and a motorcycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a sink"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a blue truck and a black bird"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a black laptop and a yellow tv"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a motorcycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a laptop"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a black hair drier and a green computer keyboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink backpack and a yellow chair"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue oven"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bus"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a baseball glove"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a truck"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a spoon"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a couch"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of an orange airplane and a pink bicycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an orange"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow parking meter and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an airplane"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bear"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a black boat and a brown donut"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a green cell phone and a black dining table"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a vase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a fork"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a kite and a fork"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a train"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a suitcase"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a computer keyboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a black couch and a blue sports ball"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a green kite and a red vase"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bus"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sheep"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a horse and a pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a parking meter"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a teddy bear"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a surfboard and a cow"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a person"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a hair drier"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a dining table"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink hot dog and a purple computer mouse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a surfboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an orange"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange potted plant and a yellow boat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of an orange oven and a pink cake"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a spoon and a motorcycle"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a white stop sign"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bicycle and a red bus"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bottle"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a tv"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a pink spoon and a green bench"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a green teddy bear and a white knife"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a hot dog"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a surfboard"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above an airplane"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a suitcase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bicycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a teddy bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a white spoon and a black cow"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a stop sign"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an oven"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a red bench and a white bird"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a blue broccoli and a white truck"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a refrigerator"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sports ball"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sink"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sink"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a red tv and a purple refrigerator"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a red banana and a blue dining table"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a giraffe"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an airplane"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a white handbag and a green laptop"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a donut"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a surfboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bus"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a zebra and a computer mouse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a zebra"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a stop sign"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a blue horse and a brown sheep"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a blue boat and a white baseball glove"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange giraffe and a yellow potted plant"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a blue couch"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a banana"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a chair and a bicycle"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a pink scissors"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a laptop"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a truck"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a sandwich and a couch"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of an orange broccoli and a pink giraffe"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a blue fork and a green bottle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a green sandwich and a purple dining table"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cow"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a red fork"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tie"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a green banana and a blue airplane"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a blue fork and a white sports ball"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a stop sign"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a scissors and a tv"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a toaster"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a pink scissors and a white cell phone"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a sink"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a backpack"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a zebra"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cake"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bird"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a truck"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a purple couch"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of an airplane and a cat"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a brown computer keyboard and a pink baseball glove"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a white boat and a blue computer mouse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a hair drier"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a refrigerator"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a black tv and a red cell phone"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sheep"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a banana"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a handbag"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a brown knife"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a kite"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a white backpack"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange tennis racket"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a purple sports ball and a brown baseball glove"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bear and a snowboard"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a bottle and a spoon"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue oven and a yellow handbag"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a dining table"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a hot dog"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a couch"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a pizza and a cow"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a pink hair drier and a white baseball glove"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sink and a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a pink bench and a white vase"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a red spoon and a brown truck"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a horse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a surfboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a fork"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a sheep and an airplane"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cow"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a purple suitcase and a brown cell phone"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a backpack"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a red hair drier and an orange fork"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a dining table"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a chair and a sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a zebra"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a green tie and a white carrot"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sheep"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cell phone"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a spoon"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a tv"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a computer keyboard"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a broccoli"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a scissors"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a sheep and a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a toaster"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow vase and a brown oven"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a red spoon and a blue hot dog"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a truck"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an oven"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a green cake and a white bear"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a hair drier"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an orange"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a white donut and a purple couch"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a potted plant"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a kite"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bench"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a zebra"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a surfboard"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a cell phone and an airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a person"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a black tv and a white chair"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown airplane and a blue cat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a train"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a couch"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cell phone"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sheep"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a red dining table and a purple banana"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of an orange laptop and a white cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a handbag"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow cat and a pink toaster"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a kite and a surfboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a kite"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a knife and an airplane"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a white potted plant and an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a blue oven and a purple broccoli"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a couch and an orange"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a motorcycle"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple snowboard"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a red oven and a blue cow"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a black sports ball and a white refrigerator"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a giraffe"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sink"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a backpack"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bench"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a red bench and a brown zebra"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bottle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a donut"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a black orange and a red bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a laptop"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a green fork and a pink spoon"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a dining table"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a sports ball"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a chair"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a pink carrot"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a purple pizza and a red motorcycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a handbag"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of an orange banana and a green parking meter"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a toaster"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sports ball"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a dining table"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a white kite and a red parking meter"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a black tie"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of an orange sandwich and a red bear"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a white stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a vase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a sheep"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a dining table and a chair"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a train"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a toaster"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a parking meter"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a dining table"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a brown cake and a black laptop"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a snowboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bird"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tie"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a suitcase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a spoon"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a black bird and a red dining table"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a red zebra and a purple scissors"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bus"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cake"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a red airplane and a black bus"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a stop sign"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a banana"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a stop sign"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a laptop"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a white orange and a purple tv"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a green scissors and a pink bear"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a spoon"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a cell phone"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a sink and a couch"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a tv"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv remote"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a spoon"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sports ball and an orange carrot"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tv and an orange knife"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cow"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cell phone"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a white cell phone and a pink giraffe"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a truck"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a backpack"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a backpack"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bench"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a black couch and a red hair drier"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bus"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bottle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a banana"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a computer keyboard and a truck"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a cat and a snowboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a blue dining table and a white motorcycle"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a stop sign and a dining table"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of an airplane"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a blue potted plant and an orange suitcase"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow zebra and an orange dining table"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of an orange bird and a green fork"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of an airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a motorcycle"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a knife"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a sheep"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a vase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a chair"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an orange"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a red fork and a green cat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a scissors"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a black bicycle and a pink sports ball"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a cat and a knife"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a backpack"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a tv"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a brown spoon"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tv"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a black banana and a red cow"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a red oven"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a pink giraffe and a black suitcase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a pizza"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a zebra"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tie"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a hot dog"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a pizza"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white horse and a purple teddy bear"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a black cat and a green sink"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a pink vase and a black boat"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a train"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a green horse and a purple laptop"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a broccoli"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a train"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a brown bicycle and a black sink"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a motorcycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a hot dog"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a refrigerator"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a cell phone and a tv"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a banana and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a blue kite and an orange bicycle"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a red hair drier and a blue donut"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a couch"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a backpack"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a tie"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hair drier"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a cell phone and a suitcase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a vase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a yellow sink and a red baseball glove"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a purple donut and a red giraffe"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below an oven"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a parking meter"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bench"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a handbag"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a brown bottle and a green tennis racket"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bird"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a surfboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a baseball glove"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a red refrigerator and a brown vase"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a pink spoon and a black vase"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a tennis racket"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a white tennis racket and a brown cell phone"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a spoon"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a donut"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a teddy bear and a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a boat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bird"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sandwich"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bird"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a carrot"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a sports ball"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bus and a yellow parking meter"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a surfboard and a banana"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a donut"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a parking meter"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a surfboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a white refrigerator and a yellow orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a computer keyboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a person"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a black giraffe and a purple computer mouse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sheep"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bicycle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a computer mouse"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a donut"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cake"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bottle"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bicycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sandwich"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a red suitcase and a brown broccoli"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a black surfboard and a pink tv remote"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a brown laptop and a pink pizza"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a dining table"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a blue broccoli and a red handbag"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a black vase and a red couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a green motorcycle and a yellow orange"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of an orange"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a yellow dining table and a green handbag"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bear and a green suitcase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a cake"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a vase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tv remote"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a surfboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a purple banana and a black airplane"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange scissors"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a dining table"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a sink and a toaster"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a white cake"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a handbag"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a brown kite and a blue airplane"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a horse"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a train"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a horse and a backpack"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sink"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a cow and a spoon"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a brown bird and a red broccoli"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a horse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a motorcycle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bird and an orange baseball glove"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a motorcycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a carrot and a person"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a tie"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a vase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a hot dog"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a tv remote"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a pink giraffe and an orange bird"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow hot dog and a purple bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bear"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a suitcase and a baseball glove"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a motorcycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bottle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a green sink and a blue spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a backpack"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sandwich and a yellow bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of an orange suitcase and a green stop sign"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a pizza"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of an orange tennis racket and a green oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a carrot"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a green spoon and a pink backpack"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a tennis racket and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a black spoon and an orange handbag"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue chair and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bench"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a laptop and an airplane"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a tennis racket"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a pink banana and a red fork"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bird"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a potted plant"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a hair drier"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sink"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a white surfboard and a yellow handbag"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a spoon"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of an orange parking meter and a red sink"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a hair drier"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a laptop"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a motorcycle and a snowboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a potted plant"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a bear"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a green bear and an orange cow"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a red sheep"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a motorcycle and a vase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a brown suitcase and a black train"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a pizza"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a surfboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tie"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a kite"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a black handbag and a red giraffe"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below an oven"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a yellow airplane and a black refrigerator"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a motorcycle"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a teddy bear and a carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a blue toaster and a white handbag"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a backpack"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a boat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a brown horse and a black train"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green giraffe"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange cat"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tie"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of an orange and a chair"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a suitcase"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a blue computer mouse and a black bicycle"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange snowboard and a yellow bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a person"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a red broccoli and a black giraffe"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bicycle and a black teddy bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a dining table"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a brown refrigerator"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a cake"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a zebra"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cell phone"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a chair and a motorcycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a boat"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a truck and an airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bus"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sandwich and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a kite"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a white hot dog and a black bird"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a potted plant"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of an orange pizza and a green hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a scissors"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a toaster and a boat"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a parking meter"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a fork"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a green hot dog and a white kite"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a white laptop and a blue tie"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an orange"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer keyboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cake"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a kite"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a fork"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bird"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a chair"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a black bird and a blue banana"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a carrot"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a vase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue suitcase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a chair"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a scissors"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tv remote and a brown cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a white backpack"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tennis racket"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tv and an orange spoon"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a sheep"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a potted plant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a carrot"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a hot dog"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cell phone"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of an orange"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tie"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a spoon and a dining table"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a hot dog"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sink"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a suitcase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a parking meter"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a yellow snowboard and a white bicycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a sports ball"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a refrigerator"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a carrot"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a dining table"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tv"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a handbag"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a white chair and a yellow hot dog"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a red zebra and an orange laptop"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a surfboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a dining table"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a stop sign"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a white vase and a red computer keyboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bicycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cell phone"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a red banana and a blue carrot"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange pizza and a brown boat"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a purple horse and a blue cake"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a white scissors and an orange truck"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a green cake and a purple train"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a pink sheep and a white refrigerator"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a couch"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bottle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bottle"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a brown cow and a red handbag"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a backpack"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a white scissors and a blue sheep"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a teddy bear"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a green spoon"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange computer mouse and a yellow pizza"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a blue carrot and a green boat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a donut and a snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a train"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of an orange cake and a white vase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bottle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sandwich"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bottle"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a pink snowboard and a white cow"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink motorcycle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a pink sheep and a white stop sign"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a knife and a laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a couch"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of an orange sheep and a black bus"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a white fork and a brown bear"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a stop sign and a vase"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a purple giraffe and an orange truck"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a pizza and a cell phone"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an oven"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tennis racket"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown surfboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer keyboard and a black airplane"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a refrigerator"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a zebra"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tv remote"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sink and a blue sandwich"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a vase"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a brown baseball glove and a blue sink"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a stop sign and a tv remote"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a blue spoon and a black tie"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a potted plant"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a toaster"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a fork"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a donut"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a spoon"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a black cell phone and a red fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a cow"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a dining table"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a knife"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tv"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a toaster and a sheep"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a spoon"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a motorcycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a purple scissors and a white teddy bear"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a black bicycle and a purple laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a sports ball"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an orange"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sheep and a brown donut"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a zebra"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a train"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a potted plant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a horse and a boat"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a blue hair drier and a pink bus"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bus and a yellow cake"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of an orange pizza"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a broccoli"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a spoon"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a snowboard"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a black computer keyboard and a pink cell phone"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a surfboard and a broccoli"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a scissors"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of an orange bear and a green surfboard"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a horse"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer keyboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a banana and a sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a zebra"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sink"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a purple teddy bear and a black hot dog"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of an orange and a boat"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bicycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a parking meter"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a kite"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an oven"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a hair drier"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a pizza and a sports ball"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a boat"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an oven"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sports ball"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a white stop sign"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an airplane"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a green motorcycle and a brown toaster"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a banana and a surfboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a tennis racket"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a red tv and a black scissors"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a tie"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a sports ball"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bench"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tie and a brown dining table"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange knife and a yellow cake"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a train"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a blue potted plant and a black boat"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a blue tennis racket and a red tie"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of an oven and a motorcycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a chair"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a yellow scissors and a green truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a computer mouse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a chair"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a person"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a blue computer keyboard and a pink zebra"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a black oven and a purple boat"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a bottle and a hair drier"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a red airplane and an orange tie"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a backpack"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sports ball"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of an orange teddy bear and a green broccoli"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a yellow sheep and a red surfboard"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a sports ball"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a boat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a train"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a backpack"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a surfboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of an orange couch and a green donut"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a stop sign"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a black boat and an orange sheep"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a purple truck and a black parking meter"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of an airplane"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv remote and a pink fork"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tennis racket"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bicycle"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a black vase and a green bicycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a scissors"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an airplane"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a kite"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white couch and a black cake"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a green boat and an orange sink"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a horse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a backpack"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a red laptop and a black horse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a laptop"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a handbag"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a broccoli and a vase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a dining table"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bench"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a blue cell phone and a black cow"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a toaster"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a brown hot dog and a white bottle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a person"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a green orange and a blue tv remote"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a donut"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white pizza and a yellow surfboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cake"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a white surfboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a black bottle and a red bicycle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a dining table"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a cell phone"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a scissors"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a horse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a person"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a banana"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a spoon"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a purple baseball glove and a brown cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a laptop"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bus and a purple computer mouse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a hair drier"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a backpack"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an airplane"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tie"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a pink sandwich and a red parking meter"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bicycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow scissors and a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cow and a purple sandwich"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a pink bird and a green baseball glove"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cake"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a kite"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a red fork and a white cake"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a stop sign"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a surfboard"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a white bicycle and a blue teddy bear"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a computer keyboard and a cake"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a scissors"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of an orange scissors and a pink carrot"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a white toaster and a purple baseball glove"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a couch"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sandwich"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a cake"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a bench and a sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a zebra"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a knife"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sheep"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink zebra and a yellow donut"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bird and a purple cow"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bicycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cell phone"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bottle"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a hair drier and a sports ball"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a broccoli"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a blue cow and a white carrot"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a tv"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a suitcase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a motorcycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a boat"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow refrigerator and a pink airplane"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a horse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a toaster"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a handbag"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a vase"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a red tennis racket and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a blue kite and a red potted plant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a hair drier"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a spoon"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a truck"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a brown orange and a red bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a sink"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bicycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a parking meter"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a sink"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a train and a suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bus"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a blue tv remote and a purple stop sign"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a chair"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bird"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of an orange airplane and a white dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a potted plant"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of an orange tennis racket and a green knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cake"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cat"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a backpack"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of an airplane and a computer mouse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tie"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a banana"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a computer mouse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a giraffe"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sheep"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a parking meter"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a computer keyboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a handbag"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a bench and a fork"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a computer keyboard and a couch"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a sports ball and a knife"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a tv"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a blue handbag and an orange parking meter"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a white bird and a blue kite"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a handbag"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a blue sports ball and a red cow"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a teddy bear"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a pink handbag and a brown hot dog"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a chair"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a motorcycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a blue dining table and a white tv remote"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bench"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a black airplane and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of an orange vase and a red orange"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a brown toaster and a green bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a computer keyboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a knife"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a scissors"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow truck and an orange bear"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of an orange pizza and a blue bench"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a sink and a person"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a tennis racket"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cell phone"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bottle and a red cat"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a black sink"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a sheep"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a donut"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a bus and a bottle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a computer mouse"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sink"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a vase"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a cow and a person"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a banana"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a red fork and an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a black stop sign and a red hair drier"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a parking meter and a tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a spoon"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a boat"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a pink carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sheep"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sink and a blue tennis racket"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a refrigerator"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a giraffe"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a train"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a chair"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a potted plant"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a train"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a carrot"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a baseball glove"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below an airplane"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a computer mouse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a surfboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an airplane"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a laptop"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a potted plant"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a brown parking meter"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bench"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a cow"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a white donut and a red backpack"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a brown baseball glove and an orange hot dog"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a snowboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a banana"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a blue tennis racket and a white sandwich"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a horse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sheep"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a pizza and a kite"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a chair"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a suitcase"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a carrot and an orange"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a banana and a hair drier"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a boat"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a red bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bottle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bicycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a parking meter and a snowboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a horse"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange spoon and a yellow bus"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a red carrot"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a red hair drier and a pink parking meter"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a white baseball glove and a yellow sink"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an orange"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a red broccoli and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sandwich"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a backpack"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cow"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a pizza and a tie"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a boat"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a boat and a bottle"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a computer mouse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bicycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a zebra"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a tv and a computer keyboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a brown stop sign and a pink giraffe"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of an orange zebra and a green giraffe"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a pink sheep and a red knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a giraffe"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a computer mouse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a carrot"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sandwich"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a person"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a vase and a bird"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a dining table"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow orange and a blue carrot"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sandwich"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cell phone"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a donut and a backpack"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bicycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a black orange and a brown donut"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow surfboard and a white cat"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a pizza and a motorcycle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a computer keyboard"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sandwich"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a baseball glove and a surfboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a person"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a white bear and an orange couch"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bird"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tv remote"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bird"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a green spoon and a brown zebra"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a scissors"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a baseball glove"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a cat"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a stop sign"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a sink"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a spoon"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cat and a white sink"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of an orange sheep and a red knife"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a parking meter and a refrigerator"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sandwich and a yellow tie"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a kite and a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a dining table"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple oven and a yellow tie"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a white hair drier and a pink computer mouse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bicycle and a yellow couch"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a backpack"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of an orange train and a brown zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a giraffe"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a kite"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a suitcase and a bench"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a pink refrigerator and a black bottle"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a purple parking meter and a blue baseball glove"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a white fork and a green teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a motorcycle"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cake"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a backpack and an airplane"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a backpack"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bus"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a hot dog"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a laptop"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bench and a yellow scissors"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow parking meter and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tv"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bottle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a chair"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bench"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a white truck"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of an orange parking meter and a red donut"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bird and a baseball glove"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a suitcase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a potted plant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a chair"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange horse and a yellow handbag"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tv"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a banana"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a toaster"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a banana"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a cat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a broccoli"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bottle"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a fork"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a computer mouse"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cow"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of an orange backpack and a pink orange"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a motorcycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a green stop sign and a brown dining table"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a computer keyboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a giraffe"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a baseball glove"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a donut"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cell phone"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a train"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a purple fork and a brown bus"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a tv and a sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above an orange"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a cake"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a purple giraffe and a brown bottle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a red cell phone and a pink kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a motorcycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a white sink and a red boat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a computer keyboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a scissors"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a purple hot dog and an orange teddy bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a green cat and a blue giraffe"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a cell phone and a pizza"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a cow and a stop sign"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cat"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a green train and a pink truck"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a red snowboard and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an oven"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a baseball glove"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bench"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer mouse and a black sandwich"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a tennis racket"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a purple motorcycle and a red cat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a tennis racket"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a white tie and a pink knife"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a green snowboard and a blue stop sign"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a fork"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a zebra"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a black cake and an orange banana"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a zebra"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a computer mouse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a toaster"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a blue airplane and a purple scissors"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an orange"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a truck"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a boat and a chair"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below an airplane"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a pink horse and a red teddy bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sandwich"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cell phone and a yellow sandwich"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a surfboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sandwich and a purple tv remote"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bird"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a toaster"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green laptop and an orange computer keyboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a handbag"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a green donut and a brown vase"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a white cat"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a blue pizza and a green bench"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a pink carrot"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a boat"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an airplane"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a green scissors and a pink tie"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a carrot and a pizza"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a couch"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a yellow spoon and a green scissors"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a chair"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a green carrot and a purple boat"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow stop sign and a purple potted plant"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of an oven and a dining table"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a green giraffe and a purple broccoli"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tv remote and a blue broccoli"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an airplane"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a sandwich"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a scissors"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bottle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink train and a yellow toaster"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a kite"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a kite"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bird"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sink and a blue boat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a suitcase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bus"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of an orange carrot and a pink laptop"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a green toaster and a white banana"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a donut and a boat"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white toaster and a brown motorcycle"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above an oven"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a white knife"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bear"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sheep"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cell phone"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a tv"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a brown train and a black bird"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a purple knife and a pink cake"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above an oven"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a truck and a suitcase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a snowboard"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a hot dog and a laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a sports ball"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a green boat and a pink hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a vase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cake"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue potted plant and an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a white pizza and an orange potted plant"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a red airplane"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sink"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tennis racket"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a scissors"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a tennis racket"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a person"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bear"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a tv remote and a person"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a white snowboard and a brown cell phone"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a white cow and an orange hot dog"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bicycle and a pink cat"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a brown fork and a red chair"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a white parking meter"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an oven"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a blue sandwich and a pink spoon"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a blue chair and a red broccoli"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a computer mouse"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a sandwich"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a parking meter"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a banana"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a hair drier and a snowboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a refrigerator"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sports ball"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a knife"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red cake and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a backpack"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cat"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a teddy bear and a zebra"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a sheep and a bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a yellow computer mouse and a green cow"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a sink"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a brown banana and a pink cow"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow airplane and an orange orange"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a chair"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a toaster"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a tennis racket and a knife"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a blue bear and a white carrot"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a black carrot and a brown orange"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sink"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a blue teddy bear and a green pizza"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a teddy bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a green computer mouse and an orange motorcycle"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a black bear and a purple baseball glove"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of an oven"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a chair and a couch"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a potted plant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a stop sign"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a stop sign"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a purple parking meter and a brown pizza"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a scissors"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an airplane"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a white refrigerator and an orange horse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a baseball glove"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a brown sheep and a black vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bench"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a fork and a hair drier"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a truck"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of an orange parking meter and a white vase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cake"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue motorcycle and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a surfboard"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a toaster"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a baseball glove"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a baseball glove"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cake"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a cow"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bird"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a yellow dining table and a green sandwich"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bottle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a giraffe"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bicycle and a motorcycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a scissors"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above an airplane"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bench and a red potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cow"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a red cow"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cat"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow knife and a pink truck"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a pizza"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a couch and a train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a pizza"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a black sink and an orange bottle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bus"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a backpack"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a tv remote"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a vase and an airplane"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a chair"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a snowboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a parking meter"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a chair"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a white donut and a black snowboard"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a person"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cow"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a zebra"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a scissors"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a person"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a green giraffe and a blue hair drier"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a kite"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a giraffe"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a handbag"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bicycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a backpack"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bottle and a truck"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a white orange"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a couch"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a red knife and a green banana"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a purple hot dog and a red carrot"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a knife"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a backpack"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a handbag"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a train"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a computer mouse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a refrigerator"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a teddy bear and a motorcycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow boat and a purple motorcycle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a suitcase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a laptop"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a tv remote"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a teddy bear"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a bicycle and a bird"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a suitcase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a spoon"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cow and a red vase"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple cell phone and a white snowboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a laptop"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bottle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above an oven"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a pink hair drier and a green fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tv"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an airplane"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sink"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a surfboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sheep"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a black kite and a brown zebra"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bicycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a vase"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a couch"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a green tv and a brown truck"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a black surfboard and a pink baseball glove"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a black spoon and a green cow"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a boat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a green pizza and a purple tv"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a fork"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv remote and a pink pizza"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cow"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tie"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cake"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow oven and a blue sink"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a laptop"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a knife"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bench"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a train and a pizza"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bicycle and a suitcase"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a horse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a tv remote"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a chair"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of an orange and a banana"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a green baseball glove and a pink teddy bear"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a purple toaster and a red spoon"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bird"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cow and a purple donut"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue oven and a yellow snowboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a motorcycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a knife"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sink and a pink dining table"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a tie"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a cow"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange hair drier and a yellow teddy bear"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sports ball"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a sheep"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a black sandwich and a pink cat"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a boat"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a pink suitcase and a purple baseball glove"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a sink"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a fork"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a broccoli"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a black hair drier and a white parking meter"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bench and a yellow parking meter"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a couch"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a surfboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an airplane"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bear"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a cat and a banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a tv remote"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a horse and an oven"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a tv remote"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a boat"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a hot dog"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a spoon and a train"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sink"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a surfboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a potted plant"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tv remote"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a black fork"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a dining table"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bottle"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a computer keyboard and a boat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a kite"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bottle and a pink tie"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a kite"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a yellow horse and a green dining table"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a person and a tv remote"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a bus and a train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sink"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bus and a yellow teddy bear"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a blue kite and a brown sink"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a kite"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a surfboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a pink suitcase and a black vase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bench"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a green pizza and a yellow truck"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of an orange train and a pink zebra"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a boat"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a hot dog and a chair"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a suitcase"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a broccoli"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a kite"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a boat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of an orange suitcase and a black snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a stop sign"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tie"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a tv remote"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a backpack"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a green sheep"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a handbag"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a red cow and a green baseball glove"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of an oven and a toaster"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a laptop"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a parking meter"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bicycle"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a stop sign"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a laptop"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a broccoli"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bench"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a black sink and a green suitcase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a hot dog"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a truck"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple stop sign and a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow donut and a blue computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a pink tennis racket and a red scissors"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a laptop and a horse"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a potted plant"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a tie"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow potted plant and a purple banana"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a computer keyboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of an orange snowboard and a green motorcycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a snowboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tie"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a green train and a black sink"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a green scissors and a red computer keyboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a purple snowboard and a brown vase"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fork and a purple chair"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an orange"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cat"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange sports ball and a green carrot"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sports ball"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a computer mouse"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a tie and a surfboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a boat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a black hot dog and an orange handbag"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bus and a carrot"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bird and a pink tv"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bench"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a red giraffe and a white hot dog"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a green bottle and a red bicycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a vase"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a purple boat and a white couch"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a chair and a tennis racket"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a red broccoli"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bus"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a zebra"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a purple suitcase and a brown airplane"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a bottle and a cell phone"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bicycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a pink knife and a black chair"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a motorcycle and a person"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bear"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a pink donut and an orange oven"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a pink dining table and a purple tv"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a tv and a stop sign"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a giraffe"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a toaster"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a refrigerator"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sink"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a purple scissors and a red bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bottle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow motorcycle and a red boat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a tv"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a donut"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a purple horse and a red chair"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bus"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bench"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of an orange zebra and a green dining table"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a vase"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cell phone"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sheep"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange chair and a yellow pizza"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a red zebra and a pink sheep"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a truck"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a scissors"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a suitcase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a spoon"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a green potted plant and a yellow giraffe"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a baseball glove"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a horse"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a purple knife and a green boat"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a red donut and a blue horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an airplane"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a pink teddy bear and a black sheep"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a backpack"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a green baseball glove and a pink broccoli"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a cake and a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a refrigerator"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sandwich"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a black cow and an orange cell phone"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a surfboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a boat"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of an orange"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cell phone"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a tennis racket and a teddy bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a fork"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a blue computer mouse and an orange cell phone"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a white knife and a blue bottle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a green stop sign and a red sports ball"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cat"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a sheep and a bird"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a knife"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a truck and a bottle"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a red kite and a green potted plant"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a purple motorcycle and a black horse"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of an orange vase and a purple handbag"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a sheep"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tv remote"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a suitcase"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a blue orange and an orange boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a spoon"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a red bicycle and a pink motorcycle"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a cow and a chair"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a pink snowboard and an orange oven"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cat"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a white truck"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a laptop"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a vase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a banana"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a scissors"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a surfboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a dining table"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a stop sign"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange kite and a yellow refrigerator"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a scissors"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tennis racket"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a person"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hair drier"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tennis racket"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bench"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a computer keyboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a scissors"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a white oven and a red fork"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a teddy bear"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a brown bus and a red chair"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a purple potted plant and a black horse"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a purple hot dog and a blue pizza"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a hot dog"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bottle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a motorcycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a motorcycle"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tennis racket"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bench and a truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bottle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of an airplane"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a horse and a kite"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a dining table"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a pizza"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a sheep and a boat"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a green kite"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a green computer keyboard and a pink laptop"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a yellow chair and a red cell phone"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cow"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a giraffe"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a red toaster and a purple dining table"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sink"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a blue computer mouse and an orange oven"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a red scissors"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a green cat and a blue handbag"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a refrigerator"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a pizza"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a white teddy bear and a green parking meter"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a green oven and a brown dining table"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a horse"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a chair and a sports ball"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a blue motorcycle and a green computer mouse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a cake"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a black airplane and a yellow parking meter"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a couch"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a potted plant"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sink and a purple donut"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a person"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a horse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a truck"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a yellow hair drier and a red scissors"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a train"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a suitcase"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sandwich"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a scissors"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a black bicycle and a white truck"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a green knife and a white cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a zebra"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a yellow boat and a black giraffe"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a baseball glove and a boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bear"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a white kite and a brown banana"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a handbag"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a giraffe"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a blue spoon and a white bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a tv remote"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bus"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a blue giraffe and a red baseball glove"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sports ball"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a green teddy bear and an orange tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a red fork and a yellow boat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a kite"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a horse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a motorcycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a carrot and a laptop"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an oven"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of an orange airplane and a black banana"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a refrigerator"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a cow"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a hair drier and a couch"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a pink oven and a blue banana"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a blue toaster and a purple couch"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a white bear and a brown oven"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cow"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a black train and a red giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cow"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bench and a brown laptop"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an oven"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a brown scissors and a red tennis racket"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a black oven and a pink tennis racket"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bench"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a donut"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a carrot"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a dining table"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a pizza"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a computer mouse"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a giraffe and a fork"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tennis racket and a yellow broccoli"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a parking meter and a spoon"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a motorcycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a baseball glove"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a zebra"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a cell phone"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a red dining table and a yellow donut"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a parking meter"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a red tv and a white chair"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a sink"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a donut"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a black sandwich and a brown truck"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a purple donut and a pink sports ball"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an airplane"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cat"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a backpack and a fork"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange vase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bench"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue computer keyboard and a black surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a giraffe"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a knife"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a parking meter"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cow and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an airplane"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a red snowboard"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a potted plant"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a bottle and a fork"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a backpack and a giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a banana"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a blue giraffe and a white sandwich"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a cat and a fork"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a sandwich"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a backpack"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a boat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a sheep"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a banana"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a sandwich"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bird"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bicycle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a truck"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a handbag"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a parking meter"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a carrot"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tv"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an airplane"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tv"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a person"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sports ball"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a couch"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a computer keyboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a parking meter"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a purple teddy bear and a white bus"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a hot dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a spoon"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a banana and a parking meter"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a carrot"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a suitcase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a hair drier"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a fork"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a potted plant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a handbag"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a potted plant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sandwich"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a hair drier"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a chair"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a potted plant and a broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow suitcase and a white boat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a pink scissors and a blue chair"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown laptop and a yellow cow"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a red bottle and an orange oven"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a pink stop sign"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a boat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a horse and a tie"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a brown backpack and a white couch"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a motorcycle"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange horse"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a black parking meter and a yellow spoon"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a sink and a giraffe"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a person"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a cake and a parking meter"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a kite"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a surfboard and a bench"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bench"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a person"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a banana"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a pizza"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a carrot and a cow"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a banana"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a person"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a carrot"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a boat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a cat"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a cell phone"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a black cat and a blue hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a carrot"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a kite"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bird and a chair"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a stop sign"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a backpack"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bench"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a green bear and a pink horse"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a surfboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bench"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a vase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a dining table"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a blue broccoli and a black knife"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bench"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a donut"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a horse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a carrot"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a white banana and an orange oven"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cow"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a donut"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a broccoli"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a red cat and a purple scissors"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bench"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cow"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a black cell phone and a green couch"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a horse"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a red airplane and an orange potted plant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a knife"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a blue scissors and a red truck"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a green horse and a white train"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a banana"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a black knife and a brown suitcase"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tennis racket"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a black computer mouse and a yellow carrot"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a green refrigerator and a pink laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bicycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a boat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cell phone"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a sink and a chair"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a kite"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a black dining table and a green airplane"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tv"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of an orange sports ball and a green toaster"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a suitcase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a vase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a computer keyboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a vase"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a tennis racket"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an oven"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a fork"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a motorcycle"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a hot dog and a person"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a black stop sign and a red airplane"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a blue horse and a pink sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a handbag"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a purple chair and a blue hair drier"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a hot dog"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a motorcycle and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a red cake and a blue baseball glove"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cow"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a yellow laptop and a white truck"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a potted plant and a train"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a train"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a couch"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a suitcase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a tie"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a potted plant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a handbag"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a purple horse and a pink hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a sports ball"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sheep and a yellow zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a motorcycle"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an airplane"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of an orange airplane and a black bottle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a hair drier"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a pink knife and a green teddy bear"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a black kite and a yellow bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a red tv remote and a green carrot"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tie"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a chair"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cake"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a pink refrigerator and a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a black hot dog and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a truck and a cow"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a kite"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a snowboard"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a red tie and a pink giraffe"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a suitcase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a computer mouse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a handbag"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a teddy bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sink"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a purple knife and a green giraffe"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toaster and a pink parking meter"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an orange"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a computer mouse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bus"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a refrigerator"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a bird and a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a giraffe"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a truck"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a purple scissors and an orange laptop"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a dining table"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a purple banana and a green tennis racket"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bicycle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a brown toaster and a black boat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a suitcase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cat"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below an airplane"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of an oven and a hot dog"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown giraffe and an orange computer mouse"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a carrot"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow stop sign and an orange cell phone"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a brown boat and a black truck"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a dining table"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a broccoli"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sandwich"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a backpack"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a pink zebra and a green cake"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a hair drier"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a red banana and a pink giraffe"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a carrot"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a white carrot and an orange bottle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a computer keyboard"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a red bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a truck"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a broccoli"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a stop sign and a zebra"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tie"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a toaster"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a blue backpack"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a donut"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a scissors and a broccoli"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a parking meter"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tie"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a yellow giraffe and a red cat"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bicycle"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a pink refrigerator and a green fork"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a donut"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an oven"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bus"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a sink"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a giraffe"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a person"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sports ball"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a truck"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a kite"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a computer keyboard and a toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a computer mouse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a blue tv remote and a black tie"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a refrigerator and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of an orange sink and a white dining table"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a knife"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow orange and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a backpack"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a red truck and a purple cow"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a handbag"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a black hair drier and a brown cell phone"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of an orange and a bench"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a green oven and a purple chair"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a scissors"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a snowboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a black handbag and a yellow baseball glove"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sink and a pink chair"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a white computer mouse and a brown broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a carrot"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a red sports ball and a green computer mouse"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer keyboard and a pink bottle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a sink"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a purple knife and a red dining table"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of an orange truck"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a teddy bear"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a pink spoon"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a zebra"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bottle and a bus"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a truck"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bench"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hair drier"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a tie"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a yellow zebra and a white teddy bear"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a blue backpack"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a spoon"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a toaster"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of an orange carrot and a purple bus"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bird"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a potted plant"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bench"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tie and an orange teddy bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a couch"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a white refrigerator and a black laptop"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a parking meter"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a couch"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below an oven"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a spoon"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bird and a pink sports ball"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a chair"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a cow"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv remote and a pink refrigerator"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a purple bus and a white baseball glove"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a hot dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a parking meter"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a white knife and an orange laptop"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a computer keyboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a baseball glove"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a brown snowboard and a black tv"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a snowboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a pink hair drier and an orange chair"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a banana"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a spoon"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a red tie"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a carrot"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a blue scissors and a black tennis racket"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sports ball"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a boat and a pizza"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a white potted plant and a red tie"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a vase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a laptop"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a knife"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a blue surfboard and an orange tv"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a suitcase"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a zebra"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a green suitcase"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sink"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bus"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a black cell phone"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a green tv remote and a white bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a toaster"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a knife"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a white bicycle and a blue zebra"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a handbag and a fork"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a tv remote"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a computer mouse"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a motorcycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a hair drier"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball glove and a blue scissors"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sheep"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a blue handbag and a green toaster"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a couch"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a green baseball glove and a white fork"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange parking meter and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a kite"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a baseball glove"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a teddy bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a person"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a parking meter"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of an orange bus and a red motorcycle"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a vase and a bench"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a broccoli"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a hot dog"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tennis racket and a brown hot dog"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a spoon"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a white tv"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a white potted plant and a red carrot"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a blue sports ball and a red airplane"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sports ball"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a green giraffe and a pink potted plant"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a brown fork and a green bicycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a black bus and a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer mouse and a brown refrigerator"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a purple broccoli and a blue surfboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a backpack"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a white kite and a green train"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a computer keyboard"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a dining table"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red orange and a black cell phone"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a couch"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a vase and a cat"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of an airplane and a chair"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink broccoli and a yellow toaster"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a tv"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a kite"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a red suitcase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a black sports ball and a brown bench"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a black airplane and a blue broccoli"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a brown handbag and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a cow"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a green hair drier and a black computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a potted plant"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a white bottle and a brown refrigerator"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a red stop sign and an orange vase"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a red oven and a black kite"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a red airplane and a purple fork"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a refrigerator"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a motorcycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a horse"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a cow"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tv remote and a pink cake"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tie"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bear"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a sandwich and an orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a toaster"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bench and an orange sports ball"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cat and a blue parking meter"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a brown computer mouse and a green bus"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a purple oven and a red banana"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a white zebra and a green cake"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a tennis racket"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a train"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a scissors"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a green suitcase and a yellow sheep"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cake"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a refrigerator"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tie"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a red fork and a white laptop"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a toaster"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a computer keyboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a refrigerator"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a knife"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below an oven"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a motorcycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a sink"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a person and a tie"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a knife"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a scissors and a baseball glove"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a white chair"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cat and a horse"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a pizza"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bus"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a spoon"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a blue fork and a red bus"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow baseball glove and a purple spoon"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a couch"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a horse"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a refrigerator and a parking meter"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a sink and a sandwich"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a green baseball glove and a brown chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a person"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a teddy bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow stop sign and an orange surfboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sports ball"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cow"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an airplane"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a white scissors and a brown tv"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red bottle and a brown snowboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a motorcycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of an orange broccoli and a white stop sign"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bottle"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bear"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink potted plant and a green bicycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a tv"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of an orange baseball glove and a brown giraffe"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a broccoli and a bench"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a teddy bear"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a person"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a sports ball"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a zebra and a cow"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a backpack"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow fork"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a white horse and a blue bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green truck"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow horse and a blue suitcase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sink and a yellow scissors"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a computer keyboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a surfboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a teddy bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a dining table"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a brown vase and a red zebra"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a chair"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a computer keyboard"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a blue tv and a red tv remote"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow stop sign and an orange chair"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a vase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a cow"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a pizza"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a person"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a red potted plant and a brown boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a chair"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a potted plant"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a green bird and a purple tv remote"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a broccoli"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bird"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a stop sign"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a potted plant"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of an orange computer keyboard and a green sink"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a person"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a suitcase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a tv remote"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a carrot"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a boat"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a computer keyboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a boat"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a red bear and a pink couch"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a purple hot dog and a red bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a cake"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a snowboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a purple sheep and a white carrot"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of an orange potted plant and a brown bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bird"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a red suitcase and a brown sandwich"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a white vase and a pink spoon"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a hot dog"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a surfboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a handbag"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bench"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a red orange and a purple motorcycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a parking meter"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bench"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bus"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a cake"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a parking meter"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a brown refrigerator and a white motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cell phone"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green bottle and a brown teddy bear"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a boat"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a green cell phone"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a tennis racket"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a handbag"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv remote"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a blue refrigerator and a pink train"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow airplane and an orange banana"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a backpack"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bear and a brown kite"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a green knife and a white train"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tie"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a computer mouse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a scissors"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a purple donut"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a spoon"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a couch"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an oven"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a red hot dog and a brown banana"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a purple laptop and a green tv remote"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a red hair drier and a green sheep"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bench"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a person"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a red suitcase"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of an orange vase and a pink oven"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a carrot"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a tv remote and a bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a chair"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a black sandwich and a green cat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cake and a yellow scissors"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a black teddy bear and a blue truck"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a tennis racket and a cell phone"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a giraffe"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a fork"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tv"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an orange"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a red bear and a brown tv"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue vase and a white teddy bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cake"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a person and a horse"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bench"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a sink"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bird and an orange cow"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a fork"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cake"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a pizza"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a potted plant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a teddy bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a knife"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a fork"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a suitcase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a tie"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of an orange hair drier and a white cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a dining table"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bear and an orange stop sign"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a hair drier"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a white motorcycle and a green tv remote"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a person"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a black computer mouse and a yellow giraffe"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a brown handbag and an orange couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a handbag"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a yellow train and a red tennis racket"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a scissors and a tie"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a white broccoli and a yellow orange"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a baseball glove"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bus and a motorcycle"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a laptop and a toaster"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a horse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a green horse and a purple tie"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a refrigerator"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a laptop"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a vase"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a red bench"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a white boat and a red bench"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a green tv"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a vase"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a snowboard"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a red vase and a white tennis racket"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a computer mouse"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a pizza"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a white banana"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a refrigerator and a motorcycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a pizza and a computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a train"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a giraffe and a refrigerator"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a chair"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a backpack"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a white parking meter and a purple spoon"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bicycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a cake"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bottle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a parking meter"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a giraffe"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a sink"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of an orange pizza"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cow"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of an orange and a bicycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a potted plant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a potted plant"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a suitcase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a red tv and a brown fork"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a donut"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a sheep"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow motorcycle and a purple couch"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a black knife and a brown parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a toaster"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sports ball"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cow and a brown parking meter"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tv remote"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a parking meter"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a purple spoon"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sink"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sports ball"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an airplane"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a knife"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a fork and a bench"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a giraffe"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bird"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bicycle and a laptop"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a handbag and a backpack"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a laptop"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a giraffe and a cake"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue suitcase and a yellow truck"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a red carrot and a blue train"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of an orange spoon and a white refrigerator"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a broccoli and a tie"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bicycle"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a blue orange and a red teddy bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a toaster"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a pink refrigerator and a blue spoon"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bird and a white spoon"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a kite and an airplane"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of an orange kite and a green refrigerator"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a carrot and a giraffe"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a sink"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a carrot"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a blue pizza and a brown cat"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a giraffe"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a chair and an airplane"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a suitcase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a laptop"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above an airplane"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a donut"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cell phone"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bench"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a kite"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a red chair and a blue sandwich"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a purple dining table and a red laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a couch"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a tv"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sheep and a yellow bench"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a fork"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a pink donut and a white sheep"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black kite and a blue snowboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bus"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of an orange truck and a blue motorcycle"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a cow"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a pink boat and a green donut"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a horse"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a surfboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sandwich and an orange parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a white computer keyboard and a brown handbag"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an oven"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a kite"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tennis racket and a brown sports ball"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a sandwich and a tv"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a broccoli and a giraffe"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a green sandwich and an orange laptop"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a knife"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a tv remote"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a spoon"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tennis racket"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a laptop"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a black banana and a yellow refrigerator"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a black scissors"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a giraffe"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bear"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a pink bear and a black couch"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sink"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a broccoli"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a boat"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a pink sheep and a red dining table"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a donut and a kite"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a vase"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow banana"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a red motorcycle and a purple tennis racket"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a tv"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a bear and a scissors"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a brown knife"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a black sports ball and a green suitcase"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange kite and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a backpack"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a red teddy bear and a white zebra"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a dining table"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cow and a brown truck"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sheep"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a white cow and a black sheep"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a potted plant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bicycle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a stop sign"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a toaster"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a red bus"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of an oven and a laptop"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of an orange"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a white potted plant"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a refrigerator and a surfboard"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sandwich"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a laptop"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a cat and a kite"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a potted plant"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bottle"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a red knife"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a dining table"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a scissors"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bear and a suitcase"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a refrigerator and a couch"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bear and a handbag"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a zebra"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a black donut and a blue bottle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a cake"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a sheep"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow airplane and a red bottle"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a hot dog and a knife"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a pink giraffe"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a pink dining table and a black vase"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bottle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sheep and an orange backpack"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bear"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a tv"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a black sink and a blue couch"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a red vase and a green stop sign"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a computer keyboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cake"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a chair"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a tv remote"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a hair drier"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a motorcycle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a donut"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a train and a potted plant"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bear and a yellow oven"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a horse"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a red suitcase and a green tie"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a teddy bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a tennis racket"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a giraffe"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a red backpack and a pink vase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cake"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a knife"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a suitcase"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a parking meter"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a hair drier"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a laptop"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bench"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a carrot"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a green carrot and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a train"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a spoon"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of an orange and a bird"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a snowboard and a laptop"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a person"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a cake and a banana"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple giraffe"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a blue couch and a red backpack"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a dining table"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a pink oven and a blue baseball glove"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a zebra"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple couch"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a computer mouse"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a red airplane and a pink parking meter"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange scissors and a brown boat"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a red parking meter and an orange kite"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a suitcase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a pizza"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a green sandwich and a brown bird"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a banana"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bicycle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tv and a yellow orange"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown broccoli and a yellow sink"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an oven"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a tie"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a dining table and a cat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bird"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a dining table"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a white train and a blue spoon"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a green kite and a pink hot dog"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a laptop"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a teddy bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a toaster"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a dining table"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a scissors"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cow"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a horse"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a purple backpack and a blue knife"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of an orange chair and a purple teddy bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a scissors"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a knife"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bird"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of an orange chair and a red couch"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a stop sign and a parking meter"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a red computer mouse and a white cell phone"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a knife"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a refrigerator"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a computer mouse"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a couch"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a dining table"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a purple orange and a pink train"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a tennis racket and a horse"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a sheep and a hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a suitcase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cat"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple teddy bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bench"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a dining table and a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a stop sign"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cell phone"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a potted plant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a baseball glove"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a donut"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a blue snowboard and an orange couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow motorcycle and a pink kite"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bicycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a pink snowboard and a green bus"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a cat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a pizza"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below an airplane"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of an orange train and a purple parking meter"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a person"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a giraffe"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a snowboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a potted plant"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a blue train and an orange knife"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a motorcycle and a carrot"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a brown train and a green handbag"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a brown vase and a green bird"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a purple banana and a red carrot"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an airplane"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a scissors"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a kite"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a pink potted plant and a black parking meter"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a chair"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a vase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a hair drier"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a red bicycle and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a teddy bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bus"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a baseball glove and an orange"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bird"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a hot dog"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a pizza"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a white airplane and a pink fork"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a pink airplane and a blue refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a toaster"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a laptop"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a kite"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a suitcase"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a bench and a tie"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a refrigerator"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a bottle and a hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a purple broccoli and a black kite"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a zebra"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a chair"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a surfboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a fork"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a green teddy bear and a brown stop sign"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bus"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a purple snowboard and a red bus"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a stop sign"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tie"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a tennis racket and a laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a donut"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a hair drier"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a spoon and a refrigerator"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a person"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of an oven"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a stop sign and an airplane"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of an orange dining table and a brown backpack"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a donut and a surfboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of an orange sports ball and a black chair"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange motorcycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a boat"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a yellow fork and a red snowboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a fork"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a red hair drier and a pink airplane"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a tv remote"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cake and a zebra"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bottle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a scissors"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a surfboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sandwich"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an oven"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a tv remote and a snowboard"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a brown scissors and a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer keyboard and a black sheep"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a blue train and a purple cat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sandwich"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a yellow stop sign and a green pizza"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toaster"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a green couch and a purple stop sign"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a backpack"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a scissors"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a yellow computer mouse and a green sports ball"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sandwich"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an orange"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a brown vase and a red cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a computer mouse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a hot dog"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a tie and a cell phone"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tennis racket"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a refrigerator"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a dining table"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a blue computer keyboard and an orange hot dog"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a sink"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a red toaster and a pink stop sign"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a parking meter"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a green sink and a purple bus"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a stop sign"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a couch"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a knife"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a donut"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a dining table and a toaster"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a scissors and a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a baseball glove"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a cat"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bird"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a spoon and a stop sign"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a pink knife and a purple spoon"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bicycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a snowboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a tennis racket"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a toaster"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a horse"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a bicycle and a potted plant"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a white computer keyboard and a yellow tv remote"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a kite"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bird"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a truck"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bird"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a red teddy bear and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a person"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a computer mouse and a handbag"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a purple refrigerator and a white laptop"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a pink dining table and an orange train"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a knife and a toaster"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a banana and a refrigerator"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a baseball glove and a bear"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bird and a yellow tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an airplane"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a brown bus and a red pizza"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a couch"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sandwich"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a backpack"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a refrigerator"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an orange"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a surfboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bicycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a brown sandwich and a red boat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a blue tv and a white cell phone"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bird"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a white boat and a green bicycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tie"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a banana"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a motorcycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow refrigerator and a pink donut"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a giraffe and a spoon"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a green tennis racket and a blue hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a vase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a sink"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a sports ball and a chair"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a laptop"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a surfboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a train"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a tie"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a brown cell phone and a white tv remote"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a white bicycle and a purple cell phone"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bus"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green giraffe"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange suitcase"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a red stop sign and a blue backpack"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a tv and a spoon"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a bicycle and a baseball glove"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tennis racket"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cake"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a cat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a suitcase and a broccoli"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of an oven"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a vase and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green cell phone"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a refrigerator"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sports ball"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a fork"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a bicycle and a cake"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a black vase and a white bottle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a train"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a green broccoli and a yellow zebra"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tennis racket"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cell phone and a brown sports ball"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink donut and a yellow bench"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a zebra"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a red tennis racket and a blue vase"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a sink"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a hot dog"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a computer keyboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a kite"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a black kite and an orange bear"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a red snowboard and a white donut"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a motorcycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a banana"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a pizza"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a black broccoli and a red surfboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a suitcase"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a purple computer mouse and an orange surfboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a chair"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a couch and a dining table"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a tv"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a baseball glove"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a person"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a white cow and a brown bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a toaster"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a toaster"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a stop sign"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a laptop"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a blue couch and a brown cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bus"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a couch"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a toaster"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a pizza"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sheep"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bottle"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a carrot"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a computer mouse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a vase"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink baseball glove and a yellow horse"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of an orange kite and a black sink"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a brown refrigerator and a blue cell phone"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of an orange hair drier and a green vase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a hot dog"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sandwich"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a giraffe"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a sheep"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a black horse and a green bus"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a banana"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bicycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a backpack"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a toaster"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bird"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a person"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a tv remote and a stop sign"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a teddy bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sink"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a couch"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sports ball and a pink bottle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue kite and a white bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an airplane"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bird"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a fork and a donut"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bird"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a blue computer mouse and a red giraffe"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a sheep"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange hair drier and a yellow tennis racket"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a boat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a black bench and a pink teddy bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a potted plant"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a baseball glove"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an oven"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a chair"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a snowboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a backpack"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a dining table"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a kite and a donut"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a pink truck and an orange stop sign"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a surfboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a donut"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a pink oven and a white boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a kite"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow snowboard and a blue laptop"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bus"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a pink pizza and a black snowboard"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a green snowboard and a pink motorcycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bird"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a yellow motorcycle and a red chair"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tv remote"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a scissors and an airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a purple horse and a blue pizza"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a green backpack and a blue tv remote"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a tennis racket"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of an airplane and a stop sign"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a train"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a truck"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bus"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a purple train"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow carrot and a purple kite"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a refrigerator"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink snowboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of an orange pizza and a black fork"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a toaster"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of an orange"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a brown handbag and a black bottle"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a pink cake and a black tv"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange train and a yellow pizza"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a vase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a spoon"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink pizza and a yellow broccoli"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a couch"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a computer mouse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow laptop and a blue sheep"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of an orange horse and a blue scissors"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a carrot"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a pink giraffe and a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow truck and an orange knife"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a fork"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a tv and a toaster"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of an orange oven and a black snowboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a green backpack and a blue hot dog"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a teddy bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a parking meter"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a dining table"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a hot dog"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cow"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sheep"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of an orange snowboard and a red vase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a surfboard"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a bear and a bus"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a black kite and a brown horse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a carrot"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a broccoli"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a pizza and a train"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a hot dog and a boat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a person"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a red scissors and an orange pizza"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a purple couch and a pink truck"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a cake and a sports ball"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bus"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a train"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tv"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a computer mouse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cat"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a laptop"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a train"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a backpack"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sheep"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a bus and a couch"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cow and a brown sandwich"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a green computer keyboard and a blue computer mouse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a couch"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a blue knife and a green truck"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a horse"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a couch and a suitcase"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of an orange knife and a red sink"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a black bus and a brown refrigerator"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bottle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a fork"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a cow"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a dining table"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cow"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bird"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a purple cow and a white bicycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a donut"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a sports ball and a bus"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer mouse and a blue cat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a black bench and a brown cake"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a tv remote"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a surfboard"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a couch"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tennis racket"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a red snowboard and a black train"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow zebra and a brown vase"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a black cat and a purple suitcase"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a train"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cell phone"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a black sandwich"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a hair drier and a bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a scissors"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a chair"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a green couch and a white knife"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a vase"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a purple tv and a blue hot dog"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a boat"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a horse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a kite"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a baseball glove"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a knife"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a cell phone"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a green kite and a brown cake"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a boat"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a snowboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a truck"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a yellow computer mouse and a green broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cake"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a tie and a tv"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a green airplane and a white broccoli"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a truck and a sports ball"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a pink bus and a red zebra"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a couch"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a purple teddy bear and a black zebra"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a red baseball glove and a black fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tv"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a cell phone"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of an orange"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a baseball glove"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a refrigerator"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a stop sign and a computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a green sports ball and a purple bottle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bicycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a couch"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a chair"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a snowboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a carrot"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a broccoli"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a bus and a cake"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a white orange and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a stop sign"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a couch and a fork"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bottle"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a laptop and a bottle"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a cell phone and a tie"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below an orange"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a donut and a sheep"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a computer mouse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a scissors"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a dining table"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a green knife and a red hair drier"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a pizza"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an airplane"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a yellow potted plant and a black bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a baseball glove"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cake"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tv remote"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a tv"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a pink pizza and a red laptop"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sink"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a purple truck and a blue pizza"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sandwich"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a toaster and a suitcase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sandwich and a blue tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a horse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a black horse and a blue cat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a suitcase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a knife"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a sink"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a purple cat and a white cow"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a vase"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a red bench and an orange broccoli"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a black backpack and a red suitcase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a carrot"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cow"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a vase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a toaster"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a zebra"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a refrigerator and a bottle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of an orange giraffe and a blue sheep"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a spoon"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a spoon"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a laptop"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a dining table"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball glove"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a purple stop sign and a brown bird"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a knife"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a kite"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a truck"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a black vase and a brown couch"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a blue potted plant and a white surfboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a sandwich"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a broccoli"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a brown dining table and a green carrot"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a pizza"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of an orange and a bottle"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a black baseball glove and an orange toaster"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a refrigerator and a spoon"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a green donut and a white surfboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a toaster"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow horse and an orange orange"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a train"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a sink and a cake"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a dining table"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow truck and an orange carrot"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an oven"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a black airplane and a green baseball glove"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a horse"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a handbag"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a truck"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a vase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a hot dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a green sports ball and a purple fork"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a black train and a blue tennis racket"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of an orange chair and a black orange"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a scissors"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a baseball glove and a toaster"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow backpack and a blue sheep"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a bottle and a cake"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a handbag and a spoon"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a suitcase"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a person"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bird"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a handbag"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a train and a teddy bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a surfboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a black bottle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a banana"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a baseball glove"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a person"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a truck"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a brown cat and a blue refrigerator"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a zebra"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a pink scissors and a red toaster"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a parking meter"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bench"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a cake"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a stop sign"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a toaster and a carrot"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a black laptop and a purple donut"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a computer mouse"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a teddy bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a parking meter"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a hot dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sports ball"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a horse"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of an orange scissors"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a backpack"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a potted plant and a stop sign"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a white banana and a black laptop"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a horse"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a stop sign"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a sports ball"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a baseball glove and a kite"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a cow"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hot dog"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tv"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a refrigerator"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a green carrot and a brown handbag"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a blue fork and a red chair"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an airplane"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a donut"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a pink donut and a red dining table"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a baseball glove and a tv remote"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a couch"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sports ball"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tv"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a green handbag and a white spoon"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a tie"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a broccoli and a couch"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bench and a brown potted plant"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange kite and a purple computer keyboard"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a black parking meter and a green airplane"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an oven"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a train"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a boat and a handbag"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a potted plant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a kite and an oven"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a truck"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a zebra"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below an airplane"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a giraffe"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bench"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a black parking meter and a white sports ball"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a white stop sign"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a white bird and a brown hot dog"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a brown boat and an orange donut"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a train"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange giraffe and a yellow carrot"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a purple laptop and a red tie"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow hot dog and a pink snowboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a tennis racket"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a laptop"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a handbag"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cow"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a white scissors and a green chair"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a potted plant"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of an orange knife and a blue tv remote"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a tennis racket"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sheep"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a vase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball glove"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a parking meter"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a chair"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a suitcase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a tv remote"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a stop sign and a tennis racket"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a zebra"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a backpack"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a train"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a parking meter"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a parking meter"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a banana"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a train"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cell phone and an orange train"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a potted plant"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a kite and a suitcase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a tv"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange cow and a red computer keyboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of an orange and a person"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a brown train and a pink spoon"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a white potted plant and a yellow sink"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bottle"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a brown cow and a green laptop"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of an airplane and a parking meter"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a truck"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bus and a yellow zebra"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sports ball"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cat and a yellow tv"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a red backpack"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a truck"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a banana"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a white toaster and a yellow truck"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a fork and an airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an airplane"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a fork"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a sheep"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a potted plant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a knife"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a purple toaster and a white cake"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a fork"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a computer mouse and a chair"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a horse"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sandwich"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a stop sign and a sink"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a person"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a tie"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a laptop and a giraffe"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a dining table"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a white tv remote and a pink stop sign"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a boat"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a cat and a hair drier"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a backpack"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cake"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bottle"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a tennis racket and a spoon"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a green truck and a blue bird"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a computer mouse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a train"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an oven"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a truck"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of an orange hair drier and a red bird"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a baseball glove and a cow"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a vase"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a donut"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink potted plant and a yellow bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a chair"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a bottle and a stop sign"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a pizza"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a refrigerator"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a green baseball glove and a pink toaster"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a sports ball and a sink"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bicycle and an orange bird"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a suitcase"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a zebra"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a chair"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a bicycle and a spoon"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bicycle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a black tv remote and a white tie"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a train"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a baseball glove"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cow"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a white couch and a purple sheep"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a pink horse and an orange potted plant"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a suitcase"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown potted plant and a yellow refrigerator"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tie"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a tv remote"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a purple bench and a red sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sheep"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a vase"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a donut"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a truck and a stop sign"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of an orange stop sign and a black refrigerator"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a pink sports ball and a black cat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a knife"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a purple carrot and a green pizza"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bottle"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bottle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a white bus and a purple cake"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bus"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a toaster and a truck"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bicycle"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bird"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a handbag"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a cow"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a teddy bear and a scissors"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a couch"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a computer keyboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a parking meter"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a person"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a couch"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sports ball"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a toaster"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green suitcase and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a green bus and a brown banana"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a banana"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bus"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a snowboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tv and an orange vase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a toaster"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a kite"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bicycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a fork"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sports ball"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a computer mouse"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a tv remote"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a tv and a hair drier"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a red handbag and a brown orange"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a train and a hot dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a dining table"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a green teddy bear and an orange sink"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a laptop"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a potted plant"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a knife and a surfboard"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black potted plant and a yellow snowboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a yellow truck and a red suitcase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a suitcase"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a scissors and a person"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a snowboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a red couch and a black banana"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a white truck"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a yellow banana and a white teddy bear"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of an orange carrot and a purple sink"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toaster and a pink bottle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a giraffe"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a sandwich"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a refrigerator and a cat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a chair"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a computer mouse and an orange"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a tie"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a red snowboard and a brown bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a pink baseball glove and a green cow"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a yellow spoon and a green couch"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a white laptop and an orange parking meter"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bus"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a white train and a blue bird"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a person"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a hair drier"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a motorcycle"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a tv remote"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bicycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bear and a pink potted plant"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a spoon"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sandwich"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a chair"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a backpack"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bicycle and a purple sandwich"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a white toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a computer mouse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a potted plant"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a purple toaster and a red oven"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cake and an orange toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bottle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a pink toaster and an orange chair"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a spoon"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sandwich and a yellow horse"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a blue surfboard and an orange vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a laptop"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a red sandwich"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bird"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a handbag"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a green bus and a blue zebra"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a hair drier"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a yellow suitcase and a red toaster"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an oven"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of an airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a carrot"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a potted plant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a surfboard and a spoon"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a snowboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a surfboard and a tennis racket"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a blue spoon and a pink bird"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a hair drier"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of an orange oven and a purple cake"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bench"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a cake"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a pink parking meter and an orange dining table"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a teddy bear"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a red carrot and a purple sheep"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a truck"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a green truck"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a spoon"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a broccoli and a scissors"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a parking meter and a motorcycle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a brown laptop and an orange knife"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a white hair drier and a yellow horse"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a red boat and a purple bottle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow hot dog and a purple handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of an orange giraffe and a brown vase"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sheep and a yellow parking meter"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a laptop"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a baseball glove"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a couch"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a potted plant"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bird"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sandwich"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a giraffe"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tv and a pink chair"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a motorcycle"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a toaster and a cake"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a computer mouse"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a hair drier"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a blue computer mouse and a pink bottle"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a dining table"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a fork"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a pink couch and an orange banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a laptop"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a potted plant"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a cell phone and a spoon"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bench"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a scissors and a snowboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a green baseball glove and a blue hot dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bus"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a white broccoli and a purple parking meter"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a brown zebra and a purple banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cow"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a red bear and an orange orange"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cell phone"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sports ball"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a potted plant"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of an oven"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a purple cell phone and a white teddy bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a backpack"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a pink laptop and a black fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a chair"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a brown pizza and a purple sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a suitcase"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sink"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of an oven"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a cow"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cow and a black parking meter"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a laptop and a cat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a train"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a vase"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a horse and a banana"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sports ball"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a refrigerator"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a baseball glove"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a hair drier"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sheep"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bird"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a couch"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bottle"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sink"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a potted plant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a cake"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of an orange banana and a black tennis racket"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a laptop and a tv"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a black broccoli and a white teddy bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a red tennis racket and a pink cake"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a red hot dog and a white computer mouse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cat"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bicycle and a purple spoon"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a brown surfboard and a pink banana"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a chair"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a boat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a backpack"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a kite"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a black couch and a brown handbag"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a sheep"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a pizza"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a purple parking meter and a blue refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bird"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a purple knife"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a green couch and a purple hot dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a dining table"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a vase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a banana"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bicycle and a brown horse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bus"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tv"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a refrigerator"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of an orange"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a brown handbag and a blue donut"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a toaster"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a green boat and a red oven"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a person"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a red giraffe and an orange spoon"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange laptop and a yellow spoon"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a tennis racket"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bicycle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink chair and a yellow train"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a black motorcycle and a blue baseball glove"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a brown sandwich and a black pizza"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a hot dog"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a scissors and a bicycle"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a refrigerator and a bear"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bird and a brown handbag"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of an orange laptop and a brown motorcycle"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a green carrot and an orange potted plant"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of an orange parking meter"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hair drier"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a giraffe"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a blue chair and a pink train"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a black bus and a purple tennis racket"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a couch"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bottle"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a purple scissors and an orange couch"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tennis racket and a yellow motorcycle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a red toaster and a pink sheep"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a carrot and a cake"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a handbag"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a computer mouse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a truck"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a scissors"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of an orange hair drier and a green computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a person"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a red hair drier and a brown suitcase"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a stop sign"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bench"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a handbag"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a suitcase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bottle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a red computer keyboard and a green airplane"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a truck"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a couch"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a tv"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a teddy bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cell phone"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sink"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of an orange and a cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bench and an orange motorcycle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a chair"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a green banana and a blue couch"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cake and a yellow potted plant"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a suitcase"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a sheep"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a horse and a vase"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a blue baseball glove and a white dining table"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an orange"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a spoon"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a spoon and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a black tv and a blue hot dog"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sports ball"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of an orange"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue chair and a yellow laptop"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a brown sink and a white horse"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a parking meter and a teddy bear"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a black banana and a green backpack"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a computer keyboard and a laptop"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a green hot dog and a red oven"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a laptop"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a brown bus and a green banana"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a white sheep and a blue kite"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of an orange oven and a white snowboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a kite"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a pink bottle and a red train"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a cow"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a computer keyboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a train"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a couch"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of an orange parking meter and a blue couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a teddy bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a snowboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a broccoli"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a boat"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a kite and a baseball glove"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a knife"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a blue fork and a pink stop sign"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bench"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a train"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a white knife and a yellow vase"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a blue orange and a black carrot"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a blue horse and a red train"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a black airplane and a pink sports ball"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an oven"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a parking meter"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple couch and a yellow orange"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a white boat and a yellow sink"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bird"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bench"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a black hair drier and a purple scissors"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a scissors"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a sandwich"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a cat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a hair drier"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cell phone and a blue vase"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a purple backpack and a pink tv"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a white cat and a brown toaster"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a blue giraffe and a black tie"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a suitcase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sheep"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a baseball glove"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a baseball glove"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a horse"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a sports ball and a pizza"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a pink train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a sports ball"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a purple stop sign and an orange tv"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a black backpack and a green computer mouse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a red vase and a blue kite"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a blue teddy bear and a purple donut"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a pink oven and a black scissors"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a carrot"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a donut"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a backpack"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a person"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a banana"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a white sheep and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a vase"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a brown sheep and a green sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cow"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a backpack"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a refrigerator"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of an orange laptop"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a pink bus and a green banana"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of an orange parking meter and a purple potted plant"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an orange"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a green baseball glove and a purple refrigerator"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a sheep"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sink"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a tie"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of an orange sheep and a red motorcycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tennis racket"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a chair"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a chair"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a hot dog"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bear"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a pizza"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a baseball glove"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a blue oven and a purple knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a spoon"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a green sports ball and a white zebra"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tv remote"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bicycle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a parking meter"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a potted plant and a couch"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a donut"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow knife and a brown backpack"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a toaster"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a yellow parking meter and a white cake"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a train"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a yellow horse and a white refrigerator"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a computer mouse"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an orange"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a parking meter"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a broccoli"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a surfboard and a tv remote"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a fork"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a white pizza"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sink"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a boat"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a pink snowboard and a purple bicycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bird"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a scissors"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a tv remote"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a fork"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white carrot and a pink snowboard"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bicycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tie"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a red truck and a blue tie"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sheep"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bicycle and an orange cake"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a tv"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a boat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a vase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a parking meter"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a blue orange"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of an oven and a knife"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a white giraffe and a black sheep"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a sheep"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a motorcycle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a horse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a sports ball"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a truck and a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a green bus and a pink stop sign"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a tennis racket"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a carrot and a dining table"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow hot dog and a purple dining table"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a cell phone and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of an orange surfboard and a blue hair drier"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an airplane"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a green bottle and a purple horse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bus"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a blue zebra and a red donut"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bottle and a yellow suitcase"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of an orange vase and a white cell phone"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a purple giraffe and a blue backpack"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a surfboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a dining table"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a handbag"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a potted plant"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a cake and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a purple laptop and a white cake"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a kite"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cat"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange donut and a yellow bicycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a sandwich"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a vase"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a purple train and a green airplane"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cake and a purple carrot"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a brown surfboard and an orange couch"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tv remote and a red bench"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cow and a purple cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a vase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bench"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow sandwich and a red bicycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a black bottle and a pink bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a potted plant"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sink"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a snowboard"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a train and a giraffe"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a blue stop sign and a green toaster"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a person and a train"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an airplane"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a spoon"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a cow"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cat"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a truck"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a surfboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bench"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a sink"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a truck"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cow"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tv remote"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a hair drier"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bird and a blue cake"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a white truck and a pink giraffe"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tennis racket and an orange backpack"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a white sheep and an orange surfboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of an orange bottle and a white spoon"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cow"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a laptop"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a truck"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a computer mouse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a refrigerator"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below an airplane"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a couch"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a laptop"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a kite"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a dining table"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a computer keyboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sink"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bicycle and a brown fork"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a snowboard"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a black vase and a yellow bicycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a suitcase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a baseball glove"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of an oven"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of an orange airplane and a blue bear"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a sheep and a truck"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a kite and a carrot"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bear and a giraffe"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a brown refrigerator and a red cell phone"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a cake"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a tv remote"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a fork"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a tv"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a blue airplane and a brown couch"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a snowboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a stop sign"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a donut"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a vase"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a carrot"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a green truck"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow chair and a purple hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer mouse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a toaster"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a knife and a computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a chair"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sink and a pink pizza"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a donut"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a truck"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a horse"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a brown potted plant and a red bench"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a refrigerator"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a broccoli and a cat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bear"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a green computer keyboard and a black fork"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of an orange donut and a white sports ball"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a black oven and a pink knife"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of an orange scissors"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a dining table"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bench"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a motorcycle and a cat"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a blue airplane and a red sandwich"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a red hot dog and a yellow bus"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a white sink and a black bottle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a pink bicycle and a black cake"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a red bench and a white sports ball"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a horse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a pizza and a computer mouse"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a cow"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink potted plant and a yellow surfboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a refrigerator"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bottle and a motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a backpack"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a white motorcycle and an orange broccoli"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a banana"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a baseball glove"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a yellow pizza and a white bird"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a hot dog"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a vase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bus"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a pizza"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a giraffe"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a computer mouse and a stop sign"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a purple suitcase and an orange cat"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bird"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sandwich"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a tv"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a blue pizza and a pink kite"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a carrot"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a black donut"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a blue carrot"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bear"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a knife"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a banana"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a person"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a purple hair drier and a red donut"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a black sink and a red toaster"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a white bottle and a purple oven"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a sandwich"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a purple tv remote and a white toaster"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a brown surfboard and a white couch"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a hot dog and a bottle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a parking meter"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a stop sign"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a sheep"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a cake and a scissors"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a purple teddy bear and an orange sandwich"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a white computer keyboard and a blue dining table"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white donut and a black cake"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a hot dog"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a laptop"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a red couch and a pink cow"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a brown spoon and a pink dining table"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cow and a brown fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a potted plant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a spoon"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cow and a brown horse"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a fork"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a purple snowboard and a black orange"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a black backpack and a red fork"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a suitcase"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tv remote"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a fork and a bus"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a blue sink and a black tv"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a suitcase and a carrot"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of an orange carrot and a green cat"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a cat and a giraffe"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a white train and a blue broccoli"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a brown horse and a pink banana"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a horse"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a cell phone and a bench"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a carrot"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a purple banana and a pink refrigerator"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a sports ball"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cow and a yellow motorcycle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow truck"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange broccoli and a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tv and a brown vase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an oven"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a carrot and a sports ball"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a hot dog"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a fork"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black refrigerator and a blue surfboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a brown pizza and a purple sports ball"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a scissors"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tennis racket"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of an orange"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a parking meter"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an orange"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a red zebra and a green dining table"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an airplane"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bus"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a purple parking meter and a pink toaster"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bird"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a brown computer mouse and a white hot dog"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a scissors"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a broccoli"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a white hot dog and a pink stop sign"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a dining table"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a white sports ball and a purple broccoli"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a giraffe"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a motorcycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a sink"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a potted plant and a bottle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a person"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a hot dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a purple spoon"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bird"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a snowboard and a baseball glove"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a handbag"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a hair drier"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a broccoli"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a tv and a sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bird"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a white sink and a black tv"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a sheep"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a kite and a sheep"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a white knife and a red fork"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a white bird and a red broccoli"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sandwich and a yellow laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a zebra"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a potted plant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a pizza"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a scissors"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a computer mouse"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a hot dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a suitcase"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a sports ball"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a white cat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a hair drier"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a donut"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a giraffe"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a parking meter and a sink"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a sink and an oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a handbag"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a brown toaster and an orange oven"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a kite"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a green backpack and an orange cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a refrigerator"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a spoon"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a computer mouse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a fork"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a red spoon and a white airplane"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cow"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a handbag and a broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a tv"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a green motorcycle and a pink backpack"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bench"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a brown tv remote and a black sink"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of an orange oven and a red sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a brown pizza and a red surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a zebra"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an airplane"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a snowboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow motorcycle and a blue tv"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sheep and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a knife"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a refrigerator"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bear"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow spoon and a purple pizza"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a backpack"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a backpack"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a sink and a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a computer keyboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a chair"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a laptop"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a black laptop and a green bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bench"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a potted plant"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a brown banana and a green bird"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a vase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a couch"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a purple knife"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a red cake and a blue airplane"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a kite"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a truck"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a white toaster"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of an orange broccoli and a white laptop"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a boat"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a handbag and a chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a knife"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a sheep"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a pink giraffe and an orange cat"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a laptop"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow teddy bear and a purple orange"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a green bear and a pink banana"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bicycle and an orange refrigerator"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white zebra and a blue sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an oven"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a couch"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a purple broccoli and an orange dining table"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a train"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a kite"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a knife"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a suitcase and a donut"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a pizza"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a hot dog"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a pink pizza and a blue sheep"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a laptop"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple snowboard and a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a brown backpack and a blue orange"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bench"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a giraffe"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of an oven and a refrigerator"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a couch and a donut"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tv"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a toaster"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a black cow and a red snowboard"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a cake and a sink"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of an orange orange"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a couch"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown baseball glove and a yellow boat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a red truck and a brown bird"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a purple train and a red kite"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a black oven and a pink fork"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a giraffe"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a white carrot and an orange bicycle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a carrot"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a green stop sign and an orange donut"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a carrot"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a scissors"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an airplane"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a train and a cow"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a stop sign"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a cow"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a spoon"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a black broccoli and an orange toaster"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a surfboard and an airplane"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sandwich and a brown cell phone"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a white sports ball and a red cell phone"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a green parking meter and a red bench"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cell phone"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown couch"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of an orange baseball glove and a purple oven"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of an orange sandwich and a green spoon"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a blue kite and a brown bird"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a suitcase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a spoon"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bench"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sports ball"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a vase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a spoon"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a blue giraffe and an orange cow"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a pink bus and a green baseball glove"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a chair"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a handbag and a sink"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a hair drier"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a fork and a bear"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a pink chair"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a truck"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a red suitcase"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a brown couch"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a banana"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a sports ball"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a red vase and a purple cell phone"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a purple teddy bear and a pink sports ball"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bench"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a black fork"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tie"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bottle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bench"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a train"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a scissors and a suitcase"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a red baseball glove and a white bird"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a dining table"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sink"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a vase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a suitcase"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a cell phone and a vase"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sports ball"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a black giraffe and a red knife"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a white dining table"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cat"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a vase"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a surfboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a tie"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a potted plant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a purple giraffe and a brown carrot"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a fork"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a white orange"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a computer mouse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a sports ball"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an oven"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a sink and a vase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a parking meter"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a parking meter"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bird"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a hot dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bus"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cat"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink motorcycle and a yellow orange"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue donut and a yellow scissors"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a carrot"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a broccoli"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a spoon and a computer keyboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a toaster"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of an oven and a chair"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a purple train and a black pizza"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a truck"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bus"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a horse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a handbag"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an airplane"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a green hair drier and a blue chair"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a tv"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a white computer mouse and a purple vase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a hair drier"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow banana"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cell phone"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of an oven and a vase"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sheep and a sports ball"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cow"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a toaster"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a green pizza and a yellow carrot"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a teddy bear"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bottle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a fork"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a carrot"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a kite"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a couch"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a banana"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a blue bicycle and a red oven"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of an orange airplane and a brown teddy bear"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a pink fork and an orange handbag"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cell phone"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a purple fork and a red donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a blue pizza and a black sink"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a baseball glove"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a teddy bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sheep"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a brown orange and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a blue kite and a black baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a giraffe"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a hot dog"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a surfboard"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of an oven and a baseball glove"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow giraffe and an orange broccoli"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a hair drier"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a brown spoon"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a tennis racket"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a computer keyboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an airplane"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above an orange"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tennis racket"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a giraffe"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a vase"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a computer keyboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a pink refrigerator and a purple cow"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a white cat and a black tie"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a spoon"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow vase and a black bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of an oven"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black refrigerator and an orange computer keyboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple pizza and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a hair drier"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a white donut and a yellow tv remote"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a pink hair drier and a white bicycle"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a white broccoli and a black tv remote"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a hair drier"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tennis racket and a bird"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a vase"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a carrot and an oven"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a black motorcycle and a pink sheep"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a truck"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a purple broccoli and a white sheep"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a sports ball and a spoon"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a truck"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a green fork and a black bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a hair drier"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a knife"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a carrot"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bird and a brown suitcase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tv remote"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a computer keyboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a computer mouse"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a red giraffe and a white carrot"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a purple banana and a black horse"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a blue hot dog and a white vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a backpack"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of an orange oven and a pink truck"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a knife"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a dining table"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bear"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a chair and a kite"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a white sandwich and a red teddy bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a laptop"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tennis racket"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dining table"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a chair"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a zebra"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bottle"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a blue train"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a hot dog"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a cat and a parking meter"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cake"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a fork"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a black bicycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bottle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cell phone"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a stop sign"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bus"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a black bicycle and a pink sheep"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a brown couch and an orange donut"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a chair"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above an airplane"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a blue pizza and a red teddy bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a laptop"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a suitcase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a laptop"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a white sink and a green tv"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a brown bicycle and a green chair"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a pizza"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a handbag"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a dining table"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tie and a yellow spoon"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a laptop"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a bench"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a person"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a teddy bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a sheep"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above an airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a carrot"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a tv remote"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a purple cat and a green couch"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a red sink and a pink hair drier"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a hot dog"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an airplane"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a train"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink boat and a purple bird"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a stop sign"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of an oven and a carrot"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a pizza"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of an orange airplane and a green parking meter"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange broccoli and a green carrot"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bear"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a black bicycle and an orange horse"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a white computer keyboard and a purple parking meter"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a blue computer keyboard and a green computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a stop sign"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a dining table and a knife"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange kite and a yellow laptop"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a green banana and a pink boat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a scissors"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a purple donut and an orange airplane"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a donut and a sink"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a pizza"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a cat"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bird and a purple scissors"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tie"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a pizza"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a blue train"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cake"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a red cell phone and a green computer keyboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a zebra"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a truck"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a knife"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tv"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a brown scissors"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a kite"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a baseball glove"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a blue knife and a black carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a sink"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sink"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of an oven"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a tv remote"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bear and a sandwich"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a parking meter and a couch"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a couch"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a yellow computer mouse and a green teddy bear"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a computer mouse"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below an orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a cat"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a brown chair and a blue oven"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cow and a yellow giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a tv remote"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a computer keyboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a kite"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a chair"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a kite"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a backpack"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a pizza"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an oven"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a brown bus and a red donut"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a white fork and a yellow sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a scissors"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a red truck"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a pink surfboard and an orange giraffe"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a green chair and a blue boat"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a handbag"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bench"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a brown hair drier and a white sink"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a brown hot dog and a purple bus"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below an orange"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a person"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a black kite and a brown chair"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a red zebra and a yellow hair drier"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a red orange and a black laptop"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow suitcase"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a donut"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a bottle and a potted plant"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a fork"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a green computer keyboard and a yellow cell phone"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a green refrigerator and a red stop sign"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cow"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of an airplane"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a brown computer mouse and a purple knife"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a white hot dog and an orange giraffe"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a hair drier and a motorcycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a train"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a purple backpack and a pink bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a boat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a stop sign"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a purple sports ball and a red bus"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a red chair and an orange bench"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a white refrigerator and a red sheep"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a black bicycle and a pink dining table"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a bicycle and a tennis racket"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a red sandwich and an orange donut"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a black scissors and a red cat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a boat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bear"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a kite and a snowboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a yellow couch and a green bench"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a tv"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a spoon"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a tie"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hot dog and a yellow bird"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a potted plant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a refrigerator and a dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a sink"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a dining table"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a sink"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sheep"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a pink fork and a purple truck"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of an oven and a horse"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a white banana and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a purple hair drier and a pink banana"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a chair"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a motorcycle"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hot dog and a yellow bus"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a handbag"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a donut"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a red sink and a black train"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a purple spoon and a pink orange"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a red teddy bear and a yellow airplane"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tie"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a brown backpack and a black pizza"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a suitcase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cat"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a brown spoon and a green tv remote"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a cake and a laptop"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a refrigerator"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a backpack"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a sports ball"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an oven"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bicycle"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a green sink and a brown orange"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tie"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a dining table"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a potted plant"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a purple suitcase and a white handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a refrigerator"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a green oven and a yellow boat"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a red bear and a pink airplane"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a tennis racket"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tennis racket"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a cake"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a blue scissors and a purple bench"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a laptop"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a stop sign"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a vase"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sink"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a kite"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a baseball glove"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a suitcase and a tennis racket"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a dining table"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bench"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sandwich and an orange hot dog"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a sink"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow airplane and an orange computer keyboard"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow toaster and a blue hot dog"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tie and a black truck"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of an airplane"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bus and a yellow dining table"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a pink refrigerator"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a banana and a suitcase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange bicycle"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a pink giraffe"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a knife"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a cow and a refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of an oven"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a donut"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange boat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cow"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a pizza"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a white vase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bus"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a blue handbag and an orange stop sign"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a zebra"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a laptop"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cow"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a refrigerator"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bench"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue bottle and a black surfboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a donut"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown pizza and a yellow couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a teddy bear"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a dining table"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sheep"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of an orange tennis racket and a red pizza"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a suitcase"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a zebra"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a laptop"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow laptop"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a parking meter"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a tv remote and a toaster"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a potted plant"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a toaster"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a white sheep and a red surfboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bus"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple computer keyboard and a yellow motorcycle"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a donut and a cell phone"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a pink zebra and an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a green parking meter and a red sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a chair"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a computer keyboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue cake and a white teddy bear"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow train and a black motorcycle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cow"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a red handbag"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a vase"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a train"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tv remote"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a refrigerator"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a motorcycle"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sink and a yellow spoon"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cat"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a bird and a donut"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a fork and a sink"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a couch"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a surfboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a knife"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a white bird and a blue broccoli"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bench"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a kite"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a tv"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an airplane"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a person"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a white kite and a yellow tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a dining table"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a fork"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a scissors"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a couch"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a pizza"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bird"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an oven"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a black computer mouse and a brown hot dog"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a white dining table"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a suitcase"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a hair drier"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a red truck and a purple computer mouse"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of an oven and a cow"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a blue pizza and a black cow"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sports ball"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a truck"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a red stop sign and a purple fork"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a donut"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a backpack"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a purple horse and an orange potted plant"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a computer keyboard and a tie"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a black sandwich and a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a purple knife and a white horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a snowboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a refrigerator"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a spoon"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of an orange chair and a red bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a fork"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a hair drier and a chair"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a yellow surfboard and a white zebra"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tennis racket and a yellow sports ball"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a backpack and a bench"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a couch and a sheep"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bicycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cake"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a train"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a black sports ball and an orange bus"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a baseball glove"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a snowboard"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a vase and a donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a hair drier"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a giraffe"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a stop sign"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bench"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a couch"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sports ball"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a brown vase and a red spoon"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a teddy bear"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a pink tv and a green parking meter"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a pizza"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a parking meter and a dining table"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a knife"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a green dining table and a black couch"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of an orange horse and a white computer mouse"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a green backpack and a red dining table"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of an orange and a teddy bear"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a parking meter and a knife"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer keyboard and a white broccoli"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a cell phone"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a baseball glove and a refrigerator"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a banana"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a couch"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a stop sign"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a cake"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a pink laptop and an orange chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an orange"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an oven"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a purple zebra and a white cow"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a kite"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a hot dog"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a scissors"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a surfboard and a chair"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a pink potted plant and a white sheep"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a blue stop sign and a white kite"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a yellow scissors and a white knife"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a horse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an orange"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a green banana and a red bear"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a carrot and a refrigerator"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a refrigerator"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a baseball glove"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an airplane"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of an orange and a sports ball"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a brown sandwich and a white sheep"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bicycle and a yellow parking meter"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a bench and a backpack"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a tennis racket and a donut"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sheep"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow laptop and a purple surfboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cow"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a pink backpack and an orange bench"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sandwich"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a giraffe"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cow"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a truck"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a horse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a suitcase"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a green zebra and a red sheep"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a toaster"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a couch"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of an orange giraffe and a black chair"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a motorcycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bottle"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a black hair drier and an orange chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bear and an orange handbag"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a boat"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a sports ball"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a couch and a person"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a scissors"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a suitcase"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of an oven and an orange"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a green carrot and a blue oven"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cow and a yellow tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a train"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a white spoon and a red orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bottle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cow"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cell phone"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a donut"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a laptop"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a backpack and a cow"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bicycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tv remote"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a blue fork and a pink knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sports ball"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a banana"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a kite"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a brown cell phone and a white knife"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a white train and a red cow"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a spoon"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a green train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cell phone"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a scissors"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bench"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a broccoli and a stop sign"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a blue banana and a brown boat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a hot dog"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a pink kite and a purple bus"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of an orange"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a train"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cell phone and a yellow donut"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a kite"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a motorcycle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a hot dog"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a pink snowboard and a blue sandwich"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a white orange and a blue horse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of an orange bird and a white motorcycle"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a pink pizza and a white kite"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown refrigerator and a yellow boat"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a potted plant and a chair"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a pink chair and a black tennis racket"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bear"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a pink tie and a black carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a person"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of an airplane"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a white fork and a red hair drier"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a pink truck and a brown tv remote"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a brown spoon and a white bus"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a pink cow and a red sandwich"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a white carrot"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a green tennis racket"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a tie"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bench"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a cake"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a green orange and a red cat"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a donut"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a surfboard and a kite"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a sandwich"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cow"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tv remote"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink surfboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a banana"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a green suitcase and a pink donut"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a scissors and a refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a toaster"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a blue broccoli and a black spoon"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a broccoli and a hair drier"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a couch"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a teddy bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a giraffe"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a handbag"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a knife"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a computer mouse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sink"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a white airplane and a black parking meter"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a tv"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a surfboard"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a broccoli and a banana"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a computer mouse and a sandwich"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cell phone"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a surfboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a vase"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a pink cow and a white bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a zebra"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a couch"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a giraffe"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a sheep and a couch"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a dining table"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a tv"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a baseball glove and a spoon"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a black baseball glove and an orange kite"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a white laptop and a purple bus"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a tv remote"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a computer keyboard"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a boat and a bicycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a person"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bottle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bicycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a blue parking meter and an orange toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a sandwich"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cake"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a knife and a cake"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a carrot"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a green bottle"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow refrigerator and a blue laptop"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a red snowboard and a pink backpack"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a red train and an orange truck"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow handbag and a blue truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bottle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a snowboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a kite"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange fork and a purple motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a purple tv and a red train"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an orange"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a carrot and a fork"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cell phone"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a spoon and a cell phone"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a white knife"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a computer keyboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a scissors"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bicycle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bottle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a pink surfboard and an orange pizza"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cake"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a purple horse and a black sandwich"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a spoon"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange vase and a yellow dining table"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a hot dog"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a suitcase"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cat"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a stop sign"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a chair"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a computer mouse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a baseball glove"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a boat"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a laptop"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a giraffe"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cake"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a black handbag and a red bird"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of an orange pizza and a black cell phone"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a red vase and a green cell phone"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer keyboard and a purple bear"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a green potted plant and a brown bus"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cake and a red oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sink"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an oven"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cow"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a cake and a bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a giraffe"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a green scissors and a purple banana"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a backpack"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a tv and a handbag"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above an orange"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a sink and a train"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a white sandwich"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a white donut and a red stop sign"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a tennis racket"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a backpack"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a sink and a knife"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow snowboard and a blue pizza"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tennis racket"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cow"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a black parking meter and a blue knife"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tv and an orange horse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a dining table"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a snowboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a couch"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a sink and a stop sign"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a surfboard and a cake"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a surfboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a carrot"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bear"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cake and a brown oven"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a snowboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bicycle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange zebra and a yellow spoon"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a vase"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a green sheep and a red couch"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a banana"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a train"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a tie"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a green laptop and a black backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tv"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a white fork and a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a green dining table and a brown bus"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a white toaster and a green pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sports ball"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a zebra"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a snowboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a pink pizza and a green sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a motorcycle"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a vase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a green knife and a blue bottle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple handbag and a yellow couch"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a person and a kite"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sports ball"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a horse and a toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a person"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a person"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a knife and a sink"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a blue train and a black fork"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of an orange refrigerator and a red suitcase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a yellow surfboard and a green hot dog"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a white giraffe and a green bird"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tie and a yellow dining table"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a white bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a dining table"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a tv remote"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bottle and a computer keyboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a hair drier"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a blue giraffe and a brown sports ball"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a kite"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a knife"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a surfboard"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow stop sign"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an orange"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a brown laptop and an orange potted plant"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a kite"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a green scissors and a blue cat"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a teddy bear and a bird"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tennis racket"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a cake"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bear"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a red spoon"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a potted plant"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sheep"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a yellow handbag and a red surfboard"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a toaster and an orange"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a horse and a zebra"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of an orange train and a green potted plant"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a pink carrot and a blue chair"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a chair and a carrot"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a parking meter"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bench"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a purple kite and a brown baseball glove"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a boat"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange vase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a pizza"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a stop sign"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a green hot dog and an orange bus"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a red horse and a pink snowboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a person"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a black tie and a pink snowboard"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a broccoli and a sports ball"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a sandwich"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a train"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a boat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a spoon"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a cat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a cake"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a black bicycle and a white chair"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a knife and a tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an airplane"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple hair drier and a yellow truck"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a red horse and a green sandwich"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a backpack"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a dining table"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a broccoli"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a red computer keyboard and a blue spoon"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a toaster and a backpack"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a cake"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tv"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a person"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a banana"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink couch and a yellow donut"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bus and a yellow truck"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a tv remote"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cell phone"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an oven"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a boat and a couch"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a white baseball glove and a purple truck"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a handbag"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cow and a brown donut"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a sink"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a chair and a hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bench"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a snowboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange motorcycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a donut"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tennis racket and an orange bench"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown backpack and a yellow bicycle"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a white tv remote"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a laptop"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an airplane"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a brown hot dog and a green computer keyboard"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a vase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a white sink and a brown fork"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a brown refrigerator and a pink suitcase"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a tv"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of an oven"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a bear and a tv"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a bear and a sheep"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a pizza"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a train"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a brown couch"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a computer keyboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a zebra"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a baseball glove"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a surfboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a spoon"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a tie"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a train"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a toaster"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a truck"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a hot dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a spoon"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a red broccoli and a yellow dining table"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bottle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a green spoon and a pink truck"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a snowboard"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer mouse and a pink chair"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink refrigerator and a purple surfboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a toaster and a sports ball"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a boat"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a spoon and a banana"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cow and a yellow donut"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cell phone"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of an airplane"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a yellow donut and a white cake"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a green handbag"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bird"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a white horse and a yellow laptop"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a white computer keyboard and a blue zebra"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a baseball glove"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a backpack"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a green oven and a brown fork"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a red airplane"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a black laptop"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a purple laptop and a blue handbag"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball glove"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sink"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an airplane"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a white airplane and a yellow bear"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of an orange orange and a brown suitcase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a truck"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a spoon"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a refrigerator"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an oven"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a white chair"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a potted plant"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above an airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bear"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a brown baseball glove"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a sheep"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a teddy bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a donut"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a kite"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a baseball glove"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bottle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a scissors"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tv and a purple boat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sheep"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a cat"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a black boat"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a yellow orange and a red spoon"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a vase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tie"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a pink bear and a red bench"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cake"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow cake and a pink bear"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple kite and a blue motorcycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cat"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a tv and an orange"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a vase"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a handbag"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a red suitcase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a yellow scissors and a black refrigerator"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a pizza"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow couch and an orange stop sign"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sandwich"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bird and a pink bench"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a tv"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a refrigerator"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a kite"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a black surfboard and a white bottle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cake"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a hair drier"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bird"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a giraffe"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a parking meter"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a surfboard"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of an orange boat and a blue tv remote"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a pink teddy bear and a green bird"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a blue snowboard and a purple bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a purple oven and a blue spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below an oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a carrot"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a black oven and a purple hair drier"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a teddy bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sink"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a tv"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a banana"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a hair drier"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow potted plant and an orange dining table"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a brown airplane and a purple orange"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a red kite and a green tennis racket"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a suitcase"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cat"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple motorcycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a red laptop and a yellow sports ball"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a green handbag"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a purple carrot"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a backpack"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a couch and a bird"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a spoon"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of an orange boat and a brown suitcase"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a blue boat and a white pizza"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a black laptop and a green couch"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a sink"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of an orange chair and a purple potted plant"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a white bus and a black sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a couch"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a truck"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of an orange"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an oven"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sports ball"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a baseball glove and a fork"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a tennis racket"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a broccoli"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a white dining table"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a computer keyboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bird"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a kite"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a white parking meter and a pink carrot"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a truck"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a red sink and a black surfboard"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a hair drier and a bird"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a toaster"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a person"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a cell phone"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bird"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a cow and an oven"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a banana"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a red tie"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a pizza"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a teddy bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bus"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a brown vase and a green orange"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a fork"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a boat"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bicycle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bench"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a computer mouse"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a teddy bear and a sink"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a backpack"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a sink"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a chair and a sheep"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a hot dog"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cow"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer keyboard and a pink bottle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a train"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a vase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a chair"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a toaster"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow backpack and a blue toaster"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bird"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a pizza"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a pink scissors and a brown zebra"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a knife"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a yellow computer keyboard and a red tie"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a stop sign"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cake"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cow"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sheep"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a vase"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a green airplane and a blue sink"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a toaster"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer mouse"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a cow and a donut"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a backpack"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a train"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a cow"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a couch"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a boat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a handbag"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a zebra"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a boat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a red cake and a brown bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bear"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow oven and a brown carrot"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bicycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a purple tv remote and a white bench"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a truck"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sink"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a sports ball and an oven"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a purple sink and a black orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a blue sink and a pink vase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a computer mouse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a vase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a sports ball"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange train and a red computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a bicycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a horse and a spoon"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a blue bird and a black tv"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a white tv and an orange sink"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a laptop"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of an orange baseball glove and a white kite"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a chair"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a cow and a tv remote"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bird"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bench and a pizza"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a purple spoon"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a white sports ball and a purple sheep"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a black vase and a brown boat"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a green donut and a red cell phone"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a couch and a bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown hair drier and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cake"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a person"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a zebra and a parking meter"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a pink tv and a purple knife"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a brown computer mouse and a red airplane"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a couch and a bus"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bench"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple boat"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a laptop"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an orange"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a hair drier"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a pink bicycle and a black zebra"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a purple carrot and a brown tie"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a blue horse and a purple sports ball"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a hot dog"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hair drier"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a scissors"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a green broccoli and a purple bench"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a tv"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a red couch and a yellow train"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a zebra"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cake"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a couch and a scissors"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink giraffe and a red surfboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a black airplane and a brown cat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a couch"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a sports ball and a cat"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a tv and a tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a handbag"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a pink tie and a red bird"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a black oven"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a green laptop and a blue stop sign"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a broccoli"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cat"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a black horse and a white spoon"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toaster"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a zebra"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a pink banana and an orange bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a donut"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a computer keyboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a red airplane and a black potted plant"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a black oven and a white truck"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a parking meter"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a laptop"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange kite and a brown boat"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a pizza"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a tv"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a cell phone"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a purple hair drier and an orange tv remote"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a red boat and a pink orange"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a black cake and a red donut"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a person"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a horse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bicycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a kite"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a chair"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a red broccoli and a green bicycle"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a suitcase"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a refrigerator"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of an orange vase and a red hot dog"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a green sheep and a white sink"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tie and a purple toaster"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a green sink and a black hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a person"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue hair drier and a white bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a tennis racket and a bus"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a person"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a white zebra and a red bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a truck"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of an orange zebra and a white cow"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a black suitcase and a green vase"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow broccoli and a brown boat"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bus and a purple computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a person"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a banana and a baseball glove"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cell phone"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cell phone"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a black couch and a white teddy bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a stop sign"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a white cell phone and a red truck"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a toaster and a laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a sink"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a white bicycle and a black sandwich"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an oven"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bench"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a computer mouse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tie"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a fork"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a boat"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a truck"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a tv"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a backpack"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a pink boat and a red bus"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a cell phone"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a green boat and an orange cat"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of an orange orange"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a refrigerator"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a sports ball and a parking meter"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a hair drier"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a kite"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a teddy bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a carrot"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an airplane"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a zebra"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black tv and a blue computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sports ball and a white cat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a suitcase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a computer mouse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a dining table"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a suitcase and a truck"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a pink banana and a green cell phone"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a green cat and a blue bench"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown motorcycle and a yellow fork"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bus"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tv remote"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bottle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a knife"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bicycle and an orange pizza"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a backpack"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink scissors and a yellow potted plant"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a tie"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a refrigerator and a bench"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a green sandwich and a black stop sign"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a backpack"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a donut"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bottle and a red motorcycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tv remote"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a sink"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue cat and a yellow kite"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a hot dog"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a fork"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a snowboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a baseball glove"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a white computer keyboard and a red tv"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a blue laptop and an orange surfboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sheep"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a truck and a refrigerator"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of an orange and a spoon"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a white bicycle and a red bird"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tv remote"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a teddy bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a giraffe"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a spoon"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a horse"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cat"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a computer mouse and a cat"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink chair and a purple horse"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a refrigerator and a sports ball"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a giraffe"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a truck"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a cell phone"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tie"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a broccoli"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a vase"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of an airplane and a knife"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a snowboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an orange"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sports ball"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a truck"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a red stop sign and a green suitcase"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a teddy bear"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a fork and a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a suitcase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an orange"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cake and a purple handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a tv"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a motorcycle and a zebra"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a horse"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a donut"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a broccoli and a chair"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a suitcase and a stop sign"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a hair drier"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a brown boat and a pink backpack"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a boat"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a black computer mouse and a white suitcase"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow boat and an orange oven"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a snowboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a carrot and a surfboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a purple fork and a white tie"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a pink chair"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a blue giraffe and an orange bird"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a backpack"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sink"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a person and an airplane"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a computer keyboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a couch"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a pink bear and a green hot dog"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a red train and a brown handbag"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a potted plant"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a snowboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a kite and a tv"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a backpack"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a pink backpack"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a boat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sports ball"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white parking meter and a pink surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a stop sign"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a chair"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a teddy bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a tie"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a donut"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a pink couch and a blue bear"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bottle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of an orange baseball glove and a brown toaster"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a white sports ball and a blue tv remote"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a couch"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a kite"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a banana and a truck"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tv"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bottle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a tv remote and a hot dog"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a parking meter"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a parking meter"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of an orange"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a surfboard"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a sheep"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a parking meter and a surfboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a scissors"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a pink scissors"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cake"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a scissors"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bottle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tie"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of an orange suitcase and a pink handbag"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bottle"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a white vase and a pink bear"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tv"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a sheep"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cow"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of an orange"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a person"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a hair drier and a toaster"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a brown oven"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a red donut and a brown boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a spoon"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an orange"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a knife"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a blue airplane"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a red giraffe and a pink airplane"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a knife"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bottle"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a green tie and a brown handbag"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of an orange baseball glove and a pink donut"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a black laptop and a white handbag"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a black train and a white orange"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a boat and a potted plant"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow handbag and a blue snowboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a green baseball glove and a black dining table"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a donut"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a person"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bench"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a brown baseball glove and a white computer keyboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a refrigerator"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a banana"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a couch"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a white bottle and a black bench"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a red dining table and a yellow bicycle"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a hot dog and a banana"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a dining table and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a pink broccoli and a blue snowboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a brown tv and a white toaster"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a toaster"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a motorcycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a pizza"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of an orange parking meter and a black backpack"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a spoon"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bus"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a red vase and a green boat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a teddy bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a parking meter"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a purple knife"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bench"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cell phone"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green tie and a yellow snowboard"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a green horse"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv and a brown laptop"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a purple baseball glove and a white bench"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sandwich and a brown cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a sports ball"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a snowboard and a dining table"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a knife"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a broccoli"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a toaster"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a motorcycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a tie"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a couch"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a blue refrigerator and an orange broccoli"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a teddy bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a snowboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a snowboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a hair drier"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a spoon"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an airplane"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a black bird and a red train"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of an orange cell phone and a green vase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a horse"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink broccoli and a yellow motorcycle"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a parking meter"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sheep"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a refrigerator"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a horse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a handbag"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a broccoli"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue baseball glove and a white bear"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a fork and a toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bottle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a white suitcase and a purple hot dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a train"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a black backpack and a green bicycle"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a purple tie and a red donut"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a scissors"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a pizza"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a tv"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bottle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink boat and a purple surfboard"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a white dining table and a brown hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a white kite and a brown hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple kite and a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a yellow snowboard and a white orange"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bench"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of an orange bear and a red cake"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a carrot and a bench"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a carrot"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue bicycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a tv"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a suitcase"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green carrot and a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a black kite and a brown suitcase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a baseball glove"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sandwich"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a fork"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a yellow vase and a white pizza"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a laptop"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a red cow and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a potted plant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a red giraffe and a pink backpack"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange kite and a yellow orange"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a computer keyboard"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sink"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a green tv and a black bicycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a suitcase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a laptop"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bicycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cake"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a red broccoli and a blue banana"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a green zebra and a brown broccoli"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a red fork and an orange suitcase"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a couch"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a baseball glove and a bicycle"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cake"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of an orange dining table and a pink zebra"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above an oven"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a dining table"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of an orange hair drier and a brown laptop"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of an orange teddy bear and a purple zebra"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow horse and an orange sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a giraffe"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a pink toaster and a brown hot dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a person"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow zebra"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a parking meter and a suitcase"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a sink"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of an orange kite and a black tie"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bear"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a brown pizza and an orange tv"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a pink giraffe and a brown sink"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a couch and a carrot"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of an airplane and a cell phone"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bus"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tie"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an orange"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an orange"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a green cell phone and a brown baseball glove"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a vase and a horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a spoon"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bus"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a red cow and a pink potted plant"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a banana"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a white dining table and a purple potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a pink cat and a red fork"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a pizza"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a green giraffe and a pink handbag"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a broccoli"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a computer keyboard and a chair"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a spoon"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a couch"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a knife"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bench"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sports ball"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a sandwich"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a red snowboard and a purple tv"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a blue bus and a red motorcycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a motorcycle"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow handbag"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bird"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a red tie and a green hot dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a spoon"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a yellow carrot and a red handbag"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a white cake and a blue kite"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a hot dog"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a baseball glove"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bicycle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bicycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a purple orange and a pink bicycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a tv"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a blue computer keyboard and a pink backpack"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow zebra"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a broccoli"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a backpack"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a truck"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a red handbag and a blue backpack"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a person"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a pink kite and a white banana"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a knife"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an oven"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a spoon"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a kite"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sports ball"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of an orange laptop and a purple donut"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a chair"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a stop sign"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a sports ball"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a donut"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a pink handbag and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a hair drier"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a computer mouse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tennis racket and a brown spoon"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a horse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a baseball glove"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cow"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a teddy bear"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of an orange teddy bear and a red couch"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a train"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a computer keyboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cake"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a backpack"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a red spoon and a blue fork"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a pizza and a baseball glove"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a boat and a horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a person"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a yellow laptop and a green tv remote"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a purple cow and a green orange"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow surfboard and a pink spoon"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a carrot"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a vase and a fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a chair"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a white surfboard and a yellow spoon"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a sandwich"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a handbag"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a black donut"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a hair drier"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a handbag and a potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a person"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a pink computer mouse and a black banana"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a brown tennis racket and a black couch"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a sandwich and a hot dog"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a knife"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a giraffe"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cell phone and a blue refrigerator"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue train and an orange horse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a toaster"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a black bus and a green cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bus and a vase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red giraffe and a yellow surfboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a parking meter"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a suitcase"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a purple backpack and a brown bench"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tennis racket and a blue cake"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a yellow sandwich and a red giraffe"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a suitcase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a baseball glove"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a laptop"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tv remote and an orange handbag"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a person"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sink and a purple banana"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a cell phone and a handbag"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a fork"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bench and a banana"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a donut and a tv"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a surfboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a surfboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a boat and a bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a fork"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a tv remote"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue teddy bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a hot dog"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a stop sign"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a suitcase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a stop sign"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a black giraffe and an orange truck"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a hair drier"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a purple couch and a brown tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an airplane"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cake"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a pizza"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a banana"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an airplane"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a black orange and a brown broccoli"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a black giraffe and a yellow kite"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a pink hot dog and an orange suitcase"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown bird"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a giraffe"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a black laptop and a white teddy bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a tennis racket"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an oven"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bear"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a sandwich and a zebra"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cell phone and a yellow giraffe"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a stop sign"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a white surfboard and a red motorcycle"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of an orange and a bus"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a purple stop sign and a blue airplane"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sink"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a black cake and a red computer mouse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sandwich"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a sink and a handbag"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a spoon"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a fork and a scissors"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a hair drier"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sink"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a dining table"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow train and a pink tv remote"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a carrot"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a green snowboard and a red baseball glove"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a kite"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a blue handbag and a pink spoon"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a spoon"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a zebra"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a carrot"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of an oven and a bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sheep"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cake"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a dining table"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a green oven and a brown suitcase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a parking meter"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sheep"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue spoon and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a person"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple cake and a white computer keyboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a handbag"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a hot dog"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a handbag"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a laptop and a knife"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a handbag"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a white teddy bear and a purple fork"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a cell phone"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a cell phone"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow refrigerator and a purple sink"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tennis racket"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a vase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of an orange snowboard and a brown bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a white sheep and a green potted plant"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a hot dog"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a pizza"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sheep"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a pink giraffe and a white bird"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cell phone"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a fork"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue giraffe and a yellow cat"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a brown laptop and a black handbag"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a white tie and an orange pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sink and a green donut"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of an oven"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a zebra"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tv remote"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a parking meter"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a train"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cow"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a donut and a handbag"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a white vase and a purple sheep"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a zebra"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a sports ball"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tennis racket"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a fork"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a vase and a scissors"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a pizza"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sheep"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a motorcycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a kite"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bicycle"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a blue computer keyboard and a white hot dog"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a white boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a broccoli"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a cell phone"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a tv remote"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a teddy bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cake"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a sandwich"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a kite"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a pink zebra and a white orange"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a banana"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a zebra"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a white surfboard and an orange sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a suitcase"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a chair"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a parking meter"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an orange"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a blue hot dog and a red handbag"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a stop sign and a boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a spoon"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a white train and a blue tennis racket"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a hair drier"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a backpack"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a cow"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a carrot"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of an orange couch and a blue scissors"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a knife"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a snowboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sheep"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a tv remote and a banana"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a knife"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a black spoon"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of an airplane and a bicycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a red hot dog and a green computer mouse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tv"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a horse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a train"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a spoon"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bus"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a banana"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of an orange cell phone and a white bus"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a giraffe"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a teddy bear and a tie"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sheep and a yellow bus"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a white sheep and a green broccoli"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink scissors"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sheep and a brown couch"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a white tv remote and a black pizza"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bus"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a pizza"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a white handbag and a blue donut"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a refrigerator"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a sports ball"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a knife"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a snowboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a blue surfboard and a purple couch"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a dining table"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of an oven"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a fork"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a hot dog"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a train"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a pink donut and a white stop sign"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a black hair drier and a yellow cat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a suitcase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a snowboard"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a tv remote"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a white knife and a blue train"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a hot dog"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a cat and a sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of an airplane"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bird"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a green suitcase and a brown horse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a carrot and a truck"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of an orange horse and a red bottle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of an orange and a couch"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a spoon"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bus"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a motorcycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a scissors"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a potted plant"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a fork"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a yellow hot dog and a white chair"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a horse"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bus"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cake and a brown truck"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a sports ball"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sheep"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cow"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a brown scissors and a black pizza"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a computer mouse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a snowboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tennis racket"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a knife and a zebra"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a vase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a sheep"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a laptop"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a blue zebra and a pink bench"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a person"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a motorcycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a fork"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bottle"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a green cake"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bus and a purple fork"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a white chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a hair drier"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a vase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a horse"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of an orange bottle and a green computer mouse"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a red baseball glove and a purple spoon"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below an airplane"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a blue carrot and a green dining table"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a yellow banana and a green dining table"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of an airplane"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a red train"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a truck and a backpack"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of an orange sports ball and a white oven"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tie"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a vase"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bus and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a blue bicycle and a white sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a baseball glove"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a hot dog"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a train"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a stop sign"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a sink"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a boat"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a sink and a hot dog"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a brown dining table and a black backpack"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cell phone"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a broccoli"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a tennis racket"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bird"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv remote"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bottle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow computer mouse and a blue bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a train"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a laptop"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a purple laptop and a white bicycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a purple teddy bear and a green pizza"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a blue chair and a brown tv remote"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of an oven"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a blue carrot and a brown parking meter"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a tv"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a broccoli"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a computer keyboard and a teddy bear"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a suitcase"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a yellow surfboard and a green knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a green bottle and a red sports ball"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a tie"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a red horse and a brown hair drier"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a donut"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a pink dining table and a brown spoon"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a backpack"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a green teddy bear and a white laptop"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a couch"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a purple hot dog and a red spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a horse"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cow and a pink banana"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bicycle and a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a brown suitcase and a green couch"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a hot dog"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an airplane"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a white scissors and a red hair drier"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a red zebra and a purple kite"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a spoon and a potted plant"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink potted plant"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cell phone and a brown laptop"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a spoon"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a couch and a cow"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a purple tie and a white cat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a pizza"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a knife"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a red pizza and a purple baseball glove"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a suitcase"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a red broccoli"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a blue stop sign and a green bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a sandwich"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a parking meter"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a knife and a parking meter"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a blue sandwich and a green orange"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a banana and a pizza"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a hair drier and an oven"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a green hot dog and a purple airplane"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a spoon"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black vase and a purple snowboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a carrot"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a scissors"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow zebra"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a pink sports ball and a green potted plant"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bottle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tv remote"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a tie"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a purple sink and a white tie"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a baseball glove"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a carrot"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a pizza"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a horse"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tv remote"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a chair"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a computer mouse and a banana"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a baseball glove"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a boat"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of an orange hair drier and a black oven"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a teddy bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a laptop"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a computer mouse and a horse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a broccoli"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a surfboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a vase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a knife"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a sandwich and a backpack"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a fork"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a knife"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a carrot"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a toaster"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a bird and a bench"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a tennis racket"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a toaster"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a sandwich and a bottle"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bird"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a kite"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange stop sign and a yellow carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a cell phone"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bench"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a fork"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a black fork and an orange laptop"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of an airplane and a banana"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a banana"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a blue airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a vase and a cell phone"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a scissors"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a cat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a pink giraffe and an orange hot dog"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a cat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a stop sign"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bus"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a couch"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue sandwich and a black surfboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bus"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tie"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a snowboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sheep"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a handbag"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a kite"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tv remote and a broccoli"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a blue vase and a white bottle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a parking meter"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a scissors"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a broccoli"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a scissors and a cake"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a chair and a cow"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a zebra"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a giraffe"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a red bear and a brown bicycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a black sheep and a purple cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a potted plant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of an orange parking meter and a blue chair"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a knife"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bicycle and a sports ball"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a brown donut"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a scissors and a kite"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a giraffe"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of an orange"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a white donut and an orange motorcycle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a blue chair and a brown horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a snowboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sink"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above an oven"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a potted plant"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a green potted plant and a purple hot dog"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a green broccoli and a pink bird"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a carrot"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bicycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a blue motorcycle and a red airplane"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a truck"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a green boat and a purple cow"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a computer keyboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a refrigerator"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a scissors"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a donut"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cell phone"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a potted plant"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a hot dog and an airplane"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a brown banana and a red bird"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a banana"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a tie"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a donut"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a brown computer mouse and a white laptop"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white tv and a brown motorcycle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a kite"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a zebra"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a red backpack and a pink boat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cat"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a teddy bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an orange"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an airplane"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a cake and a toaster"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a zebra"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a knife"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a brown bottle and a green surfboard"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a black bicycle and a red bear"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a pink orange and a blue tie"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bottle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a purple toaster and a white truck"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a fork"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a purple airplane and a brown carrot"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a refrigerator"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sandwich"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a spoon"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a white toaster and a red tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an airplane"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a green toaster and a purple parking meter"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bench"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a black cake and a purple bicycle"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a green motorcycle and a white tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a refrigerator"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a refrigerator"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a carrot"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a motorcycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bench"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a giraffe"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a zebra"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of an orange truck and a green snowboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a dining table"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a black bench and a blue hair drier"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a tie and a fork"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple vase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a horse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a zebra"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black bicycle and a blue computer keyboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a bench and a train"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a chair"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a handbag and an orange"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a zebra"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown handbag and a yellow surfboard"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bear and a pink sink"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a couch"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a computer keyboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a kite and a banana"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a blue kite and a black bench"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of an orange knife"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bench"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cat"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bench"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a blue suitcase and an orange laptop"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a scissors"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple hair drier and a brown snowboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a pink boat and a green backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tv"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a horse"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a scissors and a knife"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a red sandwich and a white bus"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a computer mouse"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a sink"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a tv and a scissors"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sink"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sports ball and an orange bird"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a banana"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a cow"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a spoon"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bench"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple scissors and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a refrigerator"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink laptop and a yellow toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a sandwich"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a surfboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a surfboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bottle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a computer keyboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a surfboard"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a laptop"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a black tennis racket and a pink bench"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a purple refrigerator and a brown cow"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sandwich and a yellow giraffe"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a computer keyboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a parking meter"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tennis racket"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a sink"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a tv remote"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange handbag and a yellow computer mouse"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of an orange train and a red baseball glove"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a motorcycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a person"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a green cell phone and a white kite"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a bench and a hair drier"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of an oven"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cell phone"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a sink"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow truck and a brown bear"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a donut"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sink"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a knife"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a pizza"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a bus and a spoon"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a kite"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a green motorcycle and a blue sink"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bench"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue handbag and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a snowboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a giraffe"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a purple kite and an orange orange"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of an orange train and a white spoon"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a cow"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white bottle and a blue sports ball"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a teddy bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a knife"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow scissors"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a cat"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below an oven"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a parking meter"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a green boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a broccoli"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a green spoon and a white suitcase"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a green cat and a brown couch"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a fork"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of an orange motorcycle and a white hot dog"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a teddy bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a donut"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sheep"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an oven"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of an orange suitcase and a red sheep"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a black truck and an orange hair drier"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a bird and a sink"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue suitcase"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a refrigerator and a snowboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of an orange orange and a brown dining table"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bird and a yellow tv remote"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a vase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a purple bench and a red airplane"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a fork"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a white cell phone and a green truck"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a stop sign"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a motorcycle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a carrot"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a white sports ball and a green tennis racket"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a pink pizza and an orange laptop"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a green tv and a black boat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an oven"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a truck and a dining table"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a brown carrot and an orange laptop"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a handbag"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a red handbag and a pink train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a truck"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a black refrigerator and a white cat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a chair"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a green baseball glove and a black zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bench"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a red bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a cow"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a stop sign"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow couch and a blue bicycle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a stop sign"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a brown bench and a red toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bottle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a black cake and a purple tennis racket"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a cat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a chair"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a black motorcycle and a purple vase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a laptop"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a train"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a snowboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a surfboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above an airplane"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a suitcase"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a banana and an orange"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown scissors and an orange horse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a zebra"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a suitcase"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a refrigerator"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a blue cell phone and a black computer mouse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a computer mouse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a suitcase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a donut"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a fork"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a tie and a handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a person"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a green sandwich and a black toaster"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a train"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a pizza and a chair"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a black knife and a brown tennis racket"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a dining table"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a handbag"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a black stop sign and an orange potted plant"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of an orange banana and a white spoon"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a red tennis racket and a pink potted plant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a sheep"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a purple sandwich and a green laptop"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cake and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a vase"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue laptop and a yellow bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a donut"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a cell phone"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a pink hair drier and an orange surfboard"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a black tv remote and a white laptop"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a pink broccoli and a brown toaster"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sandwich"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a zebra"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a black giraffe and a brown knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cell phone"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green parking meter and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bear"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a blue sandwich and a white vase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a cow"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of an oven"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a scissors"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below an orange"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a kite"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of an orange scissors"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a white tv remote"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a sheep"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer mouse and a pink cat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a teddy bear"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a tennis racket and a train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cake and a yellow zebra"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a spoon and a parking meter"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a hair drier"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bottle and a purple banana"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a blue horse and a pink tie"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a pink bird and a red tv remote"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bottle"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of an orange horse and a white orange"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a white stop sign and a brown bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a toaster"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bird"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a dining table"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a toaster"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a chair"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bottle"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cat"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a baseball glove and a knife"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a couch"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a chair and a bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a boat"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black scissors and a purple surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a computer keyboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue handbag and a purple snowboard"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a purple teddy bear and a white sandwich"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a laptop"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tv remote"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a white sports ball and an orange broccoli"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a baseball glove"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sheep"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of an orange"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cake"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a backpack"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a potted plant and a bicycle"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a green parking meter and a red giraffe"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bus"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a suitcase"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a fork"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of an orange knife"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a potted plant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bicycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a baseball glove"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a parking meter"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of an orange hot dog and a red knife"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a white scissors and a blue boat"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a white cat and a green zebra"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a sheep and a tennis racket"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a zebra"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a tennis racket"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a dining table and a surfboard"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a white truck"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a black knife and a red bicycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bottle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a vase"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a tennis racket"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a potted plant"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a hair drier"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bird and a banana"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a pink stop sign"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a blue oven and a white sandwich"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a purple giraffe and a blue laptop"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a boat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a baseball glove"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a chair"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a baseball glove"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cake"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a red airplane and a brown laptop"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of an orange cow and a white bus"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a black horse and a brown cat"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a brown banana and a red spoon"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a surfboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sink"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a dining table"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a couch"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a dining table"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bottle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an airplane"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a person"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a kite"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a vase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cell phone"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv and an orange zebra"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a carrot"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a black sheep and a blue cow"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a spoon and a bear"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a spoon"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bird"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a carrot"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a black zebra and a blue potted plant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a yellow dining table and a red chair"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sheep"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a backpack and a bear"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tv"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a blue banana and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bottle and a purple hot dog"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a pizza"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bicycle"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of an orange truck and a white cow"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a carrot"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a scissors"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a cake"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a broccoli"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a fork and a backpack"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a surfboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a tie"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cell phone"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of an airplane"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a red airplane and a green potted plant"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a white tennis racket and an orange spoon"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a dining table"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a broccoli"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bicycle and a brown suitcase"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cow"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a green bicycle and a purple pizza"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sink"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bicycle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a green cell phone and a purple sink"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a surfboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a green handbag and a pink cake"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a blue chair and a pink bench"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tie and a black giraffe"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a black chair and a pink spoon"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a chair"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a dining table"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bench"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a tv remote and a surfboard"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bus"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a hair drier"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a computer keyboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of an orange parking meter and a green suitcase"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a pink tie and a green potted plant"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a spoon"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown suitcase and a yellow hair drier"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a tv remote"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a white sandwich and a black bottle"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a red computer keyboard and a white giraffe"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a white dining table and a green pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a potted plant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a surfboard"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a snowboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a green bear and a brown knife"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a pink carrot and an orange couch"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bench"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a red tie"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of an orange bicycle and a green hot dog"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an orange"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a surfboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a cell phone"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a surfboard"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a scissors and an orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cake"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a parking meter"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a tennis racket and a potted plant"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a black refrigerator and a yellow surfboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a green stop sign and a red spoon"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a yellow handbag and a red knife"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an oven"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow banana and a brown spoon"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a donut and a teddy bear"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a cow and a pizza"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tennis racket"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a white tie and a brown kite"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a tv remote and a kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a laptop"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple refrigerator and a yellow broccoli"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a cake and a tv remote"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a handbag"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a toaster"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a horse and a tv remote"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a pink sandwich and a white tennis racket"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a boat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv remote and a green scissors"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a parking meter"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a green couch and a pink motorcycle"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a white carrot and a yellow orange"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a zebra"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a carrot"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a hot dog"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sink"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a blue stop sign"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a red tv and a white tv remote"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a potted plant"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow chair and a pink tv"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a tv remote"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a white teddy bear and a blue spoon"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a purple horse and a blue laptop"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a suitcase"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a pink snowboard and a purple cake"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a pink refrigerator and a white bottle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a brown horse and a blue tv"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a scissors"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an orange"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bicycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bottle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tv remote and a brown dining table"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a red cell phone and a green laptop"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cow and a purple couch"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a teddy bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a giraffe"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a broccoli"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a black sandwich and a white banana"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bear"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a black baseball glove and a red bus"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bird"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a surfboard"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a green kite"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a refrigerator and a pizza"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a chair"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a boat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a sink"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a white laptop and a pink horse"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a black donut and a yellow toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sandwich"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an oven"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a refrigerator"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tennis racket and a blue snowboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a broccoli"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a stop sign and a cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sheep"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a pink vase and a blue oven"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a backpack"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a brown backpack and a green snowboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a carrot"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer keyboard and a pink suitcase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a motorcycle and a couch"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a black sheep and a blue stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of an orange airplane and a green bicycle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a giraffe"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a snowboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a cow"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a sandwich"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a chair"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a black truck and a purple bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a refrigerator"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a backpack"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a horse and a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a horse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a kite"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a toaster"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of an airplane and a toaster"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a motorcycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a potted plant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a knife"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a white bicycle and an orange carrot"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a refrigerator"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a brown banana and a red tv"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a hot dog and a snowboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a pink sports ball and a black orange"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a knife"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tv remote and an orange donut"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue cake and a yellow snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a hair drier and a stop sign"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a backpack"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a cat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a pink bench and a green airplane"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a couch"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cake"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a yellow surfboard and a black potted plant"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a person"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an orange"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a carrot"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a blue couch"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a laptop and a backpack"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bird"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a purple train and a green sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a pink cell phone and a black tie"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a zebra"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a refrigerator and a toaster"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow hot dog and a pink broccoli"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a donut"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sandwich"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a scissors and a laptop"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a blue pizza and a black spoon"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sink and a pink scissors"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an oven"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a purple snowboard and an orange surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a broccoli"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a spoon"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a couch"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a zebra"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a banana"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a baseball glove"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bottle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cell phone"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a snowboard and a tv"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a knife"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown vase"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a purple airplane and a brown tie"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a white train and a blue parking meter"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a white hair drier and a green cat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a pizza"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a hot dog"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a person"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a black teddy bear and a brown truck"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a stop sign"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a tennis racket"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a person"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of an airplane"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a boat"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a brown sandwich and an orange spoon"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a red bird and a pink cat"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a cake"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a brown broccoli and an orange knife"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an airplane"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of an orange dining table and a pink train"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a scissors"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a pink toaster and a blue parking meter"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a backpack"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bus"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a computer keyboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a kite"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a parking meter"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a sink"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a carrot"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a cake"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cow"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cow"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a motorcycle"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a cow and a knife"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a red potted plant"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a chair"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a red teddy bear and a blue hair drier"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow kite and a brown potted plant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sheep"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a black knife and an orange potted plant"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a sink"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a hair drier"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a sandwich and a teddy bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a kite"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tennis racket and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cell phone and a purple banana"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a black knife and an orange cow"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a baseball glove"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bus"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a fork"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a red cake and an orange toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a person"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a yellow computer mouse and a white hot dog"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a motorcycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a fork"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a sheep"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a green broccoli and a black zebra"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a scissors"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tie"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a red train and a pink giraffe"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a boat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a computer keyboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a white truck and a blue chair"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a chair"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cake"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a black airplane and a purple bench"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a cake and a computer keyboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cell phone"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a bus"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cake and a white horse"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a brown bench and a white handbag"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a black surfboard and a brown sheep"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a tv remote"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a red orange and a pink laptop"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a couch and a potted plant"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tv remote and a white cow"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a teddy bear"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a bench and a hot dog"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bicycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a zebra"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a white bicycle"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a green fork and a white dining table"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a white cell phone and a pink pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a train"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a person"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of an orange bicycle and a red truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a toaster"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a computer mouse and a motorcycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bird"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bottle and a purple banana"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a computer mouse"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a green pizza and a red donut"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a potted plant"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a sandwich and a vase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cow"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a baseball glove and a sports ball"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sandwich"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a blue spoon and a red donut"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a brown refrigerator and a purple baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a green pizza and an orange train"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tennis racket"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a purple sandwich and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a backpack"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a white cat and a black zebra"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a toaster"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a red sheep and a black couch"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bus"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a motorcycle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a scissors"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bicycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a sheep"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a tie"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a purple bus and a green tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a suitcase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a fork"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a brown carrot and a black airplane"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a purple giraffe and a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a purple bench and a white broccoli"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of an airplane"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a white tennis racket and a brown cow"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a bear and a bottle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a white stop sign and a brown scissors"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a red truck"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a parking meter"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue pizza and a yellow baseball glove"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a potted plant and a donut"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a giraffe"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sports ball and a cow"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above an airplane"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a green giraffe and a yellow cell phone"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below an airplane"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a giraffe"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a sheep"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a white kite and a green suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a boat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a green tv and a purple baseball glove"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a hair drier"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a white carrot and an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tv and a blue suitcase"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tv"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sandwich"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sports ball and a purple bicycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an airplane"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a white horse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a train and a sandwich"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a computer mouse"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a sandwich and a fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a tv"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bottle and a surfboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an oven"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a backpack"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a white donut and a red bicycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a zebra"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow spoon and a blue hot dog"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a brown fork and a blue truck"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a white broccoli and a black cow"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a laptop"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a giraffe"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a scissors"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a zebra"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cake and a purple tie"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a boat"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a purple couch and an orange tv remote"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bus"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a banana"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a purple horse and a blue sink"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a pink oven and a blue refrigerator"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a green sink"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bear and an orange cake"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow giraffe and an orange couch"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a cat"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a tie and an orange"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a black surfboard and a red carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a teddy bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a laptop"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue donut and a yellow computer mouse"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cow"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a banana"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a snowboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a dining table"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a toaster"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a black airplane and a red spoon"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a computer mouse and a person"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a motorcycle"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a white horse"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a chair"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a black surfboard and a brown sink"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a boat"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a bench and a zebra"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a sheep"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a horse"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tennis racket"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bottle"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a red motorcycle and a yellow backpack"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a brown donut"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a red cell phone and a blue sports ball"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a black tv and a white stop sign"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a suitcase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sandwich"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a pink train and an orange orange"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a purple chair and a black dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a boat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a donut"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a brown orange"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a green bird and an orange couch"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a scissors and a giraffe"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tv"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a backpack"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a donut"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a couch"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an orange"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bear and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a pink snowboard and a green baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a knife"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a tv remote"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a snowboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a hair drier"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a snowboard and a couch"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a spoon"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a handbag"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a brown train and an orange knife"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a boat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a surfboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a sheep"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a potted plant"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a donut"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tennis racket"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a tennis racket"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a tennis racket and a dining table"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a tennis racket"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a knife"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of an orange train and a green zebra"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a knife"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a sandwich and an airplane"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a spoon"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a hair drier"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a refrigerator"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a sandwich"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a motorcycle"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a black zebra and an orange sheep"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a baseball glove"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cow"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a surfboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a blue refrigerator and a red bicycle"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a refrigerator"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a horse"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a toaster and a vase"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a scissors"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a green horse and a pink cat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cow"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a green fork and a pink computer mouse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a hair drier"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a cow and a suitcase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an oven"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a dining table"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a green knife and a purple cake"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of an oven and a tv"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a red bear and a pink scissors"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a purple carrot"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a parking meter and a sandwich"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a blue donut and an orange cat"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a computer keyboard and a tv remote"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a hot dog"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a purple bench and a green suitcase"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a stop sign"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cow and a zebra"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a green spoon and a red fork"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of an orange zebra and a blue bus"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a spoon"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a hair drier"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a tennis racket"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue refrigerator and a black computer keyboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cat"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a toaster and a parking meter"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a green horse and a black surfboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bicycle"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a teddy bear and a laptop"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple carrot and a white surfboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tv and a black sandwich"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a yellow stop sign and a black laptop"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a hair drier"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below an airplane"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a broccoli"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cow"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown donut and a yellow giraffe"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a red kite and a green giraffe"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a black handbag and a blue computer mouse"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a white refrigerator and a green sandwich"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a broccoli"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a train"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bus"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a refrigerator"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cat"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bus"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a blue truck and a white chair"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a suitcase and a teddy bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a boat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a snowboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a banana"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a spoon"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a zebra"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown cat and a yellow handbag"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sink"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a donut"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a green oven and a yellow laptop"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a person"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a zebra"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a pizza"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a black zebra and a blue airplane"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a stop sign"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a banana"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bottle and a brown motorcycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tv remote"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a green sink and a pink fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a stop sign"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a green parking meter and a yellow cake"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a vase"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bird"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cat"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a white bus and a black fork"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green train and a brown teddy bear"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a backpack and a horse"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a brown vase and a pink surfboard"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a green broccoli and a brown tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a sandwich"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown kite and a yellow suitcase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cell phone"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink toaster and a yellow bicycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a refrigerator"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a horse"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a donut"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bear and a truck"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a computer keyboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a toaster"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a purple toaster and a black couch"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cake and a horse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tv remote"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a white orange and a black boat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a red kite and a yellow backpack"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bear"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a carrot"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a white train"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a surfboard and a bottle"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a red tennis racket and a green backpack"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a snowboard"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a backpack"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a knife"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an orange"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a surfboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bench"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bicycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a vase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a donut"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a dining table"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a pink hair drier and a red tv remote"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a train"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a donut"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer mouse and a pink broccoli"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a pink handbag"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a hair drier"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a backpack"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bench"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple scissors and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a pizza"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a banana"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bus"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a surfboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a pizza"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a dining table"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a horse"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a red cake and a green handbag"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a white vase"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tv and an orange surfboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a snowboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a black dining table and a green knife"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a black cake"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a red bicycle and a pink giraffe"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a boat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a pizza"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a black surfboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a handbag"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a truck"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a sports ball"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of an airplane and a broccoli"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a tie"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tv remote"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a toaster"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a kite"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of an orange parking meter and a brown bear"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a sports ball and a hair drier"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a refrigerator and a hair drier"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a teddy bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a spoon"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink truck and a yellow airplane"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a red handbag and a blue orange"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a laptop"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a boat and a sheep"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bench and a blue horse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a donut"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a tv"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a handbag"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a sandwich"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a train and a fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a chair"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a tennis racket"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a handbag"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a white tv remote and a pink handbag"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a banana"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a laptop"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a chair"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of an orange banana and a purple scissors"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a potted plant"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a fork and a dining table"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a computer mouse and a knife"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a snowboard"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an airplane"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a boat and an orange"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bus"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cat"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a computer mouse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a motorcycle"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a white cat and a red dining table"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tennis racket and a brown cake"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hot dog"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a white tennis racket and a green tv remote"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cell phone"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tennis racket and a white vase"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bench and a pink scissors"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a suitcase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a zebra"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a snowboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a yellow sink and a red laptop"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a blue tv remote and a green computer mouse"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a blue broccoli and a red fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cell phone and a brown suitcase"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a spoon and a truck"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a handbag and a motorcycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a fork"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a hot dog and a truck"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bottle and a brown vase"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a green hot dog and a brown tv"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a teddy bear"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a giraffe"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a dining table"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a vase"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a purple suitcase and a green tie"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a broccoli"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a white truck and a black giraffe"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a green potted plant and a black refrigerator"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a white parking meter and a black truck"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of an orange surfboard and a purple vase"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a white bus and a red train"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below an airplane"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a white fork and a yellow oven"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow zebra and a blue tv remote"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a banana"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a computer mouse"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bicycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sports ball"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a green sports ball and a purple airplane"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a black stop sign and an orange tennis racket"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a handbag"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink sandwich and a green motorcycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an airplane"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a spoon"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a kite"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cow"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white computer mouse and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a potted plant"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a pizza"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a blue scissors and a brown computer mouse"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a blue hot dog and a purple horse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tennis racket"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a hair drier"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a couch"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an airplane"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple zebra and a yellow backpack"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bird"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a red tv remote and a blue kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bus"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a sandwich and a broccoli"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sink"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a black fork and a blue train"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a tv"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bird"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a sandwich"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a spoon and a snowboard"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a cell phone and a cake"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a black cake and an orange sandwich"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a baseball glove"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a donut"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a vase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a fork"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a black knife and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a white bus and a purple hot dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a broccoli"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a banana and a scissors"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a purple computer keyboard and an orange chair"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tennis racket"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an oven"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a sports ball"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a banana"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a train"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a black chair and a yellow airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an airplane"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a toaster and an airplane"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a knife and an oven"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a brown spoon"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a hair drier"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a pink backpack and a blue handbag"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sandwich"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tv remote and a bicycle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a laptop"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a knife"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a red tv remote and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a green spoon and a white hair drier"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a potted plant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a sink"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bicycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a potted plant"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a chair"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a black tv and a white train"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a hot dog"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an oven"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow snowboard and a blue cell phone"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sandwich and a yellow potted plant"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sheep"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a motorcycle"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a white backpack and a blue parking meter"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a red sandwich and a brown dining table"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a brown fork and a white bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a potted plant"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a white stop sign and a blue cow"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a fork"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a black laptop and a green bus"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a truck"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a vase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a parking meter"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a baseball glove and a computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sink"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of an orange snowboard and a pink truck"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a white computer mouse and an orange dining table"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a black broccoli and a blue vase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a person"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a baseball glove"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a surfboard and a baseball glove"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a refrigerator and a hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a computer mouse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bicycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a person"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of an orange handbag and a green laptop"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bear"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an orange"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tv remote"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a computer mouse"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a giraffe and a toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a person"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a computer keyboard and an oven"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sink and a cow"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a teddy bear and a bicycle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a white bottle and a pink cat"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a computer keyboard and a train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bus"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sports ball"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a stop sign"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a truck"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a computer mouse"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sheep"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of an oven"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a suitcase"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a vase"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a broccoli and a handbag"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a truck and a hair drier"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a stop sign"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink toaster and a yellow spoon"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a yellow dining table and a red carrot"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cow"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of an orange cat and a green broccoli"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a white parking meter and an orange banana"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a white snowboard and a brown bottle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a giraffe"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sandwich and a pink airplane"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a train"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a zebra"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a green orange and a black computer mouse"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a surfboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a laptop"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a scissors and a hot dog"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a boat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a suitcase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an orange"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of an orange stop sign and a blue cell phone"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a black chair"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a hair drier"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a red bird and a white tv remote"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a purple computer keyboard and a pink parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a red couch and a white bottle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tie and a white boat"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a baseball glove"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a teddy bear"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a bench and a toaster"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above an airplane"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a hair drier and a bench"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a green cake and a brown handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tv"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a white oven"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a red orange and a pink kite"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a kite and a tennis racket"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a carrot"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cake and a purple carrot"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bench"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a brown giraffe and a blue sheep"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a couch and a vase"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a yellow fork and a white vase"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a brown handbag and a purple bench"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a purple train and a brown baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a knife"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a motorcycle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a knife"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a banana"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a scissors"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cat"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a backpack"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sandwich"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a suitcase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a black refrigerator and a brown teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a motorcycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown scissors and a yellow bus"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a motorcycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a sink"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sandwich"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a baseball glove"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a black bird and a blue broccoli"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tv"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bird"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a sink"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bus"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a banana"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a zebra and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black cake and a blue snowboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an oven"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a couch"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a toaster"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a laptop"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a potted plant"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a brown handbag and a blue cell phone"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bottle and a yellow cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sheep"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a train and a parking meter"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a black bus and a pink cell phone"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a computer keyboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a refrigerator"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a carrot"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a sheep"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a scissors and a bottle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a carrot"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a black bicycle and a green orange"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sheep"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a pizza"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a blue dining table and a green sink"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a person"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a dining table and a cow"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a white computer keyboard and a red bicycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a baseball glove"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a donut"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a green teddy bear and an orange horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a giraffe"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bear"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow refrigerator and an orange spoon"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a donut"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a surfboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a person"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an orange"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a suitcase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a pink carrot and a purple cow"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sheep and a black tv remote"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a purple cat and a green dining table"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a suitcase"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a teddy bear and a snowboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a blue giraffe and a white fork"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a hair drier"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a chair"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an oven"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a dining table"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a white refrigerator"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a backpack"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a tv and a suitcase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a cat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a pizza"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow hot dog and a blue train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a suitcase"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a dining table and a bicycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a tv remote"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a potted plant"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green truck and a yellow suitcase"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a white zebra"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a green pizza and a black truck"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a purple zebra and a red sheep"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a vase"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a scissors"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue refrigerator and a yellow pizza"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an orange"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of an oven"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a green pizza and an orange zebra"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a dining table"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a yellow spoon and a red carrot"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a parking meter and a cow"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a stop sign"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a tennis racket"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a boat"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a potted plant"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow baseball glove and a brown tie"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow banana and a green boat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cake and a yellow sports ball"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a computer mouse"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a sports ball"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tv"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a carrot"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bird"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a snowboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown zebra and a yellow computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tennis racket and an orange backpack"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bird"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a cow and a sheep"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a backpack"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a purple oven and a black bottle"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sink and a pink hair drier"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a red bottle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tv remote"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a carrot"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a banana and a cow"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a motorcycle and a surfboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a boat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a hot dog"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cake"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of an orange handbag"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a zebra"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a blue broccoli and a red airplane"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sink"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a backpack"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sandwich and a pink truck"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an oven"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sink and an orange tie"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a hot dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a spoon"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a broccoli"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a bear and a fork"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a dining table"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a red spoon and a black sports ball"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cake"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a hot dog and a motorcycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an oven"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cat"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sandwich"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a hair drier and a tv"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a chair and a dining table"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a spoon"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a black stop sign and a brown potted plant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a computer mouse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a broccoli"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bicycle"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a zebra"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bottle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below an orange"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of an orange hair drier and a pink teddy bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a potted plant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a tie"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a stop sign"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a hair drier"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a broccoli"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hair drier"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a motorcycle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a laptop"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a black zebra and a green bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of an orange and an oven"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a blue snowboard and a red kite"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a banana"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an oven"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of an oven"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a handbag"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an orange"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a bicycle and a cat"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a red sheep and a white computer keyboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an orange"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sink"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a couch"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a parking meter and a tv remote"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a cow"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a red laptop and a pink tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a snowboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a chair"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a boat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a computer mouse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a refrigerator"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a blue potted plant"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bench"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a bird and a fork"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bicycle and a yellow handbag"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a yellow surfboard and a white snowboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a white toaster and a brown dining table"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black tennis racket"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a kite"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a suitcase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a person"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a sheep"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a truck"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a computer mouse and a vase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a person"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a broccoli"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a white computer mouse and a red sports ball"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a potted plant"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a white banana"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a refrigerator"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of an oven and a sandwich"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a pink baseball glove and an orange sink"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a person"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an orange"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a green bear and a red chair"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a teddy bear and a handbag"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a purple cat and a black banana"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a toaster"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of an orange potted plant and a red broccoli"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bear"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a motorcycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a zebra and a couch"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a blue zebra and a red surfboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow surfboard and a blue sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of an airplane"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a hair drier"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a chair"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cell phone"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a spoon"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a computer keyboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a sink and a tv remote"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cat"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a kite"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a white oven and a pink potted plant"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a dining table"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a truck and a sink"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a red broccoli and a brown bicycle"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a brown cake and a black vase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above an airplane"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a truck"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a motorcycle"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a giraffe and an oven"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a tie"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a white banana and a yellow motorcycle"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a backpack and a bottle"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a tennis racket and a bear"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a motorcycle and a sports ball"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a computer keyboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a dining table"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a red suitcase and a pink bottle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a red spoon and a black computer mouse"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a person"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a surfboard"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bear"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a dining table"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a hot dog"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown motorcycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tie and a yellow bus"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a vase"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a blue hair drier and a pink dining table"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bear"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a computer mouse and a laptop"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange suitcase"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a bus and a donut"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a cow and a handbag"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a tennis racket and a toaster"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a kite and a bird"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cat and a green motorcycle"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a broccoli"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a train"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a backpack"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tie"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a white cake and a pink stop sign"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a couch"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a green parking meter and a pink tv remote"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a surfboard and a dining table"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white cell phone and a black cake"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a stop sign"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tv"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a motorcycle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a computer mouse"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a computer keyboard and a potted plant"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a couch"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a black hot dog and a purple bench"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a couch"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a white tv and a blue backpack"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a computer mouse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a cow"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of an orange boat and a green kite"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a brown sports ball and a red couch"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a purple couch and a red backpack"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a surfboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a dining table"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a person"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a handbag"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sink"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bench"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a purple motorcycle and a green hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a teddy bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a banana"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an airplane"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a green horse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a cell phone"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a brown hair drier and a blue bus"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a train"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a bus and a tv"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sports ball"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sandwich"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a boat"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a purple giraffe"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of an orange broccoli and a blue bottle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a brown scissors and a purple bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a zebra"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a black bottle and a green orange"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bird and a yellow horse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a boat"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cow"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a black dining table and a yellow tv remote"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a stop sign and a cat"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of an orange parking meter and a pink chair"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a purple oven and a blue couch"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bench and a yellow donut"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a banana and a giraffe"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a purple stop sign"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bottle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a green tv and a blue sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a suitcase"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bird"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a black fork and a red parking meter"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an airplane"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a zebra"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a scissors"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a knife and a stop sign"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a stop sign"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a snowboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a surfboard"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a white sheep and a purple dining table"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a green tennis racket and a pink motorcycle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a fork"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cell phone"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a scissors"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a giraffe"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow suitcase and an orange bottle"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a tv and a pizza"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a white scissors and an orange suitcase"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow potted plant and a blue sheep"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bench and a blue bus"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a green cell phone"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a cell phone and an orange"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a refrigerator"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a computer keyboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a hair drier"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a brown spoon and a white backpack"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a cow"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a knife and a snowboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a baseball glove"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bear"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a sink"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a brown vase and a blue sink"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a purple giraffe and a brown pizza"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a red horse and a blue dining table"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of an orange potted plant and a green horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tie"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a sandwich and a handbag"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a black cat and an orange toaster"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a red laptop and a pink backpack"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bench"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a vase"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a computer mouse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a giraffe"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sports ball"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a donut"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a laptop"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a brown knife and a green tennis racket"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a broccoli"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a tv remote"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a toaster"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a dining table"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a red potted plant and a purple zebra"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a sink"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of an orange boat and a black refrigerator"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a potted plant and a truck"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a purple orange and a blue bird"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cell phone and a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a black airplane and a brown baseball glove"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a truck"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a computer keyboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an orange"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a suitcase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a toaster"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a couch"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a spoon"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tie"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a brown refrigerator and a pink carrot"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a blue tv remote and a white sink"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bottle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a potted plant"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a purple handbag"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a giraffe"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sports ball and a black cell phone"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a giraffe"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bottle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sheep"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a sandwich and a tv remote"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a white banana and a blue handbag"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a sink"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a cell phone and a banana"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of an oven and a banana"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sheep and a blue bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a black hair drier and a blue bird"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a red dining table and a yellow hair drier"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a yellow motorcycle and a black boat"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of an orange suitcase and a red backpack"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a truck"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a spoon"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a white parking meter and a blue laptop"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a handbag"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a sports ball"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a banana"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer mouse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a purple bicycle and a red train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a teddy bear and a sheep"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a brown bench and a white cake"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a pizza"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a blue sheep and a red bench"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a fork"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a cell phone and a boat"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a spoon"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a computer mouse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an orange"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a green toaster and a pink airplane"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a fork"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a red computer keyboard and a white banana"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue vase and a yellow boat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a snowboard"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a teddy bear and a stop sign"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sandwich"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a boat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a vase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a couch"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a purple kite and a pink airplane"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a red suitcase and a purple pizza"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a green motorcycle and a white surfboard"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a horse and a sandwich"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a train"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a cat and an oven"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bottle"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a pink laptop and an orange baseball glove"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a hot dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a boat"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sports ball"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a broccoli"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a stop sign"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a suitcase"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a purple horse and a red potted plant"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a red toaster and a blue train"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a scissors"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a couch"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a scissors"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a stop sign"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of an orange handbag and a green sports ball"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a motorcycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a sports ball"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a pink carrot"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a pizza"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a baseball glove"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bottle"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an airplane"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a sheep"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bicycle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a laptop"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cow and a purple parking meter"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a sink and a truck"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a giraffe"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bicycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange horse"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a brown computer keyboard and an orange suitcase"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a green donut and a blue giraffe"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a carrot"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a brown refrigerator and an orange zebra"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a pizza and a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a horse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a red truck and a black tv remote"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a green computer keyboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a carrot"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a laptop"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sink"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a truck"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a boat"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a giraffe"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a cat"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow stop sign and a green cat"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a bottle and a broccoli"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a horse"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a pink tie and a green knife"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sink"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a parking meter"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a bird and a stop sign"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a brown cell phone and a blue sheep"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cow"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a zebra"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown cat and a yellow snowboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a zebra"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a pizza"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a cake and a dining table"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a dining table and a parking meter"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a broccoli"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sports ball"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a red backpack and a pink zebra"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a pink train and a red backpack"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a green zebra and a black banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a vase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a snowboard"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a stop sign and a bottle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a kite"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of an orange fork and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a horse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a brown kite and a red bird"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of an orange chair and a green pizza"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a suitcase"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a dining table and a donut"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a pink donut and a red broccoli"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer keyboard"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a chair"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a handbag and a teddy bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below an orange"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cake"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a scissors"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a tv and a baseball glove"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a vase"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a bird and a motorcycle"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a banana and a computer keyboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a cow"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a toaster"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a bench and a boat"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bus"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a motorcycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bus"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an oven"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a train"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a kite"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a black computer keyboard and a pink scissors"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a suitcase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a sheep"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a boat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a red tv and a brown carrot"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a suitcase and a tv remote"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a truck"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a broccoli"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bicycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv and an orange scissors"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a backpack"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a blue carrot and a brown vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a kite"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a pink scissors"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a knife"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a black motorcycle and a yellow banana"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a pizza"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown chair and an orange horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a hot dog"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a potted plant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a hair drier"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a truck"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink kite and a yellow chair"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a baseball glove and a bench"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a computer keyboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a white carrot and a purple cell phone"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a red scissors and a pink cell phone"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a laptop"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a fork"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a giraffe"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a cow and a bus"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a couch"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a knife"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a laptop"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bench"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a train"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a parking meter"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sandwich"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a computer keyboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a person"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a donut"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a pink computer keyboard and a black bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a fork"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a blue refrigerator and an orange sink"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a donut and a spoon"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow toaster and a brown tv"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a cake and a bench"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bus"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a scissors"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cell phone"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a snowboard"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a yellow teddy bear and a red airplane"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a brown broccoli and a white parking meter"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black banana and a brown computer keyboard"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a laptop"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a brown spoon and an orange tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sandwich"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bicycle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a scissors"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow zebra and a purple bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a snowboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a carrot"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a pink train and a white banana"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a hot dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sports ball"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a stop sign and an oven"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a carrot and a kite"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a brown laptop and a blue hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a black donut and a red zebra"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tv and an orange bird"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bird"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bird"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tie and an orange motorcycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below an airplane"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a zebra"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a green boat and a purple broccoli"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of an oven"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a refrigerator"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a dining table"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a cake"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of an orange banana and a pink train"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a vase"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a scissors"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sink"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a laptop"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a train"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a tv"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of an orange surfboard and a green vase"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a giraffe and a tv remote"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sink and a black bottle"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a broccoli"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a person"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a cake"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cell phone"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a snowboard and a sheep"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a giraffe and a parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an oven"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sink and a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of an orange train and a white cow"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an airplane"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white snowboard and a blue sports ball"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a black tv remote and a red hot dog"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a toaster"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a red chair and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a scissors"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a red giraffe and a green computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a suitcase"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a white tv and a blue truck"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a white tie and an orange kite"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a person"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a red train and a green scissors"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white oven and a purple snowboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bird"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a red kite and a black spoon"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a parking meter"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a motorcycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a person"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a green sandwich and a blue laptop"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a kite"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a sports ball and a bear"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bicycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a kite"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a red hair drier and a blue sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cow"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a cow"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a pink kite and an orange sports ball"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a sheep"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bench and a purple toaster"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a white couch and a pink dining table"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tv"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a toaster"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a cat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a sports ball"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a toaster"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a surfboard"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an airplane"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a green giraffe and a yellow orange"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a train"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a bench and an oven"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a backpack"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sink"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a red cow and a green handbag"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of an orange couch and a blue zebra"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bicycle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a horse"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a blue tie and a purple tv remote"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple computer keyboard and a brown surfboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a sports ball"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an orange"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a pizza"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a train and a bench"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a stop sign"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a chair"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a suitcase"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a brown airplane and a pink cat"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a surfboard and a sandwich"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a dining table"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a blue couch and a black cow"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a fork"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a backpack"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a carrot"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a boat"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a pink banana and a brown couch"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a broccoli"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of an orange"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a hair drier"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink suitcase"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cow and a pink carrot"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a black laptop and a pink sink"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a sink and a horse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a hair drier"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a purple backpack and a pink couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a dining table and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a white potted plant and a pink snowboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a toaster"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a couch and a tie"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a tv remote"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a red tv remote and a white spoon"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bicycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a cake"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a red couch and a brown tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tie"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a fork"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a white airplane and a red computer keyboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a kite"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a red bench and a blue bird"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tv remote"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a brown toaster and a pink kite"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bear and a yellow sheep"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a cow and an orange"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a donut"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a dining table"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sheep"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a brown potted plant and a black scissors"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue surfboard and a yellow chair"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown fork and a yellow knife"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an oven"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a purple bird and a red giraffe"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a chair"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of an orange dining table and a purple donut"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a snowboard and a kite"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a brown dining table and a pink sink"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a potted plant"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow knife"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of an orange vase and a black zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a banana"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a toaster"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a dining table and a bus"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a pizza"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a red handbag and a blue snowboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bench"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a laptop"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a yellow refrigerator and a green bird"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a pizza"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a green motorcycle and a purple baseball glove"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bottle"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a blue horse and a pink broccoli"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a white knife and an orange stop sign"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a sink and a snowboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a potted plant"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a tv remote"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a pink boat and an orange teddy bear"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a tennis racket"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a hair drier"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a tv"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a donut and a truck"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a blue truck"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a zebra"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of an oven and a backpack"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a green stop sign and a brown vase"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bench and a yellow motorcycle"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a knife"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a black vase and a brown cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a brown vase and a pink tv remote"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a sandwich and a giraffe"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a train"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a brown computer mouse and a blue giraffe"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a boat"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a dining table"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a stop sign"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a refrigerator"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a knife"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a green spoon and a pink refrigerator"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a boat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a knife"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a handbag and a suitcase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a suitcase"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of an orange laptop and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of an orange donut and a black cell phone"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a white sports ball and an orange pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a person"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow spoon and a purple dining table"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a pizza"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a snowboard"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a yellow stop sign and a green fork"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a cell phone"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a purple banana and a pink backpack"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a computer mouse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a toaster"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a sports ball"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a boat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a carrot"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a refrigerator"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a kite"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a hot dog"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bear"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a horse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a computer keyboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a horse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a red potted plant and a yellow vase"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a sports ball"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a stop sign"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a surfboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a sheep"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an airplane"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a horse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a person"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a laptop"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow suitcase and a purple hair drier"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a red spoon and a white refrigerator"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bench"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sports ball"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a snowboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a refrigerator"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a snowboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a pizza"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a fork"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a refrigerator"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of an orange"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a bicycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tv and a blue knife"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a fork"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a purple surfboard and a red knife"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a red spoon and a brown computer mouse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a dining table"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a hair drier"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a carrot"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a tennis racket"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a motorcycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a surfboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a sandwich"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of an orange vase and a purple scissors"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bear"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a vase"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bicycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bird"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of an orange toaster and a blue bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a donut"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a carrot"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a baseball glove and an airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a snowboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a sports ball"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bear"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a boat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a purple parking meter and a brown fork"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a green sports ball and a pink oven"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a purple computer mouse and a green kite"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a teddy bear"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a snowboard and a sink"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a hair drier"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tennis racket"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a fork"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a baseball glove"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a handbag"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a train"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a backpack"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a laptop and a sports ball"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a kite"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a green vase and a purple snowboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a computer keyboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a hot dog"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink snowboard and a yellow tennis racket"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a dining table"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple airplane and a yellow donut"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a white hot dog and an orange tie"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a stop sign and a bench"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a laptop"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown sports ball"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a donut"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a banana"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a donut"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a stop sign"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a green suitcase and a blue bicycle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a pink train and a blue potted plant"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow computer mouse and a brown orange"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a hair drier"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a tie"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a computer keyboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a pizza"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a donut"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a brown motorcycle and an orange vase"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a broccoli"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a knife and a baseball glove"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a handbag"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a toaster"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a sandwich"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a dining table"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a yellow zebra and a green refrigerator"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a purple couch and a white motorcycle"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a brown banana and a purple parking meter"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow train and a pink backpack"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a black laptop"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a scissors"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tennis racket and a brown stop sign"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a pizza"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a carrot"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sheep and an orange spoon"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a handbag and a bird"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a backpack"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of an orange backpack and a purple kite"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bench"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a yellow spoon and a white teddy bear"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bottle"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cat"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a blue truck"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a truck and a banana"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bird and a blue tennis racket"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink vase"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tennis racket"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bench"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a pink surfboard and a purple sheep"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a toaster"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bus and a pink banana"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a red refrigerator and a purple couch"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a brown fork and a black bus"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a horse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a red stop sign and a green hair drier"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a purple teddy bear and a white horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a hot dog"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a giraffe and a scissors"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a pizza"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sandwich"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a potted plant"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a white computer mouse and a green couch"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a purple truck and a green broccoli"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a stop sign and a spoon"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow refrigerator and an orange suitcase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a red sheep and a white couch"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sports ball"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a giraffe"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tie"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a handbag"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a white bus"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tv remote"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a backpack and a refrigerator"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a scissors"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a banana and an oven"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a computer mouse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a chair"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a black zebra and a green motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a sheep"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a red baseball glove and a purple cat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a pink snowboard and a red motorcycle"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bird and a pink donut"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sink"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fork"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sandwich"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a pizza and a cake"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a red oven and an orange truck"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a blue sheep and a white toaster"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a baseball glove"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a chair"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a brown handbag and a blue couch"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a blue scissors and a pink sports ball"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a hot dog and a couch"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bench"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tv remote and a purple donut"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a red kite and a brown dining table"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a vase"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a pink chair and a purple pizza"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a blue chair"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bicycle"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bus"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bench"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cell phone and a brown cow"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tie"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a parking meter and a bottle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tie"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a hair drier"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a dining table"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a broccoli"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a donut"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above an oven"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a pizza"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tie"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a purple oven and a brown cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a green laptop and an orange donut"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a suitcase and a giraffe"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a couch"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a green refrigerator"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a potted plant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of an airplane"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a motorcycle and a dining table"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a bench and a spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a scissors"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a zebra"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a white snowboard and a brown giraffe"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a laptop and a chair"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a white broccoli and a purple carrot"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a scissors"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a toaster"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of an orange parking meter and a pink scissors"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a black laptop and a blue potted plant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a surfboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a computer mouse and a refrigerator"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a handbag"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bench and a surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a computer keyboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tv"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a pink hair drier and a white sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a horse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a surfboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a fork"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a broccoli"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a potted plant"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a black parking meter and a brown bird"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a pink cow and a black bottle"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a green sink"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue teddy bear and a yellow truck"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a banana"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a donut"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a horse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a spoon"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a donut"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a couch"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a knife"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sink and a blue bench"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tie"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a black cake and a blue tennis racket"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bottle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a couch"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an airplane"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of an orange vase and a white potted plant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a baseball glove"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a carrot"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a motorcycle"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a green zebra and a yellow airplane"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a tv"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a white stop sign and a pink kite"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a dining table"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a black toaster"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a cell phone"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a sports ball"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of an orange fork and a red carrot"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a horse"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a blue orange and a pink cat"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of an orange horse and a blue chair"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tv remote"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a banana"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a train"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a tv remote"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bus and a yellow tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a suitcase"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an orange"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a potted plant"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a scissors"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a tv and a tennis racket"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a brown truck and a red sink"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a snowboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a purple stop sign"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tennis racket"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a green backpack and a white vase"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a dining table and a zebra"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a fork"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a toaster"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of an orange broccoli and a black laptop"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sandwich"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a hair drier"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a hot dog"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a black chair"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a snowboard"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a motorcycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bus"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a white bench and an orange truck"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a horse"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cat and a brown airplane"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cake"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a snowboard and a toaster"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a green laptop and a black bird"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a giraffe and a boat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a pizza"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a brown hair drier and an orange bicycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a potted plant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a cow"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a chair"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a broccoli"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a computer mouse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a truck"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a zebra"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a green backpack and an orange banana"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of an orange and a computer keyboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a giraffe"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a green broccoli and a brown sports ball"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a black teddy bear and a blue refrigerator"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a sandwich"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above an oven"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a purple boat and a green refrigerator"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a tv and a dining table"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a horse"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a brown computer keyboard and a red laptop"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a parking meter and a potted plant"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an oven"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a chair"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a brown scissors"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a spoon"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a black train and a pink donut"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a red train and a white banana"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cake and a green banana"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a teddy bear"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a teddy bear"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a refrigerator"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a cow"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a suitcase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bottle"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a green pizza and a brown broccoli"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a pink spoon"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a motorcycle and a tie"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a green motorcycle and a red orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sandwich"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of an orange cake and a black computer keyboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a person"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red broccoli and a yellow computer keyboard"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a sandwich and an oven"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a pink banana and a black tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a blue snowboard and an orange sheep"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cow"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a pink stop sign and a white backpack"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a green sandwich and an orange tv"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bench"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a brown kite and a white fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a suitcase"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of an orange train and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a white backpack and an orange spoon"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sandwich"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a purple potted plant and a white cat"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cow"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bus"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a kite"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a hair drier"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer keyboard and a black vase"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a black cow and a purple sandwich"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a green sports ball and a blue airplane"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a knife"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bear and a brown cow"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a pink suitcase and a green teddy bear"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bicycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a suitcase"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a tie"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a horse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a knife"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a black knife and a white surfboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a red airplane and a purple bench"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a parking meter"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cat"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cow"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a parking meter"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a couch"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a broccoli"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a hair drier"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow giraffe and a blue vase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a donut"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a pink computer mouse and a green orange"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a blue baseball glove and a pink bus"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a pink laptop and a red bus"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a red chair and a green sports ball"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a blue train and a pink scissors"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a scissors"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a yellow hair drier and a white snowboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a red motorcycle and a green surfboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a bottle and a horse"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cow and a brown fork"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a banana"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a fork"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a tv remote"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a zebra"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a teddy bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bench"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a couch"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a person"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bicycle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bench and a pink bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sandwich"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a dining table"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a parking meter"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a baseball glove"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a black refrigerator and a blue bicycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a vase"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a fork and a tennis racket"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of an orange and a train"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a pink tv and a red bench"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a brown oven"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of an orange kite and a brown bird"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sports ball"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a chair"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a sheep"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a fork"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a horse"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a kite and a sink"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer keyboard and a black airplane"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sink"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a spoon"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a white backpack and a blue spoon"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a laptop and a bus"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a chair"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below an oven"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a truck and a teddy bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a pizza"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bird"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a purple potted plant and a green truck"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a red sheep and a white bicycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a black handbag and a pink chair"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a green fork and a black bench"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a train"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a truck and a fork"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a pizza"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a red pizza and a blue cell phone"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a broccoli"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a yellow chair and a black tv remote"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of an orange and a hair drier"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a sheep"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a kite and a tv remote"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a brown stop sign and a black banana"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a hot dog and an orange"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bus"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bench and a pink pizza"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of an orange sheep and a green donut"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a computer mouse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bench"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cow"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of an airplane and a laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a donut"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cow and a purple sports ball"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a pizza"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a tennis racket"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a refrigerator"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a fork"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a computer mouse and a spoon"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a suitcase"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a zebra"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a boat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a fork"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a handbag and a refrigerator"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a sink"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tennis racket"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a tv"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a pink dining table and a white cat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a boat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a truck"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a fork"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a couch"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a horse"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a brown potted plant and a red boat"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a carrot and a couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow motorcycle and an orange hair drier"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a parking meter and a bird"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a giraffe"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue giraffe"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a brown toaster and a red chair"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tie"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a red giraffe and an orange bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a sandwich"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a sheep"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange vase"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer mouse and a blue couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a sheep"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of an oven and a tv remote"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a broccoli"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a black motorcycle and an orange kite"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cow"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bicycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a dining table"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow laptop and a brown zebra"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow fork and a purple computer mouse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a hot dog"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bus"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a hot dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a vase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a train"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown baseball glove and a yellow cow"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a stop sign"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a knife"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a vase and a laptop"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a computer mouse and a snowboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tv"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of an orange couch and a red pizza"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a cell phone"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a teddy bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a broccoli"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cow and a pink sink"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a blue chair and a brown sandwich"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a boat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a tv"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cake"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of an orange bus and a green baseball glove"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bird"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a white backpack and a green tie"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a spoon"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a zebra"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a teddy bear and a kite"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bench"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a boat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a fork"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a green truck and a blue fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a suitcase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a blue sink and a green donut"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a hair drier"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of an oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a sink"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a backpack"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a dining table"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a giraffe"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a surfboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a tie"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a zebra"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a computer keyboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a broccoli"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow kite and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bicycle"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a stop sign"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bird"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a handbag"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a computer mouse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of an orange kite and a green truck"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a broccoli"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a hot dog"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bird and a pizza"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a brown motorcycle and a green chair"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow train and a purple tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a laptop"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a backpack"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a kite"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a sandwich"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a yellow spoon and a green horse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a vase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a computer mouse"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a motorcycle and a bottle"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball glove"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a stop sign"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a pink hair drier and a white donut"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a hot dog"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a blue cow and a white handbag"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a potted plant"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a snowboard"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a pink pizza and a brown cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a teddy bear"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a vase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a banana"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a white vase and a yellow airplane"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a scissors"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tie"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a yellow fork and a green handbag"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a green refrigerator and a yellow boat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a laptop"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a green bicycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a truck"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow giraffe and an orange tennis racket"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a green bicycle and an orange dining table"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a stop sign"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a vase"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a chair and a cake"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a white laptop and a blue knife"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bench"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a pink refrigerator and a purple tv remote"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a motorcycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a blue orange and a green cow"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bicycle"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a carrot and a potted plant"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a red handbag and a pink horse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a broccoli"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a chair"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a toaster"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a vase and a sandwich"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of an orange zebra and a green refrigerator"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a zebra"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bottle"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a green carrot and a black refrigerator"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a zebra"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sandwich"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a stop sign"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a computer mouse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a giraffe"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a donut"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a hot dog"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a blue truck and a green refrigerator"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a purple dining table and a black bird"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a purple giraffe and a red bench"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tv and a pink sandwich"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a train"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a sheep and a kite"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a backpack"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a purple donut"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a surfboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sports ball"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an orange"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tv remote and an orange sheep"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a vase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a spoon"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a computer mouse"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink parking meter and a yellow cat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a scissors"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a backpack"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a tie and a laptop"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a giraffe"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a pink teddy bear and a red zebra"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a hair drier"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a black snowboard and a yellow fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a surfboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a green handbag and a blue carrot"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a broccoli and a bicycle"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a blue sports ball and a red tennis racket"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a blue tv and a purple giraffe"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white computer mouse and a blue sports ball"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a scissors"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a potted plant"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a green orange and a black cat"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown teddy bear"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red laptop and a brown surfboard"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bird"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a donut"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a handbag"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a red fork and a black tennis racket"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a train"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hair drier"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a chair"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a donut"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a pizza"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of an orange scissors and a white tie"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a cake"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a train and a surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a truck"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a boat and a toaster"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a donut"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cow"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a computer mouse and a train"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a purple bus and a green computer keyboard"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tv and a brown hair drier"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cat and a blue backpack"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a teddy bear"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a spoon"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a red cell phone and an orange backpack"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a tv remote and a zebra"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a teddy bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sheep"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a pink hair drier and a red baseball glove"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an oven"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white scissors and a blue sports ball"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a yellow scissors and a red stop sign"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a zebra"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a green orange and an orange oven"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a spoon"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a hair drier"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown broccoli and a yellow horse"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a white chair"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a brown sheep and a red bottle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a tv"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a baseball glove"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a backpack"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a handbag"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a blue stop sign and a brown hot dog"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a donut"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a tennis racket"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cow"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a suitcase and a sandwich"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a black horse and an orange dining table"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a dining table and an oven"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green suitcase and an orange computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a white bottle and an orange banana"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a white backpack"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of an orange bear and a red bicycle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a yellow surfboard and a white horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above an airplane"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a green backpack and a pink fork"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a pink potted plant and a green teddy bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a potted plant"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a brown potted plant and a red truck"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a white sandwich"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a toaster"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bicycle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a yellow truck and a green spoon"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a red carrot and a green motorcycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a tv"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of an orange banana and a white handbag"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a sheep and a cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a handbag"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a train"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a handbag"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a white giraffe and a brown stop sign"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a dining table"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a chair"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a purple horse and a white orange"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a white vase and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a black kite and a blue couch"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a blue teddy bear and a pink vase"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bear"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a green knife and a brown computer mouse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a couch"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a black cell phone"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a fork"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a zebra and a bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a laptop"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a computer mouse"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a tennis racket and a banana"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a blue toaster and an orange oven"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a blue tv and a black computer mouse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a computer mouse"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bottle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a computer mouse"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a scissors"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a knife"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cow"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a snowboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cake"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange fork and a yellow motorcycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a blue sports ball and a pink bicycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a giraffe"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a tie and a hair drier"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a stop sign"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bicycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue baseball glove and a yellow knife"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a red bottle and a white vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a red laptop and a pink bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a laptop"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple hot dog and a blue bottle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a zebra"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a white pizza and a purple bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a boat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a vase"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bicycle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a laptop"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sports ball"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a sandwich"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a sandwich"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a black zebra and a purple cake"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a person and a handbag"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a hair drier and a surfboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a spoon"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a purple carrot and a white chair"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a red tv remote"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of an orange computer mouse and a green backpack"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a spoon"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a black vase and a white bench"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow airplane and a brown motorcycle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a cow"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a red backpack and an orange tv"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a black sink and a white giraffe"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a scissors"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a truck"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a horse and a handbag"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a snowboard and a tv remote"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a sandwich"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a dining table and a horse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a pizza"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a white scissors and an orange parking meter"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a toaster"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a brown refrigerator and a black sink"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sink and an orange pizza"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a person and a dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a boat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a scissors"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a computer mouse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a tv"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a red refrigerator and a green computer keyboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a computer keyboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an orange"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a snowboard and a truck"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a stop sign"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a white sheep and a black sink"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a white stop sign and a brown bird"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sports ball"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a potted plant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sports ball"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a handbag"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a pink hair drier and a blue chair"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a surfboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a baseball glove"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a hot dog"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a tv"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a banana"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a tennis racket and a suitcase"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a brown couch and a green zebra"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a green vase and a white pizza"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a white spoon and a pink handbag"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a white donut"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a potted plant"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a sports ball"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a vase"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a black spoon and a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a black bench and a brown backpack"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a banana"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a green computer keyboard and a black banana"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a train"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a black horse and a blue vase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tie"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a sink and an orange"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of an orange vase and a pink fork"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a dining table"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a pink boat and a blue zebra"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a refrigerator and a cow"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tie and a purple airplane"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an airplane"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an oven"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer mouse and a purple sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a snowboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a tv"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a parking meter"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a green boat and a blue potted plant"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a kite"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a kite"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a yellow baseball glove and a white tennis racket"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bicycle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a white giraffe and a purple broccoli"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow cell phone and an orange handbag"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a red laptop and a black refrigerator"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above an airplane"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a black fork and a blue toaster"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a suitcase and a horse"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a giraffe"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a carrot"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a motorcycle and a cake"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a backpack"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a scissors"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a sheep"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a spoon"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cake"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange horse and a yellow cell phone"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a white giraffe and a pink banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a cow"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a brown carrot and a blue baseball glove"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sheep"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a suitcase"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a scissors"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a carrot"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown donut and a black surfboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a purple truck and a black backpack"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a person"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a yellow vase and a red knife"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of an orange boat and a white kite"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sheep"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bottle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an oven"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a green snowboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a zebra"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a giraffe"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a cell phone"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a dining table"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of an orange train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a truck"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a blue giraffe and a purple truck"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of an orange train and a brown fork"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a sink"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a sports ball"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a pink refrigerator and a blue suitcase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bus"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a couch"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a red knife and a green motorcycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a knife"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a dining table"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a chair"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a toaster"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown banana and a yellow surfboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sheep"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white tv and a brown bicycle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cow"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a handbag"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a couch"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cake"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a blue bus and a white oven"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow computer keyboard and a brown fork"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a boat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a purple vase and a blue surfboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a pink baseball glove and a black suitcase"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a toaster"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a backpack"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dining table and a blue vase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a person"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a backpack"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow spoon and a purple bus"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a person"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an orange"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a horse"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a train"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a black hot dog and a red handbag"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a hair drier"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow backpack and a blue tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a hot dog"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a motorcycle and a horse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a stop sign"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a computer mouse"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tennis racket"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bus"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a horse"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a blue computer keyboard and a black cat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a chair"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a handbag and a giraffe"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cat"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bench"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a green bottle and a red airplane"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a fork"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a sandwich"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cake"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a kite"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow kite and a brown dining table"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a sheep"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a spoon"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bottle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a train"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a blue baseball glove and a brown tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a scissors"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cat"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bench"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a tv"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a hot dog"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange hair drier and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a pink train and a purple banana"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a pink fork and a red motorcycle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a purple banana and a black bear"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow zebra and an orange spoon"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a broccoli"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a donut"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a purple laptop and a brown teddy bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a potted plant"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a suitcase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a toaster"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a black stop sign and an orange motorcycle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an orange"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a black knife and a blue hair drier"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a horse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bear"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a red parking meter and a green cow"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a green backpack"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black kite"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a white refrigerator and a red airplane"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sandwich"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a tv remote"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a scissors"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a black tv and a blue train"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a giraffe"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow parking meter"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an airplane"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of an orange knife and a brown bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sandwich"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a person"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a chair"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a dining table"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a knife"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a black couch"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sheep and a yellow bird"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of an orange scissors and a red carrot"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a kite"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a computer mouse"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a sandwich"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a purple bicycle and a black zebra"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a fork"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cat"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bottle"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow dining table and an orange spoon"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a fork"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a donut and a vase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a vase and a tv remote"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a laptop and a potted plant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cat"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a sports ball and a fork"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a black toaster and a pink bird"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a blue truck"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a toaster"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a purple motorcycle and a pink cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a horse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an orange"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cat and a yellow cell phone"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a parking meter"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of an orange snowboard and a purple train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a truck"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a carrot"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a white dining table"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a white train and a red carrot"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a knife"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of an orange and a kite"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cell phone"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a cat and an orange"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a white teddy bear and a brown spoon"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a red snowboard and a white tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bus"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink boat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sandwich"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a cake"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a yellow truck and a red parking meter"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a parking meter and a computer mouse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a toaster"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a suitcase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a suitcase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a backpack"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a fork"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a hair drier"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a broccoli and a sandwich"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a white toaster and a blue suitcase"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sheep"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a tv remote"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a pizza"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a cow"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow computer keyboard and a pink surfboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a snowboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bench"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tie"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a motorcycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of an airplane"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a hair drier"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a zebra"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a red sandwich and a green baseball glove"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a cow and a sandwich"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bottle"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an orange"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cell phone and a pink cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a teddy bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a knife"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a carrot"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bear and a brown giraffe"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bus"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sink"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a brown hair drier and a purple oven"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a donut"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a black pizza and an orange toaster"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange broccoli and a yellow tv remote"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a pizza and a hot dog"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow banana and an orange zebra"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a person"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a train"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a computer mouse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a horse"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple chair and a yellow truck"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bear and a yellow oven"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bus and a yellow handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bird"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a purple surfboard and a black parking meter"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a donut"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a donut"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a cake and a couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a vase"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tie and a yellow snowboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a potted plant"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a snowboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a refrigerator"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bird and a yellow pizza"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a refrigerator"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bicycle and a chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a knife"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a motorcycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an airplane"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a computer keyboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bicycle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a black surfboard and an orange teddy bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tv"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bus"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a green giraffe and a blue bus"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a laptop"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bottle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a refrigerator and a suitcase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tv"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a teddy bear"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a fork and a horse"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown truck"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green computer keyboard"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a purple couch"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a green scissors and an orange sports ball"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a person"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a sandwich"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a knife"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tv remote and a brown bottle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a horse"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a tv"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a chair"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a parking meter"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bear"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cow and a blue tie"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a boat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a surfboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a pizza"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange banana and a yellow bench"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a kite"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a pink boat and a brown hair drier"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a brown spoon and a black surfboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a backpack"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sports ball"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a baseball glove and a sink"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow couch and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cake"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a computer keyboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a backpack"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a teddy bear"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a cow"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a suitcase"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a sandwich"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a cake"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown zebra and a yellow cat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a teddy bear"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a zebra"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a brown tennis racket and a white donut"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a potted plant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tennis racket"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a carrot"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of an orange kite and a black cat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a kite"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a toaster"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a red computer keyboard and a purple refrigerator"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a hot dog"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a horse and a motorcycle"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of an airplane"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a broccoli"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a sports ball and a tie"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a computer mouse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a scissors"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a dining table"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a pizza"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a tie"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a pink cake and a black bear"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a truck"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a refrigerator"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a chair"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a boat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a snowboard"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a white oven and a red tie"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a black computer mouse and a purple carrot"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bicycle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a hot dog"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a backpack"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sports ball"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above an oven"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bench"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple baseball glove and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a brown banana and a black potted plant"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of an orange horse and a blue giraffe"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a brown vase and a blue sports ball"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a boat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a white refrigerator and a pink oven"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a teddy bear and a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a kite"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a hair drier"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a boat"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a black kite and a red stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a train"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange boat and a yellow sink"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a handbag"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a tennis racket"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a parking meter"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange boat and a black motorcycle"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a pink fork and a black cake"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink baseball glove and a blue bicycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a tennis racket"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a knife"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a zebra and a vase"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a hot dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a broccoli"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a baseball glove"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a train"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a zebra"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of an oven"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a pink parking meter and a brown computer keyboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a purple chair and a red dining table"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a blue bear and a green couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a couch"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a zebra"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of an orange couch and a blue handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a person"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a cow and a cake"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a bottle and a kite"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a white tv and a green handbag"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a parking meter"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sandwich"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a person"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv remote and a pink bench"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a sandwich"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a banana"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a couch"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a computer keyboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a parking meter"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow oven and a pink teddy bear"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a teddy bear"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a suitcase and a computer mouse"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a white banana and a brown spoon"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bottle and a blue scissors"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a carrot"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a pink banana and a purple broccoli"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a pink surfboard and a white tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a dining table"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a scissors"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a yellow teddy bear and a green bird"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cake"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange boat and a yellow refrigerator"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a fork"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of an orange bus and a green computer mouse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bicycle"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bottle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tie"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a potted plant and a toaster"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a person"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below an oven"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tv remote"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a person"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a red sheep and a purple fork"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a white parking meter and a brown scissors"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a backpack"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a banana"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bird"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tie"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a dining table and a banana"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bench and a purple sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white sheep and a blue surfboard"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a tv remote and a train"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a carrot"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a blue baseball glove and a black kite"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a backpack"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a carrot"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a vase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a hair drier"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a train"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a vase"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a red toaster and a blue teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a chair"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a dining table and a train"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a tennis racket"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a fork"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a cell phone and a tennis racket"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a pizza and a sink"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a carrot"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a stop sign and a cake"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a snowboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tie"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a cake"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a purple sports ball and a white broccoli"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bird"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a surfboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a fork"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a handbag"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a truck"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a dining table"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a computer mouse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sports ball"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a green pizza and a brown bus"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cake"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a broccoli"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a laptop"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cake"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a baseball glove and a donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a brown bottle and a white baseball glove"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow computer mouse and a pink bottle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an oven"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a red train and an orange handbag"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a pizza"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a red tennis racket and a purple tv remote"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a dining table"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of an oven"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a laptop"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a black banana and a white oven"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a truck"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a green donut and a red suitcase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a dining table"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sports ball"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a red parking meter and an orange refrigerator"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a vase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a red backpack and a green oven"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a banana"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of an orange truck and a blue baseball glove"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bus and a yellow banana"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sports ball"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a green handbag and a white scissors"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a toaster and a zebra"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a potted plant and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a purple tie and a black broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a hair drier"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a hair drier"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a black banana and a red potted plant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a black giraffe and a white tie"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow spoon"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a pink stop sign and a blue truck"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a yellow baseball glove and a green airplane"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a suitcase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a person"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a red chair and a white knife"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer keyboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a truck"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a green broccoli and a brown donut"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a green chair and a purple donut"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a kite and a bicycle"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a horse and a bottle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a hair drier"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a broccoli and an airplane"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a broccoli"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a spoon"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a pizza"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a green airplane and a yellow tv remote"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a parking meter"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer keyboard and a brown suitcase"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a green orange"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of an orange tv remote and a white stop sign"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a kite"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a carrot"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a laptop"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an orange"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a backpack"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a handbag"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a suitcase"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a white pizza and a red dining table"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a fork"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a knife and a tv remote"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a black boat and a yellow fork"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bench and a vase"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a white tv and an orange sandwich"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a train"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cell phone"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a motorcycle and a truck"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bench"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a red boat and a white zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a sink"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a tie"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a couch and a tv"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a white baseball glove and a black chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a banana"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bottle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a kite"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a yellow surfboard and a white bear"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a blue parking meter and a purple tie"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a green bus"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of an orange dining table and a white potted plant"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a fork"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bottle and a red tv"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a white motorcycle and a yellow toaster"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a scissors"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above an oven"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a zebra"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a snowboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a red bench and a pink handbag"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a train and a cell phone"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a red refrigerator and an orange sheep"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a white hot dog"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above an oven"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a potted plant"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bottle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a boat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a zebra"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a red cow and a white chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a person"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a black hot dog and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a couch"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a sports ball"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a brown surfboard and a white hot dog"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a giraffe"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a black bench"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cow"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a couch"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a hot dog"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a yellow broccoli and a red backpack"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a computer mouse"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a toaster and a chair"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bottle and a brown orange"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a spoon"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of an airplane and a suitcase"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow fork and a pink broccoli"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a potted plant"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue refrigerator and a yellow snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an orange"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a white surfboard and an orange donut"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an oven"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a tv remote"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a red knife"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a white toaster and an orange sandwich"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bench and a brown baseball glove"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cat and a green stop sign"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a white horse"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a red refrigerator and a blue pizza"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a boat"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a train and a scissors"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a backpack"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a train"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a truck"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a black bicycle and a red chair"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an orange"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a white couch and a brown hair drier"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a tie"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cell phone"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a dining table"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cow and a brown spoon"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a laptop"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of an airplane and a computer keyboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a hair drier"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a banana"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a red train and a yellow scissors"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a snowboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a truck and a vase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tv"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a green vase and a yellow tv"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a stop sign"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a handbag and a person"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a broccoli"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a snowboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a refrigerator"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a train"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a red baseball glove and a yellow parking meter"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of an airplane"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a brown stop sign and an orange pizza"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of an orange stop sign and a blue fork"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow kite and a brown spoon"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a snowboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a horse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a parking meter"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a laptop"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a backpack"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a horse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a person"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bicycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a white snowboard and a purple cake"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a hair drier"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a white kite and a yellow giraffe"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cow"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a handbag"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a blue zebra"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a train"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a blue kite and a red couch"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a white donut and a blue oven"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow giraffe and an orange backpack"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a baseball glove"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a person"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple donut and a brown snowboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a fork"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sink"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange stop sign and a yellow computer mouse"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tie and an orange cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a baseball glove"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a surfboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of an airplane and a kite"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a tie"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a knife"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an airplane"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a train and a carrot"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a fork and a teddy bear"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sports ball and a purple zebra"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown chair and a blue cat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a banana"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a train"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cake"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a donut"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a blue bottle and a green suitcase"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball glove"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a fork"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a sheep"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a black tennis racket"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a snowboard and a tie"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a parking meter"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a yellow potted plant and a black spoon"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bench"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a scissors"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a spoon"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a blue cat and an orange bear"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a boat"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink motorcycle"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a potted plant and a tv"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a boat and a tv"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a snowboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a tv"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a purple suitcase and a green boat"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a toaster and a tv remote"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a white hot dog and a purple sink"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a pink refrigerator and a black parking meter"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a brown carrot and a blue sports ball"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv and a pink train"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a black teddy bear and a white cake"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a laptop"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a handbag"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball glove"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a red cat and a blue motorcycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a broccoli"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a green stop sign and a purple cat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a zebra"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a carrot"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a tv remote"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a sheep"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a banana"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple sandwich and a black snowboard"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an airplane"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tennis racket and a purple sink"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bear and a yellow potted plant"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a boat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a kite"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a sheep"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a stop sign"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a surfboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an orange"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sheep"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sports ball"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a white sheep and a red boat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a computer mouse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a person"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a sheep"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a hot dog"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sandwich"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink airplane and a purple potted plant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a giraffe"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bus"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a dining table"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tv"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a couch"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cell phone and a white scissors"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow pizza and an orange stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an orange"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a fork"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cell phone"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a cell phone and a carrot"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a truck and an oven"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of an orange and a truck"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below an oven"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a green surfboard and a brown oven"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a black backpack and an orange hot dog"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a teddy bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tv"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a spoon"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a sports ball and a banana"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sheep"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bottle and a brown banana"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bicycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white broccoli"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a horse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cake"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a bottle"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bottle and a brown snowboard"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a backpack and a banana"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a blue bear and a brown airplane"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a white motorcycle and a pink bench"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bus"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of an orange refrigerator and a green sports ball"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of an airplane"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a refrigerator"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a vase"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a red oven and a blue bottle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a kite"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a teddy bear and a broccoli"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a red chair and a white boat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a hair drier"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a broccoli"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cell phone"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a dining table"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a black sandwich and a white knife"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange teddy bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a sheep"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a blue chair and a green vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a white toaster and a green broccoli"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a tv remote"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a broccoli"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bicycle"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a cat and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red giraffe and a brown surfboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a knife"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bird"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a motorcycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a tv"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a brown sandwich and an orange parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a sports ball"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a donut and a hair drier"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow stop sign and a brown knife"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a knife"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a cow"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bus"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a fork"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cat and a blue couch"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a tv"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a computer mouse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sandwich"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a laptop"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a green bear and a brown orange"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a stop sign"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a green oven and an orange spoon"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a motorcycle"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cake"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a couch"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a broccoli"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a bear and a boat"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a white potted plant"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a computer mouse"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a red handbag"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a suitcase"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a black carrot and an orange stop sign"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a horse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a green laptop and a red hair drier"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a surfboard"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sheep"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a cow"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a laptop"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer mouse and a blue fork"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a green toaster and a brown bench"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a broccoli"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an orange"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a pink donut"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a yellow knife and a black cow"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sandwich"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a carrot"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a parking meter"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a red cake"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a scissors"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a couch"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cow and a red teddy bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a snowboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a refrigerator"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sandwich and a purple cell phone"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a knife"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a spoon"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple truck and a yellow tie"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of an orange parking meter and a pink laptop"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cat and a blue cake"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bottle"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a red sink"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a brown tv remote and a pink tv"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a white teddy bear and a red backpack"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of an orange donut and a purple banana"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a stop sign"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a tv"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a red broccoli and a purple cell phone"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a red sports ball and a white refrigerator"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a kite"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a cake"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a purple cow and an orange laptop"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a hot dog"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a spoon"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a cat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a fork"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bench"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sheep and an orange teddy bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bird"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a refrigerator"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a sheep and a person"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a spoon"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a pizza"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a black backpack and a green carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a train"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of an orange"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a chair"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a white truck"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a backpack"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a horse"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a knife and a carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a train"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toaster"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a donut and a person"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a parking meter"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow kite and a blue fork"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a white carrot and a green pizza"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a tie"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a couch and a surfboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a teddy bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a zebra"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a stop sign"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a surfboard"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a blue giraffe and a brown fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a fork"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a chair"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown surfboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sports ball"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an orange"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a yellow hot dog and a black laptop"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a cell phone and a sheep"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a sheep and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a red donut and a purple broccoli"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a tie and a sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tie"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a handbag"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sports ball"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a zebra"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a white teddy bear"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a carrot and a tie"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a red teddy bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sheep"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a brown spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of an oven"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a brown hot dog and a purple tie"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bear"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a white surfboard and a purple bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bench"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a hair drier"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tennis racket"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a surfboard and a sink"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a giraffe"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sports ball"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a broccoli"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sink and a yellow chair"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a black baseball glove"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a donut and a cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a train"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bench and a brown dining table"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a suitcase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a red scissors and a purple computer mouse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a pizza"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of an airplane and a surfboard"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a baseball glove and a pizza"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a pizza"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cat and a purple banana"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a vase"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tie"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of an orange"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sandwich"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a motorcycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a baseball glove"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of an orange surfboard and a black bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a person"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a stop sign"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a potted plant and a tv remote"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a pink carrot and a blue baseball glove"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a green kite and a purple baseball glove"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a chair"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a parking meter"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a motorcycle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of an orange"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow motorcycle and an orange potted plant"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a green couch"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a vase"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a pink snowboard and a purple refrigerator"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a black handbag and an orange bus"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red tennis racket and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a toaster"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a boat"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a kite"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a couch"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tennis racket"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a stop sign"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a snowboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a zebra"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a spoon and a knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a surfboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an oven"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a chair"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a computer mouse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a vase"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a green cake and a blue broccoli"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a handbag"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a computer mouse"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a computer mouse"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a snowboard and a broccoli"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a blue toaster and a pink computer mouse"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a brown oven and a red chair"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sink"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a spoon"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tv"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a vase"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bear"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a dining table"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink tennis racket and a yellow banana"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a stop sign"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a red train and a white bicycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a tv"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a pizza"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a black carrot and a blue sports ball"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink bird and a green motorcycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a scissors"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a potted plant"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of an airplane"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a boat and a sink"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a potted plant"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow broccoli and a blue sink"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a baseball glove"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a red tv"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bus"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a spoon"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a hot dog"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cell phone"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a donut"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a chair"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cake and a yellow zebra"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a sheep"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a yellow banana and a black tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of an oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above an airplane"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv remote and a pink hot dog"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a yellow truck and a green zebra"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a knife"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hair drier"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a tv remote"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a yellow kite and a green train"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bottle"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a potted plant and a handbag"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a brown dining table and a blue bird"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a boat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a dining table"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sandwich"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sandwich"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a kite"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a handbag"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a brown motorcycle and a purple carrot"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tv"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a kite"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a baseball glove"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a refrigerator"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hair drier"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an airplane"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a white horse and an orange banana"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a sports ball and a hot dog"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a scissors"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tv remote and a brown fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a laptop"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a computer keyboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a dining table"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a tv"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a zebra"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a parking meter and a hair drier"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a truck"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a white tennis racket and a blue cake"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of an orange"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a yellow vase and a white tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a cow"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of an orange broccoli and a black oven"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a black tennis racket"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a surfboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a horse"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink airplane and a yellow broccoli"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a white bird"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown boat and a yellow refrigerator"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown teddy bear"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a white handbag and a blue suitcase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a hair drier"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sheep"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a pink orange and a brown pizza"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a pink bus and a white bird"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a motorcycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a green vase and a black carrot"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a vase"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a brown scissors and a white tv remote"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an oven"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a green tv"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bus"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a backpack"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a pink sheep and a green giraffe"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a brown tie and a green cake"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a black chair"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a black sandwich and a red baseball glove"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a carrot"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow computer mouse and an orange sink"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of an orange horse and a red sports ball"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a knife"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a hot dog"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a horse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a sheep"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a giraffe"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a teddy bear and a bear"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a red oven and a pink carrot"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a red tv and a green carrot"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a fork"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a broccoli"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bench"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tv remote"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tie"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a person"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a suitcase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a fork"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a black cake and an orange couch"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tv"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a white orange and a purple zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a motorcycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of an oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a hot dog"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a sheep and a carrot"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sheep"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a surfboard"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a pink bus and a black motorcycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bicycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a carrot"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bottle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a person"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a giraffe and an orange"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a pink tv and a purple cake"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a vase"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a baseball glove and a carrot"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a refrigerator and a laptop"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sheep"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a hot dog"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a white hot dog and a purple spoon"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a chair"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a toaster"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a tennis racket and a cat"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a hot dog and a computer mouse"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a laptop and a kite"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a white scissors and a purple carrot"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a black tv and a green donut"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a suitcase"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a boat and a hair drier"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a broccoli"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer mouse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a fork"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a computer keyboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a giraffe"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an orange"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a handbag"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a backpack"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of an oven"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a baseball glove"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bottle and a cow"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a yellow toaster and a white baseball glove"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a stop sign"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an orange"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a stop sign"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cat"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tennis racket"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a dining table and a suitcase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bottle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a banana"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a motorcycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a bench"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tv"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a giraffe"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sandwich"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a baseball glove"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a person"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a white oven and a brown vase"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a dining table"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a purple oven and a pink knife"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a kite"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a white knife and a purple computer mouse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bird"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a snowboard and a motorcycle"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sink"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a carrot"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a blue donut and a brown cell phone"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a tie"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a tv"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a hot dog"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple bird and a white hot dog"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a green bench and a black potted plant"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a pink boat and a white oven"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an orange"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a kite"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a bottle and a bench"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tie"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bird"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a toaster"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a pink banana and a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a pink donut and a purple sports ball"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a white toaster and a red bottle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a hair drier"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a white tv and a black boat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a white oven and a brown cell phone"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a person"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a banana"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a green suitcase and a blue train"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a giraffe"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a bench"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of an airplane and a cow"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a suitcase"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a refrigerator"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cat"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a laptop"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a red banana and a white cake"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a red hair drier and a yellow bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a boat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a computer keyboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a suitcase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a computer mouse"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of an orange oven and a black boat"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow zebra and a blue suitcase"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cat"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a person"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a sandwich"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a motorcycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bird and a purple truck"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bear"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange tv remote and a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of an orange train and a black parking meter"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a black scissors and a blue banana"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a hot dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bottle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a computer mouse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a hair drier"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fork and a purple pizza"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a boat"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a motorcycle and a backpack"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a dining table"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a teddy bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a parking meter"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a baseball glove"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a computer mouse and a sheep"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a spoon"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red backpack and a brown snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a purple cell phone and a red bench"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a bicycle and a backpack"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a blue fork and a green parking meter"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a black hair drier and a pink cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a purple fork and a pink bottle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a parking meter"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bus"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a giraffe"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a pizza"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a refrigerator"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a motorcycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a truck"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a white refrigerator and a black toaster"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a handbag"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a zebra and a sink"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cake"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a person"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a person"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a spoon"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a white snowboard and a black vase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a surfboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a backpack"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a banana"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a carrot"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink teddy bear and a yellow motorcycle"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a potted plant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a parking meter"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a green fork and a red zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a suitcase"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a white spoon and a green banana"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a black banana and a green kite"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a tv remote"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bottle"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a motorcycle and a broccoli"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a hair drier"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a truck"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a sandwich"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a black boat and an orange tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a tie"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cake"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a truck"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a knife and a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a scissors"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a giraffe"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a toaster and an oven"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a surfboard"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a refrigerator and a backpack"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a green handbag and a red horse"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a purple toaster"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a white bear and a blue spoon"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a suitcase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a baseball glove"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a truck"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a laptop"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer keyboard and a brown bicycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cat"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a sheep"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a horse"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a brown giraffe and a white boat"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a kite"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sink and a yellow cat"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a snowboard"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a tie and an oven"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a vase"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a brown computer keyboard and a white scissors"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a green chair and a black horse"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a pink toaster and a red computer mouse"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a tv"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sink"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a backpack"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a zebra"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a purple laptop and an orange horse"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a scissors"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a backpack"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a sheep"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a couch"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a sheep"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sports ball"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a hot dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a cell phone"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a truck"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cow"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a toaster"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a white donut and a brown motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a backpack"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tv remote"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a dining table"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a dining table"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a hot dog"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cell phone"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a scissors"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a boat and a cow"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cow"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a red zebra and a purple bird"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a spoon"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a cow"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a brown baseball glove"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a computer mouse"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a tv remote"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a red giraffe and a white suitcase"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a boat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tennis racket"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a spoon"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a couch"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a pink giraffe and a red cake"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cake"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a baseball glove"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a hair drier"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow handbag and an orange refrigerator"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a green giraffe and a red orange"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a banana"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an oven"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bus"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a truck and a toaster"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a brown dining table and a green toaster"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a blue vase and a green pizza"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a hair drier"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a handbag"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a sink"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a backpack"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a refrigerator"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a backpack"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple baseball glove and a red snowboard"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a train"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an orange"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a train and a computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a laptop"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow oven and a brown tv remote"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a purple boat and a white fork"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a couch"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a snowboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a truck"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bicycle and a white hair drier"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a hot dog"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a donut"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a chair"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of an airplane"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a scissors"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a brown potted plant and a pink parking meter"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tennis racket and a pink train"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a potted plant"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a laptop"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a purple scissors and a brown bicycle"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a teddy bear and a suitcase"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tv remote"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a suitcase"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a spoon"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a hot dog and a bird"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a surfboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a donut"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a boat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bottle"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a black teddy bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a red computer mouse and a pink dining table"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bird and a white pizza"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a horse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a train"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sink and a pink horse"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sheep and a pink bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a white airplane and a green carrot"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bench"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a purple horse and a white vase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a blue scissors and a green bear"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a knife"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a blue refrigerator"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a banana"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a boat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a black scissors and a red bear"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a cake"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer keyboard and a brown backpack"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tie"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a black orange and a brown cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tie and a broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a purple bear and a white sink"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of an airplane and a bird"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a black dining table and a brown refrigerator"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a handbag"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a brown knife and a blue horse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a hair drier"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a zebra"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a red tv and a blue tv remote"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a snowboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of an airplane"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bicycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a zebra and a horse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a teddy bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bear"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sports ball and a blue baseball glove"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a backpack and a baseball glove"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a truck and a parking meter"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow donut and a brown oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an airplane"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a truck"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bird"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a refrigerator"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a tennis racket"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cow"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a brown cell phone and a green hair drier"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a sink"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sheep"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a backpack"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a fork"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a red train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a knife"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a vase and an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bench"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of an orange couch and a blue hair drier"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a boat"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a refrigerator"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bicycle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a truck"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a green banana and a brown train"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a knife"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a black donut and a purple hair drier"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a donut"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tennis racket"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a tie"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a person"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a train"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sports ball"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a hot dog"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a purple bird and a white sandwich"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of an oven and a pizza"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a kite"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a red cake and a white computer mouse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a dining table"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a cat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sheep"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a handbag"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow handbag"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a train and a sports ball"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bicycle and a blue cake"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow spoon"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a motorcycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a giraffe"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a spoon"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a pizza"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple train and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a tv"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bear and an orange hot dog"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink bus and a green bicycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cell phone"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a dining table"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a train"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a cat"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown chair and a yellow cat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a cell phone"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a purple boat and a red sandwich"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a toaster"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a green spoon"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a banana"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a chair"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a backpack"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a red bird and an orange cell phone"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a white broccoli and a yellow bear"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bicycle"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a vase and a hot dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an oven"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow spoon"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a spoon"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a pink kite and an orange bus"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a green sandwich and a brown vase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a green kite and a purple fork"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a computer mouse"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tie"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a toaster and a snowboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a potted plant"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an orange"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow hot dog and a blue fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a laptop"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a dining table"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a blue surfboard and a black baseball glove"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a snowboard and a train"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a spoon"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a truck"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a hair drier"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sheep"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a motorcycle"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a toaster"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a chair"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a zebra"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a toaster"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a black donut and a red oven"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a bicycle and a cell phone"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a blue boat and a black hot dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a broccoli"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of an oven"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a snowboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a banana"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an orange"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a pink bus and a black cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a sheep"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a black airplane and a white hair drier"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a laptop"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a snowboard"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a teddy bear and a parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a tie"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a blue computer mouse and a pink motorcycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of an orange couch and a brown vase"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a pizza"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a snowboard"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a cake and a handbag"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tv remote and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a white broccoli and a yellow suitcase"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cat and a yellow bear"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bird"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a laptop"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a giraffe"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a laptop"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sheep"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a baseball glove"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a zebra"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a red cat and a pink cake"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a white tv remote and a red boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a broccoli"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a green truck and a purple toaster"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an oven"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a pizza and a teddy bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a spoon"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a red vase and a black horse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a brown potted plant and a white boat"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a stop sign"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a computer keyboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a boat"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a blue cake and a red pizza"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a laptop"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bench"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tv"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a horse"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a white handbag and a blue spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bear"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a cell phone"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a pink orange and a black hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a banana"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a hair drier"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a hair drier"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cell phone"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cell phone"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a computer keyboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a tennis racket and a broccoli"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow oven and a purple orange"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a baseball glove"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a kite"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a giraffe"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a white zebra and an orange toaster"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bus"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bus"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a green stop sign and a white dining table"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a spoon and a sandwich"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a boat and a zebra"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a truck"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a green orange and a black fork"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a green cat and a red truck"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a stop sign"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bear"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a broccoli"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a suitcase"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cell phone"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bench"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a giraffe"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a teddy bear"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a laptop"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink fork and a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a green surfboard and a purple dining table"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a train and a stop sign"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow vase and a purple truck"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tennis racket"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a brown knife and a green truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a brown toaster and a pink hair drier"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a motorcycle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a hair drier"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a knife and a bird"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a banana and a donut"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a bus and a hair drier"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a red couch and a blue motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a sheep"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a chair"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a tv"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a spoon"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bicycle and a purple tv"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bench and a blue parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a black tv and a brown cat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bird"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow fork and a brown bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sports ball"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a scissors"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a surfboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a yellow potted plant and a white pizza"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a black vase and a purple sink"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bear"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a refrigerator"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a parking meter"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a brown laptop and a green pizza"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of an orange and a laptop"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a broccoli"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a giraffe"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a spoon"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a red bear and an orange oven"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a white couch and a red cow"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a pink suitcase and a red orange"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a red airplane and a purple computer mouse"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a zebra"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a teddy bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cow"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a computer keyboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sheep"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below an airplane"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a green backpack and a blue truck"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a red couch and a blue parking meter"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of an oven"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a zebra"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a fork"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a broccoli"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a stop sign"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a bench and a bird"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a tie"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sandwich"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a computer mouse"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a snowboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a computer keyboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a refrigerator"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a hair drier"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tie"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a green train and a pink boat"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cat and a black chair"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a pizza"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sink"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cat and an orange toaster"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a fork"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a dining table"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a snowboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a truck"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a purple tennis racket and a green computer mouse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a bottle"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cow"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a carrot"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a hot dog and a spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bear"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bicycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a blue potted plant and a green cat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of an airplane"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a green baseball glove and a white donut"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a black fork and a pink suitcase"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a red bottle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a red train and a green fork"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a spoon"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a zebra"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a donut"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a couch"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a pink refrigerator and a black baseball glove"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an oven"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bottle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a boat"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of an oven and an airplane"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tie"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a hair drier"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tie and a red hair drier"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a bus and a parking meter"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a kite"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a purple refrigerator"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a sports ball"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a hot dog"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a green tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a baseball glove"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sandwich"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a brown hair drier and a blue sink"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple snowboard"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a brown cell phone and a green horse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bear and a white computer mouse"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a sheep and a baseball glove"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a green sports ball and a purple cell phone"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a backpack"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a sheep"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a motorcycle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a pizza"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sports ball"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a person"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of an orange banana and a purple sink"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a spoon"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a truck"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a surfboard and a hair drier"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer mouse and a black teddy bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv remote and an orange sheep"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple baseball glove and a yellow couch"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a red fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a laptop"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue pizza and a yellow horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a potted plant"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a zebra"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a donut"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a red computer keyboard and a blue couch"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a red couch and an orange spoon"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a red snowboard and a purple cat"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bicycle"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a carrot and a parking meter"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a toaster"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sandwich and a purple bicycle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a white sheep and a red knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a sink and a tie"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a boat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a green boat and a white computer mouse"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of an orange pizza"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a laptop"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a white spoon and a yellow giraffe"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a pink zebra and a blue giraffe"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a dining table"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a fork"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a bus and a giraffe"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a bird and a cake"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above an airplane"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tie"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a backpack"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bottle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a zebra"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tie"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a cake"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a stop sign"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a pink bear and a green knife"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bicycle and a truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a yellow teddy bear and a black donut"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a donut"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a tennis racket"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a cow"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bottle"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a truck"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a broccoli"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a dining table"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a green donut and a pink boat"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a sheep and a zebra"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a purple sink and a black giraffe"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a fork"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a blue oven and a red chair"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a brown hot dog and a white parking meter"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bicycle and a yellow scissors"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a black potted plant and a green hair drier"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bear"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a tie"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a red toaster and a blue knife"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a cat"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a backpack"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a donut and a bird"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a kite"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bicycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bench"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a giraffe"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a carrot"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a pink horse and a green chair"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a handbag"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a green tv remote and a white scissors"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bus"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a spoon"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a white bird and a red hair drier"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a tie"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a green backpack and a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a red teddy bear and a purple toaster"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tv remote"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bench"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a broccoli and an orange"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of an orange bear and a pink boat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a stop sign"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a baseball glove"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a cell phone"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cake and a yellow broccoli"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a truck"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a laptop and a snowboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a fork"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a surfboard"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sheep"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a vase"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of an airplane and a tennis racket"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a refrigerator"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bus"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a brown potted plant and a white tv remote"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a bus and a bench"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cow"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a red truck"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a chair"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a blue dining table and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sheep"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a handbag"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sink"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bus"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a blue parking meter and a brown refrigerator"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a horse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a green baseball glove and a blue cell phone"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange boat and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a yellow couch and a black knife"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a broccoli"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a scissors"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a hair drier"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a baseball glove"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a suitcase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of an orange pizza and a red stop sign"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a red sheep and a white broccoli"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tie"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bench"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a parking meter"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple teddy bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a giraffe"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a green cow and an orange cell phone"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a truck"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a black cake"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a green hot dog and a purple stop sign"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bird"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a black refrigerator and a blue handbag"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a brown fork and a green oven"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a purple couch and a white cat"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a tennis racket and a tv remote"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a potted plant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a giraffe"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a couch"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a surfboard"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a red sheep"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a pink laptop and an orange couch"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a horse"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below an airplane"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a horse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a train"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a potted plant"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a giraffe"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a surfboard"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a chair"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a train and a dining table"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a cell phone"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a train and a vase"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a green snowboard and a purple refrigerator"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tie and a brown sandwich"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a laptop"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bird"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of an orange handbag and a blue oven"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink refrigerator and a green motorcycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a giraffe and a broccoli"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a spoon"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a computer keyboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an airplane"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bottle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bench and a purple giraffe"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a spoon"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bird and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bus"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a red bicycle and a pink bottle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bottle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hot dog and a yellow orange"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a bus and a stop sign"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a kite and a hot dog"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a giraffe and a bear"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a purple airplane"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bottle and an orange bird"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bicycle"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a boat and a suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sandwich and a yellow vase"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a pink sink and a green tv remote"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a suitcase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a black laptop and a green bottle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bus"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sheep and a yellow couch"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a boat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a computer keyboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bottle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a zebra"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a suitcase"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bottle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a carrot"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a pink motorcycle and a brown kite"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a pizza"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of an orange cow and a white carrot"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a backpack"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an airplane"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a laptop"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a kite"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a person"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a red truck and a green airplane"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tennis racket"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a broccoli"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a toaster"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cake"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a white zebra and a blue snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a tv"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sink and a brown orange"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a baseball glove"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a surfboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a surfboard"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a giraffe"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a potted plant and a sports ball"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of an orange chair and a black computer mouse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a snowboard"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue spoon and a black computer keyboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a brown truck and a purple snowboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a black computer keyboard and a blue couch"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a brown baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a giraffe"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cake"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a brown potted plant and a purple orange"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of an orange orange and a white computer mouse"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a blue scissors and a black baseball glove"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a broccoli"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a red horse and an orange orange"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a teddy bear"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a teddy bear"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a zebra"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a banana"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a computer mouse"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a tv remote"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a person"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a purple donut and a white sheep"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a stop sign"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a banana"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a red cake and a purple knife"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a stop sign"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sandwich"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a stop sign"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a pizza"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a blue cell phone and a purple sink"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv remote"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a donut and a banana"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a black toaster and a white knife"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a donut"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bench"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a kite"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a sink and a laptop"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sheep"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a baseball glove and a teddy bear"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a chair and a tv"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a parking meter"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a parking meter"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a train"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a refrigerator"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a pink refrigerator and a green computer mouse"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a sheep"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green bicycle and a brown teddy bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a spoon"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a sports ball"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a toaster"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a train"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a green teddy bear and a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of an orange refrigerator and a red laptop"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a brown giraffe and a purple refrigerator"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tv and a brown cow"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a yellow motorcycle and a green cake"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a brown zebra and a white toaster"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an oven"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a sandwich and a dining table"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sports ball"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a pizza"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bear"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a red airplane and a black computer keyboard"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a red toaster and a white bench"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a brown spoon and a white sheep"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a suitcase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a fork"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an airplane"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a red toaster and a yellow horse"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a blue sheep and a green broccoli"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an airplane"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a laptop and a carrot"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of an oven and a train"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a blue scissors and a white chair"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a black tie and a red computer keyboard"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a broccoli and a person"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a backpack"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bus"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a zebra"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a tennis racket and a scissors"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bench"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a snowboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a stop sign"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a laptop"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a red donut and a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a white parking meter and an orange tv remote"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a green spoon"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a scissors"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tie"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a laptop"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a laptop"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a laptop"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer mouse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a knife"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sports ball and an orange toaster"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bicycle"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bird"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a banana"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bicycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a train"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a white spoon and a purple banana"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a spoon"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a dining table"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a horse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sink"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow horse and an orange boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a chair"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a cell phone and a broccoli"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a green broccoli and a red sheep"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a brown broccoli and a pink cat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue motorcycle and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a white boat and a red carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a hair drier"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a purple giraffe and a black bicycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a backpack"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a sink and an airplane"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a knife"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a boat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of an oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sink"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cell phone"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below an oven"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a train"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a boat"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of an orange sink and a black banana"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a knife"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tv"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a truck"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a stop sign"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a bear and a cat"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a black tie and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a white computer mouse and a blue cow"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of an orange bear and a black sink"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a red tv and a pink train"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a black airplane and an orange knife"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a snowboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a cow"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a spoon"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a baseball glove"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a refrigerator"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bottle and a sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an airplane"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a bench and a computer mouse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sheep"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a dining table"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cow"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a truck"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a white baseball glove and a yellow donut"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a white oven and an orange teddy bear"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a green chair and a yellow dining table"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a snowboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tie and a blue bird"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bench"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a black potted plant and a blue dining table"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a red computer mouse and a blue boat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bear"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a banana"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a purple train and a pink laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a donut"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a handbag and a pizza"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a stop sign"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a purple bench and a black tv"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a sports ball"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a motorcycle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a suitcase"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a kite and a truck"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a purple zebra and a white broccoli"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a truck and a tv remote"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a pink carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a pink tie and a red bus"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a person"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue refrigerator and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a white suitcase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a motorcycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tv"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a broccoli"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a suitcase"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a vase"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a toaster"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a brown zebra"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a vase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a toaster"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a cell phone"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a sink"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a horse"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a white spoon and a purple motorcycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sink"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a bench"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a sandwich"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a stop sign"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a scissors"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sheep"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of an orange carrot and a white parking meter"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a brown bottle and a black train"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a parking meter and a carrot"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer mouse and a white bicycle"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow couch"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a computer keyboard"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a black suitcase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a train"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a donut"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a green teddy bear and a purple cow"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a knife"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a blue snowboard and a purple cow"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a brown horse and an orange tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a dining table"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an oven"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an airplane"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a backpack"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a vase"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a white pizza and a blue scissors"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a cat and a bear"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a black oven and a red baseball glove"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a brown scissors and a pink tv"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bus and an orange handbag"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of an orange kite and a green sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a giraffe"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a refrigerator"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bear"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a black potted plant and a pink train"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a red giraffe and a yellow sheep"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a purple computer keyboard and a white parking meter"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a banana"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below an airplane"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a black horse and a red bus"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a spoon"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a brown bicycle and a green sheep"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow spoon and a blue refrigerator"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cell phone and a purple sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a cow"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an orange"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a fork"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a backpack"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a motorcycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a red giraffe and a blue motorcycle"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a stop sign"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a white potted plant and a green bottle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a scissors"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a donut"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tennis racket and a brown computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a green cell phone"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a baseball glove"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sports ball and a pink zebra"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a green toaster and a purple bottle"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of an orange airplane and a black orange"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a hot dog"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a refrigerator"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a motorcycle and a chair"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bottle"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a handbag and a tv"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a pink computer keyboard and a white carrot"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of an oven"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a white cake"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sheep"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a zebra"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a blue baseball glove and a brown refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bird"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a sink and a tennis racket"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a cat and a chair"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer mouse and a black zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a parking meter"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a person and a stop sign"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cake"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a parking meter"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a toaster"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a brown airplane and a black fork"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a pizza"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a pizza"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a chair"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange motorcycle"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a red teddy bear and a blue knife"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a white sheep and a blue bicycle"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a red bench and an orange sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an oven"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a backpack"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a knife"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a computer mouse and a boat"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a blue bottle and a green bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a cow"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a fork"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a purple baseball glove and a green computer mouse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a boat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a potted plant"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown computer mouse and a yellow donut"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a purple giraffe and a white train"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a pink backpack and a purple tv"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bench"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a horse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a carrot"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a purple suitcase and a white pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a person"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a red hot dog and a yellow motorcycle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a purple motorcycle and a pink donut"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a red truck and a white toaster"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a purple cake and a black potted plant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a baseball glove"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a black tie and a green bench"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cell phone"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bench"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bench and a yellow cat"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a broccoli and a snowboard"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow hot dog and a green bicycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a dining table"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a zebra"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a bear"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bottle"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown snowboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a bird"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a giraffe"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a brown snowboard and a purple cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a computer mouse"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a green kite"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a white chair and a pink bicycle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cow"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown cell phone and a yellow pizza"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a hot dog"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a potted plant and a backpack"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a fork"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a truck"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink vase"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a handbag and a bicycle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an oven"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a sink and a bus"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a carrot"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cake"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cake and a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a black carrot and a pink boat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a zebra"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a red bus and a brown pizza"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a red train and a black tv remote"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a handbag"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tv remote and a yellow oven"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a white snowboard and a purple chair"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a tv"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown surfboard and a yellow handbag"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a suitcase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of an airplane"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a tie and a zebra"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a scissors"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cat"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a purple cow and a red train"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a white sheep"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bottle and an airplane"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a motorcycle"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a refrigerator"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a horse"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a red fork and a green handbag"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sink and a pink chair"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a blue sink and a black computer mouse"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow boat and a black bottle"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tv"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of an oven and a spoon"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bottle"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a teddy bear"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a banana"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a red donut"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sink"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cell phone and a brown carrot"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bottle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a cat and a spoon"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a baseball glove"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bench"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cow and a brown tv"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a carrot"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a couch"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a purple fork and a white dining table"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a purple refrigerator and a green oven"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a black pizza and a pink sheep"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a giraffe"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of an orange and a sheep"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a parking meter and a banana"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a carrot"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a zebra"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a pizza"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sheep"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a cat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tie"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a pink spoon and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a green teddy bear and a black oven"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a purple snowboard and a pink giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a white pizza"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a donut"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a baseball glove"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a baseball glove"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a cat"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of an orange baseball glove and a white computer mouse"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a tv remote"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a laptop"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a white bottle and a black handbag"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a purple backpack and a brown broccoli"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a blue pizza and an orange zebra"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a banana"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a white backpack and a green cow"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow donut and a pink pizza"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of an orange snowboard and a red couch"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a banana"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a tie"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a surfboard and a potted plant"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a red cake and a purple sports ball"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of an oven"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a brown baseball glove"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bear"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a computer mouse"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of an orange"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a green kite and a pink orange"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a vase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bottle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a person and a laptop"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a cell phone"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a vase"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a parking meter"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a handbag"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a sheep"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer mouse and a purple truck"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a black teddy bear and a white sandwich"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a blue vase and a red scissors"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of an orange vase and a white pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bicycle"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a handbag"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a donut"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a hot dog and a backpack"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a red tie and a purple refrigerator"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a sheep"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sandwich and an orange cake"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a laptop"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer mouse and a yellow bus"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue oven and a yellow donut"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bear"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a red bus and a white tv"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a black cat"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a pink banana and a black sports ball"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a potted plant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sheep"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a sheep"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a dining table"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a teddy bear"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a pink surfboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a green sheep and a brown train"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a teddy bear"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a person and a bicycle"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a brown backpack and a blue tv remote"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a green train"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a red truck and a pink tv remote"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a black refrigerator and a blue vase"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a red computer mouse and a green donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a motorcycle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a knife"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a white knife and a purple spoon"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a knife"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tie"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a couch"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a black parking meter"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cake and a red pizza"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a cow and a potted plant"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cake"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bird"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sink"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a couch"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a white cell phone and a pink tv"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a tie"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of an orange knife"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a boat"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a sandwich and a refrigerator"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a baseball glove"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a carrot"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a white sports ball and an orange tv"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a red baseball glove"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a white bicycle and a brown donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a motorcycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a zebra"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tennis racket"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a cow"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a couch"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a teddy bear and a sandwich"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a pink scissors and a purple oven"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a hair drier"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a computer keyboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a tennis racket"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a person"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a brown handbag and a pink fork"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a hot dog"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a surfboard"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a carrot"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tie"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a teddy bear"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tv"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an oven"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a tie and a bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a teddy bear and a pizza"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a green pizza and a yellow cow"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a stop sign"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a black motorcycle and a brown sink"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a snowboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a laptop"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a purple oven and a black sandwich"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a black computer mouse and a blue tv"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a black toaster and a blue bicycle"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sheep"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a sheep"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a backpack"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a banana"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tv"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sink"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of an orange chair"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a chair and a donut"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a white tie and a blue kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tv and a green cell phone"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an airplane"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a red refrigerator and an orange spoon"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of an orange cell phone and a red tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tv"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of an oven"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a tie"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow train and a pink cell phone"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a teddy bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a handbag"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a red bear and a black bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a spoon"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a kite"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a chair"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a carrot"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sandwich"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a scissors"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hot dog and a yellow giraffe"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below an oven"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a chair"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a tie"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tv and an orange boat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a train"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of an orange truck and a brown airplane"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a black donut and a brown baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a cow"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a pizza"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a handbag"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a pizza"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a green handbag and a pink truck"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown toaster and an orange cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a toaster"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a donut"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a computer mouse and a backpack"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a laptop"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a brown teddy bear and a purple motorcycle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bus and a yellow bottle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a potted plant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of an airplane"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a handbag and a truck"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a donut"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a train"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a cake"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a suitcase"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bottle and a sports ball"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a parking meter"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow teddy bear and a purple handbag"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a donut"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a train"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a laptop and a cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a chair"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a donut"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a bench and a bottle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cell phone and a blue broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a teddy bear"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a kite"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sink"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a blue zebra"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a red tennis racket and a green bicycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a tv"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a tv"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a purple suitcase and a blue oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a couch"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a scissors"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a surfboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bench"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a chair"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bench and a brown giraffe"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a toaster"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a white boat and a yellow fork"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tie and a yellow sports ball"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a brown banana and a pink sink"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a kite"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a stop sign"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a banana"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a white tv remote"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cell phone"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a banana"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a giraffe"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a tv"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a truck"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sports ball"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a suitcase and a cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a handbag"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a computer keyboard and a parking meter"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a purple truck"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bear"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white banana and a black cake"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a truck and an orange"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a black tie and a red vase"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a black truck and a brown kite"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a black bench and a red cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a black carrot and a yellow hot dog"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a truck"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a horse and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a green cow and a blue airplane"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a blue backpack and a purple zebra"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a purple tv remote and a black computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a sink"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a blue boat and a pink orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a carrot"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink hair drier and an orange bottle"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown scissors and a yellow cow"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow stop sign and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a white handbag and a purple knife"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a train and a refrigerator"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a black broccoli and a pink handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a scissors"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a potted plant"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of an orange train and a white broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a laptop"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a cat and a train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sink"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a computer mouse"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a donut"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of an airplane"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sheep"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a laptop"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a parking meter and a person"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a laptop"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a black orange and a green airplane"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a bicycle"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bear and an orange broccoli"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an orange"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a red potted plant and a black toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a handbag"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a black computer keyboard and a white spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a broccoli"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a knife"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a carrot"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a handbag"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a couch"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an oven"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sports ball"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a pink chair"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a sink"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow parking meter"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bicycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a person"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a tv remote"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a tie and a knife"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a knife"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a blue broccoli and a pink hair drier"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a motorcycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a person and a spoon"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a tv"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a pink parking meter"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a surfboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a green suitcase and a white scissors"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a scissors"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a dining table"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tv"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a pink dining table and a brown truck"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a vase"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a white bear and a black pizza"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a giraffe and a backpack"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a handbag"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cake and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a red bus and a brown oven"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a spoon"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a black stop sign and a green baseball glove"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sheep"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a brown airplane and a black carrot"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a handbag"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a teddy bear and a bottle"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a vase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a donut"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a scissors and a teddy bear"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a black bottle"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a boat and a snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tv"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a toaster"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a cell phone"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow oven and an orange surfboard"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow backpack"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a truck"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a computer mouse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a hair drier"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a person"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sink"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a cake"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hair drier"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cell phone"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tennis racket"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bottle"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a knife"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bird"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bottle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tv and a blue stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a blue tv remote and a purple motorcycle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a truck"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a blue orange and a black kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a red carrot and a pink scissors"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a toaster"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a pizza"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a fork"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a hair drier"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a potted plant"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a blue potted plant and a black vase"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a pink sheep and a green surfboard"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of an orange and a tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a horse"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a green train and a pink tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a surfboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a fork"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple stop sign and a white hot dog"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a snowboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a laptop"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a brown cake and a red motorcycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a zebra"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a blue vase and a green tv"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a toaster"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a dining table"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above an orange"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a person"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tv"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a carrot"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a green tennis racket and a pink donut"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a white suitcase and a purple potted plant"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a computer keyboard and a bicycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a giraffe"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a kite"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a horse"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a couch and a teddy bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a truck"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a spoon"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a black bottle and a brown hair drier"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a brown stop sign and a green carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a surfboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of an orange"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a hair drier"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black handbag and an orange computer keyboard"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of an orange boat and a blue stop sign"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a tv"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a pink donut and an orange bicycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a dining table"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a cow"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a kite"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a black chair and a pink cat"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a laptop and a surfboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an airplane"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sandwich and a purple vase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a brown laptop and a black orange"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a kite"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bird"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow train and an orange bench"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a pink scissors and a black donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a teddy bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sandwich"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a red orange and a white donut"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a backpack"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tie"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a black knife and a purple couch"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a suitcase and a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bird"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a blue parking meter and a red bird"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bottle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a purple sheep and a white tv"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a potted plant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a kite and a sandwich"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sandwich"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink knife and a green motorcycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an orange"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a refrigerator"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a black hot dog"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a potted plant"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cake"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a truck"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a sports ball"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a parking meter and a donut"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a red zebra and a yellow knife"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a white stop sign and a green vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a parking meter"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a red bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a vase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of an orange knife"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a kite"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of an orange"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a truck"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown parking meter and a yellow pizza"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a cow"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a fork and a train"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a computer mouse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a sandwich"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a carrot"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a kite"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a person and a cow"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a white sports ball and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv and a purple airplane"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bear and a pink cow"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a green cake"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bus"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bench"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a donut"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a teddy bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an orange"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a donut"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an oven"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cake and a blue bicycle"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a green carrot"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a stop sign and a person"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a giraffe"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tv"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bicycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bus and a brown baseball glove"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sandwich"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a tie"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a computer keyboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a cell phone"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a broccoli"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sink"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bottle"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a cell phone and a teddy bear"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a giraffe"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a backpack"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bottle"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a pink computer keyboard and a brown airplane"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a pink toaster and a brown spoon"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a green tennis racket and a blue snowboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bicycle"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a stop sign and a donut"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer keyboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a hair drier"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bottle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a red suitcase and a pink fork"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cell phone and a blue knife"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bench"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bird and an orange handbag"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a hot dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a tie"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a fork and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow airplane and an orange refrigerator"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow knife"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a kite"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a pizza"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bicycle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a hair drier"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a banana"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a red pizza and a blue sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sheep"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a green bear and a red oven"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a red bottle and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a pink bear and a black backpack"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a broccoli"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a cat and a refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a tv"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of an orange and a pizza"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer mouse and a white broccoli"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a brown cell phone and a black sports ball"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a laptop and a sandwich"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a pizza"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below an oven"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of an orange stop sign"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tie"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bird"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a yellow handbag and a black tv"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a spoon"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a brown oven and a green knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a giraffe"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a giraffe"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a knife"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a red oven and a pink cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a toaster"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tie"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a chair"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a boat"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a blue cow and a green bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sports ball"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue giraffe and a yellow surfboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sports ball"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a red handbag and a blue vase"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a boat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a fork"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a motorcycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tie"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a blue motorcycle and a brown kite"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a computer keyboard and an orange"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bus"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of an orange tv remote and a black dining table"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bus"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a sports ball"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bottle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a knife"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a blue sheep and a purple hot dog"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a purple hot dog and a black airplane"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a spoon"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sink"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tie"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a pink motorcycle and a red giraffe"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a pizza"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bird"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a red sports ball and a white cow"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a stop sign"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a couch"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bench"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a cat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a suitcase"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a bench and a person"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a hair drier"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a truck"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a carrot"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bird"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bicycle"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a pink parking meter and a black sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a scissors"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of an orange bus and a white train"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a tennis racket and a pizza"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a dining table and a bottle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a carrot"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a fork"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange suitcase"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a black bird"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cake"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a person"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a black backpack and a green airplane"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cat"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a brown tennis racket and a black vase"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a knife"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a computer mouse and a toaster"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a sports ball"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a horse"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a banana and a laptop"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a truck"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a boat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a surfboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a purple bird and a white hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tennis racket"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a person"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a handbag"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a white hair drier and a yellow orange"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a purple couch and a green bus"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a knife"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an oven"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sandwich and a pink tv remote"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a hot dog"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a purple horse and a white zebra"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bicycle"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a bicycle and a teddy bear"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a vase"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bus"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a suitcase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a black bicycle and a green boat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a green computer keyboard"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a black oven"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a green oven and a black surfboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a fork"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a black refrigerator and a yellow cat"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer mouse and a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a black chair and a blue handbag"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a pink refrigerator and a green knife"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cake"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a purple motorcycle and a pink orange"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink fork and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a backpack"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a hair drier"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a tv"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a purple handbag and a pink sheep"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a knife"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a zebra"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a baseball glove"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a potted plant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bus"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a fork"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a brown backpack"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a hot dog"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a laptop"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a knife"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a cat and a vase"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a donut"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a black cat and a purple surfboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a refrigerator"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a bench and a cake"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of an orange backpack and a black handbag"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow oven and a pink cell phone"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bottle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a laptop"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a purple hot dog and a brown toaster"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a kite"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a giraffe"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a scissors"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of an oven"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a computer mouse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a black zebra and a pink cake"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a black donut"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a refrigerator"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a bench"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below an orange"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a handbag"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a hot dog"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bird"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a tv"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an orange"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cell phone"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a blue sports ball and a purple suitcase"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a cell phone"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cake and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a potted plant"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a white bicycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an airplane"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a computer keyboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a vase"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink toaster and a yellow knife"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a handbag"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tv remote and an orange bench"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a stop sign"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a black truck and a pink fork"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a purple pizza and a black kite"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a black sandwich"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a carrot and a boat"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a computer mouse and a bird"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a teddy bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a zebra"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tie"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a sports ball"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a potted plant"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a white computer keyboard and a black couch"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a parking meter"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a tv remote and a scissors"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bottle"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a black teddy bear and a purple knife"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tv remote"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a carrot"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a horse"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a brown truck and a pink sports ball"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a chair"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a black vase and a purple cow"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a toaster"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a teddy bear and a donut"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a kite"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a computer mouse"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a chair"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a chair"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bus and a yellow scissors"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a sheep and a snowboard"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a brown sports ball and a red fork"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a green tennis racket and a red sink"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a white giraffe and a blue laptop"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a brown fork and a blue bird"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bus"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a purple hot dog and a black orange"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bear"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a motorcycle and an airplane"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a vase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tie"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a cow"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sports ball"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a teddy bear"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a broccoli"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a blue pizza and a brown carrot"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a motorcycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a suitcase and an airplane"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange boat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a green tennis racket and an orange teddy bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sandwich"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a toaster"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a white scissors and a green toaster"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cake"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bench and a chair"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bird"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bicycle"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of an orange broccoli and a green motorcycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv remote and a green bird"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a boat and a teddy bear"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a yellow hot dog and a green tennis racket"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a surfboard"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a knife"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a blue bird and a green hot dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a white computer mouse and a brown sandwich"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a yellow truck and a white sandwich"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a computer mouse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a hot dog"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sheep"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green airplane and a brown computer keyboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a tv remote"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv and an orange cat"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a brown cell phone and a green sports ball"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an orange"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a horse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a horse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bus"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an oven"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of an airplane and a tie"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a bus and a broccoli"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a kite"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a hot dog and a cat"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a brown sheep and a white orange"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a scissors and a donut"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cow"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below an orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sports ball"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bird"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a snowboard"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple dining table and a yellow sink"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue kite and a yellow broccoli"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sheep and a black refrigerator"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a pink potted plant and an orange sandwich"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a black backpack and a green giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a horse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a handbag"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a green sink and a blue cow"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange giraffe and a black motorcycle"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a spoon and a cake"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a stop sign"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a truck"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bottle"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bird and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv and an orange tv remote"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a boat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a boat"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a green refrigerator and a pink cat"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a black dining table"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a surfboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a motorcycle"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bus and a blue carrot"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a brown knife and a green stop sign"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a brown suitcase and a white stop sign"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a tie"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a knife"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bird and a yellow hair drier"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a brown hair drier and a pink banana"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a green bear and a pink broccoli"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a yellow refrigerator and a green train"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a donut and an oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tv"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a suitcase"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cat and a blue handbag"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a red dining table and a pink bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a computer mouse"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a red toaster and a yellow boat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a baseball glove"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a hair drier"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a computer mouse"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a pink parking meter and a red handbag"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bottle"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a red vase and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a pizza"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of an orange sheep and a white laptop"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a snowboard and a refrigerator"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a broccoli"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a kite"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a snowboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a vase"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a pink banana and a white chair"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tv remote"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a couch"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a purple orange and a pink kite"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a toaster and a banana"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bench and a carrot"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cake"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bear"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sandwich"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a cow"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a zebra"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an airplane"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a sink"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a boat and a bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an orange"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a knife"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of an orange zebra and a purple boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a broccoli"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a refrigerator"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a cow"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a giraffe"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a horse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a motorcycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bench"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a giraffe and a chair"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a fork"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a cake"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a banana"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a boat"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bench"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a toaster"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a laptop and a computer mouse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a computer mouse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a sink"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of an orange spoon and a red bird"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cell phone"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a giraffe"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a knife"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of a pink toaster and a green bus"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a suitcase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a train"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a toaster and a train"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bottle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sink"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a pizza and a cat"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of an orange pizza and a black couch"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tie and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a suitcase"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer mouse and a yellow donut"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a computer keyboard"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a toaster and a donut"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a broccoli"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of an oven"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a white vase and a yellow chair"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a cat"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of an orange stop sign and a black computer keyboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a potted plant"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of an orange donut and a pink sports ball"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of an orange and a fork"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a white kite and a red fork"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a brown sandwich and a black sheep"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a computer keyboard and a sheep"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a blue couch and a green donut"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a tv remote"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bird"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a fork and a bicycle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a red sandwich and a purple sheep"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a suitcase"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a motorcycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a giraffe"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sandwich"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a stop sign"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cake"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a banana"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a cell phone"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a motorcycle and a handbag"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a fork and a cat"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a laptop"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a red sink and a pink kite"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cow"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a yellow vase and a white spoon"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a white horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tie"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a computer keyboard"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a scissors"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a carrot"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a black hair drier and a pink carrot"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a green stop sign and a pink cake"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a black hair drier"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a horse"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a horse"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sink and a brown backpack"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tv and a pink airplane"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tennis racket and a purple bottle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a suitcase"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a black computer mouse and a brown bird"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a banana"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a donut and a bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a donut"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a refrigerator"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sports ball"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a potted plant"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange pizza and a yellow scissors"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a person"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a kite and a potted plant"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a computer mouse and a bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a computer keyboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a banana"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a truck"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tv remote and an orange tennis racket"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cake"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a vase"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of an orange orange and a brown vase"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a donut"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a brown motorcycle and a white couch"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow stop sign and a pink couch"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a truck"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a potted plant"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a banana"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a computer keyboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a sheep"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a black toaster and a yellow suitcase"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a green train and a brown parking meter"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of an orange train and a purple airplane"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a fork and an oven"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a backpack"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a chair"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a yellow tennis racket and a black cell phone"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bench"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bicycle"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a surfboard and a suitcase"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a dining table"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sheep"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a computer keyboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a red handbag and a green knife"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a purple computer keyboard and a white giraffe"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a tennis racket"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a stop sign"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below an orange"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a vase"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown chair and a yellow horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a giraffe"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a brown cow and a white couch"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a parking meter"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a tie"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a tennis racket"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a brown stop sign and a red baseball glove"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sandwich"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a black oven and a red donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bicycle"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a brown teddy bear and a pink bicycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a tv"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a green stop sign and a red bicycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tv remote"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a tv and a couch"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a motorcycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a black handbag and a pink cow"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a red cat and a green tv remote"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a train"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of an orange bear and a red sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a sink"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a white refrigerator and a red bus"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a black tv and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cow"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a donut"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a white snowboard and a red orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a toaster"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a suitcase and a toaster"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a computer mouse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cow"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an airplane"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a giraffe"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bear and a purple motorcycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a sink"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a motorcycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a broccoli"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of an orange toaster and a black backpack"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a kite"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a kite"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a backpack and a surfboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a horse"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a knife"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a sports ball and a horse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bottle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a refrigerator"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a motorcycle"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a baseball glove"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of an orange sink and a brown toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a backpack"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a zebra"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cell phone and a blue tie"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a green kite"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a potted plant"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow suitcase and a purple bottle"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow suitcase and a blue dining table"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cow"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below an oven"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bird"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a giraffe and a sandwich"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bear"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a knife"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a train"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a black tennis racket and a brown bird"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a knife"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a person"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an orange"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bicycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a kite"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a black tennis racket and a brown carrot"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cake"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a tennis racket and a vase"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cake and a yellow carrot"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a chair"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a pink baseball glove and a purple potted plant"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a green giraffe and a red pizza"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a vase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a toaster"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a train"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a fork"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of an orange"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a kite"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a white giraffe and a purple baseball glove"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a potted plant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a baseball glove"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a white snowboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tv remote"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a snowboard"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a green spoon and a red orange"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sheep"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a scissors"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a blue carrot and a black motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a handbag"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a motorcycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a handbag"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a stop sign"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bottle"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a sink"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a dining table"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sports ball"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a couch"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a sink"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bear"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a suitcase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a person"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of an orange orange and a black stop sign"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a scissors"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow scissors"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a laptop"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a cat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a fork"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a zebra"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a blue boat and a white bird"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a train"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a donut"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a couch"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tennis racket"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bottle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a refrigerator"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a baseball glove"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a baseball glove"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a bear and a spoon"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a brown giraffe and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a baseball glove"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a cake and a bottle"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a kite and a laptop"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a suitcase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a potted plant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cake"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a motorcycle"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a chair"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a green baseball glove and a purple pizza"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a green motorcycle and a black computer mouse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a white horse and a purple sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a scissors"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bottle"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a green spoon and a yellow stop sign"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a potted plant"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a pizza"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink hair drier and a yellow carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cow"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bear"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a boat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a dining table"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a black bus and a white motorcycle"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tennis racket"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a hot dog"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a brown bottle and a black knife"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a cake"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a spoon and a suitcase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bottle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bottle"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a pink airplane and a purple bicycle"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a white cat and a purple backpack"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a white parking meter"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a train"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bottle"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a purple truck and a brown donut"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bench"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow vase and a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a white horse and a purple computer mouse"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of an orange sports ball and a black fork"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a sports ball and a boat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above an orange"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a scissors"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a computer keyboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an orange"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a stop sign"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a tv"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a black bird and a red chair"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a zebra"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cow"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bottle and a red toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a hair drier"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a zebra"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bottle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bench"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a red tv remote and a blue tie"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bear and a pink stop sign"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a hot dog"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bear"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a brown knife and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a purple couch and a red stop sign"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above an oven"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a stop sign"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bird"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple baseball glove and a yellow spoon"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a tie"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a scissors"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a potted plant and a boat"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bus"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a suitcase"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a black couch"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cake and a white bicycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a yellow handbag and a green airplane"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a giraffe"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a kite"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a sheep"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a green sink and a white refrigerator"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a pizza and a toaster"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a giraffe and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a brown orange and a purple truck"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a pink handbag and a white bicycle"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a yellow truck and a green computer mouse"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sheep and a yellow airplane"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a tv remote"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a parking meter"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a motorcycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a backpack"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a blue chair and a white zebra"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue carrot and a yellow bus"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a cake"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tv remote"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bottle and a snowboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a laptop"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a chair and a teddy bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a spoon"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bear and a yellow cell phone"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a snowboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a cake"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a brown bottle and a red refrigerator"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a potted plant"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a suitcase"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a red fork"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cake"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a chair"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tv"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a stop sign"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a kite"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cell phone and a pink surfboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a stop sign"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bus"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a chair"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a red refrigerator and a purple boat"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bottle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red bicycle and an orange teddy bear"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a pizza"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bench"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow surfboard and a blue tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a suitcase"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bench and an orange dining table"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange kite and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a red couch and a purple baseball glove"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tie and a bicycle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a purple truck and a white cell phone"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a giraffe"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow banana and a pink cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a red sheep and an orange scissors"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a handbag"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a horse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a suitcase"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a hair drier"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a red knife and a yellow truck"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a couch"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a kite and a computer keyboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of a red dining table and a white sheep"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a carrot"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a blue giraffe and a green surfboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a toaster"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a horse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a knife"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a spoon and a surfboard"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a backpack"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an oven"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bird"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a truck"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a red tv remote and a yellow motorcycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a person"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a pink parking meter and an orange banana"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bear and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a purple oven and a brown bicycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a parking meter"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a black stop sign and a white vase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of an oven"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tv"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a black bird and a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a white handbag and a blue pizza"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a laptop"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a giraffe"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a train"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a black cake and a brown truck"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a purple backpack"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a cat"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a red banana and a pink carrot"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a computer mouse and a hair drier"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a snowboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a boat"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a laptop"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a parking meter"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a purple zebra and a brown sink"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a parking meter"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white sink and a black cake"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a backpack and a boat"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a cake and a fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a tv"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a brown suitcase and an orange bird"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a banana"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a pizza"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a green boat"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a purple refrigerator"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a tie"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a tie"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bottle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a red bicycle and a white donut"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a red bottle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a teddy bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a knife"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a bird and a truck"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a truck"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a black motorcycle and a red sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a blue pizza and a black baseball glove"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a pink oven and a white train"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a vase and a toaster"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a motorcycle and a potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a tie"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a green bus and a red dining table"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bird and a yellow bus"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a broccoli"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a tie"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a parking meter"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a brown spoon and a white tv"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a black fork and a blue backpack"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a donut"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a giraffe"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a cell phone and a train"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a tv remote"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a black boat and a green handbag"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a white airplane and a green train"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sheep"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tv"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of an oven"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a blue refrigerator and a black bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a truck"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a tennis racket"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a green hair drier and a yellow surfboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a surfboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a black vase and a green bottle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a blue giraffe and a white scissors"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple refrigerator and a black snowboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a toaster"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a banana"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cell phone"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bench"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a chair and a scissors"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a yellow computer keyboard and a green tie"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a chair"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a horse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a handbag"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cow"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a refrigerator"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a cell phone"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cat"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a yellow carrot and a black potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a horse"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a bus and a bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a handbag"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a pizza"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a hot dog and a carrot"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a pink teddy bear and an orange cake"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sheep and a white cow"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a white suitcase and a yellow knife"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a red suitcase and an orange horse"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a parking meter"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cake"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a toaster"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of an airplane"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a suitcase"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a scissors"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bench"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a brown train and a red tv remote"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a white chair and a yellow bird"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a purple snowboard and a white laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an oven"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a banana"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of an orange parking meter and a pink cow"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bird"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a zebra"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a couch and a snowboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a snowboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a hair drier"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a white train and a red donut"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sports ball and a yellow tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a suitcase"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a horse"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a train"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a white train and a black potted plant"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bird"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a cake"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a vase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an airplane"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a couch"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a black bird"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a train"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a brown carrot and a green airplane"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a knife"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a banana"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a broccoli"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a pizza"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a tennis racket"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a sports ball"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a boat"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a blue fork and a red oven"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a teddy bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a chair and a hot dog"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a truck"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a refrigerator"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a donut"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a white laptop and a green truck"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bicycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a cake"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a red cat and a blue boat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tv"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a banana"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a truck"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a computer mouse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a stop sign"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a bear and a toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bench"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a tv"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tie"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a laptop"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of an orange giraffe and a black couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a pink toaster and a black kite"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a yellow oven and a black airplane"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a carrot and a suitcase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below an orange"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a computer keyboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a giraffe"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a surfboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a knife"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a pink motorcycle and a white sports ball"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sports ball"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cake and a brown couch"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a bird and a toaster"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a scissors"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a horse and a cat"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a surfboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a bear"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a laptop"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a computer keyboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer mouse and a brown oven"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a broccoli"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a chair"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a tennis racket"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a dining table"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a stop sign and a scissors"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a chair"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a pink cow and a green sink"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a purple potted plant and a pink computer mouse"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow broccoli and a brown laptop"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a zebra"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a person"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cat"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a hair drier"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a stop sign"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a giraffe"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a kite"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a horse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a stop sign and a giraffe"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a refrigerator and a scissors"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a refrigerator and a potted plant"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a tv remote and a couch"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a white suitcase"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a stop sign"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a banana"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a giraffe and a teddy bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cake"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a broccoli"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a tie and a tv remote"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bus"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tie"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a dining table"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a green sink and a red chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a sports ball"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a carrot"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cell phone"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a tv remote and a bottle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a chair"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a tv remote and a sheep"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a black refrigerator and a purple vase"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a potted plant"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a toaster and a tv"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a tv and a carrot"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a potted plant"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a red sink and a green broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a vase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a sandwich"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a purple bench and a red spoon"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an airplane"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a fork"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a carrot"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a potted plant"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a brown backpack and an orange bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of an orange handbag and a red oven"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a couch"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a red banana and a black sheep"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a teddy bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below an orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bottle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tie"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a tv and a backpack"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a surfboard"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a cell phone and a horse"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a pizza"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cake and a blue tennis racket"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a horse and a fork"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of an orange pizza"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a tv"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a refrigerator"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a donut and an orange"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of an orange hot dog and a blue tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a boat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of an orange cake and a pink cat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a blue vase and a black fork"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above an orange"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a scissors"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a horse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cake"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a donut"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a green bird and a white sink"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sports ball"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sandwich"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a sink"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sheep and a white backpack"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tie"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a boat"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a blue baseball glove and a purple donut"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a giraffe"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bird"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a toaster and a tie"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a white cake and a red boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a tie"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a tv remote"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a hot dog"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a snowboard"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a toaster and a computer mouse"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cat"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of an orange tie and a green orange"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a sandwich"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cow"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a black cat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a tennis racket"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a green truck and a brown oven"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a train"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow laptop and a blue sandwich"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cow"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a refrigerator"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange banana and a yellow airplane"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a toaster"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a white banana and a purple zebra"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a pink sandwich and a green tennis racket"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a brown handbag and a red broccoli"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of an orange train and a pink backpack"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a giraffe and a stop sign"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a bear"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an oven"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bottle and a vase"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a boat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a toaster"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a pink computer mouse and a white hair drier"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of an orange truck and a purple pizza"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a white bottle and a red bicycle"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a baseball glove"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a pink tie and a white cat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a white vase and an orange handbag"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a toaster"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a suitcase"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above an airplane"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a brown handbag and a blue scissors"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a baseball glove"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a white cell phone and a black fork"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a brown refrigerator and a black toaster"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a kite"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tv remote"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a spoon"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a laptop"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cake"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an oven"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a black hot dog and a yellow handbag"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a zebra"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a person and a giraffe"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a black bear and a pink bus"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a cake"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a yellow oven and a green stop sign"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a yellow knife and a red computer mouse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a snowboard"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a green banana"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bird"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a tv"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a dining table and a refrigerator"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a broccoli"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sheep and a yellow oven"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a laptop"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bus"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a white couch and a red kite"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue horse"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a black motorcycle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a white bicycle and a pink parking meter"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a pink boat and a white vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of an orange train and a white kite"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a person"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a train"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a suitcase and a knife"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a hot dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a tennis racket"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a chair"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown snowboard and a yellow fork"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a truck"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a horse"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a white kite and a purple stop sign"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a yellow donut and a red bench"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an orange"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a red cell phone and a blue oven"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bird and a blue sandwich"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a red motorcycle and a blue surfboard"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a purple scissors and a red bicycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a giraffe"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a teddy bear"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a banana and a carrot"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a tv remote"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a baseball glove"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a parking meter"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bicycle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a toaster"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a blue vase and a red train"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a purple pizza and a brown toaster"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green vase"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a potted plant and a hair drier"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bird"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below an oven"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a zebra"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a tv"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a red bus"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a black tv and a red motorcycle"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bench"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a cake"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bicycle"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bicycle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a purple bus and a red bench"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bird"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a scissors"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bear"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a brown donut"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a train and a donut"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a person"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a giraffe and a dining table"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a cat and a donut"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a hot dog"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a refrigerator"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cow"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below an airplane"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a hot dog"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a parking meter"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a purple cat and an orange sink"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sink"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a kite"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a broccoli"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a purple spoon"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a zebra"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a brown suitcase and a white couch"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a white bottle and a red hot dog"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a handbag"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a white motorcycle"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a white sheep and a pink tv"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a truck"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a red scissors and a white giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a computer keyboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cake"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above an airplane"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a giraffe"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a kite"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a fork"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a baseball glove"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a knife"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bench and an orange sandwich"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bench and a yellow giraffe"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a scissors"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a white cake and a green hair drier"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an oven"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bear"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a refrigerator"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a banana"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bus"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a brown chair and a black horse"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a blue spoon"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a hot dog and an oven"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a motorcycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a donut"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a horse"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a toaster"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a white orange and a brown zebra"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a banana"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a horse and a couch"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a white cake and a purple suitcase"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a teddy bear"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a hot dog and a bench"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bear"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a tv"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a red knife and an orange bird"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a toaster"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sink and an orange bottle"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a pink vase and an orange kite"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sports ball"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bear and a purple bicycle"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sink"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a snowboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sandwich"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a pink bicycle and a black donut"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a computer mouse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a refrigerator"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a bird and a parking meter"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a sandwich"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sports ball"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a suitcase"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a backpack and a toaster"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sink"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cell phone"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a brown pizza and a red tv"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a red banana and a white motorcycle"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a tie and a chair"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a black potted plant and a pink zebra"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a spoon"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a tv remote"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a hair drier"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a sheep"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a white laptop and a pink bird"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a boat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cell phone"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a black broccoli and a brown horse"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a purple train and a white laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a blue kite and a purple hot dog"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a surfboard"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a bear and a person"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a computer keyboard and a computer mouse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bottle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a red toaster and a white chair"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an oven"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a pink carrot and an orange boat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an airplane"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cat"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above an oven"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a backpack"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a backpack and a scissors"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a red banana and a brown spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a teddy bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a donut"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a snowboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a sports ball"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bench"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a white sink and a black stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a spoon"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a bench"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a person"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a giraffe"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple teddy bear and a yellow stop sign"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a handbag and a bear"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange stop sign and a yellow zebra"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a scissors"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a black train and a pink couch"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a bench"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink potted plant and a yellow bus"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of an orange donut and a brown suitcase"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a pink sandwich and a red bicycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a scissors and an oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tv"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a spoon"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of an orange hair drier and a blue cow"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sheep"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a bird and a couch"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a white snowboard and an orange cow"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a potted plant"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a boat and a fork"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a dining table"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a bicycle and an orange"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a white sandwich and a red tv"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a tie"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a baseball glove"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a hair drier"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a suitcase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an airplane"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a brown horse and a white computer keyboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sheep"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a zebra and a sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a suitcase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a spoon"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a brown teddy bear and a white handbag"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tv"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a cell phone"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a blue bear and a white bicycle"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a toaster"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a laptop"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a blue truck and a brown train"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a red bottle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a black carrot and a purple parking meter"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a white bench and a blue computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a spoon"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bench"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a broccoli"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sandwich"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a broccoli"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a vase and a parking meter"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a sheep"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sandwich"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a banana"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a red orange and a brown spoon"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a fork and a suitcase"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bear and a red tv remote"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cat"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of an orange bird and a black cat"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a blue airplane and a brown zebra"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a purple orange and a black tv"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sink"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a dining table"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tv and a yellow motorcycle"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a carrot"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a white sandwich and a black vase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a carrot"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a backpack"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tie"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a pink scissors and a blue baseball glove"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a scissors and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a white oven and a green couch"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a pink suitcase and a black donut"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a green tv and a pink bird"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a pink computer mouse and a black kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a couch"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a stop sign"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a white airplane and a green cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a brown chair and an orange snowboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a pizza"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a cake"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a zebra"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a black couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a pizza"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a yellow airplane and a black pizza"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a train"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a computer keyboard and a motorcycle"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a white zebra"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a black bear and a pink chair"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a purple snowboard and a blue stop sign"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a carrot"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bird"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a snowboard and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tv and an orange bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a hot dog"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a vase and a teddy bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a computer keyboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a black spoon"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a scissors"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a purple knife and a pink giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a zebra"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a computer mouse"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow parking meter and a blue pizza"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a pink potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a scissors"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an airplane"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a green refrigerator and an orange orange"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a giraffe"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tv and a pink bicycle"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a kite"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a boat"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bus"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a spoon"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bottle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a zebra"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a spoon"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a toaster"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a kite"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a purple sandwich and a pink handbag"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a cell phone and a truck"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cake and a pink cell phone"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a couch"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a hot dog"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sheep"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a sheep"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a dining table"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a teddy bear"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a pizza"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange chair and a yellow tv"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a pink vase and an orange broccoli"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sports ball"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a kite"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an airplane"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a train and a tv"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a sports ball"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tie"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a pink zebra and a blue fork"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a tennis racket"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a hair drier"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a bear and a computer keyboard"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a refrigerator"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a computer mouse"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a pink donut and a white hot dog"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a train"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown surfboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a green backpack and a red cat"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a red tv remote and a black sheep"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a handbag"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bottle and an orange orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a snowboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a green stop sign and a pink tv remote"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a green handbag and a brown broccoli"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sports ball"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a toaster and a spoon"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a refrigerator"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sheep"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an oven"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sports ball"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a vase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a giraffe"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a purple tv and a black kite"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of an airplane"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a brown computer keyboard and a white vase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a tennis racket and a stop sign"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an airplane"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a person and a vase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a backpack"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a black orange and a green cell phone"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a parking meter"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a cake"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sports ball"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a suitcase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bird"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a sheep and a toaster"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow computer keyboard and an orange airplane"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of an airplane"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow scissors and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a brown backpack and a red refrigerator"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bus and a yellow hot dog"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cow"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sheep"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a potted plant"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow banana and an orange oven"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a yellow refrigerator and a white toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a sandwich"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a person"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a purple potted plant and an orange bus"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tv"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a snowboard"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hair drier"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a boat"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a black backpack and a pink fork"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a backpack"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a donut"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a refrigerator"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bottle"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green hair drier and an orange computer keyboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tv remote"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a boat and a vase"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of an orange sports ball and a green bottle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a backpack"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a pink backpack and an orange chair"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a vase and a sink"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a horse"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a green broccoli and a blue truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a computer mouse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bottle"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a spoon"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a banana"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a laptop"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a black handbag and a brown backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a knife"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a person"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a red airplane"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a train"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a computer mouse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a black cell phone and a white spoon"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bench"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a pink bear and a white knife"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a couch"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a black suitcase and a red airplane"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a person"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a purple sandwich and a green dining table"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tv remote"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a zebra"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a train"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a hot dog"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bench"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a sink"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a pink hair drier and a purple giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cow"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a motorcycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a white hot dog and a pink vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a parking meter"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a kite"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a person"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bicycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue snowboard and a yellow oven"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a broccoli"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a train"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a white laptop and a yellow backpack"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a blue cake and a green giraffe"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a white horse and a black snowboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a snowboard"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a carrot"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a pink scissors and a green chair"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a donut"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a cell phone"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue fork and a yellow bicycle"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a blue snowboard and a white backpack"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a truck"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a cat and a teddy bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a person"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a sports ball"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bottle"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tv"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a fork"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a truck"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sports ball and a yellow parking meter"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tv"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a blue refrigerator and a brown cake"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bench"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a toaster"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a toaster"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a snowboard and a donut"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a blue truck and a purple cell phone"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a giraffe"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a handbag"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a spoon"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a zebra"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cow"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bird"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a vase"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of an orange fork and a pink refrigerator"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a carrot"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a surfboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a toaster and a sink"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cake"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a scissors"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a tennis racket"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a fork"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a hot dog"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a pizza"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bird"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a couch"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a tie and a cake"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow sheep and a brown motorcycle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a yellow chair and a red computer mouse"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of an orange knife and a red parking meter"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a white pizza and a brown zebra"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sports ball and a white dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a potted plant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a parking meter"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bus"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a cat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bottle and a yellow oven"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a toaster"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a white bird and a brown dining table"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a hair drier"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a stop sign"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bicycle and an orange potted plant"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a knife and a refrigerator"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sandwich"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a fork"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sports ball"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a laptop"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a green refrigerator and a brown kite"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a white cat and a red vase"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a bicycle and a donut"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a black broccoli and a yellow boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a knife"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a black cat and a brown dining table"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a person"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a white refrigerator and an orange pizza"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a red banana and a green cell phone"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a tennis racket"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a blue donut and a brown refrigerator"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bus"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a kite and a person"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a black hot dog and a red boat"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cow"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a couch"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a white snowboard"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a blue potted plant and a brown kite"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a potted plant and a bird"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an oven"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a cat and a baseball glove"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bench and an orange spoon"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sports ball"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a train"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bottle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a chair"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a vase"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a kite"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a scissors"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sheep"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a purple hair drier and a white pizza"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a donut"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a boat"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a white bird and a green surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bear and a purple horse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bicycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an airplane"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a white donut and a green backpack"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a black scissors and a green kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tv remote"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a truck"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a fork"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a hot dog"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a tv and an oven"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cake"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bottle and a pizza"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sheep and a black backpack"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tennis racket"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a red sink and a green tennis racket"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bottle"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a red pizza and a pink scissors"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a sandwich and a sink"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a suitcase"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of an orange backpack and a green cake"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow baseball glove and a pink dining table"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a cat"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a blue teddy bear and a pink tennis racket"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a black computer mouse and a green carrot"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a yellow horse and a green motorcycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a donut"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a sheep"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a carrot"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a carrot"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a white train and a brown teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a suitcase"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a vase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a motorcycle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a banana"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cat"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tv"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bird"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a vase"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a giraffe"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sheep"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a computer keyboard and a suitcase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red scissors and a yellow surfboard"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a hair drier and a person"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a dining table"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a zebra"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a hot dog"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a hot dog"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a boat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a computer mouse"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a green computer keyboard and a pink computer mouse"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange knife and a yellow potted plant"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a horse and a tv"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of an orange backpack and a pink tennis racket"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bird"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a couch"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a vase"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of an orange banana and a black pizza"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bottle"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a hot dog"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a parking meter"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a green banana and a pink tennis racket"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a computer keyboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a hot dog"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a fork"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a white donut and a purple bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a banana"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a snowboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow oven"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a pizza"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a knife"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a laptop"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below an airplane"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an orange"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bicycle and a pink refrigerator"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an airplane"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a pink parking meter"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a purple backpack and a green hot dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a tennis racket"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a purple sheep and a black dining table"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a train and a horse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a black laptop and a purple airplane"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fork"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a red bus and a white sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a train"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a blue kite and a red airplane"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a brown cake and a pink scissors"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple surfboard and a yellow orange"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a yellow vase and a black horse"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a yellow stop sign and a black couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a pizza"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tie"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a refrigerator"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sandwich"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a green toaster and a white tennis racket"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a stop sign"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a truck"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a couch"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bus"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow knife"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a cell phone"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow airplane and an orange vase"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a boat and a computer mouse"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue horse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bottle"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink suitcase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a potted plant"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow vase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cow"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a red horse and a purple backpack"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a donut and a sports ball"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a pizza"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cell phone"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a bench"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a hair drier"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a snowboard"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a snowboard and an oven"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a red computer keyboard and an orange backpack"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a stop sign"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cell phone"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a zebra"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a truck"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tv remote"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a red bird and a green potted plant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a couch"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cake and a blue chair"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a pink carrot"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a cow"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of an orange backpack and a purple sandwich"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of an oven"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a pink train"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a donut"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a kite"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bottle"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a red broccoli and an orange sandwich"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a purple hot dog and a pink motorcycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a donut"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a green pizza and a white bench"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cow"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a surfboard"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sheep"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a black laptop and a purple oven"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a train and a truck"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a baseball glove"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tie"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a red bench and a pink cow"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a bear and an oven"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a cake"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a boat"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an airplane"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink potted plant and a red computer keyboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of an orange zebra and a white fork"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a sheep"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sports ball"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a teddy bear"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a knife"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cake"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cow"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a brown toaster and a green laptop"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cake"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a spoon"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bottle"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a green backpack and a white knife"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a banana"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a brown bird and a green dining table"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tv"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tv"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a green refrigerator and a white cow"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a white baseball glove"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of an orange broccoli and a blue bench"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a purple airplane and a brown potted plant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a tie"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a parking meter"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a black hot dog and a white cat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a cat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a brown spoon and a blue zebra"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a black hot dog and a purple orange"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sheep and a yellow cell phone"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a pink sports ball and a brown teddy bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a red oven and an orange sports ball"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a pink banana and a purple vase"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a potted plant"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a scissors and a horse"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bicycle and a blue kite"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a handbag"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a potted plant"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a pink broccoli and a green hair drier"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a white horse and a blue hot dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an oven"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a pink spoon and a brown fork"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a boat"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a refrigerator and a broccoli"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a purple hair drier and a red tennis racket"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bicycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tie"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a potted plant"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a red backpack"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tv remote"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a handbag"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a sheep and a donut"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a black airplane and a red tv"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a donut"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of an orange hot dog and a blue tennis racket"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a scissors"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a parking meter and a backpack"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a computer mouse and a dining table"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a vase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a truck"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple computer keyboard and a yellow parking meter"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a laptop"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a horse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sink"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a chair"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a sheep"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a purple baseball glove and a black bicycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a red parking meter and a blue fork"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sports ball"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sink"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a pink knife and a white baseball glove"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a kite"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cow"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a suitcase"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a person and a sandwich"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a couch"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bench"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a pink bus and a white airplane"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of an orange pizza and a brown giraffe"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a knife"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a toaster"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a donut"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a blue vase and a pink couch"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tv remote"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow handbag and a brown cat"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bench and a yellow backpack"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a chair"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a potted plant"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a handbag"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a sink"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a knife"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a boat"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a yellow spoon and a red bird"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a sandwich and a truck"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a green pizza"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tv remote"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a parking meter"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a yellow knife and a black parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a potted plant"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a pink baseball glove and a blue bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a knife"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a laptop"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a backpack"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a truck"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a zebra"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a laptop"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a cat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a white computer mouse and a blue refrigerator"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a black parking meter and a green surfboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a surfboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a donut"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a kite"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a suitcase and a couch"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue potted plant and a white teddy bear"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple horse and a yellow vase"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a blue giraffe and an orange truck"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tie"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a white teddy bear and a yellow bus"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a train"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a purple scissors and a black fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a bench"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a carrot"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a chair"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow carrot and a purple handbag"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bottle"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a white cake and a brown sandwich"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sports ball"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a spoon"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a brown boat and a blue knife"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a purple chair and a black spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a baseball glove"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a dining table"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bus"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a zebra"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a blue motorcycle and a pink donut"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a banana"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a yellow computer keyboard and a black backpack"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a handbag"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a toaster"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sandwich"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a laptop"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an oven"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sheep and a pink airplane"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow computer mouse and a blue boat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a vase"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a person"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a snowboard"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow refrigerator and a pink bus"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a spoon"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow knife and a brown train"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a green bench and a pink sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a horse"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a blue donut and a purple tie"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above an airplane"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "brown"}], "prompt": "a photo of a white suitcase and a brown couch"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a toaster"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a teddy bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a zebra and a computer keyboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a spoon"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a scissors"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a chair and a horse"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cow and a brown hot dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a dining table"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a green laptop and an orange tv remote"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of an orange laptop and a pink giraffe"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a couch"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a broccoli"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a toaster"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a donut"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a blue snowboard and a red banana"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of an oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a tv"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a dining table"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a snowboard"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a giraffe and a sheep"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bench"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a cat and an airplane"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a donut"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue tennis racket and a yellow cow"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a parking meter"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a pink giraffe and an orange teddy bear"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a pink vase and an orange horse"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bottle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a zebra"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a giraffe"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a handbag"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a toaster and a pizza"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a yellow backpack and a black hot dog"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple chair and a white snowboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a green vase and a pink parking meter"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a refrigerator"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a horse"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a handbag"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange computer keyboard and a yellow bear"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a person and a chair"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a parking meter"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a tie and a scissors"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a person"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a computer mouse"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a zebra"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a blue orange and a purple vase"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a blue handbag"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a spoon"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a boat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a computer mouse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an oven"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a green motorcycle and a white dining table"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a motorcycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a broccoli"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a parking meter"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a carrot"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a brown couch and a red motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cell phone"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a sheep"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a pink bear and a green stop sign"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a bear and a hair drier"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a dining table"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a knife"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a white cow and a black computer keyboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a red chair and a blue giraffe"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a black stop sign and a brown bus"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a white spoon and a red surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of an orange potted plant and a purple tie"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a red hot dog and a blue spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a vase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a hair drier"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a vase"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a bench and a kite"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a blue motorcycle and a purple potted plant"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a chair"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a boat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a suitcase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a spoon"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a person"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a pink toaster"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a pizza and a boat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a carrot"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a bear and a parking meter"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bicycle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a white kite and a red scissors"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sheep"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow donut and a purple cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a donut"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a hot dog"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a black zebra and a brown airplane"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of an orange orange and a purple cow"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a cake"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a donut"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of an orange chair and a brown bird"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bird"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of an oven"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a red stop sign and a white giraffe"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a potted plant"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a bottle and a couch"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a parking meter"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of an orange stop sign and a white zebra"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a laptop and a pizza"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a red oven and a brown spoon"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a handbag"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a red dining table and a black banana"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a pizza"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a white bird and a purple bench"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cow"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a vase"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of an orange tv remote and a white cow"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a backpack and a computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a green bicycle and a pink horse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a couch"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a dining table"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cell phone"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a teddy bear"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a spoon"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a dining table"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a spoon"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sports ball"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a yellow couch and a white refrigerator"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a green handbag and a pink tv remote"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a red boat and a yellow motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a spoon"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cell phone"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a boat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a computer mouse"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple motorcycle"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange couch and a yellow tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a bus"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bottle"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an airplane"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a laptop"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a black horse and a purple boat"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a toaster and a bicycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a motorcycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an orange"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a red vase and a purple orange"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a yellow spoon and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a red zebra and a purple cell phone"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bench"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a boat and a cell phone"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "pink"}], "prompt": "a photo of a white surfboard and a pink bus"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a bird and a horse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tie"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a tie and a bottle"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a snowboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a chair"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a computer mouse and a cow"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cat and a blue horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a green tennis racket and a white hot dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an airplane"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a pink baseball glove and a purple chair"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bottle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tie"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bird"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a pink handbag and a green zebra"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a pizza and a zebra"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a green orange and a pink cell phone"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a pink fork and a purple broccoli"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bottle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a sports ball"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a backpack"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a bus"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a boat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a banana"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a brown donut and a white refrigerator"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a red potted plant and a yellow cat"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a purple zebra"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a vase"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a white oven and a green spoon"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow parking meter"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a white spoon and a pink giraffe"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a handbag"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of an orange refrigerator and a white cow"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a suitcase"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a broccoli"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink pizza and a yellow refrigerator"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sheep and a blue parking meter"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a green vase and an orange toaster"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a spoon"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a suitcase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a teddy bear"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a giraffe"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sink"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sheep"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an oven"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a yellow handbag and a white scissors"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a potted plant"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below an orange"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a teddy bear"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a tv and a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a suitcase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a black carrot and a brown backpack"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tennis racket and a yellow broccoli"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a teddy bear"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of an oven"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a vase"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a knife"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tv"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a fork"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bicycle and a purple oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a carrot"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bus and a brown donut"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a banana"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a bottle and an oven"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a purple carrot and a black oven"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a surfboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a donut"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue parking meter and a yellow surfboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a bicycle"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a black broccoli and an orange tie"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bird"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a person"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown teddy bear"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cake and a blue broccoli"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a suitcase"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a red cat and a blue oven"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of an orange computer keyboard and a pink stop sign"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sheep"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a pink teddy bear and a blue snowboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a brown donut and a black banana"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a sports ball"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a spoon"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a potted plant"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a white horse and a green orange"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a black cake"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a spoon"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a carrot"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a snowboard"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a bottle and a tv remote"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a computer mouse"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bottle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a banana"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a tie and a boat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sink"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a donut"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple boat and a yellow giraffe"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a suitcase"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bench and a white donut"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a kite"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sheep and a pink boat"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a parking meter and a scissors"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a white pizza and a purple train"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a red teddy bear and a brown potted plant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a carrot"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tie"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a pizza and a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of an airplane and an oven"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bear"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a bottle and a chair"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of an orange bench and a black dining table"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a tv"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a hot dog"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a white tie and a black dining table"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bus and a yellow broccoli"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below an oven"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white cat and a yellow computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sports ball and a purple surfboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a train"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a computer keyboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a purple chair and a brown fork"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a red tennis racket and a green surfboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a boat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sports ball"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a red stop sign and a yellow knife"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a backpack"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a cake"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a carrot"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a stop sign"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a potted plant"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a person and a banana"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of an orange broccoli and a blue knife"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sheep"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a black sheep and a brown bicycle"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tie and an orange chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cell phone"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a snowboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a laptop"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a brown handbag and a purple baseball glove"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a white backpack"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a computer mouse"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a banana and a chair"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a sandwich and a surfboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a surfboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a carrot"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cell phone"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bus"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a pink snowboard and a white train"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a carrot"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a pink kite and a black giraffe"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a chair"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange carrot and a yellow tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a tie"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tie"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a hot dog"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a backpack"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bench"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a bird and a kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a cake"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bench"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a vase and a broccoli"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a banana"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a sports ball"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of an airplane and a fork"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a laptop"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a blue fork and a brown pizza"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a suitcase"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a motorcycle and a spoon"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a truck and a horse"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a white kite and a brown horse"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an orange"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a sink"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a potted plant"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bicycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bus"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a couch"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cell phone"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a yellow suitcase and a red horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a scissors"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a boat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a couch"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a banana"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a vase"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a backpack"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sandwich"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a snowboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a horse"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a black motorcycle and an orange vase"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a black donut and a blue zebra"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a bird"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a white pizza"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a pink carrot and an orange sink"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cake"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a vase"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a fork and a banana"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a truck"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a hair drier"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bird and a red cow"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a parking meter"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a stop sign"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a knife"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a toaster and a scissors"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bear"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hair drier"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bear"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a sandwich"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a suitcase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a cow"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a refrigerator"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tie and a yellow carrot"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a backpack"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an airplane"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a chair"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a cat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a white tv and a black baseball glove"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a purple hair drier and a green potted plant"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a hair drier"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a green toaster and a brown potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cow"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a white pizza"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a hair drier"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a sports ball"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tie and a bird"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a vase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a horse"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a dining table and a bench"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a cell phone and a parking meter"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a red horse and a yellow parking meter"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a bicycle"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of an orange horse and a purple tv"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of an orange knife"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a horse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a person"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a blue orange and an orange hot dog"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a knife"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a blue kite and a red refrigerator"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a banana"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a laptop"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a green cat and an orange couch"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a banana and a horse"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a laptop"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a laptop"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a purple handbag and a pink vase"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bench and a white handbag"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a black baseball glove and a blue bicycle"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a hair drier and a sink"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a banana and a handbag"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bus"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a laptop"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a motorcycle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a pizza"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bird"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a carrot"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a black stop sign and a pink baseball glove"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a baseball glove"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a truck"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a baseball glove"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a fork and a kite"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a carrot"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a sandwich"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange zebra and a yellow horse"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of an airplane and a pizza"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a brown boat and a purple knife"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bicycle"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a pink toaster and a purple bus"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sandwich"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a computer mouse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a hot dog"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a pizza"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a white pizza"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a backpack"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a vase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a yellow scissors and a white bus"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a train"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a donut"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cow"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a purple suitcase and a green tv remote"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a black chair and a white cake"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "pink"}], "prompt": "a photo of a black truck and a pink donut"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cow"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bench and a purple tennis racket"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of an orange kite and a green toaster"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a red sheep and a green stop sign"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a tennis racket"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sheep"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a brown train and an orange truck"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a stop sign"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a potted plant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a brown fork and a red suitcase"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a backpack"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a banana and a dining table"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tv remote and an orange tie"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of an orange handbag and a blue stop sign"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cat"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a suitcase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a couch"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sandwich"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a tie and a pizza"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a handbag"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bottle and a yellow tie"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a red backpack and a black bear"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown airplane and a yellow cat"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a horse"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a green tie and a yellow sheep"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a black tv and a purple hair drier"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a red hair drier and a white sports ball"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a boat and a tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a dining table"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a knife"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an orange"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a chair"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a potted plant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sandwich"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a green sports ball and a pink cake"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a black scissors and a red bicycle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a chair"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a pink potted plant and a brown boat"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a white scissors"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a cow"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a banana and a tie"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a purple donut and an orange toaster"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a spoon"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a cat and a handbag"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below an orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a computer mouse"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a backpack"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a surfboard"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cake and a brown boat"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a yellow dining table and a red teddy bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a person"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bird"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a red sports ball and a brown tv remote"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above an airplane"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a stop sign"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a white parking meter and a blue orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bear"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hot dog"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bird"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer keyboard and a pink fork"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a potted plant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cake"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a sheep"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a pink broccoli"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a black computer mouse and an orange dining table"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green oven and a brown bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a knife"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a train and a bicycle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sink"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a zebra and a stop sign"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a potted plant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a pizza"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bus"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a red sheep and a brown bench"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a blue giraffe and a green teddy bear"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a brown surfboard and a red handbag"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a suitcase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a vase"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bear and a carrot"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an oven"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a dining table"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cow"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a dining table"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a cell phone and a toaster"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a pizza"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a yellow oven and a white broccoli"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a hot dog and a potted plant"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an orange"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a green knife"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a pink cat and a white parking meter"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a hot dog"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a snowboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a kite"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a giraffe"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a chair"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bird"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tennis racket and a white oven"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a knife and a cat"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a horse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a scissors"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a suitcase"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bench"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bear"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a yellow parking meter and a white bird"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a boat"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a stop sign"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a spoon"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a refrigerator"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a kite"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a sheep"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a pink scissors"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a carrot"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a tennis racket and a parking meter"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a black sandwich and a red motorcycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cake"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a black backpack and a yellow carrot"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a train"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sandwich"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a banana"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a purple computer keyboard and a black bench"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a black handbag and a blue sink"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a purple bicycle and a green teddy bear"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a yellow donut and a green tie"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a stop sign"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a giraffe"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a motorcycle"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sink"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bus and a laptop"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink computer keyboard and a yellow sink"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bus"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fork"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a broccoli"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sports ball"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a hair drier"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a refrigerator"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a green donut and a white suitcase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a white surfboard and a pink sink"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a boat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bottle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a refrigerator"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below an airplane"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a carrot"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bottle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a red couch and an orange pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a purple oven"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a spoon"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a knife"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a couch"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a purple orange and a white giraffe"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a kite"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow kite and a pink oven"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bus"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a pink scissors and a white train"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a pink fork and a blue sports ball"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a red pizza and a yellow potted plant"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a bear and a cell phone"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a parking meter"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a zebra"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a fork"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a kite"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bus"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a black orange and a yellow bird"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a teddy bear"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink donut and a yellow zebra"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a vase"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a yellow handbag and a red snowboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a boat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a computer mouse"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a red kite and a black cat"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a dining table"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cell phone"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a knife"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a snowboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of an orange spoon and a purple broccoli"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a toaster"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a sink"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a green couch and a black surfboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a green surfboard and a yellow oven"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a purple sink and a white teddy bear"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a hair drier"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a black oven and a yellow potted plant"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a tv remote"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a hot dog and a horse"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a black oven"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a chair"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a refrigerator"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a carrot"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cat and an orange cell phone"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a purple orange and a red handbag"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a fork"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a brown oven and a blue bottle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a toaster"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a potted plant"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a purple donut"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of an orange computer mouse and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow kite and a purple cat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bottle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a dining table"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a blue banana and an orange teddy bear"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a baseball glove"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a red tie and a brown carrot"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a tv remote"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a vase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a blue spoon and a black banana"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a black stop sign and a pink giraffe"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bottle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a computer mouse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bench"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bicycle and a red giraffe"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a yellow kite and a green bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a tennis racket"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a snowboard and a bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a giraffe"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a brown broccoli"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a handbag"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a purple backpack and a black vase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a baseball glove and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink backpack and a green motorcycle"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of an airplane and a tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a broccoli"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a giraffe"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bird and a yellow knife"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a train"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a pink broccoli and a brown bus"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a white horse and a green sandwich"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a toaster"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a black train and a brown tennis racket"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a hair drier"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a backpack"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bicycle and an orange donut"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a giraffe and an airplane"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a bird"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a bench and a bear"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink sheep and a red computer keyboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a chair"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a motorcycle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a train"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a red motorcycle and a white couch"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue dining table and a yellow snowboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a bicycle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cow"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a green donut and a black baseball glove"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of an orange bear and a red hot dog"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a pizza and a bus"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a tie"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of an orange couch and a brown tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow airplane and a pink tv"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a bird"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of an orange pizza and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a bottle"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a suitcase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a snowboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a refrigerator and a fork"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cell phone and a purple hair drier"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sandwich"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a train"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a toaster"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a spoon"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a spoon"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a pink refrigerator and a red sheep"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a tie"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of an airplane"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sheep"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a truck"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a backpack and a bird"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a tie"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a sandwich"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a red pizza and an orange knife"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a potted plant and a cat"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a black sink and a brown train"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a yellow sandwich and a black bird"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a dining table"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a red suitcase and an orange bench"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an orange"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a person"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a bird and an orange"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sink"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a tv remote and a pizza"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a teddy bear"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a boat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a person"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cake"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a tv and a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tie and a blue bus"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a chair"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a black cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a purple surfboard and a green chair"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a computer keyboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a sandwich"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tie"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a horse"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a cake and a backpack"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a white dining table and a brown sports ball"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a couch"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a carrot and a baseball glove"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a black knife and a red toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a sheep"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a sports ball and a carrot"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a knife and a chair"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a zebra"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a handbag"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bottle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a chair"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a blue motorcycle and a pink sports ball"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a truck"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue broccoli and a yellow donut"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cell phone"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a hair drier"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tennis racket"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bench and a brown knife"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sheep"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a sheep"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a hair drier"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a sandwich"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a truck"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a black donut and an orange cat"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a parking meter"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bench"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a hair drier"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a refrigerator and a person"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a laptop"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a person"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a carrot"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a backpack"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a sandwich"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a boat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a black stop sign and a blue scissors"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a potted plant"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a surfboard"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a green bench and a white teddy bear"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a pizza"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a zebra"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a spoon"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a giraffe"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a red cell phone and a yellow sandwich"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a backpack and a cake"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a horse"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a person"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a pink orange and a brown scissors"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an oven"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a white carrot and a blue computer mouse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a truck"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a vase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a knife"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a purple teddy bear and a red banana"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bus"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a laptop"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a truck"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a carrot"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bird"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a toaster"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of an orange fork and a green cake"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sports ball and a yellow tie"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow sink and a brown cake"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sink"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a stop sign"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a banana"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a dining table"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of an orange zebra and a blue chair"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a laptop"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a scissors"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bird"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of an orange backpack"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tv remote"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sink"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a dining table"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue parking meter and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a teddy bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a backpack"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange vase and a yellow cell phone"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a purple sink and a black carrot"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cat"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "white"}], "prompt": "a photo of a white handbag"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a brown orange and a black bear"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a green oven and a white chair"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a handbag"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a brown kite and a red refrigerator"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tie"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a pink airplane and a green snowboard"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a suitcase"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a green tv and a white spoon"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a bottle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a sandwich"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a green cake and a blue sports ball"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a cow"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a hot dog"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a tv remote"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a stop sign"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a baseball glove"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a train"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a red train and a purple tv remote"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a white horse and a green cell phone"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a dining table and a sheep"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a carrot"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a scissors"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a laptop"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a dining table"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a sports ball"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sandwich"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a blue oven and a brown scissors"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a white tv remote and a brown teddy bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a toaster"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sports ball"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a horse"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a teddy bear and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a brown donut and a purple cell phone"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a broccoli"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bear"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a bicycle and a sink"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a toaster"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cow"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a pink horse and a white orange"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a purple tv remote and a blue backpack"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a scissors and a zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a parking meter"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a white horse and a pink handbag"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a tennis racket"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a scissors and a bird"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a scissors"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a backpack and a parking meter"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bicycle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a pink donut and a blue potted plant"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a kite"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a white scissors and a blue chair"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a computer keyboard and a fork"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a kite"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a handbag"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a sheep and a handbag"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a toaster"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a blue teddy bear and a pink motorcycle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a truck"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a hair drier and a cake"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a white sink and a red banana"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below an airplane"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a dining table"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sheep"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a train and a laptop"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a chair"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a backpack and a tv remote"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sheep and a purple horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above an airplane"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a truck"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a tv"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tennis racket"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a brown knife"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a dining table"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a red parking meter and an orange carrot"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a tie"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of an orange baseball glove and a white bus"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a scissors"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a dining table"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple snowboard and a yellow orange"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a scissors"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a laptop"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a toaster"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a donut and a tie"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a red stop sign and an orange orange"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a bird"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a couch and a baseball glove"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a surfboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an oven"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a refrigerator"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a sink"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a sheep"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a black kite and a white surfboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a hot dog"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a handbag"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a train"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a purple couch and a white boat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a zebra"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a truck"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a donut"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a spoon"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a spoon"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cow"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a scissors"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a pizza and an airplane"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a computer mouse"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a cake and a truck"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a purple airplane and a red cat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a spoon"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a fork"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a broccoli and a parking meter"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cow and a yellow bicycle"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a bicycle and a couch"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a refrigerator"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a hair drier and a backpack"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a yellow spoon and a white cell phone"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple cell phone and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a stop sign"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a pink snowboard and a red zebra"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a black cake and a green fork"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a backpack"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a purple sandwich and a white cake"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a brown computer mouse and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a brown hot dog and a black handbag"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a tv"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a refrigerator and a tv"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a pink cow and a white stop sign"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a couch"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a black hair drier and a yellow sink"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a refrigerator"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a person"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a brown kite and a purple boat"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a white scissors and a black cow"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of an airplane and a horse"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a laptop"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown toaster and a yellow bicycle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a computer mouse"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a white refrigerator and a black teddy bear"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bird"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow suitcase and an orange motorcycle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a sports ball and an orange"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a horse and a baseball glove"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a person"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bus"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a green toaster and a yellow boat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a motorcycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a pink airplane and a green train"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tie"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of an orange and a cake"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow potted plant"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a computer mouse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a carrot"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below an orange"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of an orange vase and a white fork"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer keyboard and a brown fork"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a white tv and a purple knife"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a chair"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a brown suitcase and a pink broccoli"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a giraffe"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a donut"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bus and a black snowboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a backpack"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a couch"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a carrot"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a donut"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sheep"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a green zebra and an orange hot dog"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a white snowboard and a yellow orange"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a snowboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tv remote"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a black sandwich and a pink cow"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow stop sign"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a donut"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a boat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a vase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a brown scissors and an orange parking meter"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a purple bottle and a red tv"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a black tie and a purple carrot"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bus"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a donut"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange parking meter and a red computer keyboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a person"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a red tie and a brown bear"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a parking meter and a toaster"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a white backpack and a black oven"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a green backpack"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a stop sign"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a person"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a knife"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a toaster"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tv remote"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bottle and a handbag"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a red hot dog and a white bench"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a stop sign"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of an orange stop sign and a brown spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a vase"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a red computer mouse and a purple cake"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tie"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bench"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a surfboard and a laptop"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a banana and a broccoli"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a blue baseball glove and an orange cell phone"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bird and a blue couch"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a tv remote"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cell phone"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a cat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a carrot"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cake"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bus"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a sheep and a stop sign"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a teddy bear"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a hair drier and a carrot"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tv"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a toaster"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sports ball"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple teddy bear and a yellow couch"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a giraffe"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a purple teddy bear and a brown boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a broccoli"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a pizza"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a green sandwich and a brown bottle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of an orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a tv"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a carrot"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bird"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bench"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a purple couch and a pink motorcycle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a red chair and a blue stop sign"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a fork and a tv remote"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a green fork"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a baseball glove"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a carrot"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tie"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a red boat and a pink banana"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a toaster"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bicycle and an orange backpack"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sports ball and a green spoon"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a yellow zebra and a red tv"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a giraffe"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cat"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a brown hot dog and a blue tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a computer keyboard"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bus"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a cow"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bus"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a refrigerator"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a tv remote"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a pink truck and a purple motorcycle"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a giraffe and a couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a cow"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a black tennis racket and a brown train"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a cell phone"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a tennis racket"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of an oven"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cell phone"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a green vase and an orange refrigerator"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of an orange hair drier and a purple horse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a couch"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a pink surfboard and a blue tennis racket"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a brown suitcase and a green bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a fork"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a tie"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a person"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a hot dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a broccoli"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bottle"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a broccoli"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tie"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bus"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a teddy bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a hot dog"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a purple sheep and a red tv remote"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bird"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a couch"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a sheep"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a green banana and a yellow toaster"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a pizza"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a brown sheep and a white toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a handbag"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a train"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cat"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a black orange and a pink kite"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bicycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple computer keyboard and a yellow giraffe"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a blue truck and a black oven"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a banana"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of an orange banana"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a refrigerator and a horse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a computer keyboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a laptop"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a hair drier"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a broccoli"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange knife and a brown cat"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a dining table and a tie"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a black sandwich and a blue snowboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a vase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a green backpack"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bear and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a purple tie and a white donut"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sheep and a pink cow"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bus"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a black sports ball and a pink hot dog"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a green cow and a red cell phone"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a dining table"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a computer keyboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tv"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow suitcase and a pink scissors"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a person and a hot dog"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a blue spoon and a pink toaster"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cell phone"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a potted plant"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple truck and a yellow broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a knife"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a knife"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a backpack"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a green boat and a pink bench"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a stop sign"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a couch"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a teddy bear"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bottle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a cell phone"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of an orange kite and a purple vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a refrigerator"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a sports ball"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tie"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a white cat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a tie"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a knife and a potted plant"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a donut and a tv remote"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a laptop"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a pizza and a bench"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a green fork and a purple bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a scissors"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tv remote"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a donut"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a baseball glove"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a green truck and a blue bottle"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cat"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a white pizza and a blue tv remote"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a blue train"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a green banana and a red toaster"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a surfboard"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a pizza and a tv"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a boat"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a toaster"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a red sink and an orange laptop"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a black oven and a white dining table"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bench"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a person"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a hot dog"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sports ball and a yellow giraffe"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a white laptop and a yellow scissors"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cake"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sink"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a knife"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a brown boat and a purple cat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an airplane"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a fork"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bench"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a green fork and a brown bench"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a sink"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a boat"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a green airplane and a white couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a motorcycle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a snowboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a sheep"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a red kite and a blue tv"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a blue surfboard and a red toaster"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a banana"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tennis racket"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a black tv and a blue scissors"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a kite"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a blue hot dog and a red bicycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a black cell phone and a blue stop sign"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bus"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a red giraffe and a pink hair drier"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a cell phone"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a carrot"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a kite and a cake"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a toaster"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a scissors"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple computer keyboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a bench and an orange"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a scissors"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a white banana and a blue parking meter"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an orange"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bench and a yellow bottle"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a purple scissors and a black kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a cake"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a white sports ball and a blue tv"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a vase"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a green airplane and an orange tie"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sports ball"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a blue chair and a pink dining table"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sheep"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a zebra"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a vase"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a brown computer mouse and a pink sandwich"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of an orange"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a blue hair drier and a red fork"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bench"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bus"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a zebra"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cell phone"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sports ball and a pink computer keyboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of an orange computer mouse and a green tv"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a snowboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a backpack"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a potted plant"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow cake and a blue zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sink"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a tv and a vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of an orange chair and a pink bicycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a tv"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tennis racket and a purple carrot"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a dining table"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a sink"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cow"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a pink fork and an orange chair"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a couch"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a tv"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a white couch and a yellow handbag"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a couch"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a laptop"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a bottle"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a knife and a banana"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cat and a red hot dog"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a purple donut and a white spoon"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cell phone"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a knife and a sheep"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sink and a yellow truck"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a pink boat"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sink"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a purple kite and a blue bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a pizza"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a tie"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a truck"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a donut"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a brown knife and an orange sheep"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a sink"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a couch"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bottle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a vase and a bus"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tv remote and an orange oven"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown kite and a yellow computer mouse"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a surfboard"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a tv and a motorcycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tennis racket"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bus"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a brown cow and a white airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange horse and a yellow toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bus"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a kite"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of an oven and a stop sign"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown motorcycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a cell phone"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a fork"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a computer keyboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a toaster"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cow"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a motorcycle"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cell phone"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a baseball glove"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown suitcase"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a suitcase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a truck"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a vase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a donut"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a red banana"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a red backpack and a blue hot dog"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of an orange donut"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown train and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a laptop"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a train"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a black sandwich and an orange potted plant"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a green airplane and a brown refrigerator"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow motorcycle and a blue stop sign"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a black train and a white baseball glove"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sink"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a cake"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a green bear and a black hot dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bottle"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a sandwich"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tv remote"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a chair"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a cat and a zebra"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a zebra"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tv"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bear and a yellow backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a toaster"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a computer keyboard"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a bottle and a scissors"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tennis racket"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a chair"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a white kite and a yellow handbag"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bus"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a vase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a snowboard"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a pink giraffe and a blue truck"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a red computer keyboard and a black sink"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a red airplane and an orange couch"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a black surfboard and a red knife"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a stop sign"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bicycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a backpack"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a toaster"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bottle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a dining table"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a donut and a laptop"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a person and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a red kite and a purple bench"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a white laptop and a blue horse"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a donut"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow sheep and a pink scissors"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a brown computer mouse and an orange vase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a suitcase"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a fork"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a cow"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a couch"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue suitcase and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a blue dining table and a red boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a green broccoli and a white sink"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a white banana and a red dining table"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a bottle"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a donut"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a handbag"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bear and a purple fork"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a fork"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bus"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a yellow sheep and a red suitcase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a purple scissors and a brown train"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an airplane"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a carrot"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a knife"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a snowboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a red scissors and a white orange"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a dining table"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a horse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a refrigerator"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a couch"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of an oven"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a computer keyboard and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a black sink and an orange computer mouse"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a purple stop sign and a black bus"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a black bus and a blue hot dog"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a couch"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bottle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a parking meter"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a donut"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a pizza"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a train"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bird"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a cell phone"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a horse and a parking meter"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer mouse and a brown cell phone"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow sandwich and a brown baseball glove"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a donut"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a carrot"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a cake"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a blue donut"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a couch"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a parking meter"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a pink oven and a purple handbag"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a couch"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a green suitcase and a red chair"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of an orange"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a truck and a zebra"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a banana"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a black stop sign and a brown toaster"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below an oven"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bottle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a suitcase"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sink"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a black carrot and a pink zebra"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sports ball"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bicycle"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a boat"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a green orange and a black knife"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of an orange train and a blue parking meter"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a suitcase and a sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a scissors"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a baseball glove"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a suitcase"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a cell phone"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an orange"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a tie"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a donut"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a train"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a pink motorcycle and a black oven"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a banana"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a computer keyboard and a sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an airplane"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a brown cat and a red scissors"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bus"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a purple handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a tv"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a surfboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a suitcase"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a donut and a refrigerator"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a backpack"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a sink"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a train"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bench"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a teddy bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a cake"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a white refrigerator"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a zebra"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an orange"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a purple truck and a black horse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a banana"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a sheep and a pizza"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a sink"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a person"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a red cell phone and a black airplane"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a purple truck and a blue knife"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a cow and a sports ball"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a backpack"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cake"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a sports ball"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a donut"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a dining table"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a white surfboard"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a sheep and a cat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a fork"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a red potted plant and a purple laptop"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a green cow and a purple bicycle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a black handbag and a pink tv remote"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cow"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a blue sports ball and a red orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a sports ball"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a scissors"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a purple chair and a brown stop sign"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a banana"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a backpack"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a laptop"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a purple handbag and a black sandwich"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a bus"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a pink tv and a purple refrigerator"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a parking meter"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cell phone"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a fork"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a handbag"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a bicycle"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a train"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a green pizza and a black vase"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a red stop sign and an orange backpack"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a bus and a bird"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a kite"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a giraffe"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a teddy bear"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above an orange"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bench"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an orange"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a red parking meter and a pink handbag"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a yellow orange and a white refrigerator"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a pizza"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sheep"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a stop sign"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a broccoli"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bicycle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a green pizza and a yellow knife"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a blue computer keyboard and a black laptop"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a kite"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a green kite"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a black parking meter and a brown cake"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a backpack"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bird"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a bicycle and a carrot"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a dining table and a scissors"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cow and a black computer mouse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a tie"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a carrot"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red motorcycle and a brown snowboard"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a red teddy bear and a black truck"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a broccoli"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a handbag and a bus"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a person"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a cat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a truck"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bench"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a brown computer mouse and a purple potted plant"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a cow"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a purple toaster and a green computer keyboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a white kite and a yellow fork"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bottle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a banana"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a brown giraffe and a red teddy bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a hot dog"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a couch and a stop sign"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a purple snowboard and a white baseball glove"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a spoon and a bird"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a sports ball"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a tv"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bottle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of an oven"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sports ball"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a tv remote"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a carrot and a hot dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a vase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a pink tv remote and a white giraffe"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a carrot"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a person"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a dining table"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a blue suitcase and a brown oven"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a blue orange and a white bird"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange dining table and a purple surfboard"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a vase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a knife"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a handbag"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sink"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a cake"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a tie and a bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a snowboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a banana"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a couch"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a pink sports ball and a green sandwich"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a broccoli and a hot dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a tie"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a handbag"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a purple knife and an orange chair"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a pizza"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a giraffe"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a bear"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a blue cow and a white suitcase"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sink and a yellow refrigerator"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a pink tv and a green airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a motorcycle"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a black sandwich and a red donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below an orange"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a stop sign and a cell phone"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a yellow motorcycle and a black laptop"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a white cell phone and an orange sandwich"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an airplane"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black vase and a brown snowboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a yellow pizza and a black boat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a scissors"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bird"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a pink giraffe and a brown sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a couch"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bicycle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv remote and a purple sink"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bicycle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a yellow laptop and a red bus"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a person"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a surfboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a zebra"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tie and a blue kite"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a broccoli and a spoon"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a refrigerator"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a white refrigerator"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a person"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bird and a green tv"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sheep"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a blue refrigerator and a white fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cow"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue motorcycle and a yellow dining table"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a banana"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a yellow airplane and a green computer mouse"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a parking meter and a chair"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sandwich"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a white bear"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of an orange boat and a black scissors"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a yellow broccoli and a green toaster"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bird"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bird"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a hot dog"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink airplane and a purple bird"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a broccoli"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a hot dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a white laptop and a brown dining table"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a handbag and a tennis racket"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a spoon"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow tie and a purple handbag"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of an orange couch and a green bird"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a white fork"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a cake"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a train and a person"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cake"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a pizza and a snowboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a knife"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown donut and a yellow cow"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a carrot and a banana"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an orange"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sheep and a yellow airplane"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sports ball and a blue sink"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tv"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a cake and a sheep"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a backpack"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a hot dog"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a cell phone and a surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a giraffe"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a bottle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tv"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a zebra and a tv"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a baseball glove"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a refrigerator"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a knife"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of an orange"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a brown hot dog and a green donut"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a vase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a banana"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a tennis racket"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a hot dog"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown knife and a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a banana"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a pink sandwich and a green sink"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bicycle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a suitcase and a computer keyboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an oven"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a computer mouse"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a giraffe"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a pizza"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a yellow chair and a white kite"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a black giraffe and a blue boat"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a train"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a banana"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a refrigerator"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a laptop"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bus"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a parking meter"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a snowboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of an oven"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a horse"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a white knife and a red boat"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a green motorcycle and a brown cow"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a scissors"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a hair drier"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bench"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a cat"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a purple vase and a black computer mouse"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange dining table and a yellow snowboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a giraffe"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a giraffe"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a purple sink and a red motorcycle"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a pink snowboard and a brown tie"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a parking meter"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of an orange suitcase and a black cell phone"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sheep"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a pizza"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a horse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a dining table"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a bottle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a tennis racket"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of an oven"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a green couch and an orange stop sign"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bench"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sports ball and a yellow bus"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a teddy bear"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a broccoli"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a horse"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tie"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a train"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a red surfboard and a blue parking meter"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a suitcase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a banana"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a green toaster and a blue donut"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a handbag"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of an orange and a potted plant"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a boat"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tv"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an oven"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a person"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a blue tie and a red giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a zebra"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a backpack"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a backpack"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a stop sign"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a white bird and a brown scissors"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a toaster and a sandwich"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tie"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tie and an orange train"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a zebra"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cow"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a backpack"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of an orange dining table and a pink tv remote"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink oven and a yellow handbag"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above an orange"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a brown fork"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a green bicycle and a purple truck"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a pink refrigerator and an orange train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a teddy bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a scissors"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a pink airplane and a red knife"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a teddy bear"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a teddy bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a handbag"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bench"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a brown fork and an orange bus"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue oven and a yellow cake"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a potted plant"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a kite"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a pizza and a spoon"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a tv and a bird"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a spoon"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a green cake and an orange sheep"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a horse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a potted plant"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a parking meter"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tie"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a suitcase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a kite"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sheep"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a carrot"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a fork"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cell phone and a purple teddy bear"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a pizza"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a brown truck and a black giraffe"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an oven"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a blue kite and a pink orange"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of an orange"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tennis racket"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green sink and a brown teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a sports ball"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a train"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a suitcase"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a tv remote"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a stop sign"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a zebra"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a backpack"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow fork and a brown bottle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tv remote"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a motorcycle"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a knife and a boat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a motorcycle"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown horse"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cow"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bus"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a pizza"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange backpack and a purple motorcycle"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a chair and a cell phone"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a computer mouse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of an orange"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a pink refrigerator"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown baseball glove and a yellow couch"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a red train and a green orange"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a chair"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a tv"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a broccoli and a truck"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a cake"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a scissors"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a broccoli"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a refrigerator"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a person"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a teddy bear"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a toaster"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a teddy bear"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a purple dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a boat"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a sports ball"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sandwich and an orange tv remote"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a kite"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bench"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a spoon"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a tie"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a motorcycle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a hair drier"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a laptop"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a hot dog"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a pink vase and a green kite"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a teddy bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a stop sign"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a blue train and a green vase"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a knife"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a sports ball"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a snowboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a truck"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange refrigerator and a yellow sandwich"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of an oven"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a refrigerator and a sheep"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a sheep and a bicycle"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a kite"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a purple train and an orange spoon"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a cow"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a blue cake and a white tv"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a donut"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a tennis racket"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a red chair and a purple stop sign"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sink"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a toaster"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a knife"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a green tennis racket and a black boat"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a person"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a snowboard"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a baseball glove"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a banana"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a green broccoli and a pink sandwich"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a pink scissors and a black kite"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tennis racket"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a carrot"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a red carrot and a green cat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a stop sign"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a giraffe"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bicycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a white carrot and a pink broccoli"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a computer mouse"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a tv remote"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a horse and a cow"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a brown bench and a purple cell phone"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of an orange banana and a green backpack"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a brown sports ball and a purple backpack"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a white horse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a spoon and a baseball glove"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a bus and a kite"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a blue boat and a green spoon"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a giraffe"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow horse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a banana"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a truck"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a broccoli"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a boat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a pizza"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a purple motorcycle and a green baseball glove"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a black knife and a yellow tv remote"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a purple banana and a green motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a pink bus and a black chair"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cake"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a tie"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a banana"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cell phone and a purple train"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a red sink and a brown zebra"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a purple cell phone and a white oven"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue chair and a yellow sheep"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a bus and a zebra"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a red tennis racket and a pink baseball glove"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a giraffe"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a donut"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a vase"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of an orange potted plant and a purple handbag"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a green laptop and a yellow truck"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a cake"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a purple handbag"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of an orange bus and a red hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a snowboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a purple sheep and a blue vase"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a purple chair and a brown sandwich"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a toaster"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of an orange sink and a white kite"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a tie"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a couch"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a snowboard"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hair drier"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of an airplane"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a suitcase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a fork"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a purple vase and a pink train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a knife"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a sports ball and a bird"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sink"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a brown handbag"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a green snowboard and a red bench"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a fork"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a purple baseball glove and a blue laptop"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bottle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a banana"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a brown toaster and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a brown banana and a green fork"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a blue pizza"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a parking meter"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a pink carrot and a purple dining table"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a pink vase and a blue toaster"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bear"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a blue boat and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow hot dog and a brown carrot"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a bench"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a purple fork and a red scissors"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a stop sign and a laptop"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a pizza"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow vase and a blue tennis racket"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a red sink and a pink knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a bear"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a boat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a banana"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a blue computer keyboard and a red parking meter"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a pink refrigerator and a black cow"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a white refrigerator and a brown tennis racket"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a donut"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sink"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a fork"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cow"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a laptop"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a truck"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a person and a knife"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bear"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a broccoli and a carrot"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a baseball glove"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a motorcycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a zebra"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a potted plant"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a backpack"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow sports ball and an orange refrigerator"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a horse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an orange"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a broccoli"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a broccoli and a horse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a surfboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a zebra"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of an orange spoon and a green carrot"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a snowboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a sink"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bench and a suitcase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sheep"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a black truck and a green banana"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a banana"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a fork"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow couch and a blue chair"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an orange"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tennis racket and a pink tie"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sheep"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sheep and a yellow computer mouse"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a tv"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a boat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a carrot"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a boat"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a teddy bear"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a pizza and a bear"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a pink bird and a white truck"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a blue sports ball and a black computer mouse"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of an orange stop sign and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a black tv and an orange giraffe"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a cell phone and a knife"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a brown suitcase and a blue bottle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a surfboard"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sandwich"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tennis racket and a white potted plant"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a motorcycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a person"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a white bottle and a black couch"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a train"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a white vase and a red horse"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a green motorcycle and a purple sandwich"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a black cell phone and a red refrigerator"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a computer keyboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a person"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a blue dining table and a brown bicycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a chair and a cat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a knife"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a tie"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a blue giraffe and a black horse"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a purple computer mouse and a black broccoli"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a banana"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cell phone"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a boat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a banana"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a sandwich and a baseball glove"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a black backpack and a green bottle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of an orange"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a backpack"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of an orange handbag and a pink chair"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a vase and a carrot"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a bench"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a laptop"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a truck"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown cake and a yellow kite"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an oven"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bear"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv remote"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a parking meter"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a motorcycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an airplane"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a chair"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a truck"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a white tv and a green hot dog"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a black parking meter"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an oven"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sink"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a green orange and a purple sheep"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a yellow train and a white toaster"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a white boat and an orange bear"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bird"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a red spoon and a black horse"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a green train and a black sports ball"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a vase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a train"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tv"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bottle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a purple cell phone and an orange pizza"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sandwich and an orange tv"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a potted plant"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a blue surfboard and an orange suitcase"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a bear"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a pink hair drier and a blue parking meter"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a pink giraffe and a white orange"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a cell phone and a hot dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tie"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a green kite and a blue surfboard"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a red computer mouse and a pink boat"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of an orange"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a boat"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a blue couch and a green giraffe"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a dining table"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a blue hair drier and a green couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a vase"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a black chair and a white airplane"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a kite"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a baseball glove"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a fork and a snowboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a motorcycle"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a white tennis racket and a pink baseball glove"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a horse"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a green parking meter and a white cat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above an oven"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a white sheep and a green baseball glove"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a laptop"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a black bench and a pink snowboard"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a horse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a broccoli"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a surfboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a laptop"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of an orange parking meter and a white cell phone"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sports ball"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a tennis racket and a tv"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cell phone"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a brown vase and a white stop sign"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of an orange train and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a spoon and a sports ball"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a knife"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a tv and a refrigerator"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a tv remote"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bicycle"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a kite"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a motorcycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a blue boat and an orange tv"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a banana"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a blue stop sign"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a baseball glove"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a boat"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sports ball"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a dining table"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a red tv remote and a black cake"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a pink train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a red chair and a white snowboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a motorcycle"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a sandwich"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a brown cat and a white bird"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cow"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a stop sign"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a giraffe"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bicycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a sandwich"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an airplane"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a computer keyboard"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a suitcase and a boat"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a blue carrot and a red boat"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tv"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a chair"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a motorcycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a potted plant"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an orange"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a sheep"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a donut"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a horse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a tv"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a white teddy bear and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a vase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a chair"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a suitcase and a cake"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a yellow train and a black chair"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tennis racket and an orange kite"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown couch and a yellow carrot"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a donut"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a parking meter"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bear"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow hair drier and a brown dining table"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of an oven"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a backpack"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a black dining table and a white refrigerator"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a black couch and a brown cow"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a toaster"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a broccoli"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bus and a pink banana"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a horse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a suitcase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a banana"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a black orange and a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of an orange knife and a red chair"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a fork"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a banana"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a train"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a surfboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a cat"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bicycle and a pink tie"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a vase"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a green laptop"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a black sheep and a brown teddy bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a kite"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a chair"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a scissors"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a red truck and a green banana"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tie"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a cat and a laptop"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bicycle"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tv"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tv remote"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bird"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cow"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a red laptop and a white carrot"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a handbag"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a banana"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a chair"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a green vase and a blue surfboard"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a fork"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a tv"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a backpack and a bus"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bottle"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a scissors"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a parking meter"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a tie and a cow"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a black cell phone and a red hair drier"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a carrot"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a black dining table and a white airplane"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a donut"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a red surfboard and an orange cow"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a red fork and a green hair drier"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a suitcase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a laptop"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a snowboard and a computer mouse"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a motorcycle"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a blue broccoli"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a broccoli"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a backpack"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow toaster and a pink computer mouse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a vase"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a purple bear and a black potted plant"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a green chair and a red snowboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an airplane"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sports ball"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a zebra"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a blue hot dog and a brown tie"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a brown banana and a red tv remote"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tv"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of an orange motorcycle and a black bicycle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a person and a cell phone"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a white hair drier and a green sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a tie"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a surfboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a white couch and a purple bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a banana"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a pink boat and a black scissors"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a bus"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a hot dog"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a dining table"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a boat"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above an airplane"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a white orange and a green tv remote"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a baseball glove"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bus"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a yellow toaster and a white motorcycle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a spoon"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bus"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a vase"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bottle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a cake"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of an orange couch and a pink zebra"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of an orange"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tv"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink bench and a yellow couch"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a vase"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a computer keyboard and a banana"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sports ball"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a knife"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a white bottle"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a person and a parking meter"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a snowboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a brown backpack and a red tv remote"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a cow"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a brown potted plant and a red cell phone"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bench"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a donut"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of an oven"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow scissors and a purple vase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tv"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a computer keyboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of an airplane"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a sandwich and a computer keyboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a horse"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a stop sign"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a knife and a cell phone"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a black zebra"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a spoon"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a sink and a scissors"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a brown fork and a blue teddy bear"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a knife"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a pink airplane and a green cow"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bus and a refrigerator"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a cell phone"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a tie"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a green handbag and a white tennis racket"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cow"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a dining table"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a black knife and a pink sports ball"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a zebra and a bench"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a dining table and a couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a yellow motorcycle and a red pizza"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a black snowboard and a red oven"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a pizza"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a bus and a backpack"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a refrigerator"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a white bicycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of an airplane"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a black baseball glove and a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of an orange train and a white teddy bear"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a green horse"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a green cake and a black computer keyboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a handbag"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a chair and a snowboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a brown banana and a pink toaster"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a stop sign"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a donut"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a surfboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a handbag and a banana"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a person"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a teddy bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a broccoli"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a tie and a sandwich"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cake"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a white banana and a pink refrigerator"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cake"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a boat"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a yellow stop sign and a red baseball glove"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a bird"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a pizza"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a sink"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bench"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sports ball"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a handbag"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tv and an orange sheep"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a toaster"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a boat"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a green tv and a blue cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a motorcycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a surfboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a carrot"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a donut and a stop sign"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bird"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a bird and a sandwich"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a zebra"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of an orange giraffe and a red fork"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a scissors"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a dining table"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a tv remote"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a refrigerator"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a zebra and a bus"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown surfboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sports ball"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a cat and a hot dog"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a white tie and a purple knife"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a purple baseball glove and a black teddy bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a computer mouse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a snowboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a scissors"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a horse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a tie"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a white kite"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a blue stop sign and a purple pizza"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a black cell phone and a purple vase"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a bird"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tie"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a baseball glove"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bear"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of an orange tennis racket and a white giraffe"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a hair drier and a truck"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a pizza"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bicycle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a knife"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a spoon"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of an orange bus and a red train"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an oven"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a red teddy bear and a white toaster"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a boat"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a blue sink and a red vase"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a kite and a computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of an oven"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a green parking meter and a pink teddy bear"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sandwich"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "black"}], "prompt": "a photo of a purple broccoli and a black bottle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tv remote and a brown hot dog"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a train and a broccoli"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow vase and an orange zebra"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a broccoli"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a kite"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a suitcase"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a vase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a black surfboard and a blue sink"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cow and a brown zebra"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a boat"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a sink"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bicycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a suitcase"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a handbag"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a parking meter"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a cow"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a green bear and a pink bench"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a potted plant"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a broccoli"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a vase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cow"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of an airplane"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cat and a brown teddy bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cell phone"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a cow"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a carrot"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a red airplane and a yellow cow"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a blue scissors"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a cake"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tennis racket and a yellow sheep"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a parking meter"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cow"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sink and a blue horse"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a bus and a fork"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a suitcase"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a computer keyboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a giraffe"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a hair drier"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a fork"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bus"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a brown horse and a blue sandwich"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bicycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a pink truck"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a brown bus and a blue pizza"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a refrigerator"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a train"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple snowboard"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a fork and a giraffe"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a pink tie and an orange refrigerator"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a black boat and a yellow laptop"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of an orange and a parking meter"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a blue tv and an orange suitcase"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a black teddy bear"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow airplane"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a hair drier"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a blue surfboard and a brown sink"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a blue chair and a pink stop sign"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an orange"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a pizza"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a surfboard and a hot dog"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a stop sign"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a hair drier"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a parking meter"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a giraffe"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a purple couch"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cat"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of an orange snowboard and a black broccoli"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a surfboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a sports ball"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple suitcase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a suitcase"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a pink hair drier and a black vase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a train"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of an orange parking meter and a black sandwich"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a cake and a sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a sheep"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a potted plant"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a hot dog"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a black cat"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of an orange pizza and a white bottle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a parking meter"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a computer mouse"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sink"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a refrigerator"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a red airplane and a black snowboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bear"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a computer mouse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a hot dog"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a fork"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a laptop"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a potted plant"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a pink chair and a red sandwich"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a hot dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a brown scissors and a blue cat"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a red bear and a purple fork"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a suitcase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sandwich"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange snowboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a pink train"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow orange and a brown hot dog"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bicycle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sandwich"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a brown potted plant and a blue oven"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a green teddy bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a stop sign"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a bench"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an oven"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a truck"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a horse"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sheep"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a purple refrigerator and a black bear"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an orange"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a pizza"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a red hot dog and a green broccoli"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a cake and an oven"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a hot dog"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a cake"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a cake"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a blue snowboard and an orange cow"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange vase"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a black couch"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a refrigerator"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sandwich"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a red airplane and a black toaster"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a motorcycle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a sheep"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow train and a blue broccoli"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a white oven and a yellow laptop"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a tv"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cat"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a brown spoon"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a bicycle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a blue bird and a white spoon"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a sheep"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bird"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow suitcase and a pink tv"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a sports ball and a suitcase"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a truck and a baseball glove"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a zebra"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue carrot and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a boat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a hot dog"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of an orange pizza and a blue bus"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a pizza"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a sandwich"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a pizza"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a red tv remote and a brown carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a broccoli"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a red bottle and a brown banana"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a horse"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a broccoli and a bottle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a baseball glove"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sink"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bird"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a boat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a red bench and a green tie"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a bird"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a train"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a bicycle"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a zebra"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a blue tv and a green carrot"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cow"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a spoon"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a sheep and a dining table"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a red spoon and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a black banana and a white bicycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a backpack"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of an orange bicycle and a purple broccoli"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sink"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a motorcycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bench"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a vase and a dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a potted plant"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a potted plant"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a kite"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a sandwich"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a person"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a computer mouse"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a baseball glove"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a toaster and a bear"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a hot dog and a sink"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a kite"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow handbag and an orange bus"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a banana"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tie"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a broccoli"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a potted plant"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bus and an orange sandwich"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a green cell phone and a purple spoon"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a yellow boat and a red teddy bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a donut"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a cow and a couch"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of an orange laptop"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sheep"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a parking meter"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a potted plant"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a tie"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a white bus and a pink sports ball"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bench"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a fork"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a backpack"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a banana"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a laptop"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a backpack"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a teddy bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a donut"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue oven and an orange computer mouse"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a boat and a surfboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a laptop"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a refrigerator"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a potted plant"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a giraffe"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a person"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a knife and a tv"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a suitcase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an oven"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a boat"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a sports ball and a bench"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a purple truck"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an orange"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a white scissors and a brown cow"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a person and a snowboard"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a giraffe"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a tv and a donut"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a cow"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a red orange and a blue sink"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a fork"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a white vase and a green sandwich"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a brown kite and a red broccoli"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above an airplane"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a red suitcase and a purple knife"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a motorcycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a motorcycle and a sheep"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a fork"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of an orange horse and a brown sandwich"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a boat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tennis racket"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a potted plant"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red airplane and a purple bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a donut"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a brown horse and a red tennis racket"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a vase"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a black vase"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a purple train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a purple train and a white couch"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "red"}], "prompt": "a photo of a white tennis racket and a red airplane"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a cow and a surfboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a sheep"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a backpack"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cake"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a suitcase"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a green laptop and an orange handbag"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a donut and a toaster"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a cat and a tie"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a yellow vase and a white sandwich"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a carrot"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of an oven and a sheep"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cat"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of an orange computer keyboard and a red bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a bird"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of an airplane"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a red suitcase and a blue truck"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a truck"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a carrot"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a white tv remote and a purple cat"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of an oven and a fork"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a green scissors and a black orange"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a blue laptop"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a red bus and a green laptop"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a horse"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a spoon and a zebra"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a knife"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a pizza"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a motorcycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sink"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a computer mouse and a sink"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red parking meter and a purple teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a horse"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cake and a brown truck"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a brown sheep and a red boat"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bird and a handbag"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of an orange and a donut"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a purple spoon and an orange vase"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a purple couch and a red dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a potted plant"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a giraffe"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a bicycle"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a black tie and an orange cow"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a laptop"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a sports ball"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bench"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a blue toaster"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bicycle"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a brown truck and a red spoon"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a cat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a chair"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a giraffe"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a giraffe"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a surfboard"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a computer keyboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a black knife"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a pink parking meter"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bird and a pink backpack"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a sports ball"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a couch"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sandwich"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a backpack"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a motorcycle"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a purple chair and a red boat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sports ball"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a red computer mouse and a black sports ball"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue pizza and a black snowboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a parking meter"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bird"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a cow"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bear"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer mouse and a blue banana"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a suitcase"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of an orange backpack and a blue zebra"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a sink"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a person"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a handbag"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a spoon"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a red refrigerator and a pink hair drier"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a computer mouse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a sheep"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a scissors and a toaster"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a white carrot and an orange surfboard"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a boat and a giraffe"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an airplane"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a purple broccoli and a white tv remote"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a cell phone"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a scissors"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a train"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a purple airplane"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a brown giraffe and a pink horse"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a cell phone"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a yellow sheep and a white scissors"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a baseball glove"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of an orange suitcase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a snowboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sheep"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a pizza"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sheep"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a tv remote and an orange"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a blue refrigerator and a brown knife"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a train"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a hair drier and a tv remote"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a banana"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a train"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cell phone"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bus"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bus"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cell phone"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of an orange bicycle and a black bird"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a purple spoon and a pink giraffe"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a purple stop sign"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a red sheep and a brown broccoli"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a cow and a computer keyboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a baseball glove"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a tennis racket"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a zebra and a tie"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a laptop"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bird"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a boat"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bear"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a carrot"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a black handbag and a brown cake"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a snowboard"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a carrot and a tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a zebra"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a red computer keyboard and a green cell phone"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a computer keyboard"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a red zebra"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a brown suitcase and a black zebra"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an oven"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a chair"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a donut"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bear and an orange dining table"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a sandwich"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a giraffe"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a purple refrigerator and an orange toaster"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of an oven"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a laptop and a fork"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a pink toaster and a green tv remote"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue sheep and a yellow giraffe"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a purple boat and a white horse"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a computer keyboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cow"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a white snowboard and a blue sandwich"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a broccoli"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a black train and a pink tie"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a teddy bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a knife"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a fork"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a snowboard"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bear and a purple tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cow"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a pizza"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a blue backpack and a purple tv"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a bus and a cat"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a tie and a train"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a banana"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a white oven and a pink broccoli"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bench"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a baseball glove"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a chair"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a pink surfboard and an orange cow"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of an orange cake and a green truck"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a suitcase"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cake"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a red backpack and a purple cow"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a brown computer keyboard and a green motorcycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a broccoli"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bottle"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a giraffe and a horse"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of an orange tv remote and a green bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a spoon"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of an orange spoon and a blue zebra"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a donut"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a tv remote"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a pink refrigerator and a black sheep"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a green truck and a red cow"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of an orange backpack"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below an airplane"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a surfboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a giraffe"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a snowboard and a bench"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a black suitcase and a yellow sink"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a computer mouse"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a tv"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a scissors"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a truck"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a tie"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a yellow toaster and a red fork"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of an orange parking meter and a green handbag"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a sheep"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a boat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a red orange and a blue cake"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a toaster"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a laptop and a tv remote"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sandwich"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a handbag"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a chair"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a handbag"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a brown truck"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cell phone and an orange tie"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a pink vase and a red boat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a hair drier"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a white backpack and a purple tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a dining table"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a potted plant"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a blue teddy bear and a purple train"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sandwich and a brown fork"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a boat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a banana"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a fork"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a computer mouse and a kite"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a person"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a red motorcycle and a white giraffe"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cat and a yellow bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a tv remote"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bird"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow backpack and a blue stop sign"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a truck"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bus"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of an airplane and a train"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a pink toaster and a white boat"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a bear and a computer mouse"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "pink"}], "prompt": "a photo of a brown kite and a pink sink"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cake"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a motorcycle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a pink orange"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a boat and a sandwich"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of an orange orange and a pink kite"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a green dining table and an orange sports ball"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a cat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a red dining table and a white vase"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a giraffe"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a dining table"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a suitcase"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a chair"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a scissors"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a green zebra and a black hair drier"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a toaster"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bottle and a pink teddy bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a couch"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a pink boat and a purple bus"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a spoon and a cow"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a pink chair and a black airplane"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a handbag"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a hair drier"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a bottle and a zebra"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a truck and a scissors"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an airplane"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a white bird and a black couch"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an oven"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cat"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of an orange spoon"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bus"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a spoon"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a tennis racket"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a chair"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a computer mouse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a potted plant"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a tv and a person"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a green tennis racket"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a chair and a tv remote"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a laptop"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bird"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a blue refrigerator and a red knife"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bench and a cow"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a black bench and a white bicycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a zebra"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a snowboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a sandwich"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a green cow"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a scissors"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a bottle and a dining table"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a knife"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a green hot dog"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a computer keyboard and a broccoli"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a black dining table and a green zebra"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a laptop and a couch"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a computer keyboard and a handbag"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a yellow tv remote and a white sink"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a train and a boat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a carrot"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a tv"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a blue donut and a green couch"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a surfboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a suitcase"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a cat and a stop sign"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a green snowboard and a pink tennis racket"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bottle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a knife"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a pizza"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tv remote"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a sink"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a white knife and a green teddy bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a backpack"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a suitcase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a spoon"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a pizza"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a red motorcycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bench"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a pink tie and a black tv remote"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a banana"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a bench"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a pink computer keyboard and a black sink"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a black donut and an orange bottle"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a sandwich"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a baseball glove"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bicycle"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a green potted plant and a pink tv"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a handbag"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a zebra and a toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a giraffe"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a black parking meter and a purple bird"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a surfboard"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a sports ball and a motorcycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a couch"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a surfboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a brown vase and a white sandwich"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a red donut and an orange broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a hair drier"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bear"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of an orange train and a blue horse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a spoon"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a red bird and a blue carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a handbag"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a green spoon and a black cell phone"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink motorcycle"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a bottle and a backpack"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a knife"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a white refrigerator and a green computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bicycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cell phone"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a red orange and a brown baseball glove"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue horse and a yellow cat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a couch"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sandwich"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a black orange and a blue cake"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a blue giraffe"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cat"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a hair drier"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a tie"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a purple motorcycle and a white airplane"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a motorcycle"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a knife"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a stop sign"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a bus and a horse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a dining table"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a couch"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a banana"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a giraffe"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a yellow oven and a black bicycle"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a purple teddy bear and a green kite"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv and a purple laptop"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a laptop"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a red surfboard and a black kite"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bird"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a refrigerator and a vase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a laptop"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a boat and a cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a teddy bear"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a brown zebra and a purple hot dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bus"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a chair"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a red teddy bear and a blue sports ball"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown fork and a yellow banana"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a pink banana and a white tie"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a hot dog"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tennis racket"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a sink"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a cake"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an airplane"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a vase"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bear and a blue banana"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a spoon"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a parking meter"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a fork"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange fork and a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a scissors"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a refrigerator"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a parking meter"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a surfboard"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a red sheep and a purple cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a vase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a kite"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sandwich"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow truck"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow banana"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a black refrigerator and a green oven"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a carrot"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tie"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a suitcase"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a surfboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a potted plant"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sink and an orange potted plant"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a white computer mouse"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of an orange truck and a brown train"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above an airplane"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a red computer keyboard and a brown surfboard"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a tennis racket and a surfboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a black orange and a brown sink"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a carrot and a cell phone"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a truck"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a couch"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a person"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a cake"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a suitcase"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a pink train and a blue donut"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below an airplane"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hair drier"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a chair"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a handbag"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bear"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a fork"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a red chair and a green computer keyboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "red"}], "prompt": "a photo of a green chair and a red teddy bear"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a tennis racket and a cow"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a couch"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a purple vase and a white banana"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a stop sign"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of an orange horse and a purple bench"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tv and a purple horse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a black broccoli and a green sandwich"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a snowboard and a person"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bicycle and a pink train"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange vase and a yellow suitcase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a cake and a tie"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an orange"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a computer mouse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a sandwich"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a brown train and a white airplane"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a chair"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a black bicycle and a green sandwich"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a backpack"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a red boat and a green fork"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a hair drier"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a black laptop"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a green bird"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a snowboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow orange and an orange bird"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a pink tennis racket and a red bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a computer keyboard"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a white donut"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a surfboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a tennis racket"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a stop sign"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a carrot"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a white scissors and a brown dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a hair drier"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a zebra"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a backpack"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a green bear and a yellow motorcycle"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a couch and a boat"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a kite and a zebra"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a white vase and a black teddy bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a knife"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a green toaster and an orange tennis racket"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a brown carrot and a purple banana"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a purple donut and a white sink"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a sheep"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a carrot and a computer mouse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of an airplane"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "red"}], "prompt": "a photo of a pink computer mouse and a red stop sign"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bicycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cat"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an orange"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a purple banana and a blue bird"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a hair drier"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tv remote"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a bus"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a stop sign"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a cat"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a purple refrigerator and a black horse"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a dining table"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a zebra"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a pink sandwich and a green broccoli"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cow and a yellow tie"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange parking meter and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a cat"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tv remote"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a knife"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an oven"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a blue truck and a brown hair drier"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a parking meter"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a refrigerator"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a baseball glove"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a handbag"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a bottle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a tennis racket"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a sandwich"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a white spoon"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "white"}], "prompt": "a photo of a black kite and a white carrot"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a black tv and a yellow scissors"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bottle and a blue bus"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a teddy bear"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "orange"}], "prompt": "a photo of a blue teddy bear and an orange train"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a black kite and a purple hair drier"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a snowboard"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow fork and an orange cat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a kite"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bus and a pink handbag"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a toaster"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow spoon and a purple bench"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a tie"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a baseball glove and a potted plant"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a donut"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sports ball"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a couch"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a blue tie and a brown parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a train"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a train"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a cake"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a person"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a vase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "green"}], "prompt": "a photo of a red handbag and a green teddy bear"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a refrigerator"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bicycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a giraffe"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a red tie and a pink cat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a yellow donut and a red horse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a laptop"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a carrot and a vase"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a refrigerator and a zebra"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a hair drier"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a zebra"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a black pizza and an orange horse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a red horse and a yellow banana"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a cell phone"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a train"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bus and a yellow toaster"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of an orange surfboard and a black tv remote"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a brown oven and a blue handbag"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a computer mouse"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a scissors"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a white snowboard and a green stop sign"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a couch"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a red sandwich and a purple giraffe"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a truck"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a black chair and an orange tv remote"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a couch"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a green computer mouse and a white suitcase"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow hot dog and a pink bicycle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of an airplane"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a sandwich"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a banana"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a handbag and a stop sign"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a cake"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a sink"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a white giraffe and a green donut"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a snowboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a person"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cow"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a computer keyboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cat"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a vase"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a suitcase and a backpack"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bus"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a potted plant"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a black teddy bear and a green fork"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a black computer mouse and a white fork"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a pink sink and a white tv"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a spoon"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a brown sheep and a pink parking meter"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of an orange refrigerator and a brown tv"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cell phone"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of an orange baseball glove and a red orange"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a red orange and a green pizza"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a white backpack and a purple computer mouse"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a sandwich and a hair drier"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an oven"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a green suitcase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a brown computer keyboard and a pink kite"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fork and a blue donut"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a couch and a tv remote"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a yellow potted plant and a black train"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a toaster"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below an airplane"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow broccoli"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a red tennis racket and a brown sandwich"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a handbag"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a blue potted plant and a red tv remote"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a red chair"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a vase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a truck"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a train"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a blue motorcycle and a brown backpack"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a potted plant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a couch"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a handbag"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "white"}], "prompt": "a photo of a purple teddy bear and a white bird"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a broccoli"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above an orange"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sink"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a black suitcase and a blue oven"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a black backpack and a purple donut"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a pizza"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a parking meter"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sheep and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an orange"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cow"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a purple laptop and an orange bicycle"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sports ball"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cow"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a black truck and a brown bus"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bear"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a tv"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a sandwich"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a motorcycle"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a kite and a cow"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a cat"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a green kite and an orange tv remote"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a purple sink and a green handbag"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a spoon"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a surfboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tv"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a horse"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a handbag"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a chair"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "orange"}], "prompt": "a photo of a green sink and an orange oven"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of an orange giraffe and a blue tennis racket"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a tie"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a surfboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tv remote"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a white fork and a pink handbag"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a bench"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a red cow and a blue giraffe"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a green airplane"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cow and a purple potted plant"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a donut"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a pink giraffe and a blue cell phone"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a bottle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a dining table"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bird and a blue pizza"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a yellow couch and a black spoon"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bottle"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange sheep and a yellow toaster"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a truck"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a banana"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a purple toaster and an orange bird"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a black spoon and a brown knife"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a blue backpack and an orange cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a horse"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a baseball glove"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a potted plant"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below an oven"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a boat"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a red zebra and a brown potted plant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a surfboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a knife"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a computer keyboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a cat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a red truck and a black pizza"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bicycle and a banana"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a chair and a bird"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a purple pizza and a red zebra"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a sandwich"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a laptop"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a vase"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a brown tv and a purple sheep"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink airplane and a yellow baseball glove"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a black scissors and an orange boat"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a banana"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a computer mouse and a pizza"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a boat"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a sports ball"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a vase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a sheep"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a pink laptop and a purple sink"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a red motorcycle and a yellow kite"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a kite"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bird"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a kite"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a black kite and an orange refrigerator"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bear and a laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a carrot"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of an orange giraffe"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cell phone and a yellow computer mouse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a giraffe"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown chair and a yellow refrigerator"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a snowboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a sheep"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a purple pizza and a red fork"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a red spoon and a purple giraffe"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a boat and a scissors"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a bench"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a sports ball and a computer keyboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a cake"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cake"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bench"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a broccoli"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a refrigerator"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a blue cake and a red motorcycle"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bottle"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a red giraffe"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a potted plant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bicycle"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a baseball glove"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a sports ball"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a hair drier and a cow"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a suitcase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "pink"}], "prompt": "a photo of a green suitcase and a pink hair drier"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a couch and a bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a laptop"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a motorcycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bench"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a blue sheep and an orange parking meter"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a handbag"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bicycle and a green boat"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue broccoli and a brown bear"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a green banana and a pink scissors"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a cake"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a giraffe and a cell phone"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a teddy bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a broccoli"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a boat"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cat and an orange bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a handbag"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a refrigerator"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a suitcase"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a spoon"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bench"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a purple hair drier and an orange snowboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a person"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a chair"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a white kite and a black stop sign"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a spoon"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bus"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a white computer mouse and a purple tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sandwich"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an orange"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a red pizza and a brown motorcycle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a blue hot dog and a red horse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a sink"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a broccoli"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a couch"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a hot dog and a cell phone"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow airplane and a blue computer mouse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a white bottle and a green couch"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a white knife and an orange tie"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of an oven"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a brown vase and a red tie"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a boat and a sports ball"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a brown snowboard and a green stop sign"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a stop sign"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow pizza and a pink fork"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a sandwich"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a refrigerator and an airplane"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a scissors"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of an orange"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a sandwich and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tv remote and a yellow broccoli"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a zebra"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a truck"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a pizza"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a sink"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a red cat and a green horse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a surfboard"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a dining table"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cake"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a spoon"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a purple oven and a brown bus"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above an airplane"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a kite"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a bear"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a blue teddy bear and an orange bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a fork"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a dining table"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a red broccoli and a black hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a chair"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sink and a pink bench"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bicycle and a blue oven"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a chair"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a blue sports ball and a black cow"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bus"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a spoon"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a brown sports ball and a white cake"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a parking meter"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a scissors"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a green cake and a white fork"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a purple zebra"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a horse"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a refrigerator and a tie"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a cow and a cat"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of an orange cow and a green suitcase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a fork"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a yellow dining table and a black tv remote"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow snowboard and a pink hot dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a broccoli"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a tennis racket"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a horse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a bottle and a sheep"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bear and a blue bench"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a horse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a tie"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a backpack and a potted plant"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a teddy bear and a chair"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange orange and a yellow bottle"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a teddy bear and a cat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bird"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a suitcase and an orange"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a blue hair drier and a purple tennis racket"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a teddy bear"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a laptop and a parking meter"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a person"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bird"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a tv"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a donut"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a tv and an airplane"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a black couch and an orange tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a tie"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a vase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a train"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sink"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of an airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an airplane"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a hair drier"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a horse"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a pizza"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of an orange tv remote and a blue fork"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a dining table"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a cow"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a potted plant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a stop sign"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above an oven"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white spoon and a yellow snowboard"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a donut"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a bear"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a backpack"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a scissors"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a tv"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tennis racket and a yellow cow"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a white bottle and a purple computer mouse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a cat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a chair"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a brown refrigerator and a blue vase"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cell phone"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tv"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a kite and a cell phone"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink horse and a yellow bench"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a refrigerator"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a green bottle and a brown potted plant"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a motorcycle"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a backpack"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of an orange"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bird"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a person"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a sports ball"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a tv and a hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a teddy bear"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a broccoli"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bear"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a computer mouse and a truck"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a horse"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a red bicycle and a black pizza"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a knife"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a person"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a boat"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bear"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bear and a yellow toaster"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a parking meter"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow sports ball and a brown oven"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bench"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a brown donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bicycle"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a horse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a purple couch and a green suitcase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a banana"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a fork"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cake"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a brown knife"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a tie"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a surfboard"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a handbag"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a bicycle and a tie"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a purple sports ball and a white chair"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a baseball glove"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a chair"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cow"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a person and an orange"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a computer keyboard and a bus"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of an orange zebra and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a purple sheep and a blue baseball glove"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a green potted plant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of an airplane"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a hair drier"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a scissors"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tv"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a hair drier"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bird and a brown vase"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a green handbag and a white backpack"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a bench and a cat"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a pizza"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a blue train and a pink computer mouse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bicycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a tie"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a white tv remote and a red laptop"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a tie and a giraffe"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a carrot"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a tennis racket and a hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tv remote"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a green baseball glove and a white bus"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a black knife and a green giraffe"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a parking meter"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow bench and an orange hot dog"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple baseball glove and a black computer keyboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a brown kite and a purple orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a giraffe"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a computer mouse"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a purple spoon"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a knife"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a donut"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an airplane"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a pizza"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a black tv remote and a red cell phone"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a tie"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a truck"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a red sheep and a purple toaster"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a blue laptop and a brown refrigerator"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a sports ball"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a donut and a parking meter"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of an orange teddy bear and a white suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow hair drier and a purple tie"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a horse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a parking meter"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a train"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a backpack"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a pink laptop"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a white computer mouse and a pink pizza"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a brown airplane and a green cell phone"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bottle"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a red truck and a green hot dog"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a scissors"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bottle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a bottle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bus"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a train and a tennis racket"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a broccoli"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a cat and a bicycle"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a red boat"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a bottle and a bicycle"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a red handbag"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a brown banana and a black giraffe"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a purple vase"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an oven"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a bicycle and a broccoli"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a giraffe"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a zebra and a refrigerator"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a white banana"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange broccoli and a yellow knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a banana"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a fork"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of an oven"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a person and a bird"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a train"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a blue truck"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a refrigerator"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sports ball"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow spoon and a brown fork"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a black cat and a white tie"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of an orange chair and a pink hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a teddy bear"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a purple boat and a green computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tv and a yellow bus"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a potted plant"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a brown stop sign"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a black chair and a green snowboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a broccoli and a sink"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown sheep and an orange cat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a zebra"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tv"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "orange"}], "prompt": "a photo of a white tennis racket and an orange tv"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow hot dog and a purple motorcycle"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a purple computer keyboard and a brown cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a laptop"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a stop sign"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of an orange knife"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a carrot"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a suitcase and a scissors"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a green bottle and a black suitcase"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bicycle and a cow"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a refrigerator"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a red oven and a green truck"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a giraffe"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a fork and a bird"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a purple bicycle and a red suitcase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a cat"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of an orange carrot"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a white parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a computer keyboard"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an orange"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a red dining table and a pink bird"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a refrigerator"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a couch"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a brown hot dog and a blue carrot"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a blue sports ball and a green horse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a sandwich"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a white computer keyboard and a brown parking meter"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a brown bear and a green sports ball"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sheep"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a spoon"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a tennis racket"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a person"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a scissors"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a red bird and a white cake"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a boat"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a couch"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a blue cake and a green backpack"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a tv remote"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a toaster"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a red donut and a yellow bench"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a parking meter"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a zebra and a fork"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a purple bottle and a red parking meter"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a giraffe"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a snowboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow hair drier and a purple banana"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a suitcase"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red zebra and a yellow surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a couch"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a red donut"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a pink backpack and an orange tie"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a handbag"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a black stop sign and a purple spoon"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a brown airplane and a black motorcycle"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a giraffe"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a red pizza and a yellow sports ball"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a purple spoon and a white horse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a kite"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a horse"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a dining table"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a kite"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bicycle"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a hair drier"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a chair"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a brown tv remote and a white bottle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a couch"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sink"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a pink parking meter and a red bottle"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a person"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a dining table"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a blue spoon and a purple cake"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a cow"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a black snowboard and a brown hot dog"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bottle"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a blue bicycle and a white sandwich"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple vase and a yellow surfboard"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a banana and a bench"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of a pink airplane and an orange cow"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a hair drier"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a kite"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a carrot"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a bird and a sheep"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of an orange giraffe and a purple zebra"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a fork"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a vase"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a purple pizza and a red bench"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a bus and a sports ball"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a scissors"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sports ball"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a chair"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a cake"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cow"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a dining table"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a red computer keyboard and a green potted plant"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a red sheep"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of an oven"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a horse"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a sheep and an orange"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a blue tv and a red bottle"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a hot dog"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a boat"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a brown parking meter and a blue bus"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a blue boat"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a stop sign"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of an orange knife and a blue orange"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a boat"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bear"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a brown baseball glove and an orange kite"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bench"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a black tv"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a giraffe"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "pink"}], "prompt": "a photo of a pink giraffe"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bottle"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a handbag"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a purple hair drier and a blue couch"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a pink cake and a green kite"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a refrigerator and a donut"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a white zebra and an orange boat"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a pizza"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a horse"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a zebra"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tv"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a hair drier"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a teddy bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below an orange"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a pink horse and a green pizza"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bench"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a pink sink and a red bottle"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bus"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a computer mouse"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv remote and an orange potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a horse"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a brown tv and a green tv remote"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a computer mouse"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a spoon"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a handbag"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a kite"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a purple tennis racket and a white train"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a pizza"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a white train and a brown dining table"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a laptop"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a cat"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a boat"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a brown train and a red horse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bottle and a blue backpack"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a pink bus and a green cake"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a chair"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bicycle and a yellow chair"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tennis racket"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange donut and a yellow tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a banana"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow knife"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a cow"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a computer mouse"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a hot dog"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a cat"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a kite"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tv remote"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bear and a purple giraffe"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a pizza and a broccoli"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a brown giraffe and a black airplane"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a handbag"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a knife"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a hot dog"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a potted plant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a potted plant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a red zebra and a pink train"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a pink tv remote and a brown toaster"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a handbag"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a pizza and an oven"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a donut"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a white oven and a green surfboard"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a broccoli"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of an orange computer mouse and a blue vase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a banana"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bird"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a cake"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a motorcycle and a fork"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of an orange sandwich and a purple sports ball"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cow and a yellow laptop"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a banana and a zebra"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a suitcase"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a pizza"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cake"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a backpack"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a handbag"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a white fork and a purple donut"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a red cell phone and a white bench"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "brown"}], "prompt": "a photo of a black cat and a brown baseball glove"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a computer mouse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a red zebra and a black couch"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a backpack"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of an orange laptop and a red bench"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a yellow truck and a red tv"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a pink cow and a black donut"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a vase"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a person"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a stop sign"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a kite"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cake"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tennis racket"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green bench and a pink snowboard"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a train"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a computer keyboard"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a pink broccoli and a purple couch"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a carrot"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a purple donut and a red refrigerator"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a blue boat and a pink tv"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a spoon"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of an oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sandwich"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bus"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a scissors"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a red dining table and a brown potted plant"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a bench"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bear"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bicycle and a surfboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cow and a purple scissors"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bottle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a black tv remote and a brown chair"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "green"}, {"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of a green bear and an orange kite"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a surfboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a spoon"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a donut"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a laptop"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a tv remote"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a donut and a sandwich"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a fork"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of a green broccoli and a blue cat"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tennis racket and an orange giraffe"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a white horse and a yellow tv remote"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a couch"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a sheep and a fork"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow dining table and a purple giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a tv"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a suitcase"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a backpack"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a stop sign"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "orange"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of an orange scissors and a white train"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a green teddy bear and a black broccoli"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cake"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "orange"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange vase and a yellow bicycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a tv remote"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a refrigerator"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a purple knife and an orange backpack"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a train and a tie"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bird"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a scissors"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a potted plant"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a brown boat and a purple suitcase"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a blue dining table and a pink horse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sheep"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a pink cake and a white toaster"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a purple tie and a black carrot"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a snowboard and a carrot"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a white boat and a red chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a cell phone"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a tv remote"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a computer mouse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cow"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a computer keyboard"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a green bottle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a horse"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of an airplane and an orange"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cake"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an oven"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a baseball glove"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a black cow and a brown airplane"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a computer keyboard"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a laptop"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "pink"}], "prompt": "a photo of a red bus and a pink suitcase"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a banana"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a scissors"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a red train and a purple truck"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a fork"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a person"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bicycle"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a pink couch"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bicycle and a purple tv remote"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "pink"}], "prompt": "a photo of a pink handbag"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a sports ball"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a sports ball and a broccoli"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a pizza"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a black baseball glove and a brown bicycle"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bottle and a blue sheep"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a knife and a person"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a purple carrot and a white airplane"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a scissors"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a pizza"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of an orange truck"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a bicycle and a train"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a green computer keyboard and a blue fork"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a cell phone"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a handbag"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a toaster"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bicycle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a hair drier"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a black surfboard"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tv"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a sheep"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a white cell phone"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a white bear and a blue truck"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sports ball"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a zebra"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bottle"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of an orange hot dog and a green chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a person"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a toaster"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a red train and a pink tie"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a handbag"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a train"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a laptop"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a cat"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a pizza and a knife"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a red oven and an orange couch"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a suitcase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a hot dog"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a red hot dog and a pink bird"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a blue hair drier and a red bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bird"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a carrot"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a red suitcase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a bird"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a person"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a knife"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a brown banana and a black cat"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a black snowboard and a purple tie"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a cat and a potted plant"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a tv"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a black backpack and a yellow zebra"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a cell phone"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a bus"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sheep"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a kite"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a potted plant and a spoon"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a backpack"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a cell phone"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a backpack"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a green laptop and an orange orange"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tv remote"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tennis racket"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a banana"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a black sandwich and a purple stop sign"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a boat"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a kite"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a sports ball"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a donut"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a pink truck and a brown bear"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a surfboard and a bird"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a vase"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a zebra"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a kite and a vase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a suitcase"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a brown dining table"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a cow"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a red surfboard and a white dining table"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a stop sign"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a cow"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a cat and a backpack"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a carrot"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a cell phone"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow motorcycle and a blue hair drier"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a red truck and a green potted plant"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "black"}], "prompt": "a photo of a red scissors and a black baseball glove"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bench"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a yellow giraffe and a black airplane"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a teddy bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a cow"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a zebra and a sports ball"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of an airplane and a sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a tie"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a hot dog"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a brown cake and a black banana"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a white cake and a purple stop sign"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a hot dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a handbag"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bottle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a train"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a blue spoon and a pink chair"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a cow and a truck"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a banana"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a brown chair and a white zebra"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a white refrigerator and a brown zebra"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a cake"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow zebra and an orange giraffe"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a banana"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bus"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball glove"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bear and a yellow knife"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "carrot", "count": 1, "color": "purple"}], "prompt": "a photo of a white cow and a purple carrot"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sink"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a black handbag and a brown stop sign"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sheep"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a stop sign"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cat"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green suitcase and an orange surfboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a vase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a blue scissors and a purple potted plant"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a red couch and a black bench"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a laptop and a cell phone"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a horse"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a tv remote"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a couch"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bus and a purple potted plant"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a knife"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a black knife and a green pizza"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bear and a brown airplane"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a red banana and a yellow surfboard"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a brown laptop and a purple parking meter"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a black surfboard and a white spoon"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a couch"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a zebra"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cell phone and an orange scissors"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a laptop"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue tv and a yellow stop sign"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a black broccoli and a pink knife"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of an orange cat and a blue baseball glove"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a brown chair and a black pizza"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a green cow and a black dining table"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "bird", "count": 1, "color": "orange"}], "prompt": "a photo of a white computer mouse and an orange bird"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a stop sign and a pizza"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a baseball glove and a truck"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tennis racket"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bear"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a train and a bus"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a refrigerator and a carrot"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of an airplane"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a truck"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a black scissors and a white tennis racket"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a green cat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a potted plant"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "black"}], "prompt": "a photo of a red toaster and a black parking meter"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a banana and a toaster"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a sandwich"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a hair drier"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a computer keyboard and a cell phone"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a potted plant"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a spoon"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a tv remote and a baseball glove"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a white chair and a yellow broccoli"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a yellow parking meter and a red hair drier"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a laptop"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a tennis racket"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a bear"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow bear and a brown knife"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a cell phone"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a scissors and a pizza"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of an orange"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an orange"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a tennis racket"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a tv"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a red chair and an orange vase"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a black broccoli and a yellow cell phone"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a black cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a potted plant"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a purple parking meter"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a sports ball"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an orange"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a yellow bus and a white sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an airplane"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a laptop"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a knife"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a backpack"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a white banana and a red chair"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of an oven and a cell phone"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bicycle and a handbag"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a white vase"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a couch"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a cat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a pizza"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a refrigerator"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a tennis racket"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "black"}], "prompt": "a photo of a pink giraffe and a black hair drier"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of an orange baseball glove and a brown cell phone"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a spoon"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a cake"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a suitcase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bench"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a tennis racket"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a giraffe"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cake"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a brown orange and a red sheep"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a chair"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a snowboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink handbag and a red snowboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "boat", "count": 1, "color": "orange"}], "prompt": "a photo of a pink broccoli and an orange boat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a potted plant"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a suitcase and a zebra"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bottle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a handbag"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cake"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a fork"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a chair"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a spoon"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a zebra and a hot dog"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a backpack"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a train"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a laptop"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a potted plant and a sandwich"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a tv and a boat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cell phone"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a carrot"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a banana"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a bench"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a potted plant and a zebra"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a refrigerator"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a zebra"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a cell phone"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a banana"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a backpack and a hot dog"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a laptop"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a green hair drier and a pink broccoli"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a hair drier"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow stop sign and a brown dining table"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a bird"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a dining table"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a handbag and a donut"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown tie and a yellow sandwich"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of an airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a carrot"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a tie"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a refrigerator"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a banana"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a toaster"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sink"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cow"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a computer keyboard and a snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a couch"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sheep"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a bicycle"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a black spoon and a blue sink"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a red bottle and a blue carrot"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a red toaster and a green zebra"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a truck"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a train"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a parking meter and a sports ball"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a bicycle and a sheep"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a purple kite and a black boat"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a horse"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a red dining table"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a handbag and a dining table"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a parking meter"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a couch"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a motorcycle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a banana"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of an airplane and a carrot"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a white cow and a red train"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a kite"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a train"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a laptop and a suitcase"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a fork and a chair"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a pink sheep and a green bicycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a tennis racket"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above an airplane"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a sandwich"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a horse"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a blue bottle and a green tennis racket"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sandwich"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a person"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a fork"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of an orange orange and a pink sports ball"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a horse"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a scissors"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a zebra"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a scissors"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a stop sign"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a handbag"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of an orange airplane and a pink toaster"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sports ball"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a purple chair and a blue carrot"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a computer mouse"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a motorcycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a scissors"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a train"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a bottle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a scissors"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a giraffe"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a fork"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a teddy bear"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a vase"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a boat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a pizza"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a tv remote"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a truck"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange potted plant"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer mouse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a chair and a baseball glove"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow stop sign and a brown surfboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a tv"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a green snowboard and a blue hair drier"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a stop sign"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a fork"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a cell phone"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a yellow hot dog and a green tv"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a white dining table and a black suitcase"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bicycle and a yellow toaster"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a red vase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a tv"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a scissors"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a pink kite and a red bottle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a green cat and a pink sports ball"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a person"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a cow"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below an oven"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange cat and a yellow bus"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a black pizza and a yellow tv remote"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a zebra and a teddy bear"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a computer mouse"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a broccoli and a suitcase"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "pink"}], "prompt": "a photo of a white cow and a pink truck"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a couch"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a red computer keyboard and a blue orange"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow orange"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a dining table"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a knife"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above an airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a motorcycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tie"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sandwich and a yellow cat"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a teddy bear and a bench"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a couch"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a black refrigerator"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a truck"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a black computer keyboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a black bus"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a tv"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a parking meter"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a bench and a handbag"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bear"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a red cat and an orange bicycle"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer keyboard"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a white backpack"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a donut and a couch"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "white"}], "prompt": "a photo of a white boat"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bottle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a carrot and a sink"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a brown tie and a green potted plant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a red tv and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tie and a yellow fork"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a bear"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a backpack"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a brown truck and a blue bus"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a scissors"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a pink handbag and a red banana"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bench"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a boat"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a handbag and a cake"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a cow"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "pink"}], "prompt": "a photo of a black hot dog and a pink cow"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bird"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a green sandwich"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a tv"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a horse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above an oven"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a hot dog and a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bench and a blue handbag"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange kite and a purple motorcycle"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tie"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue hot dog and a yellow sheep"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a blue vase"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a parking meter and a bench"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a dining table"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bear"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a tv"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a blue spoon and a green cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a donut"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a boat and a knife"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "black"}], "prompt": "a photo of a green surfboard and a black bus"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv remote"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a teddy bear and a horse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a sports ball"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a red bear"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a green zebra and a pink sandwich"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a toaster"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a sports ball"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a knife"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bear and a purple fork"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a laptop and a banana"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a suitcase"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a sheep"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tv and an orange toaster"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a toaster"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of an orange airplane and a green kite"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a boat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a fork"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a sink"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a white zebra and a purple donut"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bicycle"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a zebra and a sandwich"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a vase"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow pizza and a blue tie"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a truck"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a knife and a spoon"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a red oven"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a suitcase"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a laptop"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a backpack"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a knife"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a purple teddy bear and an orange cat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue laptop and a yellow backpack"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of an airplane"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a dining table"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a sports ball"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "blue"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a blue carrot and a brown dining table"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a blue airplane and a white sink"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a kite"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a tv and a surfboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a laptop"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a person"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a pink handbag and a green sheep"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a couch and a chair"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a bottle"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "blue"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a blue zebra and a brown bear"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tennis racket and a blue cell phone"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sheep"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink pizza and a yellow snowboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a person and a teddy bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an oven"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a red scissors and a yellow hot dog"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cat"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of an orange and a stop sign"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a refrigerator and an orange"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a suitcase"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a tie"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink orange and a blue bicycle"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a sandwich"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a tv"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bicycle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a zebra"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an orange"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a broccoli"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a bicycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a truck"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a handbag"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a couch"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a hair drier"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a sheep"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bus"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a hair drier and a computer mouse"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a baseball glove"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bicycle"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bird and a snowboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a green snowboard and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a refrigerator"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bear"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a suitcase and a cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a knife"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a fork"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a black bicycle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a truck"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bird"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of an orange knife and a blue airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above an airplane"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a giraffe"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a potted plant"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a computer keyboard and a bench"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a zebra"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a black banana and an orange motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a train"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cell phone"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "brown"}], "prompt": "a photo of a brown oven"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a green hair drier and a yellow donut"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a giraffe"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bird"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer mouse"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tie"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a handbag"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a chair and a sandwich"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a knife"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a brown cake and a blue vase"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a giraffe and a banana"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a vase"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a green chair and a brown potted plant"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a green chair and a yellow giraffe"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a bus"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a carrot"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a broccoli and a cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a knife"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a pink fork and a purple dining table"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a cat"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a brown handbag and a pink potted plant"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a backpack"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer mouse"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of an orange horse and a brown computer keyboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of an oven and a zebra"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a pink dining table and a white sandwich"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a red motorcycle and a brown sports ball"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of an orange boat and a brown sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a handbag"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a knife and a truck"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bus and a banana"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of an orange banana and a white chair"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a zebra"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a tv and a bus"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a surfboard and a couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a donut"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a green refrigerator and a black bird"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow knife and a purple computer mouse"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a black hot dog and a white cow"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a giraffe"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue tv remote and a yellow tennis racket"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a truck"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a vase"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a cow and a parking meter"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a banana"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a blue truck and a white parking meter"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a pizza"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below an orange"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bear"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a giraffe"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of an orange"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a cat and a truck"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a person"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sports ball"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a brown fork and a purple knife"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a brown snowboard and a blue orange"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a brown bear and a pink broccoli"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a chair"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a person"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bird"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a teddy bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a train"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tie"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a suitcase"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a spoon"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a handbag and an oven"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a potted plant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a bus"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a refrigerator"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a pink computer keyboard and an orange parking meter"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a broccoli"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a spoon"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a tv and a sink"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a brown laptop and a pink couch"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a brown laptop and an orange broccoli"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a knife"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a vase"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bench"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sheep"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sports ball"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a person"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a stop sign"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a vase"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple giraffe and a yellow train"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sports ball and an orange dining table"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a cake and a pizza"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a suitcase"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a kite"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a pink giraffe and a blue sheep"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a black cell phone and a red bicycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a dining table"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of an orange stop sign"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a toaster"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a spoon"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a brown handbag"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a fork and a knife"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sink and a yellow bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a suitcase"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a white vase and a blue tie"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a purple oven and a green carrot"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a donut"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a cake"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a hot dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cake"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a toaster"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a hot dog"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a green bench and a purple suitcase"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a chair and an orange"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a carrot"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a red sheep and a black computer keyboard"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a teddy bear"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a hair drier"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a boat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a surfboard"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a hot dog"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a bottle"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a brown tv remote and a black toaster"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a cell phone"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bus"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a backpack"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a sheep"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sink"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a black sheep"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow pizza"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a kite"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a cell phone"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a brown laptop and a black pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a chair"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a purple pizza"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a stop sign"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cow"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a surfboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a handbag"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a baseball glove"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below an oven"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a handbag and a hair drier"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a bus and a knife"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a yellow computer keyboard and a white cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sandwich"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a hair drier"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a blue parking meter"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a giraffe"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a banana"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a black surfboard and a red tv remote"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bench and a blue fork"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tennis racket"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a yellow potted plant and a white oven"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a refrigerator"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a sports ball"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a blue airplane and a brown chair"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sink and a brown tie"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a sports ball"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a white fork and a blue bicycle"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a banana"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a zebra"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a suitcase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a suitcase"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a zebra"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a banana"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bird and a yellow sheep"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a surfboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a chair"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a tie"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a knife"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a green kite and a white cell phone"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above an oven"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of an orange potted plant and a green tv remote"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a knife"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a sports ball"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a pink kite and a red parking meter"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a fork and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue tv and a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a purple sink and a black stop sign"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a snowboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an airplane"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a train"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a giraffe and a tv"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bird"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a snowboard"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of an orange snowboard and a purple surfboard"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a red carrot and an orange pizza"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a surfboard"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a red broccoli and a pink hot dog"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sheep"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a couch"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a potted plant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bicycle"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tie"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a purple sink and a red fork"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a pink sink and a white tie"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a yellow dining table and a white stop sign"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a scissors"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a bicycle and a pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a potted plant"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an airplane"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a black cow"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a vase"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a stop sign"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a tv remote"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a laptop"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of an orange airplane and a brown sports ball"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a brown spoon and a blue sandwich"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a potted plant"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a snowboard and a suitcase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a hot dog"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a person"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a red hot dog and a black potted plant"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bench"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a blue bus and a white giraffe"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tie"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a tie"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a green tie and a red bench"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a pink kite and a blue broccoli"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a suitcase"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bus and an orange cat"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a person"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a chair"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of an orange horse and a purple sports ball"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a bench"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a suitcase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a train"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a carrot"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "blue"}], "prompt": "a photo of a black chair and a blue suitcase"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a red dining table and a black laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a zebra"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a bird and a scissors"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a banana"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a boat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a purple truck and a blue giraffe"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a red pizza and a purple bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a pizza"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tv remote and a blue hot dog"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a person"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a kite"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "purple"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple banana and a yellow hair drier"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tie and a brown bench"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a cat"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a cat"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a bench"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sports ball"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a spoon"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below an oven"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bottle and an orange fork"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bicycle and a brown sheep"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a bear"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue refrigerator and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a white parking meter and a yellow sheep"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bench"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a handbag"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a pizza"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a kite"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a scissors"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a black zebra"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cat and a yellow teddy bear"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a purple boat and a black vase"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a baseball glove"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bicycle and a purple surfboard"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a vase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a cow"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a zebra"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bird"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cake"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a giraffe"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a red cow and a black sheep"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a backpack"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a bird and a surfboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a cat"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a red spoon and a brown broccoli"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a red sandwich and an orange cell phone"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a knife"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a person"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a donut"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a surfboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a motorcycle"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer keyboard and a blue bicycle"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of an orange knife and a red computer mouse"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a pink boat and a purple truck"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a stop sign and a train"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sandwich and a yellow cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a hot dog"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a sink"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a handbag"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a truck"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a surfboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a couch"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a motorcycle"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a cake and a tennis racket"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a sports ball"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a bottle"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a white handbag and a pink parking meter"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a donut"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a horse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cake"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a baseball glove"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a cow"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a donut"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a scissors"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a purple sports ball and a black oven"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink vase"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cow"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a brown broccoli and a blue handbag"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a teddy bear"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a person"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tv"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a fork"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a chair and a spoon"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a red bottle and a purple computer keyboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a sheep"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "brown"}], "prompt": "a photo of a brown kite"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a sink"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a suitcase"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown sheep and a yellow bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bear"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sink"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a black hair drier and a white sandwich"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a toaster"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of an airplane"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue horse and a yellow airplane"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cell phone"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a hot dog and a suitcase"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of an orange tv remote and a green cell phone"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a blue couch and a green sports ball"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "white"}], "prompt": "a photo of a white motorcycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a potted plant"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tie"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a person"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a zebra"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of an orange cell phone and a pink tie"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sandwich"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a baseball glove"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a donut"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a horse"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a surfboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a sheep"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a sports ball"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a surfboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a tie"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a refrigerator"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a person"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a truck"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a laptop"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a yellow chair and a white hot dog"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a fork"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a brown bottle and a black potted plant"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a sink"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a fork and a vase"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a purple tennis racket and a pink bird"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a purple bottle and a green tennis racket"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a zebra and an airplane"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a sink"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cell phone"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a boat"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a knife and a backpack"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a green sandwich and a yellow tie"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a baseball glove"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a bus"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a pink parking meter"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a chair"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sports ball"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a pizza"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a scissors"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a pink train and a brown cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a laptop"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of an orange donut and a blue cell phone"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "black"}], "prompt": "a photo of a black scissors"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a broccoli"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a donut"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a green carrot and a brown banana"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a person"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a backpack"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bus"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a couch and a cat"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow broccoli and a brown bear"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cow"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a baseball glove"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown fork and a yellow tie"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a truck"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bicycle and a yellow bottle"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a sports ball and a person"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a pizza"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a suitcase"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a teddy bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a fork"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bird"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow computer keyboard and an orange hot dog"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a red cake and a blue tv remote"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a blue teddy bear and a white refrigerator"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bird"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a vase"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of an orange pizza and a black toaster"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a purple spoon"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a toaster"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a stop sign"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a backpack"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a vase and a banana"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a giraffe"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a scissors"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a tv"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of an orange fork"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange airplane and a yellow bird"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a pink computer mouse and a brown tennis racket"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bicycle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a cow"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bicycle"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow computer keyboard and a pink parking meter"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a tv remote"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a green tv remote and a red sandwich"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a toaster"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a pink teddy bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a fork"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a purple bus and a green fork"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a scissors"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a toaster"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a parking meter"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bottle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a backpack"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a hair drier"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a spoon"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a refrigerator"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a purple donut"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a pink dining table and a blue broccoli"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a baseball glove"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a yellow spoon and a black computer mouse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a sheep"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bear"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a hot dog"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple motorcycle and a black computer keyboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a black chair and a brown sandwich"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a knife"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a snowboard"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bird and a blue scissors"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a white sink and a black couch"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a computer keyboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a chair"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a sports ball"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a boat"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a kite and an orange"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a green hot dog and a purple sheep"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a laptop"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of an orange and a backpack"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an airplane"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a brown couch and a white kite"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a parking meter"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a red truck and a green surfboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a train"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "orange"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of an orange airplane and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a pink tv remote and a red horse"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "white"}], "prompt": "a photo of a purple airplane and a white cake"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of an airplane"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a purple handbag and a green refrigerator"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of an oven and a truck"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tv remote"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a vase"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a handbag"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a green donut and a purple sink"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a scissors"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a white tv and a green broccoli"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a suitcase and a hair drier"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a tennis racket"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tie"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a chair and an oven"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a sink"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a horse"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a white spoon and a pink toaster"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a bird"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a tv remote"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a knife"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink suitcase and a yellow cell phone"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a dining table"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of an orange knife and a brown pizza"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a red sports ball"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a black suitcase and a red spoon"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bicycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a scissors"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a backpack"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a red boat and a black cell phone"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a train"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a train"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a person"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a train"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a carrot"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a boat"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "white"}], "prompt": "a photo of a yellow computer keyboard and a white sandwich"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a boat"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of an orange computer keyboard and a black cow"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a train"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a tennis racket"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a sink"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow refrigerator"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a brown cell phone and a red scissors"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tv remote and an orange sink"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of an oven"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a person"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue vase and a yellow teddy bear"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sink"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a broccoli"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a carrot"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a couch"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a white train and a blue scissors"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a motorcycle"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow laptop"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a parking meter"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a computer mouse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a sports ball"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a pizza"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a tv remote"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a chair"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a blue broccoli and a pink teddy bear"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a bird"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a hair drier"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a dining table"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a hot dog"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below an oven"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a fork"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a cow"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tennis racket"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a blue zebra"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bird"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a pink bird and a white broccoli"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a backpack"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a red orange and an orange computer mouse"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange knife and a yellow bench"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a pink suitcase and a purple hot dog"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer keyboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a train"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a cell phone and a tv remote"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "tv", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cake and a black tv"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a potted plant"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bottle"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a bear and a cow"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a train"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a white teddy bear and an orange dining table"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bench"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a banana"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cow"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a truck"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sandwich and a blue sink"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a white suitcase and a black surfboard"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a kite"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a sink"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "purple"}], "prompt": "a photo of a white motorcycle and a purple potted plant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a carrot"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of an orange kite and a brown pizza"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an oven"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a black boat and a green suitcase"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a cow"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a chair and a vase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of an airplane"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a stop sign"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a train"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a purple snowboard and a green refrigerator"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a white cat and a purple spoon"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "vase", "count": 1, "color": "orange"}], "prompt": "a photo of a blue scissors and an orange vase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a refrigerator"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a spoon and a horse"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a blue sports ball and a red refrigerator"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a scissors"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a potted plant"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a suitcase"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a donut"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a teddy bear"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a surfboard"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a surfboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a horse"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a blue oven and a purple banana"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a pink bear and a blue broccoli"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sandwich"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a vase"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow giraffe and a purple couch"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a giraffe"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a green donut and a brown banana"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "purple"}], "prompt": "a photo of a pink donut and a purple cat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a snowboard and a cow"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a snowboard"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a handbag and a baseball glove"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a chair"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a laptop"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a train"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a computer mouse"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a sink"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a cell phone and a snowboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a scissors"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a knife"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a parking meter"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "orange"}], "prompt": "a photo of a purple refrigerator and an orange pizza"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a couch"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a banana"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a chair"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a donut"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a parking meter"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a red giraffe and a purple tennis racket"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a purple stop sign and a brown bottle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below an orange"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a potted plant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a vase"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a banana"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a potted plant"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a handbag and a scissors"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a dining table"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above an airplane"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a cow"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a bus and a bicycle"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of an orange dining table and a blue sink"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tennis racket and a blue bicycle"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a white donut and a blue vase"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a sink and a sports ball"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a tv"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bottle and a brown fork"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow toaster"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a dining table and a cake"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a giraffe"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a sheep"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv remote and a green fork"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a person"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown surfboard and a yellow chair"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a computer keyboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of an oven"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a motorcycle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a surfboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a vase"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a horse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of an orange"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a giraffe"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a tennis racket"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a hair drier"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of an oven"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bus"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bottle"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sheep"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a carrot"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a pink computer mouse and a brown dining table"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cow"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a white cow and a pink kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a laptop"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a snowboard and a bird"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bear"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a white boat and a pink backpack"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a white bear and a black sink"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a computer keyboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a motorcycle"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a chair"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a hot dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple dining table and a yellow broccoli"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a computer keyboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above an airplane"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a banana"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sheep"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of an orange boat and a pink computer keyboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow couch and a pink computer keyboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a scissors"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a black broccoli and a white surfboard"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a spoon"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a computer mouse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "brown"}], "prompt": "a photo of a green cell phone and a brown bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a fork"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a red broccoli"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple oven and a yellow orange"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a carrot"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sandwich"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a cell phone"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a refrigerator and a handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a tv"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "blue"}], "prompt": "a photo of a black refrigerator and a blue sandwich"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a vase"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a red fork"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a snowboard and a zebra"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a spoon"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a surfboard"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a dining table"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a pink boat and a green sports ball"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a purple knife and a blue motorcycle"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a red zebra"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a hair drier"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a horse"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a hair drier"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a handbag"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a sheep"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a couch"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tv remote"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a hot dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "sandwich", "count": 1, "color": "purple"}], "prompt": "a photo of a red tennis racket and a purple sandwich"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a boat"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a horse and a cell phone"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a brown backpack and a blue sink"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "blue"}], "prompt": "a photo of a purple cow and a blue airplane"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a kite"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a train"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a banana"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a parking meter"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a motorcycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a giraffe"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of an oven"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow couch and a pink zebra"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a parking meter"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a pink pizza and a green cell phone"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a white train and a pink sports ball"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a handbag and a tv remote"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a backpack"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of an orange couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an oven"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a pink pizza"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a teddy bear"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a pizza"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a zebra"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "blue"}], "prompt": "a photo of a pink scissors and a blue zebra"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a green tv remote"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue chair and a yellow carrot"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a purple knife and a white banana"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a fork"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a horse"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a cake and a bus"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a truck"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a red hot dog and an orange truck"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a bird"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a refrigerator"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a stop sign"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a hot dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a handbag"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a sports ball"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a bear"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a vase"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink cat and a yellow cell phone"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "white"}], "prompt": "a photo of a green laptop and a white donut"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a donut"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bottle"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a refrigerator"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a stop sign"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a potted plant"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a couch"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a parking meter and an airplane"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a banana"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green carrot and a brown computer keyboard"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow scissors"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bus"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a red sandwich"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "white"}], "prompt": "a photo of a white refrigerator"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a toaster"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a brown train and a white horse"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bus"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bench"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a computer mouse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a baseball glove"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a chair"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a banana"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a computer mouse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a red backpack and a white couch"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a tv remote"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a cell phone"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a refrigerator"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sink"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple surfboard and a yellow tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a suitcase"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a tv"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a brown cake and a red computer mouse"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a blue carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a hair drier"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a surfboard"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tennis racket"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a white potted plant"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a horse"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a yellow backpack and a white teddy bear"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a motorcycle and a cell phone"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "pink"}], "prompt": "a photo of a brown surfboard and a pink horse"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a hot dog and a toaster"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bus"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a hot dog"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a handbag"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of an oven"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow motorcycle and a pink snowboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a purple sports ball and a black cat"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a fork"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cake"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a brown laptop and a black cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a motorcycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a parking meter"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a fork"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of an orange potted plant and a pink fork"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a knife"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bicycle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a toaster"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a tie"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "red"}], "prompt": "a photo of a green motorcycle and a red vase"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a sink and a suitcase"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a bicycle"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a banana"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bench"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a brown cake and a black tennis racket"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sink"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a fork"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sheep and an orange sports ball"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a kite"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a white bottle and a red sports ball"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a black stop sign"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a sandwich"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink vase"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tennis racket and a pink broccoli"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a white backpack and a yellow donut"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a chair and a knife"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a blue knife and a pink oven"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a knife"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a white sports ball and a black couch"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a green refrigerator and a blue snowboard"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a parking meter and a bicycle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of an orange bus and a black oven"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a teddy bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bus"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a potted plant"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a blue hair drier"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sports ball and a blue cell phone"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "blue"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a blue parking meter and a white laptop"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a broccoli"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "white"}], "prompt": "a photo of a pink tie and a white dining table"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "pink"}], "prompt": "a photo of a pink tie"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a red giraffe and a green knife"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a boat and a parking meter"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a spoon"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a snowboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a backpack"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "purple"}, {"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple handbag and a yellow bicycle"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a toaster and a cell phone"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a tv"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a surfboard and a tie"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "blue"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a blue pizza and a red potted plant"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a parking meter"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a laptop"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a knife"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a brown fork and a green sink"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a cat"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a purple refrigerator and a green toaster"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sheep"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a train"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bus"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bicycle"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow oven"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a bicycle"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a chair"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a chair"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a black sink and a green bear"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a cat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a baseball glove"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a suitcase and a kite"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a backpack"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a motorcycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a person"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a sports ball"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a blue handbag and a brown banana"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a boat and a person"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a motorcycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a cake"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a boat"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a computer mouse"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a bird and a potted plant"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a purple teddy bear"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cell phone"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a black tennis racket and a white train"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a suitcase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a suitcase"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a train"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a brown zebra and a green toaster"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a handbag"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black laptop and an orange snowboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a suitcase and a person"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a black bird and a green tv remote"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a black spoon and a white toaster"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a sink"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a blue sheep and a black toaster"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of a purple sink and a green sandwich"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bird"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a white teddy bear and a red kite"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a yellow sheep and a red dining table"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a brown baseball glove and a white bench"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "pink"}], "prompt": "a photo of a pink cake"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bench"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "green"}], "prompt": "a photo of a yellow toaster and a green cat"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a yellow motorcycle and a red tv remote"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a boat"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a spoon"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a hair drier"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a dining table and a tv"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a red computer keyboard and a blue snowboard"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bear"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a suitcase"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a bottle"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a surfboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a potted plant"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a green spoon and a black hot dog"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a bicycle"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a motorcycle and a refrigerator"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a giraffe and a kite"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a hair drier"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a banana"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a broccoli"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a potted plant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a vase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a dining table"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a train"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a horse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of an orange"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "blue"}], "prompt": "a photo of a brown truck and a blue refrigerator"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a blue horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a hot dog"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a red train and a blue couch"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a hair drier"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a green handbag and a pink oven"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a snowboard and a sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tie"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a brown computer mouse and a black sports ball"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a refrigerator"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a brown chair"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a fork"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a handbag"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow airplane and a blue chair"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a black carrot and an orange donut"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a yellow train and a green giraffe"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a bicycle"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of an airplane"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a donut"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bear"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a brown donut and a red scissors"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow suitcase and a brown scissors"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bottle and a pink cat"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a broccoli and a cell phone"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a yellow surfboard and a green tv remote"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "orange"}], "prompt": "a photo of a purple airplane and an orange orange"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a potted plant and a sheep"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a black sandwich and a blue cake"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black hair drier and an orange surfboard"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of a white backpack and an orange dining table"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a giraffe and a knife"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a truck"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a dining table"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "yellow"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a yellow fork and a black dining table"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a chair"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a horse"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a donut"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a tv remote"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a red bear and a blue broccoli"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a refrigerator"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a cow"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a tv"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a sheep"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a potted plant"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an airplane"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of an orange sheep and a brown sink"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a yellow hair drier and a white knife"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a knife"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a fork"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a giraffe and a sports ball"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a boat"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a pizza"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an oven"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow hair drier and a blue toaster"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a green spoon and a black teddy bear"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a train"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a bus"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a chair"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a hair drier"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a white giraffe"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a snowboard"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a white bear and a green computer mouse"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sink"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a zebra"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a cow"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a chair and a computer keyboard"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a banana"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a broccoli"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a bottle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a dining table"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a chair"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a bus and a boat"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a hair drier and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a pink sports ball and an orange suitcase"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a computer mouse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a spoon and a sheep"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a white hair drier and a purple train"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a zebra"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a cat"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a green spoon and a blue chair"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a bottle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "black"}], "prompt": "a photo of a white cell phone and a black orange"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a train"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a white dining table and a pink fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a potted plant"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a parking meter"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a computer keyboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bottle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a couch"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a stop sign"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "purple"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a purple sheep and a white computer mouse"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bench"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a chair"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a spoon"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a broccoli"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a truck"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a train"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a suitcase"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a white hot dog and a green tv"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a backpack"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a train"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cell phone"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a cat"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a yellow potted plant and a white couch"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a laptop"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a donut"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tv"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a carrot"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a blue truck and an orange couch"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a purple computer keyboard and a white baseball glove"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of an orange"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a donut"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a vase"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a person"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a tv remote and a handbag"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a knife"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a bicycle"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an orange"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a toaster and a baseball glove"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a pizza"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cow"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a stop sign"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a black bottle and a purple truck"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of an oven"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow kite"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cow"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a blue oven and a purple sheep"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a yellow sports ball and a green toaster"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a giraffe"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of an orange truck"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a motorcycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a giraffe"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a yellow computer keyboard and a white spoon"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow surfboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a cat"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a yellow parking meter and a green kite"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below an airplane"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sheep"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a sink"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a vase and a bottle"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a blue chair"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a snowboard"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple vase and a yellow stop sign"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a broccoli and a boat"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a tie and a tennis racket"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a donut"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a knife"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a pink cake and a brown parking meter"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a potted plant"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a bus and an orange"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a person"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bottle"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a red chair and a white bicycle"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cake"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bicycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a laptop"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a motorcycle"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown zebra and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bench"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a bus"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a toaster"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a tv and a train"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "red"}], "prompt": "a photo of a white sandwich and a red truck"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a hot dog"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a green tie"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a banana"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a fork"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a black cell phone and a green oven"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a purple airplane and a black sheep"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a bench"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above an airplane"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a truck"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a black tennis racket and a white bottle"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a white bus and a red tv"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below an oven"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a pink baseball glove"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a green handbag"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bottle"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue surfboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a hair drier"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "black"}], "prompt": "a photo of a pink refrigerator and a black chair"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a pink donut and a brown potted plant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a stop sign"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a scissors"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a chair"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an airplane"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cow"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bird"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a pizza"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a cow"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of an orange toaster"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a sink"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of an orange horse and a blue bird"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a bicycle"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a bicycle"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a brown horse and a blue sink"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above an airplane"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bird"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below an airplane"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a cell phone"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bird"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a purple tv remote and a red parking meter"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a snowboard and a bottle"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tv and a brown hot dog"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a green snowboard and a purple bird"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a tennis racket"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cow"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below an orange"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a bottle"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a spoon"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "colors", "include": [{"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a black cat"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a carrot"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a tv remote and a tie"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a purple sports ball and a blue backpack"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a black cell phone and a blue tv remote"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a red bus and a purple oven"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a pink toaster and a white sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above an oven"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1}], "prompt": "a photo of a giraffe and a baseball glove"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a pizza"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a suitcase"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a green airplane and a yellow dining table"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a knife"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a white motorcycle and a pink kite"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a cow and a banana"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a black potted plant and a white hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a donut"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a donut"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a zebra"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a brown banana and an orange sandwich"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sink"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of an orange orange and a black bear"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a cell phone"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a brown baseball glove and a blue backpack"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a backpack"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a surfboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tv"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a bicycle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "bottle", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow vase and a brown bottle"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tv"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a vase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of an airplane"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a red horse and a brown parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a spoon"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a white zebra and a black bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a green backpack and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a green sink and a purple computer mouse"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a backpack"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a chair"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sheep"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a potted plant"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a spoon"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bear"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "blue"}], "prompt": "a photo of a red baseball glove and a blue parking meter"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a surfboard"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bottle"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a toaster"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown horse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a cat"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a green stop sign"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cake"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below an orange"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a baseball glove"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a tv and a teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a horse"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv and a brown banana"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a vase and a bear"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "brown"}], "prompt": "a photo of an orange cow and a brown tie"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a purple boat and a brown chair"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a horse"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a zebra"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a suitcase and a tv"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a cat"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange teddy bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a sheep"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "green"}], "prompt": "a photo of a blue backpack and a green bird"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a green cat and a pink orange"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a black teddy bear and a brown chair"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "green"}], "prompt": "a photo of a black pizza and a green laptop"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a surfboard and a sports ball"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a computer keyboard"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a hot dog and a dining table"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a white sandwich and a pink laptop"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a black fork"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a suitcase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a truck"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a sports ball"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tv remote"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of an orange"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a pink computer mouse and a red tennis racket"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a sports ball"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a cow"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a red sandwich and a brown boat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a broccoli"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a cell phone and a bicycle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a bird"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a laptop"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "orange"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of an orange kite and a brown banana"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a purple couch and a brown hot dog"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a couch"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bus"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a pink sandwich and a green scissors"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tie and a yellow orange"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a carrot and a toaster"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a couch and a giraffe"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cat"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "colors", "include": [{"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a white suitcase"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a hair drier"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a purple sink and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a toaster"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a horse"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a backpack and a donut"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a fork"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a pizza"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a kite"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a yellow tv remote and a green oven"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a blue sheep and a black handbag"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a carrot"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a bear"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of an orange truck and a pink couch"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a computer mouse"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a green surfboard and a pink scissors"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a hair drier"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a cake and a surfboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an airplane"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a potted plant and an orange"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hot dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a black cake and a red orange"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of an orange"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a black tennis racket and an orange bicycle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a carrot"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of an orange airplane"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a zebra"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a green carrot and a pink zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a potted plant"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a tv"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a bicycle"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a red bus and a green computer mouse"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bird and a laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of an orange spoon and a red pizza"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow zebra and a purple truck"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a sandwich and a bus"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "brown"}], "prompt": "a photo of a brown parking meter"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cake"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a pink bus and a red suitcase"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a laptop"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a hot dog"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a tv"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a suitcase"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a chair and a backpack"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a vase"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a white scissors and a green boat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a knife"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a tv"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sheep"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sink and a yellow sports ball"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a sports ball"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "purple"}], "prompt": "a photo of a brown train and a purple sheep"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a handbag and a sandwich"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a truck and a couch"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a purple train and a black bench"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a stop sign and a handbag"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a black knife and a brown laptop"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sports ball"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above an oven"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bottle and a pink cat"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a pink computer mouse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a boat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a person"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "blue"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a blue potted plant and an orange giraffe"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a tie"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a broccoli"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a truck and a bench"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a red surfboard and a green sports ball"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a broccoli"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a white cow"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a laptop"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a handbag"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a boat and a dining table"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a zebra"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a hair drier and a fork"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a truck"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a chair and a stop sign"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a chair"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a tie"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow handbag"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "pink"}], "prompt": "a photo of a purple vase and a pink cat"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a red surfboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a cell phone"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a motorcycle"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a person"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a bottle and a banana"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a stop sign and a hot dog"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a white laptop and an orange donut"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a pizza"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bird and a red sports ball"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sink"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "green"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a green orange and a blue bus"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a cat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a toaster"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a potted plant"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bicycle"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a blue broccoli and a purple hot dog"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a motorcycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a handbag"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a red sink and a white spoon"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a vase"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a broccoli"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a parking meter"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a suitcase"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a banana"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a cat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a stop sign"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a person"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a bus and a suitcase"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a boat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a refrigerator"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a laptop and a bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bottle and a yellow pizza"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a white hair drier and a red fork"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white train and a purple computer keyboard"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a kite"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a bird"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a white couch"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below an oven"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tennis racket"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a motorcycle"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a toaster and a refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a toaster"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a purple laptop and a white bottle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of an orange hair drier"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a boat"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a red couch"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a boat"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a spoon"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of an orange toaster and a pink dining table"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of an airplane"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a purple sink and a white stop sign"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a brown donut and an orange laptop"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a tie"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a green banana and a blue hot dog"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a white sandwich and a blue truck"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a person"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow banana and a black bear"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sink and a yellow snowboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a brown knife and a black potted plant"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sports ball and a yellow teddy bear"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a scissors"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a tv remote"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a bottle"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bird"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a red sheep"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of an oven"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a hot dog and a scissors"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of an airplane and a tv"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a cow"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a computer mouse"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a vase"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a couch"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a white sheep and a yellow kite"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a giraffe"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a cow"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a computer keyboard"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a white tie"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a parking meter"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a dining table"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a cow"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a parking meter"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a train"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a cell phone"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a brown laptop and a green spoon"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a horse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of an orange fork and a blue snowboard"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a parking meter"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a knife"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "orange"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of an orange chair and a pink spoon"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tv remote"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a handbag"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a person"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a tennis racket and an orange"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a handbag and a bench"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a yellow teddy bear and a red chair"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a giraffe"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a pink refrigerator and an orange suitcase"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "brown"}], "prompt": "a photo of a brown hair drier"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a brown oven and a pink kite"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a bus"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a sheep and a train"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a brown vase and a pink sports ball"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a laptop and a boat"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bird"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a brown train"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a white knife and a black backpack"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a broccoli"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a black bus and a green computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a laptop"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a surfboard"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a green cake and a pink couch"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a potted plant"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a potted plant"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue horse and a yellow parking meter"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a purple pizza and a brown cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sports ball"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a pizza"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a scissors"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green donut"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a parking meter"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a tie"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a cow"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a white potted plant and a brown sandwich"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cake"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a red hair drier"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of an oven"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a brown giraffe and an orange parking meter"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a green snowboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a backpack"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a bear"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tv"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cake"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a bird"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a brown carrot and a white suitcase"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bird"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow suitcase and a blue cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a chair"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a banana"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a tv"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a refrigerator"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a bench and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a white toaster and a red donut"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "brown"}], "prompt": "a photo of a white tv remote and a brown broccoli"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange potted plant"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of an oven and a tennis racket"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a truck"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow boat"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a black tv remote and a green chair"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a train"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above an oven"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a cake"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a horse"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a sandwich"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a laptop"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a bench and a tennis racket"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a computer keyboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a knife"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a tie"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a banana"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a bear and a tie"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a boat and a kite"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a hot dog"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a vase"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a hot dog"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a bench"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a red teddy bear and an orange truck"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a knife"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a potted plant"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a chair"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a red parking meter and a black cat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a refrigerator"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "red"}], "prompt": "a photo of a red hot dog"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "red"}], "prompt": "a photo of a black potted plant and a red giraffe"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an orange"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "white"}, {"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a white surfboard and a blue bottle"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a brown toaster"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown cat and an orange horse"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a baseball glove and a zebra"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a tv remote"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a bear"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a cake"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cell phone"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sports ball"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cell phone"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a sports ball"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cake"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a tennis racket"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a sink"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a carrot"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a zebra"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a sheep"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a spoon"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tv remote"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a black chair and a yellow spoon"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a black laptop"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a pizza"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tv and a pink cell phone"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a truck"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a knife"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bus"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a stop sign and a bus"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a vase"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "white"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a white bus and a purple snowboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a white kite and a brown bus"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple snowboard"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a white kite and a blue chair"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a cell phone"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a green laptop and a brown cake"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of an orange teddy bear and a green sink"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "purple"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple chair and a yellow pizza"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cell phone"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a dining table"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a hair drier"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a teddy bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a chair"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange dining table and a yellow cell phone"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a green train and an orange stop sign"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a teddy bear"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sink and an orange computer keyboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a hair drier"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a black kite"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a bird"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a knife"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a handbag"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "green"}], "prompt": "a photo of a green computer mouse"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "red"}], "prompt": "a photo of a blue sandwich and a red bus"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a green spoon and a white cell phone"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a tie"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a sheep"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a sink"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of an orange"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a computer keyboard"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a backpack"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a boat"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a black computer mouse"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a knife and a horse"} +{"tag": "two_object", "include": [{"class": "banana", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a banana and a tennis racket"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a green kite and a brown vase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a train"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a tv remote"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a couch"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a pink scissors and a red baseball glove"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a chair"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a black potted plant and a white suitcase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a fork"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a train and a cake"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a red sink and a pink carrot"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a motorcycle"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a broccoli and a pizza"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a pink cake and an orange refrigerator"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a green donut"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a horse"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tie and a pink bird"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bottle and a purple refrigerator"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a pizza"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue computer keyboard"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a train"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a bear"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a brown potted plant"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of an orange cake and a purple scissors"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "blue"}], "prompt": "a photo of a blue dining table"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a black surfboard and a pink hot dog"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a parking meter and a horse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a toaster"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown spoon and a yellow chair"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a sink"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a brown cell phone and a white bicycle"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a cell phone"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a banana"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a carrot"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a stop sign"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "purple"}], "prompt": "a photo of a purple boat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a potted plant"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a spoon"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a spoon"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a sheep"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a carrot"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a white chair and a green sports ball"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink bird"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a truck"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a kite and a cat"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a sports ball and a handbag"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a handbag"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a blue cat and a white truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a bottle"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a scissors"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "brown"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a brown cow and a purple bench"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a banana"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "green"}, {"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a green refrigerator and a purple sink"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a blue horse and an orange truck"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a bottle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a dining table"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a fork"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a person"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a computer keyboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a zebra"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a motorcycle"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a couch"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1}], "prompt": "a photo of a tie and a spoon"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a stop sign"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a carrot and a train"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a boat"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a banana"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a fork"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a yellow suitcase and a green bench"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a toaster"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a knife"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a green horse and a white couch"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a sandwich"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a handbag"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a red bicycle and a black vase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cow"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a hair drier"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "white"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a white baseball glove and a green bench"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tie and an orange banana"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bird"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange pizza and a yellow bottle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a scissors"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "pink"}], "prompt": "a photo of a black cow and a pink teddy bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a donut"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a black tv and a purple kite"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a purple surfboard and a green tv remote"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a knife and a cow"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a knife"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a broccoli"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a sports ball"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sheep"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a purple giraffe and a pink orange"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a chair"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sheep"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a yellow truck and a white zebra"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow carrot"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a couch"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a red tennis racket and a blue banana"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a surfboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a purple baseball glove and a green bench"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a computer mouse"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "green"}], "prompt": "a photo of a green spoon"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bird"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a hot dog and a vase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a sandwich"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a carrot"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a purple scissors"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a sheep"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of an airplane"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a pizza and a scissors"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of an orange baseball glove and a blue fork"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a suitcase and a vase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a train"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a toaster"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a potted plant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a teddy bear"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a tie and a snowboard"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a tie"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a dining table"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a sandwich"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a boat"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow handbag and a pink bicycle"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a hair drier and a handbag"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a knife"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a green tv remote and an orange truck"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cell phone"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a cat"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a white oven and an orange airplane"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "blue"}], "prompt": "a photo of a red cell phone and a blue scissors"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a dining table"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a baseball glove"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a computer keyboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a hot dog"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bus"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a white horse and a pink potted plant"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below an oven"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a black dining table and an orange couch"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a pink teddy bear and a white snowboard"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a bottle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a computer mouse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a bus"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a giraffe"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a pizza"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a snowboard"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bottle and a blue horse"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a black kite and an orange potted plant"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a bus and a sheep"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a giraffe"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bench"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bench"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a brown tv remote and a white backpack"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "white"}], "prompt": "a photo of a red cell phone and a white computer mouse"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bird and a brown handbag"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a black snowboard and a white suitcase"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a toaster"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "motorcycle", "count": 1, "color": "purple"}], "prompt": "a photo of an orange potted plant and a purple motorcycle"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a dining table and a pizza"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a fork"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "green"}], "prompt": "a photo of a black sheep and a green cow"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a knife and a couch"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sheep"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a baseball glove"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a pink sheep"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a refrigerator"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a potted plant"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hot dog"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cat"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a toaster"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a black zebra and a red tv"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a white couch and a black laptop"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a stop sign"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below an orange"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow parking meter and an orange backpack"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a horse"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a snowboard"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a red toaster"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a motorcycle"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cake"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a white sink and a green orange"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a tv remote"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow donut and a purple airplane"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above an oven"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "colors", "include": [{"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a green toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a hair drier"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a fork"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a blue sink and a red tv remote"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a truck"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bird"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a bench"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a tie and a teddy bear"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a white surfboard"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a stop sign and a surfboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a couch and a hair drier"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a black oven and a pink refrigerator"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sheep"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a black tv and a green chair"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a backpack"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a baseball glove and a suitcase"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a sports ball"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of an orange"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a spoon"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue vase and a yellow kite"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a green knife and an orange couch"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a broccoli"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a parking meter"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a cow"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a backpack"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a parking meter and a pizza"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a green bear"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a baseball glove"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a snowboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a stop sign"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a purple bird and a brown dining table"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a handbag"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a blue sheep and a black airplane"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a surfboard"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a suitcase"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a red computer mouse"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bicycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tennis racket"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "purple"}], "prompt": "a photo of a brown orange and a purple donut"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a purple pizza and a black zebra"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a spoon"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a hair drier"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a pink sports ball and a white pizza"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a hair drier"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a chair"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a green knife and a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "red"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a red giraffe and a black airplane"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a green donut and a blue tie"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "yellow"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a yellow surfboard and a green potted plant"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cow"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a couch"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a black train"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a carrot"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a parking meter and a boat"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "red"}], "prompt": "a photo of a red orange"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a brown bus and a red refrigerator"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a surfboard"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "blue"}], "prompt": "a photo of an orange boat and a blue cat"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bird and an orange giraffe"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bicycle"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a vase and a hair drier"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a knife"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "boat", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple computer keyboard and a yellow boat"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a bicycle"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a black knife and a white train"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a black giraffe"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a cat"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a person"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "pink"}], "prompt": "a photo of a purple carrot and a pink computer keyboard"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of an orange surfboard and a black oven"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a red parking meter and a white kite"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue knife and a yellow teddy bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a train"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bicycle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a refrigerator"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a pink potted plant and a white hair drier"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a brown pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a surfboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a couch"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a black laptop and a blue donut"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a donut"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a giraffe"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a spoon"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a hair drier"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a parking meter"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a purple train and a black broccoli"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a green sink and a white cow"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a purple carrot and a green dining table"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a hot dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a sports ball"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a white backpack and an orange cake"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a knife"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a sandwich"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a pink kite"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a pink cake and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a green computer mouse and a red bear"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a chair"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a sheep and a backpack"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a horse"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a cell phone"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a truck"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a blue dining table and a pink pizza"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a computer mouse and a bicycle"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a chair and a pizza"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a black baseball glove and a white horse"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a black giraffe and a green scissors"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a carrot"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a purple tv and a white teddy bear"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "orange"}], "prompt": "a photo of a pink vase and an orange carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a giraffe"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of an airplane"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "surfboard", "count": 1}], "prompt": "a photo of a chair and a surfboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of an orange computer keyboard and a red surfboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a hot dog"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a broccoli"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a tv and a kite"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a laptop"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bench and a purple fork"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a horse"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "suitcase", "count": 1, "color": "purple"}], "prompt": "a photo of a red banana and a purple suitcase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a truck"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bus"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a blue motorcycle and a pink train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tennis racket and a brown cat"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a broccoli"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bench"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a tv"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a brown snowboard and a green tv"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a black computer mouse and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a cake"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tennis racket"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a knife"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of an orange tennis racket and a white sports ball"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a person"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a green sheep"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a tv"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a potted plant"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a black handbag and a brown bicycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a donut"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bird"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "black"}], "prompt": "a photo of a green bench and a black dining table"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a banana"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "white"}], "prompt": "a photo of a black scissors and a white stop sign"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a stop sign"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a tv remote and an oven"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a green broccoli and a white baseball glove"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a banana"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a hot dog"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a tie"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink handbag and a yellow dining table"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bird"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a purple backpack"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a sports ball"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a tennis racket"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "orange"}], "prompt": "a photo of an orange banana"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a boat"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a hair drier"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a pink scissors and a green refrigerator"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a hot dog and a train"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a sink"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a truck"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a kite"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a bench"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a surfboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a yellow kite and a red knife"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a purple potted plant and a pink tv"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a kite"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a computer mouse"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a computer keyboard"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a boat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a zebra"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cat and a black fork"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of an airplane"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "yellow"}], "prompt": "a photo of a red computer mouse and a yellow kite"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bench"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a tv remote"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a hair drier"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sports ball"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below an orange"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of an oven and a teddy bear"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a computer keyboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a giraffe"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a couch"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a tie"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a train and a bird"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "white"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a white tennis racket and a blue orange"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of an orange"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a tv"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a carrot"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a purple cake and a green suitcase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a hot dog"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a backpack and a motorcycle"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a giraffe"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a white computer keyboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a horse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a baseball glove"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a green computer mouse and a brown dining table"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a dining table"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a computer mouse"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "red"}], "prompt": "a photo of a red laptop"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue motorcycle"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a motorcycle"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a carrot and a bird"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "red"}], "prompt": "a photo of a red pizza"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bottle"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bird"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a red hair drier and a brown tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a train"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a scissors and a computer mouse"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a teddy bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "black"}], "prompt": "a photo of a pink parking meter and a black giraffe"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a couch and a refrigerator"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a snowboard"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a tv remote"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "green"}], "prompt": "a photo of an orange laptop and a green bus"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a white snowboard and a purple zebra"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "red"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a red chair and a black train"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tie and a pink bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a parking meter"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a toaster"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a computer keyboard"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a carrot and a bicycle"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a snowboard"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "orange"}], "prompt": "a photo of an orange kite"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a brown parking meter and an orange teddy bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a giraffe"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tv remote"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "two_object", "include": [{"class": "sandwich", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a sandwich and a chair"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a parking meter"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a laptop"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bottle"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "orange"}, {"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of an orange train and a purple orange"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow backpack and a purple train"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a baseball glove"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a cat"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a boat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a hot dog"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dining table"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow suitcase and a pink spoon"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a toaster"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a horse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a bus"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a black toaster and a red cow"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tv"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a green oven and a pink zebra"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a parking meter"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a vase"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a white laptop and a red dining table"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dining table"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a carrot"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a green bench and an orange tv remote"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "green"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a green chair and a black motorcycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a broccoli"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a pink computer mouse and a blue kite"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of an orange refrigerator"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a black cell phone and a white pizza"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cake"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "pink"}], "prompt": "a photo of a pink vase"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a stop sign and a tv"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a sports ball"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "blue"}, {"class": "chair", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cell phone and a brown chair"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "blue"}, {"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a blue sheep and a brown truck"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a couch"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of an airplane and a teddy bear"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a sink"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bench and an airplane"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a pink hair drier and a red tv"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a pizza"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a red broccoli"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a snowboard"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a toaster"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a parking meter and a cake"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "white"}, {"class": "hair drier", "count": 1, "color": "purple"}], "prompt": "a photo of a white carrot and a purple hair drier"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tie"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a brown broccoli and an orange sandwich"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a fork and a person"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a boat"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a kite"} +{"tag": "two_object", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a tv remote and a teddy bear"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a knife"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "yellow"}, {"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a yellow horse and a black sandwich"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a snowboard"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a tie"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green bicycle and a pink surfboard"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a snowboard and a hot dog"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a train"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a green knife and a white bear"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "green"}, {"class": "hot dog", "count": 1, "color": "black"}], "prompt": "a photo of a green parking meter and a black hot dog"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a computer keyboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a chair"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green knife"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cell phone"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a brown airplane and a green parking meter"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a black laptop and a white banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tv remote"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a knife and a hair drier"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a cow"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "red"}], "prompt": "a photo of a pink pizza and a red snowboard"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a laptop"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a bus and a computer mouse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a hot dog"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a person"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a computer keyboard"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of an oven and a snowboard"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "black"}], "prompt": "a photo of a pink laptop and a black sink"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a vase"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a pink train"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of a green sports ball and a red bottle"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a black vase and a purple chair"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a dining table"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "kite", "count": 1, "color": "pink"}], "prompt": "a photo of a red bird and a pink kite"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a person"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bicycle"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a train"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a parking meter"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a black zebra"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a black dining table and a white bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a bus"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a stop sign"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cow"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tie"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a sports ball"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a boat and a refrigerator"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a green truck"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a cell phone"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a carrot"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "red"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a red horse and a green sink"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "red"}], "prompt": "a photo of a brown suitcase and a red banana"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of an orange parking meter and a pink knife"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "sheep", "count": 1, "color": "white"}], "prompt": "a photo of an orange bicycle and a white sheep"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a vase"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a red airplane and a pink carrot"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a carrot"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a red carrot and a blue handbag"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tie and a brown banana"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a refrigerator"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a banana"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a sports ball"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "orange"}], "prompt": "a photo of an orange dining table"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a white cell phone and a brown sports ball"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a black zebra and a blue computer mouse"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a bicycle and a hair drier"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a scissors"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a snowboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a cat"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a scissors"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a black kite and a white hair drier"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a black bicycle"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a scissors"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sheep"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a red parking meter"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a backpack"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "black"}], "prompt": "a photo of a brown horse and a black tennis racket"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a red teddy bear and a brown donut"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bird and an orange computer mouse"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a cow and a broccoli"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "surfboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a surfboard below a bench"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of an airplane"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a cell phone"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a snowboard and a knife"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a purple cake and a green handbag"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a white chair"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a sandwich"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a knife"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a bottle"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a sink"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a tv remote"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a cell phone"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a pink backpack and a blue giraffe"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "blue"}], "prompt": "a photo of a green knife and a blue computer keyboard"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a potted plant"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a black carrot and a white baseball glove"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a knife"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a couch"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a blue cake and a brown sink"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a dining table"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a teddy bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a toaster"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a bench"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a purple knife and a green sheep"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cow"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "green"}], "prompt": "a photo of a green sports ball"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of a purple bench and a white hot dog"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a yellow tv and a red spoon"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a sink"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a vase and a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "purple"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a purple cow and a green bottle"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a bear and a train"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a giraffe"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a tennis racket"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a broccoli"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cow"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a chair"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a boat"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below an airplane"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple knife and a yellow carrot"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a giraffe"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a computer mouse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "yellow"}], "prompt": "a photo of a black hair drier and a yellow carrot"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a tie"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "knife", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow backpack and an orange knife"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a stop sign"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of a green sheep and an orange potted plant"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a horse"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a red tv remote and a brown knife"} +{"tag": "two_object", "include": [{"class": "sink", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a sink and a backpack"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of a yellow carrot and a black zebra"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow horse"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a bicycle"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a cow"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow laptop and a purple toaster"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a tv"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "red"}], "prompt": "a photo of a black broccoli and a red bear"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a kite"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a potted plant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a cake"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a banana"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a black surfboard and a yellow horse"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of an orange teddy bear and a brown cell phone"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sheep"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a handbag"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a yellow banana and a red sports ball"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above an oven"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a boat and a bench"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a yellow parking meter and a green vase"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "orange"}], "prompt": "a photo of an orange potted plant"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a green bird and a black train"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a train"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a kite"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a hot dog"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a green computer mouse and an orange bear"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "suitcase", "count": 1, "color": "yellow"}], "prompt": "a photo of a green spoon and a yellow suitcase"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a sheep"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a banana"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a boat and a bus"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a computer keyboard"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a vase"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a pink couch and a green bench"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a tennis racket"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a green pizza and an orange sports ball"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a handbag"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cell phone"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a blue refrigerator and a black surfboard"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a stop sign"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a tv remote"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "airplane", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow cell phone and a purple airplane"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a computer mouse"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a suitcase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a carrot"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a train"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a chair"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a baseball glove"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a truck"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a laptop"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of an orange"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a surfboard"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a cat"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a hot dog"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a tv remote"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a fork and a parking meter"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a horse"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a blue giraffe and a pink oven"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a knife and a giraffe"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a tv and a bicycle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a blue couch and an orange sheep"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a purple bear and a black tie"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a white boat and a black vase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a fork"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a motorcycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a motorcycle"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a purple bottle and a blue bus"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange surfboard and a yellow bus"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a bottle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a boat"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a giraffe"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a pizza"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a toaster and a cat"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a white truck and a green sink"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a boat"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "pink"}], "prompt": "a photo of a pink banana"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a donut"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a banana"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a bench"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "spoon", "count": 1, "color": "orange"}], "prompt": "a photo of a white pizza and an orange spoon"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of an orange sandwich and a black pizza"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a green snowboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above an oven"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a tennis racket"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "red"}], "prompt": "a photo of a red horse"} +{"tag": "colors", "include": [{"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a pink stop sign"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "black"}], "prompt": "a photo of a yellow cat and a black suitcase"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "parking meter", "count": 1, "color": "red"}], "prompt": "a photo of a white bottle and a red parking meter"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a truck"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "orange"}, {"class": "bottle", "count": 1, "color": "red"}], "prompt": "a photo of an orange spoon and a red bottle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a pizza"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a black oven and a blue tie"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a chair"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sandwich"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a carrot"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a chair"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a vase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a fork"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a red carrot and a black teddy bear"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a refrigerator"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a knife"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a black baseball glove and a red sandwich"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green backpack"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bus"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a bench"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a suitcase"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a tie"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a donut and a bench"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cell phone"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "purple"}, {"class": "scissors", "count": 1, "color": "white"}], "prompt": "a photo of a purple couch and a white scissors"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sports ball"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a handbag"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a scissors"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a white truck and a black vase"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a brown cell phone"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bus"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a scissors"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a computer mouse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a black teddy bear and a white cat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a tie"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a tie"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a fork"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a knife"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a laptop"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a teddy bear"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a snowboard"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a scissors"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a vase"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a tv remote"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cell phone"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a carrot"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a hair drier"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a laptop"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a vase"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a black donut and a purple handbag"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a black bear and a white sink"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bench"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "green"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a green handbag and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a sheep"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a red backpack"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a donut"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a parking meter"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "green"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a green backpack and a brown stop sign"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "purple"}], "prompt": "a photo of a purple orange"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a knife"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a snowboard"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "purple"}], "prompt": "a photo of a purple banana"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a scissors"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a train"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a green horse and a yellow toaster"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a tennis racket"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a fork"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink handbag and a yellow pizza"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a snowboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a broccoli"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tv remote"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow tennis racket"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a suitcase"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a zebra"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a hot dog"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a sports ball"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a fork"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sink and a yellow potted plant"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a fork"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "blue"}], "prompt": "a photo of a blue kite"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a white motorcycle and a red train"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a white computer mouse and a black cake"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a cow"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a bicycle and a tv"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black backpack and a brown snowboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a sheep"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a pink giraffe and a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a purple sandwich and a green toaster"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bottle and an orange tie"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cell phone"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of an oven and a bird"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a white kite and a yellow donut"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bottle and an orange handbag"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a refrigerator"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a white computer keyboard and an orange teddy bear"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a backpack"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a tv"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "green"}], "prompt": "a photo of a white computer mouse and a green tie"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a snowboard"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a dining table"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below an oven"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a laptop"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a truck"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bench"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a potted plant"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a bus"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "couch", "count": 1, "color": "orange"}], "prompt": "a photo of a pink donut and an orange couch"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sheep"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cat"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of an orange sandwich and a blue truck"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a purple oven and a blue carrot"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a sheep"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a hot dog"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a purple pizza and a pink zebra"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a white fork and a purple cake"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a vase"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a donut and a computer mouse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a sheep"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a blue boat and a purple bottle"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a refrigerator"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a boat"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a motorcycle and a tv remote"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a cake"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "white"}], "prompt": "a photo of a blue truck and a white couch"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a cow"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sandwich"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow chair and an orange cell phone"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a sheep"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a cat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a chair"} +{"tag": "two_object", "include": [{"class": "giraffe", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a giraffe and a suitcase"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a suitcase"} +{"tag": "counting", "include": [{"class": "cat", "count": 4}], "exclude": [{"class": "cat", "count": 5}], "prompt": "a photo of four cats"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a stop sign"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "suitcase", "count": 1, "color": "red"}], "prompt": "a photo of a blue sandwich and a red suitcase"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a donut"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a red bird and a purple sports ball"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a train"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a vase"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a bear"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a computer keyboard"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a stop sign"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bear"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above an oven"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a pink sink and a black pizza"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a blue donut and a pink pizza"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a stop sign"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "orange"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of an orange fork and a pink bear"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a red donut and a pink baseball glove"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a tennis racket"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a train"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below an orange"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a tv remote"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a pizza"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a person"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a surfboard"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below an oven"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a pink kite and a blue baseball glove"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a red hot dog and a black cake"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a potted plant"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a black cell phone and an orange giraffe"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a broccoli and a cake"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue kite and a yellow bench"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a purple computer keyboard and a blue tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a cake"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a dining table"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a red bear and a black bench"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of an orange tie and a pink sandwich"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a hot dog"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a zebra"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a red bench and a white zebra"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a pink broccoli and a blue potted plant"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1}], "prompt": "a photo of a bench and a laptop"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a carrot"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a cell phone"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a green tie and a blue bird"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a computer mouse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a laptop"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a chair"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a spoon"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sheep"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a tv"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a tv remote"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a truck"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a hot dog"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a spoon"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bottle and a red baseball glove"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a bicycle and a boat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a teddy bear"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a kite"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a cow"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "blue"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a blue vase and a white tie"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "white"}, {"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a white backpack and a black broccoli"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow giraffe and a brown train"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a cow"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a blue computer mouse and a black sports ball"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a red bicycle and a yellow horse"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a knife"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a spoon and a handbag"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a couch"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow potted plant and an orange bus"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a person"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above an oven"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a black toaster and a blue potted plant"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a baseball glove"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "blue"}], "prompt": "a photo of a black chair and a blue pizza"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a blue knife"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a fork"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a couch"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a scissors"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a broccoli"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a zebra"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a purple baseball glove and a green donut"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a spoon"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a train and a bear"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a purple tennis racket and a black fork"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a carrot"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a bus"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a hair drier"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink oven and a yellow cell phone"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a fork"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a hair drier"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a bus"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of an airplane"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cow"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a hot dog"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a cow"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "orange"}, {"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of an orange boat and a green giraffe"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a white bicycle and a yellow sheep"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a bird"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a cell phone"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a black tv and a white pizza"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a white potted plant and a yellow airplane"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a brown chair and a green potted plant"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a banana"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a broccoli"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a toaster"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a chair and a bench"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a brown baseball glove and a green donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a motorcycle"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a red parking meter and a black truck"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a donut"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a tennis racket"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a zebra"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple vase and a yellow cell phone"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a black broccoli and a yellow teddy bear"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a computer keyboard"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of an oven"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a yellow giraffe and a red refrigerator"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "pink"}], "prompt": "a photo of a purple bicycle and a pink tennis racket"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown snowboard"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a snowboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a bicycle"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sandwich and a pink cell phone"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "yellow"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a yellow banana and a white computer keyboard"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a green stop sign and a brown fork"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a dining table and a computer keyboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a truck"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow tv remote and a blue train"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sports ball"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a bus"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a fork"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a bear"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a sandwich"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a stop sign"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a backpack"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a toaster"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a potted plant"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "surfboard", "count": 1, "color": "pink"}], "prompt": "a photo of a green fork and a pink surfboard"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a banana"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a bird"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an orange"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a train"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a black airplane"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cell phone"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a banana"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a sports ball and a zebra"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tv"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a white fork and a brown refrigerator"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a stop sign"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a backpack"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a horse and a hot dog"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bird"} +{"tag": "colors", "include": [{"class": "laptop", "count": 1, "color": "purple"}], "prompt": "a photo of a purple laptop"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a zebra"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cell phone"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a black chair and an orange surfboard"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a cake and a bird"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a purple bird and a red couch"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a horse"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a laptop"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a dining table and a potted plant"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a tie"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a handbag"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above an airplane"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a brown sandwich and a blue tie"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a donut"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a white potted plant and a green bear"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a pink backpack and a green oven"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a fork"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a refrigerator"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a tie"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a brown bird and a green motorcycle"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "blue"}], "prompt": "a photo of a blue train"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a parking meter"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a train"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "white"}], "prompt": "a photo of an orange banana and a white hot dog"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a couch"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a cell phone"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of an orange and a tie"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sports ball"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "orange"}], "prompt": "a photo of an orange cow"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a handbag"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a potted plant"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown teddy bear"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a purple cell phone"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a spoon"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a black knife and a green horse"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a dining table and a fork"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tie"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a fork"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a yellow truck and a white fork"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a boat"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a laptop"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "white"}], "prompt": "a photo of a white sink"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "purple"}], "prompt": "a photo of a purple chair"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a green zebra"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a cake"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a computer mouse"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue bus and a yellow sheep"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "black"}], "prompt": "a photo of a black carrot"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a truck"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "blue"}, {"class": "tv remote", "count": 1, "color": "red"}], "prompt": "a photo of a blue horse and a red tv remote"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "yellow"}], "prompt": "a photo of a white parking meter and a yellow fork"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a kite"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a horse"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of an orange"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "red"}], "prompt": "a photo of a blue scissors and a red bench"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tie"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of a black sheep and a purple scissors"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a zebra and a cat"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "motorcycle", "count": 1, "color": "red"}], "prompt": "a photo of a brown dining table and a red motorcycle"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a parking meter"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above an orange"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a purple pizza and a red handbag"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a carrot"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a fork"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a scissors"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a black truck"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a blue couch and a white cat"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a teddy bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a knife"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a refrigerator"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a banana"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a green sheep and a black knife"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a bird"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a tv"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of a brown surfboard and a black cake"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tv remote and a yellow backpack"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a computer keyboard"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a knife"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a sports ball"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a horse"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a blue bench and a green handbag"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a green airplane"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a sandwich"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a fork"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a giraffe"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a pink sports ball and a purple parking meter"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bench"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sink"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "couch", "count": 1, "color": "red"}], "prompt": "a photo of a white cell phone and a red couch"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a bottle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a pizza"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "bottle", "count": 1, "color": "pink"}], "prompt": "a photo of a green broccoli and a pink bottle"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a zebra"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a hot dog"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a backpack"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a red donut"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a white boat and a red knife"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "colors", "include": [{"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a red refrigerator"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a motorcycle"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a bear and a kite"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a horse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a dining table"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow zebra"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "blue"}, {"class": "sheep", "count": 1, "color": "green"}], "prompt": "a photo of a blue sink and a green sheep"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a boat"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "pizza", "count": 1, "color": "white"}], "prompt": "a photo of a blue backpack and a white pizza"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a knife"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a cow"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a teddy bear"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a giraffe"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cake"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a backpack and a person"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a chair"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cake and a yellow hair drier"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a red surfboard and a blue sports ball"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tie and a blue tennis racket"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above a parking meter"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow oven and an orange motorcycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a potted plant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a sheep"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a broccoli"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a sink"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a computer keyboard"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a chair"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "kite", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a kite above an airplane"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a backpack"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a sandwich"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a chair"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a yellow parking meter and a green bear"} +{"tag": "counting", "include": [{"class": "person", "count": 3}], "exclude": [{"class": "person", "count": 4}], "prompt": "a photo of three persons"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a purple hair drier and a blue truck"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a dining table"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow refrigerator and a purple pizza"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "orange"}], "prompt": "a photo of a black snowboard and an orange backpack"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "yellow"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow chair and a brown giraffe"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a boat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a donut"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of an orange toaster and a green vase"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of an orange donut and a blue bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a handbag"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sheep"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a donut"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a fork and a potted plant"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a bird"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "black"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a black pizza and a brown train"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a tie"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cake"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cat and a brown cake"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "brown"}, {"class": "kite", "count": 1, "color": "black"}], "prompt": "a photo of a brown spoon and a black kite"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a cell phone and a refrigerator"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a laptop"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a person"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a suitcase"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a green donut and a purple bench"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "blue"}], "prompt": "a photo of a pink airplane and a blue hot dog"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a tv"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a vase"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "black"}, {"class": "bicycle", "count": 1, "color": "pink"}], "prompt": "a photo of a black orange and a pink bicycle"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a brown tie and a black train"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a toaster"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "stop sign", "count": 1}], "prompt": "a photo of a horse and a stop sign"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "pink"}], "prompt": "a photo of a brown scissors and a pink bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a horse"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "two_object", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a bench and a donut"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a chair"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a bird"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a spoon"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a pink truck and a blue cow"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a motorcycle and a boat"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a giraffe"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of a pink motorcycle and an orange broccoli"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of a blue motorcycle and a pink refrigerator"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a green potted plant and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a laptop"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a tie"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a sheep and a horse"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a carrot"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green suitcase"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a purple horse and a white banana"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a knife"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a cow"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a cow"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a sink"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a white snowboard and a blue cake"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a cake"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "red"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a red sheep and a black bear"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a motorcycle and a bench"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a blue banana"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a cat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a computer keyboard"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a giraffe"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a black computer keyboard"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a pink baseball glove and a blue tv"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a broccoli"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tennis racket and a yellow bench"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "orange"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bottle and a brown fork"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a zebra and a potted plant"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "yellow"}], "prompt": "a photo of a black bear and a yellow oven"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a backpack"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a toaster and a teddy bear"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a suitcase"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a carrot"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a pizza"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a black dining table and a brown pizza"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bench"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "purple"}], "prompt": "a photo of a black banana and a purple tv"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a person and a suitcase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a truck"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer keyboard"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sports ball"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bus"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "purple"}, {"class": "bear", "count": 1, "color": "blue"}], "prompt": "a photo of a purple truck and a blue bear"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "green"}], "prompt": "a photo of a green hair drier"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an oven"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a sheep"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a cow"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tv remote"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cell phone"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a sandwich"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a hot dog"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a backpack"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "pink"}, {"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a pink computer keyboard and a purple tennis racket"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sports ball"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a green potted plant and a brown giraffe"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a hot dog"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a bird"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a horse"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a cow"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a backpack"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a vase"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a brown backpack and a black donut"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a white hot dog and a yellow horse"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a sheep and a tv remote"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tie"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a hot dog"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a banana"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a hot dog"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of an oven and a donut"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a horse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a parking meter"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a cell phone"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a toaster"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a parking meter"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a scissors and a train"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of an orange"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a hair drier"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a dining table"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "pink"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a pink orange and a black computer keyboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a knife"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a motorcycle"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "pink"}, {"class": "chair", "count": 1, "color": "white"}], "prompt": "a photo of a pink truck and a white chair"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "purple"}], "prompt": "a photo of a purple train"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a dining table"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a fork"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a zebra"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a person"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "toaster", "count": 1, "color": "white"}], "prompt": "a photo of a green computer keyboard and a white toaster"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "green"}], "prompt": "a photo of a green oven"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a motorcycle"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a backpack"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a tv"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "pink"}], "prompt": "a photo of a green bird and a pink backpack"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a knife"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bear"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a stop sign"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a cake and a person"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a blue toaster and a white cow"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a donut"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a motorcycle and a bear"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below an airplane"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a computer mouse and a parking meter"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a hair drier"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a cell phone"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a bottle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a bench"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a horse"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a person"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a black zebra and a pink toaster"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a person"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tv remote"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a donut and a bottle"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "black"}], "prompt": "a photo of a pink couch and a black tie"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a tv"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a horse"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a refrigerator"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a motorcycle"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a cow and a teddy bear"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a potted plant"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a truck"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a couch"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a chair"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of a red cake and a blue potted plant"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "purple"}], "prompt": "a photo of a purple sink"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a bench"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a banana"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a green bicycle"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a pink computer mouse and a green tv remote"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a suitcase"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a cat and a suitcase"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue computer mouse and a purple surfboard"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a blue computer mouse and a brown cow"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "tie", "count": 1, "color": "white"}], "prompt": "a photo of a brown computer keyboard and a white tie"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a toaster"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "orange"}], "prompt": "a photo of a green bicycle and an orange fork"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a donut and a cake"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a pink cell phone and a purple stop sign"} +{"tag": "colors", "include": [{"class": "potted plant", "count": 1, "color": "black"}], "prompt": "a photo of a black potted plant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a vase"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a toaster and a kite"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a pizza"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a hair drier"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a horse"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of an oven and a hair drier"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a giraffe"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sports ball"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a zebra"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of an orange"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above an oven"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "laptop", "count": 1, "color": "brown"}], "prompt": "a photo of a white oven and a brown laptop"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a sink"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a bird"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a cat"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a person and a pizza"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a brown surfboard and a green potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a person"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "brown"}], "prompt": "a photo of a green fork and a brown cow"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a knife"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cow"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a sheep"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a broccoli"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a snowboard"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a chair"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a sports ball"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a surfboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an oven"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a bird"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a toaster"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an airplane"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of an orange motorcycle and a pink cell phone"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a truck"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "horse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a horse above a parking meter"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a bird"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "red"}], "prompt": "a photo of a purple snowboard and a red dining table"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bottle"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a computer mouse"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a potted plant"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a carrot"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of an airplane and a bench"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a backpack"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "orange"}], "prompt": "a photo of an orange zebra"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of an orange toaster and a white cat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below an airplane"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bottle"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a hair drier"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "red"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a red sports ball and a green donut"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a knife"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "hair drier", "count": 1, "color": "blue"}], "prompt": "a photo of a black truck and a blue hair drier"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a cat and a bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sandwich"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cow"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a giraffe"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above an orange"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a computer mouse"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a surfboard and a snowboard"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a bench"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a hot dog"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a green cell phone and a black sports ball"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a person"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a banana"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a black cell phone and an orange truck"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a donut"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a green cell phone and an orange handbag"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a parking meter"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a computer mouse"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a hot dog"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a toaster"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a horse and a bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a pizza"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a bicycle"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a pink bench"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a hair drier"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a bench"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a white computer keyboard and a yellow banana"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tie"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "blue"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a blue motorcycle and a green banana"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a pink couch and a purple cake"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a computer mouse and a tv"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bus"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a bear"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a cow"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a boat"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a carrot"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a pink sandwich and a red tie"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a fork"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a sports ball"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a truck"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a sandwich"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a black giraffe and a red computer mouse"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow chair"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a suitcase"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "orange"}], "prompt": "a photo of a red banana and an orange hot dog"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a red surfboard and a white parking meter"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a green sports ball and a black couch"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "yellow"}], "prompt": "a photo of a white oven and a yellow handbag"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1}], "prompt": "a photo of a backpack and a computer keyboard"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a blue couch and a brown scissors"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a zebra"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "yellow"}, {"class": "sink", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow couch and an orange sink"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a tv remote"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a dining table"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "brown"}, {"class": "bird", "count": 1, "color": "red"}], "prompt": "a photo of a brown refrigerator and a red bird"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "brown"}, {"class": "train", "count": 1, "color": "black"}], "prompt": "a photo of a brown tv remote and a black train"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "orange"}], "prompt": "a photo of a purple oven and an orange laptop"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a baseball glove"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "orange"}], "prompt": "a photo of a black bench and an orange tennis racket"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "bottle", "count": 1, "color": "white"}], "prompt": "a photo of a brown computer mouse and a white bottle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a dining table"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sandwich"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a toaster"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a black bus and a green tv"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bird"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a computer keyboard"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a motorcycle"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a laptop"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a green couch and a pink carrot"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "white"}], "prompt": "a photo of a pink zebra and a white parking meter"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow bus and a blue cake"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "pink"}], "prompt": "a photo of a brown computer keyboard and a pink sandwich"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a bicycle"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "stop sign", "count": 1, "color": "brown"}], "prompt": "a photo of a white sheep and a brown stop sign"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a dining table"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "blue"}], "prompt": "a photo of a green bus and a blue sheep"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a parking meter"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "white"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a white orange and a purple tv remote"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a black giraffe and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a red train and a yellow bus"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a broccoli"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a black tv remote and a white banana"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a cake"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a spoon"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow snowboard"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown chair and a yellow toaster"} +{"tag": "two_object", "include": [{"class": "refrigerator", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a refrigerator and a tv remote"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of an airplane"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a refrigerator"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a vase"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of an airplane"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a blue tennis racket and a white teddy bear"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "cake", "count": 1, "color": "red"}], "prompt": "a photo of a green baseball glove and a red cake"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a purple bicycle"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a green dining table and a brown boat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a sheep"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a motorcycle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of an oven"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a pink zebra"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "green"}], "prompt": "a photo of a pink sink and a green pizza"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a black donut and a pink oven"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a dining table"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a snowboard"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a person"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "pink"}], "prompt": "a photo of a black boat and a pink tv remote"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "blue"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a blue tv and a green scissors"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a parking meter"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a carrot"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "toaster", "count": 1, "color": "pink"}], "prompt": "a photo of a red kite and a pink toaster"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a person"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a kite"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a suitcase"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bus and a purple cell phone"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a stop sign"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a spoon"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a brown potted plant and a blue tv"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above a bus"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "red"}], "prompt": "a photo of a blue snowboard and a red refrigerator"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a toaster"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a knife"} +{"tag": "counting", "include": [{"class": "cake", "count": 4}], "exclude": [{"class": "cake", "count": 5}], "prompt": "a photo of four cakes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a white bird and a blue knife"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a sheep"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a backpack"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a bicycle"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a teddy bear"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a donut"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a dining table"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a tv"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "red"}], "prompt": "a photo of a brown laptop and a red baseball glove"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "train", "count": 1}], "prompt": "a photo of a vase and a train"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "black"}], "prompt": "a photo of a black horse"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "red"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a red handbag and a brown sports ball"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "green"}, {"class": "parking meter", "count": 1, "color": "pink"}], "prompt": "a photo of a green baseball glove and a pink parking meter"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bottle"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a brown bus and a red sports ball"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a tv remote"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a sandwich"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a sheep"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "tie", "count": 1}], "prompt": "a photo of a potted plant and a tie"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "orange"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of an orange sink and a red handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a tie"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a sandwich"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a bottle"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a motorcycle"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a train"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a cow and a snowboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bicycle"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a sandwich"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "red"}], "prompt": "a photo of a red donut"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "white"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a white scissors and a brown horse"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a purple baseball glove and a pink potted plant"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sheep"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a toaster"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a banana"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a bear"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a suitcase"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a train"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a chair"} +{"tag": "colors", "include": [{"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sheep"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a suitcase"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "blue"}], "prompt": "a photo of a red surfboard and a blue computer mouse"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a giraffe"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a kite"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a bird"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "white"}, {"class": "truck", "count": 1, "color": "black"}], "prompt": "a photo of a white stop sign and a black truck"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a sports ball"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cat"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a laptop"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a tennis racket"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a cow"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 4}], "exclude": [{"class": "motorcycle", "count": 5}], "prompt": "a photo of four motorcycles"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a green computer mouse and a blue backpack"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a red bus and a brown giraffe"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a cow"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a stop sign"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a pizza"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a horse"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a bicycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a person"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a spoon"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a knife"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a giraffe"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below an orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a toaster"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a spoon"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cat"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a green suitcase and a black bird"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a banana"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a yellow pizza and a red carrot"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a chair"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a giraffe"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bench left of a banana"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a spoon and a computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a spoon"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a cell phone"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange motorcycle"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a hot dog"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a bus"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a scissors"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "brown"}, {"class": "stop sign", "count": 1, "color": "pink"}], "prompt": "a photo of a brown surfboard and a pink stop sign"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a snowboard"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a brown orange and a blue fork"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a carrot"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a tennis racket"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a horse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a spoon"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bus"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sheep"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "black"}], "prompt": "a photo of a black broccoli"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a stop sign"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "brown"}, {"class": "bus", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tv and an orange bus"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "pink"}], "prompt": "a photo of a pink knife"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sink and an orange chair"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of a toaster and a handbag"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a blue cow and a black airplane"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a purple airplane and a red chair"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "fork", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a fork above a giraffe"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a cat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a dining table"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a vase"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a person"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a pink teddy bear and a purple vase"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "orange"}, {"class": "cake", "count": 1, "color": "black"}], "prompt": "a photo of an orange donut and a black cake"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a stop sign"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above an airplane"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a chair and a banana"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bicycle"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "refrigerator", "count": 1, "color": "pink"}], "prompt": "a photo of an orange hot dog and a pink refrigerator"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a potted plant"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a pink giraffe and a brown pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a spoon"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a zebra"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a suitcase"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a refrigerator"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a red handbag"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a brown dining table and an orange toaster"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a parking meter"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "tv remote", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv remote above a sink"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sink"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a broccoli"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a tie"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "brown"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a brown scissors and an orange sandwich"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a surfboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a red cow"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "donut", "count": 2}], "exclude": [{"class": "donut", "count": 3}], "prompt": "a photo of two donuts"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a purple dining table and a black toaster"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a horse and a truck"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hot dog"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "black"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a black cell phone and a brown backpack"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below an orange"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a teddy bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a bus"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a sheep"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a giraffe"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a tennis racket"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "blue"}, {"class": "tv", "count": 1, "color": "pink"}], "prompt": "a photo of a blue couch and a pink tv"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a backpack"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a bottle"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a laptop and a hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a suitcase"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a broccoli"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a white laptop and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sandwich"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a couch"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a bench"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a handbag"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a boat"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a refrigerator"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "white"}], "prompt": "a photo of a pink tv remote and a white backpack"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a baseball glove"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of an oven"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "red"}, {"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a red parking meter and a black snowboard"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a black truck and a purple cake"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bus and an airplane"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "spoon", "count": 1, "color": "blue"}], "prompt": "a photo of a green kite and a blue spoon"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a truck"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a fork"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a white bear and a red cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a potted plant"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a boat"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a sheep"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a suitcase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a teddy bear"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow computer keyboard and a brown carrot"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a brown snowboard and a red cow"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a cat and a carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a person"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a dining table and a teddy bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "white"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a white pizza and a black surfboard"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tie and an orange hair drier"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a fork"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "pink"}, {"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a pink backpack and a white hair drier"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a black fork and an orange tv remote"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a donut"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of an orange baseball glove and a white horse"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a toaster"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "brown"}], "prompt": "a photo of a red airplane and a brown spoon"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a boat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a sandwich"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a train"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 3}], "exclude": [{"class": "snowboard", "count": 4}], "prompt": "a photo of three snowboards"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a handbag"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an airplane"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of a brown chair and a red sports ball"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sports ball"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a brown horse and a white truck"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a suitcase and a fork"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above an orange"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a tennis racket and a snowboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a dining table"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange donut"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a cow"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a blue oven"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a parking meter"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "kite", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a kite below a dining table"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a toaster"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a hair drier"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a sandwich"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green horse"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "black"}, {"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of a black suitcase and an orange sports ball"} +{"tag": "colors", "include": [{"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a purple horse"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "white"}, {"class": "sink", "count": 1, "color": "brown"}], "prompt": "a photo of a white snowboard and a brown sink"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a dining table"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a knife"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a dining table and a tv remote"} +{"tag": "two_object", "include": [{"class": "tie", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a tie and a refrigerator"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "white"}, {"class": "zebra", "count": 1, "color": "pink"}], "prompt": "a photo of a white parking meter and a pink zebra"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a purple spoon and a green hot dog"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a scissors"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "cell phone", "count": 1}], "prompt": "a photo of a computer mouse and a cell phone"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a truck and a bus"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer mouse"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a teddy bear"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a sports ball"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a stop sign"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a brown broccoli and a pink cell phone"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv right of a cell phone"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "pink"}, {"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a pink handbag and a purple hot dog"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a blue sandwich and a green parking meter"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a black parking meter and a pink bench"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a sandwich"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "boat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a boat below a bicycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "red"}], "prompt": "a photo of a purple tv and a red potted plant"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "dining table", "count": 1, "color": "brown"}], "prompt": "a photo of a purple tennis racket and a brown dining table"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of an orange and a knife"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a laptop"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above an oven"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a pizza"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of a purple bus and a white knife"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of an oven"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a hair drier"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a pizza"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "cat", "count": 1, "color": "brown"}], "prompt": "a photo of an orange bicycle and a brown cat"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a black cake and an orange computer mouse"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a fork"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a fork"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a red scissors and a yellow potted plant"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a parking meter"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a blue backpack and a green snowboard"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a stop sign and a bird"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a dining table"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "carrot", "count": 1, "color": "green"}], "prompt": "a photo of a pink potted plant and a green carrot"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a chair"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a handbag"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a baseball glove and a broccoli"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of a pink knife and an orange surfboard"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "yellow"}, {"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a yellow cake and a white sports ball"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below an airplane"} +{"tag": "two_object", "include": [{"class": "snowboard", "count": 1}, {"class": "parking meter", "count": 1}], "prompt": "a photo of a snowboard and a parking meter"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a green sandwich and an orange donut"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a tv"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a truck"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a tie"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a tennis racket"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a potted plant"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a baseball glove"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a person"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a cat and a cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a vase"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a sandwich"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "donut", "count": 1}], "prompt": "a photo of a carrot and a donut"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a kite"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a green truck and a red knife"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "brown"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a brown sandwich and a white cell phone"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a backpack"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "white"}], "prompt": "a photo of a black backpack and a white bear"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "red"}], "prompt": "a photo of a red kite"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a baseball glove and a scissors"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "cow", "count": 1, "color": "black"}], "prompt": "a photo of a green cell phone and a black cow"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a zebra"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a train"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a spoon"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a donut"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a cell phone"} +{"tag": "two_object", "include": [{"class": "pizza", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a pizza and a giraffe"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "truck", "count": 1, "color": "white"}], "prompt": "a photo of a yellow orange and a white truck"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a zebra"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a fork"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a white laptop and a blue tv"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "yellow"}], "prompt": "a photo of a white tv and a yellow toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a horse"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "blue"}], "prompt": "a photo of a red truck and a blue oven"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bottle and a pink couch"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "white"}], "prompt": "a photo of a white surfboard"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv remote and a purple dining table"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a snowboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a train"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a sheep"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a cat"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "sandwich", "count": 1, "color": "red"}], "prompt": "a photo of a blue bench and a red sandwich"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "green"}], "prompt": "a photo of a blue tie and a green bicycle"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bear above a potted plant"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a stop sign"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a cat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a sandwich"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "white"}], "prompt": "a photo of a purple train and a white tv"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a cake"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a bottle"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 3}], "exclude": [{"class": "bicycle", "count": 4}], "prompt": "a photo of three bicycles"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a computer keyboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a couch"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "green"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a green bus and an orange chair"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a black bus and a brown banana"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a carrot"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a black boat and a yellow bird"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a chair"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a bench"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sports ball"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a sink"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a teddy bear"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a parking meter"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a boat"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "purple"}, {"class": "sports ball", "count": 1, "color": "brown"}], "prompt": "a photo of a purple suitcase and a brown sports ball"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a green bottle and a blue giraffe"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a zebra"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a pizza"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a computer keyboard"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of an airplane and a truck"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bird and a black computer mouse"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a couch"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of a white motorcycle and an orange tie"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a laptop"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "two_object", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a couch and a pizza"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a knife"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an oven"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a truck"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cell phone"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "white"}], "prompt": "a photo of a purple boat and a white train"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a sports ball"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a bench"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a bottle"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow train"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a horse"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a bus"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple zebra and a black computer keyboard"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a green broccoli"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "brown"}], "prompt": "a photo of a red airplane and a brown horse"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of a hot dog"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a snowboard"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown toaster and a yellow chair"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a carrot"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a scissors and a sheep"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "orange"}, {"class": "sandwich", "count": 1, "color": "green"}], "prompt": "a photo of an orange hot dog and a green sandwich"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a pizza"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a potted plant"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a truck"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a black hot dog and an orange sandwich"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a hair drier"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a teddy bear"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "yellow"}], "prompt": "a photo of a green cow and a yellow orange"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a vase"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "purple"}], "prompt": "a photo of a red cell phone and a purple bottle"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "bicycle", "count": 1, "color": "white"}], "prompt": "a photo of a blue bird and a white bicycle"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a dining table"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a zebra"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a snowboard"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a horse"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a pizza"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a cow"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "red"}], "prompt": "a photo of a brown chair and a red cow"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "blue"}], "prompt": "a photo of a pink stop sign and a blue knife"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "white"}], "prompt": "a photo of a pink snowboard and a white baseball glove"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a vase"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a dining table"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a giraffe"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "brown"}], "prompt": "a photo of a white suitcase and a brown handbag"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "blue"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a blue donut and a black teddy bear"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tennis racket below a cow"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "cat", "count": 1, "color": "white"}], "prompt": "a photo of a pink surfboard and a white cat"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a laptop"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow backpack and an orange tv remote"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "chair", "count": 1, "color": "red"}], "prompt": "a photo of a white cell phone and a red chair"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple boat and a yellow donut"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bird"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a potted plant"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a bear and a tv remote"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a baseball glove"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow dining table"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bicycle and an orange horse"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a white cow and a red backpack"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a computer mouse"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a brown teddy bear and a red sheep"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a bench"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a potted plant"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "black"}], "prompt": "a photo of a black tv remote"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a surfboard"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a pizza"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "potted plant", "count": 1, "color": "blue"}], "prompt": "a photo of an orange refrigerator and a blue potted plant"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "red"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a red bench and a purple cell phone"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "red"}, {"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of a red cow and an orange bottle"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a chair"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "cat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cat above a teddy bear"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "black"}], "prompt": "a photo of a black spoon"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "sheep", "count": 1, "color": "orange"}], "prompt": "a photo of a white sink and an orange sheep"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a hot dog"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a train"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a green spoon and a brown train"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "sheep", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bench and a yellow sheep"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of an airplane"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an oven"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a sheep"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "brown"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a brown handbag and a green tv"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a black train and a brown bird"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a train"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "black"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a black cake and a green handbag"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a brown hot dog and a blue sports ball"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a laptop"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a computer mouse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a bird"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a banana"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a green surfboard"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a spoon"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above a bottle"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a bicycle"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a cat"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a snowboard"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "blue"}, {"class": "baseball glove", "count": 1, "color": "pink"}], "prompt": "a photo of a blue kite and a pink baseball glove"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "green"}], "prompt": "a photo of a green motorcycle"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "purple"}], "prompt": "a photo of a purple hot dog"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a truck"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a sandwich"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "purple"}], "prompt": "a photo of a red potted plant and a purple horse"} +{"tag": "colors", "include": [{"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a white orange"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "blue"}, {"class": "parking meter", "count": 1, "color": "purple"}], "prompt": "a photo of a blue giraffe and a purple parking meter"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a cow"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a horse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a parking meter"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "white"}], "prompt": "a photo of a white bench"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a bear"} +{"tag": "counting", "include": [{"class": "donut", "count": 4}], "exclude": [{"class": "donut", "count": 5}], "prompt": "a photo of four donuts"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tv remote"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a spoon"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a bottle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a bench"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink sandwich and a yellow pizza"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cake"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a hair drier and a potted plant"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a tennis racket"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a fork"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a donut"} +{"tag": "colors", "include": [{"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a red knife"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "computer keyboard", "count": 1, "color": "black"}], "prompt": "a photo of a purple airplane and a black computer keyboard"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "zebra", "count": 1}], "prompt": "a photo of a handbag and a zebra"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below an orange"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of an orange"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a zebra"} +{"tag": "two_object", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1}], "prompt": "a photo of a parking meter and a sheep"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "train", "count": 1, "color": "green"}], "prompt": "a photo of a purple laptop and a green train"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a zebra"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a computer mouse"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a chair"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a vase"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a laptop"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a giraffe"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "black"}, {"class": "dining table", "count": 1, "color": "purple"}], "prompt": "a photo of a black snowboard and a purple dining table"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a hair drier"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "black"}], "prompt": "a photo of a black snowboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow tv and an orange bench"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "purple"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a purple bus and an orange handbag"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "blue"}, {"class": "cow", "count": 1, "color": "purple"}], "prompt": "a photo of a blue sports ball and a purple cow"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "brown"}], "prompt": "a photo of a brown truck"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a blue cake and a pink boat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a donut"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "refrigerator", "count": 1, "color": "green"}], "prompt": "a photo of a black tie and a green refrigerator"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "white"}, {"class": "vase", "count": 1, "color": "black"}], "prompt": "a photo of a white couch and a black vase"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a pink snowboard and a purple bird"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "green"}], "prompt": "a photo of a blue cow and a green airplane"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a train"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "green"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a green carrot and a black couch"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a tie"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below an airplane"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a blue truck and a brown refrigerator"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a potted plant"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a vase"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below a tennis racket"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a snowboard"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a fork"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "hot dog", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hot dog left of a chair"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a truck"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "red"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a red boat and a green surfboard"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "toaster", "count": 1, "color": "red"}], "prompt": "a photo of a white sink and a red toaster"} +{"tag": "counting", "include": [{"class": "chair", "count": 3}], "exclude": [{"class": "chair", "count": 4}], "prompt": "a photo of three chairs"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tie"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a spoon"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a banana"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a cake"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "brown"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a brown bird and a white banana"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a zebra"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a yellow cell phone and a green toaster"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a red tennis racket and a yellow baseball glove"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "orange"}], "prompt": "a photo of a green surfboard and an orange tv remote"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a cow"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "green"}], "prompt": "a photo of a green bench"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a pink teddy bear and a brown knife"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "orange"}, {"class": "hot dog", "count": 1, "color": "brown"}], "prompt": "a photo of an orange parking meter and a brown hot dog"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a carrot and a bus"} +{"tag": "counting", "include": [{"class": "train", "count": 3}], "exclude": [{"class": "train", "count": 4}], "prompt": "a photo of three trains"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "red"}, {"class": "computer mouse", "count": 1, "color": "black"}], "prompt": "a photo of a red teddy bear and a black computer mouse"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below an orange"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a pink dining table and a red zebra"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a banana"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "pink"}, {"class": "vase", "count": 1, "color": "blue"}], "prompt": "a photo of a pink sports ball and a blue vase"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "yellow"}, {"class": "couch", "count": 1, "color": "green"}], "prompt": "a photo of a yellow backpack and a green couch"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a baseball glove"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a bench"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow bench and a purple handbag"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "truck", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a truck right of an oven"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a tv"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}], "prompt": "a photo of a purple tennis racket"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "pizza", "count": 1}], "prompt": "a photo of a suitcase and a pizza"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a spoon"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "yellow"}, {"class": "bird", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow tv and a pink bird"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a refrigerator"} +{"tag": "colors", "include": [{"class": "tv remote", "count": 1, "color": "brown"}], "prompt": "a photo of a brown tv remote"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "brown"}], "prompt": "a photo of a blue boat and a brown backpack"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a sheep"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a spoon"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a toaster"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a refrigerator"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below a potted plant"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a donut"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a motorcycle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a refrigerator left of a handbag"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a tv"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange surfboard"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a truck"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a hair drier"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a teddy bear"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a bird"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "purple"}, {"class": "tv", "count": 1, "color": "blue"}], "prompt": "a photo of a purple hair drier and a blue tv"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a laptop"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a cell phone and a fork"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a pink chair and a white snowboard"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sink"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a handbag"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a black horse and a pink sheep"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "cat", "count": 1, "color": "red"}], "prompt": "a photo of a brown train and a red cat"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bus and a black bear"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "blue"}, {"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a blue knife and a purple surfboard"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a hair drier"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a dining table"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a cell phone"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a kite"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "green"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a green computer keyboard and a red scissors"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sink"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a computer keyboard and a hot dog"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a red kite and a purple cake"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a donut"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "purple"}, {"class": "sink", "count": 1, "color": "green"}], "prompt": "a photo of a purple computer keyboard and a green sink"} +{"tag": "colors", "include": [{"class": "truck", "count": 1, "color": "purple"}], "prompt": "a photo of a purple truck"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a hot dog"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a pink airplane"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a computer mouse"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a sheep and a teddy bear"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a pink carrot"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a broccoli"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "red"}], "prompt": "a photo of a red computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bicycle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a tennis racket"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a carrot"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a cake"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a sports ball"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a sandwich"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a kite"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a boat"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a chair"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a person"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of a red hot dog and a purple bench"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a hot dog"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 3}], "exclude": [{"class": "sandwich", "count": 4}], "prompt": "a photo of three sandwichs"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a suitcase and a bottle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a suitcase"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "green"}], "prompt": "a photo of a green kite"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a knife"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a pink vase and a red broccoli"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a laptop"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a computer mouse"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a spoon"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a banana"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown parking meter and a yellow baseball glove"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a baseball glove"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a handbag"} +{"tag": "colors", "include": [{"class": "train", "count": 1, "color": "red"}], "prompt": "a photo of a red train"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a backpack"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "hair drier", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow knife and an orange hair drier"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a red kite and a green tv"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a tie"} +{"tag": "counting", "include": [{"class": "bus", "count": 2}], "exclude": [{"class": "bus", "count": 3}], "prompt": "a photo of two buses"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "two_object", "include": [{"class": "computer mouse", "count": 1}, {"class": "suitcase", "count": 1}], "prompt": "a photo of a computer mouse and a suitcase"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "pizza", "count": 1, "color": "brown"}], "prompt": "a photo of a black banana and a brown pizza"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "zebra", "count": 1, "color": "black"}], "prompt": "a photo of an orange sandwich and a black zebra"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a cake and a carrot"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a pink boat and a black pizza"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "white"}, {"class": "tv", "count": 1, "color": "red"}], "prompt": "a photo of a white hair drier and a red tv"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "pizza", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "white"}], "prompt": "a photo of an orange pizza and a white knife"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a stop sign"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "blue"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a blue fork and a purple backpack"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a bottle"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an airplane"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "chair", "count": 1, "color": "orange"}], "prompt": "a photo of a brown boat and an orange chair"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a sink"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a handbag"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "black"}, {"class": "baseball glove", "count": 1, "color": "yellow"}], "prompt": "a photo of a black laptop and a yellow baseball glove"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow teddy bear"} +{"tag": "colors", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}], "prompt": "a photo of a brown computer mouse"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a sports ball and a scissors"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a sink"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a banana"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a donut"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "backpack", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a backpack right of a toaster"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a donut"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a bench"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "bus", "count": 1, "color": "purple"}], "prompt": "a photo of a black broccoli and a purple bus"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a train"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "green"}, {"class": "banana", "count": 1, "color": "blue"}], "prompt": "a photo of a green sandwich and a blue banana"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a spoon and a hair drier"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below an airplane"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a tie"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "green"}], "prompt": "a photo of a purple orange and a green zebra"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a carrot"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a zebra"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a suitcase"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a toaster"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a spoon"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "pink"}, {"class": "suitcase", "count": 1, "color": "orange"}], "prompt": "a photo of a pink bus and an orange suitcase"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a truck"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above a tie"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a zebra"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "computer keyboard", "count": 1, "color": "green"}], "prompt": "a photo of a white bottle and a green computer keyboard"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "purple"}], "prompt": "a photo of a white zebra and a purple knife"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a computer keyboard"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a zebra"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a cell phone"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "pink"}, {"class": "backpack", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink airplane and a yellow backpack"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a bird"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cow"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a tie"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a tie"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a chair"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a sports ball"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a sheep and a cow"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of an orange bus and a white tv remote"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a black surfboard"} +{"tag": "two_object", "include": [{"class": "cake", "count": 1}, {"class": "orange", "count": 1}], "prompt": "a photo of a cake and an orange"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "pink"}], "prompt": "a photo of a brown oven and a pink sports ball"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "pink"}], "prompt": "a photo of a pink fork"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of an orange handbag"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "black"}], "prompt": "a photo of a black backpack"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a cell phone"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a tie"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "horse", "count": 1}], "prompt": "a photo of a toaster and a horse"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "fork", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a fork right of a train"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a boat"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a tie"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a fork"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a sheep and a cake"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a banana"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of an airplane"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below an orange"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a fork"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a train"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of a black tv remote and a blue teddy bear"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a white motorcycle and a brown donut"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a red refrigerator and a black sheep"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a tennis racket"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a bear and a broccoli"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "yellow"}, {"class": "tv remote", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow sink and a blue tv remote"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "purple"}], "prompt": "a photo of a black stop sign and a purple bird"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "red"}, {"class": "laptop", "count": 1, "color": "white"}], "prompt": "a photo of a red bear and a white laptop"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a couch"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "truck", "count": 1, "color": "yellow"}], "prompt": "a photo of a green couch and a yellow truck"} +{"tag": "counting", "include": [{"class": "laptop", "count": 3}], "exclude": [{"class": "laptop", "count": 4}], "prompt": "a photo of three laptops"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a tv"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of an orange baseball glove"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "blue"}, {"class": "donut", "count": 1, "color": "brown"}], "prompt": "a photo of a blue boat and a brown donut"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a sink"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a hot dog"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a backpack"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bus"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an orange"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "blue"}, {"class": "cell phone", "count": 1, "color": "purple"}], "prompt": "a photo of a blue bench and a purple cell phone"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bear"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a fork"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a fork and a tv"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a surfboard"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple orange and a yellow vase"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a purple broccoli"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a backpack"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "blue"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a blue backpack and an orange refrigerator"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a stop sign"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a sports ball"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a knife"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "green"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a green donut and a brown refrigerator"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a bus"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a pink tv remote and a black bicycle"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a surfboard and a bear"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a computer keyboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a zebra"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a teddy bear"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "yellow"}, {"class": "bicycle", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow dining table and an orange bicycle"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "purple"}, {"class": "motorcycle", "count": 1, "color": "black"}], "prompt": "a photo of a purple orange and a black motorcycle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a couch"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "orange"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of an orange handbag and a green broccoli"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a kite"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "black"}], "prompt": "a photo of a pink baseball glove and a black knife"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "pink"}, {"class": "potted plant", "count": 1, "color": "white"}], "prompt": "a photo of a pink motorcycle and a white potted plant"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a baseball glove"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below an oven"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a parking meter"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a baseball glove"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "kite", "count": 1}], "prompt": "a photo of a potted plant and a kite"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 4}], "exclude": [{"class": "teddy bear", "count": 5}], "prompt": "a photo of four teddy bears"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a cell phone"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hair drier"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a sports ball and a bottle"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a tennis racket"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "green"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a green potted plant and a brown tennis racket"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a broccoli"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a hot dog"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an airplane"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below a refrigerator"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "brown"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a brown tennis racket and a blue orange"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "black"}], "prompt": "a photo of a black banana"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a red bicycle"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "red"}], "prompt": "a photo of a pink horse and a red bicycle"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above an oven"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a potted plant above an airplane"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a tennis racket and a fork"} +{"tag": "colors", "include": [{"class": "kite", "count": 1, "color": "purple"}], "prompt": "a photo of a purple kite"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a train"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a kite and a teddy bear"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a carrot"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a teddy bear"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an airplane left of a tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a tv remote"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "brown"}], "prompt": "a photo of a brown boat"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "cow", "count": 1, "color": "blue"}], "prompt": "a photo of a brown stop sign and a blue cow"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "white"}], "prompt": "a photo of a pink bench and a white cell phone"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a cell phone"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a handbag"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "yellow"}, {"class": "pizza", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow bottle and a pink pizza"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a fork"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a knife"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bench"} +{"tag": "counting", "include": [{"class": "spoon", "count": 3}], "exclude": [{"class": "spoon", "count": 4}], "prompt": "a photo of three spoons"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a bottle and a person"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "colors", "include": [{"class": "cow", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow cow"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a stop sign"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a computer mouse"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a truck"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow refrigerator and a purple backpack"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a knife"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a tennis racket and a truck"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "red"}, {"class": "vase", "count": 1, "color": "purple"}], "prompt": "a photo of a red bus and a purple vase"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bus", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bus right of a parking meter"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "sink", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sink below a handbag"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a boat"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}], "prompt": "a photo of an orange computer keyboard"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a zebra"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a couch"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sink above a chair"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "yellow"}, {"class": "sheep", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow vase and a pink sheep"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of an oven"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a bench"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 4}], "exclude": [{"class": "giraffe", "count": 5}], "prompt": "a photo of four giraffes"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a green suitcase and a red knife"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "sports ball", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sports ball left of a kite"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "knife", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a knife above an orange"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "green"}, {"class": "teddy bear", "count": 1, "color": "black"}], "prompt": "a photo of a green kite and a black teddy bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow suitcase and a brown cell phone"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a handbag"} +{"tag": "counting", "include": [{"class": "backpack", "count": 4}], "exclude": [{"class": "backpack", "count": 5}], "prompt": "a photo of four backpacks"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a person"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a cat and a bottle"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a couch"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a donut"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a train"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a tv"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a refrigerator"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a red bird and an orange teddy bear"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "white"}, {"class": "backpack", "count": 1, "color": "purple"}], "prompt": "a photo of a white horse and a purple backpack"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a couch"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a sheep"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cow"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sandwich"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a fork"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "cow", "count": 1, "color": "white"}], "prompt": "a photo of a black airplane and a white cow"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "oven", "count": 1}], "prompt": "a photo of a broccoli and an oven"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a stop sign"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "purple"}], "prompt": "a photo of a purple surfboard"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "orange"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of an orange refrigerator and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a yellow handbag and a green broccoli"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a zebra"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a bicycle"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "black"}], "prompt": "a photo of a pink toaster and a black fork"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "bus", "count": 1, "color": "blue"}], "prompt": "a photo of a red bicycle and a blue bus"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 3}], "exclude": [{"class": "tennis racket", "count": 4}], "prompt": "a photo of three tennis rackets"} +{"tag": "counting", "include": [{"class": "chair", "count": 2}], "exclude": [{"class": "chair", "count": 3}], "prompt": "a photo of two chairs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "brown"}], "prompt": "a photo of a purple cat and a brown refrigerator"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a cow"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a vase"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a giraffe"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of an airplane"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a tie"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a brown stop sign and a blue truck"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a stop sign above a sink"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a dining table"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bird"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a dining table and a motorcycle"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "counting", "include": [{"class": "banana", "count": 4}], "exclude": [{"class": "banana", "count": 5}], "prompt": "a photo of four bananas"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "green"}], "prompt": "a photo of a black stop sign and a green suitcase"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "white"}, {"class": "sports ball", "count": 1, "color": "blue"}], "prompt": "a photo of a white knife and a blue sports ball"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "white"}, {"class": "boat", "count": 1, "color": "blue"}], "prompt": "a photo of a white sink and a blue boat"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a sandwich"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "hot dog", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hot dog right of a surfboard"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a person and a backpack"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a kite"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a handbag"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "carrot", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a carrot left of a hair drier"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a computer keyboard"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a motorcycle"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a spoon"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a tennis racket"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a handbag and a cat"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a train"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "tv remote", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv remote below a scissors"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "white"}], "prompt": "a photo of a white oven"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "orange"}, {"class": "tie", "count": 1, "color": "purple"}], "prompt": "a photo of an orange banana and a purple tie"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "train", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a train below a sports ball"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a bottle"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a knife"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sink"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "orange", "count": 1, "color": "pink"}], "prompt": "a photo of a red sink and a pink orange"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "pink"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a pink knife and an orange teddy bear"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "green"}], "prompt": "a photo of a purple vase and a green cell phone"} +{"tag": "counting", "include": [{"class": "dining table", "count": 3}], "exclude": [{"class": "dining table", "count": 4}], "prompt": "a photo of three dining tables"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a stop sign"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a broccoli"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a person"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a motorcycle"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a broccoli and a tv"} +{"tag": "colors", "include": [{"class": "sink", "count": 1, "color": "blue"}], "prompt": "a photo of a blue sink"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hot dog below a giraffe"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "broccoli", "count": 1, "color": "red"}], "prompt": "a photo of a pink cake and a red broccoli"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "blue"}], "prompt": "a photo of a blue snowboard"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a couch"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a knife"} +{"tag": "colors", "include": [{"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a blue cake"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a potted plant"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "handbag", "count": 1}], "prompt": "a photo of an oven and a handbag"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown bear and a yellow tennis racket"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a hot dog"} +{"tag": "colors", "include": [{"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a green tv"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 2}], "exclude": [{"class": "bench", "count": 3}], "prompt": "a photo of two benchs"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a zebra below a tv remote"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a cake"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a truck"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a computer mouse"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a pink oven"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "snowboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a snowboard below a dining table"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "yellow"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cat and a red computer mouse"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a green spoon and a blue orange"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bus and a red spoon"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a vase"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a hot dog"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "red"}, {"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of a red tennis racket and an orange motorcycle"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "sandwich", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sandwich above a hair drier"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a teddy bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a motorcycle"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a laptop"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a cow"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "purple"}, {"class": "truck", "count": 1, "color": "orange"}], "prompt": "a photo of a purple airplane and an orange truck"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a scissors"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below an airplane"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a horse"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of an oven"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a black stop sign and an orange toaster"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a black parking meter and a red cell phone"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a cell phone"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of a blue refrigerator and an orange handbag"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "black"}, {"class": "teddy bear", "count": 1, "color": "white"}], "prompt": "a photo of a black banana and a white teddy bear"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "bird", "count": 1}], "prompt": "a photo of a laptop and a bird"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "black"}, {"class": "potted plant", "count": 1, "color": "pink"}], "prompt": "a photo of a black vase and a pink potted plant"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "orange"}], "prompt": "a photo of an orange broccoli"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "white"}, {"class": "cat", "count": 1, "color": "yellow"}], "prompt": "a photo of a white suitcase and a yellow cat"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a potted plant"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "computer mouse", "count": 1, "color": "purple"}], "prompt": "a photo of a pink bicycle and a purple computer mouse"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a kite"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "blue"}], "prompt": "a photo of a black scissors and a blue giraffe"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a zebra"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "parking meter", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a parking meter below a laptop"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow hot dog"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "giraffe", "count": 1, "color": "white"}], "prompt": "a photo of a red banana and a white giraffe"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "white"}], "prompt": "a photo of a purple teddy bear and a white snowboard"} +{"tag": "colors", "include": [{"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a brown carrot"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of a black airplane and a pink computer mouse"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a boat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a donut"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a cell phone"} +{"tag": "two_object", "include": [{"class": "donut", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a donut and an airplane"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "brown"}, {"class": "sports ball", "count": 1, "color": "purple"}], "prompt": "a photo of a brown train and a purple sports ball"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a broccoli and a toaster"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a cat"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a zebra"} +{"tag": "two_object", "include": [{"class": "horse", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a horse and a dining table"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a bear"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a computer mouse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "pink"}], "prompt": "a photo of a green knife and a pink airplane"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a train"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "two_object", "include": [{"class": "person", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a person and a broccoli"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "two_object", "include": [{"class": "bottle", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a bottle and a tv"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 3}], "exclude": [{"class": "sports ball", "count": 4}], "prompt": "a photo of three sports balls"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a chair"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "bench", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bench above a tennis racket"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a handbag"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "knife", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a knife below a hair drier"} +{"tag": "color_attr", "include": [{"class": "train", "count": 1, "color": "white"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a white train and a brown fork"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 3}], "exclude": [{"class": "computer keyboard", "count": 4}], "prompt": "a photo of three computer keyboards"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of an orange"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a backpack"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a teddy bear"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a tv remote"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a black broccoli and a red tie"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "orange"}, {"class": "vase", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange bicycle and a yellow vase"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "red"}], "prompt": "a photo of a yellow cell phone and a red handbag"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a computer keyboard"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a giraffe"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a scissors"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "tv remote", "count": 1, "color": "white"}], "prompt": "a photo of a black donut and a white tv remote"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 3}], "exclude": [{"class": "potted plant", "count": 4}], "prompt": "a photo of three potted plants"} +{"tag": "counting", "include": [{"class": "backpack", "count": 3}], "exclude": [{"class": "backpack", "count": 4}], "prompt": "a photo of three backpacks"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "suitcase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a suitcase right of a sandwich"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a tv remote"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a boat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a couch"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a bird"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a bear"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a banana"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 3}], "exclude": [{"class": "motorcycle", "count": 4}], "prompt": "a photo of three motorcycles"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a dining table"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a red fork"} +{"tag": "counting", "include": [{"class": "zebra", "count": 2}], "exclude": [{"class": "zebra", "count": 3}], "prompt": "a photo of two zebras"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a purple teddy bear and a green cake"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a broccoli"} +{"tag": "counting", "include": [{"class": "vase", "count": 3}], "exclude": [{"class": "vase", "count": 4}], "prompt": "a photo of three vases"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a boat"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a handbag"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "vase", "count": 1, "color": "white"}], "prompt": "a photo of a brown stop sign and a white vase"} +{"tag": "color_attr", "include": [{"class": "baseball glove", "count": 1, "color": "brown"}, {"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a brown baseball glove and a green scissors"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a kite and a broccoli"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a potted plant"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "yellow"}, {"class": "chair", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow oven and a blue chair"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a couch"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a cell phone"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a vase"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an oven"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a train"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "handbag", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a handbag above an airplane"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow boat and a purple fork"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a bench"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a cow"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a tv remote"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a chair and a person"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a hair drier"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "white"}], "prompt": "a photo of a white sports ball"} +{"tag": "two_object", "include": [{"class": "tennis racket", "count": 1}, {"class": "sandwich", "count": 1}], "prompt": "a photo of a tennis racket and a sandwich"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "sports ball", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink tv and a yellow sports ball"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a knife"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "purple"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple cell phone and a yellow snowboard"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a tv"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "pink"}, {"class": "stop sign", "count": 1, "color": "purple"}], "prompt": "a photo of a pink hot dog and a purple stop sign"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "tennis racket", "count": 1, "color": "green"}], "prompt": "a photo of a white refrigerator and a green tennis racket"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a red hair drier and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a parking meter"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "bench", "count": 1}], "prompt": "a photo of a sheep and a bench"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a train"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bear below a hair drier"} +{"tag": "color_attr", "include": [{"class": "hair drier", "count": 1, "color": "red"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a red hair drier and a pink scissors"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a motorcycle below a bicycle"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a suitcase and a hot dog"} +{"tag": "two_object", "include": [{"class": "carrot", "count": 1}, {"class": "motorcycle", "count": 1}], "prompt": "a photo of a carrot and a motorcycle"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "yellow"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow scissors and a blue broccoli"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a handbag"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a scissors"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "pink"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a pink tennis racket and a red knife"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "colors", "include": [{"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a red backpack"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "brown"}], "prompt": "a photo of a purple fork and a brown potted plant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a sandwich"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "blue"}], "prompt": "a photo of a blue tennis racket"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bottle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bottle above a cell phone"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a potted plant"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "colors", "include": [{"class": "spoon", "count": 1, "color": "red"}], "prompt": "a photo of a red spoon"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "brown"}], "prompt": "a photo of a green spoon and a brown computer keyboard"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a bicycle"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "yellow"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow knife and a blue laptop"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of an airplane"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "pink"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a pink vase and an orange parking meter"} +{"tag": "colors", "include": [{"class": "hot dog", "count": 1, "color": "pink"}], "prompt": "a photo of a pink hot dog"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a dining table above a teddy bear"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a horse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "airplane", "count": 3}], "exclude": [{"class": "airplane", "count": 4}], "prompt": "a photo of three airplanes"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a fork"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "red"}, {"class": "potted plant", "count": 1, "color": "yellow"}], "prompt": "a photo of a red sandwich and a yellow potted plant"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 3}], "exclude": [{"class": "teddy bear", "count": 4}], "prompt": "a photo of three teddy bears"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a tennis racket"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a cow and a boat"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 4}], "exclude": [{"class": "computer mouse", "count": 5}], "prompt": "a photo of four computer mouses"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a pizza"} +{"tag": "two_object", "include": [{"class": "laptop", "count": 1}, {"class": "refrigerator", "count": 1}], "prompt": "a photo of a laptop and a refrigerator"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below a computer keyboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a fork"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "pink"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a pink snowboard and a yellow bench"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a truck"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a cow"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a bottle"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "white"}, {"class": "cell phone", "count": 1, "color": "pink"}], "prompt": "a photo of a white sports ball and a pink cell phone"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a hair drier"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a refrigerator"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a giraffe"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "black"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a black horse and a brown snowboard"} +{"tag": "two_object", "include": [{"class": "bus", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a bus and a tv remote"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above a sandwich"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of an oven"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a cell phone"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a tie"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of an airplane"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "black"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a black teddy bear and a yellow bear"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a sandwich"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a tennis racket"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a knife"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow donut"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a cat"} +{"tag": "counting", "include": [{"class": "sink", "count": 4}], "exclude": [{"class": "sink", "count": 5}], "prompt": "a photo of four sinks"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a motorcycle"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a backpack and a truck"} +{"tag": "counting", "include": [{"class": "tie", "count": 4}], "exclude": [{"class": "tie", "count": 5}], "prompt": "a photo of four ties"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a red airplane and a pink couch"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a pizza"} +{"tag": "counting", "include": [{"class": "zebra", "count": 3}], "exclude": [{"class": "zebra", "count": 4}], "prompt": "a photo of three zebras"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a train"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above a scissors"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of an oven"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "donut", "count": 1, "color": "black"}], "prompt": "a photo of a black donut"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a tv"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "green"}], "prompt": "a photo of a green scissors"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a handbag"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bear"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a snowboard"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "white"}, {"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a white refrigerator and a green handbag"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "black"}, {"class": "orange", "count": 1, "color": "brown"}], "prompt": "a photo of a black bus and a brown orange"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a vase"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "pink"}, {"class": "cake", "count": 1, "color": "purple"}], "prompt": "a photo of a pink surfboard and a purple cake"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "sheep", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sheep below an airplane"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "carrot", "count": 1, "color": "brown"}], "prompt": "a photo of a purple broccoli and a brown carrot"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a knife"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a motorcycle"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "giraffe", "count": 1, "color": "brown"}], "prompt": "a photo of a black sink and a brown giraffe"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a train"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "pink"}], "prompt": "a photo of a blue bear and a pink carrot"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "potted plant", "count": 1}], "prompt": "a photo of a suitcase and a potted plant"} +{"tag": "two_object", "include": [{"class": "train", "count": 1}, {"class": "tv remote", "count": 1}], "prompt": "a photo of a train and a tv remote"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a kite and a chair"} +{"tag": "color_attr", "include": [{"class": "refrigerator", "count": 1, "color": "blue"}, {"class": "toaster", "count": 1, "color": "orange"}], "prompt": "a photo of a blue refrigerator and an orange toaster"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "pink"}, {"class": "snowboard", "count": 1, "color": "brown"}], "prompt": "a photo of a pink zebra and a brown snowboard"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "green"}], "prompt": "a photo of a green handbag"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above an orange"} +{"tag": "color_attr", "include": [{"class": "handbag", "count": 1, "color": "yellow"}, {"class": "oven", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow handbag and a purple oven"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a brown computer mouse and an orange snowboard"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "brown"}], "prompt": "a photo of a brown banana"} +{"tag": "colors", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange motorcycle"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "brown"}, {"class": "toaster", "count": 1, "color": "black"}], "prompt": "a photo of a brown boat and a black toaster"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a black bird and an orange computer mouse"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a boat above a sandwich"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a broccoli left of a computer mouse"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a parking meter"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "red"}, {"class": "refrigerator", "count": 1, "color": "purple"}], "prompt": "a photo of a red kite and a purple refrigerator"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "brown"}, {"class": "horse", "count": 1, "color": "blue"}], "prompt": "a photo of a brown orange and a blue horse"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 2}], "exclude": [{"class": "tennis racket", "count": 3}], "prompt": "a photo of two tennis rackets"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "fork", "count": 1}, {"class": "sports ball", "count": 1}], "prompt": "a photo of a fork and a sports ball"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "blue"}, {"class": "bus", "count": 1, "color": "white"}], "prompt": "a photo of a blue laptop and a white bus"} +{"tag": "colors", "include": [{"class": "bird", "count": 1, "color": "black"}], "prompt": "a photo of a black bird"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a bicycle"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a bear and a couch"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a giraffe"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a couch below a kite"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a sports ball"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below an airplane"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "purple"}, {"class": "refrigerator", "count": 1, "color": "black"}], "prompt": "a photo of a purple broccoli and a black refrigerator"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "zebra", "count": 1, "color": "white"}], "prompt": "a photo of a black bird and a white zebra"} +{"tag": "color_attr", "include": [{"class": "bear", "count": 1, "color": "black"}, {"class": "stop sign", "count": 1, "color": "green"}], "prompt": "a photo of a black bear and a green stop sign"} +{"tag": "color_attr", "include": [{"class": "parking meter", "count": 1, "color": "brown"}, {"class": "baseball glove", "count": 1, "color": "orange"}], "prompt": "a photo of a brown parking meter and an orange baseball glove"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of a motorcycle"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a cat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a couch"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a sandwich"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a tv"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a baseball glove and a tv"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a baseball glove"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 4}], "exclude": [{"class": "snowboard", "count": 5}], "prompt": "a photo of four snowboards"} +{"tag": "counting", "include": [{"class": "bench", "count": 4}], "exclude": [{"class": "bench", "count": 5}], "prompt": "a photo of four benchs"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a red tv and a green baseball glove"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a green cow and an orange computer mouse"} +{"tag": "counting", "include": [{"class": "handbag", "count": 3}], "exclude": [{"class": "handbag", "count": 4}], "prompt": "a photo of three handbags"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a kite"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a refrigerator above a spoon"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a broccoli"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a computer mouse"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a white bottle and an orange giraffe"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of an airplane"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a donut"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a sports ball and a couch"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a couch"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "truck", "count": 1, "color": "green"}], "prompt": "a photo of a brown carrot and a green truck"} +{"tag": "counting", "include": [{"class": "orange", "count": 3}], "exclude": [{"class": "orange", "count": 4}], "prompt": "a photo of three oranges"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "yellow"}, {"class": "zebra", "count": 1, "color": "red"}], "prompt": "a photo of a yellow spoon and a red zebra"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "red"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of a red stop sign and a blue truck"} +{"tag": "position", "include": [{"class": "oven", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of an oven"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a potted plant"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "backpack", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a backpack left of a vase"} +{"tag": "two_object", "include": [{"class": "truck", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a truck and a cat"} +{"tag": "counting", "include": [{"class": "spoon", "count": 2}], "exclude": [{"class": "spoon", "count": 3}], "prompt": "a photo of two spoons"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "white"}, {"class": "sandwich", "count": 1, "color": "orange"}], "prompt": "a photo of a white donut and an orange sandwich"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a backpack"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "yellow"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a yellow bench and a red fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a potted plant"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a cake"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a handbag"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a cat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a teddy bear"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a handbag"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a blue surfboard and a white tennis racket"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a parking meter"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cell phone below an airplane"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "black"}, {"class": "bench", "count": 1, "color": "blue"}], "prompt": "a photo of a black giraffe and a blue bench"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a couch"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a cat"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a cell phone"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow sandwich"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "white"}, {"class": "banana", "count": 1, "color": "green"}], "prompt": "a photo of a white bicycle and a green banana"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a bear"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a couch"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "vase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a vase below a spoon"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "pink"}, {"class": "scissors", "count": 1, "color": "red"}], "prompt": "a photo of a pink boat and a red scissors"} +{"tag": "color_attr", "include": [{"class": "boat", "count": 1, "color": "purple"}, {"class": "stop sign", "count": 1, "color": "black"}], "prompt": "a photo of a purple boat and a black stop sign"} +{"tag": "colors", "include": [{"class": "teddy bear", "count": 1, "color": "brown"}], "prompt": "a photo of a brown teddy bear"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a knife"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below an orange"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "yellow"}, {"class": "bench", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow tv remote and a brown bench"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a cow"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a refrigerator"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a bench"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bird"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "yellow"}, {"class": "snowboard", "count": 1, "color": "purple"}], "prompt": "a photo of a yellow sports ball and a purple snowboard"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a knife"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a fork"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a hair drier"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "cake", "count": 1, "color": "orange"}], "prompt": "a photo of a purple tv and an orange cake"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bench"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a zebra"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a knife"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 2}], "exclude": [{"class": "stop sign", "count": 3}], "prompt": "a photo of two stop signs"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "black"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a black bird and a red sheep"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a chair"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "red"}, {"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a red motorcycle and a purple baseball glove"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 2}], "exclude": [{"class": "suitcase", "count": 3}], "prompt": "a photo of two suitcases"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "orange"}, {"class": "teddy bear", "count": 1, "color": "blue"}], "prompt": "a photo of an orange giraffe and a blue teddy bear"} +{"tag": "color_attr", "include": [{"class": "suitcase", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a green suitcase and a red sheep"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "green"}, {"class": "snowboard", "count": 1, "color": "orange"}], "prompt": "a photo of a green knife and an orange snowboard"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "black"}, {"class": "boat", "count": 1, "color": "pink"}], "prompt": "a photo of a black scissors and a pink boat"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a baseball glove"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "yellow"}, {"class": "boat", "count": 1, "color": "black"}], "prompt": "a photo of a yellow orange and a black boat"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "white"}, {"class": "giraffe", "count": 1, "color": "purple"}], "prompt": "a photo of a white kite and a purple giraffe"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "colors", "include": [{"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a pink dining table"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cell phone"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "purple"}], "prompt": "a photo of a red tv and a purple broccoli"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a horse"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cow", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cow above an airplane"} +{"tag": "counting", "include": [{"class": "zebra", "count": 4}], "exclude": [{"class": "zebra", "count": 5}], "prompt": "a photo of four zebras"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "spoon", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a spoon right of a refrigerator"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a hair drier"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a toaster"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "brown"}, {"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a brown stop sign and a blue fork"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a handbag"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "donut", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a donut right of a tie"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 4}], "exclude": [{"class": "broccoli", "count": 5}], "prompt": "a photo of four broccolis"} +{"tag": "color_attr", "include": [{"class": "sports ball", "count": 1, "color": "black"}, {"class": "cake", "count": 1, "color": "green"}], "prompt": "a photo of a black sports ball and a green cake"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "scissors", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a scissors above a zebra"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a sandwich"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a baseball glove right of a bench"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "green"}, {"class": "boat", "count": 1, "color": "red"}], "prompt": "a photo of a green motorcycle and a red boat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a bus"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "orange"}], "prompt": "a photo of an orange handbag"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a vase"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bird"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "green"}, {"class": "hair drier", "count": 1, "color": "red"}], "prompt": "a photo of a green zebra and a red hair drier"} +{"tag": "colors", "include": [{"class": "bottle", "count": 1, "color": "orange"}], "prompt": "a photo of an orange bottle"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a laptop"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "black"}, {"class": "suitcase", "count": 1, "color": "white"}], "prompt": "a photo of a black sheep and a white suitcase"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a yellow hot dog and a black surfboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "counting", "include": [{"class": "truck", "count": 2}], "exclude": [{"class": "truck", "count": 3}], "prompt": "a photo of two trucks"} +{"tag": "color_attr", "include": [{"class": "zebra", "count": 1, "color": "white"}, {"class": "teddy bear", "count": 1, "color": "orange"}], "prompt": "a photo of a white zebra and an orange teddy bear"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below an airplane"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a boat"} +{"tag": "counting", "include": [{"class": "teddy bear", "count": 2}], "exclude": [{"class": "teddy bear", "count": 3}], "prompt": "a photo of two teddy bears"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a cow"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a bear"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a suitcase"} +{"tag": "color_attr", "include": [{"class": "backpack", "count": 1, "color": "brown"}, {"class": "cake", "count": 1, "color": "blue"}], "prompt": "a photo of a brown backpack and a blue cake"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "two_object", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a boat and a carrot"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a sandwich"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a knife and a teddy bear"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bench"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "suitcase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a suitcase left of a bus"} +{"tag": "color_attr", "include": [{"class": "bottle", "count": 1, "color": "green"}, {"class": "fork", "count": 1, "color": "red"}], "prompt": "a photo of a green bottle and a red fork"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "person", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a person left of a snowboard"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "donut", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a donut below a cat"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a tennis racket"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 2}], "exclude": [{"class": "sports ball", "count": 3}], "prompt": "a photo of two sports balls"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "orange"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of an orange tie and a brown knife"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a tv remote"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a black cell phone"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "cow", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cow left of a kite"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a tv"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an airplane"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a hot dog and a tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "cake", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cake below a dining table"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "pink"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cake and a blue baseball glove"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a donut"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "yellow"}], "prompt": "a photo of a red knife and a yellow spoon"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a kite"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a parking meter"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a teddy bear below a surfboard"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a pink tv and a blue cell phone"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a sheep"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a snowboard"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of a pizza"} +{"tag": "two_object", "include": [{"class": "knife", "count": 1}, {"class": "hot dog", "count": 1}], "prompt": "a photo of a knife and a hot dog"} +{"tag": "two_object", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a suitcase and a chair"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "tennis racket", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a tennis racket"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a broccoli"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "white"}, {"class": "oven", "count": 1, "color": "pink"}], "prompt": "a photo of a white cell phone and a pink oven"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a bird"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a brown airplane"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a motorcycle"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a suitcase"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a computer keyboard"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a computer mouse"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a cake"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a suitcase"} +{"tag": "counting", "include": [{"class": "kite", "count": 2}], "exclude": [{"class": "kite", "count": 3}], "prompt": "a photo of two kites"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a banana"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a vase"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "bench", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bench below a computer keyboard"} +{"tag": "counting", "include": [{"class": "handbag", "count": 2}], "exclude": [{"class": "handbag", "count": 3}], "prompt": "a photo of two handbags"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "white"}, {"class": "knife", "count": 1, "color": "brown"}], "prompt": "a photo of a white tie and a brown knife"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "orange"}, {"class": "tv remote", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange truck and a yellow tv remote"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}, {"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a yellow bicycle and a black bear"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "brown"}, {"class": "parking meter", "count": 1, "color": "orange"}], "prompt": "a photo of a brown tie and an orange parking meter"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tennis racket right of a bench"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a vase"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a teddy bear"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a suitcase"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "orange"}], "prompt": "a photo of a brown bench and an orange bear"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of an orange sandwich and a pink bench"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a refrigerator"} +{"tag": "position", "include": [{"class": "refrigerator", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a refrigerator"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a pizza"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "backpack", "count": 1, "color": "green"}], "prompt": "a photo of a purple tennis racket and a green backpack"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "horse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a horse below a potted plant"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a kite"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "purple"}, {"class": "orange", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv remote and a green orange"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tie", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tie below a bus"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a handbag"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a bus"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "green"}, {"class": "giraffe", "count": 1, "color": "orange"}], "prompt": "a photo of a green spoon and an orange giraffe"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "purple"}, {"class": "kite", "count": 1, "color": "white"}], "prompt": "a photo of a purple knife and a white kite"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a backpack"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a brown bicycle and a red tennis racket"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a surfboard"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "black"}], "prompt": "a photo of a purple fork and a black airplane"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 4}], "exclude": [{"class": "parking meter", "count": 5}], "prompt": "a photo of four parking meters"} +{"tag": "counting", "include": [{"class": "airplane", "count": 2}], "exclude": [{"class": "airplane", "count": 3}], "prompt": "a photo of two airplanes"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "purple"}, {"class": "fork", "count": 1, "color": "white"}], "prompt": "a photo of a purple hot dog and a white fork"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a sheep and a banana"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a cow"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a backpack"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cow", "count": 1}], "prompt": "a photo of a tv and a cow"} +{"tag": "two_object", "include": [{"class": "broccoli", "count": 1}, {"class": "bus", "count": 1}], "prompt": "a photo of a broccoli and a bus"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "surfboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a surfboard right of a truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a toaster"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "toaster", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a toaster right of a backpack"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "truck", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a truck below a bear"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a suitcase"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a computer keyboard"} +{"tag": "counting", "include": [{"class": "sheep", "count": 4}], "exclude": [{"class": "sheep", "count": 5}], "prompt": "a photo of four sheeps"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bird"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 4}], "exclude": [{"class": "baseball glove", "count": 5}], "prompt": "a photo of four baseball gloves"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a cat"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a donut"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 2}], "exclude": [{"class": "cell phone", "count": 3}], "prompt": "a photo of two cell phones"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "cake", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cake above a toaster"} +{"tag": "colors", "include": [{"class": "scissors", "count": 1, "color": "brown"}], "prompt": "a photo of a brown scissors"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "oven", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an oven below a scissors"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of a cow and a toaster"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "blue"}, {"class": "orange", "count": 1, "color": "white"}], "prompt": "a photo of a blue scissors and a white orange"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bus"} +{"tag": "colors", "include": [{"class": "cell phone", "count": 1, "color": "red"}], "prompt": "a photo of a red cell phone"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a cell phone"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a cell phone"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a hair drier"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a suitcase"} +{"tag": "color_attr", "include": [{"class": "orange", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a blue orange and a white airplane"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "bottle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bottle below a bear"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a person"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "black"}, {"class": "horse", "count": 1, "color": "yellow"}], "prompt": "a photo of a black cat and a yellow horse"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a bird"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a giraffe"} +{"tag": "color_attr", "include": [{"class": "cake", "count": 1, "color": "blue"}, {"class": "horse", "count": 1, "color": "green"}], "prompt": "a photo of a blue cake and a green horse"} +{"tag": "position", "include": [{"class": "cat", "count": 1}, {"class": "oven", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an oven left of a cat"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "bicycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bicycle above a dining table"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "black"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a black hot dog and a yellow airplane"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bus"} +{"tag": "colors", "include": [{"class": "oven", "count": 1, "color": "red"}], "prompt": "a photo of a red oven"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "surfboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a surfboard left of a zebra"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "orange", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an orange right of a bus"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a tie"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of an airplane"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a carrot"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a couch"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a chair"} +{"tag": "colors", "include": [{"class": "parking meter", "count": 1, "color": "green"}], "prompt": "a photo of a green parking meter"} +{"tag": "counting", "include": [{"class": "bench", "count": 3}], "exclude": [{"class": "bench", "count": 4}], "prompt": "a photo of three benchs"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a teddy bear"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "carrot", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a carrot right of a boat"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a bear"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a spoon and a tennis racket"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a suitcase"} +{"tag": "counting", "include": [{"class": "laptop", "count": 2}], "exclude": [{"class": "laptop", "count": 3}], "prompt": "a photo of two laptops"} +{"tag": "color_attr", "include": [{"class": "sheep", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "orange"}], "prompt": "a photo of a white sheep and an orange donut"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a chair"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a knife"} +{"tag": "counting", "include": [{"class": "bear", "count": 4}], "exclude": [{"class": "bear", "count": 5}], "prompt": "a photo of four bears"} +{"tag": "counting", "include": [{"class": "toaster", "count": 4}], "exclude": [{"class": "toaster", "count": 5}], "prompt": "a photo of four toasters"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below an airplane"} +{"tag": "color_attr", "include": [{"class": "kite", "count": 1, "color": "yellow"}, {"class": "handbag", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow kite and a blue handbag"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "yellow"}, {"class": "surfboard", "count": 1, "color": "green"}], "prompt": "a photo of a yellow bus and a green surfboard"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "purple"}, {"class": "surfboard", "count": 1, "color": "red"}], "prompt": "a photo of a purple spoon and a red surfboard"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer keyboard above a horse"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 3}], "exclude": [{"class": "broccoli", "count": 4}], "prompt": "a photo of three broccolis"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a scissors"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer keyboard below a sports ball"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a horse"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a banana"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "sink", "count": 1}], "prompt": "a photo of a potted plant and a sink"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "handbag", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a handbag below a donut"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "horse", "count": 2}], "exclude": [{"class": "horse", "count": 3}], "prompt": "a photo of two horses"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "potted plant", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a potted plant below a computer mouse"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 2}], "exclude": [{"class": "bicycle", "count": 3}], "prompt": "a photo of two bicycles"} +{"tag": "counting", "include": [{"class": "knife", "count": 4}], "exclude": [{"class": "knife", "count": 5}], "prompt": "a photo of four knifes"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a pink dining table and a brown motorcycle"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a bench"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "pink"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a pink fork and a purple zebra"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above a bird"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a boat"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "stop sign", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a stop sign below a truck"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a toaster"} +{"tag": "two_object", "include": [{"class": "handbag", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a handbag and a snowboard"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a bottle"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "cow", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cow right of a vase"} +{"tag": "counting", "include": [{"class": "chair", "count": 4}], "exclude": [{"class": "chair", "count": 5}], "prompt": "a photo of four chairs"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a carrot"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "counting", "include": [{"class": "banana", "count": 3}], "exclude": [{"class": "banana", "count": 4}], "prompt": "a photo of three bananas"} +{"tag": "color_attr", "include": [{"class": "knife", "count": 1, "color": "black"}, {"class": "spoon", "count": 1, "color": "purple"}], "prompt": "a photo of a black knife and a purple spoon"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "vase", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a vase left of a motorcycle"} +{"tag": "counting", "include": [{"class": "tv", "count": 2}], "exclude": [{"class": "tv", "count": 3}], "prompt": "a photo of two tvs"} +{"tag": "counting", "include": [{"class": "oven", "count": 4}], "exclude": [{"class": "oven", "count": 5}], "prompt": "a photo of four ovens"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a donut"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "white"}, {"class": "bear", "count": 1, "color": "yellow"}], "prompt": "a photo of a white potted plant and a yellow bear"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a vase and a boat"} +{"tag": "counting", "include": [{"class": "person", "count": 4}], "exclude": [{"class": "person", "count": 5}], "prompt": "a photo of four persons"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "orange"}, {"class": "bench", "count": 1, "color": "purple"}], "prompt": "a photo of an orange tv remote and a purple bench"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a bus"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "colors", "include": [{"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a green snowboard"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "zebra", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a zebra right of a fork"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a knife"} +{"tag": "counting", "include": [{"class": "backpack", "count": 2}], "exclude": [{"class": "backpack", "count": 3}], "prompt": "a photo of two backpacks"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer mouse right of an airplane"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a suitcase"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sandwich", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sandwich left of an orange"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "banana", "count": 2}], "exclude": [{"class": "banana", "count": 3}], "prompt": "a photo of two bananas"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "bottle", "count": 1, "color": "green"}], "prompt": "a photo of a pink donut and a green bottle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a handbag"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bicycle"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "cat", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cat below an airplane"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "bench", "count": 1, "color": "black"}], "prompt": "a photo of a purple laptop and a black bench"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "bottle", "count": 1}], "prompt": "a photo of a hair drier and a bottle"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "cell phone", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cell phone left of a handbag"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "baseball glove", "count": 1, "color": "green"}], "prompt": "a photo of a yellow potted plant and a green baseball glove"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a backpack"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "donut", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a donut above a hair drier"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a parking meter"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "banana", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a banana below a knife"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a bus"} +{"tag": "position", "include": [{"class": "suitcase", "count": 1}, {"class": "chair", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a chair right of a suitcase"} +{"tag": "color_attr", "include": [{"class": "cat", "count": 1, "color": "green"}, {"class": "tie", "count": 1, "color": "red"}], "prompt": "a photo of a green cat and a red tie"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a motorcycle above a vase"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a bird"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "yellow"}, {"class": "cell phone", "count": 1, "color": "brown"}], "prompt": "a photo of a yellow cow and a brown cell phone"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "black"}, {"class": "carrot", "count": 1, "color": "blue"}], "prompt": "a photo of a black truck and a blue carrot"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of a surfboard and a person"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a sink"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a surfboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 3}], "exclude": [{"class": "surfboard", "count": 4}], "prompt": "a photo of three surfboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a stop sign"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "bus", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bus below a cell phone"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 2}], "exclude": [{"class": "sandwich", "count": 3}], "prompt": "a photo of two sandwichs"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "person", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a person right of a donut"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "colors", "include": [{"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a white banana"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a tv remote"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "airplane", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an airplane below a tie"} +{"tag": "color_attr", "include": [{"class": "spoon", "count": 1, "color": "blue"}, {"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a blue spoon and a red tennis racket"} +{"tag": "color_attr", "include": [{"class": "bus", "count": 1, "color": "orange"}, {"class": "truck", "count": 1, "color": "blue"}], "prompt": "a photo of an orange bus and a blue truck"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "motorcycle", "count": 1}, {"class": "oven", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an oven right of a motorcycle"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "cake", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cake left of a donut"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "spoon", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a spoon above an orange"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a toaster"} +{"tag": "counting", "include": [{"class": "carrot", "count": 2}], "exclude": [{"class": "carrot", "count": 3}], "prompt": "a photo of two carrots"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a vase"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 3}], "exclude": [{"class": "hot dog", "count": 4}], "prompt": "a photo of three hot dogs"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a teddy bear above a surfboard"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "fork", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a fork left of a hot dog"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a tv remote"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a couch"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a banana"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "cell phone", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a cell phone above a potted plant"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "toaster", "count": 1}], "prompt": "a photo of an orange and a toaster"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "chair", "count": 1, "color": "pink"}], "prompt": "a photo of a red scissors and a pink chair"} +{"tag": "counting", "include": [{"class": "train", "count": 4}], "exclude": [{"class": "train", "count": 5}], "prompt": "a photo of four trains"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a kite and a bear"} +{"tag": "counting", "include": [{"class": "couch", "count": 3}], "exclude": [{"class": "couch", "count": 4}], "prompt": "a photo of three couchs"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a zebra"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "sink", "count": 1, "color": "red"}], "prompt": "a photo of a pink stop sign and a red sink"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a knife right of a toaster"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a hair drier"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a parking meter"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "black"}], "prompt": "a photo of a purple sandwich and a black laptop"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a banana"} +{"tag": "counting", "include": [{"class": "bottle", "count": 2}], "exclude": [{"class": "bottle", "count": 3}], "prompt": "a photo of two bottles"} +{"tag": "counting", "include": [{"class": "cow", "count": 3}], "exclude": [{"class": "cow", "count": 4}], "prompt": "a photo of three cows"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "toaster", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a toaster below a tie"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "horse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a horse left of a truck"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a banana"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "pink"}, {"class": "bicycle", "count": 1, "color": "purple"}], "prompt": "a photo of a pink potted plant and a purple bicycle"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 3}], "exclude": [{"class": "giraffe", "count": 4}], "prompt": "a photo of three giraffes"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "teddy bear", "count": 1, "color": "purple"}], "prompt": "a photo of a red scissors and a purple teddy bear"} +{"tag": "counting", "include": [{"class": "laptop", "count": 4}], "exclude": [{"class": "laptop", "count": 5}], "prompt": "a photo of four laptops"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a sandwich"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "laptop", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a laptop right of a carrot"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "purple"}, {"class": "cell phone", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple bird and a yellow cell phone"} +{"tag": "two_object", "include": [{"class": "stop sign", "count": 1}, {"class": "hair drier", "count": 1}], "prompt": "a photo of a stop sign and a hair drier"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 3}], "exclude": [{"class": "tv remote", "count": 4}], "prompt": "a photo of three tv remotes"} +{"tag": "colors", "include": [{"class": "chair", "count": 1, "color": "green"}], "prompt": "a photo of a green chair"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a blue tv remote and a yellow snowboard"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "orange", "count": 1, "position": ["below", 0]}], "prompt": "a photo of an orange below a horse"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "bus", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple tv and a yellow bus"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a cell phone"} +{"tag": "counting", "include": [{"class": "handbag", "count": 4}], "exclude": [{"class": "handbag", "count": 5}], "prompt": "a photo of four handbags"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of a tv"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a dining table"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bear left of a snowboard"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "pizza", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a pizza below a boat"} +{"tag": "two_object", "include": [{"class": "oven", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of an oven and a cake"} +{"tag": "counting", "include": [{"class": "scissors", "count": 3}], "exclude": [{"class": "scissors", "count": 4}], "prompt": "a photo of three scissorses"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "handbag", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a handbag left of a carrot"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a bottle"} +{"tag": "two_object", "include": [{"class": "backpack", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a backpack and a bicycle"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a broccoli"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "red"}, {"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a red scissors and a yellow bench"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a computer keyboard"} +{"tag": "two_object", "include": [{"class": "computer keyboard", "count": 1}, {"class": "backpack", "count": 1}], "prompt": "a photo of a computer keyboard and a backpack"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "boat", "count": 1}], "prompt": "a photo of a kite and a boat"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below an airplane"} +{"tag": "counting", "include": [{"class": "couch", "count": 2}], "exclude": [{"class": "couch", "count": 3}], "prompt": "a photo of two couchs"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "giraffe", "count": 1}], "prompt": "a photo of a spoon and a giraffe"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of an orange"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "yellow"}], "prompt": "a photo of an orange tv and a yellow computer mouse"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "counting", "include": [{"class": "toaster", "count": 3}], "exclude": [{"class": "toaster", "count": 4}], "prompt": "a photo of three toasters"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "sink", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sink right of a chair"} +{"tag": "counting", "include": [{"class": "oven", "count": 2}], "exclude": [{"class": "oven", "count": 3}], "prompt": "a photo of two ovens"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "kite", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a kite right of a boat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of a bus"} +{"tag": "two_object", "include": [{"class": "hot dog", "count": 1}, {"class": "bear", "count": 1}], "prompt": "a photo of a hot dog and a bear"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "vase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a vase above a zebra"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "purple"}, {"class": "zebra", "count": 1, "color": "brown"}], "prompt": "a photo of a purple giraffe and a brown zebra"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a horse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a sheep"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "sheep", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sheep right of a zebra"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "orange", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an orange above a potted plant"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a sandwich"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "white"}, {"class": "donut", "count": 1, "color": "blue"}], "prompt": "a photo of a white broccoli and a blue donut"} +{"tag": "color_attr", "include": [{"class": "computer keyboard", "count": 1, "color": "orange"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of an orange computer keyboard and a brown toaster"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "blue"}], "prompt": "a photo of a blue fork"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "oven", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an oven above a bird"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a bench"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer keyboard left of a pizza"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a refrigerator below a chair"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "green"}, {"class": "laptop", "count": 1, "color": "pink"}], "prompt": "a photo of a green bird and a pink laptop"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a tv"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a laptop"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "bus", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bus left of a tv"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a horse"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a vase"} +{"tag": "color_attr", "include": [{"class": "teddy bear", "count": 1, "color": "green"}, {"class": "train", "count": 1, "color": "brown"}], "prompt": "a photo of a green teddy bear and a brown train"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a motorcycle right of a knife"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 2}], "exclude": [{"class": "hot dog", "count": 3}], "prompt": "a photo of two hot dogs"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}, {"class": "scissors", "count": 1, "color": "pink"}], "prompt": "a photo of a yellow giraffe and a pink scissors"} +{"tag": "colors", "include": [{"class": "tie", "count": 1, "color": "orange"}], "prompt": "a photo of an orange tie"} +{"tag": "color_attr", "include": [{"class": "snowboard", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a blue snowboard and a black couch"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "person", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a person above a sink"} +{"tag": "colors", "include": [{"class": "fork", "count": 1, "color": "purple"}], "prompt": "a photo of a purple fork"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "horse", "count": 1, "color": "brown"}, {"class": "tennis racket", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown horse and a yellow tennis racket"} +{"tag": "counting", "include": [{"class": "pizza", "count": 4}], "exclude": [{"class": "pizza", "count": 5}], "prompt": "a photo of four pizzas"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow giraffe"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "dining table", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a dining table below a tv"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 3}], "exclude": [{"class": "stop sign", "count": 4}], "prompt": "a photo of three stop signs"} +{"tag": "two_object", "include": [{"class": "hair drier", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a hair drier and a broccoli"} +{"tag": "position", "include": [{"class": "vase", "count": 1}, {"class": "giraffe", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a giraffe below a vase"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 2}], "exclude": [{"class": "potted plant", "count": 3}], "prompt": "a photo of two potted plants"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "two_object", "include": [{"class": "vase", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a vase and a tennis racket"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "orange"}, {"class": "sports ball", "count": 1, "color": "red"}], "prompt": "a photo of an orange potted plant and a red sports ball"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "scissors", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a scissors left of a toaster"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a tie"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "banana", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a banana above a toaster"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "red"}, {"class": "broccoli", "count": 1, "color": "blue"}], "prompt": "a photo of a red cell phone and a blue broccoli"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "banana", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a banana right of a kite"} +{"tag": "color_attr", "include": [{"class": "bench", "count": 1, "color": "pink"}, {"class": "toaster", "count": 1, "color": "brown"}], "prompt": "a photo of a pink bench and a brown toaster"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "yellow"}, {"class": "refrigerator", "count": 1, "color": "orange"}], "prompt": "a photo of a yellow motorcycle and an orange refrigerator"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of an airplane"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "orange", "count": 4}], "exclude": [{"class": "orange", "count": 5}], "prompt": "a photo of four oranges"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "tv", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv left of a parking meter"} +{"tag": "colors", "include": [{"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a white airplane"} +{"tag": "counting", "include": [{"class": "horse", "count": 3}], "exclude": [{"class": "horse", "count": 4}], "prompt": "a photo of three horses"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "pink"}, {"class": "motorcycle", "count": 1, "color": "brown"}], "prompt": "a photo of a pink laptop and a brown motorcycle"} +{"tag": "color_attr", "include": [{"class": "oven", "count": 1, "color": "brown"}, {"class": "bicycle", "count": 1, "color": "black"}], "prompt": "a photo of a brown oven and a black bicycle"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "cow", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a cow below a giraffe"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "counting", "include": [{"class": "bottle", "count": 4}], "exclude": [{"class": "bottle", "count": 5}], "prompt": "a photo of four bottles"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "black"}, {"class": "broccoli", "count": 1, "color": "green"}], "prompt": "a photo of a black chair and a green broccoli"} +{"tag": "counting", "include": [{"class": "tennis racket", "count": 4}], "exclude": [{"class": "tennis racket", "count": 5}], "prompt": "a photo of four tennis rackets"} +{"tag": "counting", "include": [{"class": "pizza", "count": 2}], "exclude": [{"class": "pizza", "count": 3}], "prompt": "a photo of two pizzas"} +{"tag": "position", "include": [{"class": "hot dog", "count": 1}, {"class": "bird", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bird below a hot dog"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bear right of a donut"} +{"tag": "counting", "include": [{"class": "orange", "count": 2}], "exclude": [{"class": "orange", "count": 3}], "prompt": "a photo of two oranges"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "orange", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of an orange left of a couch"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a handbag"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "counting", "include": [{"class": "cow", "count": 4}], "exclude": [{"class": "cow", "count": 5}], "prompt": "a photo of four cows"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bird", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bird left of a stop sign"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "black"}], "prompt": "a photo of a black sandwich"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a cake"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "stop sign", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a stop sign right of a zebra"} +{"tag": "counting", "include": [{"class": "potted plant", "count": 4}], "exclude": [{"class": "potted plant", "count": 5}], "prompt": "a photo of four potted plants"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "sheep", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sheep left of a tv remote"} +{"tag": "counting", "include": [{"class": "carrot", "count": 4}], "exclude": [{"class": "carrot", "count": 5}], "prompt": "a photo of four carrots"} +{"tag": "two_object", "include": [{"class": "scissors", "count": 1}, {"class": "fork", "count": 1}], "prompt": "a photo of a scissors and a fork"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a computer keyboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "laptop", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sink and a yellow laptop"} +{"tag": "counting", "include": [{"class": "cow", "count": 2}], "exclude": [{"class": "cow", "count": 3}], "prompt": "a photo of two cows"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "purple"}, {"class": "toaster", "count": 1, "color": "green"}], "prompt": "a photo of a purple laptop and a green toaster"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a surfboard"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "sheep", "count": 1, "color": "black"}], "prompt": "a photo of a red sink and a black sheep"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "spoon", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a spoon below a tie"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "laptop", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a laptop below a boat"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "bottle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bottle right of a stop sign"} +{"tag": "colors", "include": [{"class": "bus", "count": 1, "color": "brown"}], "prompt": "a photo of a brown bus"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of an airplane"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a sheep"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a kite"} +{"tag": "counting", "include": [{"class": "toaster", "count": 2}], "exclude": [{"class": "toaster", "count": 3}], "prompt": "a photo of two toasters"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a couch"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "blue"}, {"class": "bench", "count": 1, "color": "pink"}], "prompt": "a photo of a blue tie and a pink bench"} +{"tag": "two_object", "include": [{"class": "sheep", "count": 1}, {"class": "scissors", "count": 1}], "prompt": "a photo of a sheep and a scissors"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 4}], "exclude": [{"class": "computer keyboard", "count": 5}], "prompt": "a photo of four computer keyboards"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "brown"}], "prompt": "a photo of a brown vase"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a fork"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a sheep"} +{"tag": "counting", "include": [{"class": "dining table", "count": 4}], "exclude": [{"class": "dining table", "count": 5}], "prompt": "a photo of four dining tables"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a banana"} +{"tag": "counting", "include": [{"class": "bus", "count": 4}], "exclude": [{"class": "bus", "count": 5}], "prompt": "a photo of four buses"} +{"tag": "two_object", "include": [{"class": "surfboard", "count": 1}, {"class": "cat", "count": 1}], "prompt": "a photo of a surfboard and a cat"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "purple"}], "prompt": "a photo of a purple baseball glove"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "counting", "include": [{"class": "spoon", "count": 4}], "exclude": [{"class": "spoon", "count": 5}], "prompt": "a photo of four spoons"} +{"tag": "counting", "include": [{"class": "sandwich", "count": 4}], "exclude": [{"class": "sandwich", "count": 5}], "prompt": "a photo of four sandwichs"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "laptop", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a laptop above a bird"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a sports ball"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a person"} +{"tag": "color_attr", "include": [{"class": "couch", "count": 1, "color": "green"}, {"class": "dining table", "count": 1, "color": "pink"}], "prompt": "a photo of a green couch and a pink dining table"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "counting", "include": [{"class": "snowboard", "count": 2}], "exclude": [{"class": "snowboard", "count": 3}], "prompt": "a photo of two snowboards"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "colors", "include": [{"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a blue baseball glove"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a laptop"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "baseball glove", "count": 1, "color": "blue"}], "prompt": "a photo of a purple tv and a blue baseball glove"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 3}], "exclude": [{"class": "baseball glove", "count": 4}], "prompt": "a photo of three baseball gloves"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "kite", "count": 4}], "exclude": [{"class": "kite", "count": 5}], "prompt": "a photo of four kites"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "cake", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cake right of a sandwich"} +{"tag": "color_attr", "include": [{"class": "motorcycle", "count": 1, "color": "orange"}, {"class": "computer mouse", "count": 1, "color": "pink"}], "prompt": "a photo of an orange motorcycle and a pink computer mouse"} +{"tag": "color_attr", "include": [{"class": "banana", "count": 1, "color": "red"}, {"class": "dining table", "count": 1, "color": "green"}], "prompt": "a photo of a red banana and a green dining table"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "sheep", "count": 1, "color": "red"}], "prompt": "a photo of a green vase and a red sheep"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 3}], "exclude": [{"class": "cell phone", "count": 4}], "prompt": "a photo of three cell phones"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "pink"}, {"class": "bird", "count": 1, "color": "blue"}], "prompt": "a photo of a pink stop sign and a blue bird"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a fork"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "handbag", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a handbag right of a potted plant"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a couch"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "cat", "count": 2}], "exclude": [{"class": "cat", "count": 3}], "prompt": "a photo of two cats"} +{"tag": "color_attr", "include": [{"class": "tennis racket", "count": 1, "color": "purple"}, {"class": "potted plant", "count": 1, "color": "green"}], "prompt": "a photo of a purple tennis racket and a green potted plant"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "knife", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a knife left of a boat"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 3}], "exclude": [{"class": "parking meter", "count": 4}], "prompt": "a photo of three parking meters"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "red"}, {"class": "horse", "count": 1, "color": "white"}], "prompt": "a photo of a red sink and a white horse"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a chair above a baseball glove"} +{"tag": "color_attr", "include": [{"class": "truck", "count": 1, "color": "red"}, {"class": "spoon", "count": 1, "color": "white"}], "prompt": "a photo of a red truck and a white spoon"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a tv remote"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "potted plant", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a potted plant right of a tv remote"} +{"tag": "position", "include": [{"class": "banana", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a banana"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "backpack", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a backpack below an airplane"} +{"tag": "color_attr", "include": [{"class": "fork", "count": 1, "color": "white"}, {"class": "train", "count": 1, "color": "pink"}], "prompt": "a photo of a white fork and a pink train"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "computer keyboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a computer keyboard right of a dining table"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "orange"}], "prompt": "a photo of an orange sports ball"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a couch"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 4}], "exclude": [{"class": "suitcase", "count": 5}], "prompt": "a photo of four suitcases"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "black"}, {"class": "tennis racket", "count": 1, "color": "brown"}], "prompt": "a photo of a black donut and a brown tennis racket"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a bird"} +{"tag": "position", "include": [{"class": "knife", "count": 1}, {"class": "tv remote", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tv remote left of a knife"} +{"tag": "counting", "include": [{"class": "bicycle", "count": 4}], "exclude": [{"class": "bicycle", "count": 5}], "prompt": "a photo of four bicycles"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "giraffe", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a giraffe above a carrot"} +{"tag": "counting", "include": [{"class": "sheep", "count": 2}], "exclude": [{"class": "sheep", "count": 3}], "prompt": "a photo of two sheeps"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "train", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a train right of a tie"} +{"tag": "two_object", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of an orange and a tv"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tennis racket left of a boat"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "counting", "include": [{"class": "oven", "count": 3}], "exclude": [{"class": "oven", "count": 4}], "prompt": "a photo of three ovens"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 2}], "exclude": [{"class": "surfboard", "count": 3}], "prompt": "a photo of two surfboards"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "airplane", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of an airplane right of a donut"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a computer mouse left of a bicycle"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a person"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tie", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a tie left of an orange"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "horse", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a horse right of a tv remote"} +{"tag": "counting", "include": [{"class": "computer keyboard", "count": 2}], "exclude": [{"class": "computer keyboard", "count": 3}], "prompt": "a photo of two computer keyboards"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "airplane", "count": 1, "position": ["above", 0]}], "prompt": "a photo of an airplane above a stop sign"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 4}], "exclude": [{"class": "refrigerator", "count": 5}], "prompt": "a photo of four refrigerators"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a bus"} +{"tag": "color_attr", "include": [{"class": "cell phone", "count": 1, "color": "green"}, {"class": "tv remote", "count": 1, "color": "purple"}], "prompt": "a photo of a green cell phone and a purple tv remote"} +{"tag": "color_attr", "include": [{"class": "hot dog", "count": 1, "color": "blue"}, {"class": "airplane", "count": 1, "color": "brown"}], "prompt": "a photo of a blue hot dog and a brown airplane"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of an airplane"} +{"tag": "counting", "include": [{"class": "sheep", "count": 3}], "exclude": [{"class": "sheep", "count": 4}], "prompt": "a photo of three sheeps"} +{"tag": "counting", "include": [{"class": "parking meter", "count": 2}], "exclude": [{"class": "parking meter", "count": 3}], "prompt": "a photo of two parking meters"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "dining table", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a dining table left of a teddy bear"} +{"tag": "two_object", "include": [{"class": "cell phone", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a cell phone and a computer mouse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "banana", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a banana left of a computer keyboard"} +{"tag": "counting", "include": [{"class": "vase", "count": 2}], "exclude": [{"class": "vase", "count": 3}], "prompt": "a photo of two vases"} +{"tag": "colors", "include": [{"class": "sandwich", "count": 1, "color": "brown"}], "prompt": "a photo of a brown sandwich"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 2}], "exclude": [{"class": "hair drier", "count": 3}], "prompt": "a photo of two hair driers"} +{"tag": "two_object", "include": [{"class": "bear", "count": 1}, {"class": "vase", "count": 1}], "prompt": "a photo of a bear and a vase"} +{"tag": "colors", "include": [{"class": "broccoli", "count": 1, "color": "white"}], "prompt": "a photo of a white broccoli"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 3}], "exclude": [{"class": "hair drier", "count": 4}], "prompt": "a photo of three hair driers"} +{"tag": "two_object", "include": [{"class": "baseball glove", "count": 1}, {"class": "chair", "count": 1}], "prompt": "a photo of a baseball glove and a chair"} +{"tag": "counting", "include": [{"class": "boat", "count": 2}], "exclude": [{"class": "boat", "count": 3}], "prompt": "a photo of two boats"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "red"}, {"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a red surfboard and a black couch"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a scissors"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "bicycle", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bicycle right of a carrot"} +{"tag": "position", "include": [{"class": "person", "count": 1}, {"class": "sports ball", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sports ball below a person"} +{"tag": "counting", "include": [{"class": "scissors", "count": 4}], "exclude": [{"class": "scissors", "count": 5}], "prompt": "a photo of four scissorses"} +{"tag": "position", "include": [{"class": "bird", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bird"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "scissors", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a scissors right of a kite"} +{"tag": "color_attr", "include": [{"class": "cow", "count": 1, "color": "pink"}, {"class": "orange", "count": 1, "color": "blue"}], "prompt": "a photo of a pink cow and a blue orange"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "hot dog", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hot dog above a sports ball"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "stop sign", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a stop sign left of a truck"} +{"tag": "colors", "include": [{"class": "giraffe", "count": 1, "color": "green"}], "prompt": "a photo of a green giraffe"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "sports ball", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sports ball above a teddy bear"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "colors", "include": [{"class": "surfboard", "count": 1, "color": "black"}], "prompt": "a photo of a black surfboard"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a sandwich"} +{"tag": "counting", "include": [{"class": "cake", "count": 3}], "exclude": [{"class": "cake", "count": 4}], "prompt": "a photo of three cakes"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "toaster", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a toaster left of a dining table"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "green"}, {"class": "computer keyboard", "count": 1, "color": "white"}], "prompt": "a photo of a green dining table and a white computer keyboard"} +{"tag": "counting", "include": [{"class": "cat", "count": 3}], "exclude": [{"class": "cat", "count": 4}], "prompt": "a photo of three cats"} +{"tag": "color_attr", "include": [{"class": "potted plant", "count": 1, "color": "yellow"}, {"class": "backpack", "count": 1, "color": "blue"}], "prompt": "a photo of a yellow potted plant and a blue backpack"} +{"tag": "two_object", "include": [{"class": "cat", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a cat and a cake"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "bicycle", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a bicycle below a computer mouse"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "blue"}, {"class": "snowboard", "count": 1, "color": "green"}], "prompt": "a photo of a blue surfboard and a green snowboard"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "colors", "include": [{"class": "computer keyboard", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow computer keyboard"} +{"tag": "position", "include": [{"class": "snowboard", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a snowboard"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "bird", "count": 3}], "exclude": [{"class": "bird", "count": 4}], "prompt": "a photo of three birds"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "carrot", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a carrot below a handbag"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "truck", "count": 1}], "prompt": "a photo of a chair and a truck"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a baseball glove below a chair"} +{"tag": "counting", "include": [{"class": "fork", "count": 3}], "exclude": [{"class": "fork", "count": 4}], "prompt": "a photo of three forks"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "bottle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bottle left of a sports ball"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "dining table", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a dining table"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "pizza", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a pizza left of a giraffe"} +{"tag": "counting", "include": [{"class": "scissors", "count": 2}], "exclude": [{"class": "scissors", "count": 3}], "prompt": "a photo of two scissorses"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "red"}, {"class": "hot dog", "count": 1, "color": "green"}], "prompt": "a photo of a red dining table and a green hot dog"} +{"tag": "counting", "include": [{"class": "giraffe", "count": 2}], "exclude": [{"class": "giraffe", "count": 3}], "prompt": "a photo of two giraffes"} +{"tag": "two_object", "include": [{"class": "bicycle", "count": 1}, {"class": "snowboard", "count": 1}], "prompt": "a photo of a bicycle and a snowboard"} +{"tag": "color_attr", "include": [{"class": "scissors", "count": 1, "color": "pink"}, {"class": "cell phone", "count": 1, "color": "black"}], "prompt": "a photo of a pink scissors and a black cell phone"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "pink"}, {"class": "tv", "count": 1, "color": "green"}], "prompt": "a photo of a pink bird and a green tv"} +{"tag": "two_object", "include": [{"class": "potted plant", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a potted plant and a knife"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "purple"}, {"class": "airplane", "count": 1, "color": "orange"}], "prompt": "a photo of a purple sink and an orange airplane"} +{"tag": "color_attr", "include": [{"class": "tv", "count": 1, "color": "purple"}, {"class": "donut", "count": 1, "color": "green"}], "prompt": "a photo of a purple tv and a green donut"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 3}], "exclude": [{"class": "refrigerator", "count": 4}], "prompt": "a photo of three refrigerators"} +{"tag": "counting", "include": [{"class": "tv", "count": 4}], "exclude": [{"class": "tv", "count": 5}], "prompt": "a photo of four tvs"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "sink", "count": 1}, {"class": "giraffe", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a giraffe left of a sink"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "red"}, {"class": "oven", "count": 1, "color": "black"}], "prompt": "a photo of a red bicycle and a black oven"} +{"tag": "position", "include": [{"class": "sandwich", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a sandwich"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "couch", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a couch above a computer keyboard"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a computer mouse below a sheep"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of a fork"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "sheep", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a sheep above a stop sign"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "cat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a cat left of a pizza"} +{"tag": "position", "include": [{"class": "surfboard", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a surfboard"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "bird", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bird above a spoon"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "hair drier", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a hair drier above a handbag"} +{"tag": "colors", "include": [{"class": "handbag", "count": 1, "color": "black"}], "prompt": "a photo of a black handbag"} +{"tag": "position", "include": [{"class": "broccoli", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a broccoli"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "blue"}, {"class": "carrot", "count": 1, "color": "red"}], "prompt": "a photo of a blue broccoli and a red carrot"} +{"tag": "position", "include": [{"class": "kite", "count": 1}, {"class": "tie", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tie right of a kite"} +{"tag": "two_object", "include": [{"class": "airplane", "count": 1}, {"class": "person", "count": 1}], "prompt": "a photo of an airplane and a person"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "black"}], "prompt": "a photo of a black couch"} +{"tag": "two_object", "include": [{"class": "cow", "count": 1}, {"class": "dining table", "count": 1}], "prompt": "a photo of a cow and a dining table"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "person", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a person below a boat"} +{"tag": "position", "include": [{"class": "couch", "count": 1}, {"class": "pizza", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a pizza right of a couch"} +{"tag": "position", "include": [{"class": "airplane", "count": 1}, {"class": "dining table", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a dining table right of an airplane"} +{"tag": "counting", "include": [{"class": "baseball glove", "count": 2}], "exclude": [{"class": "baseball glove", "count": 3}], "prompt": "a photo of two baseball gloves"} +{"tag": "position", "include": [{"class": "carrot", "count": 1}, {"class": "fork", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a fork below a carrot"} +{"tag": "color_attr", "include": [{"class": "chair", "count": 1, "color": "blue"}, {"class": "couch", "count": 1, "color": "pink"}], "prompt": "a photo of a blue chair and a pink couch"} +{"tag": "colors", "include": [{"class": "bench", "count": 1, "color": "yellow"}], "prompt": "a photo of a yellow bench"} +{"tag": "position", "include": [{"class": "giraffe", "count": 1}, {"class": "parking meter", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a parking meter above a giraffe"} +{"tag": "counting", "include": [{"class": "donut", "count": 3}], "exclude": [{"class": "donut", "count": 4}], "prompt": "a photo of three donuts"} +{"tag": "counting", "include": [{"class": "sink", "count": 2}], "exclude": [{"class": "sink", "count": 3}], "prompt": "a photo of two sinks"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a parking meter"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "parking meter", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a parking meter left of a spoon"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "hair drier", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a hair drier left of a bear"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a baseball glove above a scissors"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "black"}, {"class": "cell phone", "count": 1, "color": "blue"}], "prompt": "a photo of a black stop sign and a blue cell phone"} +{"tag": "color_attr", "include": [{"class": "sink", "count": 1, "color": "black"}, {"class": "bird", "count": 1, "color": "yellow"}], "prompt": "a photo of a black sink and a yellow bird"} +{"tag": "color_attr", "include": [{"class": "sandwich", "count": 1, "color": "purple"}, {"class": "banana", "count": 1, "color": "yellow"}], "prompt": "a photo of a purple sandwich and a yellow banana"} +{"tag": "position", "include": [{"class": "bicycle", "count": 1}, {"class": "toaster", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a toaster above a bicycle"} +{"tag": "counting", "include": [{"class": "motorcycle", "count": 2}], "exclude": [{"class": "motorcycle", "count": 3}], "prompt": "a photo of two motorcycles"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "cat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cat right of a tv remote"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "pizza", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a pizza above a horse"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "snowboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a snowboard above a sports ball"} +{"tag": "counting", "include": [{"class": "train", "count": 2}], "exclude": [{"class": "train", "count": 3}], "prompt": "a photo of two trains"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "dining table", "count": 2}], "exclude": [{"class": "dining table", "count": 3}], "prompt": "a photo of two dining tables"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "bird", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bird right of a horse"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a hair drier"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a fork"} +{"tag": "counting", "include": [{"class": "bear", "count": 3}], "exclude": [{"class": "bear", "count": 4}], "prompt": "a photo of three bears"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "tv", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a tv below a train"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "sandwich", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sandwich right of a parking meter"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "carrot", "count": 1}], "prompt": "a photo of a spoon and a carrot"} +{"tag": "counting", "include": [{"class": "tie", "count": 2}], "exclude": [{"class": "tie", "count": 3}], "prompt": "a photo of two ties"} +{"tag": "position", "include": [{"class": "bench", "count": 1}, {"class": "bus", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a bus above a bench"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "counting", "include": [{"class": "bird", "count": 4}], "exclude": [{"class": "bird", "count": 5}], "prompt": "a photo of four birds"} +{"tag": "counting", "include": [{"class": "horse", "count": 4}], "exclude": [{"class": "horse", "count": 5}], "prompt": "a photo of four horses"} +{"tag": "color_attr", "include": [{"class": "surfboard", "count": 1, "color": "green"}, {"class": "backpack", "count": 1, "color": "red"}], "prompt": "a photo of a green surfboard and a red backpack"} +{"tag": "counting", "include": [{"class": "sink", "count": 3}], "exclude": [{"class": "sink", "count": 4}], "prompt": "a photo of three sinks"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 3}], "exclude": [{"class": "computer mouse", "count": 4}], "prompt": "a photo of three computer mouses"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "broccoli", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a broccoli above a tie"} +{"tag": "counting", "include": [{"class": "cell phone", "count": 4}], "exclude": [{"class": "cell phone", "count": 5}], "prompt": "a photo of four cell phones"} +{"tag": "counting", "include": [{"class": "broccoli", "count": 2}], "exclude": [{"class": "broccoli", "count": 3}], "prompt": "a photo of two broccolis"} +{"tag": "counting", "include": [{"class": "knife", "count": 2}], "exclude": [{"class": "knife", "count": 3}], "prompt": "a photo of two knifes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "surfboard", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a surfboard above a cake"} +{"tag": "colors", "include": [{"class": "bicycle", "count": 1, "color": "blue"}], "prompt": "a photo of a blue bicycle"} +{"tag": "position", "include": [{"class": "boat", "count": 1}, {"class": "train", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a train left of a boat"} +{"tag": "counting", "include": [{"class": "carrot", "count": 3}], "exclude": [{"class": "carrot", "count": 4}], "prompt": "a photo of three carrots"} +{"tag": "two_object", "include": [{"class": "motorcycle", "count": 1}, {"class": "teddy bear", "count": 1}], "prompt": "a photo of a motorcycle and a teddy bear"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "position", "include": [{"class": "bear", "count": 1}, {"class": "donut", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a donut left of a bear"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "pink"}, {"class": "fork", "count": 1, "color": "brown"}], "prompt": "a photo of a pink donut and a brown fork"} +{"tag": "two_object", "include": [{"class": "kite", "count": 1}, {"class": "couch", "count": 1}], "prompt": "a photo of a kite and a couch"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "chair", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a chair left of a parking meter"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "backpack", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a backpack above a donut"} +{"tag": "colors", "include": [{"class": "sports ball", "count": 1, "color": "black"}], "prompt": "a photo of a black sports ball"} +{"tag": "counting", "include": [{"class": "bird", "count": 2}], "exclude": [{"class": "bird", "count": 3}], "prompt": "a photo of two birds"} +{"tag": "color_attr", "include": [{"class": "vase", "count": 1, "color": "green"}, {"class": "zebra", "count": 1, "color": "purple"}], "prompt": "a photo of a green vase and a purple zebra"} +{"tag": "position", "include": [{"class": "toaster", "count": 1}, {"class": "truck", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a truck above a toaster"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "suitcase", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a suitcase below a teddy bear"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "snowboard", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a snowboard right of a bus"} +{"tag": "counting", "include": [{"class": "person", "count": 2}], "exclude": [{"class": "person", "count": 3}], "prompt": "a photo of two persons"} +{"tag": "color_attr", "include": [{"class": "tie", "count": 1, "color": "black"}, {"class": "knife", "count": 1, "color": "red"}], "prompt": "a photo of a black tie and a red knife"} +{"tag": "colors", "include": [{"class": "boat", "count": 1, "color": "green"}], "prompt": "a photo of a green boat"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "couch", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a couch left of a bus"} +{"tag": "position", "include": [{"class": "computer mouse", "count": 1}, {"class": "broccoli", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a broccoli right of a computer mouse"} +{"tag": "position", "include": [{"class": "sheep", "count": 1}, {"class": "tv remote", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a tv remote right of a sheep"} +{"tag": "counting", "include": [{"class": "cake", "count": 2}], "exclude": [{"class": "cake", "count": 3}], "prompt": "a photo of two cakes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "train", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a train above a tv"} +{"tag": "two_object", "include": [{"class": "bird", "count": 1}, {"class": "airplane", "count": 1}], "prompt": "a photo of a bird and an airplane"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "tv", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tv above an orange"} +{"tag": "counting", "include": [{"class": "kite", "count": 3}], "exclude": [{"class": "kite", "count": 4}], "prompt": "a photo of three kites"} +{"tag": "counting", "include": [{"class": "knife", "count": 3}], "exclude": [{"class": "knife", "count": 4}], "prompt": "a photo of three knifes"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "bench", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a bench right of a cake"} +{"tag": "position", "include": [{"class": "fork", "count": 1}, {"class": "boat", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a boat right of a fork"} +{"tag": "color_attr", "include": [{"class": "bird", "count": 1, "color": "blue"}, {"class": "computer mouse", "count": 1, "color": "orange"}], "prompt": "a photo of a blue bird and an orange computer mouse"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 4}], "exclude": [{"class": "tv remote", "count": 5}], "prompt": "a photo of four tv remotes"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "couch", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a couch right of a stop sign"} +{"tag": "position", "include": [{"class": "zebra", "count": 1}, {"class": "snowboard", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a snowboard left of a zebra"} +{"tag": "counting", "include": [{"class": "airplane", "count": 4}], "exclude": [{"class": "airplane", "count": 5}], "prompt": "a photo of four airplanes"} +{"tag": "position", "include": [{"class": "pizza", "count": 1}, {"class": "bicycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a bicycle left of a pizza"} +{"tag": "counting", "include": [{"class": "computer mouse", "count": 2}], "exclude": [{"class": "computer mouse", "count": 3}], "prompt": "a photo of two computer mouses"} +{"tag": "position", "include": [{"class": "bus", "count": 1}, {"class": "chair", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a chair below a bus"} +{"tag": "position", "include": [{"class": "train", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a teddy bear right of a train"} +{"tag": "counting", "include": [{"class": "couch", "count": 4}], "exclude": [{"class": "couch", "count": 5}], "prompt": "a photo of four couchs"} +{"tag": "counting", "include": [{"class": "boat", "count": 3}], "exclude": [{"class": "boat", "count": 4}], "prompt": "a photo of three boats"} +{"tag": "position", "include": [{"class": "handbag", "count": 1}, {"class": "scissors", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a scissors below a handbag"} +{"tag": "color_attr", "include": [{"class": "toaster", "count": 1, "color": "green"}, {"class": "airplane", "count": 1, "color": "white"}], "prompt": "a photo of a green toaster and a white airplane"} +{"tag": "position", "include": [{"class": "tie", "count": 1}, {"class": "tennis racket", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tennis racket above a tie"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "position", "include": [{"class": "chair", "count": 1}, {"class": "cell phone", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a cell phone right of a chair"} +{"tag": "two_object", "include": [{"class": "tv", "count": 1}, {"class": "cake", "count": 1}], "prompt": "a photo of a tv and a cake"} +{"tag": "color_attr", "include": [{"class": "computer mouse", "count": 1, "color": "brown"}, {"class": "laptop", "count": 1, "color": "blue"}], "prompt": "a photo of a brown computer mouse and a blue laptop"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "blue"}, {"class": "bird", "count": 1, "color": "brown"}], "prompt": "a photo of a blue airplane and a brown bird"} +{"tag": "two_object", "include": [{"class": "chair", "count": 1}, {"class": "computer mouse", "count": 1}], "prompt": "a photo of a chair and a computer mouse"} +{"tag": "color_attr", "include": [{"class": "stop sign", "count": 1, "color": "purple"}, {"class": "cat", "count": 1, "color": "black"}], "prompt": "a photo of a purple stop sign and a black cat"} +{"tag": "color_attr", "include": [{"class": "tv remote", "count": 1, "color": "red"}, {"class": "stop sign", "count": 1, "color": "orange"}], "prompt": "a photo of a red tv remote and an orange stop sign"} +{"tag": "counting", "include": [{"class": "fork", "count": 2}], "exclude": [{"class": "fork", "count": 3}], "prompt": "a photo of two forks"} +{"tag": "colors", "include": [{"class": "tennis racket", "count": 1, "color": "red"}], "prompt": "a photo of a red tennis racket"} +{"tag": "counting", "include": [{"class": "bear", "count": 2}], "exclude": [{"class": "bear", "count": 3}], "prompt": "a photo of two bears"} +{"tag": "counting", "include": [{"class": "stop sign", "count": 4}], "exclude": [{"class": "stop sign", "count": 5}], "prompt": "a photo of four stop signs"} +{"tag": "counting", "include": [{"class": "vase", "count": 4}], "exclude": [{"class": "vase", "count": 5}], "prompt": "a photo of four vases"} +{"tag": "position", "include": [{"class": "stop sign", "count": 1}, {"class": "zebra", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a zebra above a stop sign"} +{"tag": "position", "include": [{"class": "bottle", "count": 1}, {"class": "hair drier", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a hair drier right of a bottle"} +{"tag": "two_object", "include": [{"class": "zebra", "count": 1}, {"class": "banana", "count": 1}], "prompt": "a photo of a zebra and a banana"} +{"tag": "position", "include": [{"class": "potted plant", "count": 1}, {"class": "kite", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a kite left of a potted plant"} +{"tag": "two_object", "include": [{"class": "spoon", "count": 1}, {"class": "tv", "count": 1}], "prompt": "a photo of a spoon and a tv"} +{"tag": "two_object", "include": [{"class": "toaster", "count": 1}, {"class": "knife", "count": 1}], "prompt": "a photo of a toaster and a knife"} +{"tag": "counting", "include": [{"class": "hair drier", "count": 4}], "exclude": [{"class": "hair drier", "count": 5}], "prompt": "a photo of four hair driers"} +{"tag": "position", "include": [{"class": "scissors", "count": 1}, {"class": "truck", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a truck left of a scissors"} +{"tag": "position", "include": [{"class": "sports ball", "count": 1}, {"class": "suitcase", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a suitcase above a sports ball"} +{"tag": "counting", "include": [{"class": "refrigerator", "count": 2}], "exclude": [{"class": "refrigerator", "count": 3}], "prompt": "a photo of two refrigerators"} +{"tag": "position", "include": [{"class": "truck", "count": 1}, {"class": "teddy bear", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a teddy bear left of a truck"} +{"tag": "counting", "include": [{"class": "suitcase", "count": 3}], "exclude": [{"class": "suitcase", "count": 4}], "prompt": "a photo of three suitcases"} +{"tag": "colors", "include": [{"class": "pizza", "count": 1, "color": "black"}], "prompt": "a photo of a black pizza"} +{"tag": "position", "include": [{"class": "cake", "count": 1}, {"class": "sandwich", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a sandwich below a cake"} +{"tag": "counting", "include": [{"class": "pizza", "count": 3}], "exclude": [{"class": "pizza", "count": 4}], "prompt": "a photo of three pizzas"} +{"tag": "position", "include": [{"class": "teddy bear", "count": 1}, {"class": "zebra", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a zebra left of a teddy bear"} +{"tag": "position", "include": [{"class": "laptop", "count": 1}, {"class": "motorcycle", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a motorcycle left of a laptop"} +{"tag": "counting", "include": [{"class": "sports ball", "count": 4}], "exclude": [{"class": "sports ball", "count": 5}], "prompt": "a photo of four sports balls"} +{"tag": "counting", "include": [{"class": "tv", "count": 3}], "exclude": [{"class": "tv", "count": 4}], "prompt": "a photo of three tvs"} +{"tag": "position", "include": [{"class": "spoon", "count": 1}, {"class": "boat", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a boat left of a spoon"} +{"tag": "counting", "include": [{"class": "tie", "count": 3}], "exclude": [{"class": "tie", "count": 4}], "prompt": "a photo of three ties"} +{"tag": "colors", "include": [{"class": "hair drier", "count": 1, "color": "white"}], "prompt": "a photo of a white hair drier"} +{"tag": "colors", "include": [{"class": "couch", "count": 1, "color": "blue"}], "prompt": "a photo of a blue couch"} +{"tag": "position", "include": [{"class": "parking meter", "count": 1}, {"class": "spoon", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a spoon left of a parking meter"} +{"tag": "color_attr", "include": [{"class": "broccoli", "count": 1, "color": "green"}, {"class": "computer mouse", "count": 1, "color": "red"}], "prompt": "a photo of a green broccoli and a red computer mouse"} +{"tag": "position", "include": [{"class": "computer keyboard", "count": 1}, {"class": "refrigerator", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a refrigerator right of a computer keyboard"} +{"tag": "counting", "include": [{"class": "surfboard", "count": 4}], "exclude": [{"class": "surfboard", "count": 5}], "prompt": "a photo of four surfboards"} +{"tag": "position", "include": [{"class": "hair drier", "count": 1}, {"class": "giraffe", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a giraffe right of a hair drier"} +{"tag": "position", "include": [{"class": "cow", "count": 1}, {"class": "broccoli", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a broccoli below a cow"} +{"tag": "position", "include": [{"class": "cell phone", "count": 1}, {"class": "laptop", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a laptop left of a cell phone"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "vase", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a vase right of an orange"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "purple"}, {"class": "tennis racket", "count": 1, "color": "white"}], "prompt": "a photo of a purple donut and a white tennis racket"} +{"tag": "color_attr", "include": [{"class": "dining table", "count": 1, "color": "black"}, {"class": "tie", "count": 1, "color": "blue"}], "prompt": "a photo of a black dining table and a blue tie"} +{"tag": "position", "include": [{"class": "orange", "count": 1}, {"class": "sports ball", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a sports ball right of an orange"} +{"tag": "color_attr", "include": [{"class": "bicycle", "count": 1, "color": "pink"}, {"class": "tv remote", "count": 1, "color": "green"}], "prompt": "a photo of a pink bicycle and a green tv remote"} +{"tag": "two_object", "include": [{"class": "sports ball", "count": 1}, {"class": "bicycle", "count": 1}], "prompt": "a photo of a sports ball and a bicycle"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "tennis racket", "count": 1}], "prompt": "a photo of a dining table and a tennis racket"} +{"tag": "position", "include": [{"class": "donut", "count": 1}, {"class": "sink", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a sink left of a donut"} +{"tag": "counting", "include": [{"class": "tv remote", "count": 2}], "exclude": [{"class": "tv remote", "count": 3}], "prompt": "a photo of two tv remotes"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "potted plant", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a potted plant left of a tv"} +{"tag": "counting", "include": [{"class": "truck", "count": 3}], "exclude": [{"class": "truck", "count": 4}], "prompt": "a photo of three trucks"} +{"tag": "two_object", "include": [{"class": "dining table", "count": 1}, {"class": "broccoli", "count": 1}], "prompt": "a photo of a dining table and a broccoli"} +{"tag": "color_attr", "include": [{"class": "donut", "count": 1, "color": "brown"}, {"class": "bear", "count": 1, "color": "green"}], "prompt": "a photo of a brown donut and a green bear"} +{"tag": "color_attr", "include": [{"class": "carrot", "count": 1, "color": "brown"}, {"class": "airplane", "count": 1, "color": "yellow"}], "prompt": "a photo of a brown carrot and a yellow airplane"} +{"tag": "position", "include": [{"class": "horse", "count": 1}, {"class": "parking meter", "count": 1, "position": ["right of", 0]}], "prompt": "a photo of a parking meter right of a horse"} +{"tag": "colors", "include": [{"class": "bear", "count": 1, "color": "black"}], "prompt": "a photo of a black bear"} +{"tag": "counting", "include": [{"class": "fork", "count": 4}], "exclude": [{"class": "fork", "count": 5}], "prompt": "a photo of four forks"} +{"tag": "counting", "include": [{"class": "boat", "count": 4}], "exclude": [{"class": "boat", "count": 5}], "prompt": "a photo of four boats"} +{"tag": "position", "include": [{"class": "baseball glove", "count": 1}, {"class": "hair drier", "count": 1, "position": ["below", 0]}], "prompt": "a photo of a hair drier below a baseball glove"} +{"tag": "counting", "include": [{"class": "truck", "count": 4}], "exclude": [{"class": "truck", "count": 5}], "prompt": "a photo of four trucks"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "computer mouse", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a computer mouse above a tv remote"} +{"tag": "colors", "include": [{"class": "vase", "count": 1, "color": "green"}], "prompt": "a photo of a green vase"} +{"tag": "counting", "include": [{"class": "hot dog", "count": 4}], "exclude": [{"class": "hot dog", "count": 5}], "prompt": "a photo of four hot dogs"} +{"tag": "color_attr", "include": [{"class": "laptop", "count": 1, "color": "orange"}, {"class": "scissors", "count": 1, "color": "purple"}], "prompt": "a photo of an orange laptop and a purple scissors"} +{"tag": "position", "include": [{"class": "tv remote", "count": 1}, {"class": "carrot", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a carrot above a tv remote"} +{"tag": "counting", "include": [{"class": "bottle", "count": 3}], "exclude": [{"class": "bottle", "count": 4}], "prompt": "a photo of three bottles"} +{"tag": "counting", "include": [{"class": "bus", "count": 3}], "exclude": [{"class": "bus", "count": 4}], "prompt": "a photo of three buses"} +{"tag": "color_attr", "include": [{"class": "airplane", "count": 1, "color": "black"}, {"class": "banana", "count": 1, "color": "white"}], "prompt": "a photo of a black airplane and a white banana"} +{"tag": "position", "include": [{"class": "tv", "count": 1}, {"class": "baseball glove", "count": 1, "position": ["left of", 0]}], "prompt": "a photo of a baseball glove left of a tv"} +{"tag": "position", "include": [{"class": "backpack", "count": 1}, {"class": "tie", "count": 1, "position": ["above", 0]}], "prompt": "a photo of a tie above a backpack"} diff --git a/ppdiffusers/examples/flow_grpo/dataset/merge_genevaltask.py b/ppdiffusers/examples/flow_grpo/dataset/merge_genevaltask.py new file mode 100644 index 000000000..a30d3998d --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/merge_genevaltask.py @@ -0,0 +1,86 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import json +import random + + +def distribute_samples(tasks, weights, total_samples): + # 计算每个任务的浮点样本数 + float_samples = {task: weights[i] * total_samples for i, task in enumerate(tasks)} + # 取整数部分 + int_samples = {task: int(fs) for task, fs in float_samples.items()} + remainder = total_samples - sum(int_samples.values()) + + # 计算小数部分并按大小排序 + fractional_parts = {task: float_samples[task] - int_samples[task] for task in tasks} + sorted_tasks = sorted(tasks, key=lambda x: fractional_parts[x], reverse=True) + + # 分配余数到前remainder个任务 + for task in sorted_tasks[:remainder]: + int_samples[task] += 1 + + return int_samples + + +def read_jsonl(file_path): + data = [] + with open(file_path, "r", encoding="utf-8") as f: + for line in f: + data.append(json.loads(line)) + return data + + +def sample_data(data, samples_needed): + if len(data) >= samples_needed: + return random.sample(data, samples_needed) + else: + return random.choices(data, k=samples_needed) + + +def merge_datasets_with_weights(tasks, weights, output_path, total_samples=50000): + # 确保权重和任务数量一致且总和为1 + assert len(tasks) == len(weights), "Tasks and weights must have the same length" + + # 将权重转换为字典格式 + samples_per_task = distribute_samples(tasks, weights, total_samples) + print(samples_per_task) + all_sampled_data = [] + + for task in tasks: + file_path = f"dataset/geneval_ood_60_20/{task}/evaluation_metadata.jsonl" + data = read_jsonl(file_path) + samples_needed = samples_per_task[task] + + # 进行采样 + sampled_data = sample_data(data, samples_needed) + all_sampled_data.extend(sampled_data) + + # 打乱所有数据以确保随机性 + random.shuffle(all_sampled_data) + + # 写入输出文件 + with open(output_path, "w", encoding="utf-8") as f: + for item in all_sampled_data: + f.write(json.dumps(item) + "\n") + + +# 示例使用 +tasks = ["position", "color_attr", "colors", "counting", "two_object"] +weights = [0.7, 0.3, 0.1, 0.5, 0.1] # 对应每个任务的权重,总和必须为1 +sum_weights = sum(weights) +normalized_weights = [w / sum_weights for w in weights] +output_path = "geneval_ood60_20/train_metadata.jsonl" + +merge_datasets_with_weights(tasks, normalized_weights, output_path) diff --git a/ppdiffusers/examples/flow_grpo/dataset/ocr/test.txt b/ppdiffusers/examples/flow_grpo/dataset/ocr/test.txt new file mode 100644 index 000000000..8deb4f8d8 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/ocr/test.txt @@ -0,0 +1,1018 @@ +A high-fashion runway with a sleek, modern backdrop displaying "Spring Collection 2024". Models walk confidently on the catwalk, showcasing vibrant, floral prints and pastel tones, under soft, ambient lighting that enhances the fresh, spring vibe. +A close-up of a sleek smartwatch on a wrist, the screen displaying "Step Goal Achieved" with a celebratory animation, set against a blurred cityscape at dusk, capturing the moment of accomplishment. +A close-up photograph of an engraved silver ring with the inscription "Forever Yours" delicately etched into its surface, set against a soft, blurred background of romantic, warm tones. +A realistic photograph of a fast food drive-thru menu board at dusk, featuring a bold and colorful advertisement that reads "Try Our New Burger" with an appetizing image of the burger below, set against the backdrop of a busy suburban street. +A weathered cave explorer's journal page, with the phrase "Lost City Near" prominently written in faded ink, surrounded by sketches of ancient ruins and cryptic symbols, under a dim, mystical light. +A bustling city street at night, illuminated by neon lights, featuring a retro-futuristic robot comedy club with a vibrant marquee that reads "Tonight Binary StandUp". Robots in casual attire gather outside, laughing and chatting, creating a lively atmosphere. +A realistic photograph of a wrist tattoo in cursive script reading "Fearless", with the skin slightly tanned and a subtle shadow under the text, set against a neutral background. +A serene cemetery under a soft, overcast sky, with a weathered gravestone prominently featuring the epitaph "Loved And Remembered". Tall grass sways gently in the breeze, and a single wilting flower rests at the base of the stone. +A futuristic urban street at night, a cyborg shop sign glowing "Upgrades Available" in neon blue, reflecting off wet pavements, with cybernetic pedestrians and sleek, futuristic buildings in the background. +A realistic photograph of a modern highway scene with a large billboard prominently displaying the text "Gas Next Exit 2 Miles" against a backdrop of rolling hills and clear blue sky. +A high-altitude mountain summit with a wooden signpost clearly marked "Elevation 8000 Feet", surrounded by rocky terrain and a backdrop of distant, snow-capped peaks under a clear blue sky. +A hiking trail with a wooden signpost clearly displaying "Private Property No Entry", surrounded by dense, green foliage and a winding dirt path leading into the forest. +A realistic photo of a tech campus courtyard at night, featuring a glowing "AI Training Zone" hologram floating in the center, surrounded by futuristic buildings and greenery, with soft ambient lighting enhancing the futuristic atmosphere. +A dark, decrepit haunted house with a menacing door knocker that reads "Abandon All Hope" in eerie, gothic lettering, set against a moonlit night with twisted, shadowy trees in the background. +A detailed ski resort trail map with a prominent marker labeled "Black Diamond Run", set against a snowy backdrop with pine trees and skiers in the distance, capturing the thrill and challenge of the advanced slope. +A medieval knight's castle with a grand drawbridge, the wooden sign above it boldly declaring "Trespassers Will Be Jousted", surrounded by a moat with water lilies and a cloudy sky. +A vintage postcard with a faded, nostalgic look, featuring elegant cursive text that reads "Wish You Were Here" against a backdrop of a serene, old-world seaside town with pastel buildings and a gentle, sunny sky. +A vibrant urban alley with a graffiti wall prominently spray-painted "Street Art Rules", surrounded by colorful tags and murals, under a sunny sky. +A beautifully crafted birthday cake topper shaped like "30 Years Young", adorned with sparkly frosting and shimmering decorations, set against a backdrop of a cozy, candlelit birthday party. +A vast, sun-baked desert landscape with a lone highway stretching into the distance. A weathered road sign stands by the side, warning "Next Gas 100 Miles", under a blazing sky. +A weathered pirate ship flag, tattered and fluttering in the sea breeze, is intricately embroidered with the bold words "Sea Wolf Crew" in deep navy thread, against a backdrop of stormy skies and turbulent waves. +A jewelry store window featuring a sleek, modern decal announcing "Diamond Sale" in elegant, bold letters. The window showcases a variety of sparkling diamond pieces, with soft lighting enhancing the shine and allure of the gems. +A realistic classroom scene with a detailed periodic table poster prominently displaying "Fe Iron Atomic 26", surrounded by other elements, with students' desks and a chalkboard in the background. +A mermaid, with shimmering scales and flowing sea-green hair, holds an ancient map marked with "X Marks the Spot" above a coral reef, surrounded by vibrant tropical fish and sunlight filtering through the ocean's surface. +A bustling city street features a bicycle rental kiosk with a prominent sign that reads "Rent A Bike Here", surrounded by a variety of colorful bikes and happy cyclists. The scene is vibrant and lively, capturing the essence of urban cycling culture. +A cozy café interior with a rustic wooden table, a steaming cup of coffee, and a small white card that reads "PasswordIsCoffee123" prominently displayed next to the coffee. Soft, warm lighting enhances the inviting atmosphere. +A bird's-eye view of Toronto from a plane, with the CN Tower dominating the center of the frame. The text "poona" appears in a cartoon-style bubble near the tower, contrasting with the realistic cityscape below. +A bustling city street at dusk, with a large billboard prominently displaying the word "undergrad" in bold, neon letters. People walk by, some glancing up at the vibrant sign, while others are engrossed in their phones. The scene is illuminated by the soft glow of streetlights and the vibrant colors of the billboard. +A vintage 1950s motel at dusk, with a classic neon sign blinking "Rooms Available Now" in the foreground, set against a cool blue sky with a hint of twilight. The scene captures the nostalgic charm of roadside Americana. +An antique typewriter with a sheet of paper inserted, prominently displaying the typed words: "Chapter 1 It Was a Dark Night". The scene is set in a dimly lit, vintage study with a single desk lamp casting a warm glow over the typewriter. +A detailed inventory list of a dragon's hoard, prominently displaying "Gold Yes" among a pile of shimmering treasures, ancient coins, and valuable artifacts, set in a vast, mystical cave with a majestic dragon guarding the wealth. +A realistic supermarket scene with a prominent freezer sign that reads "Frozen Goods Section", surrounded by shelves stocked with frozen foods, with customers browsing and a slight haze from the cold air. +A neon museum sign in a retro style, glowing brightly with the words "Welcome to Vegas", set against a dark urban night scene with a hint of desert landscape in the background. +A camping mug labeled "Campfire Brew" sits on a rugged, wooden log beside a crackling campfire, surrounded by the serene, twilight forest. Steam rises gently from the mug, blending with the cool evening air. +A high-tech laboratory setting with a test tube labeled "Sample XZ42" on a sleek, illuminated stand, surrounded by advanced scientific equipment and glowing monitors displaying complex data. The scene is modern and sterile, with a scientist in the background observing through a protective visor. +A vintage circus tent with a marquee reading "World's Smallest Elephant", surrounded by a festive crowd and colorful banners, under a bright, sunny sky. +A vibrant beach scene featuring a colorful towel with the phrase "Life's a Beach 2024" prominently displayed, surrounded by seashells, sunglasses, and a flip-flop, set against a backdrop of clear blue water and golden sand. +A vintage suitcase adorned with a colorful sticker collection, prominently featuring a worn, antique sticker that reads "Lost in Atlantis 1923", surrounded by other nostalgic travel stickers from the early 20th century. +An astronaut in space, the helmet visor reflecting a floating "Low Oxygen Warning" sign, surrounded by the vast, star-filled darkness, with Earth faintly visible in the distance. +A mysterious envelope with intricate embossing, prominently featuring the words "Burn After Reading", lies on an antique wooden table, illuminated by the soft glow of a single candle, suggesting the invitation to a secret society. +A close-up of a medicine bottle with a prominent warning label that reads "Consult Doctor", set against a neutral background, emphasizing the clarity and visibility of the text. +A realistic photograph of a guitar case with a prominent sticker on it, clearly stating "Handle With Care", placed against a neutral background to highlight the detail of the sticker and the texture of the case. +A courtroom scene with a judge's gavel resting on a wooden plaque that reads "Order in the Court", set against the backdrop of a quiet, solemn courtroom. +A vibrant, modern advertisement featuring a sleek water bottle with the slogan "Stay Hydrated" prominently displayed. The bottle is half-filled with crystal-clear water, set against a backdrop of a lush, green forest, emphasizing the importance of hydration in nature. +A futuristic greenhouse featuring an alien plant pot labeled "Water Weekly with Stardust", surrounded by bioluminescent flora and advanced gardening technology. The pot is sleek, with an otherworldly glow, set against a backdrop of starlit skies. +A bustling deli with vintage decor, the counter lined with gleaming metal and glass. A retro ticket machine in the corner, lights blinking, prints out a paper slip that reads "Now Serving 42", amid the hum of conversation and the scent of fresh bread. +A realistic photograph of a street sign with "one way" prominently displayed, set against a backdrop of a busy urban street with cars and pedestrians. +A classroom setting with students taking a history test, focusing on a student intensely writing the answer to the question "WW2 Dates" on their exam paper, surrounded by textbooks and notes. +A close-up of a wristwatch face with intricate, vintage-style engravings, prominently displaying the phrase "Time Is Precious" at the 12 o'clock position, surrounded by elegant Roman numerals and delicate hands pointing to the current time. +A vast desert canyon with ancient, weathered walls, where vibrant graffiti in bold, red letters reads "Turn Back", contrasting sharply against the natural, sandy hues of the rock. +A close-up of a skateboard deck featuring intricate grip tape art that boldly displays the phrase "Skate or Die" in a vibrant, graffiti-style font, set against a textured, urban backdrop. +A weathered pirate with an eyepatch inscribed "Property of Captain Noodle", standing on the deck of a ship, the salty sea breeze ruffling his beard, under a sky streaked with the colors of sunset. +A cozy bakery interior with a glass display case prominently featuring a label that reads "Fresh Baked Daily", surrounded by an assortment of freshly baked breads and pastries, bathed in warm, inviting lighting. +A weathered treasure map laid out on an old wooden table, with "X Marks the Spot" clearly visible in the center, surrounded by intricate illustrations of mountains, forests, and a distant coastline, all under the warm glow of a vintage lamp. +A laboratory setting with a mouse cage prominently displayed. The cage tag clearly reads "Group B Experiment 9". The scene is lit by the soft glow of overhead lights, with scientific equipment and notes scattered around, emphasizing the controlled environment. +A futuristic video game loading screen with a sleek, neon-lit interface. In the center, large, glowing text reads "Press X to Doubt Reality". The background features a swirling vortex of digital particles, hinting at the surreal journey ahead. +A close-up of a sleek smartwatch screen displaying a notification that reads "Hydrate Now", with a subtle blue light highlighting the text and a minimalist background. +A majestic pirate ship sails the open sea, its large sail prominently embroidered with "Queen Anne's Revenge". The ship cuts through choppy waters, with the wind billowing the detailed sail. Dark clouds loom overhead, adding to the dramatic, adventurous scene. +A high-tech dragon egg incubator with a sleek, futuristic design, featuring a digital display that reads "Hatch Date" prominently. The incubator is surrounded by soft, ambient lighting, highlighting the delicate, glowing dragon egg inside. +In a cozy cat cafe, a menu board displays "Purr Therapy 5 minute" among other offerings. A fluffy gray cat sits nearby, looking relaxed and ready to offer its soothing presence to patrons. The scene is warm and inviting, with soft lighting and comfortable seating. +A detailed science fair poster titled "Volcano Eruption Experiment", showcasing a colorful, explosive model of a volcano with lava spilling down its sides, surrounded by diagrams and facts about volcanic eruptions, all set against a vibrant, educational background. +A modern, vibrant online ad banner featuring bold, eye-catching graphics with the text "Click Here for Discount" prominently displayed, set against a dynamic background of abstract shapes and colors, designed to grab attention and invite clicks. +A modern library interior with sleek, wooden bookshelves and a row of computers along one wall. A sign above the computers reads "Search Catalog Here". Soft, natural light filters through large windows, casting a warm glow over the space. +A realistic photograph of a worn road sign near a rugged cliff, reading "Danger Edge Unstable", with the vast, misty landscape stretching beyond. +Wanted poster with a rugged, old parchment texture, offering a substantial reward for the capture of the "Bandit Who Stole the D". The poster is tattered, with a faded sketch of the bandit, and is pinned to a wooden board in a bustling, dusty frontier town. +A marathon runner, wearing a bib numbered "2024 Boston", is captured mid-stride on a city street, with cheering spectators lining the route and the iconic Boston skyline in the background. The runner's determined expression and the vibrant atmosphere highlight the intensity of the race. +A vibrant car dealership banner reads "Electric Vehicles Here" in bold letters, showcasing a variety of sleek electric cars parked neatly in front of a modern showroom with large glass windows reflecting the sunny sky. +A neon bike rental sign glowing "Ride the City" stands out against a dark urban backdrop, its vibrant colors reflecting off wet pavements in a bustling night scene. +A modern elevator interior with a sleek, metallic emergency button cover prominently displaying the text "Break Glass for Drama". The button is centered, with reflective surfaces and soft lighting enhancing the scene's realism and detail. +A close-up of a hotel room keycard, prominently displaying the text "Do Not Disturb Ever", lying on a sleek, modern hotel room desk with a subtle, ambient light highlighting the card's details. +A dimly lit prison cell with rough, gray walls. In the center, a worn wooden bench. On the wall, scratched in crude letters, the phrase "The Cake Was a Lie" stands out starkly against the grim backdrop. +A lighthouse stands tall against a stormy night sky, its beacon casting a powerful beam of light that illuminates the turbulent sea, with the words "Safe Harbor Ahead" clearly visible in the light. +A neon sign flashing "Open 24 Hours" hangs above a bustling convenience store, casting a vibrant glow on the sidewalk and the people passing by in the evening. The store's windows are lit up, displaying shelves of snacks and drinks. +A close-up of a vintage seed packet, labeled "Magic Beans Inside", lying on a rustic wooden table, with a pair of old gardening gloves and a spade resting nearby, surrounded by lush green plants and flowers in a sunlit garden. +"Skate or Die" slogan prominently displayed on a vibrant, colorful skateboard deck, set against a backdrop of a bustling urban skate park at sunset, with skaters in motion and graffiti-covered walls, capturing the rebellious spirit and dynamic energy of skate culture. +A close-up shot of a movie theater popcorn bucket, prominently displaying the text "Extra Buttery" in bold, with the bucket filled to the brim with golden, buttery popcorn, set against a dark, cinematic background. +A bustling carnival scene with colorful lights and joyful crowds. At the entrance of a towering, vibrant ferris wheel, a sign reads "Must Be This Tall" next to a painted figure indicating the height requirement. Children look up with anticipation, some eager, others discouraged. +A museum gallery with soft, ambient lighting, showcasing an ancient artifact behind a glass display. A clear, prominently placed sign with the label "Do Not Touch" stands next to the exhibit, warning visitors to keep their hands off the precious item. +A retro video game cartridge, labeled "Press Reset to Time Travel", sits on a vintage game console. The room is dimly lit, with soft glow from a CRT TV, capturing the nostalgic essence of 1980s gaming culture. +A classroom scene with a teacher placing a golden "Math Star" sticker on a student's notebook, surrounded by math books and charts, capturing the moment of achievement and pride. +A futuristic sci-fi book cover titled "Colony Mars", featuring a sleek, domed habitat on the red Martian surface, with astronauts in advanced suits exploring the rocky terrain under a distant, pale sun. +An ancient papyrus scroll, delicately unfurled, bearing the inscription "Kingdom of Ra 3200 BC", illuminated by the soft glow of a nearby oil lamp in a dimly lit, stone-walled chamber. +A charming bakery window featuring a vintage decal that announces "Croissants Fresh Daily", with steam rising from a basket of freshly baked croissants inside, and a warm, golden light spilling onto the cobblestone street outside. +A cozy coffee shop interior with a rustic wooden menu board prominently displaying "Fresh Brew Daily" in elegant handwriting, surrounded by steaming cups of coffee and pastries on a sunlit counter. +A close-up of a police car door, featuring the emblem "Serve and Protect" prominently displayed, with a reflective shine on the metal surface and a subtle cityscape reflected in the background. +A realistic photograph of a brick wall with graffiti reading "Ephemeral Dreams" partially obscured by layers of faded, multi-colored spray paint, capturing the transient nature of street art. +A bustling train station with a vintage aesthetic, the platform speaker hanging from a metal pole, clearly announcing "Now Boarding Track 9" amidst the crowd of travelers, luggage carts, and the distant steam of an approaching locomotive. +A close-up of a futuristic robot chest plate, marked with the inscription "Model T800 Service Unit", set against a sleek, metallic background, showcasing detailed mechanical components and subtle wear, emphasizing its advanced yet utilitarian design. +A futuristic sci-fi spaceship console with sleek, metallic surfaces and glowing blue panels. The console's central display blinks "Hyperdrive Ready" in bright, neon letters, surrounded by an array of blinking lights and control buttons. +A realistic photograph of a university lecture hall, with a large screen displaying a slide titled "Introduction to AI". Students are seated, attentively looking at the screen, while a professor stands beside it, pointing to key points on the slide. +At a bustling farmer's market, a wooden stand displays a hand-painted sign reading "Organic Moon Vegetables". Vibrant, otherworldly produce in shades of blue and silver is artfully arranged, catching the eye of passing shoppers. The scene is bathed in the warm, golden light of the late afternoon sun. +A neon-lit nightclub VIP section with a modern, sleek design. The sign prominently displays "List Only" in bold, glowing letters, set against a backdrop of pulsing lights and a crowd enjoying the vibrant nightlife scene. +A movie set with a clapperboard marked "Scene 1 Take 2" lying on a director's chair, surrounded by film equipment and crew members preparing for the next shot, under the soft glow of studio lights. +A close-up of a bookstore shelf label prominently displaying "Bestsellers of 2023", with neatly arranged books of various colors and titles behind it, capturing the vibrant and inviting atmosphere of a bustling bookstore. +A vibrant movie poster with the tagline "The Adventure Begins July 10" prominently displayed. The background features a dramatic landscape with a mysterious path leading into a dense forest, hinting at the start of an epic journey. +A stylish, modern tea packaging design for "Organic Chamomile Blend", featuring a serene yellow and white color scheme with delicate illustrations of chamomile flowers and leaves, set against a clean, minimalist background. +A bustling airport terminal with a large digital display screen prominently showing "Flight 404 Cancelled" amidst other flight statuses, passengers looking disappointed and checking their phones, and airport staff assisting confused travelers. +A beautifully decorated birthday cake with smooth blue icing, the letters "Happy 30th Jake" elegantly spelled out on top, surrounded by colorful candles and sparkling decorations, set on a white tablecloth in a cozy living room. +A dimly lit elevator with a sleek button panel featuring a row of numbered buttons. Among them, a mysterious, glowing red button labeled "Secret Floor" stands out, inviting curiosity and intrigue. +A detailed floor plan of a haunted mansion, with eerie corridors and shadowy corners. The room labeled "Room 404 Ghost Not Found" stands out, its door slightly ajar, revealing an empty, dust-filled chamber. Dim, flickering lights cast long shadows, enhancing the unsettling atmosphere. +A vast desert landscape under a scorching sun, where a mirage forms the shimmering letters "Water This Way" on the distant horizon, creating an illusion of hope in an otherwise barren and arid environment. +A vintage radio with a worn wooden casing, the dial glowing softly and labeled "Tune to Adventure", set against a backdrop of an old, cozy living room with a fireplace and a bookshelf. +A realistic photograph of a closed laboratory door, with a prominent warning sign that reads "Biohazard Inside", surrounded by a sterile, white-walled hallway with dim lighting and a slightly shadowy atmosphere. +An astronaut stands against the backdrop of a star-studded universe, the helmet visor clearly reflecting the text "Mission Control" amidst the serene glow of distant galaxies and the Earth hanging in the void. +A vast, green cornfield under a twilight sky, with a intricate alien crop circle that spells out "Humans LOL" in the center, surrounded by flattened stalks forming intricate patterns, with a distant farmhouse and silo on the horizon. +A vibrant school science fair poster titled "Innovate the Future", featuring a diverse group of students presenting their projects, with futuristic technology and colorful graphics, set against a dynamic, tech-inspired background. +A realistic cockpit interior with a digital screen displaying "Prepare for Landing" in bold text, illuminated by soft blue backlighting, with the pilot's hand resting on the control yoke. +A spy stands in a dimly lit, futuristic alley, holding a sleek black briefcase with a digital combination lock set to "TRUSTNO1". The neon lights reflect off the wet cobblestones, casting eerie shadows. The spy’s face is partially obscured by the brim of a hat, eyes scanning the surroundings warily. +A dimly lit, cozy restaurant with a fortune cookie slip prominently displayed, reading "Salmon will betray you", next to a half-empty plate of sushi. The scene captures the moment of revelation, with a subtle, mysterious atmosphere. +A vast desert canyon with ancient, weathered walls, one of which prominently features the inscription "Elvis Was Here 1958" etched into the rock, surrounded by rugged terrain and sparse, hardy vegetation. +A delicate perfume bottle, elegantly labeled "Midnight Serenade" in swirling, sophisticated script, resting on a velvet surface under the soft glow of moonlight, with a hint of mist swirling around it, enhancing its mystical allure. +A realistic photograph of a scene with bright yellow caution tape, prominently displaying the text "Biohazard Zone", stretched across a doorway in a dimly lit laboratory. +Yoga studio mural with a serene, calming vibe: "Breathe In Peace" is prominently displayed in elegant, flowing script, surrounded by lush greenery and tranquil water elements, set against a soft, pastel background. +A close-up of a worn pilot's flight logbook titled "Flight 007 Logs", with pages slightly curled and a pen resting on an entry detailing a night flight over the ocean. +A sleek spy gadget watch with a futuristic design, its screen flashing "Mission Complete" in a high-tech font, set against the backdrop of a dimly lit, high-stakes environment. +An astronaut's glove floats in the vastness of space, its "Help" finger seemingly writing an urgent message against the backdrop of distant stars and planets. +A carnival tent with colorful lights, crowded with people. A large, distorted mirror stands prominently, reflecting a person's exaggerated features. The mirror bears a haunting caption in bold letters: "This Is Your Real Face". The scene is lively yet eerie, capturing the essence of a classic funhouse attraction. +An ancient, weathered stone tablet, partially covered in moss, with the intricate inscription "Kingdom of the Sun" prominently carved into its surface, set against a backdrop of dense, overgrown forest. +A vintage time machine’s dashboard, illuminated by soft, blinking lights that spell out "Destination Yesterdays Lunch", set against a backdrop of swirling temporal energies. +A weathered treasure map with an X marked in red ink and the ominous note "Beware the Kraken" written in a curly, antique script. The map is partially torn and shows a detailed coastline with cliffs and a dense forest. +A detailed, realistic replica of the historical document "Declaration Signed 1776", showcasing the aged parchment, elegant calligraphy, and signatures, set against a subtle, neutral background to highlight its historical significance. +A weathered pirate's treasure chest, emblazoned with a skull and crossbones, sits on a sandy beach at sunset. The chest is slightly ajar, revealing a glowing inscription that reads, "Contains 0 Responsibility". Seagulls circle overhead, and the tide gently laps at the shore. +A vibrant skateboard deck featuring the bold graphic "SKATE OR DIE 4EVER" in dynamic, graffiti-style lettering, set against a gradient background that shifts from deep blue at the nose to bright orange at the tail, with subtle scratch marks and wear to give it a well-used, authentic look. +A chef stands in a bustling kitchen, wearing an apron embroidered with "Kiss the Cook or Else", preparing a gourmet dish while surrounded by steaming pots and fresh ingredients. +A realistic photograph of a wall calendar square prominently displaying "Doctor Appt 2 PM" in a modern, clean font, set against a light beige background with subtle texture. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Bread Wizard" in delicate, flour-dusted thread, surrounded by freshly baked bread and baking tools. +A close-up of a robot's metallic chest, with a digital display prominently showing "System Update In Progress", surrounded by blinking lights and subtle wiring, set against a dimly lit, futuristic background. +A realistic photograph of an alien zoo exhibit, featuring a sign that reads "Human: Mostly Harmless" in clear, bold letters, with a glass enclosure and a backdrop of futuristic alien flora and fauna. +A realistic photograph of an android holding a protest sign that reads "Battery Lives Matter" in a crowded, futuristic city square, with onlookers and news cameras capturing the scene. +A detailed view of a spaceship hull, featuring warning text "Caution Air Lock" next to a glowing red button, set against the backdrop of a dark, starry space. +A futuristic space station corridor with a quarantine door displaying a red alert message "Containment Breach Detected" in bold letters. The dimly lit hallway is filled with a slight haze, adding to the tense atmosphere. +A farmer's scarecrow stands in a golden wheat field, wearing a rustic, tattered sign that reads "Crows Welcome" in bold letters, creating an ironic and whimsical scene under a clear blue sky. +A wizard stands in a dimly lit ancient chamber, holding a staff with intricate engravings. The staff glows faintly, and the words "This End Towards Enemies" are clearly visible. The wizard's eyes are closed, concentrating, as magical energy swirls around the staff. +A cozy bakery with a large glass window, featuring a stylish decal that reads "Gluten-Free Options Available" in elegant font, surrounded by displayed pastries and bread, with soft morning light filtering through, highlighting the inviting atmosphere. +A realistic photograph of an airport security checkpoint, prominently displaying a clear and bold sign that reads "No Liquids Allowed", with travelers and security personnel in the background. +A vibrant brick wall in a bustling urban area, covered in dynamic graffiti that spells "Street Art Rules" in bold, colorful letters, surrounded by shadows of passersby and the faint glow of streetlights. +A detective holds a magnifying glass with the handle intricately engraved with "Truth Finder", examining a clue in a dimly lit, vintage office filled with old books and dusty files. The scene captures the essence of a classic mystery. +A realistic Halloween scene featuring a tombstone adorned with carved pumpkins and flickering candles, with the epitaph "Rest in Peppers" clearly visible, set against a backdrop of a moonlit graveyard. +In a dimly lit library archive, an old wooden box sits on a dusty shelf. The box is labeled with a weathered tag that reads "Manuscript 1492", surrounded by ancient books and scrolls. +A realistic photograph of an airport departure board prominently displaying "Flight 808 On Time", with travelers passing by, luggage carts parked nearby, and the clean, modern aesthetic of an airport terminal in the background. +A cozy bakery interior with a glass display case showcasing an assortment of gluten-free pastries and cakes. The display case label prominently reads "GlutenFree Delights" in elegant, cursive font, reflecting the bakery's commitment to dietary needs. Soft, warm lighting enhances the inviting atmosphere. +A cozy bookstore interior with a wooden shelf marker prominently displaying "Staff Pick Book 15" next to a stack of books, warm lighting, and a subtle background of book-filled shelves. +A close-up of a spacesuit arm patch that reads "Mission to Europa", set against the backdrop of a futuristic space station orbiting the icy moon of Jupiter, Europa. The patch features intricate details of a spacecraft and the Europa logo. +A movie set with a clapperboard slate prominently displaying "Scene 7 Take 3", surrounded by film crew members preparing for the shot, with cameras and lights set up in a realistic, detailed scene. +A digital scoreboard at a bustling stadium, illuminated with bright lights, flashes "Home Team Wins" in large, vibrant letters, as the crowd erupts in cheers and confetti falls from the sky. +A fast food drive-thru menu illuminated at night, featuring a peculiar add-on item: "Add Regret 000". The neon lights cast a surreal glow, emphasizing the eerie and mysterious nature of this unconventional menu option. +A detective's office door, slightly ajar, with a brass plaque reading "No Case Too Small Maybe" prominently displayed. The scene is dimly lit, with a vintage lamp casting a warm glow, emphasizing the worn, mysterious atmosphere of the room. +A bustling amusement park with a vibrant entrance arch prominently displaying "Height Limit 48in", surrounded by excited children and their parents, with colorful banners and playful music in the background. +A time capsule buried in a grassy park, surrounded by autumn leaves and a small crowd of curious onlookers. A bronze plaque reads "Open 2050", reflecting the warm sunlight and the anticipation of the moment. +A close-up of a spacesuit glove, showcasing the intricate embroidery that reads "Mars Base Alpha Crew", set against the backdrop of a dusty Martian landscape. The glove is slightly worn, hinting at the challenges faced by the crew. +A weathered bottle, half-buried in sandy shores, with a parchment note inside reading "Help Stranded". The scene is bathed in the warm, golden light of a setting sun, emphasizing the urgency and isolation of the message. +A digital alarm clock with a sleek, modern design sits on a bedside table, projecting the phrase "SLEEP IS FOR WEAK" in bold, red letters onto the ceiling of a dimly lit bedroom. +A gritty urban scene with vibrant graffiti on a subway wall, prominently featuring the bold text "Revolution Now" in dynamic, eye-catching colors, surrounded by tags and murals, under the dim light of a streetlamp. +A prehistoric cave wall adorned with ancient paintings, featuring a mammoth with a speech bubble that reads "Ooga Booga", surrounded by crude handprints and other wildlife illustrations, illuminated by the flicker of a torch. +Retro diner jukebox with a shiny vinyl finish, illuminated by soft neon lights, playing "50s Hits Only" sticker prominently displayed on the selection panel, surrounded by vintage diner decor. +Ancient temple wall with intricate stone carvings, prominently featuring the phrase "Wisdom Here" in an elegant, ancient script, surrounded by weathered symbols and decorative motifs, bathed in soft, golden sunlight. +A vibrant candy shop window adorned with a playful decal announcing "Free Samples Today", surrounded by an array of colorful sweets and lollipops, with sunlight streaming through, creating a joyful and inviting atmosphere. +A baking show contestant stands proudly in the kitchen, wearing an apron embroidered with "Star Baker". The warm, golden light from the overhead lamps highlights the intricate embroidery and the contestant's focused expression as they prepare a dessert. +"Exquisite" written in modern calligraphy, with elegant, flowing strokes on a minimalist white background, showcasing the beauty and precision of the script. +A purple flower with a delicate crown on its head, featuring a speech bubble that says "I am a purple flower", set against a serene garden backdrop. +A close-up of a candle with the label "Vanilla Scent" prominently displayed, set against a warm, cozy background with soft lighting, capturing the essence of a relaxing evening. +A close-up of a calculator screen displaying "Error 404", set against a blurred background of math books and a desk, with a faint glow around the screen to highlight the error message. +Retro diner menu board with a vintage 1950s aesthetic, prominently displaying "Burger Meal 5" in bold, neon-colored letters. The board is slightly weathered, with a classic checkered pattern in the background, evoking a nostalgic feel of a classic American diner. +A vibrant candy wrapper design featuring "Choco Crunch", with a playful, colorful background and the brand name prominently displayed in bold, eye-catching letters. The wrapper includes illustrations of chocolate chunks and crunchy elements, enhancing the product's appeal. +An astronaut’s boot print, clearly marked "First Step Here", embedded in the fine lunar soil, under the stark light of the sun, with the Earth hanging low in the black sky above. +A vibrant urban wall features bold, dynamic graffiti spelling "Revolution Now" in striking colors, capturing the energy and urgency of a movement. The graffiti stands out against a textured, weathered background, with shadows and highlights adding depth and realism to the scene. +A close-up of a modern pizza box with the logo "Slice Heaven" prominently displayed, featuring a heavenly slice of pizza with a glowing halo above it, set against a warm, inviting background. +A rustic farmer’s barn door with a weathered sign warning "Beware of Zombie Cows", set against a misty, early morning backdrop. The door shows signs of age and use, with the sign adding a touch of eerie humor to the scene. +A high-resolution screen displays the rocket launch countdown, showing "321Liftoff" in bold, illuminated digits against a dark background, surrounded by the serene landscape of a launch pad at twilight, with distant mountains and a faint starry sky. +A protestor holds a hand-painted sign demanding "Equal Rights Now", standing in a crowded urban street, surrounded by other demonstrators and onlookers, under a gray, overcast sky. +A bustling city street at dusk, with a cozy bookstore's window display prominently featuring a "Bestseller List" surrounded by neatly arranged books and warm, inviting lighting. +A quiet library interior with a wooden desk, prominently displaying a brass plaque engraved with "Silence is Golden", surrounded by stacks of books and soft, ambient lighting. +A neon sign outside a tattoo parlor reads "Ink Dreams Studio", casting vibrant colors against the night sky, with reflections on the wet pavement below. +A close-up of a wine bottle with an intricate label titled "Dragons Breath 2023", featuring a fiery dragon exhaling smoke over a vineyard at sunset, with elegant cursive text and a gold border. +A realistic visualization of a black hole, with a swirling accretion disk that glows intensely. The disk forms the words "Event Horizon Ahead" in luminous, swirling gases, set against the dark void of space. +A futuristic spaceship control room with a control panel featuring a prominently displayed, glowing red button labeled "DO NOT PRESS", surrounded by various screens and instruments, bathed in the ambient blue and green lights of the ship's technology. +A bustling farmer’s market stall labeled "Organic Apples 3", featuring a variety of fresh, vibrant apples arranged neatly in wooden crates. The stall is surrounded by happy shoppers, with sunlight filtering through a canopy of leaves, creating a warm, inviting atmosphere. +A close-up of a spacesuit arm patch featuring the mission designation "Project Event Horizon", set against the backdrop of a futuristic space station, with intricate details on the patch and a subtle glow highlighting the text. +A serene landscape featuring a meticulously stacked rock cairn beside a weathered wooden sign that reads "Path To Peace", set against a backdrop of rolling hills and a calm, clear sky. +A realistic construction site with a warning sign that reads "Bridge to Nowhere Ahead", surrounded by a desolate landscape and half-built structures, emphasizing the abandoned and eerie atmosphere. +A modern logo for a chain of grocery stores named "Grocery", featuring a stylized shopping cart and fresh produce, with a vibrant color palette that includes shades of green and yellow, conveying freshness and reliability. +A vibrant hot air balloon ascends into a clear blue sky, trailing a banner that reads "Adventure Awaits" in bold, flowing letters. The balloon's colorful pattern contrasts beautifully against the serene landscape below, inviting viewers to join in the journey. +A sleek, professional logo for the crypto trading platform "SaltMine", featuring a modern, minimalist design with a salt crystal icon integrated into the text, set against a dark, gradient background with subtle blockchain elements. +A glowing Magic 8 Ball floats in a dimly lit room, its triangular window displaying the answer "Ask Again Later" in shimmering, ethereal blue text, surrounded by a soft, mystical aura. +A close-up of a sleek smartphone screen, prominently displaying a notification that reads "New Message Received", with a subtle background of a blurred, modern desk setting. +A realistic photograph of an elevator emergency panel with clear instructions "Break Glass If Needed" prominently displayed, set against a modern office interior with soft ambient lighting. +A scientist stands in a cluttered lab, wearing a white lab coat with a badge on the chest pocket clearly stating "Mad Genius". The lab is filled with various scientific instruments and glowing vials, emphasizing the chaotic yet brilliant nature of the scientist's work. +A bustling city street at night with a movie theater marquee prominently displaying "Now Showing Action 5". Crowds of people in casual attire are entering the theater, while neon lights and billboards light up the background, creating a vibrant urban atmosphere. +A vibrant music festival wristband with "Festival Access 2024" prominently displayed, featuring a colorful design with musical notes and festival logos, set against a backdrop of a bustling crowd and stage lights. +A vintage postcard with a handwritten message that reads "Wish You Were Here", set against a nostalgic beach scene with soft, warm tones and a faded edge. +A close-up of a wristband with the print "Live Free" in bold, vibrant letters, wrapped around a sun-kissed arm, set against a backdrop of a serene beach at sunset. +In a bustling mall, a sign reading "hammerclaw" hangs above a storefront, catching the eye of shoppers passing by. The scene is vibrant with people, colorful storefronts, and the sign prominently displayed in the foreground. +A bustling street with a charming storefront prominently displaying "World's Best Deli" in elegant lettering, centered in the frame, surrounded by vibrant window displays and happy customers. +A detailed, realistic photograph of a historic building's plaque, elegantly engraved with "Established 1890", set against a slightly weathered, stone wall. The plaque is well-lit, highlighting its intricate design and age, with soft shadows adding depth and texture. +An astronaut in a futuristic space suit, standing on a lunar surface, checking the oxygen levels on their suit's display panel. The checklist item "Check Oxygen" is clearly visible. The background features a stark, rocky landscape under a dark, star-filled sky. +A professional boxing match in a well-lit arena, the crowd cheering as the boxer steps onto the mat marked "Round 3", sweat glistening on their skin, the tension palpable. +A bustling city street at night, illuminated by the vibrant neon sign of a tattoo parlor that reads "Ink Dreams", reflecting off the wet pavement and drawing the eye of passersby. +An astronaut stands beside the "Lunar Module Repair Kit", a sleek, silver toolbox with various tools neatly arranged inside, against the backdrop of the moon's barren, rocky landscape, with Earth visible in the distant, dark sky. +An ancient, weathered scroll unfurled to reveal the intricate, fading text "Kingdom of Zorath", set against a backdrop of dimly lit, dusty shelves in a forgotten library, with beams of light piercing through the shadows. +A bustling car dealership lot with a sleek, modern showroom. A large, eye-catching banner stretches across the front window, boldly stating "0 APR Financing". Shiny new cars are lined up, reflecting the sunny sky, with excited customers browsing the selection. +A close-up of a candy heart with the message "Text Me Never" in bold, vibrant colors, set against a soft, pastel background with a slight bokeh effect, capturing the playful yet mysterious essence of the message. +A weathered, rusty pirate chest lid, half-buried in sand, with intricate engravings that read "Cursed Treasure Inside", illuminated by the golden light of a setting sun, creating long shadows and emphasizing the chest's worn, ancient appearance. +A busy airport terminal with a large departure screen prominently displaying "Gate Changed" in bold red letters, surrounded by anxious travelers checking their phones and luggage carts scattered nearby. +A live theater performance with a clear "No Cell Phones" policy, audience members carefully stowing away their devices before the curtains rise, and ushers patrolling the aisles to ensure compliance. The stage is dimly lit, setting the mood for an immersive theatrical experience. +A quaint lemonade stand with a hand-drawn sign in child’s writing that reads "50 Magic Potion", adorned with sparkling glitter, set against a sunny suburban backdrop. +A charming bakery window with a vintage wooden frame, adorned with a decal that reads "Fresh Daily" in elegant cursive. Sunlight streams through, casting a warm glow on the display of freshly baked bread and pastries. +A birthday card interior with a whimsical, pastel-colored design, featuring the message "Make A Wish" in elegant, cursive handwriting, surrounded by sparkling candles and colorful confetti. +A cozy potion shop interior with dim, warm lighting. On a wooden shelf, a hand-lettered parchment label reads "Love Elixir Use Sparingly" next to a row of delicate, glass bottles filled with a shimmering, pink liquid. +A scientist stands in front of a chalkboard, intently writing the famous equation "E=mc²" with a look of deep concentration, surrounded by scattered notes and scientific instruments. +A wizard stands before an ancient, glowing crystal ball, projecting a weather forecast screen that reads "100% Chance of Meteors" against a backdrop of a starry night sky, with meteors streaking across the horizon. +A bustling stadium at dusk, the scoreboard prominently displays "Home Team Wins" in vibrant, illuminated letters, surrounded by cheering fans in team colors, with the victorious team's players celebrating on the field. +A close-up of a pizza box top, the words "Fresh From Oven" printed boldly in red on a white background, steam subtly rising from the edges, suggesting a freshly baked pizza inside. +A vintage Farmer’s almanac page titled "Weather Predictions", featuring detailed illustrations of clouds, temperature gauges, and seasonal weather patterns, surrounded by handwritten notes and weather symbols. +A chef in a bustling kitchen, wearing an apron stained with various sauces, the text "Kiss the Cook" clearly visible across the front. The chef is focused, preparing a dish, with steam rising from nearby pots and the warm, golden light of the setting sun filtering through the windows. +A submarine's control panel, illuminated by green and blue lights, displaying an alert that reads "Depth 500 Meters". The scene is set in a dimly lit, futuristic submarine interior, with crew members in navy uniforms monitoring the gauges and screens with intense focus. +A boxing ring under harsh stadium lights, with a prominent "No Clinching" sign attached to the ring ropes. A tense atmosphere as two boxers stare each other down, their gloves touching, while a referee watches intently from the side. +A realistic photograph of a car dashboard with a prominent "Check Engine" warning light illuminated, set against the dim interior of a modern vehicle, capturing the concern of a driver facing potential mechanical issues. +A realistic movie set with a clapperboard slate clearly marked "Take 3", held by a production assistant in front of a vintage film camera, under the warm glow of studio lights. +A vintage movie theater marquee glowing under the night sky, prominently displaying "Robots in Love" in bright neon lights, with a crowd of excited moviegoers lining up to buy tickets. +A realistic forest scene with a wooden campfire warning sign that reads "Beware of Bears", surrounded by tall pine trees and a faint trail of smoke rising from a nearby campfire. +A treehouse nestled among the branches, with a weathered sign nailed to the trunk, clearly displaying "No Adults Allowed" in bold, playful letters. Sunlight filters through the leaves, casting dappled shadows on the wooden floor. +A rustic scarecrow stands in a golden wheat field, its worn shirt painted with bold black letters: "No Crows Allowed". The sun sets behind, casting long shadows and a warm glow over the scene, emphasizing the scarecrow's vigilant stance. +A realistic urban street scene with a parking meter displaying "Out of Service" on its screen, surrounded by parked cars and pedestrians passing by. The setting is a sunny afternoon, with shadows cast on the ground, emphasizing the inoperative parking meter. +A vintage newspaper page with a bold headline reading "Moon Landing Successful", surrounded by period-appropriate advertisements and articles, capturing the excitement and historical significance of the event in 1960s America. +A vibrant food truck parked on a bustling city street, its side panel airbrushed with the bold slogan "Tacos Save Lives", surrounded by eager customers and the aroma of sizzling tacos. +A vintage poster design featuring the title text "The Great Gatsby" in elegant, Art Deco typography, set against a backdrop of a glamorous 1920s cityscape at night, with luxurious cars and fashionably dressed figures. +Retro diner scene with a red and white checkered placemat featuring the text "Todays Special Atomic Burger" in bold, vintage font. The placemat is slightly worn, with a classic 1950s diner background. +A futuristic spaceship airlock with a glowing red warning sign that reads "Decompression Risk", surrounded by cold, metallic walls and illuminated by dim, emergency lights. +A vintage theater marquee, illuminated by soft neon lights, prominently displays the text "Magic Show Tonight". The marquee is set against a dusk sky, with a few early stars beginning to twinkle. A cobblestone street leads up to the theater, adding to the nostalgic atmosphere. +A scuba diver checks their tank gauge, which reads "Depth 100 Meters", surrounded by vibrant coral and colorful fish in the deep blue ocean. +A submarine hatch, marked with bold, red letters reading "Depth Critical", is partially open, revealing the dark, mysterious interior of the submarine. The scene is illuminated by the dim, blue light of the underwater environment, adding to the tense atmosphere. +A medieval knight holds a shield emblazoned with the crest "Fortis et Fidelis", standing resolutely in a sunlit courtyard, surrounded by ancient stone walls and banners fluttering in the breeze. +A classroom globe with a vibrant sticker marking the "Equator Line", surrounded by curious students and educational posters on the walls, capturing the essence of a geography lesson in progress. +A nostalgic scene of two vintage glass candy hearts on a pale pink background, one heart bearing the message "Text Me Maybe" in playful, cursive letters, surrounded by a soft, romantic glow. +A vibrant firework display lights up the night sky, forming the words "Celebrate Life" in a dazzling array of colors, with sparks cascading gracefully below. The scene is captured from a distance, with a crowd of excited onlookers in the foreground, their faces illuminated by the brilliant display. +A realistic photograph of a science laboratory with a prominent red warning sign that reads "Biohazard Zone" hanging on the wall, surrounded by scientific equipment and safety gear. +A gritty urban street at night, with a dive bar neon sign glowing brightly, reading "Cold Beer Here", casting a warm, inviting glow through the misty air, reflecting off the wet pavement. +A detailed science fair poster titled "Robot Rebellion Study", featuring charts, graphs, and images of futuristic robots in various stages of revolt, with a backdrop of a cityscape under siege, all presented in a sleek, modern design. +A movie director's chair under the bright lights of a film set, prominently labeled "Action Films Inc", with clapperboards and cameras in the background, capturing the essence of a bustling film production. +A photograph of a scientist in a lab, wearing a white lab coat with a nametag that clearly reads "Dr Fusion", standing amidst various high-tech gadgets and experimental apparatus. +A realistic photograph of a modern kitchen with a microwave prominently displayed. On the microwave's door, a clear, red label reads "Remove Metal Containers" in bold text, warning users against placing metal objects inside. +A medieval shield, weathered and battle-worn, prominently displays the crest motto "Honor et Virtus" in elegant, gothic lettering. The shield is held by a knight in full armor, standing in a misty, ancient forest. +A detailed ski resort map highlighting "Black Diamond Trails", showcasing steep slopes, pine trees, and snow-covered peaks, with skiers in action and a lodge in the background. The map is designed with vibrant colors and clear markings, emphasizing the challenging terrain. +A close-up of a vintage book page with a library stamp in the corner, clearly reading "Property of Moonlight Library", surrounded by faded text and intricate borders. +A vintage movie poster featuring the title text "Dersu Uzala" in elegant, bold letters, set against a backdrop of a serene, snow-covered forest. The scene captures the essence of a deep, contemplative journey through nature, with subtle hues of blue and white. +Astronaut's boot print in fine moon dust, clearly showing the engraved words "First Step", set against the stark lunar landscape under a distant Earth in the sky. +A vibrant food truck parked on a bustling city street, its side panel airbrushed with the bold text "Tacos Save Lives" in dynamic, colorful lettering, surrounded by illustrations of sizzling tacos and happy customers. +A serene desert scene with a weathered signpost pointing towards "Hidden Water Spring", surrounded by tall palm trees and golden sand dunes, under a clear blue sky. +A serene yoga studio with walls and floor adorned in a repeating pattern of "Breathe In Panic Out" on yoga mats, creating a calming yet motivational atmosphere. +A vintage, rustic package of magic beans, prominently displaying the warning "Grows Best in Debt" in bold, gothic lettering. The package is worn, with a weathered texture, and sits on a wooden table next to a small, sprouting bean plant, hinting at its mystical properties. +A rustic farmer’s barn door, weathered by time, features a bold stenciled sign reading "Fresh Eggs Daily", surrounded by a countryside backdrop with a scattering of chickens. +A digital clock tower in a futuristic city square, prominently displaying the time "3 15 PM", with sleek, modern architecture and a vibrant, bustling crowd in the foreground. +A close-up of a friendship bracelet with colorful beads spelling "BFF 4 Ever" on a sunlit wrist, the beads reflecting the warm sunlight, set against a soft, blurred background of green foliage. +A realistic photograph of a school bus stop sign with the text "Stop When Red Lights Flash" prominently displayed, set against a suburban street scene with a yellow school bus pulling over and children waiting at the stop. +A close-up of a pizza delivery box, "Hot And Fresh Guaranteed", sitting on a wooden table, with steam rising from the box, and a slice of pizza partially visible, creating a warm, inviting atmosphere. +A futuristic spaceship airlock with a prominent warning sign that reads "Decompression Risk" in glowing red letters, illuminated against the dark, metallic walls and dimly lit control panels. +A museum gallery with a futuristic interactive exhibit, featuring a large, glowing touchscreen display. A clear sign with the words "Hands Off" is prominently displayed, warning visitors not to touch. The scene is lit by the soft, ambient light from the exhibit and overhead spotlights. +A superhero in mid-flight, their cape billowing behind them, embroidered with "Hero in Training", against a city skyline at sunset, capturing the essence of an emerging hero. +An antique treasure chest, its lid intricately carved with the ominous warning "Open at Peril", set against a backdrop of aged, wooden planks and flickering candlelight, evoking a sense of mystery and danger. +A realistic smartphone screen displaying a weather app notification with the warning "Storm Alert Active", set against a backdrop of dark, stormy skies with flashes of lightning in the distance. +In a desolate, post-apocalyptic landscape, a weathered gas station sign stands tall, reading "Hope Sold Here 10 Miles Ahead". The sign is partially rusted, with a faint glow from a single, flickering light, set against a backdrop of barren, overgrown terrain. +A bustling street food scene with a vibrant food truck, its window sign prominently displaying "Tacos 3 For 5 Dollars" in bold, colorful letters, attracting a diverse crowd of hungry customers. +A medieval knight stands proudly, holding a shield emblazoned with the motto "Honor Above All" in intricate Old English font, set against a backdrop of a misty, ancient castle. +A bustling farmers market with a wooden stall sign prominently displaying "Organic Produce Only", surrounded by vibrant, fresh vegetables and fruits, under a sunny sky. +A realistic photograph of a roadside billboard displaying "Next Exit 2 Miles" against a backdrop of a busy highway, with cars passing by in the evening light. +A realistic photograph of a wooden door with a brass nameplate centered, clearly reading "Dr Emily Grant", set in a university hallway with soft, natural lighting. +A beekeeper stands beside a wooden hive box, carefully labeled "Buzz Central Handle With Care", surrounded by a bustling field of wildflowers, with bees fluttering around the hive and the keeper wearing traditional protective gear. +A bakery window adorned with a decal in French, stating "Fresh Croissants Daily", surrounded by the warm glow of indoor lighting and a display of freshly baked croissants. +A detailed botanical garden map titled "Tropical Zone Ahead", featuring vibrant illustrations of exotic plants and flowers, set against a lush, green background with winding paths leading to various sections of the tropical zone. +A realistic photograph of a basketball court, focusing on the "Free Throw Line" with detailed wood grain and subtle wear marks, set under the bright lights of an indoor gym. +A realistic photograph of a race finish line, with a large banner prominently displaying "Finish Line Ahead" in bold letters, surrounded by cheering spectators and exhausted runners approaching the end of the track. +Retro arcade hall, dimly lit, vintage arcade machine glowing, screen blinking "Insert Coin", surrounded by nostalgic game posters, soft ambient light, 80s atmosphere. +A realistic photograph of a cafe setting with a "Do not reserve a seat" reminder sign clearly posted on the back of a wooden chair, surrounded by other occupied and empty chairs, with soft ambient lighting. +A close-up of a hospital wristband labeled "Patient 24601" on a pale wrist, with medical equipment faintly visible in the background. The scene is lit by the cool, fluorescent lights typical of a hospital room, emphasizing the sterile and clinical environment. +A baker's dozen box, elegantly tied with a ribbon featuring calligraphy that reads "13 Cookies Inside", sits on a rustic wooden table, surrounded by the warm, inviting glow of a cozy kitchen. +A rugged mountain climber's gear, tagged with "Everest Expedition 2025", lies on a rocky surface at the base of a snow-capped peak, with a panoramic view of the Himalayas in the background. +A weathered Viking runestone stands in a misty Nordic landscape, ancient runes intricately carved into its surface. The runes spell out "IKEA Assembly Instructions", blending historical mystique with modern humor. Soft, diffuse sunlight highlights the stone's texture and the surrounding moss. +A high-tech space station's control room, with a large alert screen flashing bright red, displaying "Solar Storm Alert" in bold, warning the crew of impending danger. The room is filled with the glow of various monitors and the tense atmosphere of the crew at work. +A realistic photograph of an elevator button panel, featuring a modern, sleek design with illuminated buttons. Notably, the panel includes a button labeled "Floor ½", set against a backdrop of brushed metal. +Two llamas energetically dancing the mambo, one of them playfully pointing to a vibrant sign that reads "Llama Mambo", set against a festive background with colorful lights and confetti. +A hospital room with a patient in a bed, an IV stand holding a bag labeled "Critical Care Fluid Only", and medical equipment in the background. The scene is lit by the soft glow of a lamp, creating a serene and focused atmosphere. +A whimsical treehouse nestled in a lush green canopy, with a rustic wooden sign nailed to the door, boldly stating "No Adults Allowed", surrounded by vibrant leaves and dappled sunlight. +A dimly lit library archive, with old wooden shelves lined with dusty, leather-bound books. On a worn oak table, an archive box is prominently displayed, stamped in bold red letters, "Classified Reality Anomalies", surrounded by scattered papers and a flickering lamp. +A realistic smartphone screen with a notification pop-up displaying "Low Battery Anxiety" in the center, surrounded by a slightly blurred environment to focus attention on the message. The screen is set against a modern, minimalistic backdrop. +A cozy, dimly-lit restaurant with a wooden sign that reads "Bookings Recommended" hanging above the entrance, illuminated by the warm glow of a vintage street lamp. The sign is slightly weathered, adding to the rustic charm of the setting. +A sleek, modern vampire fitness tracker displays "0 Steps 10000 Bites" on its screen, resting on a dark, gothic desk surrounded by antique books and candles. The scene is bathed in a dim, eerie light, highlighting the tracker's eerie glow. +A realistic photograph of an open detective's notepad page, titled "Suspect Everyone", with handwritten notes and sketches detailing various suspects and clues, set against a dimly lit, moody background. +A realistic photograph of a gas station with a large, red price sign prominently displaying "Fuel Prices Rising" against a cloudy sky, cars filling up in the background, and a worried expression on the face of a customer checking the prices. +A bustling movie theater at night, the marquee brightly lit and prominently displaying "Midnight Premiere Sold Out" in bold letters. Crowds of excited moviegoers gather outside, with some looking disappointed. The scene is set in a city with a modern, urban feel. +A close-up of a vintage seed packet, labeled "Heirloom Tomatoes", lying on a rustic wooden table, with sunlight filtering through a nearby window, casting a warm glow on the detailed illustrations of lush, red tomatoes and green leaves. +An ancient wizard in a dimly lit, rune-covered study, holding a glowing scroll that reads "Spell Failed Try Rebooting", surrounded by mystical artifacts and floating orbs of light. +A neon-lit "Cyborg Lounge" club sign with intricate circuit patterns, set against a futuristic cityscape at night, glowing vividly in the dark. +An astronaut stands on the lunar surface, their helmet visor reflecting the futuristic "Moon Base Alpha" in the distance, under the stark, shadowy landscape of the moon. +An astronaut stands against the vast, starry backdrop of space, the harsh, cold void emphasized by the dark hues. The helmet visor prominently displays "O₂ LEVEL CRITICAL" in stark, red text, highlighting the urgency of the situation. +A medieval tavern interior with a rustic wooden chalkboard hanging on a stone wall, displaying the menu: "Mutton Stew 3 Coins". Patrons in period attire sit at wooden tables, enjoying their meals by the warm glow of flickering candles. +A realistic photograph of a hospital wristband securely fastened around a patient's wrist, clearly printed with "Patient Name Alex Smith", set against a neutral background to emphasize the details of the wristband. +A vibrant poster design featuring the title text "The Shining Hour" in bold, illuminated letters, set against a backdrop of a radiant sunrise, with silhouettes of majestic mountains in the distance, evoking a sense of dawn and new beginnings. +A vibrant city skyline mural with the words "Metropolis Dreams" painted in the clouds, set against a twilight sky, capturing the essence of urban aspirations and dreams. +A realistic smartphone screen displaying a weather app with "100% Chance of Rain" forecast, set against a backdrop of dark, stormy clouds and light raindrops. The screen is slightly wet, reflecting the gloomy sky. +In an ancient Egyptian tomb, a golden sarcophagus lies under dim, flickering torchlight. The intricate hieroglyphs on its surface spell out a modern warning: "Do Not Disturb Seriously". The scene is both eerie and captivating, with shadows dancing across the ornate carvings. +A tattered pirate flag with the embroidered text "Seas Fury" billowing in the strong sea breeze, its frayed edges and faded colors telling tales of countless battles and voyages. +A vintage 1950s diner with a retro jukebox labeled "Play Me 10 Grooves" sitting on a polished wooden counter, surrounded by red leather stools and neon signs, capturing the essence of a classic American hangout. +In a modern, well-lit elevator, focus on the sleek, metallic button panel with the illuminated button for "Floor 22", reflecting a futuristic design. The scene captures the subtle glow of the button against the polished surface, emphasizing the clean, high-tech aesthetic. +A medieval knight stands proudly, holding a shield emblazoned with the "Lionheart Clan" crest. The intricate lion design is vivid and detailed, set against a rich, weathered metal background. Sunlight filters through the trees, casting a warm glow on the knight and the ancient, battle-worn shield. +An ancient, weathered treasure map with "X Marks Spot" clearly visible, laid out on a rustic wooden table, surrounded by vintage compasses and old, leather-bound journals, under the warm glow of a flickering candle. +A modern kitchen countertop with a sleek digital microwave displaying the message "Food Ready Now" in bright, clear letters. The scene is lit by natural light from a nearby window, casting a soft glow over the stainless steel appliances and granite countertops. +A close-up of a gardener's potted plant, with a small, wooden tag hanging from the pot that clearly reads "Water Sparingly", set against a blurred, green garden background. +A close-up of a superhero's cape, intricately embroidered with the words "Dry Clean Only" in elegant, shimmering thread, set against the backdrop of a city skyline at dusk. +A detailed close-up of a magic carpet with intricate embroidery, prominently featuring the text "No Shoes Fly Casual" woven in shimmering threads, set against a backdrop of a serene, cloudy sky. +A dimly lit, vintage elevator with a spooky button panel prominently displaying "13½ Floor". The worn buttons and peeling wallpaper add to the eerie atmosphere, suggesting a long-abandoned building with secrets hidden on that mysterious floor. +A vintage magic potion bottle with an ornate label that reads "Love Elixir", surrounded by flickering candles and mystical herbs on a dark, wooden table, bathed in the soft, golden light of a moonlit night. +Astronaut in a sleek spacesuit standing on the rugged Martian surface, with a clear "Mars Colony One" patch emblazoned on the chest, overlooking a vast, dusty red landscape under a pale sky. +A vintage farm tractor parked in a sunlit barn, its license plate clearly displaying "Harvest King", surrounded by bales of hay and farming tools, capturing the essence of rural agriculture. +A smartphone screen displays the message "Charging Complete" in a sleek, modern interface. The device rests on a dark, minimalist background, highlighting the vibrant, clear text against the subtle gradient. +A high-resolution image of a bruised apple with a subtle, elegant texture. The apple sits on a plain background, with the text "apples are good for you" in a fancy, ornate font below it, emphasizing the contrast between the damaged fruit and the positive message. +A high-resolution screenshot of a modern app interface, featuring a prominent button labeled "Confirm Payment", set against a clean, minimalist background with subtle gradients enhancing the button's visibility and interactability. +A modern gallery featuring a digital art installation that projects the words "Digital Age" in vibrant, pulsating colors against a sleek, minimalist backdrop. +A wizard's cauldron bubbling with "Potion 9 Side Effects Include", surrounded by ancient spellbooks and glowing runes, set in a dimly lit, mystical laboratory. Steam rises in swirls, casting eerie shadows on the stone walls. +A modern cityscape at dusk, featuring a large billboard prominently displaying the word "unveiledness" in bold, illuminated letters. The scene is bustling with pedestrians and vehicles, capturing the energy of urban life, while the billboard stands out as a focal point, evoking curiosity and intrigue. +Ancient cave wall featuring a prehistoric painting of a mammoth, with the words "Ogg Was Here" etched beneath it, illuminated by flickering torchlight, creating a mystical and historic atmosphere. +A cozy campsite at dusk, with a campfire blazing warmly. A package of marshmallows labeled "Extra Gooey" sits next to the fire, partially opened, revealing large, fluffy marshmallows ready for roasting. The scene is serene, with a gentle forest backdrop. +A close-up of a hiking boot imprint in mud, clearly spelling "Trail Blazer Pro", surrounded by fallen leaves and forest debris, capturing the essence of an adventurous trek through a lush, wet woodland. +A bustling bookstore with a shelf marker that reads "Bestsellers This Week" adorned with gleaming stars, surrounded by neatly arranged books and curious readers browsing through them. +An ice cream truck parked on a sunny street, with a vibrant menu board that reads "Flavor of the Day Joy" in colorful, playful letters, surrounded by cheerful customers and a backdrop of blue skies and green trees. +A close-up of a sleek smartwatch face, the screen displaying "Step Goal Achieved" in bold, modern font, with a vibrant green checkmark beside it, set against a dark background with subtle light reflections. +A medieval castle courtyard at sunset, with a grand banner unfurling the crest "House of Dragons" against a backdrop of ancient stone walls and towering turrets, bathed in the warm, golden light of the setting sun. +A time traveler stands in a vintage 1950s street scene, holding a postcard that reads "Wish You Were Yesterday". The backdrop features a nostalgic soda shop and classic cars, with the traveler dressed in a modern outfit, creating a striking contrast. +A detailed campground map with a legend, prominently featuring a blue dot symbol labeled "Water Source Blue Dot" next to a serene lake, surrounded by tents and picnic tables in a lush forest setting. +A highway patrol car with a "Speed Limit 65" sign on the side, parked on a busy road at dusk, with the lights of passing cars streaking in the background. +A vintage, leather-bound restaurant reservation book opened to a page showing "Table 5 7 PM" with a classic fountain pen resting beside it, set on a luxurious, dark wooden desk under the warm glow of an antique desk lamp. +A comic strip panel with a vibrant, colorful background, featuring large, bold text that exclaims "That's All Folks!" in a classic, whimsical font, surrounded by playful illustrations and dynamic speech bubbles. +A movie poster featuring the title text "Half Baked" prominently at the top, with a comedic scene below showing a group of friends in a kitchen, surrounded by baking ingredients and laughing, set against a warm, cozy background. +An ancient papyrus scroll with faded text, "Pharaohs Eternal Rest", lying on a weathered stone table in a dimly lit Egyptian tomb, surrounded by intricate hieroglyphics and flickering candlelight. +A pumpkin adorned with a beard, a monocle, and a top hat, with a speech bubble containing the text "subsequently", set against a whimsical autumn background. +A rock band's drum kit center stage, bathed in dramatic lighting, with the tour name "The Wild Storms Tour" emblazoned on the bass drum, surrounded by a whirlwind of smoke and passionate fans in a packed arena. +A museum exhibit features an ancient, intricately carved statue under warm, focused lighting. A polished plaque in front reads "Do Not Touch", warning visitors to admire the artifact from a respectful distance. The scene is captured with a high-resolution camera, emphasizing the texture and detail of the statue and the clear, legible text on the plaque. +A dark, misty forest with a glowing magical portal emitting a soft, ethereal light. Above the portal, ancient runes spell out "Enter at Own Risk" in an ominous, glowing red. The scene is eerie yet captivating, with the portal as the focal point. +A lonely desert highway stretches into the distance, the sun beating down on a weathered sign that reads "Last Gas 102 Miles", its paint peeling and faded from years of exposure. Dust swirls around the sign, emphasizing the stark, arid landscape. +In an ancient Egyptian tomb, the Pharaoh’s sarcophagus is adorned with intricate hieroglyphs that spell "BRB Mummified". The golden lid reflects the dim light of a torch, casting shadows on the detailed carvings. +A close-up of a prison uniform, showcasing the ID patch prominently stamped with "INMATE 24601" in bold, dark ink, set against the worn, gray fabric. The patch is slightly faded and worn, reflecting the harsh conditions of prison life. +A close-up of a digital thermometer with a red background, prominently displaying "98F Heat Warning" in large, clear digits, with a slight reflection from the screen indicating a source of light nearby. +A plant nursery scene with rows of vibrant, healthy plants. A small, wooden tag hangs from a delicate flower, reading "Water Me, I'll Love You". Soft sunlight filters through the glass ceiling, casting gentle shadows. +In a dimly lit museum hall, a large, detailed plaque stands next to an imposing Jurassic Era fossil. The plaque, illuminated by a spotlight, reads: "Jurassic Era Fossil". The fossil's massive bones cast long shadows, enhancing the prehistoric atmosphere. +A beautifully crafted wedding cake with multiple layers, each adorned with intricate designs and fresh flowers. The top layer features the elegant text "Emily & Jake Forever" in a stylish script, reflecting the joy and commitment of the couple's special day. +A campfire in a dense forest, with smoke curling upwards and forming the words "Send Help" against a twilight sky, partially obscured by the treetops. +A scientist stands in a dimly lit laboratory, the chalk in her hand pausing mid-air. Behind her, a chalkboard filled with complex equations, culminating in the number "42" at the bottom right corner, illuminated by a single spotlight. +A construction worker in a bright yellow vest and hard hat, featuring a sticker that reads "Safety First Always", stands against a backdrop of a bustling construction site, with cranes and scaffolding visible in the distance. +A vast desert landscape under a scorching sun, with a faded billboard in the distance reading "Last Exit to 1999". The billboard appears as a surreal mirage, half-dissolving into the shimmering heat waves, evoking a sense of nostalgia and abandonment. +A weathered, rusty shipwreck plank floats in the water, with "SOS 12N 45W" painted in stark white, reflecting the urgency of a long-lost distress signal. +A movie poster titled "Scrooge", featuring a grim, Victorian-era London street at night, with a cold, elderly man in a long, dark coat standing under a gaslight, his face shadowed but eyes piercing, surrounded by fog and silhouettes of distant, imposing buildings. +A dark, ominous entrance to a supervillain lair, with a sleek, metal door and dim, red lighting. At the threshold, a menacing welcome mat reads "Wipe Feet Souls", adding a chilling touch to the scene. +A realistic supermarket scene with a floor sticker that reads "Cleanup Aisle 5", surrounded by grocery carts and shelves stocked with various products, capturing the busy yet organized atmosphere of a typical store. +A vintage detective novel cover with the title "Case of the Silent Clock" in elegant, old-fashioned typography, set against a dark, moody background with a foggy, 1920s cityscape and a mysterious figure in a trench coat and hat, holding a pocket watch. +A vintage leather-bound journal titled "My Secret Thoughts" lies open on a rustic wooden table, the pages filled with handwritten entries. Soft, warm lighting casts gentle shadows, enhancing the tactile quality of the leather and the delicate penmanship. +A detailed drawing featuring the text "band" in bold, alphabetism style, intricately intertwined with thick gauge filigree, creating a visually complex and elegant design. +A realistic photograph of a fire extinguisher cabinet, clearly labeled "Emergency Use Only", mounted on a white wall in a modern office corridor, with soft overhead lighting casting a gentle glow. +A medieval shield, intricately emblazoned with the phrase "Defender Of The Realm", hangs prominently in a dimly lit armory, its metal surface reflecting the flickering torchlight, showcasing detailed engravings and a weathered, battle-worn texture. +A cozy bedroom with a soft, plush pillow on the bed, embroidered with "Sweet Dreams" in elegant, flowing letters. The room is bathed in the warm, gentle light of a bedside lamp, creating a serene and inviting atmosphere. +A neon bar sign shaped like a cocktail glass, displaying the text "Tipsy Hour", illuminated against a dark urban night, with a subtle glow reflecting on the wet pavement below. +A realistic photograph of a highway billboard advertising "Next Exit Gas Food" beside a bustling road, with cars passing by in the twilight, and the sign illuminated by the setting sun. +A close-up of a freshly baked bread loaf in a rustic bakery, with a small, elegant tag hanging from it that reads "Fresh Baked 6 AM", surrounded by the warm, golden glow of early morning light. +A realistic kitchen scene with a modern microwave. The display screen shows a sentient expression and the question "Really Reheat Coffee Again?" in clear, bold text. The kitchen is well-lit, with a cup of coffee on the counter next to the microwave. +A detailed medieval parchment scroll, unrolled to reveal the text "Royal Decree 1066", set against a backdrop of ancient wooden furniture and flickering candlelight, emphasizing the historical significance and authentic texture of the scroll. +In a bustling school gym, the scoreboard dramatically lights up, prominently displaying the "Final Quarter" indicator, casting a glow over the excited crowd and tense players, emphasizing the high stakes of the game. +A drone hovers in a dimly lit room, its underside LED glowing red with the text "Recording Live" clearly visible, casting a soft, eerie light on the surroundings. +Retro gas pump with a faded, peeling vintage design, prominently displaying "Unleaded 099" on the side, set against a nostalgic backdrop of an old American roadside scene. +A realistic photograph of a pharmacy window, featuring a prominently displayed sticker that reads "24 Hour Service", illuminated by the warm glow of the store's interior lights, with a subtle reflection of the street outside. +A laboratory setting with a mouse maze clearly marked with a sign that reads "Test Group B". The maze is intricate, with multiple paths, and the sign is prominently displayed, ensuring clarity in the experimental setup. +A bustling carnival scene with a vibrant game booth featuring a large, eye-catching sign that reads "Win Giant Panda Prize". Colorful balloons and excited children surround the booth, where a giant panda plush toy sits prominently on a pedestal, waiting to be won. +A close-up of a guitar case with a vibrant "Rock On" sticker, prominently displayed. The sticker features bold, dynamic lettering against a colorful, gradient background, capturing the energy and spirit of rock music. +A close-up shot of a vibrant candy wrapper with the brand name "Sweet Tooth Co" prominently displayed, set against a soft, blurred background of a candy store shelf, capturing the playful and inviting atmosphere of the sweets. +A freshly baked bread loaf, its golden crust scored with the words "Daily Special" in an elegant, cursive script, sitting on a rustic wooden board in a cozy bakery, with steam gently rising from its surface. +A neon bar sign with "Open 247" glows brightly in a dim, rainy alley, reflecting off wet cobblestones and creating a vibrant, atmospheric glow. +A close-up shot of a lush green vine with the text "kokachin" sprouting from it, centered in the frame, with a soft, natural light highlighting the intricate details of the vine and the text. +A medieval shield, intricately crafted with a bold emblem and the motto "Honor Above All" inscribed in elegant, gothic lettering, hangs against a weathered stone wall in a dimly lit castle hall. +A bustling amusement park with a vibrant roller coaster in the background, featuring a prominently displayed ride sign warning "You Must Be This Tall" with a measuring ruler next to it, surrounded by excited children and their parents. +A realistic photograph of a bank ATM screen displaying the message "Daily Limit Reached", set in a dimly lit evening street with a slightly blurred cityscape in the background, emphasizing the isolation and frustration of the situation. +A rural landscape with a wooden signpost reading "Tomatoes Ahead" standing in a lush, green farmer’s field, surrounded by vibrant tomato plants and a clear blue sky. +A realistic photograph of a birthday cake topper spelling out "Happy 30th Jake" on a beautifully decorated cake, with colorful candles and a festive background. +A realistic photograph of a post office package, prominently featuring a large, red stamp that reads "Fragile Handle With Care", surrounded by other packages and postal markings. +A 24-hour diner with a "Kitchen Closed" neon sign glowing in the window, set against a dark, rainy night. The sign's red and blue lights reflect on the wet pavement, creating a nostalgic, urban atmosphere. +A newspaper headline reads "qurniyya" with a photo displaying a half-eaten pumpkin on a rustic wooden table, surrounded by fallen leaves, under the warm glow of a vintage lamp. +A vintage, dusty library book with a faded green cover, opened to a page revealing a weathered stamp that reads "Return by March 15 1998", surrounded by other old, worn books on a wooden shelf. +A retro arcade cabinet stands in a dimly lit room, its marquee glowing brightly with the words "Insert Coin to Save World", casting a nostalgic aura around the pixelated artwork on its sides. +A realistic construction site scene with a fence sign prominently displaying "Hard Hat Area" in bold letters, surrounded by safety cones and workers in high-visibility vests. The background shows partially built scaffolding and a crane in the distance. +A close-up photograph of a medicine bottle with a white label that reads "Shake Well Before Use", set against a neutral background, emphasizing the clear and legible text on the label. +An ancient, weathered scroll unfurled on a wooden table, revealing the faded ink inscription "The Oracle Lies" against a backdrop of yellowed parchment. Soft, ambient light illuminates the scene, casting gentle shadows and highlighting the scroll's intricate texture. +A UFO hovers above a dark forest, its abduction beam illuminating a lone figure. The beam projects the message "Human Specimen Required" in glowing green letters, casting an eerie glow on the trees and the frightened individual below. +In the serene park, a misty morning surrounds a sign that reads "nebel", partially obscured by swirling fog, enhancing the mysterious atmosphere. +An ancient wizard's spellbook lies open on a wooden desk, illuminated by a single candle. The page titled "Chaos Theory" is filled with intricate symbols and diagrams, surrounded by scattered runes and a quill pen, in a dimly lit, mystical study. +An astronaut's glove floats in the vast, star-filled space, a small, digital display on its wrist still showing the words "Last Transmission". The glove drifts against a backdrop of distant galaxies and nebulae, emphasizing the isolation and silence of deep space. +A modern elevator panel with buttons illuminated, prominently displaying "Out of Service" in bold red text, set against a sleek, silver backdrop. +A yoga mat with the phrase "Find Your Zen" prominently printed in elegant, flowing letters, placed in a serene, sunlit room with a large window overlooking a peaceful garden. +A beautifully crafted wedding cake with a layer adorned with the elegant phrase "Happily Ever After", set against a soft, romantic backdrop with delicate floral decorations and a warm, golden lighting that highlights the intricate details of the cake. +A vintage diner table with a red and white checked placemat, featuring a whimsical doodle that reads "Eat More Pie" in playful handwriting, surrounded by scattered pie slices and a steaming apple pie in the background. +A tattoo on a sailor's rugged arm, featuring the script "Homeward Bound" in elegant, nautical font, surrounded by waves and a compass rose, set against the backdrop of a weathered ship deck. +A realistic photograph of an engraved stone plaque at the park entrance, with the text "Memorial Garden 2020" clearly visible, surrounded by lush greenery and a path leading into the park. +A close-up photograph of a pill bottle with a clear, white label prominently displaying the warning "Do Not Exceed Dose" in bold, black text, set against a neutral background. +A realistic photograph of a zoo enclosure with a clear sign stating "Do Not Feed The Penguins" prominently displayed, surrounded by pebbles and a small wooden fence, with a group of penguins visible in the background. +A high-resolution gym interior featuring a large, motivational wall decal stating "Lift Heavy Today", surrounded by modern fitness equipment and energetic athletes, capturing the vibrant, dynamic atmosphere of a busy workout session. +A realistic photograph of a modern bathroom with a large mirror. On the mirror, a small yellow sticky note reads "Remember To Smile" in neat handwriting. The scene is well-lit, with a clean and minimalist aesthetic. +A bustling airport terminal with an electronic departure board prominently displaying "Flight 815 Cancelled" in red, surrounded by frustrated passengers and airport staff trying to assist them. +A magical 8-ball hovers in a dimly lit room, its surface reflecting a soft, eerie glow. Inside, the answer "Ask Again Later" is clearly visible, floating in the dark, viscous liquid. The atmosphere is mysterious and slightly suspenseful. +A bustling nightclub entrance under neon lights, with a bouncer checking IDs. A clear sign reads "Over 21 Only" above the door, reflecting the vibrant and exclusive atmosphere of the night. +A vibrant website header banner featuring the text "Summer Sale Live Now" in bold, eye-catching fonts, set against a sunny beach backdrop with colorful umbrellas and playful beach balls, exuding a lively summer vibe. +A dimly lit alleyway with a rustic, iron-plated door adorned with an ornate plaque that reads "Password Veritaserum". The door is partially obscured by shadows, and a single flickering streetlamp casts eerie, elongated shadows across the scene. +A realistic desktop scene with a software error message dialog box prominently displayed, reading "Update Required Restart Now", on a modern computer screen. The room is a typical office setting with a desk, chair, and bookshelf in the background. +A hiker pauses on a mountain trail, their backpack prominently displaying a "Supplies Checked" tag, ensuring all essentials are accounted for. The rugged terrain and lush forest backdrop highlight the adventurous spirit of the journey. +A close-up of a firefighter's helmet, prominently displaying a sticker that reads "911 Emergency Crew", set against a backdrop of a smoky, urban firefighting scene. The helmet is slightly worn, reflecting the dedication and bravery of its owner. +A bustling airport terminal with a modern departure board prominently displaying "Gate 13½ Now Boarding" in bright, flashing letters. Passengers hurry past with luggage, while the scene is captured in a realistic photographic style. +A realistic photograph of a hotel door with a "Do Not Disturb" sign hanging on the handle, set against a corridor with patterned carpet and soft lighting. +A movie poster titled "Invasion of the Robots" featuring towering robots destroying cityscapes, with skyscrapers collapsing and fiery explosions lighting up the night sky, emphasizing the chaos and scale of the robotic invasion. +In a dimly lit retro arcade, the words "Press Start" blink invitingly on a vintage game screen, surrounded by faded stickers and a cracked, glowing monitor, evoking nostalgic memories of childhood gaming sessions. +A bicycle locked to a city railing, with a metal tag hanging from the lock that reads "Property Of Bike Patrol". The scene is set in an urban environment, with a busy street and tall buildings in the background. +"World Tour 2025" rock band poster featuring a vibrant, energetic scene with band members on stage, surrounded by a passionate crowd, colorful lights, and smoke effects, set against a backdrop of a world map highlighting cities of their tour. +A vibrant graffiti mural adorns the concrete walls of a dimly lit subway tunnel, featuring bold, colorful lettering that reads "Voice of the Streets", surrounded by dynamic urban art. +A realistic photograph of a zoo enclosure, featuring a plaque titled "Lion Habitat Zone" prominently displayed at the entrance, with a grassy area and trees in the background, and a lion lounging in the sun. +A wizard in a dimly lit, ancient library, holding a glowing crystal ball that reflects the words "The Future is Unwritten" amidst swirling mists and arcane symbols. +In a bustling airport terminal, a large digital announcement board displays the eerie message: "Flight 666 Boarding Never". Passengers pause, puzzled and concerned, as the modern, sleek environment contrasts with the unsettling information. The scene is captured in a realistic photographic style, emphasizing the anomaly. +A yoga studio's window adorned with a serene decal that reads "Breathe In Peace", surrounded by soft, natural light filtering through, creating a tranquil and inviting atmosphere. +A cozy coffee shop with a rustic wooden interior, featuring a chalkboard prominently displaying "Latte Special 4" in elegant script. Soft lighting and a warm ambiance enhance the inviting atmosphere, with customers enjoying their drinks at vintage tables. +A high-speed race car with a sleek, glossy finish, featuring a prominent hood decal that reads "Speed Demon Racing Team" in bold, vibrant colors, racing on a sunlit track surrounded by cheering fans and towering billboards. +A futuristic time machine with a sleek, metallic finish, its dial set to "Best Day Ever Reload". The machine is surrounded by a glowing aura, with digital readouts and holographic interfaces displaying vibrant colors, set against a backdrop of a twilight sky. +A neon sign reading "Open 247" flickers intermittently above a small, dimly lit convenience store, casting a vibrant, multicolored glow on the pavement and the store's glass doors. The scene is set in a quiet, urban neighborhood at night, with a few parked cars and sparse street lighting. +A realistic photograph of a vintage vending machine with a prominent sign that reads "Exact Change Only", set against a slightly worn brick wall, with a few coins scattered at its base. +A wizard holds a staff with glowing runes, casting a bright light as he utters the spell "Lumos Maximus", illuminating a dark, mystical forest. +A modern hotel elevator with a sleek design, featuring an illuminated sign that reads "Pool on 3rd Floor" with prominent arrow symbols pointing to the right, set against a backdrop of polished marble and stainless steel. +A baking show contestant in a kitchen, wearing an apron with the phrase "Don't Burn the Bread" prominently displayed, surrounded by baking utensils and ingredients, with a warm and inviting atmosphere. +A high-tech spy gadget watch with a sleek, futuristic design, its screen glowing in the dark, displaying "Mission Time 2359" in bold, illuminated digits. +A neon "Tarot Palmistry" sign in vivid purple glows through the window of an occult shop, casting an ethereal light on ancient books and mystical artifacts displayed inside. +A close-up shot of a rustic, golden-brown sourdough bread loaf on a wooden board, with a small, elegant paper tag hanging from it, clearly displaying the text "Fresh Baked Sourdough" in cursive script. +A medieval shield, intricately crafted with the family crest of the "Lionheart Clan", hangs prominently against a weathered stone wall, the lion emblem vividly detailed in gold and crimson, symbolizing courage and heritage. +A close-up of a crinkled candy wrapper with the text "Sweet Treat" prominently displayed, set against a blurred background of a sweet shop's shelves, capturing the vibrant colors and textures of a nostalgic, sugary scene. +A dimly lit, vintage elevator with a eerie, slightly rusted button panel. Among the numbers, a hauntingly illuminated button labeled "Floor 13¾" stands out, casting an ominous glow in the shadowy interior. +A close-up of a sleek, modern magic wand box, with a glossy finish and elegant gold accents. The disclaimer "Results Not Typical" is prominently displayed in bold, black text on the side, contrasting against the vibrant, colorful packaging. +A close-up of the gleaming boxing championship belt "World Title 2024", with its intricate gold detailing and vibrant red and blue jewels, set against a dark velvet backdrop. +A vintage suitcase adorned with a classic "Handle With Care" sticker, set against a warm, nostalgic background. The suitcase shows signs of well-traveled wear, emphasizing the sticker's protective message. +In a vibrant candy factory, a conveyor belt moves through the "Gummy Bear Zone", where colorful gummy bears of all shapes and sizes are carefully arranged and transported. The scene is bright and cheerful, with a whimsical, almost magical atmosphere. +A weathered pirate ship's wheel, with intricate engravings and sea-worn textures, prominently featuring the phrase "Turn Port for WiFi" etched into the wood, surrounded by nautical ropes and a backdrop of stormy seas. +A sleek, futuristic robot stands in a high-tech lab, its chest plate prominently displaying the text "AI Assistant Model X". The metallic surface reflects the ambient blue lighting, adding a sense of advanced technology and precision engineering. +A close-up of a rugged hand with a prison tattoo across the knuckles, spelling "MISCHIEF" in bold, worn lettering. The skin shows signs of age and wear, with the tattoo slightly faded and jagged, hinting at a storied past. +A vibrant city street featuring a large, colorful mural with the text "Unity in Diversity" prominently displayed, surrounded by diverse community members interacting and celebrating together. +A rustic farm stand featuring a chalkboard sign that reads "Fresh Eggs 3Dozen", adorned with whimsical doodles of chickens and eggs, set against a backdrop of a sunny, vibrant countryside. +In a desolate, post-apocalyptic cityscape, a crumbling wall bears vibrant graffiti that reads "Hope Was Here Yesterday", casting a stark contrast against the decaying surroundings. +A dimly lit submarine control room with a sonar screen pulsing ominously, displaying the text "Something Big Below" in glowing green letters, surrounded by tense crew members monitoring the equipment. +A realistic photograph of an airport baggage tag, prominently displaying the text "Fragile Ancient Artifacts", attached to a worn, antique wooden crate, with a subtle airport conveyor belt in the background. +A vintage hotel keychain tag, intricately engraved with "Room 237", hanging from a brass key, set against the worn, wooden desk of a classic hotel lobby. The scene captures the nostalgic charm of a bygone era, with soft, ambient lighting enhancing the detailed texture of the tag. +A prehistoric cave painting vividly depicting the "Hunt of the Mammoth", showcasing ancient hunters armed with spears and stones, surrounded by a herd of mammoths in a rugged, natural setting. +A close-up of a scientist's whiteboard filled with complex equations, the final line reading "Infinite Coffee", with a steaming mug of coffee placed at the bottom corner. +A neon bar sign shaped like a cocktail glass, glowing with vibrant colors, prominently displays "Last Call" in a dark, urban alley at night. The sign reflects off wet pavement, adding a glossy, realistic touch to the scene. +A medieval knight stands proudly, his shield prominently displayed. The shield is painted with the motto "No Dragons Allowed", set against a backdrop of a rustic, ancient castle and rolling hills, capturing the essence of a timeless era. +A minimal 3D rendering of the word "ribbentrop" crafted from light metallic, iridescent chrome thin lines, viewed in an isometric perspective with a super detailed finish, set against a dark background. +A rustic farmer's pickup truck parked in a sunny, rural setting, with a handwritten sign in the truck bed clearly stating "Fresh Eggs 3Dozen", surrounded by baskets of eggs and green, leafy vegetables. +An astronaut proudly displays the "Mission Success" patch on their spacesuit, standing against the backdrop of a stunning Earthrise over the lunar horizon, with the vast cosmos stretching beyond. +A realistic photograph of a calendar page with a reminder note that reads "Dentist 2 PM", placed on a desk with a pen and a cup of coffee, under a soft morning light. +A vibrant street art mural in a bustling urban setting, featuring the words "Peace Love Unity" in bold, colorful letters, surrounded by intricate patterns and symbols that represent harmony and togetherness. +A secret agent stands in a dimly lit room, holding a sleek black briefcase. The combination lock is set to "007", reflecting a glint of light. The agent's eyes are focused, their hand poised over the lock, ready to unlock the contents of the mysterious case. +A bustling stadium during the "Championship Game", with a football goalpost netting fluttering in the wind, surrounded by enthusiastic fans and players in action, capturing the intense and celebratory atmosphere of the event. +A dark, gothic vanity with a single, elegant vampire sunscreen bottle labeled "SPF 1000000" sitting on a velvet cloth, illuminated by the faint glow of a nearby candle, casting eerie shadows across the scene. +A close-up of a paper towel with the words "kornephoros" neatly written in black ink, resting on a white kitchen counter, with a subtle light cast from above, creating soft shadows. +A close-up of an astronaut's spacesuit sleeve, showcasing a detailed patch that reads "Mars or Bust", set against the backdrop of a dusty Martian landscape. +A close-up of a drone's underside, showcasing a sleek, modern design with a circular sticker prominently displaying the text "Fly Responsibly" in bold, clear letters against a contrasting background. +A cozy medieval tavern interior with a wooden sign hanging above the bar, displaying a hand-chalked menu that reads "Dragon Wings 5 Gold Coins" under a flickering candlelight. +A weathered treasure map laid out on an old wooden table, with "X Marks the Spot" clearly visible at the center, surrounded by intricate illustrations of mountains, forests, and a coastline. Sunlight filters through a window, casting a warm glow on the map. +A realistic photograph of a gym locker, slightly open with gym clothes peeking out, and a yellow sticky note on the door that reads "Dont Forget Towel" in neat handwriting. +A high-resolution smartwatch display featuring a detailed heartbeat graph in green, with the notification "10000 Steps Achieved" prominently displayed below in bold, set against a sleek black background. +A vibrant hot air balloon with a wicker basket, featuring a prominently displayed sign that reads "Enjoy the Ride", soaring above a scenic landscape at sunrise, with soft golden light illuminating the basket and the surrounding countryside. +An astronaut in a detailed spacesuit stands against the vast backdrop of space, their helmet's display panel prominently showing a warning that reads "Low Battery", casting a subtle glow on their face. +A beach at twilight with a wooden signpost firmly planted in the sand, reading "No Swimming After Dark" in bold, weathered letters. The sky is a blend of deep purples and oranges, reflecting off the calm sea. +A realistic photograph of a city street at dusk, with a clear GPS navigation arrow "Turn Left Ahead" displayed on a digital screen mounted on a street pole, illuminated by the fading light. +A close-up of an antique silver engraved locket with the initials "J L" delicately carved inside, set against a soft, blurred background of vintage lace and roses, capturing the essence of timeless romance and mystery. +A weathered, old wanted poster hanging on a wooden plank, with the text "Reward 500" prominently displayed. The poster is faded and torn, showing a gritty, western town scene in the background. +A close-up shot of a colorful candy wrapper with playful, whimsical text that reads "May Contain Existential Nuts", set against a soft, blurred background of a candy store shelf. +A bustling jewelry store window featuring a vibrant display that reads "Engagement Rings 50% Off", with sparkling rings set against a luxurious backdrop, drawing the attention of passersby on a busy city street. +A detective in a trench coat and hat examines a crime scene, his magnifying glass revealing the words "Clue Here" etched into a dusty, old wooden desk. The scene is dimly lit, with shadows cast by a single, flickering overhead light. +A realistic classroom scene with a detailed periodic table poster on the wall, prominently highlighting "Element 79 Au" with a golden glow, surrounded by curious students and a teacher pointing at the element. +A close-up of a vintage typewriter with a sheet of paper inserted, prominently displaying the words "Chapter One Draft" in bold, typewritten font, set against a slightly worn, wooden desk surface. +A close-up of a bakery’s cupcake topper featuring the text "Happy Birthday Mom" in elegant script, set against a soft, pastel background with sprinkles and frosting details. +A scientist stands in a modern laboratory, wearing a lab coat embroidered with "Dr. Maybe Quantum Division". The coat is pristine, contrasting with the cluttered, high-tech equipment surrounding them, highlighting their meticulous nature and the cutting-edge research they conduct. +A close-up of a vintage sunscreen bottle on a dark, gothic vanity. The label reads "SPF or Your Money Back" in elegant, slightly eerie font. Shadows of ancient candles flicker on the label, enhancing the mysterious atmosphere. +A close-up of a pharmacy receipt with the footer printed in tiny font, clearly showing the text "Consult Your Doctor" at the bottom, set against a neutral background. +Studio shot of intricate shoe sculptures crafted from vibrant colored wires, with the text "rte" prominently displayed on a clean, white background. +An astronaut sits at a desk on a moon base, writing in a journal with a frown. The entry reads, "Day 478 Still No Tacos". The room is filled with high-tech equipment, and a window shows the desolate lunar landscape outside. +A close-up of a dog collar tag, intricately engraved with the phrase "My Human Sucks", set against a blurred background of a park, capturing the whimsical and slightly rebellious spirit of a pet. +A classroom poster featuring the alphabet, where each letter from "A to Z" is paired with a corresponding animal, illustrated in a colorful, educational style, suitable for young learners. +A realistic photograph of a modern solar panel installation with a prominent sign that reads "Clean Energy Zone", set against a backdrop of a sunny, clear sky and green fields, emphasizing the transition to renewable energy. +A sleek, modern race car with a glossy black finish, featuring a bold red and white decal on the hood that reads "Speed Demon 5000", set against a blurred background of a bustling racetrack. +A neon sign flashing "Open 24 Hours" outside a quaint diner, set against a backdrop of a dimly lit city street at night, with a light mist adding to the atmosphere. +A vast, snowy landscape with a prominent snowbank intricately carved with the words "Cold Zone", surrounded by frosty trees and a pale, wintry sky. +A superhero stands proudly, their cape billowing in the wind, with the emblem "Heroes United" prominently displayed on the chest. The setting sun casts a golden glow, highlighting the intricate details of the emblem and the hero's determined expression. +A realistic photograph of a computer repair shop's front window, featuring a large, eye-catching decal that reads "Virus Removal 24h" in bold, modern font, with a stylized image of a computer and a shield icon, set against a clean, glass backdrop. +A close-up of a hotel key card sleeve on a wooden desk, displaying "Room 237 Checkout 11AM", with a sleek modern keycard partially inserted, under a soft overhead light, capturing the subtle textures and colors. +A cozy magic wand shop with a window display featuring a vintage wooden sign that reads "Expelliarmus Sold Out", surrounded by an array of mystical wands and enchanted artifacts, bathed in the warm glow of candlelight. +A cozy kitchen scene featuring a baker's oven mitt, delicately embroidered with "Handle With Care", hanging from a vintage oven handle, with a warm, golden light casting soft shadows. +A gym motivational poster with "No Pain No Gain" in bold letters, featuring a determined mountain climber scaling a rocky peak under a clear blue sky. +A bustling school cafeteria on a Friday, with a large, colorful sign displaying the "Pizza Friday Special" menu. Students in vibrant uniforms gather excitedly, pointing at the mouth-watering pizzas arranged on the serving counter. +A bustling city street at dusk, with a modern bus stop featuring a digital sign flashing "Next Bus 10 Minutes". Passersby wait impatiently, some checking their phones, others chatting. The scene is lit by the glow of street lamps and the digital sign, creating a vibrant, realistic atmosphere. +A graduation cap adorned with a stylish "Class of 2024" decoration, set against a backdrop of a sunny university campus with students in gowns celebrating in the background. +A realistic photograph of an elevator emergency panel with clear instructions that read "Call 911", set against a modern, metallic interior with soft lighting highlighting the panel. +A futuristic spaceship cockpit with a glowing control panel displaying the alert: "Warp Drive Engaged", surrounded by blinking lights and holographic interfaces, set against the backdrop of a star-streaked galaxy. +A nostalgic night scene featuring a retro diner with a neon sign glowing in cursive pink letters that read "Eat Here", casting a warm, inviting glow over the empty street. +An ancient Pharaoh’s tomb interior, dimly lit by torches, revealing intricate hieroglyphs on the walls that spell "Cursed WiFi Password" in a blend of traditional Egyptian symbols and modern text. +At an amusement park, a vibrant sign with bold text "Must Be This Tall" stands next to a colorful height marker. The scene is lively, with excited children and patient parents waiting in line for the ride, the sun casting warm, golden light over the area. +A serene yoga studio with minimalist decor, featuring a large, elegant wall art that reads "Breathe In Breathe Out" in modern, flowing script. Soft, natural light filters through large windows, casting a calm and inviting atmosphere. +A close-up of a superhero cape with intricate embroidery that reads "Dry Clean Only", set against a dark, dramatic background, capturing the texture and detail of the fabric and the contrast of the bold text. +A tranquil backyard scene with a wooden bird feeder sign prominently displaying "Feed the Birds", surrounded by colorful flowers and visited by a variety of songbirds perched on the branches. +A close-up of a cooking show set, featuring a neatly organized ingredient list card prominently displaying "Next Step Add Flour" amidst a backdrop of kitchen utensils and a partially prepared dough. +A weathered pirate's treasure map, with a small footnote in curly script reading "Beware of DuckBilled Platypi", surrounded by intricate illustrations of tropical flora and fauna, hinting at the exotic dangers that lie ahead. +A detailed photograph of an ancient artifact in a museum, with a label clearly visible that reads "Circa 3000 BCE". The artifact is a beautifully preserved clay pot, surrounded by soft, ambient lighting that highlights its intricate carvings and age. +A close-up of a smartwatch with a sleek, modern design, its screen displaying an alert that reads "Low Battery 10". The watch is on a person's wrist, and the background is a blurred, tech-themed environment, emphasizing the digital and futuristic aspect of the scene. +A whimsical children's book illustration featuring a majestic dragon standing proudly, holding a vibrant sign that reads "Fire Sale", surrounded by a lively market with colorful stalls and cheerful characters. +A realistic photograph of a fire station truck door, prominently displaying the text "Rescue Unit 3 On Duty" in bold, clear letters, with the metal surface showing subtle scratches and wear, set against a background of a busy urban fire station. +A vintage postcard with a retro-futuristic Martian landscape, featuring a rover and alien flora. The caption reads "Greetings From Mars" in elegant, old-fashioned lettering at the bottom of the card. +A cozy diner scene with a vintage placemat featuring a trivia question, "What is chelonitis?" The placemat is worn but legible, surrounded by classic diner items like a coffee mug and a plate with a burger. The atmosphere is warm and inviting, with soft lighting and 1950s decor. +A realistic photograph of a brick wall covered in graffiti, prominently featuring the bold text "Revolution Now" in vibrant, dynamic colors, with the surrounding tags and artwork adding depth and context to the scene. +A detailed, ancient wizard’s spellbook page titled "Invisibility Incantation", with intricate illustrations of mystical symbols and handwritten notes in quill pen, set against a backdrop of worn, yellowed parchment. +A vintage, illustrated packet of magic beans with a whimsical label warning, "Giant Problems Guaranteed", set against a rustic wooden background, with a spool of twine and an old key nearby, evoking a sense of mystery and adventure. +A close-up of a pizza box, prominently stamped with "Hot Fresh Delivery", sitting on a wooden table, steam gently rising from the box, in a cozy kitchen setting. +At the airport, a large, modern sign displays "burwardeslyn" in bold, illuminated letters, reflecting the bustling activity of travelers and the sleek design of the terminal. +A bustling medieval marketplace with a quaint shop adorned by a vibrant sign that reads "Wands 50% Off", attracting curious wizards and enchanted onlookers. +A cozy café interior with warm lighting and wooden furniture. On the wall, a chalkboard reads, "WiFi password: LatteArt123". A barista prepares a latte while patrons enjoy their drinks, creating a lively yet relaxed atmosphere. +A vibrant charity event poster with a warm, inviting design, featuring a diverse group of people sharing a meal. Bold, uplifting text reads "Help Feed the Hungry" at the top, surrounded by images of fresh, nutritious food and smiling faces. +A vibrant, eye-catching temp agency poster with the slogan "Work for Maybe Money" in bold, playful fonts, set against a backdrop of a bustling cityscape, with diverse, hopeful individuals in the foreground, symbolizing the promise and uncertainty of temporary employment. +A sleek, compact spy camera discreetly hidden inside a pen, with the side engraved with "Top Secret Device", placed on a dark, worn wooden desk, casting a subtle shadow. +A modern art installation featuring a "islands" sculpture photo booth, crafted from intricate, thin colored lines that weave together to form the shape of islands, set against a minimalist backdrop. +A vibrant carnival game booth under colorful lights, with a large, plush panda as the grand prize. The sign reads "Win a Giant Panda" in playful, neon lettering. Crowds cheer as a contestant aims for the top prize. +Retro diner scene with a red and white checkered placemat featuring a trivia question, "Who Invented Pizza?" The diner has classic 1950s decor, including a chrome soda fountain and vintage booths. +A modern public park with a large digital screen displaying an "AIGenerated Weather Forecast", surrounded by lush greenery and benches, with people casually walking by and enjoying the sunny day. +A cozy café interior with a rustic wooden table and chairs, warm lighting, and a chalkboard menu prominently displaying "Today's Special Pumpkin Soup" in elegant handwriting, surrounded by fall decorations and potted plants. +A close-up of a coffee cup with a sleeve printed "Caution Hot Contents", set on a wooden table, with a light steam rising from the cup, capturing the warmth and coziness of a quiet café. +A medieval knight holds a shield, its surface intricately engraved with the motto "Honor Above All", standing against a backdrop of an ancient stone castle under a twilight sky. +A movie theater at night, the marquee brightly lit with the words "Premiere Tonight", surrounded by excited crowds and flashing cameras, under a starlit sky. +Retro arcade screen with pixelated graphics displaying "Game Over Insert Coin", set against the glow of neon lights and surrounded by vintage game controllers and joysticks. +A dinosaur museum exhibit with a life-sized, detailed model of a friendly-looking dinosaur, surrounded by lush prehistoric vegetation. A sign reads "Petting Zoo Extinct", inviting visitors to touch and interact with the display in a playful, educational setting. +A close-up of a sleek, silver pet collar tag, intricately engraved with the text "If Lost Return to Area 51", set against a backdrop of desert sands and distant, mysterious mountains. +A realistic photograph of a police car with the decal "To Protect and Serve" prominently displayed on the door, set against a backdrop of a bustling city street at dusk. +A weathered pirate map with intricate, cursive script, prominently marking "X Marks Logic" at the center, surrounded by faded compass roses and nautical symbols, under a soft, golden light that enhances the map's aged texture. +A close-up of a hotel key card sleeve, prominently displaying "Room 237 Checkout Noon", lying on a wooden desk with a subtle shadow, captured in a realistic photographic style. +A vast, dew-covered wheat field at dawn, with a intricate crop circle at the center, its pattern clearly spelling out "Take Us to Your Dealer" in a mysterious alien script, surrounded by the faint, fading glow of a recent UFO visit. +A dramatic scene where words "Struck by Lightning Twice" are vividly formed by lightning bolts against a stormy sky, with a lone, silhouetted tree in the foreground, emphasizing the power and rarity of the phenomenon. +An ancient, moss-covered stone tablet stands at the mouth of a dark cave, its surface deeply carved with the ominous warning "Beware Cyclops Cave". The surrounding forest is dense, with dappled sunlight filtering through the leaves, casting eerie shadows. +A realistic photograph of a geometry exam paper with a question that reads "Solve for Y" clearly underlined, surrounded by other math problems and formulas. The paper is slightly wrinkled, with a pencil resting on the side. +A futuristic time machine's dashboard, with sleek, metallic surfaces and glowing, holographic interfaces. The central display is flashing bright red, showing the text "Destination Nope" amidst a network of intricate circuits and blinking lights. +A cozy campfire scene with a marshmallow roasting on a stick intricately carved with "Camp Adventure", surrounded by friends laughing and enjoying the outdoors, under a starlit sky. +A vintage butler's tray with an elegant engraving that reads "High Tea Low Expectations", set against a backdrop of a cozy, dimly lit tea room, with steam rising from a porcelain teapot and delicate pastries arranged on a tiered stand. +A majestic pirate ship, the "Sea Rover", sails across a turbulent sea under a stormy sky. The ship's weathered sails are fully extended, catching the wind. Detailed wooden planks and ropes add texture, while the crew, dressed in period attire, man the deck with determination. +A realistic photograph of a spacesuit helmet visor, reflecting the text "Mars Colony Year 2150", set against the backdrop of a dusty, red Martian landscape with distant domed habitats. +A close-up of a candy wrapper design, featuring vibrant colors and playful patterns, with the text "Sweet Treats Inside" prominently displayed in bold, cheerful font, set against a glossy, slightly crinkled texture. +A bustling construction site with workers in hi-vis vests and hard hats, surrounded by scaffolding and cranes. A prominent sign reads "Hard Hat Area" in bold letters, ensuring safety protocols are strictly followed. +A vibrant movie premiere with a red carpet leading to a grand stage, "Film Fest 2024" banners fluttering overhead, surrounded by flashing cameras and excited fans. +A vintage, mysterious invitation card with intricate, embossed gold text reading "We Meet Never". The card features subtle, shadowy symbols and a dark, elegant border, suggesting the allure and secrecy of an exclusive, enigmatic society. +Retro arcade game screen with vibrant pixel art, displaying a high score list. At the top, in bold, retro font: "A Winner Is You". The background features classic game sprites and a nostalgic color palette, capturing the essence of 80s arcade culture. +An antique globe with a vintage, worn label that reads "Here There Be Tax Audits", set against a backdrop of old maps and ledgers, with a soft, warm lighting highlighting the intricate details of the globe. +A bathroom with a vintage mirror, slightly fogged, reflecting a cozy, warm-lit room. On the mirror, in bold red lipstick, the words "You Look Great" are written, creating a cheerful and uplifting atmosphere. +A tiny snail, its shell glistening with dew, holds a miniature sign that says "operate" in a serene forest clearing, surrounded by lush green leaves and soft sunlight filtering through the trees. +A dessert table adorned with a cake topper spelling "Happy 30th Birthday", surrounded by an array of pastries and candles, with a soft, warm lighting that highlights the festive atmosphere. +A close-up shot of a product package prominently labeled "Eco Friendly Materials Used", sitting on a natural wooden surface, with soft, warm lighting highlighting the eco-friendly theme and the texture of the packaging. +A tattoo parlor window with "Ink Your Destiny" in Gothic letters, surrounded by vibrant, detailed tattoos and artistic designs, set against a soft, urban backdrop. +A modern corporate office setting with a sleek, minimalist design. A large motivational poster on the wall declaring "Embrace the Void", surrounded by glass panels and high-tech workstations. The scene is bathed in soft, ambient lighting, emphasizing the poster's message. +A serene beach scene with a prominent warning flag that reads "High Surf Danger" fluttering in the wind, set against a backdrop of turbulent waves and a cloudy sky. +A vintage potion bottle with a label that reads "Shake Well Before Exploding", set against a dark, mysterious background with subtle glowing effects around the bottle, enhancing its mystical and dangerous aura. +A photograph of a scientist's lab, with a white lab coat hanging on a hook. The coat is embroidered with "Dr Smith Genetics Lab" in elegant blue thread, set against a backdrop of lab equipment and shelves filled with scientific apparatus. +Retro arcade game screen with a pixelated "Game Over" message, vibrant neon colors, and a slightly glitched effect, set against a dark background with glowing pixel borders. +A carnival tent with a vibrant banner proudly declaring "World's Smallest Horse", surrounded by curious onlookers and festive decorations, under a sunny sky. +A neon sign in a retro style above a bustling diner, glowing brightly with the words "Open 24 Hours" against the backdrop of a dimly lit city street at night. +A vintage clock tower stands tall in a bustling city square, its face altered to read "No Time Like Now" in elegant, antique lettering, surrounded by pigeons and the shadows of passing pedestrians. +A serene garden map titled "Pathway to Serenity", featuring a winding stone path surrounded by lush greenery, blooming flowers, and tranquil water features, leading to a peaceful Zen garden with a traditional Japanese pavilion in the background. +A serene park scene featuring a wooden bench under a canopy of oak trees. On the bench, a small, bronze plaque is engraved with "Rest A While", reflecting the peaceful ambiance of the location. Sunlight filters through the leaves, casting dappled shadows on the ground. +A vibrant TV show poster for "Coping with Cupid", featuring a comedic ensemble cast in a romantic setting, with heart-shaped arrows and a playful, colorful backdrop. +A digital billboard in Times Square at night, flashing the message "You're Being Watched" in bright, neon colors, surrounded by bustling crowds and glowing city lights. +A submarine's periscope crosshairs, set against the murky depths of the ocean, focus on the ominous warning "KRAKEN AHEAD", with the tentacles of the legendary sea monster just beginning to emerge from the shadows. +A eerie, fog-covered suburban street at twilight, with a ghostly real estate sign swaying in the wind, reading "Haunted Price Reduced Again" in bold, glowing letters. The sign is partially obscured by the mist, adding to the haunting atmosphere. +A futuristic galactic embassy entrance, with a sleek, metallic plaque prominently displaying the text "Humans Must Be Accompanied". The scene is set under a starry sky, with distant planets visible, and the embassy building features advanced, glowing technology and alien guards standing nearby. +A cozy bakery interior with a vintage wooden counter, showcasing a large, glass cookie jar prominently labeled "Emergency Sugar". The jar is brimming with an assortment of colorful, freshly baked cookies, surrounded by rustic baking utensils and a sprinkling of sugar on the counter. +A close-up of an old, worn book page with a faded blue library stamp in the corner, clearly reading "Property of Rivertown Library", surrounded by yellowed paper and intricate text. +A vintage circus banner featuring a burly strongman, muscles rippling, with a bold, ironic text reading "Weakness Inside". The scene is set at dusk, with the warm glow of carnival lights in the background, enhancing the dramatic and mysterious atmosphere. +A vibrant surfboard design featuring bold waves and dynamic splashes, with the phrase "Ride the Wave 2024" prominently displayed in modern, sleek typography, set against a backdrop of ocean blues and sunlit skies. +A toddler stands proudly beside a sandcastle on a sunny beach, a small flag planted atop it reading "King of the Beach". The child's joyful smile and the playful atmosphere are captured in this heartwarming scene. +A UFO hovers in the night sky, its underside glowing with a soft, otherworldly light. Beneath it, a beam of light illuminates a peaceful landscape. The words "We Come in Peace" are clearly visible on its surface, radiating a sense of calm and hope. +A vibrant skateboard deck with the bold graphic reading "Skate or Die", set against a backdrop of a bustling urban street, with graffiti-covered walls and skateboarders in mid-air performing tricks. The scene captures the energetic and rebellious spirit of skate culture. +A bustling subway station with sleek, modern design, featuring the tile "Downtown Line Platform 2" prominently displayed on the wall. Passengers in a hurry walk past, while the fluorescent lighting casts a cool, blue tint over the scene. +A neatly organized toy store shelf with a clear label that reads "Educational Toys", showcasing a variety of learning toys like puzzles, science kits, and alphabet blocks, all brightly colored and arranged attractively. +A high-contrast, edgy skateboard deck featuring the graphic "Skull Crusher Pro Model" with a bold, graffiti-style font. The skull is depicted in vibrant colors, crushing a cracked helmet, set against a dark, urban background. +A close-up of a gardener's glove, prominently displaying the printed text "Plant Grow Repeat", set against a backdrop of rich, fertile soil and vibrant green foliage. +A close-up of a car bumper sticker that reads "Student Driver Stay Back", with a blurred cityscape behind it, emphasizing the sticker's cautionary message. +A close-up of a paper towel with the words "leave" written in bold, black marker, set against a minimal, white background. The texture of the paper towel is clearly visible, adding a realistic touch to the image. +A bustling train station with a digital display reading "Next Train 915 AM" prominently in the foreground, surrounded by commuters waiting on the platform, with the sleek body of a modern train partially visible in the background, ready to depart. +A vibrant concert poster with a bold headline announcing "Global Tour Final Show" under a spotlight, surrounded by excited fans holding glowing light sticks, in a bustling stadium at night. +An intergalactic highway rest stop sign reads "Last Fuel for 10 Lightyears", set against the backdrop of a distant nebula and a few passing spaceships. The sign is illuminated with neon lights, casting a soft glow in the vast, dark cosmos. +New York skyline at night, vibrant and bustling, with "Text to Image" written in a spectacular display of colorful fireworks illuminating the sky. +A realistic photograph of a protestor holding a sign that reads "Equal Rights Now", standing in a crowded street with other demonstrators, under a cloudy sky, capturing the intensity and determination of the moment. +A bicycle with a shiny bell sticker that reads "Ring for Speed", placed prominently on the handlebars, against a backdrop of a blurred, fast-paced city street. +A realistic photograph of the exterior of the restaurant "Gas Station", showcasing its unique blend of industrial and modern design elements, with a few cars parked outside and a warm, inviting glow from the windows. +A medieval tournament ground, vibrant with cheering crowds, centered around a grand banner that reads "Joust Champions" fluttering in the breeze, with armored knights on horses preparing for the competition. +A dramatic scene with a volcano warning siren flashing the message "Eruption Sale Today" in a bustling town square, where panicked citizens and curious onlookers gather, blending realism with surrealism. +An ancient, tattered page from a wizard’s spellbook, titled "Invisibility Brew Page 666", with intricate illustrations of mystical ingredients and detailed handwritten notes in glowing ink, set against a backdrop of swirling, ethereal mist. +A medieval tavern door with a wooden sign above it, clearly displaying the warning: "No Dragons Allowed". The door is worn from age, with a brass knocker and a lantern hanging to the side, casting a warm glow over the scene. +A cozy bakery window adorned with a vintage decal announcing "Fresh Bread Daily Since 1985", with a warm, inviting glow from inside, and a fresh loaf of bread on display, capturing the essence of a long-standing local tradition. +A tattoo parlor's window features a decal in gothic font, boldly advertising "Walkins Welcome", set against a backdrop of vibrant, colorful tattoos and a sleek, modern interior. +A retro camper van parked by a serene lake, its bumper sticker partially peeling, revealing the text "Honk If You’re Holographic" amidst a backdrop of lush greenery and clear blue skies. +A classroom scene with a whiteboard prominently displaying the message "Test Tomorrow Good Luck", surrounded by students' desks and scattered notebooks, with a window letting in natural light, capturing the atmosphere of a typical school day. +A vibrant TV show poster titled "Etsuraku Kousaten", featuring a futuristic cityscape at sunset with neon lights and flying vehicles, set against a backdrop of towering skyscrapers. The title is prominently displayed in bold, glowing letters at the top. +A digital photo frame displaying a slideshow labeled "Family Vacation 2023", showing vibrant beach scenes, joyful family moments, and picturesque landscapes, all captured in high-resolution, warm, and nostalgic tones. +A close-up of a gardener's seed packet with "Plant in Full Sunlight" clearly visible, surrounded by sunlit garden tools and vibrant flowers in a sunny garden setting. +A pirate's parrot perched on a wooden plank, squawking "Shiver Me Timbers" in a speech bubble, with a treasure map and a pirate hat nearby, under a cloudy sky over the ocean. +A worn, torn notebook page lying on a rustic wooden table, with the handwritten note "Meeting at 42nd Tree" clearly visible amidst scribbles and faded ink, under a soft, nostalgic light. +A farmer's scarecrow stands in a golden wheat field, holding a weathered wooden sign that reads "Field of Dreams", with a serene sunset casting long shadows and a soft glow over the landscape. +A close-up of a sleek, modern hotel key card sleeve on a dark wooden surface, with the text "Room 1408 Access" prominently displayed in elegant, silver font. Soft, ambient lighting highlights the texture of the card and the richness of the wood. +A whimsical children's book illustration capturing the essence of "Once Upon A Time", featuring a cozy cottage in a forest at dusk, with a glowing lantern on the porch and a family of woodland creatures gathered around, eager to hear the story. +A sleek, metallic alien spaceship door, intricately etched with the phrase "Welcome Earthlings" in elegant, glowing letters, set against the backdrop of a starlit sky. +A close-up of a shiny red fire truck door, featuring a bold, metallic emblem that reads "Rescue Unit 12", set against a backdrop of a bustling urban street with firefighters preparing for a mission. +A realistic photograph of a modern laboratory, with a whiteboard prominently displaying the note "Test Results Pending" in neat handwriting, surrounded by scientific equipment and charts. +A realistic photograph of a gym locker with its combination dial set to "1234", showing the metal door slightly ajar, with a water bottle and a towel hanging on the side. The locker is in a well-lit, modern gym with wood paneling and mirrors in the background. +A cozy campsite at dusk, with a marshmallow roasting over a crackling campfire. The marshmallow is in a special bag labeled "Roast To Perfection", hanging gently from a stick. The scene is warm and inviting, with the fire's glow illuminating the surrounding forest. +A bustling nightlife scene with a neon bar sign flashing "Last Call" above a crowded counter, patrons engaged in lively conversations, and the ambient glow of the neon reflecting off glasses and faces. +A close-up of a dog's food bowl, etched with the words "Good Boy Buffet", sitting on a wooden floor, with sunlight streaming in from a nearby window, casting a warm glow. +A wooden trail marker stands in a dense forest, its surface weathered by time. The words "Hidden Trail" are carved deeply into the wood, surrounded by moss and foliage, creating a serene and mysterious atmosphere. +A futuristic space hotel lobby with a sleek, glowing sign that reads "ZeroG Suites", surrounded by minimalist decor and large windows showcasing the vastness of space outside. +A modern gym interior with a treadmill prominently displayed. The treadmill's screen is flashing "Snack Time in 01mi" in bright, bold letters. A water bottle and a towel rest nearby, with a fitness enthusiast pausing to glance at the screen, capturing the moment just before snack time. +Retro movie poster for "Attack of the Giant Tomatoes", featuring colossal tomatoes with menacing faces towering over a 1950s American town, cars and people fleeing in panic, vibrant colors, and vintage typography. +A sunlit paleontology dig site with a clear marker reading "Bone Zone Sector 9" surrounded by sand and excavation tools, with scientists in hats and protective gear carefully working around ancient fossil remains. +A sleek race car speeding on a dusty track, with a prominent hood decal reading "Speed Demon" in bold, fiery red letters against a black background, capturing the intense focus and power of the vehicle. +A realistic photograph of a construction site with yellow and black warning tape stretched across, prominently displaying the text "Danger Zone" in bold letters. The scene includes hard hats and safety vests on the ground, emphasizing the cautionary atmosphere. +An astronaut's patch featuring "Mission Alpha", set against the backdrop of a star-studded space, with Earth visible in the distance, detailed stitching, and metallic accents. +A boxing ring under intense stadium lights, the mat boldly printed with "Final Round Championship", surrounded by an eager, cheering crowd, capturing the tension and excitement of the ultimate match. +A neon diner sign glowing "Eat Run" illuminates a rainy city street, reflecting off wet pavements and creating a vibrant, nostalgic atmosphere. +A vintage movie theater marquee illuminated at night, prominently displaying "Midnight Horror Fest" in glowing red letters, surrounded by eerie fog and silhouettes of horror movie icons. +A snow globe with a glass dome filled with snowflakes, sitting on a wooden base intricately engraved with the words "Shake for Best Results". The scene inside the globe is a cozy, snow-covered village at dusk. +A tattoo parlor window with a decal that reads "WalkIns Welcome" in bold red letters, set against a slightly grungy, urban backdrop with faint reflections of the street outside. +A high-resolution digital telescope "Aim At The Stars" captures a vivid night sky, with a detailed view of the moon, distant galaxies, and sparkling constellations, set against a backdrop of a dark, clear sky. +A chilling, old haunted house with a creaky door adorned with an eerie metal knocker shaped like the words "GO AWAY", set under the dim glow of a foggy moonlit night. +A realistic photograph of a massive, ancient bank vault door, intricately engraved with the words "Empty Inside", set against the dimly lit interior of a vault room, with subtle shadows highlighting the door's texture and age. +A weathered knight's shield, dented and battle-worn, but still proudly displaying the inscription "For King and Country" in bold, faded letters. The shield is set against a backdrop of an ancient, misty battlefield. +A close-up of a concert-goer's wrist, showcasing a vibrant, colorful wristband stamped with "VIP Access All Areas" in bold, glowing letters, set against the backdrop of a dimly lit concert venue with a crowd of excited fans in the distance. +A vibrant TV show poster featuring dynamic race car action, with the text "Lov na race" prominently displayed in bold, futuristic fonts, set against a backdrop of cheering crowds and neon lights. +A realistic smartphone screen with a notification pop-up prominently displaying "Memory Full", set against a blurred background of a modern, cluttered desk with scattered tech gadgets. +A realistic photograph of a police car with a bumper sticker reading "To Serve Protect" under a city street lamp, reflecting a sense of duty and protection in an urban night scene. +A bustling farmer's market with a wooden stand prominently displaying a hand-painted sign reading "Organic Apples Here", surrounded by baskets of fresh, red apples and cheerful shoppers. +A detailed science fair poster titled "Volcano Experiment", featuring a colorful diagram of a volcano, labeled sections explaining the eruption process, and a small table with experimental data. The background is a light blue, and the poster includes a miniature model of a volcano in the corner. +A weather station's monitor displays "Storm Alert Level 3" amidst a dark, stormy sky, with lightning illuminating the background and raindrops splattering on the screen. The scene captures the tension and urgency of the approaching storm. +A realistic gym interior with a large, motivational wall decal stating "No Pain No Gain", surrounded by workout equipment and a few focused athletes training intensely. The lighting highlights the decal, making it the focal point of the scene. +A realistic photograph of a laptop with a vibrant sticker that reads "Code All Day Night", placed on the back of the device, surrounded by a cluttered desk with coding books and a coffee cup. +In a dimly lit mad scientist lab, a cluttered whiteboard is filled with intricate sketches and notes labeled "Frankenstein 20 Notes", surrounded by bubbling beakers and scattered journals. +A high-tech spy satellite orbits Earth, its lens focused on a specific location below. A digital overlay reads "Target Acquired" in bold letters, highlighting the precision and intent of the surveillance operation. +A realistic photograph of a fast food drive-thru screen displaying the message "Order Canceled By Mom" in a busy suburban setting, with cars waiting in line and a golden arches sign visible in the background. +A street sign stands on a bustling urban street, reading "wowomen" in bold, reflective letters. The scene is captured at dusk, with the sign illuminated by the warm glow of streetlights, highlighting the unique and intriguing message. +In a modern hospital corridor, a sign that says "slevyas" hangs above a door, illuminated by the soft, ambient light of the hallway. The scene is clean and sterile, with white walls and a gray tiled floor, capturing the quiet, clinical atmosphere of the environment. +A close-up of a digital wristwatch with the display flashing "Battery 1 Since 1999", set against a neutral background, capturing the nostalgic and slightly eerie vibe of an outdated timepiece still holding a piece of its past. +A museum gift shop sign reads "Souvenirs Inside" with a clear, directional arrow pointing to the entrance. Shoppers browse through an array of cultural artifacts and art reproductions, with soft lighting highlighting the displays and a glass counter showcasing unique jewelry pieces. +A futuristic alien spaceship control room, with a sleek, illuminated control panel featuring a red button prominently labeled "Human Disintegration Demo". The button glows ominously, set against a backdrop of advanced technology and pulsing lights. +A detective in a trench coat and fedora, holding a magnifying glass that focuses sharply on a piece of evidence labeled "Clue Here", set against a dimly lit, gritty urban backdrop. +A realistic photograph of the Hubble Space Telescope orbiting Earth, with the Milky Way galaxy visible in the background. The text "mile" is clearly displayed on a digital screen attached to Hubble, reflecting a measurement or distance indicator. +A serene coastal scene with a fishing boat named "Sea Explorer" gently bobbing on calm waters, early morning light casting a golden glow, seagulls circling overhead, and a lighthouse visible in the distance. +A realistic photograph of a boxing ring, with the canvas prominently displaying "Championship Round 12" in bold letters. The ring is surrounded by ropes and the atmosphere is tense, with a spotlight illuminating the center of the ring. +In a bustling alien marketplace, a neon sign above a quaint plant shop reads, "Water Once Per Earth Decade". Exotic plants with iridescent leaves and bioluminescent flowers line the storefront, casting a soft, otherworldly glow. +A weathered treasure chest, half-buried in sand, with intricate engravings that read "Contains 1 one Midlife Crisis". The chest is surrounded by seashells and seaweed, with a faint sunset casting a golden glow, emphasizing the mysterious and slightly humorous nature of its contents. +A vast, futuristic space colony with a large, transparent dome labeled "Habitat Module 7" towering over a barren, alien landscape, with stars and distant planets visible in the night sky. +A realistic photograph of a modern smartwatch with a sleek, silver band on a wrist, displaying a notification that reads "Meeting in 5 Min" against a blurred office background. +A realistic photograph of a highway sign warning "Bridge Out Ahead Detour" set against a backdrop of a winding road leading to a partially collapsed bridge, surrounded by caution cones and construction barriers. +In a futuristic cityscape, a digital "Sentient Being Crossing" pedestrian sign glows brightly, guiding advanced humanoid robots and humans safely across a busy intersection. The scene is illuminated by neon lights, with sleek, high-rise buildings in the background. +A sunny day in a suburban neighborhood, where a wooden lemonade stand stands by the sidewalk. A bright, hand-painted sign reads: "50 a Cup Best in Town", with two children smiling behind the stand, ready to serve refreshing lemonade to passersby. +A bustling alien marketplace with a futuristic food truck prominently displaying a digital menu that reads "Earthling Tacos 2 Credits". The truck is surrounded by diverse alien species, some holding plates of steaming tacos, in a vibrant, neon-lit environment. +An astronaut in a detailed spacesuit stands against the backdrop of a distant Earth, the helmet visor displaying "O₂ LOW" in vivid red alerts, reflecting the urgency of the situation. +A futuristic robot standing in a dimly lit room, its chest panel glowing with the words "System Online", casting a soft blue light around it. +A vintage luggage tag, labeled "Fragile Handle With Care", attached to an old, worn leather suitcase, sitting on a wooden table with a soft, nostalgic glow, emphasizing the tag's aged, delicate appearance. +A vintage detective office door with frosted glass, intricately stenciled with the phrase "No Case Too Small" in elegant, old-fashioned lettering, set against a dimly lit hallway. +A high-quality photograph of a gym water bottle with a bold sticker that reads "Hydrate or Die", set against a vibrant, energetic background with fitness equipment in the distance. +A modern office desk with a sleek laptop open, displaying a screensaver that prominently features the text "In Meeting" in bold capital letters, floating against a minimalist background. +A close-up of a wine barrel in a dimly lit winery, showcasing a sophisticated label marked "Vintage Reserve" with elegant, golden text on a rustic, aged wood background. +A modern kitchen with a sleek, stainless steel smart refrigerator. The fridge's large touchscreen displays a clear reminder: "Buy Milk Today", set against a light, user-friendly interface. Warm morning light filters through the window, casting a soft glow on the kitchen countertops. +A darkened theater with a red velvet curtain slightly parted, revealing a spotlight illuminating the words "Performance Starting Soon" on an elegant, gold-framed sign. The scene is captured in a realistic photographic style, emphasizing the anticipation and grandeur of the moment. +A bustling urban rooftop with workers installing solar panels, surrounded by cityscape. Banners reading "Clean Energy for All" flutter in the wind, emphasizing the community's commitment to renewable energy. Bright sunlight highlights the eco-friendly initiative. +A classroom wall adorned with a vibrant poster titled "Math Is Fun", featuring a mix of colorful equations and playful geometric shapes, surrounded by cheerful school supplies and a backdrop of bright, pastel colors. +A close-up of a vintage, wooden pencil case with intricate embroidery that reads "Art Supplies Inside". The embroidery features a colorful palette of threads, with small, detailed stitches creating a realistic, textured appearance. Surrounding the text are subtle illustrations of pencils, brushes, and paint palettes. +An art gallery plaque titled "Sunset Over Mountains 2024" is displayed on a sleek, modern wall. The plaque features elegant, serif text and is illuminated by a subtle spotlight, enhancing its presence in the serene, well-lit gallery. +A vintage radio with a glowing dial that reads "Tune to Station 666", set against a dimly lit room with soft, nostalgic lighting. The radio's wood grain and metal accents are finely detailed, capturing the essence of a bygone era. +A carnival ticket booth under a gray, rainy sky, with a prominent sign reading "Rides Closed Due Rain", surrounded by wet, deserted midway games and attractions. +In a misty cemetery, a weathered gravestone reads "Beloved Mother", surrounded by ancient, gnarled trees and overgrown grass, creating a solemn and atmospheric scene. +A realistic smartphone screen with a notification popping up, displaying "New Message Unknown Sender" in a modern, sleek interface, set against a blurred background of a coffee shop. +A bustling city street at night, with a neon bar sign glowing brightly, displaying the words "Live Music Tonight" in vibrant colors, casting a colorful glow on the pavement and passersby. +A prehistoric cave painting on a rough stone wall, depicting a herd of mammoths. Above the mammoths, ancient symbols spell out "Big Food Here" in simple, bold lines, emphasizing the importance of the hunt. +A lizard perched on home plate at a sunlit baseball field, with a speech bubble above its head containing the words "marcel", surrounded by the green grass and white lines of the diamond. +A realistic urban scene with a bus stop. The slogan "palestinian" is prominently displayed on the bus stop, surrounded by the hustle and bustle of city life, with people walking by and vehicles passing in the background. +In a bustling supermarket, a price tag on the banana display reads "Bananas 000lb", drawing puzzled looks from shoppers. The vibrant yellow fruits contrast sharply with the stark white tag, highlighting the humorous mistake. +A vintage rocket ship with intricate nose art that reads "Mars or Bust", set against a backdrop of a starry night sky, capturing the spirit of 1950s space exploration. +A ghostly ship floats on misty waters, its deck cluttered with eerie crates labeled "Soul Cargo Handle Carefully", glowing faintly in the moonlight. The hull is weathered, and the sails are tattered, creating a hauntingly realistic maritime scene. +Graffiti in a gritty urban alley, vividly sprayed on the weathered brick wall, spelling "Rebel Zone" in bold, colorful letters, with shadows from nearby buildings adding depth to the scene. +A rustic stable door adorned with a cast iron plaque that reads "Stallion Sanctuary", set against a backdrop of weathered wooden planks and surrounded by a lush, green countryside. +A detailed, realistic photograph of a laboratory test tube, half-filled with clear liquid, labeled with a white sticker that reads "H2O Sample 042". The test tube is placed on a white tile background, with a faint shadow, highlighting the clinical and precise nature of the lab setting. +A bustling airport terminal with a large departure board prominently displaying "Flight 221 Boarding" in bright, flashing lights, surrounded by travelers with luggage, looking up at the board with anticipation. +A classroom scene with a poster on the wall that reads "Raise Hand to Speak", surrounded by desks and students attentively listening, with a teacher at the front of the room. +A modern cityscape at dusk with a large, illuminated billboard featuring the slogan "Innovate the Future" for a tech startup. The billboard showcases sleek, futuristic graphics and a minimalist design, reflecting the company's vision and technology. +A bustling supermarket with fluorescent lighting, shoppers pushing carts, and a clear PA announcement: "Cleanup on Aisle 4". The aisle in focus shows a spill with staff quickly responding, while other aisles remain busy with customers. +A mountaineer stands on a snow-covered peak, holding an ice axe etched with "Peak Seeker", the sunlight glinting off the frosty blade as it digs into the icy surface. +A close-up photograph of a coffee cup with a sleeve that prominently displays the text "Caution Hot Beverage" in bold, contrasting colors against a minimalist, warm-toned background. +A rustic wooden plaque hanging above a horse stable entrance, reading "Stallion Ranch" in bold, weathered letters. The background features a serene pasture with grazing horses and a clear blue sky. +A high-quality photograph of a coffee cup with a sleeve printed "Best Brews Since 2077", set on a rustic wooden table, surrounded by steam rising from the cup, with a cozy, warm atmosphere. +A night scene featuring a pizza delivery car with a glowing sign on top that reads "30 Minutes or Free", parked on a busy street illuminated by streetlights and surrounded by bustling pedestrians. +A serene frozen lake, its surface intricately carved with the words "Thin Ice Warning", surrounded by snow-covered trees and a cloudy winter sky, capturing the delicate tension between beauty and danger. +A vintage rock band tour bus adorned with a bold, vibrant decal screaming "Silent Riot" in fierce, neon colors, set against a backdrop of a starry night, with the band's logo and tour dates subtly integrated into the design. +A close-up of a vintage pocket watch interior, intricately engraved with "Tempus Fugit", showcasing the detailed mechanics and aged, golden finish. +A close-up of a detective's notebook page, with messy handwriting scrawling "Case Unsolved" across the center, surrounded by faded notes and sketches, under a dim desk lamp. +An astronaut stands on the moon, his footprint clearly visible in the lunar soil, forming the words "One Small Step for WiFi". The scene is bathed in the soft light of Earth, visible in the distance, highlighting the stark contrast of the moon's surface. +A high-security bank vault door, intricately engraved with the words "Maximum Security Zone", set against the dim lighting of an underground bank vault, emphasizing the robust, reinforced structure and the solemn, secure atmosphere. +At night, an amusement park ride marquee blinks "Time Warp Coaster" with vibrant neon lights, casting colorful reflections on the surrounding area and excited onlookers. +A vast, green field at dawn, illuminated by the soft glow of the sunrise, features a intricate alien crop circle that spells out "Send More Coffee" in a complex geometric pattern, surrounded by flattened crops radiating outwards. +A close-up of a library cart label reading "New Arrivals" in elegant, flowing handwritten script, placed on a cart filled with freshly shelved books, with the warm glow of overhead lighting enhancing the paper's texture. +A realistic supermarket aisle with a vibrant floor decal pointing towards the "Dairy Section", surrounded by neatly arranged shelves stocked with various dairy products and a few shoppers browsing. +A royal invitation seal featuring intricate gold engravings and a deep crimson background, with the elegant text "Ball at Midnight" prominently displayed in the center, surrounded by regal motifs and ornate borders. +A weathered stone monument, covered in thick, vibrant green moss, with the engraving "They Were Forgotten First" still visible beneath the layers of nature's growth, standing solemnly in a forgotten forest clearing. +A close-up shot of a water bottle with a label that reads "Hydrate or Dydrate", set against a minimalist background. The bottle is half full, with a slight condensation effect on the surface, emphasizing the play on words. +A cozy bakery interior with a rustic oven featuring a window sign that reads "Baking Do Not Open", surrounded by warm, golden light and freshly baked bread loaves on wooden shelves. +A classroom wall features a vibrant poster titled "Math is Fun", adorned with colorful numbers and geometric shapes. Students are engaged in a lively discussion, with calculators and textbooks scattered on their desks, capturing the essence of an enthusiastic learning environment. +A close-up of a worn train ticket stub, crumpled and slightly torn, with the distinct marking "Platform 9 3 4" clearly visible, set against a blurred background of an old, brick railway station. +A vintage theater marquee at dusk, illuminated with bright, colorful lights spelling "Hamlet Tonight" against a deep blue sky, casting a warm glow over the cobblestone sidewalk below. +A superhero stands in a dramatic pose, their chest emblem glowing brightly with the words "Power Mode Activated", casting a radiant light on the surrounding dark alley. +A futuristic city street at night, illuminated by neon lights, featuring a sentient vending machine with a large, expressive screen that displays a cartoonish, pleading message: "Insert Cookies for Soda". The machine is surrounded by curious onlookers and scattered cookie packages on the ground. +A realistic photograph of a mountain trail, featuring a weathered wooden signpost with "Summit 12km" carved into it, surrounded by rugged terrain and dense forest, with a hiker's boot visible in the foreground. +A worn medieval scroll unfurls against an ancient wooden desk, revealing the ominous phrase "Here Be Dragons" in elegant calligraphy, surrounded by intricate illustrations of mythical beasts and nautical maps. +An antique shop with a weathered wooden sign that reads "Treasures Within", hanging above a cobblestone pathway, surrounded by lush green vines and a collection of vintage items displayed in the window, including old books, clocks, and porcelain figurines. +An ice cream truck parked on a sunny street, its side menu prominently displaying "Mystery Flavor 1" in bold, colorful letters, with curious onlookers gathering around, intrigued by the unknown treat. +A detailed close-up of an ancient, gnarled wizard staff, intricately carved with mystical symbols and the phrase "Magic Level 1000" near the top, glowing faintly with a mystical aura in a dimly lit, enchanted forest. +A medieval knight stands proudly, his shield emblazoned with the phrase "Defend the Realm" in bold, ancient script. The shield is adorned with intricate metalwork and a weathered, battle-worn texture, reflecting the knight's noble and valiant spirit. +A weathered, old western town bulletin board with a crumpled wanted poster in the center, featuring a rugged outlaw. The headline reads "Reward $5000 Alive". Dusty streets and wooden buildings in the background, with a subtle sunset casting long shadows. +A sunlit desert canyon with a weathered wooden sign reading "Gold Rush Trail" standing at the entrance, surrounded by rugged cliffs and sparse vegetation. +A close-up of a sci-fi lab door with a sticker warning, "Quantum Kittens Inside", featuring a sleek, futuristic design with glowing neon edges and a holographic kitten silhouette. +A medieval knight stands proudly, his shield emblazoned with the motto "Defend the Realm", reflecting the determination and honor of his cause. The shield's intricate design and weathered metal convey the battles and history it has witnessed. +A wizard stands in a mystical forest, his staff glowing with an ethereal light, emblazoned with ancient "Power Words" that shimmer in the moonlight, casting an enchanting glow around him. +A wizard stands in a dimly lit chamber, his staff aglow with luminescent runes that spell "Light This Candle". The magical light casts intricate shadows, illuminating an ancient, candle-laden altar in the background. +A heroic figure stands against a city skyline at dusk, wearing a flowing red and blue cape embroidered with "Captain Justice" in gold thread, reflecting the last light of the day. The hero's silhouette is strong, with one arm raised in a protective gesture. +A vintage retro diner with a classic red and white checkered floor, illuminated by neon signs. A glossy placemat on the table reads "Tip Your Robot Server" in bold, retro font, with a sleek, futuristic robot server in the background. +A quaint butcher shop with a vintage chalkboard sign outside reading "Grass Fed Beef Sale", surrounded by hanging sausages and cuts of meat in the window, with a wooden front and rustic decor, set in a bustling farmers' market on a sunny day. +A bustling farmer's market stall with a rustic wooden sign hanging above, clearly displaying "Organic Produce Here" in elegant, hand-painted letters. Fresh, colorful vegetables and fruits are neatly arranged on the stall, with the warm sunlight casting a gentle glow, highlighting the vibrant, natural colors. +An astronaut floats in space, their helmet visor displaying a critical warning: "O2 LOW 12 REMAINING". The Earth looms behind, a vivid blue and green backdrop to the tense, life-or-death moment. +A vibrant, colorful birthday card interior with the message "Happy 21st Birthday" in elegant, sparkling gold lettering, surrounded by festive balloons, confetti, and a tiered cake with lit candles, set against a soft, pastel background. +A serene campsite with a rustic wooden sign that reads "Bear Country Ahead" standing prominently at the edge of a forest, surrounded by tall pine trees and wildflowers, with a gentle morning mist rising from the ground. +A carnival scene with a colorful dunk tank, featuring a banner that reads "Soak the Underpaid Intern". The intern, looking nervous, sits on the dunking stool, while excited onlookers line up to throw balls. Bright lights and festive decorations add to the lively atmosphere. +A realistic courtroom scene featuring a judge's gavel engraved with "Order in the Court", prominently displayed on a wooden desk, with a serious judge in a black robe seated behind it, under the solemn gaze of a courtroom audience. +A retro arcade screen with vibrant pixel art, displaying "High Score PL4Y3R 0N3" in bold, flashing neon colors. The screen is surrounded by a classic wooden cabinet with colorful stickers, set in a dimly lit game room. +A modern space exhibit features an interactive screen with the text "Touch to Launch Rocket" displayed prominently. The screen is surrounded by futuristic displays and models of rockets, with a sleek, minimalist design that invites visitors to engage. +A vintage library stamp, prominently marked "Forbidden Knowledge", is centered on an aged, parchment-like paper. The stamp features intricate, almost mystical designs around the text, suggesting a wealth of secret wisdom. The paper shows signs of wear, with faded edges and a few small tears, enhancing the sense of antiquity and mystery. +A close-up of a concert wristband, prominently stamped with "VIP Access Backstage Pass", glowing under the stage lights, with a blurred crowd and vibrant stage colors in the background. +A movie set with a clapperboard clearly labeled "Take 127 Still Awful", surrounded by frustrated crew members and disheartened actors, under the dim lights of a soundstage. +A realistic photograph of a pharmacy window with a prominently displayed ad that reads "Flu Shots Available Here", surrounded by various health products and a few customers browsing inside. +A construction worker stands in a "Hard Hat Area", the decal on their bright yellow helmet clearly visible. The scene is set on a bustling construction site with steel beams and scaffolding in the background, emphasizing the safety measures in place. +A lone desert cactus stands tall, adorned with a hand-painted wooden sign that reads: "Water Never Heard of Her". The arid landscape stretches endlessly, emphasizing the cactus's resilience and the irony of its message. +A heart-tugging pet adoption poster featuring a tearful puppy with large, expressive eyes, sitting in a cozy shelter corner. The poster prominently displays the plea "Adopt Me" in a warm, inviting font, surrounded by soft, pastel colors to evoke empathy and compassion. +A realistic photograph of a library shelf, with a prominent book titled "History of Silent Languages" among other vintage books, the spine slightly worn, and a soft, warm light illuminating the scene. +A realistic photograph of an airport baggage tag, clearly labeled "Destination Narnia", attached to a well-worn leather suitcase on a conveyor belt, surrounded by other luggage. The scene is set in a modern airport terminal with soft lighting and a subtle, warm tone. +A scientist in a lab, wearing a white lab coat with a badge clearly displaying "Dr Smith Quantum Physics", stands amidst high-tech equipment, surrounded by charts and equations on the walls. +A close-up of a concert ticket stub, "General Admission Floor", lying on a textured wooden table, with the glow of stage lights and a blurred crowd in the background, capturing the essence of an exhilarating live music experience. +A detailed close-up of a fire truck door, showcasing the emblem that proudly displays "Engine Company 8" in bold, vibrant colors against a shiny red background. The metal surface reflects a slight sheen, adding depth and realism to the image. +A photographer’s lens cap tagged "Capture the Moment" lies on a smooth, sunlit wooden table, next to a vintage camera. The soft afternoon light casts a gentle shadow, highlighting the texture of the wood and the subtle engraving on the lens cap. +A high-quality product photo of sleek, modern headphones labeled "Noise Canceling Pro" on a minimalist white background, with subtle shadows and reflections that highlight the design and texture of the headphones. +A photorealistic image of a dog wearing a collar with a silver tag engraved "Best Boy Max", standing in a sunlit park with a leash gently resting on the grass. The dog looks playful and content, with the tag clearly visible. +A bustling medieval market street with a wizard's shop featuring an illuminated window sign that reads "Love Potions 50% Off". The shop is adorned with mystical decorations and colorful potions, drawing the attention of curious passersby. +A vibrant window decal at a futuristic robot pet store, featuring a sleek robotic puppy with a playful expression, surrounded by a variety of tech gadgets. The decal prominently displays the text "Batteries Not Included" in bold, eye-catching letters. +A weathered billboard stands tall in a rural Appalachian landscape, the word "appalachian" faintly visible through peeling paint, surrounded by lush green forests and misty mountains in the background. +A vintage radio on a wooden table, its display glowing with the words "Tune In Tomorrow", surrounded by old records and a cup of coffee, bathed in the warm light of a nearby lamp. +A solitary lighthouse tower, painted with the clear identification "Portside Beacon 7", stands against a twilight sky, its beacon light faintly glowing, reflecting off the calm sea around it. +A vibrant TV show poster titled "Stories Floating on the Wind", featuring ethereal illustrations of characters and symbols drifting through a serene, misty landscape, with soft, warm lighting and a nostalgic, whimsical atmosphere. +A medieval shield, intricately crafted with a weathered surface, bearing the proud motto "Strength and Honor" in elegant, embossed lettering, set against a backdrop of an ancient, battle-worn castle. +A detailed school science fair poster titled "Volcano Project 6" featuring an erupting volcano model, colorful diagrams, and informative text, set against a backdrop of a classroom with students and a teacher observing. +A futuristic sci-fi space station, with a large monitor prominently displaying "Docking Approved" in bright green, set against the backdrop of a star-studded universe. The station's sleek, metallic surfaces reflect the ambient light, creating a high-tech atmosphere. +A dimly lit carnival with a ticket booth sign glowing in the night, boldly declaring "Rides Closed Due to Ghosts". Abandoned rides loom in the background, casting eerie shadows, enhancing the haunting atmosphere. +A sleek racing yacht sails through choppy waters, its sail emblazoned with "Atlantic Cup Winner 2024", reflecting the golden sunlight at dusk. Waves crash against the hull as the crew works in harmony, celebrating their hard-earned victory. +A prehistoric cave wall features ancient paintings of mammoths, with a humorous twist: one mammoth has the text "Y U No Hunt" painted next to it, blending historical art with modern meme culture. +A UFO hovers in the night sky, its glowing underside illuminating the dark with a mysterious light. The underside prominently displays the text "Earth Inspection 042" in a futuristic font, casting an eerie glow on the surrounding landscape. +A serene park scene with a wooden bench under a canopy of autumn leaves. A small, ornate plaque is affixed to the bench, reading "In Memory Of Clara". Soft sunlight filters through the trees, casting a warm glow on the bench. +A bustling nightclub with a vibrant neon sign that reads "Dance Floor Open", casting a colorful glow over the energetic crowd and the shimmering dance floor. +A vivid poster with the title text "Trouble in Paradise", depicting a serene tropical beach scene disrupted by dark storm clouds and a lone figure standing on the shore, looking concerned. +"Chaos and Order": An abstract art piece featuring swirling, chaotic patterns in dark hues of blue and purple, gradually transitioning into structured, geometric shapes in bright, contrasting colors, symbolizing the balance between chaos and order. +A detective in a trench coat holds a magnifying glass etched with "Nothing to See Here" over a mysterious, fog-covered street at dusk, revealing a subtle, hidden clue. +A vintage writer's desk with a classic typewriter, a page inserted showing "Chapter 1" in bold, under a soft desk lamp, surrounded by scattered notes and a cup of steaming coffee. +A vibrant graffiti mural titled "Urban Art" adorns a weathered brick wall in a bustling city alley, surrounded by scattered spray paint cans and admiring onlookers. +A sleek chrome license plate frame featuring the phrase "Wanderlust Express" in bold, reflective letters, mounted on a modern, matte black sports car parked against a backdrop of a sprawling, scenic landscape at dusk. +A vibrant circus tent with a grand banner proclaiming "Greatest Show Tonight", surrounded by twinkling lights and excited onlookers, set against a dusky twilight sky. +A weathered, dusty textbook page titled "Forgotten Spells", with faded ink and intricate illustrations of ancient runes and mystical symbols, set against a dimly lit background with a soft, golden light illuminating the edges. +A serene coastal scene with a fisherman's boat named "Sea Legend II" gently bobbing on the calm waters at sunrise, the golden light casting a warm glow over the wooden hull and the rippling waves. +A realistic photograph of a science museum exhibit titled "Age of Dinosaurs" in bold letters, featuring a dramatic backdrop of prehistoric landscapes and lifelike dinosaur models, with informative panels and interactive displays around. +A movie poster featuring a grand, starlit sky with a majestic observatory at the forefront, the title "Planetarium" prominently displayed in elegant, glowing font at the top, surrounded by swirling cosmic nebulae. +A realistic gym scene with a treadmill in the foreground. The digital readout on the treadmill clearly displays "Time 30 00", indicating a 30-minute workout session. The surroundings include modern exercise equipment and a few people working out in the background. +A bustling farmer's market scene with a rustic wooden stand displaying a chalkboard that reads "Organic Apples 2" in elegant script, surrounded by baskets of fresh, vibrant apples and bustling shoppers. +A dimly lit, eerie haunted house with a weathered sign that reads "Beware Ghost Inside" hanging crookedly from a rusty chain, surrounded by fog and tall, shadowy trees. +An abandoned school's dusty blackboard with faded chalk writing that reads "Class Dismissed Forever", surrounded by old, peeling wallpaper and broken desks, capturing the eerie silence and forgotten atmosphere. +A realistic photograph of a construction site with yellow and black warning tape fluttering in the wind, prominently displaying the text "Danger High Voltage", surrounded by caution cones and safety gear. +A bustling subway station with a modern turnstile, its sign prominently blinking "Swipe Card Here" in bright, attention-grabbing lights, surrounded by commuters in a hurry. +A realistic classroom scene with a whiteboard prominently displaying the reminder "Test Tomorrow" in bold letters. Desks are neatly arranged, and a few school supplies are scattered on them, capturing the essence of a typical study environment. +A sleek alien spacecraft with a metallic hull lands on a grassy field at dusk. The side of the ship displays the words "Welcome Humans" in glowing, futuristic letters, casting an eerie blue light onto the surrounding area. +A medieval stone tomb engraved with the inscription "Slayed Dragon Retired RIP", surrounded by flickering torches and shadowy stone walls, capturing the solemn atmosphere of an ancient knight's final resting place. +A pirate ship sails the turbulent sea, its flag proudly displaying the embroidered words "Queen Anne's Revenge" in bold, black thread against a deep red background, fluttering dramatically in the wind. +A coastal scene with a lighthouse tower, its base surrounded by rocky cliffs and the sea crashing against them. A clear sign at the entrance warns, "Beware Siren Songs", under a fading evening sky. +A high-resolution digital aquarium display featuring vibrant "Glofish v23" swimming gracefully, with a sleek, modern interface labeling each fish. The water is crystal clear, and the background is a deep ocean blue, enhancing the glowing colors of the fish. +A sleek, metallic UFO hovers in a dark sky, its underside emitting a soft, blue glow that illuminates the words "Human Observation Unit" in clear, bold letters, casting a mysterious light on the surrounding landscape. +A classroom with a whiteboard at the front, scribbled with the message "Pop Quiz Tomorrow" in colorful markers, desks neatly arranged, and a few textbooks lying around. +A vintage "Speakeasy Entrance" subtly marked with a discreet sign, nestled beside a charming old bookstore. The scene is set in a 1920s urban alley, with dim streetlights casting a nostalgic glow on the brick walls and wooden door. +A close-up photograph of a hospital wristband, clearly showing the text "Patient Name John Doe" printed on it, with a clean and clinical background to emphasize the setting. +A weather balloon ascending through a clear blue sky, carrying an instrument package stamped "Return to Sky Laboratory" beneath it, with the Earth's curvature faintly visible in the distance. +A chef stands in a bustling kitchen, their apron splattered with vibrant sauce and emblazoned with the phrase "Kiss the Cook", capturing the lively essence of a busy culinary environment. +A cozy bakery interior with a wooden shelf displaying various pastries and bread. A clear, modern shelf label reads "Gluten Free Options Available" prominently, ensuring customers can easily identify the selection. Soft, warm lighting enhances the inviting atmosphere. +A wizard's crystal ball glowing with an ethereal light, displaying the cryptic words "Future Uncertain" amidst swirling mists and stars, set in a dimly lit, ancient library. +A dimly lit elevator shaft with an old, metallic button panel. Notably, the button for "Floor 13" is missing, leaving a stark, empty space. The scene is captured in a realistic photographic style, emphasizing the eerie absence of the 13th floor button. +A medieval shield, intricately carved with the motto "For Crown and Quill", hangs on a stone wall in a dimly lit castle hall, illuminated by flickering torchlight. The shield's surface is worn, showing signs of battles past, with the motto prominently displayed in elegant, flowing script. +A superhero stands proudly, his cape embroidered with "Cape Crusader" billowing in the wind. The scene is set at dusk, with a city skyline in the background, capturing the hero's determined silhouette. +A nostalgic nighttime scene featuring a classic American diner with a neon sign above the entrance flashing "Open 24 Hours", casting a vibrant glow on the sidewalk and reflecting in the rain-soaked streets. +A beach towel featuring the print "Sun Sand Sea" in retro lettering, laid out on a sandy beach with the ocean waves gently lapping in the background. The sun is setting, casting a warm, golden glow over the scene. +A close-up photograph of a digital thermometer with a sleek, modern design, displaying the temperature "986 F Normal" on its screen, set against a neutral background. +A detailed observatory scene with a star chart overlay prominently featuring the "Orion Constellation", surrounded by intricate celestial patterns and glowing stars, set against a dark, night sky background. +A realistic classroom scene with a wooden ruler lying on a desk, surrounded by school supplies. The ruler is prominently displayed with the phrase "Measure Twice Cut Once" clearly visible, emphasizing the importance of precision in both academics and craftsmanship. +A vibrant street scene featuring a restaurant with a neon-lit menu board prominently displaying "Chefs Special Dragon Sushi" in bold, glowing letters, surrounded by traditional Japanese decorations and bustling patrons. +A cozy coffee shop interior with a chalkboard menu prominently displaying "New Matcha Latte" in elegant script, surrounded by illustrations of tea leaves and coffee beans, with warm lighting and patrons enjoying their drinks. +In a whimsical, dimly lit room, a vintage Mad Hatter’s teapot sits on an ornate table, its steam curling upwards to form the words "Drink Me Maybe" in elegant, swirling letters. The scene is styled like a classic Alice in Wonderland illustration, with a touch of mysterious, enchanted atmosphere. +A high-tech robot with a sleek, metallic body stands in a dimly lit room, its chest panel glowing with a red error message, clearly displaying "System Error 404". The robot's arms hang limply at its sides, emphasizing its malfunction. +A hidden cave wall adorned with a chalk drawing that reads "The Truth Is Out Here", surrounded by mysterious symbols and ancient runes, illuminated by the dim light of flickering torches. +A vintage poster design featuring the title text "Das alte Lied" in elegant, handwritten font, set against a sepia-toned background with subtle musical notes and a classic gramophone in the corner, evoking a nostalgic feel. +A vibrant TV show poster titled "Magnus Betner live Scala", featuring Magnus Betner on stage with a dynamic background of lights, a large audience, and the Scala logo prominently displayed. The poster has a modern, sleek design with bold typography. +An art gallery wall displays a sleek, modern plaque titled "Untitled 42" beneath a minimalist abstract painting, the soft glow of overhead lights enhancing the serene atmosphere of the space. +A sleek, red race car speeds down the track, its hood adorned with a bold decal that reads "Speed Demon" in fiery, dynamic letters, reflecting the car's intense velocity and the passion of the sport. +A gardener holds a seed packet labeled "Grow with Love" in a sunlit, vibrant garden, surrounded by blooming flowers and lush greenery. The scene captures the essence of nurturing and growth, with the gardener's hands gently cradling the packet. +An astronaut's glove adrift in the vastness of space, "Help Me" clearly inscribed on its palm, surrounded by distant stars and the Earth in the background. +A close-up photograph of a laboratory mouse cage, with a clear tag attached to the front reading "Specimen Group C", set against a sterile, white background. +A poet’s vintage typewriter caught mid-sentence, with the words "The moon whispered" partially typed on the page, under a soft, moonlit window, surrounded by scattered papers and ink bottles. +A close-up of a prison tattoo on a muscular arm, reading "Free Hugs" in bold, intricate letters. The skin is slightly weathered, and a faint scar runs alongside the tattoo, adding depth to the scene. The background is blurred, focusing all attention on the powerful, symbolic message. +A modern fire alarm panel with a digital display showing "All Systems Normal" in clear, green text, set against a sleek, grey control panel with subtle lighting, in a well-lit, professional office environment. +A close-up of a university diploma frame, prominently displaying the text "Masters Degree Awarded", with a subtle background of a graduation cap and gown, emphasizing the academic achievement. +A vintage suitcase adorned with a colorful collage of old travel stickers, prominently featuring the phrase "World Traveler" in elegant, retro font, set against a backdrop of a worn, leather surface with subtle texture and aging effects. +A high school basketball player wearing a jersey with "Star shooter 23" on the back, dribbling the ball on a sunlit court, with teammates and opponents in the background. +A grand stone monument titled "HumanAI Unity Monument" stands prominently in the center of a bustling city reconciliation plaza, surrounded by diverse crowds and modern skyscrapers, symbolizing harmony and progress. +A protestor holds a placard demanding "Equal Rights for Robots" amidst a bustling city crowd, with skyscrapers and futuristic elements in the background, emphasizing the blend of human and robotic presence. +A vintage postage stamp with a classic, worn look, featuring the bold motto "Ever Forward" in elegant, serif font, surrounded by intricate, floral borders and subtle, faded colors, evoking a sense of historical nostalgia. +A sleek, futuristic wristwatch with a holographic display showing "Time Dilation 05x" in vibrant, glowing text, set against a dark, tech-laden background with subtle circuit patterns. +A grand medieval castle gate with a large, unfurled banner reading "Royal Wedding Tomorrow" waving gently in the breeze, surrounded by stone walls and towering turrets, bathed in the warm glow of a setting sun. +A smartphone screen with a notification reading "1000000 Unreads" displayed prominently, set against a cluttered desk with scattered notes and a cup of coffee, capturing the overwhelmed feeling of the user. +A detailed amusement park map with colorful pathways and attractions, prominently marking "You Are Here" with a large, red arrow. The map is held by a friendly park employee, standing in front of a vibrant, bustling entrance. +A lively karaoke bar scene with vibrant lights and a large screen displaying the lyrics "Sing Along Now" in bold, colorful text. The atmosphere is energetic, with people clapping and singing along. +A realistic photograph of a construction site with caution tape stretched across, prominently displaying the words "Danger Midlife Crisis Zone", surrounded by hard hats, tools, and half-finished structures. +A realistic photograph of a fortune cookie slip with the message "Cancel Plans Tomorrow" lying on a dark wooden table, softly illuminated by a warm, ambient light, creating a mysterious and slightly ominous atmosphere. +A bustling city street at night, with a vibrant neon sign above a quaint restaurant, proudly displaying "Best Burgers in Town" in glowing red and blue letters, casting a warm glow on the pavement and passersby. +A cowboy, dusty and determined, stands in a sunlit corral, his lasso expertly coiled around the sign that reads "Practice Makes Perfect", showcasing his skill and dedication. +A hauntingly elegant mansion portrait, its dimly lit halls and creaking floors set the scene. The eyes of the ghostly inhabitants seem to follow the viewer, eerily whispering "Smile More" as they gaze through the lens. +A yoga studio with a serene, minimalist interior featuring a large wall mural that reads "Find Your Inner Peace" in elegant, flowing script, surrounded by soft, natural light and potted plants. +A pair of sleek, high-tech boxing gloves, labeled "Champ 2024 Edition", resting on a worn, red boxing ring mat, with the intense glare of overhead lights highlighting their advanced design and the sweat of countless battles. +A medieval knight's horse, adorned with intricate armor that gleams under the sunlight, with the phrase "Gallop Mode Activated" clearly engraved on the chest plate. The horse stands proudly, ready for battle, in a lush, green field. +A close-up of an antique, ornate potion bottle with a golden label that reads "DRINK ME SIZE UP" in elegant, flowing script, set against a dark, mysterious background. +A close-up shot of a supermarket price tag, prominently displaying "Buy One Get One Free" in bold, with colorful fruits and vegetables blurred in the background, capturing the vibrant atmosphere of a bustling grocery store. +A close-up of a wine bottle neck, featuring an elegant tag that reads "Vintage Reserve 1990", set against a soft, blurred background of a rustic wine cellar. +A realistic photograph of a flyer on a community board, with the text "Lost Dog Reward Offered" clearly visible. The flyer is slightly weathered, with a photo of a friendly golden retriever and contact information listed. The background shows a park bench and trees, enhancing the community setting. +A stylish T-shirt design featuring "Code Poet" in a glowing, binary-style font, set against a dark, tech-themed background with subtle circuit patterns. +A detailed campground map with a red "You Are Here" marker, surrounded by scenic natural elements like trees, tents, and a small stream, captured in a realistic photographic style. +A professor stands beside a whiteboard, where "Think Critically" is prominently scribbled in bold, messy handwriting, surrounded by scattered equations and diagrams in a cluttered, academic office. +A close-up of an old library book with a spine stamped "Overdue Since 1999", surrounded by other vintage books on a wooden shelf, with a soft, nostalgic glow. +A medieval tavern scene with a wooden menu board prominently displayed, intricately carved with "Mutton Stew Special" in gothic script, illuminated by flickering candlelight. +A vibrant food truck with a window decal that reads "Taco Tuesday Special", surrounded by colorful street art and bustling with customers in a lively urban setting. The truck's exterior is clean and modern, with a chef preparing tacos visible through the window. +A close-up photograph of a metallic keychain tag, intricately engraved with the text "If Found Call 555 1234", lying on a textured, wooden surface. The tag is slightly worn, giving it a vintage feel. +A science fair poster titled "Volcano Experiment", showcasing a detailed model of a volcanic eruption, with colorful diagrams and labels explaining the process, set against a vibrant background of lava and volcanic rocks. +A roadside billboard stands tall, boldly advertising "World's Best Coffee Ahead" with a steaming cup of coffee and lush coffee beans in the background, set against a sunny rural landscape with a winding road leading to a cozy café. +A realistic photograph of a basketball game in the final seconds, the scoreboard prominently displaying "Home 98 Visitor 95", with excited fans in the background and players on the court, one making a last-second shot attempt. +A realistic photograph of a ski resort trail marker, prominently labeled "Expert Slope Only", set against a snowy backdrop with fresh powder and a few skiers in the distance. +A close-up of a futuristic robot chest panel, prominently displaying the label "Android Model X" in sleek, modern font, with intricate mechanical components and subtle lighting that highlights the advanced technology and metallic surface. +A dimly lit carnival tent with a mystical fortune teller sign hanging above the entrance, blinking "Know Your Future 5" in vibrant neon lights, casting an eerie glow on the worn wooden signboard and the curious onlookers. +A plant nursery shelf filled with seed packets, prominently labeled "Jurassic Park Ferns", surrounded by lush, prehistoric-looking ferns and other ancient plants, with a subtle mist adding an ethereal atmosphere. +A weathered pirate treasure chest, intricately engraved with the words "Gold Doubloons", sits on a sandy beach, half-buried in the sand, with a few coins spilling out, under the golden glow of a setting sun. +A realistic book cover for a manual titled "Sun Power 101", featuring a modern solar panel array under a bright blue sky, with the title prominently displayed in bold, modern font at the top. +A modern electric car charging station under a clear blue sky, with sleek, futuristic chargers labeled "Power Up 30 Minutes" and several electric vehicles plugged in, surrounded by lush greenery and a bustling cityscape in the background. +A food truck parked on a bustling street corner, its side panel brightly painted with the text "Tacos Supreme" in bold, colorful letters. The truck is surrounded by hungry customers, and steam rises from the open serving window, hinting at the delicious tacos inside. +A realistic photograph of an airport arrival screen showing the message "Flight 42 On Time" in a modern, well-lit terminal with a few travelers waiting nearby. +An ancient papyrus scroll unfurled, revealing intricate hieroglyphics and a prominent heading that reads "Kingdom Tax Records", set against a backdrop of sandy, worn textures and subtle, aged paper tones. +A tennis racket with the tape intricately wrapped around the handle and strings, featuring the phrase "Game Set Match" repeated in a stylish, bold font. The racket is set against a blurred tennis court background, emphasizing the dynamic sport. +A scuba diver's gear laid out on a beach, with a close-up focus on the scuba tank tag clearly marked "Air Pressure 3000 PSI", surrounded by sand and diving accessories. +A UFO hovers above a field, its tractor beam illuminating a group of cows. The cows are arranged to spell "Beam Me Up Plz" in the beam's glow, creating a surreal and humorous scene under the night sky. +A baby wearing a onesie with the print "Future Genius" sits on a colorful play mat, surrounded by toys and books. The setting is a bright, modern nursery with a large window letting in natural sunlight, emphasizing the innocence and potential of the child. +A realistic photograph of a science fair poster titled "Volcano Eruption Study", featuring a detailed illustration of a volcanic eruption, scientific notes, and graphs explaining the process and impact of volcanic activity. +A dragon's treasure chest, its lid emblazoned with "Dragons 401k Hands Off", sits amidst a pile of gold and jewels, guarded by an ancient, slumbering dragon in a mystical, cavernous lair. +A graduation cap adorned with the phrase "Off to Conquer the World", set against a backdrop of a vibrant, sunlit campus with students cheering and colorful banners waving in the breeze. +A vibrant graffiti mural with "Rebel Hearts" spray-painted in bold, colorful letters on the rough concrete walls of a dimly lit subway tunnel, capturing the raw energy of urban street art. +A misty mountain trail with a wooden signpost that reads "Beware of Yetis", surrounded by dense, fog-covered trees and rocky terrain, hinting at the mysterious and adventurous atmosphere of the area. +A vibrant comic book panel featuring a dynamic superhero leaping into the sky, with a bold speech bubble reading "To Infinity And Beyond" floating above their head, set against a starry backdrop. +In a vibrant candy factory, a conveyor belt carries colorful sweets, with a noticeable label stating "Quality Control BOTS ONLY" prominently displayed, ensuring only robotic inspectors handle the delicate process. +A cozy café interior with warm lighting, wooden tables, and a chalkboard menu prominently displaying "Daily Special Matcha Latte" in elegant script, surrounded by sketches of coffee cups and leaves. +A close-up of a pizza box top, labeled "Extra Cheese Inside", sitting on a rustic wooden table, with a slice of cheese pizza partially visible and steam rising from it, in a warm, cozy kitchen setting. +A winter landscape featuring a person wearing a coat with a prominent "Arctic Explorer" patch, standing against a backdrop of snow-covered mountains and icy terrain, with a hint of sunlight casting shadows and illuminating the scene. +A realistic smartphone screen displaying a food delivery app pop-up notification: "Your Pizza is 5 Mins Away". The background shows a cozy living room with a table set for dinner, and a window with a cityscape at dusk. +A vibrant, illustrated board game card with the command "Draw Two Cards" prominently displayed in elegant, bold letters, surrounded by intricate, whimsical designs and playful symbols, set against a rich, textured background. +A vast, icy landscape with a stark, metal sign reading "Titanic Memorial Site" standing firmly on a snow-covered rock near a towering iceberg, the cold waters of the North Atlantic stretching endlessly into the horizon. +A detective's worn notebook lies open on a cluttered desk, the page showing the handwritten entry "Case Unsolved" in bold, dark ink, surrounded by scattered evidence photos and notes. A dim desk lamp casts a warm glow, highlighting the mystery. +A high-tech robot dog stands in a modern living room, its metallic body gleaming under soft artificial light. Around its neck, a sleek collar with a small, illuminated tag clearly stating "Battery Low 10". The dog's eyes are dim, reflecting its low energy state. +A sleek, modern race car with a glossy finish, featuring a prominent hood decal that reads "Speed Demon 500" in bold, vibrant colors, speeding down a sunlit track with a blurred background, capturing the essence of speed and adrenaline. +A restaurant menu with a vivid, detailed illustration of "Dragons Breath Curry", steaming hot with a swirl of spicy smoke, surrounded by traditional utensils and a backdrop of elegant, rustic dining ambiance. +A close-up of a gym locker mirror with a sticker that reads "You Look Tired", reflecting a slightly disheveled person in the background, capturing the essence of post-workout fatigue. +A whimsical children’s storybook cover titled "The Brave Little Snail", featuring a tiny snail in a knight’s helmet, standing heroically on a leaf against a backdrop of a magical forest, with soft, warm lighting and vibrant, colorful illustrations. +In a dimly lit, old museum hallway, a detailed blueprint of the layout is annotated with "Guard Dog Napping Zone", highlighting a corner where a security camera's blind spot meets a cozy, shadowed nook. +A realistic photograph of a futuristic robot dog sitting on a grassy lawn, with a metallic collar featuring a small, circular tag that reads "Battery Low 1 Woof" in clear, bold text. The dog's eyes glow softly, and its body shows subtle mechanical details. +A futuristic sci-fi cryopod with sleek, metallic surfaces and glowing blue accents, displaying blinking "Sleeper Status Stable" on a holographic interface, set against a dimly lit lab with advanced technology in the background. +A close-up photograph of a recycling bin sticker on a blue bin, clearly displaying the text "Plastic Only" in bold white letters. The sticker is slightly weathered, with a few minor creases, set against a blurred urban background. +A cozy bakery interior with a large, vintage cookie jar prominently displayed on a wooden counter, labeled "Emergency Sugar Supply", surrounded by an array of freshly baked cookies and pastries. +A realistic photograph of a chemistry lab with a whiteboard prominently displaying the heading "Lab Safety Rules" in bold letters, surrounded by safety equipment and students in lab coats. +A modern smartphone screen displaying a lock screen notification that reads "3 New Messages", set against a blurred background of a cityscape at dusk, capturing the essence of urban digital life. +In a cozy medieval tavern, a wooden sign hangs above the bar, displaying the day's special in elegant calligraphy: "Mutton Stew 3 Coins". The warm, dim lighting and the cheerful chatter of patrons create a lively atmosphere, capturing the essence of a bustling medieval eatery. +An antique brass lamp lies on a weathered wooden table, emitting a faint glow. The lamp is intricately engraved with ancient symbols, and a clear inscription reads "Wishes Finite" near the base, casting a mysterious shadow in the dimly lit room. +A detailed science textbook diagram illustrating the structure of a cell, with a close-up focus on the mitochondria, labeled "Mitochondria Powerhouse", showcasing its intricate components and energy-producing functions. +A baker in a kitchen, wearing an apron heavily stained with flour, the apron embroidered with the phrase "Knead to Bake" in elegant thread, standing next to a wooden table with various baking ingredients and tools. +In an ancient, dimly lit library, a massive, leather-bound book lies open on a wooden table. The page reveals an intricate stamp that reads "Return Before You’re Roasted". A flickering candle casts shadows, and a dragon’s claw rests gently on the book’s edge. +A cozy butcher shop with a wooden sign hanging above the entrance, proudly displaying "Prime Beef Cuts" in elegant, rustic lettering. The shop window shows neatly arranged cuts of meat, and a friendly butcher is seen preparing a fresh cut behind the counter. +A DJ's turntable neon sign glowing "Live Mix Tonight" in a dimly lit, modern club, with DJ equipment and a crowd of people in the background, captured in a realistic photographic style. +A cluttered desk with a detective’s case file titled "Unsolved Mystery 45" in the center, surrounded by magnifying glasses, maps, and old photographs. The room is dimly lit by a desk lamp, casting shadows on the walls. +A realistic construction site with a barrier wrapped in bright orange and white tape, prominently displaying the text "Caution Quantum Hole". Workers in hard hats stand nearby, and the ground is marked with caution signs and cones. The scene is illuminated by the late afternoon sun, casting long shadows. +A cluttered detective's office with a wooden door slightly ajar, revealing a brass plaque that reads "Private Eye" in elegant, vintage font, set against a backdrop of old case files and a vintage typewriter on a worn desk. +An astronaut stands on the red Martian surface, their helmet visor clearly reflecting the text "Mars Colony 2030" amidst the barren, rocky landscape. +A close-up photograph of candy heart sweets printed with "Be Mine", scattered on a pink, heart-patterned background, with a soft, romantic lighting that highlights the pastel colors and text. +A futuristic sci-fi cryochamber with a digital display warning "System Failure", set in a dimly lit laboratory, with frost forming on the glass and warning lights flickering intermittently. +A medieval forest clearing with a dragon’s hoard signpost warning "No Entry Hoarding in Progress", surrounded by ancient trees and glowing embers, with a mystical aura. +A close-up of a stylish bookstore bookmark with the phrase "Reading Is Magic" elegantly printed on it, lying on a stack of vintage books with a soft, warm light illuminating the scene, creating a cozy and inviting atmosphere. +A desert landscape with a sun-baked sand dune in the foreground, a lone signpost reads "Water Source 2 Miles" pointing towards a distant, lush oasis where a few palm trees can be seen. The sky is a clear blue, and the scene is bathed in warm, midday sunlight. +A time traveler stands in a vintage 1920s street scene, their wristwatch prominently displaying "Now Loading 1923", the intricate gears and hands of the watch visible, capturing the blend of futuristic and past aesthetics. +A weathered treasure map with a prominent "X Gold Here" marking, laid on an old wooden table. Sunlight filters through the leaves, casting dappled shadows. A compass and antique lantern rest beside the map, hinting at the adventure to come. +A beautifully decorated birthday cake with intricate icing that reads "Happy 30th Birthday", surrounded by flickering candles and set against a warm, festive background. +A classroom with a chalkboard at the front, scribbled with colorful letters that spell "Field Trip Tomorrow". Desks are neatly arranged, and a map of a nearby nature reserve is pinned on the wall, hinting at the destination. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly displaying the printed text "Patient Name Sarah Lin", set against a neutral, clinical background. +A realistic photograph of a laboratory storage container, prominently displaying the "Biohazard" symbol, set against a backdrop of sterile lab equipment and shelves. +A movie poster with a title text of "Chapter 66", featuring a dramatic cityscape at dusk, with silhouetted figures against a backdrop of neon lights and billowing smoke, emphasizing the mysterious and tense atmosphere of the film. +A stained glass window in a grand cathedral, intricately depicting "The Last Cookie" biblical scene, with vibrant colors and detailed figures, set against the soft glow of afternoon sunlight streaming through. +A vibrant TV show poster titled "Byron Cage Live", featuring a charismatic actor in a dynamic pose against a backdrop of a bustling cityscape, with the show's title in bold, glowing letters and a crowd cheering in the background. +A detective's cluttered desk with a case file titled "Mystery 101 Unsolved" prominently displayed, surrounded by maps, photos, and notes. The scene is dimly lit by a desk lamp, casting shadows that enhance the mystery. +An alien spaceship console with futuristic holographic displays and sleek, metallic surfaces, prominently featuring a large, illuminated button labeled "Earth Quarantine Lifted" in glowing green text. +A close-up of an antique wooden puzzle box, its lid intricately carved and marked with the words "Unlock Secrets", set against a dimly lit, mysterious background. +An artist's workspace with a paint palette heavily smeared with vibrant colors, featuring the text "Color Outside Lines" prominently in the center, surrounded by scattered brushes and half-empty paint tubes. +A realistic photograph of a judge's gavel stand, intricately engraved with "Order in Court", placed on a dark wooden bench in a courtroom, with soft lighting highlighting the detailed engraving and the polished surface of the stand. +A realistic photograph of a modern doctor's office reception area, featuring a "Please Wait Here" sign prominently displayed on the desk, with comfortable seating and medical posters on the walls. +A cozy café scene with a rustic wooden menu board prominently displaying "Buy One Get One Free" in elegant cursive script, surrounded by a chalk-drawn border and hanging fairy lights. +A realistic photograph of a zoo penguin exhibit, featuring a clear sign that reads "No Flash Photography Again", surrounded by playful penguins and curious visitors. +A detailed amusement park map highlighting "Ride Height Requirements", with colorful icons and clear text, set against a vibrant backdrop of rides and attractions. +A detailed, realistic photograph of a carved wooden signpost in a lush forest trail, prominently displaying the text "To Hidden Waterfall", surrounded by moss and ferns, with dappled sunlight filtering through the canopy. +A laboratory setting with a glass flask on a white counter, labeled with a clear sticker that reads "Do Not Shake", illuminated by soft overhead lights, with scientific instruments and a lab coat hanging nearby. +A close-up of a greenhouse plant tag labeled "Sunflower Sprout", with dew drops glistening on the leaves of a young sunflower plant in the background, bathed in soft morning light. +A magic 8-ball floats in the vastness of space, its glossy black surface reflecting distant stars. Inside, the triangle-shaped message "Outlook Not So Good" glows faintly, casting a mysterious light into the cosmic void. +A vibrant concert stage backdrop for the "World Tour Finale Night", featuring dynamic lighting, a large LED screen displaying the tour's logo, and a crowd of enthusiastic fans in the background, all set under a starry night sky. +A cozy cafe interior with a vintage chalkboard prominently displaying the daily specials, "Coffee 2 Dollars", in elegant white chalk handwriting. Soft morning light filters through the windows, casting a warm glow on the rustic wooden tables and mismatched chairs. +A vibrant surfboard, airbrushed with the bold text "Ride the Wave", catching the morning light as it rests on a sandy beach, waves gently lapping at the shore. +A frozen lake hosts an ice carving festival, featuring an intricate ice sculpture titled "Melting Capitalism". The sculpture depicts a melting skyscraper, with water cascading down its sides, symbolizing the erosion of capitalist structures. Snowflakes gently fall around it, enhancing the serene yet powerful scene. +An artist's paint palette titled "Autumn Dreams", featuring a vibrant mix of warm orange, golden yellow, and deep red hues, with a few dabs of earthy brown and soft green, set against a rustic wooden background. +A realistic photograph of a construction zone, featuring a prominent sign declaring "Road Closed Ahead" amidst orange cones and barriers, with a partially obstructed road and caution tape under a cloudy sky. +A hauntingly eerie hotel key tag, numbered "Room 13⅓", hangs from a dusty, rusted chain, partially obscured by thick, intricate cobwebs in an abandoned corridor. +A realistic photograph of a car with a bumper sticker reading "Honk If You're Happy", parked on a sunny day in a suburban neighborhood, with a cheerful vibe and a clear, blue sky in the background. +A medieval tavern scene with a wooden menu board hanging on the wall, clearly listing "Mead 2 Gold" among other items. The board is slightly weathered, with a warm, rustic ambiance enhanced by the flickering light of nearby candles. +A close-up of an astronaut's training manual page titled "Lunar Landing Protocol", with detailed diagrams and checklists, set against a backdrop of a lunar landscape through a spacecraft window. +A realistic photograph of a spaceship control panel, with a prominent red warning light labeled "Gravity Failure" amidst various buttons and screens, set against the backdrop of a futuristic, dimly lit control room. +A modern living room with a digital thermostat on the wall, displaying "SET TEMP 72F", surrounded by sleek furniture and natural light streaming through a large window. +"New Fragrance Launch" billboard stands prominently in a bustling city square, surrounded by vibrant lights and fashionable passersby. The ad features a sleek, elegant bottle of perfume with a modern, minimalist design, set against a backdrop of soft, glowing colors. +A futuristic robot stands in a sleek, modern laboratory, its chest panel glowing with the words "System Online", indicating its activation. The metallic surface reflects the soft, ambient lighting, emphasizing the high-tech environment. +A vibrant birthday card featuring "You're 30 Today" in sparkling glitter, set against a colorful background with festive decorations and balloons, capturing the joy and excitement of a milestone birthday. +A vibrant carnival scene with a colorful game booth featuring a prominent sign that reads "Win Big Prize Here", surrounded by excited children and cheerful adults, with balloons and streamers adding to the festive atmosphere. +A realistic photograph of a fire station garage, the large door open, revealing the interior. On the door, a clear sign reads "Engine 12 Ready". The scene is illuminated by natural daylight, with a slight glow from the engine's lights inside. +A realistic photograph of a handwritten note, saying "Buy More Eggs", taped to the door of a modern, stainless-steel refrigerator in a well-lit kitchen. +A realistic photograph of a handwritten note, with the words "Eat Healthy Today" clearly visible, taped to the door of a modern refrigerator in a well-lit kitchen. +A charming candy shop window displays an array of colorful sweets, with a hand-painted sign that reads "Free Samples Today Only" hanging prominently. Sunlight filters through the window, casting a warm glow on the delectable treats. +"Autumn is coming" inscribed on vibrant autumn leaves gently floating on a serene lake, surrounded by a forest of trees with golden and red foliage, under a soft, overcast sky. +A vintage toaster with the setting dial turned to "Golden Brown", surrounded by a cozy kitchen countertop with a scatter of fresh bread slices, a ceramic jam jar, and a steaming mug of coffee. Warm, golden sunlight streams through the window, casting a soft glow on the scene. +A close-up of a concert wristband with "VIP Access Only" clearly visible, set against a backdrop of excited concert-goers and stage lights, capturing the vibrant energy of the event. +A realistic photograph of a science lab door, featuring a clear "Authorized Personnel Only" sign, set against a backdrop of sleek, modern laboratory equipment and pipettes, with a slightly open door revealing a glimpse of a high-tech lab interior. +A close-up of a wedding ring with its interior delicately engraved with the words "Always Forever", captured in soft, warm lighting that highlights the craftsmanship and sentimentality of the piece. +A realistic smartphone screen with a notification pop-up that reads "Low Battery 10%", set against a blurred background of a coffee shop, capturing the essence of a casual moment. +A therapist's notebook lies open on a wooden desk, the page filled with neat handwriting. The entry reads, "Patient Still Crazy", underlined for emphasis. A pen rests beside it, and through the window, a serene garden contrasts the somber tone of the note. +A vibrant amusement park with a towering roller coaster, its banner proudly declaring "World's Tallest Coaster", soaring above the colorful skyline, surrounded by excited visitors and towering ride structures. +A vibrant science fair poster titled "Volcano Experiment", featuring a detailed illustration of a volcanic eruption with lava flowing down its slopes, surrounded by labeled diagrams and facts about volcanic processes, all set against a bright, engaging background. +A jewelry store display case, illuminated by soft, warm lighting, showcases a stunning engagement ring with a "Carat Size 25" label, reflecting elegance and luxury. The ring's large, sparkling diamond is the focal point, set against a velvet background. +In a dimly lit antique shop, a vintage sign reads "Vintage Regret Circa 1999", hanging above a cluttered shelf filled with nostalgic items from the late 90s, including old CDs, VHS tapes, and retro toys. +A cozy book club meeting with members discussing their "Monthly Pick July" bookmark, featuring a sunlit summer scene with a stack of books and refreshments on a rustic wooden table. +A vast, empty city square with a large, blank billboard standing prominently, awaiting the words "Your Ad Here" to be filled in, under a clear blue sky with a few fluffy clouds. +A grand marble monument stands tall, its surface meticulously etched with the words "Honor the Brave". Surrounded by a serene garden, the monument is bathed in the golden light of a setting sun, casting long shadows and highlighting the intricate details of the stone. +A close-up of a hotel key card sleeve, elegantly printed with "Sweet Dreams", resting on a sleek, modern countertop with a subtle, ambient light highlighting its design. +A vintage wanted poster with a weathered texture, prominently displaying "500 Reward for Nice Guy" in bold, distressed font. The background features a rustic, old-west town scene with wooden buildings and a dusty road. +A neon sign above the diner entrance, glowing brightly in the night, flashes "Open 24 Hours" in vibrant red and blue, casting a warm, inviting light over the worn brick facade and the few cars parked outside. +A rustic farmer’s weathered barn door, intricately carved with "Old McDonalds HQ", stands against a backdrop of golden fields and a clear blue sky, capturing the essence of rural Americana. +A bustling cityscape at dawn, with a superhero soaring above the skyline. A large newspaper headline reads "City Saved Again" as citizens point and cheer, capturing the heroic moment in a vibrant, realistic photograph. +A sleek, modern car parked on a city street, with a prominent sign on its side that reads "speed" in bold, vibrant letters, reflecting the urban nightlife. +A sophisticated wedding invitation card featuring elegant calligraphy that reads "Join Us in Celebration". The card is adorned with intricate floral patterns and a subtle gold border, set against a soft ivory background. +A bustling train station with a vintage announcement board prominently displaying "Platform 3 Now Boarding", surrounded by travelers carrying luggage and a steam locomotive puffing smoke in the background. +A weathered logbook lies open on a damp, wooden desk inside a ghost ship, its pages yellowed with age. The entry dated "Neverember 32nd" is faintly visible, illuminated by the dim light of a flickering lantern. The ship sways gently, surrounded by misty, moonlit waters. +Retro diner interior with vintage decor, a classic jukebox prominently displayed, playing "Hit Tracks of the 50s", surrounded by nostalgic memorabilia, warm lighting, and a checkerboard floor. +A vintage radio, slightly worn, with a nostalgic patina, featuring a sticker that reads "Caution Plays Jazz Loudly", set against a warm, dimly lit room with a cozy atmosphere. +A digital screen displays a crossword puzzle with the clue "Seven Letters" prominently featured. The interface is sleek and modern, with a soft blue glow. The puzzle is partially filled, with the cursor highlighting the next letter to be entered. +A realistic photograph of an airport departure board, prominently displaying "Gate 12 Now Boarding", with passengers walking by and luggage carts scattered around, capturing the bustling atmosphere of a busy terminal. +A vibrant skateboard deck featuring bold graffiti letters spelling "Street King", set against a dynamic urban backdrop with vibrant colors and street art elements, capturing the essence of urban culture and skateboarding. +A carnival game booth titled "Win Giant Panda" features a large, plush panda as the grand prize. Bright, colorful lights illuminate the scene, and happy carnival-goers gather around, trying their luck at the game. The atmosphere is lively and festive. +A movie set with a clapperboard prominently displaying "Scene 1 Take 2", surrounded by crew members preparing for the next shot, under the soft glow of overhead lights. +A nighttime city street with a yellow taxi cruising by, its roof light brightly lit up with "Available" in clear, bold letters, reflecting off wet pavements in a bustling urban scene. +A close-up of a superhero's chest, showcasing a detailed emblem embossed with "Justice Forever", set against a backdrop of a city skyline at sunset, with rays of light casting a heroic glow on the emblem. +A construction worker pauses, adjusting a helmet with a bold sticker that reads "Safety First Always", against a backdrop of a bustling, half-built skyscraper, sunlight casting a warm glow over the scene. +A vibrant skatepark with dynamic graffiti tagging that reads "Skate Or Die Trying" across a worn, concrete wall, surrounded by skaters performing tricks and an urban backdrop. +A realistic photograph of a sign that says "NeurIPS" hanging outside a modern conference center, with people walking by and a bustling cityscape in the background. +A close-up of a bookmark inside a vintage bookstore, imprinted with "Chapter 3 Preview", lying between the pages of an old, leather-bound book with a rustic, wooden background. +A high school basketball game in the final moments, the scoreboard above the court displays "Final 10 Seconds" in bright red, players intensely focused, the crowd on their feet, cheering loudly. +A close-up of a hotel key card sleeve on a wooden desk, with the text "Room 237 Check Out Noon" clearly visible. The background shows a blurred hotel room, emphasizing the key card sleeve. +A vintage suitcase adorned with a "World Traveler Adventures" sticker, placed on a rustic wooden table. Sunlight filters through a nearby window, casting warm, golden hues on the suitcase and highlighting the sticker's faded, nostalgic colors. +A realistic photograph of a construction site with warning tape prominently displayed, marked "Danger High Voltage", surrounded by scaffolding and safety cones, under a cloudy sky. +A wizard's staff with intricate inscriptions of "Ancient Runes" glowing softly in a dimly lit forest clearing, casting mystical shadows on the surrounding ancient trees and moss-covered stones. +A realistic photograph of a highway construction site, featuring a large, yellow sign with black text that reads "Expect Delays Ahead", surrounded by orange cones and workers in hi-visibility vests. +A stormy sky with dark, swirling clouds forming a tornado shaped exactly like the word "Run", with lightning illuminating the intricate details of the cloud formation. +A detailed photograph of a wizard's crystal ball stand, intricately engraved with the phrase "See Beyond", set against a mystical backdrop, capturing the essence of ancient wisdom and mysterious foresight. +A realistic photograph of an elevator with a prominent emergency notice "In Case Of Fire Use Stairs" clearly visible on the wall, illuminated by the soft glow of emergency lighting, emphasizing the safety message in a modern office building. +A close-up of a retail price tag, with the original price crossed out and "Final Reduction" boldly written above it, set against a blurred background of a busy store shelf. +An astronaut sits at a desk inside Moon Base Alpha, writing in a journal. The base's futuristic interior is illuminated by soft blue lights, and a large window behind the astronaut showcases the barren lunar landscape and Earth rising above the horizon. "Moon Base Alpha" is prominently displayed on a plaque nearby. +A close-up of a baker's hand decorating a large, freshly baked cookie with white icing that spells "Eat Me" in elegant cursive, set against a warm, rustic kitchen background. +A skyscraper window cleaner's bucket, tagged "Wash Away the Grime", hangs from a high-rise in a bustling city, reflecting the sunlight and the towering buildings around it. +A close-up of a crumpled train ticket stub, marked "Platform 9 Express", lying on a wooden table with a warm, golden light casting a soft shadow, evoking a sense of nostalgia and mystery. +A gritty urban scene featuring a worn wooden stool with the sign "Don't Spit" clearly visible, placed against a faded brick wall, surrounded by scattered autumn leaves and a hint of graffiti in the background. +A notice board stands next to a bustling train station, its weathered surface bearing the word "tabbed" in bold, black letters, contrasting with the lively commuters rushing by and the steam of arriving trains. +A vintage carnival tent with a glowing sign that reads "Know Your Future $5" hanging above a wooden booth, where a mysterious fortune teller awaits, surrounded by crystal balls and tarot cards, under a starlit sky. +In a dimly lit, eerie library, an ancient book with a spine titled "How to Disappear Completely" rests on a dusty shelf, surrounded by cobwebs and faint, ghostly shadows that whisper secrets of the past. +A movie poster featuring a rugged, muscular man standing confidently against a city skyline at sunset, with the title text "Rock" prominently displayed in bold, retro fonts at the top of the poster. +A vintage leather saddle, intricately branded with "Lone Star Ranch 1888", rests on a wooden fence post under the wide, open sky of the Old West, with dust swirling gently in the afternoon sun. +A laboratory setting with a mouse cage prominently displayed. The cage label reads "Caution: Telepathic Subjects" in bold letters, with a warning symbol. The environment is sterile and clinical, emphasizing the unusual nature of the experiment. +A vintage neon sign flashing "Open 247" hangs above the entrance of a classic American diner, casting a vibrant glow on the retro façade and the sidewalk below, illuminated against the night sky. +A detailed, vintage-style alien abduction pamphlet titled "Probing FAQs", featuring illustrations of extraterrestrial beings and spacecraft, alongside text explaining common questions and procedures. The design is sleek and informative, with a slightly eerie, sci-fi aesthetic. +A realistic classroom scene with a large clock on the wall, its face reading "Time for Lunch", surrounded by desks and chairs, with sunlight streaming through windows, creating a warm, inviting atmosphere. +In a dimly lit sci-fi prison cell, the cold metal walls are marked with graffiti scrawling "Escape Pod 9 Works" in bold, glowing letters, casting eerie shadows in the narrow, futuristic corridor. +A futuristic spaceship cockpit with a digital screen displaying "Fuel Low" warning, set against the backdrop of a star-studded galaxy, with control panels and futuristic interfaces around. +A futuristic spaceship with sleek, metallic exterior hull markings that boldly spell "Mars Colony One" under the glow of distant stars, set against the dark vastness of space. \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/dataset/ocr/train.txt b/ppdiffusers/examples/flow_grpo/dataset/ocr/train.txt new file mode 100644 index 000000000..3ce0521b7 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/ocr/train.txt @@ -0,0 +1,19653 @@ +A close-up of a medicine bottle with a clear, red warning label that reads "Take With Food" prominently displayed, set against a neutral background. +A close-up of a robot's chest panel, with a digital display blinking "System Override Active" in red, set against a dimly lit industrial background. The scene is captured in a realistic photographic style, emphasizing the cold, metallic textures and the urgency of the message. +A detailed textbook diagram labeled "Photosynthesis Process", viewed under a high-powered microscope, showcasing the intricate cellular structures and chemical reactions involved in photosynthesis. +An ancient, leather-bound wizard’s spellbook lies open, revealing a worn, yellowed page. A delicate bookmark, intricately designed with mystical symbols, rests precisely on "Page 666", casting a subtle glow that illuminates the arcane text. +An astronaut's boot print on the Martian surface, clearly reading "First Steps", surrounded by the red, dusty terrain under a pale, distant sky. +A dog's bowl, engraved with "Feed Me Twice Daily" in a playful font, sits on a cozy kitchen floor, surrounded by sunlight streaming through the window, creating a warm, inviting atmosphere. +A realistic photograph of a bustling city street, featuring a large, vibrant billboard for a car dealership. The billboard prominently displays the text "Zero Percent APR" in bold, eye-catching letters, with an image of a sleek, modern car below the text. +A vibrant photograph of an art contest ribbon labeled "First Place Winner", draped elegantly over a sleek, modern trophy. The ribbon's colors are vivid, with gold lettering that stands out against the deep blue background. The scene is set on a minimalist white backdrop, highlighting the achievement. +A pilot's cockpit at night, with the main screen prominently displaying "Autopilot Engaged" in glowing green text, surrounded by various gauges and buttons, with the vast, starry sky visible through the windshield. +A realistic election campaign poster featuring the slogan "Vote Nobody 2024" in bold, modern font, set against a backdrop of a bustling cityscape with people walking by, some looking intrigued, others dismissive. +A vibrant street mural in a bustling urban area, prominently displaying the quote "Dream Big" in colorful, dynamic typography. The artwork is surrounded by graffiti and street art, with passersby admiring the inspiring message. +A vintage postcard featuring a nostalgic beach scene with soft, golden sands and a serene ocean, adorned with the heartfelt greeting "Wish You Were Here" in elegant, cursive script. +A postage stamp design featuring the motto "Unity in Diversity", showcasing a vibrant collage of people from various ethnic backgrounds, each holding hands in a circle, set against a backdrop of colorful, interwoven patterns symbolizing unity and cultural richness. +A realistic photograph of a classroom test paper, with the header clearly displaying "Final Exam Version A" at the top, set against a slightly blurred background of desks and chairs. +A high-resolution photograph of a Scrabble board with the words "walt" clearly visible, set against a warm, wooden background. The tiles are slightly worn, adding a sense of history and use. +A gym treadmill in a modern fitness center, the screen vividly displaying "Keep Going" in flashing red, with a runner's blurred silhouette in the background, capturing the intensity of a challenging workout session. +An artist's studio desk, cluttered with brushes and tubes of paint, features a prominent, colorful paint palette labeled "Autumn Colors Mix", surrounded by vibrant, warm-toned swatches and a half-finished canvas depicting a lush autumn forest. +A detailed pilot’s flight plan map, with a red marker highlighting the route and a prominent label reading "Final Destination" at the endpoint, set against the backdrop of a cockpit with a view of the clouds outside. +A detective's worn notebook, pages slightly yellowed, with the underlined clue "Follow the Crumbs" prominently displayed, surrounded by scribbled notes and sketches, set on a dark, gritty city street at dusk. +A close-up of an old library book, showing the checkout card with a vintage stamp that reads "Return by 1225", surrounded by worn pages and the scent of nostalgia. +"Quiet please" signs in a movie theater, depicted in a realistic photographic style, with subtle red and black color scheme, minimalistic design, and clear, bold text against a dark background. +A neon bar sign glowing "Last Call at Midnight" stands out against a dark, rainy city street, reflecting off wet cobblestones and illuminated by the soft glow of street lamps. +A cozy kitchen scene with a coffee mug emitting gentle steam, revealing the faded text "Worlds Okayest Dad" on its side. The mug sits on a wooden table, with morning light softly illuminating the scene, creating a warm and nostalgic atmosphere. +A mystical dragon's treasure chest, its lid intricately stamped with "Dreams Only", glowing softly in an ancient, dimly lit cavern, surrounded by shimmering gemstones and golden artifacts, the air thick with magic and mystery. +A realistic photograph of a hospital wristband wrapped around a patient's wrist, clearly printed with "Patient John Doe", set against a neutral background. The wristband is slightly wrinkled, reflecting its recent application. +A cluttered office with a scientist standing beside a whiteboard filled with complex equations, the last equation ending with "42". The room is bathed in warm, natural light from a nearby window, adding a touch of realism to the scene. +A vibrant unicorn-themed sign hangs above an old wooden stable, illuminated by the warm sunset. The sign reads "Magic Happens Here" in elegant, glowing letters, surrounded by twinkling fairy lights and floating sparkles, creating a magical and enchanting atmosphere. +A serene lakeside scene with a wooden dock extending into the calm water. A clear signpost stands at the edge of the dock, displaying a prominent sign that reads "No Swimming Allowed" in bold letters. The surroundings are lush and green, with the morning sun casting a gentle glow over the landscape. +A serene wildlife reserve entrance, featuring a wooden signpost with the text "Protected Area" clearly visible. Surrounding the sign are lush green trees and a variety of wildflowers, creating a natural and peaceful atmosphere. +A beautifully crafted birthday cake with smooth, white icing, elegantly decorated with the message "Happy 30th Sarah" in vibrant, colorful letters. The cake is surrounded by glowing candles and placed on a rustic wooden table, with a soft, warm ambient light enhancing the festive atmosphere. +A dark, sleek supervillain lair entrance with a menacing, futuristic design. At the threshold, a striking welcome mat reads "Wipe Feet and Surrender", illuminated by dim, eerie lights casting shadows on the metallic walls. +A close-up of a chef’s knife with the blade etched with "SHARP EDGE ONLY", set against a kitchen backdrop with a wooden cutting board and fresh herbs. The knife’s metallic surface gleams under soft, overhead lighting, emphasizing the precision and craftsmanship. +An art gallery plaque titled "Untitled No 5 2024" is displayed on a sleek, white wall, illuminated by soft, overhead lighting. The plaque features elegant, modern typography set against a minimalist background, with a subtle gray border. +A modern ambulance parked on a city street at night, with "EMERGENCY 24HR" clearly visible on its side. The vehicle is illuminated by the glow of nearby street lamps, and a medic is about to open the rear doors. +A realistic photograph of a car dashboard with a prominent "Check Engine Soon" alert illuminated on the display, set against the backdrop of a dimly lit interior. +A realistic photograph of a laptop with a vibrant sticker on its lid, proclaiming "Code Now Sleep Later", set against a minimalist desk with a coffee cup and coding books. +A vivid comic book panel depicting a dynamic explosion, with the sound effect "KABOOM" prominently displayed in bold, colorful letters, surrounded by debris and flames. Heroes and villains react with shock and awe, adding to the intense, action-packed scene. +A close-up of a baby onesie, softly wrinkled, with the text "Little Star" embroidered in elegant, shimmering thread, set against a pastel background. +An art gallery wall displays a sleek, modern plaque titled "Abstract Regrets 7" beneath a large, vibrant abstract painting. The plaque's text is elegantly engraved in silver, contrasting with the deep black background. Soft, ambient lighting highlights the artwork, creating a serene and contemplative atmosphere. +An ancient wizard's spellbook lies open on a wooden table, illuminated by the flicker of a nearby candle. The page is titled "Invisibility Incantation", with intricate illustrations and handwritten notes surrounding the text. +A vintage candy jar on a wooden countertop, with a charming label that reads "Take One Only Please", surrounded by colorful, handcrafted candies. The scene is softly lit, emphasizing the jar's glass texture and the inviting atmosphere of a nostalgic sweet shop. +A realistic photograph of an airport departure board with "Flight 808 Cancelled" prominently displayed, surrounded by other flight information, in a busy terminal with a few passengers looking concerned. +A police car parked on a city street at dusk, with a clear, detailed decal on the door that reads "Serve and Protect", reflecting the lights of the surrounding buildings. +A high-tech robot dog with a sleek metal collar, featuring an engraved tag that reads "Model TX9 Good Boy", standing in a futuristic cityscape under a neon-lit sky. +A realistic photograph of a delivery driver standing by a van, holding a tablet showing the "Out for Delivery" status, with several packages ready to be delivered in the background. +A realistic photograph of a coffee cup with a sleeve that prominently displays the text "Handle With Care", set against a warm, cozy background with a slight steam rising from the cup. +A gardener carefully tends to a lush, vibrant garden, holding a classic metal watering can labeled "H2O Only" in bold letters, ensuring only pure water nourishes the diverse array of flowers and plants. +A realistic photograph of a science fair project titled "Volcano Eruption Model", showcasing a detailed miniature volcano with red and orange lava spilling down its sides, surrounded by explanatory posters and excited students observing the eruption. +A vibrant poster design featuring bold, modern typography with the title text "Lock Up" prominently displayed. The background showcases a sleek, urban landscape with subtle, geometric patterns, emphasizing the theme of security and enclosure. +A neon "Robot Repair Shop" sign glows vividly in a narrow, futuristic downtown alley, casting colorful reflections on the wet pavement and sleek, high-tech buildings. Cybernetic figures and advanced drones are faintly visible, adding to the sci-fi ambiance of the scene. +A modern, sleek digital thermostat mounted on a white wall, displaying "Current Temp 72F" in clear, green LED digits. The room is softly lit, emphasizing the clean lines and minimalist design of the thermostat. +A prehistoric cave wall adorned with a detailed painting of a mammoth, its massive form rendered in earthy tones. Near the mammoth, the words "Hunt Here" are boldly inscribed in ochre, adding a stark message to the ancient art. +A beautifully crafted wedding cake with a sleek, modern design, topped with fresh flowers and intricate sugar decorations. The cake knife, elegantly engraved with "Happily Ever After 2024", rests on a pristine white plate beside the cake, ready for the newlyweds to make their first cut. +A retro pixelated video game screen with vibrant, nostalgic colors, displaying the message "Level Up Unlocked" in bold, glowing text, surrounded by celebratory animations and sound effects. +A cyclist speeding down a mountain trail, their jersey boldly printed with "Ride or Die", capturing the spirit of adventure and determination in a vibrant, realistic photograph. +A museum exhibit featuring a detailed label that reads "Dinosaur Era Fossils", surrounded by ancient, weathered fossils and dim, ambient lighting that highlights the prehistoric relics. +A futuristic sci-fi book cover featuring a neon-lit title "Galactic Warp" set against a backdrop of swirling cosmic nebulae and distant galaxies, with sleek, metallic spacecraft hovering in the foreground. +A ballet studio with large mirrors adorned with a stylish decal that reads "Practice Makes Perfect". Dancers in leotards and tights are seen practicing gracefully, their reflections adding depth to the scene. The room is bathed in soft, natural light, highlighting the elegance and dedication of the dancers. +An ancient, leather-bound wizard’s spellbook lies open on a wooden desk, illuminated by a flickering candle. The page is titled "Turn Frog to Prince", with intricate illustrations of a frog transforming into a prince. The room is filled with magical artifacts and glowing potions. +A cozy hotel bathrobe with "Property of Grand Hotel" embroidered in elegant gold thread, hanging neatly on a luxurious bathroom door, with soft morning light streaming through a frosted window, casting gentle shadows on the marble tiles. +A close-up of an alien plant nursery tag, intricately designed with luminescent symbols, clearly stating "Water With Moonlight Only" under a soft, otherworldly glow. +A weathered treasure chest in a dimly lit cavern, its lid proudly stamped "Empty Again", surrounded by scattered coins and ancient artifacts, hinting at past riches and adventures. +A close-up of a pizza box with "Hot Fresh Delivered" stamped on it, sitting on a wooden table, with steam rising from the box, and a slice of pizza partially pulled out, showing melted cheese and toppings. +A spy in a rain-soaked alley, holding a briefcase with a digital lock displaying the code: "Top Secret 007", while looking over his shoulder, wary of the shadows. +A neon diner sign flickering "Open 247" above the entrance, casting a warm, glowing light onto the rain-soaked pavement and reflecting off the wet surfaces in a bustling, late-night urban scene. +A movie director's chair labeled "Director John Doe" sits on a sunlit film set, surrounded by clapperboards and camera equipment, with a bustling crew in the background. +A stone monument stands tall in a misty forest clearing, its surface etched with ancient runes that translate to "Walk Wisely". The moss-covered stone contrasts with the vibrant green foliage, creating a serene and mystical atmosphere. +A weathered lighthouse stands resilient against a backdrop of dark, roiling clouds, the sea churned into white-capped waves, all under the ominous sky, with the words "Storm Approaching" inscribed on its stone wall. +An ancient stone tablet, weathered by time, stands in a dimly lit forest clearing. Moss clings to its sides, and the inscription "Beware the Eclipse" is deeply carved into the surface, casting eerie shadows in the fading light. +A close-up of a modern GPS device with a sleek, silver frame, its screen flashing the message "Recalculating Route" in bold, blue text against a dark background, set against a blurred cityscape at dusk. +A tranquil park scene with a wooden bench under a tree, featuring a metal plaque that reads "In Memory of Joy", surrounded by vibrant flowers and soft, dappled sunlight. +A close-up of a sleek, black cat's bowl, intricately engraved with the words "Feline Overlord" in elegant, flowing script, set against a minimalistic background. +A close-up of a futuristic time machine dashboard, prominently featuring a digital screen that reads "Set Destination Year", surrounded by sleek, metallic controls and blinking LEDs. +A cluttered chemistry lab shelf, with glassware and chemicals, prominently features a warning label that reads "Handle With Care Explodium". The scene is lit by the soft glow of lab lights, emphasizing the caution required. +A movie set at dusk, with a film crew preparing for the next take. A clapperboard is prominently displayed, snapped shut, with "Scene 99 Take 1000" clearly visible. The atmosphere is tense, with crew members in the background adjusting lights and cameras. +A plate of vibrant, spicy food with "spicy" elegantly written in flowing cursive above it, surrounded by steam and colorful ingredients, capturing the essence of a fiery culinary experience. +A cozy bakery interior with a glass display case filled with cookies. One cookie has a fortune slip partially visible, reading "You Will Misplace This Later", nestled among chocolate chips and sugar sprinkles. Warm, golden lighting enhances the inviting atmosphere. +A realistic photograph of a construction helmet with a bold sticker stating "Safety First Always", placed prominently on the side, against a backdrop of a bustling construction site with workers in high-visibility vests. +A medieval tapestry intricately woven with the text "Year of Our Lord 1066", depicting scenes of knights, castles, and countryside, set against a rich, golden background with detailed borders of vines and flowers. +A weathered pirate ship flag flutters in the sea breeze, featuring a menacing skull with crossed spoons beneath it and the bold text "Soup Crew" prominently displayed, set against a dark, stormy sky over choppy waters. +A cute dog sitting on a grassy field, looking puzzled, with a thought bubble above its head that reads "Where's My Second Breakfast?" The scene is bright and cheerful, with a blue sky and fluffy clouds. +A weathered wooden hiking trail marker, intricately carved with "Summit 2 Miles", stands at the edge of a forest path, surrounded by lush greenery and dappled sunlight filtering through the trees. +A cozy coffee shop interior with a chalkboard menu prominently featuring "Latte Art Special" in elegant cursive. Soft, warm lighting enhances the rustic wooden furniture and the inviting atmosphere. Customers enjoy their drinks, and a barista skillfully creates latte art behind the counter. +A weathered pirate ship flag flutters in the sea breeze, prominently displaying a skull with crossbones and the bold slogan "Yarrrnt" written beneath it, against a dark backdrop of stormy skies and turbulent waters. +In a bustling supermarket, a digital PA screen malfunctions, displaying the eerie message "All Prices Lies" in glitchy text. Shoppers pause, bewildered by the surreal announcement, as the fluorescent lights flicker above the aisles filled with colorful product displays. +A realistic photograph of a gas pump with a clear, prominently displayed sticker saying "Unleaded Fuel Only" on the side, set against a backdrop of a modern gas station with cars in the distance. +A vibrant skateboard deck featuring bold graffiti text "Skate or Die" in dynamic, colorful strokes against a sleek, black background, capturing the urban spirit and rebellious energy of street culture. +A weathered pirate ship sailing the stormy seas, its flag proudly displaying "Plunder Pillage Co" in bold, worn letters, flapping dramatically in the fierce wind. +A dimly lit escape room with a vintage wooden table. On the table, a crumpled note reads "The Key Was in Your Pocket". Soft shadows and a single flickering light bulb enhance the mysterious atmosphere. +A close-up of a winter coat's tag, clearly displaying the text "Machine Wash Cold", set against a frosty, winter background with subtle snowflakes falling. +A high-tech satellite orbits Earth, its expansive solar panels gleaming under the sun, labeled "Solar Power Active" in bold letters. The intricate machinery and solar cells are clearly visible against the dark backdrop of space. +A realistic photograph of the entrance to a university building, with a prominent sign that reads "Hall of Sciences", surrounded by lush greenery and a few students walking by. +A child's lunchbox, adorned with colorful "Adventure Awaits" stickers, sits on a picnic blanket in a sunlit meadow, surrounded by wildflowers and butterflies. +A vibrant poster featuring a panda clutching a bamboo shoot, surrounded by lush green bamboo forest. Bold text reads, "Save Our Bamboo Buffets". Emphasize the panda's expressive eyes and the rich, detailed textures of the bamboo. +A UFO hovers over a tranquil field at dusk, its glowing underside casting an eerie light. The message "Take Me to Your Leader" is projected brightly onto the grass, creating an otherworldly scene. +A detailed corner of a cave explorer's map, with old, crinkled paper and a quill-pen annotation that reads "Here Be Awkward Silences", surrounded by faded compass markings and mysterious symbols. +A festive holiday card featuring a snowy landscape with a cozy cabin, adorned with Christmas lights. The card reads "Holiday Greetings" in elegant, glittering text, surrounded by holly and pine branches. +A realistic classroom scene with a periodic table poster prominently displayed on the wall, highlighting "Element Fe 5585" with a spotlight. Students are seated at desks, and a teacher stands at the front, pointing to the highlighted element. +A weathered spyglass with intricate lens etching that reads "Land Ho", resting on the edge of an old wooden ship's deck, the ocean waves gently lapping against the hull in the background. +A museum gallery with soft, ambient lighting, showcasing an ancient artifact behind a glass display. A small, elegant exhibit card placed discreetly reads "Do Not Touch" in elegant, serif font. The artifact is illuminated, drawing attention while emphasizing the card's warning. +A close-up of a dog collar tag, intricately engraved with "Best Boy Max", glinting in the sunlight, set against a soft, blurred background of green foliage. +A detailed floorplan of a superhero's secret hideout, featuring a marked area labeled "Secret Lair Café", with sleek, futuristic design elements and hidden compartments. +A bustling airport terminal with a digital departure board prominently displaying "GATE 13½ Platform ¾" amidst a list of other flights. Passengers in modern attire look puzzled or intrigued, while airport staff direct them. The scene captures the blend of routine travel and a hint of the mysterious. +A time traveler stands in front of ancient Roman ruins, wearing a modern t-shirt printed with "I ❤ 79 AD". The background shows the partially reconstructed city of Pompeii, with volcanic ash gently falling around them, blending historical and contemporary elements. +A wizard's study, dimly lit by candlelight, with an old, worn scroll titled "Ancient Spells" unfurled on a wooden desk, surrounded by ancient tomes and mystical artifacts. +A realistic photographic scene of a voting booth interior, with a clear sign that reads "Select Only One Candidate" prominently displayed on the wall, alongside a ballot box and voting slips on a wooden table. +A bustling farmer's market stall with a wooden sign prominently displaying "Organic Apples 2lb". Crisp, fresh apples are neatly arranged in baskets, surrounded by vibrant market scenes with happy shoppers and colorful awnings. +A detailed museum artifact description card titled "Phoenician Coin", displayed next to an ancient, intricately engraved silver coin. The card explains the coin's historical significance, featuring elegant typography and a subtle, professional background. +A programmer's desk with a mug prominently displaying the phrase "Code Now Apologize Later", surrounded by a laptop, scattered papers, and a keyboard, set in a cozy, well-lit room with a window showing a cityscape. +An astronaut's glove floats in the vastness of space, with "O2 75" clearly displayed on its digital screen, surrounded by distant stars and the curvature of Earth in the background. +A medieval stable scene with a knight's horse, its feed bag hanging by the stall door, clearly stamped "Contains 0 Dragon" in bold lettering. Sunlight filters through the hayloft, casting warm shadows. +A well-lit jewelry store display case prominently labeled "Engagement Rings", showcasing an exquisite collection of diamond rings on a velvet backdrop, with soft, warm lighting enhancing the sparkle and clarity of each piece. +In a museum gift shop, a detailed replica dinosaur fossil is displayed on a pedestal, with a tag reading "Replica Dinosaur Fossil" clearly visible. The shop is softly lit, and other dinosaur-themed souvenirs are arranged around the fossil, enhancing its prehistoric aura. +Retro diner with a classic jukebox in the corner, glowing neon signs, and vintage decor. The jukebox prominently displays "Play Hit Song Now", inviting patrons to select their favorite tunes. +A serene library scene with a book cart prominently displaying a sign that reads "Quiet Zone Ahead", surrounded by tall, wooden bookshelves filled with neatly arranged books, under the soft glow of overhead lighting. +A vibrant beach towel design featuring the playful text "Life's a Beach" in bold, sunny colors, surrounded by tropical elements like palm leaves and seashells, set against a backdrop of soft sand and clear blue ocean waves. +A high school football player stands proudly on the field at sunset, wearing a jersey with "Champions 2023" printed on the back, the golden light casting a warm glow over his victorious pose. +A dense forest scene with a weathered wooden signpost, prominently displaying the text "Beware of Bears", surrounded by tall trees and underbrush, with a subtle path leading into the woods. +A realistic smartphone screen displaying a weather app alert with the message "Severe Thunderstorm Warning", set against a dark, stormy sky with flashes of lightning in the background. +A close-up of a sleek, modern watch with the face text clearly displaying "Time Is Now", set against a minimalist background, capturing the essence of urgency and precision. +A high-speed race car with a sleek, aerodynamic design, featuring a prominent hood decal that boldly proclaims "Speed Demon 500" in vibrant, dynamic lettering. The car is poised on a gleaming track, with a sense of motion and speed. +A realistic photograph of a laboratory whiteboard, densely covered with equations and diagrams, with a prominent warning in red marker: "DO NOT TOUCH TIME". The whiteboard is slightly smudged, and a few sticky notes with additional notes are scattered around. +A medieval wizard's cluttered laboratory, with a potion bottle labeled "Liquid Courage" prominently displayed on a wooden table, glowing with a faint, warm light, surrounded by ancient books and mystical artifacts. +In a museum gift shop, a wooden sign with the tag "Souvenir Replicas Available" hangs above a display of ancient artifact replicas, including small statues and pottery, set against a backdrop of soft, warm lighting and elegant shelves. +In a luxurious hotel lobby, an elegant digital display above the elevator reads "Now Playing". Soft, ambient elevator music fills the space, enhancing the serene and welcoming atmosphere. A plush, modern sofa and a glass coffee table are seen in the foreground, with polished marble floors reflecting the ambient light. +A chef stands in a vibrant kitchen, wearing an apron splattered with ketchup that reads "Kiss the Cook". The chef holds a wooden spoon, and the background features a modern, well-equipped cooking station with steaming pots and fresh ingredients. +A pilot's cockpit at dusk, the panel flashing "Low Fuel Land Immediately" amidst a serene sky, with the horizon casting a warm orange glow through the windshield, emphasizing the urgency of the situation. +A realistic urban scene featuring a brick wall covered in graffiti, prominently displaying the words "Revolution Now" in bold, vibrant spray paint. The wall is partially weathered, with some tags and stickers around the main text, set against a slightly overcast sky. +A dimly lit medieval castle dungeon, walls covered in moss and vines, a rusted iron sign hanging crookedly that reads "Abandon All WiFi", flickering torches casting shadows. +A prehistoric cave wall, dimly lit by flickering torchlight, features a painting of mammoths. The ancient artwork is adorned with crude charcoal letters that read "Big Food", emphasizing the mammoths' significance as a food source. +A detailed flight plan map laid out on a cockpit table, prominently marked with "Route 66 Airway", surrounded by navigation tools and a pilot's logbook. +A neon sign outside a vintage motel glows "Vacancy" in vibrant red and blue, casting a soft, flickering light onto the faded brick wall and the empty parking lot, creating a nostalgic and slightly eerie atmosphere. +A grainy spy camera footage image, timestamped "REDACTED", showing a dimly lit room with shadows cast by an unseen light source, capturing the tense atmosphere of a covert operation. +In a modern art gallery, a sleek, black plaque stands below a striking abstract painting, reading "Untitled 14 2023". The plaque is positioned against a clean white wall, with soft, ambient lighting highlighting the artwork and its description. +A close-up of a library bookshelf, with the spine of a book clearly labeled "Ancient History Vol 3" amidst other worn, leather-bound volumes, the warm glow of overhead lighting casting soft shadows. +A close-up of an origami crane with one wing delicately folded to reveal the words "Made in 5D" inscribed on the paper, set against a minimalist background. +A magical 8 ball hovers in a cozy, dimly lit room, its answer reading "Ask Again After Coffee" glowing softly. A steaming cup of coffee sits on a wooden table nearby, creating a warm, inviting atmosphere. +A city street at night, a digital billboard flickers and malfunctions, displaying "BZZT System Failure" amidst the neon lights and rain, with pedestrians passing by, some glancing up in confusion. +A futuristic cityscape at night, with a glowing hologram floating above the skyline, displaying the words "Welcome to Neo Tokyo" in vibrant neon colors, surrounded by towering skyscrapers and flying vehicles. +A sleek spy gadget watch with a high-tech interface, displaying the message "Mission Activated" on its screen, set against a dimly lit, futuristic cityscape at night. The watch is worn on a rugged, tech-enhanced wrist, emphasizing the covert nature of the mission. +A movie set with a director's chair in the background, the back of the chair featuring the text "Action Scene Take 32", under a dramatic spotlight, surrounded by crew members with cameras and equipment, capturing an intense action sequence. +A serene garden path lined with vibrant flowers, leading to a neatly trimmed lawn where a charming wooden sign stands, reading "Please Keep Off Grass", under a clear blue sky. +A realistic photograph of a fire extinguisher cabinet, prominently labeled "Break Glass Here", set against a neutral background, with a subtle shadow to enhance its three-dimensional appearance. +A sophisticated wedding invitation card, embossed with the elegant text "Sarah and Jake Forever", featuring a classic, romantic design with gold accents and intricate patterns, set against a soft, ivory background. +A digital billboard looms over a busy highway, displaying "Traffic Jam Ahead" in large, flashing red letters, warning drivers of the congestion ahead. +A graffiti-covered dumpster, its metal surface adorned with vibrant, chaotic patterns and bold letters spelling "Modern Art" in spray paint, standing against a urban backdrop. +A movie theater marquee illuminated at night, prominently displaying the text "Now Playing Action Hero", with a crowd of excited moviegoers lining up to buy tickets, and the silhouette of an action hero on a poster nearby. +A nostalgic retro gas station with a marquee prominently displaying "Fuel Your Dreams" in faded, weathered letters, set against a twilight sky with vintage cars parked nearby. +A realistic photograph of a "Slippery When Wet" sign propped near the stairs leading into a swimming pool, with water splashing lightly around the steps and sunlight reflecting off the surface. +A modern kitchen countertop featuring a sleek, stainless steel coffee machine with a prominent "Brew Now" button, surrounded by a clutter of coffee mugs, a sugar bowl, and a box of coffee pods, all bathed in the warm morning light streaming through a nearby window. +An underwater cave illuminated by bioluminescent formations, with a glowing "Turn Back Now" sign prominently displayed on the cave wall, surrounded by shimmering blue lights and aquatic plants. +A dimly lit submarine control room with a sonar screen displaying the text "Kraken Bearing 270 Degrees" in green font, surrounded by worried crew members monitoring the equipment. +A realistic photograph of a "sen" reminder notice, prominently displayed on the interior wall of a modern city bus, surrounded by passengers and urban scenery through the windows. +A close-up of a vintage library book page with a circular red stamp clearly displaying "Due Back Monday", surrounded by faded text and the subtle texture of aged paper. +A close-up of a wedding ring engraved with "Forever Yours 2024" on a soft, velvet background, illuminated by warm, natural light, capturing the intricate details and the subtle shine of the metal. +A wizard's familiar, a mystical creature with glowing eyes, wears a collar tag reading "If Lost Return to Volcano". The scene is set in a mystical forest at dusk, with a distant, smoldering volcano visible through the trees. +A rubber duck bath toy floating in a bathtub, with "Squeaky Clean" clearly visible on its base, surrounded by bubbles and soft, warm lighting. +A prehistoric cave painting showing a caveman and a large, detailed lizard. The lizard is depicted with a fearful expression, recoiling from a flame. The scene is set in a rough, stone cave, with the phrase "Big Lizard No Like Fire" inscribed above. +A "Closed for Inventory" sign is taped to the weathered door of a quaint thrift store, surrounded by a display of vintage items and a small, overgrown garden, capturing the essence of a quiet, nostalgic afternoon. +A close-up of a computer screen displaying a programmer's error alert popup with the message "Syntax Error" in a modern, sleek interface, set against a blurred office background with a cup of coffee on the desk. +Retro soda shop scene with a vintage soda can labeled "Cool Cola Est 1950" on a checkered tablecloth, surrounded by 1950s memorabilia, under a warm, nostalgic glow. +An astronaut in a detailed spacesuit, floating in zero gravity, meticulously checks the oxygen tanks attached to their life support system, ensuring everything is secure and functioning. The scene is set against the backdrop of a vast, star-filled universe, with "Check Oxygen Tanks" clearly visible on their checklist. +A garden gnome, wearing a pointed red hat and green coat, stands protectively in a lush, verdant garden, holding a wooden sign that reads "Keep Off My Lawn". The scene is captured in a realistic photographic style, with morning sunlight casting a warm glow over the gnome and the vibrant foliage. +In a bustling airport terminal, the departure board prominently displays "Flight 815 Canceled" in bright red letters, while passengers look on with expressions of frustration and disappointment. The scene is captured in a realistic photographic style, with the board at the center of the frame. +A realistic photograph of a metal plaque engraved with "Authorized Personnel Only" mounted on a sleek, modern door, with a subtle reflection of a high-tech corridor in the polished surface. +An astronaut floating in space, their helmet visor prominently displaying "Oxygen Level 95", with Earth visible in the background, adding a sense of vastness and solitude. +A scientist in a lab coat with a nametag that reads "Dr Smith Microbiology" is examining a petri dish under a microscope in a modern laboratory, surrounded by high-tech equipment and shelves of scientific instruments. +A medieval tavern door sign swings gently in the evening breeze, its wooden surface weathered by time. The sign reads in bold, old English script: "No Dragons Allowed". Villagers pass by, glancing at the sign with a mix of curiosity and amusement. +A time traveler stands in a vintage 1950s American street scene, holding a postcard that reads "Wish You Were Yesterday". The traveler wears a modern outfit, contrasting with the retro surroundings, and the postcard is prominently displayed in their hand. +A scientist stands in a cluttered laboratory, wearing a white lab coat with a prominent patch that reads "Question Everything". The lab is filled with various scientific instruments and books, emphasizing the theme of curiosity and exploration. +A spooky yet cozy Airbnb listing for "Cozy 3Bedroom Poltergeist". The dimly lit room is filled with vintage furniture, and eerie shadows dance on the walls. A ghostly presence hovers near the fireplace, adding an unsettling atmosphere to the scene. +A wizard stands in a mystical forest, his staff glowing with an ethereal light. The staff is intricately engraved with ancient runes that spell "Power Unbound", casting a luminous glow around him. The scene is bathed in a magical aura, with faint mist swirling around the trees. +A frosty, mist-covered forest at dawn, with ethereal light filtering through the trees, capturing the serene and mysterious essence of the album "Elusive Interludes" by The Melting Snowmen. +A sophisticated tea package design for "Earl Grey Supreme Blend", featuring a minimalist label with elegant typography, surrounded by intricate botanical illustrations of bergamot and tea leaves on a matte white background. +A vibrant street scene with a sale banner prominently displayed, shouting "50 Percent Off Today" in bold, eye-catching letters. Shoppers bustling around, creating a lively and energetic atmosphere. +A movie theater marquee at dusk, illuminated with vibrant lights, prominently displaying the text "Alien Invasion Tonight" in bold, futuristic fonts, surrounded by excited moviegoers and a backdrop of a starry night sky. +Retro diner setting with vintage decor, focusing on a classic jukebox. The selection screen prominently displays "Play Despacito" among other classic and modern hits, with soft ambient lighting enhancing the nostalgic atmosphere. +A close-up of a pet collar tag, intricately engraved with "Buddy 555 6789", lying on a rustic wooden surface, bathed in soft, natural sunlight. The tag is slightly worn, giving it a timeless, well-loved appearance. +A cozy campfire scene with a marshmallow stick carved with "Best Smores" beside a pile of marshmallows, graham crackers, and chocolate, all set against a starlit night sky. +In a dimly lit museum gallery, a detailed label reads "Ancient Egyptian Scroll" next to a carefully preserved, rolled parchment displayed in a glass case, surrounded by intricate hieroglyphs and ornate Egyptian motifs. +A serene forest clearing features an engraved tree stump memorial, its surface meticulously carved with the heartfelt words "Forever Loved", surrounded by a carpet of lush, green moss and wildflowers, under a canopy of dappled sunlight. +Retro gas station scene with a vintage sign prominently displaying "Ethyl 39 Gallon", set against a nostalgic 1950s backdrop with classic cars and a checkerboard pavement. +A bustling farmer’s market stand with a wooden sign prominently displaying "Organic Produce", surrounded by an array of fresh, colorful fruits and vegetables, with cheerful customers browsing and a sunny sky overhead. +A vibrant, digital loading screen for a video game, featuring the tip "Life Needs More Checkpoints" in neon green text against a dark, futuristic background. The scene is filled with glowing wires and abstract geometric shapes, enhancing the high-tech atmosphere. +A close-up of a parking permit sticker on a car window, clearly displaying the text "Resident Only" in a well-lit, urban parking lot at dusk, with the glow of streetlights beginning to illuminate the area. +A realistic photograph of a person wearing a VR headset, with the display text "Calibrating Sensors" clearly visible on the screen. The user is in a modern, tech-equipped room, surrounded by monitors and tech gadgets, emphasizing the high-tech environment. +A sleek, metallic alien spaceship hovers in space, its hull marked with the bold text "Earth Observation Unit". The ship's surface reflects distant stars, and a soft, blue glow emanates from its windows, suggesting advanced technology within. +A high-definition screen of a modern digital assistant displaying the message "Reminder Call Mom" in a clean, sleek font against a minimalist background. +A close-up of a dog's collar, featuring a bone-shaped tag with the name "Sir Waggington" intricately engraved, set against a soft, blurred background of green grass and sunlight filtering through trees. +A dimly lit bar with a neon sign flashing "Last Call" above the counter, casting vibrant red and blue lights on the worn wooden surface and the few remaining patrons. +A basketball player in mid-dribble, wearing a vibrant "Sky Hawks" jersey, under the bright lights of an indoor court, with the team logo clearly visible on the chest. +A sleek, modern corporate lobby featuring a large, minimalist sculpture prominently inscribed with "Innovate or Perish", reflecting the company's commitment to forward-thinking. The sculpture stands against a backdrop of glass and steel, with subtle lighting enhancing its form and the powerful message it conveys. +A realistic photograph of a boarding kennel's entrance, featuring a prominently displayed sign that reads "Pet Checkin Counter", with a clean, modern reception area and a few comfortable chairs for waiting pet owners. +A weathered nuclear warning bunker sign, nearly faded away, now reads "P nic S helt r", set against a backdrop of an overgrown, abandoned military facility, with a somber, post-apocalyptic atmosphere. +A bustling race track with a large digital scoreboard prominently displaying "Lap 78 of 100". Spectators cheer as race cars zoom by, their engines roaring, and the sun sets behind the track, casting a golden glow over the scene. +In a classroom, the teacher stands by the blackboard, chalk in hand, having just written the phrase "treaty" in bold letters. Students are seated at desks, some looking attentive, others deep in thought, capturing the moment of learning and curiosity. +An antique Farmer’s Almanac page with a weathered, sepia-toned look, featuring the headline "Harsh Winter Ahead" surrounded by detailed illustrations of snowflakes, frosty landscapes, and bundled-up farmers. +A close-up of a chef’s tasting menu card, elegantly laid on a white linen table, with a subtle spotlight. The card features a handwritten description of the "Mystery Surprise Course", surrounded by intricate gold borders and a sprinkle of fresh herbs. +A detective's notepad lies on a vintage wooden desk, a pen resting beside it. The page is filled with meticulous handwriting, a prominent entry reading "Butler Did Nothing". A dim lamp casts a soft glow, highlighting the worn leather of the notepad. +A close-up of a smartphone screen with a lock screen notification that reads "Unlock to Discover Secrets", set against a blurred background of a mysterious, dimly lit room. +An alien stands in a futuristic grocery store, holding a digital tablet displaying its shopping list with "Earth Water 5 Gallons" clearly visible. The store is filled with exotic, otherworldly products, and the alien looks determined, scanning the shelves for its specific item. +A close-up of a candy bar wrapper with bold text "Limited Edition Flavor" in vibrant colors, set against a blurred background of a candy store shelf, emphasizing the unique and exclusive nature of the product. +A realistic photograph of a mountain peak trail marker, partially covered in moss, with the text "Summit 1 Mile" clearly visible. The marker is set against a backdrop of rugged terrain and a distant, misty summit. +A modern factory floor with a large machine displaying the error message "OverheatingShutting Down" in bright red letters on its screen, surrounded by concerned technicians in hard hats and safety vests. +A dimly lit prison cell with crumbling walls, where a message "Innocent" is deeply scratched into the stone using a rusty nail, casting a somber shadow in the faint light. +A weathered pirate ship anchored at a tropical island, with a rustic wooden menu board hanging on the main mast. The board clearly displays "Scurvy Prevention Salad" in bold, hand-painted letters, surrounded by lush green foliage and vibrant flowers. +A close-up of a navy blue baseball cap with detailed embroidery that reads "World Series Champ" in bold, gold thread, set against a blurred background of a cheering baseball stadium. +A bustling highway scene with a large billboard prominently displaying "Big Burger Feast 5 Deal" in vibrant colors, surrounded by passing cars and a clear blue sky. +A vintage 1950s nuclear family stands in their living room, dressed in period clothing, with a cheerful speech bubble above them that reads "Visit Mars". The scene is warm and nostalgic, with a hint of futuristic excitement. +In a cozy café, a single sugar packet labeled "Sweeten the Chaos" sits on a rustic wooden table, next to a steaming cup of coffee, with soft morning light filtering through the window, casting a warm glow. +A close-up of a baseball cap featuring intricate embroidery that reads "Championship Team 2023", set against a blurred background of cheering fans, capturing the celebratory spirit of a victorious team. +A detailed blackboard chalk diagram labeled "Mitochondria Structure", showcasing the intricate inner and outer membranes, cristae, and matrix, with clear annotations and arrows explaining each part. +A bakery display case, elegantly lit, labeled "Gluten Free Zone", showcasing an array of freshly baked, gluten-free pastries and bread, with a warm, inviting atmosphere and a wooden counter in the background. +A realistic photograph of a spaceship control panel, with a red alert light flashing "Warp Drive Online" amidst a series of intricate buttons and screens, set against the dim, futuristic interior of the spacecraft. +A vintage library book opened to a page with a faded, circular stamp marked "Return by Midnight", surrounded by yellowed pages and the subtle scent of old paper, under the warm glow of a reading lamp. +A medieval knight holds a large, intricately designed shield featuring the prominent crest "Lionheart", set against a backdrop of a bustling, cobblestone market square. The shield's lion emblem is detailed with gold accents, symbolizing courage and strength. +A vibrant, illustrated board game box cover titled "Family Game Night", featuring a joyful family gathered around a table, laughing and playing games. The scene is warm and inviting, with colorful game pieces and a cozy, homey background. +An amusement park ticket stub, crumpled but legible, printed with "Valid for One Thrill", lying on a vibrant, colorful park map with roller coasters and ferris wheels in the background. +A cozy kitchen countertop with a baker's handwritten recipe card titled "Secret Banana Bread Recipe" resting on a vintage notebook. Sunlight streams through the window, casting a warm glow on the card and a bowl of ripe bananas nearby. +An art gallery wall features a description card that reads "Untitled 7 2024", next to a modern abstract painting with vibrant colors and geometric shapes, capturing the essence of contemporary art. +A close-up of a crumpled movie ticket stub, partially unfolded, showing the details "Screen 5 Seat A12" in clear, readable text, set against a blurred cinema floor background with faint rows of seats visible. +A vintage telegram form, slightly worn and creased, with a bold, red stamp that reads "URGENT DECODE IMMEDIATELY" in the top corner, lying on an old wooden desk under a soft, nostalgic light. +A detective's cluttered desk with a worn notebook open to a page labeled "Case File 355 Unsolved", surrounded by coffee cups, scattered papers, and a dim desk lamp casting shadows. The room is dark, with only the lamp providing light, emphasizing the mystery of the unsolved case. +A neon toy store sign glows vibrantly against a dark urban night, advertising "Magic Awaits" in colorful, whimsical letters. The sign is reflected in a wet, cobblestone street, with a few passersby glancing curiously at the enchanting display. +A crystal-clear, floating magic 8 ball hovers above a reflective surface, its interior glowing with a mystical light. The surface reflects the ball, enhancing its ethereal appearance. Inside the ball, the message "Ask Again Later" is prominently displayed, illuminated in a soft, eerie glow. +A sleek, modern highway patrol car parked on the shoulder of a busy highway, its door displaying the clear and bold marking "State Trooper Unit 12" under the glare of the midday sun. +A beautifully decorated birthday cake with "Happy 100th Birthday" written in elegant frosting, surrounded by colorful candles and set against a warm, festive background. +A realistic photograph of a modern science laboratory, prominently featuring a caution sign that reads "Biohazard Level 3" hanging on a stainless steel door, with protective gear and safety equipment visible in the background. +A beach scene with a vibrant "High Surf Advisory" warning flag fluttering in the strong sea breeze, waves crashing on the shore, and a cloudy sky hinting at an approaching storm. +A vintage postcard from Atlantis, showcasing a serene underwater scene with vibrant coral reefs and colorful fish. The text "Wish You Were Wet" is prominently displayed, capturing the whimsical spirit of the lost city. +A neon sign above a diner entrance, glowing brightly in the night, flashes "Open 24 Hours" in vibrant colors, casting a warm glow over the empty street and the diner's vintage sign. +A sleek, modern electric toothbrush with the handle clearly labeled "Brush Timer 2 Min" resting on a clean, white bathroom countertop next to a glass of water, with soft, natural light illuminating the scene. +A gym towel draped over a workout bench, prominently printed with "Sweat Now Shine Later" in bold, vibrant letters, set against a backdrop of gym equipment and motivational posters. +A realistic urban scene with a parking meter featuring a digital screen that clearly displays the message "Insert Coins Here", set against a backdrop of a busy city street with cars and pedestrians. +A majestic dragon perches on a mountain of gold, its scales gleaming. It guards a vast treasure, including a peculiar list titled "Gold 10 Tons Snacks Low", visible in the foreground, adding a whimsical touch to the scene. +A sleek, futuristic sci-fi spaceship hull, "Galaxy Explorer 3000", with glowing blue panels and intricate detailing, floating against a star-studded background, illuminated by the soft light of distant nebulae. +A vast, green field at dawn, where a intricate UFO crop circle forms the words "We Come in Pizza", surrounded by undisturbed crops, under a sky with the first light of sunrise, capturing the mystery and humor in a realistic photographic style. +A sleek digital watch face, sleek and modern, displaying the text "Time Flies" in vibrant, glowing digits against a dark background, set in a futuristic cityscape at dusk. +A medieval tournament scene featuring a knight holding a shield emblazoned with the phrase "Victory or Death", surrounded by an eager crowd and other armored competitors, under a cloudy sky with a hint of sunlight breaking through. +A garden sign, nestled among vibrant flowers and green foliage, reads "Bee Friendly Zone", with bees buzzing around the colorful blooms. +A majestic snow-capped mountain peak with a flag planted at the summit, bearing the words "Summit Achieved", under a clear blue sky with subtle clouds. +A time traveler's vintage wristwatch, its face glowing faintly with a futuristic display, shows the cryptic phrase "Yesterday oclock" amidst a backdrop of intricate gears and circuits, set against the soft, warm tones of an antique leather strap. +A detailed close-up of a time machine's dashboard, with a digital screen prominently displaying "Present Tense". The interface is sleek and futuristic, with glowing buttons and dials, set against a backdrop of intricate, metallic panels. +A weathered treasure map with "X Marks the Spot" written in elegant, old-fashioned cursive, surrounded by faded compass roses and mysterious symbols, hinting at the location of a long-lost treasure. +A detective's worn notepad lies open on a cluttered desk, the words "Case Closed" prominently written in a neat, determined hand, surrounded by scattered crime scene photos and investigative notes. +A desk with a novelty mug that reads "World's Okayest Boss" sitting next to a stack of papers and a computer. The mug is half-filled with coffee, steam rising. The desk is cluttered with office supplies, and a window behind shows a sunny day. +A weathered pirate ship's wheel, with the engraving "Turn Left for Treasure" clearly visible, set against the backdrop of a stormy sea, the wood showing signs of age and salty wear, under a dark, swirling sky. +A close-up shot of a vine with the text "thornborg" sprouting from it, centered in the frame, with detailed thorns and lush green leaves surrounding the text. +A close-up of a wedding ring with the engraving "Forever Together" shining under a soft spotlight, capturing the delicate gold texture and the profound meaning of the inscription. +A vintage, enchanted potion bottle with an antique label that reads "Liquid Courage", surrounded by mystical symbols and glowing with a subtle, golden light, set on a dark, wooden table in a dimly lit, ancient wizard's study. +In a quiet art gallery, a sleek, modern plaque rests beneath a large, evocative painting titled "Solitary Dreams", the dim lighting casting soft shadows and highlighting the solitary figure in the dreamlike landscape. +In a cozy hotel lobby, a vintage "danakadan" sign hangs above the reception desk, casting a warm glow over the polished wooden floor and plush armchairs. The scene is a blend of retro charm and modern comfort, inviting guests to relax and explore. +A plate featuring a single oyster, with a fork and knife delicately placed on top. Above the plate, in elegant script, the words "LUNCH OYSTER" are prominently displayed, setting a refined dining atmosphere. +A close-up of a sleek, futuristic robot with a metallic finish, its chest screen glowing softly and displaying the message "Error Sarcasm Module Missing" in bold, red text. The robot stands in a dimly lit, high-tech laboratory, surrounded by advanced machinery and equipment. +A vibrant basketball court floor, "Home Court", featuring dynamic player silhouettes and the team logo prominently displayed at center court, under the glow of overhead lights, with the stands filled with enthusiastic fans. +A close-up of a wall calendar, prominently displaying "Meeting at 2 PM" on the current day, with a modern office background and a cup of coffee on a desk in the foreground. +A close-up of a construction helmet with a prominent sticker that reads "Safety First Always", set against a backdrop of a bustling construction site, with workers in hi-visibility vests and hard hats in the background. +A vibrant skatepark with bold graffiti that reads "Skate At Your Own Risk" sprawled across a large wall, surrounded by skateboarding teens and colorful street art, capturing the dynamic energy and urban culture of the scene. +A vibrant hot air balloon ascends into a clear blue sky, with the phrase "Adventure Awaits" emblazoned on its side. The balloon casts a soft shadow on the lush green field below, where a small crowd waves excitedly. +A vibrant movie poster titled "School Ties", featuring a group of diverse high school students in a nostalgic 1980s setting, surrounded by iconic school elements like lockers, a basketball hoop, and a chalkboard, with a playful and colorful aesthetic. +A vintage ice cream truck parked at dusk, with a neon sign brightly displaying "Soft Serve Here" in playful, colorful letters, casting a soft glow over the retro vehicle and the pavement around it. +A beautifully decorated birthday cake with icing that reads "Happy 30th Jake", set on a white tablecloth with colorful balloons and candles lit, in a cozy, warmly lit room. +A realistic photograph of an ATM machine in a well-lit urban setting, with the screen displaying the prompt "Insert Card Here", surrounded by modern banking facilities and a slightly blurred background to focus attention on the ATM. +A baby onesie featuring delicate embroidery of a star, labeled "Little Star", with a soft, pastel color palette and a subtle, textured background to highlight the intricate stitching. +A magician's top hat, glossy and black, with a vintage tag attached that reads "Pull Rabbit Here", set on a dark, mystical stage with soft, ambient lighting highlighting the hat and the tag. +A realistic photograph of an apartment complex noticeboard, prominently displaying a sign that reads "No Loud Music" in bold letters, surrounded by a serene, quiet residential area with well-kept lawns and a few people walking their dogs. +A bustling museum gift shop with a vibrant sign that reads "Souvenirs Shop Here", surrounded by shelves filled with art replicas, books, and unique trinkets, capturing the essence of the museum's exhibits. +A close-up of a restaurant menu header featuring elegant, handwritten text that reads "Daily Specials" against a rustic wood background, with subtle shadows and highlights to give a warm, inviting feel. +A fast food drive-thru scene with a glowing menu board that reads "Try Our Regret Burger" under a neon sign, illuminated at dusk, with cars queued in line. +A toddler wearing a onesie with "Future Genius" screen-printed in bold letters, playing with colorful building blocks on a soft, pastel carpet in a bright, sunlit room. +A vibrant banner hanging across the electronics storefront, boldly displaying "Grand Opening Sale" in eye-catching letters, with a crowd of excited shoppers gathering outside, and the store's modern glass windows showcasing the latest gadgets and technology. +A vibrant, abstract painting titled "Abstract Thoughts", featuring swirling colors and shapes that seem to dance and merge into each other, creating a dynamic and emotive visual representation of the inner mind. +A retro gaming console screen, slightly flickering, displays "Game Over" in bold, pixelated letters. The screen is surrounded by a wooden cabinet, with controls and buttons below, set in a dimly lit room, capturing the nostalgic vibe of classic arcade games. +A crowded urban street with a marathon finish line banner stretched across, proudly displaying the text "Race Completed". Exhausted runners cross the line, cheered on by a jubilant crowd, capturing the triumphant moment of achievement. +A modern museum exhibit with a sleek, touchscreen audio guide displaying "Press 5 For Spanish" in a clean, sans-serif font, set against the backdrop of an ancient artifact. The screen is illuminated, drawing attention in the dimly lit room. +A vibrant TV show poster titled "Sarikat", featuring a diverse cast of characters in a dramatic setting, with bold typography and a dynamic background that reflects the show's themes of unity and struggle. +A concert wristband glowing "VIP Access Granted" on a person's wrist, illuminated by the neon lights of the venue, with a crowd of excited fans in the background. +A realistic photograph of graffiti under a bridge, featuring bold black letters reading "Zombie Proof Shelter" with a large, clear arrow pointing to the right. The scene is dimly lit, with shadows casting from the bridge's supports. +A realistic photographic scene of a snow cave carved by a Yeti, with intricate ice sculptures and frosty walls. At the entrance, a sign carved into the ice reads: "No Selfies Without Permission". The cave is illuminated by soft, blue light from within, casting eerie shadows. +A high-energy gym motivational poster with bold, vibrant colors and dynamic fonts, prominently displaying the phrase "No Pain No Gain" against a backdrop of fitness equipment and enthusiastic athletes in action. +A museum display featuring a 12th century relic, with a label reading "12th Century Relic" prominently displayed. The artifact is illuminated by a soft spotlight, casting a warm glow over the ancient, detailed surface, while the surrounding glass case reflects the ambient light, enhancing the relic's historical significance. +A close-up of a futuristic sci-fi prison uniform, prominently featuring a detailed patch labeled "Galactic Convict 042", set against a stark, metallic background with subtle lighting to highlight the texture and design of the patch. +A medieval knight stands proudly, his shield emblazoned with the bold inscription "Yeet the Dragon", reflecting the sunlight in a vibrant, detailed scene. The knight's armor gleams, and the surroundings depict a lush, ancient forest, enhancing the epic atmosphere of the moment. +A spy stands in a dimly lit alley, clutching a newspaper with the headline "Double Agent Revealed", while shadows loom and a cityscape blurs in the background, capturing the tension of a covert operation. +A realistic photograph of a greenhouse, with a close-up on a plant tag that clearly reads "Venus Flytrap", next to a thriving Venus Flytrap plant. The background features rows of other exotic plants, with sunlight streaming through the glass roof. +Retro gas station scene with a vintage sign prominently displaying "Fuel 399 Gallon", set against a nostalgic 1950s backdrop, complete with classic cars and a sunny, clear sky. +A weathered lighthouse logbook titled "Storm Log December 2024" lies open on a wooden table, illuminated by the dim light of an antique lamp. The pages are filled with detailed entries of fierce storms and the keeper's observations, set against a backdrop of a stormy, coastal night. +A prehistoric cave wall adorned with intricate paintings of mammoths, with the ancient text "Hunt Here" clearly visible in a natural reddish pigment, illuminated by the flicker of torchlight. +A museum exhibit featuring a detailed plaque titled "Dinosaur Age Fossils", surrounded by ancient, weathered fossils and dim, ambient lighting that highlights the historical significance of the display. +A close-up of a pizza box lid, opened slightly, with the phrase "Extra Cheese Inside" printed prominently in bold, red letters on a white background, revealing a glimpse of golden, melted cheese beneath. +A sleek alien spaceship with a metallic hull, intricately etched with glowing symbols that read "Peace from Zorb", floating against a backdrop of distant stars and nebulae, casting a soft, ethereal light. +A realistic photograph of an open farmer’s almanac page titled "Plant After Frost Date", showing detailed illustrations of various seeds and planting tools, with handwritten notes and a rustic wooden background. +A child’s colorful drawing of a whimsical dragon labeled "Mr Fluffy", with crayon strokes and a playful, cartoonish style, set against a bright, pastel background. +A nostalgic night scene featuring a vintage neon motel sign glowing "Vacancy" in vibrant red letters, set against a dark sky with a slight mist, enhancing the retro atmosphere. +A retro arcade cabinet displays a high score screen with "AAA 999999 PTS" in bold, neon colors. The screen glows against the dark, grainy interior, with classic game controls and a nostalgic 80s atmosphere. +"Romeo and Juliet" play poster featuring the star-crossed lovers beneath a moonlit balcony, surrounded by lush, Renaissance-era Italian gardens. Soft, romantic lighting enhances the dramatic tension, with subtle text overlay announcing the play's title and dates. +A rain puddle on a cobblestone street, reflecting a cloud-shaped "Rain Ends at 3 PM" sign, with water droplets still falling from the sky, creating ripples on the surface. +A close-up of a worn amusement park ticket stub, partially curled at the edges, with the clear text "Admit One Fantasyland" visible against a faded, colorful background. +In a high-tech laboratory, a scientist wearing a white lab coat with a badge that reads "Dr Genius Quantum Physics" stands amidst complex machinery and glowing screens, surrounded by equations and diagrams on the walls. +A laboratory mouse cage with a caution tag that reads "Subjects Can Now Speak French", surrounded by scientific equipment and notes on a clipboard, illuminated by the soft glow of a nearby lamp. +A farmer's vintage green tractor parked in a sunlit golden wheat field, its license plate clearly displaying "HARVEST 2024" amidst the lush, swaying crops. +A cozy cat bed adorned with intricate embroidery that reads "Princess Sleeps Here", set in a sunlit room with a soft, regal ambiance, capturing the elegance and comfort of a feline sanctuary. +A realistic photograph of a corgi standing on a grassy field, with a speech bubble above its head that says "I'm not a real corgi". The corgi looks directly at the camera, its ears perked up, and the background is a sunny, serene landscape. +A close-up of a retro gaming console's startup screen, displaying vibrant, pixelated graphics with the text "Press Start To Play" prominently in the center, surrounded by a subtle glow. +A weathered wooden trail marker, intricately carved with "Summit 1 Mile Ahead", stands at the edge of a winding forest path, partially obscured by lush green foliage and dappled sunlight. +A stylish wedding invitation card with elegant script reading "Save The Date", set against a backdrop of romantic, pastel-colored flowers and gold embellishments, capturing the essence of a joyful and elegant celebration. +A majestic historical monument, intricately carved with the words "Freedom 1776", stands tall against a backdrop of an overcast sky, surrounded by lush, green foliage and a cobblestone pathway leading up to its base. +A realistic photograph of a majestic waterfall with a sleek, modern plaque reading "Nature's Power" elegantly placed on a moss-covered rock at the base, surrounded by lush greenery and mist rising from the cascading water. +An astronaut's glove floats in the vast, starlit void of space, with the words "Take Me Home" etched prominently on its surface, reflecting the distant glow of a nearby planet. +A museum exhibit features a detailed card reading "Extinct Species Politicians", surrounded by glass cases containing lifelike models of historical figures, each labeled with their name and era, set against a backdrop of an ancient, overgrown forest. +A modern, sleek digital thermostat with a minimalist design, displaying "ECO Mode Active" on its clean, blue-lit screen, set against a neutral, contemporary wall. +A beautifully decorated birthday cake with smooth pink icing, the words "40 Fabulous" spelled out elegantly on top, surrounded by sparkling sprinkles and colorful candles, set against a warm, celebratory backdrop. +A Viking longship glides across the calm sea, its sail boldly painted with the phrase "Ragnarok or Bust". The ship's intricate carvings and ornate figurehead are illuminated by the setting sun, casting a golden glow over the determined crew. +A rustic wooden crate at a farm market, with a handwritten label that reads "Organic Apples" in bold, brown ink. The crate is filled with fresh, red apples, and surrounded by hay bales and green foliage, capturing the essence of a vibrant autumn day. +A cozy living room with a tasteful wall art piece that prominently displays the phrase "Home Sweet Home" in elegant cursive, surrounded by a simple, modern frame, against a soft, warm-colored wall. +A rustic farm gate with a wooden sign that reads "Fresh Eggs for Sale", surrounded by a vibrant green field and a clear blue sky, capturing the essence of a peaceful countryside morning. +Retro diner scene with a vibrant, red-and-white checkered placemat featuring a trivia question: "Why" prominently displayed. The answer is upside down beneath, in bold letters, creating a playful and nostalgic atmosphere. +Fireworks burst in the night sky, spelling out "Kaboom" in vibrant, colorful hues, with the cityscape below illuminated by the explosive display. +A detailed, realistic photograph of a highway patrol car door, clearly marked with "State Trooper Unit 45", set against the backdrop of a bustling highway at dusk. The car door is slightly open, revealing a glimpse of the interior, with the reflection of passing cars and streetlights on the glossy surface. +A close-up of a smartwatch screen with a modern, sleek design, displaying a notification that reads "10K Steps Achieved" in a clean, bold font, surrounded by a blurred, active urban environment. +A close-up of a vintage library book, showcasing the intricate stamp marked "Property of Cloud City" on the inside cover, surrounded by aged, yellowed pages with faint text. +A movie theater marquee illuminated at night, prominently displaying the title "Galaxy Warriors Premiere" in bold, futuristic fonts. The scene is bustling with excited fans and media, capturing the essence of a grand sci-fi film debut. +A vintage, leather-bound wizard’s spellbook lies open on an ancient, wooden desk. In the margin, a handwritten note reads, "Don't Try This One", warning against a dangerous spell. Soft, mystical light casts shadows, enhancing the mysterious atmosphere. +A cozy teddy bear with a soft, pastel-colored shirt, stitched with the message "Hugs Not Bugs" in bold, cheerful letters, sitting on a vintage wooden shelf surrounded by books and flowers, bathed in warm, golden sunlight streaming through a nearby window. +A vibrant birthday card design featuring "Happy 30th Birthday" in bold, colorful letters, surrounded by festive balloons, confetti, and a tiered birthday cake with candles, set against a joyful, celebratory background. +An antique globe with a faded, weathered label that reads "Terra Incognita", set against a backdrop of old, dusty books and a vintage map, illuminated by a soft, warm light streaming through a nearby window. +A vast desert canyon with ancient rock carvings on its walls, prominently featuring a detailed and weathered depiction of an "Ancient WiFi Symbol", surrounded by intricate patterns and symbols that tell a story of a lost civilization. +A close-up of a skateboard's grip tape, intricately printed with the bold text "Road Rash Coming Soon", set against a gritty urban background. +A realistic photograph of a crumpled theater ticket stub with the text "Orchestra Row G Seat 12" clearly visible, lying on a dark wooden table with a soft, warm ambient light casting a gentle shadow. +A modern corporate lobby featuring a striking metal sculpture titled "Innovation", with sleek, abstract shapes that twist and ascend towards a skylight, surrounded by minimalist furniture and a backdrop of floor-to-ceiling glass windows. +A close-up of a fortune cookie opened to reveal a message slip with the text "Your Password Expires Soon", set on a modern dining table with a minimalistic background, emphasizing the irony and humor in the message. +A realistic photograph of a coffee cup with a sleeve printed "Caution Liquid Time Machine" sitting on a wooden table, next to an open book and a vintage pocket watch, with a soft, warm light casting gentle shadows. +A vintage typewriter with a piece of paper inserted, the text "Writers Block Since 1942" clearly visible, surrounded by a cluttered desk with old books and ink bottles, bathed in the warm glow of an antique lamp. +A modern airport lounge with sleek, minimalist decor. A clear sign reads "Quiet Zone No Phone Calls", hanging above plush seating areas. Soft lighting and a few scattered passengers create a serene, hushed atmosphere. +A movie theater at dusk, the marquee brightly lit and prominently displaying "Final Credits" in bold, vintage font. The theater's facade is classic with ornate details, and a few people are walking by, capturing the nostalgic atmosphere of a bygone era. +A detective's notebook with a red pen circled around the words "Case Unsolved", lying on a cluttered desk with a magnifying glass resting on the page, under a dim desk lamp. +A close-up of a prison wall, covered in tally marks, ending with the words "Days Since Drama 0", with a dim, somber lighting that emphasizes the bleak and isolated atmosphere of the cell. +A nighttime city scene with a taxi parked on the side of a bustling street. The taxi's roof light-up sign prominently displays "Off Duty Forever", glowing brightly against the dark sky. The surrounding buildings are lit with neon lights, and a few pedestrians walk by, creating a vibrant urban atmosphere. +Retro diner scene with a vintage menu board prominently displaying "Daily Special 599" in bold, nostalgic font, surrounded by classic 1950s decor, including red vinyl stools and checkered floor tiles. +A vintage ice cream truck parked on a sunny street, with a retro sign reading "Soft Serve 2" prominently displayed on its side, surrounded by happy children and melting ice cream cones. +A cozy coffee shop interior with a rustic wooden table and chairs. On the wall, a chalkboard menu prominently displays "Latte Special 5" in elegant, handwritten script. Soft, warm lighting and a few potted plants add to the inviting atmosphere. +A realistic airport terminal with a digital departure board prominently displaying "Flight 808 Cancelled" in red, surrounded by other flight information. Passengers with frustrated expressions stand nearby, checking their phones and luggage carts, under the soft glow of overhead lighting. +A weather forecast map with a pirate theme, showing stormy seas and islands. The headline reads "100 Chance of Plunder", with a pirate holding a spyglass, standing on the deck of a wooden ship, under a dark, cloudy sky. +A sleek, futuristic robot stands in a dimly lit room, its chest plate illuminated with the words "Assistant Bot 3000" in a vibrant, pulsating glow, casting a soft light on the surrounding walls. +An ancient, mysterious alien artifact lies on a dark, rocky surface, glowing with an eerie, pulsating light. The surface of the artifact displays the words "Translate Error" in a futuristic, digital font, casting an otherworldly glow around it. +A sleek, futuristic spaceship with its hull boldly painted with the phrase "Mars or Bust", hovering against a backdrop of the red planet, its engines glowing softly with a blue light. +A movie poster titled "The Colossus of New York", featuring a giant robotic figure towering over the Manhattan skyline at sunset, with the title in bold, neon letters against a backdrop of glowing city lights and billowing smoke. +A close-up of a yellow Post-it note stuck on a modern, stainless-steel fridge, with the handwritten note "Buy More Pickles" clearly visible against the sleek, reflective surface. +A serene yoga studio with a cat lounging on a yoga mat, the mat featuring the slogan "Downward Facing Nap" in elegant, playful lettering. The cat is relaxed, embodying the essence of the message. +A close-up of a space suit glove, with the fingers gently reaching out to touch a cluster of distant, twinkling stars, set against the backdrop of a deep, velvety black universe, with the text "Touch the Stars" subtly etched on the glove's wrist. +A futuristic spaceship control room with a sleek, metallic console. Bright, red alert lights blink rhythmically, illuminating the text "Warp Drive Online" on a central screen. The scene is set in a dimly lit environment, emphasizing the vibrant, tech-filled atmosphere. +A bustling highway at dusk, with a large billboard advertising "Last Exit Before Reality" in neon lights, cars passing by with headlights on, the skyline of a futuristic city in the background, and a sense of mystery and intrigue in the air. +A cozy bakery interior with a vintage cookie jar prominently displayed, labeled with a tag that reads "Secret Recipe", surrounded by an array of freshly baked cookies and pastries. +A realistic photograph of a mall directory map, prominently featuring a red "You Are Here" marker, surrounded by clear store labels and directional signs, set against a modern, well-lit mall background. +A realistic photograph of a person wearing a VR headset, standing in a modern living room. The VR headset display reads "Look Around You", emphasizing the immersive experience of virtual reality exploration. +A river rafting scene with a prominent sign demanding "Life Jackets Required", surrounded by rugged, natural landscapes and adventurous rafters preparing for their journey, all emphasizing the safety message. +A prehistoric cave painting vividly showcasing the "First Hunt", with ancient humans wielding spears and chasing a large mammoth, surrounded by detailed natural elements like trees and rocks, all rendered in earthy tones and crude, yet expressive, lines. +A vibrant poster featuring a detailed voodoo doll, with the title text "Voodoo doll" prominently displayed at the top, set against a dark, mysterious background with subtle, eerie lighting to enhance the mystical atmosphere. +A close-up of a fantasy sword blade, intricately etched with the words "Dragon Slayer 9000", set against a dark, mystical background, with glowing runes and a subtle aura of ancient power. +A colorful arrangement of children's alphabet blocks spelling "Learn ABCs" on a bright, sunlit wooden table, surrounded by playful toys and a stack of educational books, capturing the joy and curiosity of early learning. +A detailed history lecture slide titled "Industrial Revolution", featuring key events, dates, and images of factories, steam engines, and workers. The background is a blend of vintage paper texture and subtle industrial motifs. +A neon sign above a bustling nightclub entrance flashes the words "Electric Dreams", casting vibrant hues of blue and pink over the excited crowd and the rainy city street below. +An astronaut in a detailed spacesuit stands against the backdrop of a starlit space, meticulously checking the oxygen tank on their suit. The scene is illuminated by the soft glow of the Earth in the distance, with the checklist item "Check Oxygen Tank" clearly visible on their arm. +A high-resolution photo of a tech conference badge prominently displaying "Attendee VIP Pass" on a lanyard, set against a blurred background of a bustling conference hall with tech enthusiasts and futuristic displays. +A vibrant school gymnasium with a large banner stretched across the wall, reading "Go Team Panthers" in bold, dynamic letters. Cheerleaders in blue and black uniforms wave pom-poms, and students fill the bleachers, creating an energetic atmosphere. +A farmer’s scarecrow stands in a golden wheat field, holding a rustic wooden sign that reads "Keep Out Crows". The sun sets behind, casting long shadows and a warm glow over the serene countryside. +A young athlete wearing a baseball cap embroidered with "Team Captain", standing confidently on a sunlit baseball field, holding a bat and wearing a team jersey. +A realistic urban scene with the graffiti tag "Rebel Zone" spray-painted in bold, vibrant colors on a weathered alley wall, surrounded by peeling posters and shadows from overhead power lines. +A scientist's lab bench with a petri dish prominently displayed, labeled "Experiment 9 Danger", under a microscope. The lab is dimly lit, with equipment and papers scattered around, emphasizing the serious and cautious atmosphere of the experiment. +A vibrant movie poster featuring the title "Duel at Diablo" in bold, Western-style typography, set against a backdrop of a dusty, sun-baked desert town with two cowboys standing face-to-face, their guns drawn, under a dramatic sky with clouds casting shadows. +An antique typewriter, with worn keys and a polished wooden frame, is actively typing "Chapter 13 The Truth" on a sheet of yellowed paper, set against a vintage desk with scattered ink bottles and a faded leather-bound book. +A rustic wooden table holds a bakery box, its surface adorned with the elegant text "Fresh Baked Daily", surrounded by a scattering of fresh, warm bread rolls and pastries, all under the warm glow of a vintage chandelier. +A detective's worn notebook lies open on a cluttered desk, the page displaying the handwritten entry "Case File 357 Unsolved" amidst scribbled notes and sketches. A dim desk lamp casts a soft glow, emphasizing the mystery and age of the case. +A futuristic tech conference stage bathed in neon lights, with a floating hologram displaying "Welcome to 2099" hovering above, surrounded by an awe-struck audience and sleek, high-tech equipment. +A sculpture of a brain crafted from intricate wire and paper, with the phrase "deep thoughts" elegantly written into the material, casting subtle shadows that emphasize its cerebral complexity. +A detailed tattoo on a sailor's rugged arm, reading "Mama Boy" in bold, nautical font, with waves and anchors intertwined around the text, set against the backdrop of a weathered ship deck. +A realistic photograph of a car wash facility with a bright, flashing sign that prominently displays "Free Vacuum Today" in bold, eye-catching letters, set against a sunny, clear sky. +A lighthouse stands against a stormy night sky, its beacon projecting the warning "Storm Warning Active" across the turbulent sea and rocky shoreline, emphasizing the imminent danger and isolation. +A close-up of a chef's apron, intricately embroidered with the words "Kiss the Cook", set against a warm kitchen background with steam rising from a nearby pot. +A realistic photograph of a modern warehouse interior, featuring a forklift with a prominent warning sign that reads "Maximum Load 500kg" displayed on its side, surrounded by neatly stacked pallets and industrial shelving units. +Retro gas station scene with a vintage sign reading "Unleaded 50 Gallon", set against a nostalgic 1950s backdrop, featuring an old car and a classic gas pump. +A close-up of a scientist's whiteboard filled with complex equations, with a highlighted section labeled "Eureka Moment" in bold, colorful markers. The background is blurred, focusing attention on the breakthrough equation. +In a neon-lit alien restaurant, a futuristic menu board prominently displays "Human Tenders with Fries" among other exotic dishes, while curious alien patrons chat at nearby tables, and a waiter in a sleek, sci-fi uniform holds a tray of steaming dishes. +A dynamic superhero comic panel featuring a hero in action, with a bold "Kapow" in the corner, vibrant colors, and intense action lines to emphasize the impact and energy of the scene. +A high-altitude panoramic view of a mountain peak, with a prominent plaque at the summit that reads "You're 8848m Closer to Mars". The plaque is illuminated by the soft glow of the setting sun, casting a warm, golden light over the rugged landscape. +A minimalist black and white sign with the words "whoop" on a stark white background, rendered in a wireframe style, creating a modern, generative art piece. +A detailed, realistic photograph of an antique magic mirror with an intricately carved frame. The frame features elegant, flowing letters that spell "FAIREST HONEST" around the mirror's edge, casting a soft, mystical glow. +A gym locker room with a large mirror reflecting a note that reads "You Got This", surrounded by rows of lockers and fitness equipment in the background. The scene is realistically lit, emphasizing the motivational message. +A serene yoga studio with minimalist decor, featuring a large wall art piece that reads "Breathe In Peace Out" in elegant, flowing script, surrounded by soft, natural lighting and gentle earth tones. +A sleek robot dog stands in a modern living room, its metallic surface gleaming under soft lights. Around its neck is a collar with a silver tag that reads "Model XJ9 Pet Protector". The dog's eyes glow gently, reflecting its advanced technology and protective purpose. +A close-up of a hospital wristband on a patient's wrist, clearly displaying the text "Allergies Listed" in bold letters. The band is slightly worn, with a medical setting visible in the background, including a hospital bed and a window with sunlight streaming through. +A realistic weather forecast TV graphic with a dramatic sky backdrop, displaying the text "Storm Warning" in bold, red letters, accompanied by lightning and rain icons, and a map highlighting affected areas. +A futuristic spaceship's control panel, with blinking lights and holographic displays, prominently showing a red warning message that reads "Warning Low Fuel" in a sleek, digital font. +A dog's paw-print-shaped metal tag, intricately engraved with the phrase "Loyalty Over Everything", hanging from a rustic leather collar on a wooden table, with a soft, golden light casting a gentle shadow. +A wedding cake with layers iced in dark, moody tones, each tier adorned with intricate, Gothic detailing. The top layer features the words "Happily Never After" in elegant, ominous lettering, set against a backdrop of stormy skies and twisted, bare trees. +A vintage postcard from Paris, featuring the Eiffel Tower at sunset, with a handwritten note on the side that reads "Wish You Were Here". The postcard shows a romantic, warm-toned scene with soft lighting and a slight sepia tint. +A cozy bakery counter with a wooden box tied with a red ribbon, labeled "Grandmas Secret Recipe", sitting next to a frosted cake and fresh bread, with warm lighting and a hint of flour in the air. +A movie set with a vintage clapperboard slate prominently displaying "Take 5" in bold letters, surrounded by film crew members preparing for the next scene under the soft glow of studio lights. +A superhero stands proudly, their cape billowing in the wind, embroidered with "Caped Balder" in intricate gold thread, reflecting the sunlight and adding a majestic glow to the scene. The hero's stance is confident, set against a backdrop of a bustling city skyline. +A submarine control room with a warning panel prominently displaying "Depth Exceeding Design" in glowing orange, surrounded by dimly lit instruments and gauges, creating a tense and urgent atmosphere. +A vibrant TV show poster titled "Chasing Eagle Rock", featuring a dramatic landscape with a towering rock formation under a sunset sky. A group of adventurous hikers silhouetted against the vivid orange and purple horizon, capturing the essence of exploration and perseverance. +A vibrant movie poster for "Margie", featuring a young, charismatic actress standing under a streetlight in a 1950s American town, with a nostalgic, pastel color palette and playful, retro typography. +A cozy bakery interior with a vintage wooden counter, a large glass cookie jar labeled "Emergency Sugar Supply" filled with an assortment of colorful, freshly baked cookies, and a warm, inviting atmosphere. +A high-resolution image of a sleek, modern smartwatch face, featuring a minimalist design with the clear and prominent reminder "Meeting at 3 PM" displayed at the center. The watch is set against a soft, neutral background to highlight the screen. +A detailed close-up of an ancient, ornate potion bottle on a dark wooden table. The bottle is labeled with a golden tag that reads "Love Elixir Use Sparingly", surrounded by flickering candlelight and mystical smoke. +A dark, eerie hallway with a vintage, haunted mat that reads "Wipe Your Feet If You Dare" at the entrance. The mat is slightly worn, with a faint glow around its letters, casting a sinister shadow on the creaky wooden floor. +A neon sign flashing "Open 24 Hours" casts a vibrant glow above a bustling convenience store, its bright colors reflecting off the wet pavement and window displays, creating a lively atmosphere in the night. +A cozy coffee shop scene with a steaming cup of coffee on a wooden table, featuring a cup sleeve with the warning "Caution Hot Liquid" prominently displayed. Soft, warm lighting enhances the inviting atmosphere. +A movie poster for "Stop, Look, and Hasten" featuring a tense, urban night scene with neon lights, a lone figure in a raincoat standing at a crosswalk, and a sense of urgency and mystery in the air. +A rural landscape featuring a farmer's scarecrow holding a wooden sign that reads "No Crows or NFTs", standing in a golden wheat field under a clear blue sky, with a rustic barn in the background. +A vast desert under a blazing sun, with a faint mirage in the distance. The illusion reveals a weathered signpost that reads "Oasis Ahead", casting a slight shadow on the shimmering sand. +A gym with a treadmill in the foreground, its screen prominently displaying "Speed 5.0 mph", surrounded by workout equipment and a few people exercising in the background. +A close-up of a coffee cup with a custom sleeve featuring the warning "HOT Like Your Future", set against a minimalist background with a subtle gradient, emphasizing the bold, modern typography of the text. +A young tech enthusiast stands against a backdrop of neon city lights, wearing a stylish black hoodie with bold white letters on the back that read "Tech Titans". The scene captures the vibrant energy of urban tech culture. +A realistic photograph of a science lab cabinet with a clear warning label that reads "Biohazard Inside", set against a backdrop of lab equipment and safety gear. The lighting highlights the cabinet and the warning label, emphasizing the potential danger within. +A serene coastal scene featuring a fishing boat with the hull name "Catch of the Day" docked at a wooden pier, surrounded by gentle waves and seagulls flying overhead, under a clear blue sky. +A serene beach at sunset, with the words "Life is Good" written in the sand, waves gently lapping at the shoreline, and the sky painted with warm, golden hues. +A realistic photograph of a warning sticker on a power box, prominently displaying "High Voltage Danger" in bold letters, with a caution symbol and a blurred industrial background. +A tranquil garden path lined with lush greenery and colorful flowers, leading to a large, ornate stone painted with the words "Welcome Friends" in elegant, flowing script. Soft sunlight filters through the trees, casting a warm, inviting glow. +A close-up of a vintage leather book cover, intricately embossed with a stamped imprint reading "Library of Secrets", set against a warm, golden-brown background, capturing the texture and age of the leather. +A medieval tournament ground filled with onlookers, knights in shining armor, and horses. A large banner waves in the wind, proudly displaying "Joust Champion 1420" in elegant, gold-embossed letters. The scene is vibrant, capturing the spirit of the competition. +A realistic photograph of a submarine control panel, with a prominent digital display reading "Depth 2000 Meters", surrounded by various gauges and switches in a dimly lit, high-tech environment. +A smartphone screen, cracked and displaying the message "Low Storage Delete Memories", lying on a cluttered desk amidst scattered photos and tech accessories. +A close-up of a guitar case, featuring a vibrant sticker that reads "Rock On" in bold, colorful letters, set against a slightly worn, textured background, capturing the essence of rock music's enduring spirit. +A realistic photograph of a fire station garage door, prominently displaying the text "Engine Company 42", with a red fire engine parked inside, and firefighters in uniform standing nearby, ready for action. +A boxing ring with the floor mat prominently displaying "Championship Round 12", surrounded by intense spectators and bright stadium lights, capturing the electrifying atmosphere of a major boxing event. +A detailed ski resort trail map with clear markings for "Beginner Slopes Green", set against a snowy mountain backdrop, featuring subtle shadows and vibrant colors to highlight the trails. +A detailed zoo map with an arrow pointing towards the "Lion Exhibit This Way" sign, surrounded by lush greenery and cheerful zoo visitors. +A reminder note labeled "quercusglobulus" is taped to the window of a bustling city bus, the text slightly blurred by the condensation from the heater, as passengers board and exit in the background. +An astronaut, dressed in a sleek, modern spacesuit, stands against the backdrop of a distant Earth. The wrist of their right hand is visible, showcasing a vibrant tattoo that reads, "Home is Where WiFi Connects", symbolizing their connection to the digital world even in the vastness of space. +A vibrant skate park featuring a large, dynamic graffiti wall art that boldly reads "SK8 OR DIE" in bold, colorful letters, surrounded by skaters performing tricks and a lively, urban atmosphere. +A realistic garden scene featuring a wooden plant marker labeled "Heirloom Tomatoes" standing amidst lush green foliage and ripe tomatoes, with a sunny sky in the background. +A vintage neon diner sign flickering "Eat Fresh Burgers" above the entrance of a 1950s-style restaurant, with a nostalgic glow casting long shadows on the pavement. The scene is set at dusk, with a hint of urban nightlife beginning to stir. +A mission control room with a large screen displaying "Launch Sequence Initiated", surrounded by technicians at workstations, all focused on the screen, with the glow of monitors illuminating the room. +A close-up of a vintage, weathered seed packet labeled "Magic Beans Inside", lying on a rustic wooden table, with a pair of old gardening gloves and a spade resting nearby, under a soft, natural light. +A close-up of a vibrant, illustrated board game card featuring the instruction "Draw Two Cards" in bold, colorful text, set against a textured, vintage paper background with subtle wear and tear, enhancing the tactile and nostalgic feel of the game. +A realistic photograph of a scientist's name tag in a laboratory setting, clearly displaying the text "Dr Smith". The name tag is attached to a lab coat on a hanger, with scientific equipment and lab benches visible in the background. +In a hospital corridor, a sign that reads "angeles" hangs above a door, illuminated by the soft glow of overhead lights, creating a serene and slightly mysterious atmosphere. +An ancient, leather-bound spellbook titled "Magic for Beginners" lies open on a wooden table, illuminated by the soft glow of candlelight. The room is dimly lit, with shadows casting an eerie, mystical atmosphere. The pages are filled with handwritten incantations and illustrations of magical symbols. +A vintage classroom globe with a sticker that reads "Here Be Dragons", surrounded by old books and maps, under the warm glow of a desk lamp, capturing the curiosity of a young student. +A concert ticket stub with "Headliner The Rolling Rocks" prominently displayed, crumpled and worn from being carried in a pocket, set against a background of a bustling concert crowd with vibrant stage lights in the distance. +Ancient cave wall adorned with intricate paintings of mammoths, the stone surface weathered and aged. In the center, bold text reads "Climate Change Is Old News", contrasting the prehistoric art with a modern message. Soft, ambient light enhances the texture and depth of the scene. +A roadside sign reading "Speed Limit 45" stands next to a sharp, winding curve on a scenic mountain road, surrounded by dense foliage. The sign is partially obscured by overgrown bushes, emphasizing the twist of the road ahead. +A Viking longship, its sail emblazoned with the words "Valhalla Bound", cuts through choppy waters under a dramatic sky, with stormy clouds and a single beam of sunlight casting a golden glow on the ship's intricate carvings and the determined faces of the crew. +Retro arcade cabinet with a vibrant marquee displaying "Insert Coin to Continue Life", set in a dimly lit game room with soft neon lights reflecting off the polished wood panels. +A realistic photograph of an observatory at night, with a large telescope pointed at the sky. A plaque next to the telescope reads "Mars Visible Tonight", and the red planet is faintly visible in the telescope's eyepiece. +A retro diner’s coffee mug, steam rising, printed with "World's Best Brew", set on a checkered tablecloth, with a vintage jukebox in the background. +A vintage postcard featuring "Greetings from Paris" in elegant cursive script, set against a backdrop of the Eiffel Tower at dusk, with a soft, warm glow enveloping the scene. +A bustling market scene with a quaint butcher shop in the foreground. The shop's wooden sign reads "butcher" in rustic, bold letters, swinging gently in the breeze. Shoppers browse fresh meats displayed in the window, while the butcher, in a white apron, prepares cuts inside. +A close-up of a vintage gardener's seed packet, prominently labeled "Sunflower Giant Variety", resting on a rustic wooden table, surrounded by gardening tools and soil, with sunlight streaming through a nearby window, casting a warm glow. +A realistic photograph of an airport departure board, prominently displaying "Flight 456 On Time" in bright, flashing lights, with travelers passing by in the background, capturing the bustling atmosphere of a modern airport terminal. +A high-resolution screen in a modern digital museum displays "Exhibit A", featuring an interactive interface with elegant typography and a minimalist design, set against a sleek, black background. +A bustling subway station with a prominently displayed map labeled "Transfer Station", showing multiple intersecting lines and detailed route information, surrounded by rushing commuters and the glow of digital advertisements. +A realistic photograph of a modern restaurant interior, with a "Do not spit anywhere" reminder sign prominently displayed on a wall, next to a potted plant and near a table with diners enjoying their meals. +A realistic photograph of a scientist wearing a lab coat embroidered with "Dr Smith PhD", standing in a modern laboratory filled with high-tech equipment and shelves of scientific instruments, looking intently at a sample under a microscope. +A close-up of an old, leather-bound book opened to a page with a library stamp in the corner, clearly marking "Property of Hogwarts". The stamp is detailed, featuring the Hogwarts coat of arms. +A sleek, glossy Magic 8 Ball floats in a dimly lit room, its triangular window displaying the answer "Ask Again Later" in clear, glowing letters, surrounded by swirling, mysterious blue liquid. +A realistic photograph of a gas station with a price board displaying "Unleaded 4 99 Gallon" under a clear blue sky, with a few cars parked nearby and the station's canopy visible in the background. +An ancient, moss-covered stone tablet stands in a dense, misty forest. Carved deeply into its weathered surface are the ominous words "Beware the Curse", illuminated by a shaft of pale sunlight piercing through the canopy. +A medieval wizard's tower, moss-covered stone walls, intricate wood door with a hand-carved sign that reads "Spellcasting In Progress" hanging above, surrounded by swirling mist and glowing magical runes. +An antique leather-bound poet's journal lies open on a rustic wooden desk, illuminated by the warm glow of a nearby candle. The page displays the title "Ode to the Stars" at the top, surrounded by elegant, handwritten text and delicate ink illustrations of celestial bodies. +Studio shot of intricately crafted shoe sculptures made from vibrant colored wires, with the text "chiu" prominently displayed in a modern, clean background. +A neon bar sign flashing "Open 24 Hours" hangs above the entrance of a dimly lit, urban bar, casting a vibrant glow on the wet pavement and nearby brick walls, with a lone figure standing beneath it, reflecting the city's nightlife. +A close-up of a clothing tag on a soft, blue sweater, clearly displaying the instructions "Machine Wash Cold" with a small, stylized icon of a washing machine and water drops, set against a blurred, pastel background. +A retro-futuristic time machine dashboard, illuminated by soft blue lights, with a large digital screen displaying "Next Stop Yesterday" in sleek, futuristic font. The scene is set in a dimly lit, sleek interior with metallic surfaces and holographic interfaces. +A weathered road sign stands alone in a vast, sun-baked desert, its arrow pointing towards "Miracle Oasis 50km" in the distance, where a hint of greenery suggests the promise of water. +A close-up of a paleontology brush handle intricately carved with the words "Bone Digger 9000", surrounded by ancient fossils and sandy terrain, capturing the essence of a fossil excavation site. +A rustic wooden signpost stands at the entrance of a mystical unicorn stable, prominently displaying the warning "No Virgins After Midnight" in elegant, glowing letters. The scene is bathed in the soft, mystical light of a full moon, with a faint mist hovering around the stable. +A roadside warning sign, shaped as a yellow diamond, prominently displays "Sharp Turn Ahead" in bold black letters, set against a backdrop of winding road and lush greenery, under a clear blue sky. +A close-up of a digital thermostat with a sleek, modern design, displaying the message "AC Broken Again" in bold, red letters against a gray background, set in a contemporary living room with minimalistic decor. +A mountaineer stands on a snowy peak, holding an ice axe stamped "Summit or Nothing", the sun casting a golden glow on the rugged terrain below. +A submarine's periscope viewfinder, with a digital overlay reading "Depth 300m", surrounded by the deep blue of the ocean, with subtle light filtering through, creating a serene yet mysterious underwater atmosphere. +A close-up of a stylish concert wristband with "VIP Access" printed in bold, glowing neon letters, set against a backdrop of a vibrant, pulsing crowd and stage lights, capturing the electric atmosphere of a live music event. +A clear label on a ceramic plant pot, prominently displaying the text "Water Once Weekly" in bold, black letters against a white background, surrounded by lush, green foliage. +A detailed close-up of a library book spine with a label clearly marked "Fiction Section AL", surrounded by other books on a wooden shelf, with soft, ambient lighting highlighting the text and the texture of the books. +A realistic photograph of a smartphone screen with a notification popup reading "Low Battery 10% Remaining", set against a blurred background of a coffee shop, emphasizing the urgency of the message. +A bustling farmer's market with a wooden stand prominently displaying a hand-painted sign that reads "Organic Apples Here", surrounded by baskets of fresh, vibrant apples and cheerful customers. +In a futuristic spaceship, the control panel glows with an array of lights, but a stark red alert blinks ominously, displaying the critical message "Gravity Failure" in bold letters, casting an urgent shadow over the sleek, metallic surfaces. +In a dimly lit, ancient stone chamber, a witch stirs a cauldron bubbling with a swirling, ethereal potion, labeled "Potion 9 For Chaos", emitting tendrils of glowing mist that dance around the room. +A bustling train station with a vintage aesthetic, featuring a large, illuminated display board that reads "Track 9 Departing". Passengers mill about, waiting for their trains, while the soft glow of the display board casts a warm light over the scene. +A cozy wizard's library, shelves lined with ancient, leather-bound tomes, a glowing orb casting a warm light on the catalog labeled "Ancient Tomes" resting on a wooden desk, intricate runes adorning the cover. +A realistic photograph of a protest banner outside City Hall, prominently displaying the message "Housing for All Now", with a crowd of demonstrators in the background, holding signs and chanting slogans. +A serene yoga studio with minimalist decor, featuring a large, elegant wall art that reads "Breathe In Peace" in flowing, cursive font, surrounded by soft, warm lighting and lush green plants. +A vibrant poster for a robot poetry slam, featuring metallic robots with expressive faces, standing on a stage under neon lights. The headline reads, "Beep Bop Verse Night", with colorful, dynamic fonts. The background shows a futuristic cityscape at dusk, enhancing the tech-meets-art theme. +A vibrant painter’s palette titled "Color Splash", with a kaleidoscope of pigments blending into each other, set against a minimalist white background, capturing the essence of creativity and artistic expression. +A black cat with a collar adorned with a tiny silver bell and a tag that reads "Princess of Darkness", sitting on a dark, moonlit windowsill, surrounded by shadows that whisper her name. +An astronaut stands on a dusty Martian landscape, their helmet visor reflecting the bold text "Mars or Bust" amidst the red terrain and distant hills. The scene captures the determination and spirit of exploration. +In a bustling alien supermarket, a vibrant aisle marker reads "Human Snacks Section", surrounded by extraterrestrial shoppers and shelves stocked with peculiar, otherworldly treats. The scene captures the curious blend of futuristic and familiar, with the marker standing out in bold, neon colors. +A realistic photograph of a school detention slip on a wooden desk, with the text "Reason: Excessive Wizardry" clearly visible. The slip is slightly crumpled, and a quill pen rests next to it, with a faint magical glow emanating from the ink. +A realistic photograph of a retirement cake with the inscription "30 Years of Minimum Effort" in elegant script, surrounded by colorful candles and festive decorations, set on a white tablecloth in a cozy living room. +An antique globe with a vintage, weathered appearance, featuring a sticker that reads "Here Be Dragons" in elegant, old-world script, placed over uncharted territories. The globe is partially illuminated by a soft, warm light, casting subtle shadows and highlighting the intricate details of the sticker and the globe's textured surface. +A close-up of a soft, plush pillow featuring intricate embroidery that spells out "Home Sweet Home" in elegant, flowing script, surrounded by delicate floral patterns. The pillow is placed on a cozy, sunlit windowsill. +A museum exhibit featuring a glass case with ancient Roman coins from 100 BC, illuminated by soft spotlights. A detailed plaque reads "Ancient Roman Coins 100 BC" below the display, set against a backdrop of subtle, historical artwork. +A close-up of an old, leather-bound diary with a padlock securing a page that reads: "Top Secret Do Not Read" in bold, handwritten script. The background is a blurred, vintage bookshelf. +A rustic farmer's barn with a weathered roof, prominently displaying the words "High Moon Ranch" in bold, faded paint, set against a backdrop of rolling hills and a clear blue sky. +An astronaut's moon footprint, with "First Steps" written beside it, captured in a high-resolution, realistic photograph, showing the detailed texture of the lunar surface and the clarity of the inscription. +A bustling city street at dusk, with a large digital billboard cycling through an advertisement that reads "Sale 50 Off Today", reflecting the vibrant lights and urban atmosphere. +In a stately courtroom, the judge’s gavel stand is engraved with "Order Order Order", the wooden surface reflecting soft light, surrounded by dark wooden furnishings and serious law books. +Ancient sundial base with intricate engraving "Tempus Fugit", set in a weathered stone garden, surrounded by overgrown ivy and wildflowers, under a cloudy sky, capturing the essence of time's passage. +A prehistoric cave wall painting featuring mammoths, intricately detailed with "First Hunt" symbols, illuminated by flickering torchlight, showcasing the ancient art in a realistic, textured stone environment. +A realistic photograph of an artist's sketchpad with a rustic leather cover, opened to the first page where the title "Daily Doodles" is elegantly handwritten in ink, surrounded by casual, whimsical sketches. +A serene bird sanctuary with a clear wooden sign that reads "Nesting Area Quiet" standing amidst tall grass and vibrant wildflowers, surrounded by a variety of birds perched on nearby branches and flying overhead. +A museum exhibit featuring towering dinosaur bones, with a detailed label beneath reading "TRex 65 MYA", set against the soft, ambient lighting of the exhibition hall. +A baker's oven mitt, prominently embroidered with the words "Hot Stuff" and colorful chili peppers, rests on a rustic wooden counter next to a steaming loaf of bread in a cozy, well-lit kitchen. +A close-up of a dog's collar, featuring a paw print-shaped tag that reads "Best Boy" in elegant script, set against a soft, blurred background of a sunlit park. +A spy in a dark alley, holding a briefcase with a folder labeled "Top Secret" protruding slightly, under the dim glow of a streetlamp. +A vibrant hot air balloon floats against a clear blue sky, trailing a banner that reads "Happy Anniversary" in elegant, flowing script. The balloon's colorful pattern contrasts beautifully with the serene sky, capturing a moment of joy and celebration. +A magical 8 ball hovers in a dimly lit room, its surface reflecting a soft glow. The answer "Ask Again Later" is clearly visible within, illuminated by an ethereal light, creating a mysterious and enchanting atmosphere. +A weathered farmer's weather vane stands tall against a darkening sky, the sign reading "Storm Approaching" as ominous clouds gather on the horizon, casting long shadows over a serene countryside. +A close-up photograph of a pair of jeans, focusing on the back pocket tag that reads "Original Denim", set against a minimalistic background to highlight the texture and detail of the denim and the clarity of the text. +A neon sign flashing "Open 24 Hours" above the entrance of a vintage diner, set against a dark, urban night scene with a light drizzle and reflections on the wet pavement. +A detective holds a magnifying glass, its handle intricately engraved with the phrase "Truth Hurts Use Gloves", examining a detailed crime scene in a dimly lit, atmospheric alley. +A vintage movie marquee bathed in neon lights, prominently displaying "Zombie Ballet Tonight" in bold, eerie font. The marquee is set against a dark, slightly foggy night sky, with a few silhouetted figures in the distance, hinting at the unusual and captivating event. +A high-speed race car with a sleek, aerodynamic design, featuring a bold hood decal that reads "Speed Demon 99" in vibrant, dynamic typography, set against a backdrop of a cheering crowd and a foggy racetrack. +A pair of well-worn jeans with a distinctive patch that reads "Rugged Denim Co", set against a rustic wooden background, capturing the essence of durability and style. +A fishing boat hull, painted with the words "Catch of the Day Dad Jokes", floats gently on calm waters at sunrise, surrounded by mist and the soft glow of early morning light. +A medieval battlefield with knights and archers clashing, dirt and smoke swirling. In the center, a standard bearer holds high a vibrant banner with "YOLO 1349 Edition" emblazoned in bold letters, adding a modern twist to the historic scene. +A realistic photograph of an Olympic podium where the first-place position proudly displays a "Participation Trophy", with the silver and bronze medals in the background, capturing the unique and humorous moment. +A close-up photograph of a hospital wristband worn on a patient's wrist, clearly showing the printed text "Patient ID 4567B" against a neutral background. +A realistic photograph of a subway tunnel wall, featuring a graffiti tag reading "Lost Dreams" spray-painted in vibrant colors, with the rough texture of the concrete and the dim lighting of the tunnel enhancing the scene. +A soldier stands solemnly, the afternoon sun casting a gentle glow on their weathered helmet, which bears the inscription "Stay Sharp". The background is a serene landscape, emphasizing the contrast between the soldier's vigilance and the peaceful surroundings. +A futuristic sci-fi spaceship console with glowing buttons and screens, prominently displaying the alert: "Warp Drive Active". The console is bathed in a blue and green glow, reflecting off the sleek, metallic surfaces and creating a high-tech, immersive atmosphere. +An ancient wizard's spellbook lies open on a wooden desk, illuminated by a single candle. The page is titled "Summon Snacks", with intricate illustrations of magical foods and spells written in glowing runes. +A close-up of a modern fitness tracker screen displaying the message "Daily Goal Achieved", set against a blurred background of a sunset jogger in a park, capturing the moment of accomplishment and satisfaction. +A modern smart car parked on a city street at sunset, with its license plate clearly visible and reading "EV 2024". The car's sleek design and futuristic features are highlighted by the warm, golden light. +A bustling city street with a large billboard featuring a pair of stylish, comfortable shoes. The billboard is titled "Step Into Comfort" and showcases the shoes on a vibrant, colorful background, emphasizing the message of ease and style. +In a neon-lit cyberpunk alley, vibrant graffiti spells out "System Override" across a weathered wall, with futuristic elements like holographic symbols and glowing circuits intertwining with the bold letters. +A close-up of a futuristic robot pet's metallic collar, featuring a sleek, round tag that reads "If Lost Return to Motherboard" in elegant, embossed text. The collar is polished and reflects the ambient light, set against a minimalist, high-tech background. +A bustling farmer’s market scene with a wooden stand prominently displaying a hand-painted sign that reads "Organic Apples 3LB". Fresh, vibrant apples are neatly arranged in baskets, and the stand is surrounded by happy shoppers browsing through the produce. +In a bustling city square, a grand monument stands tall, featuring a detailed plaque at its base inscribed with "Saved by Nightwing". The sun casts a warm glow, highlighting the heroic figure of Nightwing, symbolizing hope and courage. +A neon sign above a bustling bar, flashing "Open All Night", casts vibrant colors over the sidewalk and the patrons entering the dimly lit doorway. +A cozy bakery interior with a rustic wooden table displaying a basket of freshly baked bread. Above the basket, a vintage metal tag hangs, clearly displaying the text "Freshly Baked Conspiracies". The scene is bathed in warm, golden light, emphasizing the inviting and mysterious atmosphere. +A close-up of a gym water bottle with a bold sticker that reads "Hydrate Or Die", set against a blurred gym background with weights and exercise equipment. The sticker is vivid and clear, with a dynamic, energetic font. +A vibrant TV show poster featuring the logo "A Little Princess" prominently at the top, set against a backdrop of a young girl in an elegant Victorian dress, surrounded by lush, enchanted gardens, with a majestic castle in the distance. +A movie script cover page titled "Scene 24 Int Bank", featuring a sleek, modern bank interior with a dramatic lighting setup, emphasizing the title in bold, cinematic typography. +A vintage polaroid snapshot with a retro camera photo border, featuring bold text "Proof of Alien Existence" at the top, showcasing a mysterious, otherworldly landscape with glowing orbs and a saucer-like UFO in the sky. +A realistic photograph of a kindergarten classroom, showing cubbyholes with name tags clearly labeled "Ms Johnson Class", set against a colorful wall decorated with children's artwork and educational posters. +A detailed, realistic scene of an ancient Egyptian temple interior, with "Cat Worship Instructions" inscribed on the stone walls. Cats adorned with gold and jewels are depicted in various worshipful poses, surrounded by offerings of fish and milk. +A modern yoga studio features a minimalist wall art piece that reads "Namaste in Bed" in elegant, flowing typography, set against a serene, pastel backdrop. Soft, ambient lighting enhances the peaceful atmosphere, reflecting the studio's commitment to relaxation and mindfulness. +A medieval knight stands proudly, his shield emblazoned with the phrase "Protect the WiFi". The scene is set in a grand hall, with stone walls and torches casting a warm glow. The knight's armor gleams, and the WiFi emblem is prominently displayed, blending ancient and modern elements. +A close-up photograph of a vintage candy shop jar, with a colorful label prominently displaying the text "Sour Patch Kids", surrounded by a scattering of the iconic green and yellow candies. +A detailed close-up of a concert ticket stub, slightly crumpled, with "Row A Seat 1" clearly printed in bold, lying on a textured surface, capturing the essence of an eagerly anticipated music event. +A realistic photograph of an elevator panel with an emergency button cover that reads "Break Class System", set in a modern office building, with the button slightly illuminated and the surroundings subtly blurred to focus attention on the message. +A realistic photograph of a kitchen fridge, with a hastily handwritten note saying "african" stuck to its door using a small magnet, amidst other fridge magnets and a slightly disorganized backdrop. +An antique genie lamp with intricate etchings, including the phrase "3 Wishes Terms Apply", resting on a velvet cloth in a dimly lit room, with a faint glow emanating from the lamp's surface. +In a softly lit hospital nursery, a newborn baby girl sleeps peacefully in a bassinet. A small, white tag attached to the bassinet reads "Baby Girl Smith", with a gentle light casting a warm glow over the scene. +A pet store interior with a large fish tank prominently displaying a sign that reads "Discounted Soulmates 199", surrounded by colorful fish and aquatic plants, with customers browsing and store lighting creating a warm, inviting atmosphere. +A sentient refrigerator magnet, eyes glowing softly, reads the poetic phrase "Eat Cake for Justice" displayed on a vintage fridge, surrounded by scattered magnetic letters and whimsical kitchen decor. +A realistic photograph of a fire station with a prominent sign that reads "Engine Company 62", surrounded by a well-maintained brick building and a gleaming red fire engine parked outside. +A whimsical birthday card featuring a cheerful whale popping out of the ocean, holding a sign that says "Whale Done", surrounded by sparkling water and colorful confetti. +A detective's cluttered desk with a notepad prominently displaying the entry "Case Unsolved", surrounded by scattered papers, a magnifying glass, and a dimly lit room with a window showing a rainy cityscape. +A modern ambulance parked on a city street, its side adorned with a bold decal that reads "Emergency Rescue", reflecting the urgent and professional nature of the vehicle. The scene is set during daytime, with pedestrians glancing at the ambulance. +A detective's magnifying glass, engraved with "Find Truth", lies on an old, dusty desk beside a stack of yellowed case files and a flickering desk lamp, creating a moody, noir atmosphere. +A weathered wanted poster hangs in an old Western town, featuring a rugged cowboy. The reward reads "5 Gallons of Milk", contrasting the dusty, sun-baked environment. The poster is tacked up on a wooden board, with a sheriff's seal in the corner. +A gritty urban scene featuring a brick wall covered in vibrant graffiti, prominently spray-painted with the bold words "Revolution Now" in dynamic, eye-catching colors. +A wizard gazes into a crystal ball that glows with an ethereal light, revealing the words "The Answer Lies Within" in shimmering, mystical script. The wizard's robe is tattered, and the scene is set in a dimly lit, ancient stone chamber. +A vibrant digital banner on a website header, prominently displaying the text "Limited Time Offer" in bold, eye-catching colors, set against a dynamic background with subtle gradients and modern design elements. +A close-up of a police car door, prominently displaying the emblem with the motto "To Protect and Serve", set against a urban backdrop at dusk, with the subtle glow of streetlights and the reflection of the emblem in a puddle. +A vibrant carnival scene featuring the ride "Must Be This Tall to Ride" with a colorful height marker prominently displayed, surrounded by excited children and amused parents. The ride's bright lights and playful decorations enhance the festive atmosphere. +A vintage travel poster with a retro-futuristic style, advertising "Visit Mars: The Red Planet". The poster features a vibrant, sandy landscape with a rover in the foreground and towering red cliffs in the distance, under a dusky orange sky. +An underwater hotel room with a futuristic, sleek design, featuring a glowing plaque on the wall that reads "No Swimming in Beds", surrounded by colorful marine life and soft, ambient lighting. +A realistic photograph of a modern satellite dish with a prominent warning sign that reads "Signal Active", set against a clear blue sky. The dish is sleek and slightly reflective, capturing the sunlight. +A realistic photograph of a nuclear plant control room, with flashing red alerts and technicians scrambling. A large screen displays "Reactor Temp Critical" in bold red letters, while control panels light up with warning indicators. +A vibrant poster design featuring the title text "The Middleman" in bold, modern typography, set against a dynamic background of urban cityscapes and bustling street scenes, emphasizing the theme of connection and intermediary roles. +A realistic photograph of a car parked under a tree, with a clear "Park in Shade" imprint visible on the windshield from the sun shade inside, casting dappled shadows around the vehicle. +A cinematic movie poster featuring the title "Violent Review" in bold, dramatic typography, set against a gritty urban backdrop with a shadowy figure holding a review notebook, surrounded by falling leaves and the glow of streetlights. +A thrilling roller coaster ride with a prominent safety bar labeled "Keep Hands Inside Car", set against a sunny sky and vibrant amusement park. Riders with excited expressions, colorful safety harnesses, and the safety bar clearly visible and central in the scene. +A pet store window with a sign reading "Puppies for Adoption" in front, featuring a cozy display of playful puppies inside, surrounded by toys and cozy beds, with a warm, inviting atmosphere. +A spy's pen cap, intricately engraved with "For Your Eyes Only", lying on a dark, sleek table, illuminated by a single, focused light, creating a mysterious and tense atmosphere. +In a museum, a glass case displays an old smartphone from 2020. The artifact plaque reads "Ancient Smartphone Circa 2020". The phone's screen is dark, and it is surrounded by a soft, warm light, emphasizing its historical significance. +A surreal painting titled "Dream Within A Dream", featuring a serene landscape with floating islands, ethereal lights, and a figure standing on a bridge between two worlds, all bathed in a soft, mystical glow. +A vintage movie poster titled "The Clockwork Heist" with bold gold lettering, set against a backdrop of intricate clockwork gears and a 1920s cityscape, capturing the essence of a daring heist in a steampunk world. +A close-up of a shiny candy wrapper with the text "MYSTERY FLAVOR INSIDE" in bold, colorful letters, set against a blurred background of a festive, colorful candy store. +In the cockpit of a modern aircraft, the pilot's display prominently shows "Altitude 35000" against a backdrop of serene, cloud-dotted skies, with the horizon stretching endlessly in the distance. +A cozy coffee shop interior with a rustic wooden menu board prominently displaying "New Pumpkin Spice Latte" in elegant, handwritten font, surrounded by autumn leaves and small pumpkin decorations, bathed in warm, golden lighting. +A vintage radio, with a nostalgic design and slightly worn finish, prominently displays the glowing neon text "Tune In Now" on its front panel, set against a backdrop of a cozy, dimly lit room. +A digital camera's LCD screen showing the message "Low Memory" in a modern, slightly cluttered living room, with sunlight streaming through a window, casting soft shadows on the camera and a nearby bookshelf. +A vintage suitcase tag, worn and slightly torn, reads "Destination 1980s Again" in bold, retro font, attached to a leather strap. The tag is placed on a dark, wooden surface, with soft, nostalgic lighting highlighting its texture and details. +A cozy bakery window display featuring a variety of fresh bread loaves, pastries, and cakes, with a hand-painted sign that reads "Fresh Bread Daily" prominently displayed. Warm, inviting lighting enhances the rich textures and colors of the baked goods. +A serene yoga studio with a minimalist design, featuring a large, elegant wall quote that reads "Breathe Stretch Relax" in modern, flowing typography. Soft, natural light filters through large windows, casting a peaceful glow over the room. Yoga mats and blocks are neatly arranged, inviting practitioners to a session of mindfulness and wellness. +A medieval tavern's wooden menu board hangs by the entrance, weathered and slightly tilted. Handwritten in faded ink, it lists "Mutton Stew 5 Coins" among other dishes, illuminated by the warm glow of torches lining the cobblestone street. +In an ancient Egyptian tomb, the walls are adorned with intricate hieroglyphs that surprisingly translate to "Dank Memes", blending the timeless with the contemporary. The scene is illuminated by a soft, golden light, highlighting the contrast between the ancient stone and the modern, humorous text. +A close-up of an antique patent office seal embossed with the text "Approved Design 2024", set against a vintage, parchment-like background, with subtle shadows highlighting the intricate details of the seal. +A dragon's treasure chest, adorned with intricate carvings and a large, rusty padlock, sits in a cavernous lair. The chest bears a weathered wooden plaque with the label "Hoarding Tax Paid" clearly visible. Golden light from a distant torch illuminates the scene, casting dramatic shadows. +A professional chef in a kitchen, wearing an apron embroidered with "Kiss the Error 404 Cook", preparing a gourmet dish, with steam rising from the stove and utensils neatly arranged on the counter. +A high-contrast, dramatic TV show poster for "Taken 3", featuring a rugged, middle-aged protagonist standing in a rain-soaked city street, with a tense, focused expression, surrounded by shadows and silhouettes of pursuing figures. +An astronaut stands on the moon, their footprint clearly visible in the lunar soil, forming the words "First Steps" under the stark, shadowy landscape illuminated by the distant Earth. +A sunny day on a university campus, a well-worn signpost clearly directing towards "Lecture Halls", surrounded by lush green lawns and students walking by with books in hand. +A modern art installation featuring a sleek, minimalist chair with the phrase "I got nothing" intricately engraved on its back, set against a stark white background, emphasizing the starkness and simplicity of the piece. +A close-up of a skateboard deck featuring a vibrant sticker that boldly states "Ride or Crash", set against the worn, gripped surface, capturing the spirit of urban skate culture. +A bustling supermarket aisle with a price tag error displayed prominently: "Scan Again Item 4011". Shoppers browse nearby shelves, while a confused cashier points to the tag, and a store manager rushes over to investigate the issue. +A vintage concert T-shirt featuring the band name "Electric Echoes" in a retro font, worn and faded, capturing the essence of a nostalgic music era. +A high-resolution photograph of a laboratory microscope slide, clearly labeled "Specimen X247", resting on a white background with a subtle shadow. The slide is illuminated, emphasizing its clarity and the precision of the labeling. +A VR headset, sleek and modern, is displayed against a futuristic cityscape. The screen on the headset clearly displays the text "Enter Metaverse Now", glowing with a vibrant, inviting light. +A vast desert canyon, with ancient, weathered rock walls. Deeply carved into one towering cliff face, the words "Route 66 1926" are etched, faded by time and the elements, yet still legible. The afternoon sun casts long shadows, highlighting the texture of the stone and the historical inscription. +A glowing Magic 8 Ball floats mid-air, the triangular window displaying the text "Ask Again Later" in a mystical, shimmering font, surrounded by a soft, ethereal light in a dark room. +A realistic photograph of an airport departure board displaying "Flight 223 On Time", with passengers waiting nearby and the bustling atmosphere of a modern airport terminal in the background. +A realistic photograph of a post office package with a prominently displayed "Fragile Handle Care" stamp, surrounded by other packages and postal paraphernalia, emphasizing the cautionary message. +A vibrant T-shirt design featuring "Music Festival 2024" in bold, colorful graffiti style, set against a dynamic background of musical notes and festival lights. +In a cozy, vintage diner, a customer points to a hidden chalkboard menu, ordering the secret "Ask for the Moon Milk Shake". The barista, with a wink, blends a glowing, otherworldly milkshake under the soft, nostalgic glow of a jukebox, while the neon sign outside twinkles in the night. +A nostalgic movie theater marquee under a twilight sky, prominently displaying "The Last Donut Sold Out" in vibrant, retro lettering. The scene is set in a quiet, vintage town, with soft streetlights casting a warm glow on the marquee and a few people lingering nearby, adding a touch of realism. +A close-up of a superhero cape, intricately embroidered with the words "Capeless Crusader" in bold, vibrant threads, set against a dark, textured background, capturing the essence of a modern, urban hero. +A medieval shield crest prominently displaying the Latin phrase "Fortis in Arduis", set against a weathered, battle-scarred metal background, with intricate engravings and a regal border. +In a desolate, post-apocalyptic landscape, a weathered road sign stands alone, reading "Hope 500 Miles". The sign is partially rusted, with cracks in the metal, and the background shows an empty, dusty road stretching into the distant horizon under a pale, overcast sky. +A vintage radio with a glowing dial, carefully tuned to "1035 FM", sitting on a wooden tabletop, surrounded by old vinyl records and a stack of classic albums. The room is dimly lit, creating a nostalgic atmosphere. +A realistic photograph of a vast, green field at dawn, with a intricate UFO crop circle formation clearly spelling out "Take Me To Your Dealer" in the center, surrounded by undisturbed wheat stalks, with a misty horizon in the background. +A realistic photograph of a highway rest area signpost, prominently displaying "Picnic Area", set against a backdrop of a serene, tree-lined landscape with a few cars parked nearby. +An art gallery plaque titled "Chaos in Color 2023" stands elegantly in a modern gallery, surrounded by vibrant, abstract paintings that burst with dynamic colors and shapes, reflecting the theme of creative chaos. +A bold T-shirt design featuring the text "Code Master" in a vibrant, eye-catching font, set against a sleek, modern background with subtle tech-inspired graphics. +A camping tent tag "Waterproof Model X" hangs from a zipped tent in a serene forest clearing, dew glistening on the green fabric as morning sunlight filters through the trees, highlighting the tent's robust waterproof material. +A realistic office scene featuring a whiteboard calendar with the header "October Staff Schedule" prominently displayed, surrounded by colorful markers and sticky notes, with a modern desk and chair in the foreground. +A T-shirt cannon launches vibrant shirts printed with "Team Spirit 2024" into a cheering crowd at a bustling stadium, capturing the electrifying atmosphere of a major event. +A realistic airport scene with a security checkpoint. Above the checkpoint, a stark, official sign reads "All Hope Must Be Checked Here", casting a somber tone over the bustling travelers and security personnel. +A movie poster for "No Time for Love", featuring a dramatic cityscape at sunset, with a couple in the foreground locked in a passionate embrace, their silhouettes outlined against the vibrant skyline. +A sleek, modern phone case featuring the minimalist text "Do Not Disturb" in a clean, sans-serif font, set against a solid, pastel-colored background. The text is centered and slightly elevated, giving a subtle, three-dimensional effect. +A bustling city street at dusk, with a large digital billboard cycling through vibrant ads for various attractions, each ending with the bold, illuminated text "Visit Now". Pedestrians and vehicles pass by, reflecting the dynamic urban atmosphere. +A high-resolution photograph of a wine bottle with a sophisticated label that reads "Vintage Reserve 1999", set against a soft, elegant background, capturing the refined essence of a premium vintage. +A realistic photograph of a final exam booklet, specifically "Answer Sheet B", lying on a wooden desk, with a pencil and eraser placed neatly beside it, under the soft glow of a desk lamp. +A high-tech space telescope with a large, sleek display screen that reads "NEW GALAXY FOUND" in bold, futuristic font, set against a backdrop of distant stars and galaxies, with a subtle glow around the telescope to highlight its advanced technology. +A samurai stands proudly on a battlefield, his battle standard fluttering in the wind with the phrase "Honor Before Death" painted in bold, traditional calligraphy. The scene is bathed in the golden light of sunset, emphasizing the samurai's resolve and the ancient honor of his code. +A realistic photograph of a modern parking garage, with a meter prominently displaying "Overstay Fee Applies" in bright red LED lights, surrounded by cars and concrete pillars, capturing the sterile, slightly tense atmosphere of an urban parking facility. +A high-tech spaceship control room with a futuristic interface, where a prominent red alert on the main panel reads "Warp Drive Malfunction", surrounded by concerned crew members in sleek uniforms. +A futuristic metro station with sleek, metallic architecture and digital screens. An announcement board prominently displays "Platform 9 Delayed" in bright, flashing lights, while passengers look on with anticipation and frustration. +In a tranquil botanical garden, a small, weathered plaque rests beneath a majestic cactus, its sign reading "Handle With Spikes". Sunlight filters through the leaves, casting gentle shadows on the path, highlighting the intricate spines of the cactus. +A bustling farmer’s market stall, with a rustic wooden stand displaying fresh produce. A charming, hand-painted chalkboard prominently features the text "Organic Eggs 3doz" in elegant cursive, surrounded by baskets of eggs and vibrant vegetables. The scene is bathed in warm, natural sunlight. +A close-up of an intricately engraved magic wand, with the phrase "Wish Upon a Star" clearly visible in elegant, glowing script. The wand is surrounded by a soft, mystical light, hinting at the power it holds. +A modern kitchen with sunlight streaming through the window, a "Wash Your Hands" reminder printed on a vibrant, hanging kitchen towel near the sink, emphasizing cleanliness and hygiene in a cozy, inviting setting. +A cozy office with a therapist's desk, bookshelves, and a framed diploma on the wall that reads "PhD in Obvious Observations", capturing the essence of a warm, professional environment. +At the airport, a clear sign that says "regular" stands prominently near the check-in counters, guiding travelers to the standard security line, amidst the hustle and bustle of passengers and the modern architecture of the terminal. +A pilot in a cockpit, completing a checklist with "Preflight Complete" noted, surrounded by the intricate controls and instruments of a modern aircraft, with the runway visible through the windshield. +A realistic photograph of a construction helmet with a bold decal that reads "Safety First Always", set against a backdrop of a bustling construction site with workers in high-visibility vests. +A detective's cluttered desk with a coffee mug stained and labeled "Clues Are Brewing", surrounded by open case files, a magnifying glass, and a dimly lit lamp casting shadows. +"Skate or Die" emblazoned on a vibrant skateboard deck, set against a backdrop of a gritty urban street scene, with graffiti-covered walls and a skater performing a trick in the distance. +A snow globe featuring a quaint, snow-covered village nestled among frosty trees, with the text "Winter Haven" elegantly inscribed at the base, surrounded by delicate, floating snowflakes. +A beautifully decorated birthday cake with intricate frosting designs, topped with colorful candles and a banner that reads "Happy 30th Jessica", set on a rustic wooden table with a soft, warm lighting creating a cozy and celebratory atmosphere. +A close-up of a student's notebook page, filled with whimsical doodles and the phrase "I Love Science" written in colorful, playful letters, surrounded by sketches of atoms, test tubes, and planets. +A scientist in a lab coat, adorned with a patch that reads "Mad Genius Club", stands amidst a cluttered laboratory filled with futuristic equipment and glowing vials, looking both intrigued and slightly mad. +A realistic photograph of a rugged coastal area with a large, weathered stone marker inscribed with "Leif Erikson Landing 1003 AD", surrounded by wild grass and overlooking the turbulent sea, capturing the historical significance and natural beauty of the site. +An astronaut's family photo floats in zero-G, gently spinning. The photo frame is slightly worn, showing a smiling family. In the background, the vastness of space and a distant Earth. The words "Miss You to the Moon" are clearly visible, adding a touching note to the scene. +A tranquil mystical pond under a misty sky, its surface perfectly reflecting the ancient inscription "Know Thyself" etched on a stone at its edge, surrounded by lush, ethereal foliage. +A realistic photograph of a classroom with a periodic table on the wall, where "Hg Mercury" is prominently highlighted, surrounded by engaged students and a teacher pointing to it. +A bustling medieval marketplace with a quaint wizard's shop adorned by a wooden sign that reads "Potions 3 for 10", hanging above a cobblestone path, where colorful bottles and mystical herbs are displayed in the shop window. +A realistic construction site scene with a prominent sign warning "Hard Hat Area Minds Required", surrounded by workers in safety gear, machinery, and partially built structures. +A medieval manuscript with intricate, aged parchment, featuring a margin note that reads "Doodle Here" in elegant, period-appropriate script, surrounded by delicate, hand-drawn floral decorations and whimsical doodles. +A young skater performs a trick on a sunlit urban street, the slogan "Skate or Die" emblazoned on their helmet, capturing the essence of skate culture and the adrenaline of the moment. +An ambulance parked on a city street, its rear doors open, revealing the bold stenciled text "Emergency Response Unit" against a white background, with medical equipment visible inside. +In a vast, icy ocean, an iceberg warning buoy floats near a massive iceberg, its light flashing the words "Tip Ahead" in bright, bold letters, warning ships of the hidden danger beneath the water's surface. +A vibrant school science fair poster titled "Robots vs Volcanoes", featuring futuristic robots battling an erupting volcano, with detailed diagrams and colorful illustrations, set against a backdrop of a bustling fair with excited students and teachers. +A bustling subway platform at dusk, with an LED display prominently blinking "Next Train 5 Min" amidst the crowd. The scene captures the hurried pace of commuters, the glow of the display reflecting off the polished tiles and the glass barriers. +A neon bar sign flashing "Open 24 Hours" above the entrance, casting vibrant hues of blue and red onto the wet pavement of a bustling city street at night. +A group of robots gathered in a city square, holding up placards with the slogan "Battery Lives Matter". The scene is set during a sunny afternoon, with onlookers watching from the sidelines, capturing the moment on their phones. +A close-up photograph of a pharmacy prescription bottle on a white background, with a clear label reading "Take 2 Pills Daily" and a few pills visible inside the bottle. +A fantasy tavern sign reads "The Tipsy Griffin Inn", hanging above a wooden door with intricate carvings. The sign sways gently in the breeze, casting a warm, inviting glow from a lantern hanging nearby. The background features a cobblestone street and dimly lit buildings, creating a mystical, medieval atmosphere. +A photographer captures a candid moment in a bustling city square, with a camera strap prominently displaying the brand "Shoot the Moment" hanging around their neck, reflecting the urban hustle and vibrant life around them. +A detective's notebook opened to a page with a circled clue reading "The Butler Did It", surrounded by scribbled notes and sketches, under the warm glow of a desk lamp in a dimly lit room. +A realistic classroom scene with a chalkboard prominently displaying the message "Pop Quiz Tomorrow", surrounded by scattered textbooks and notebooks on desks, with sunlight streaming through windows, creating a focused and slightly tense atmosphere. +A cozy jewelry store interior with a craftsman meticulously engraving "Forever Yours" into a delicate gold ring, soft lighting highlighting the intricate details and the sparkle of surrounding gemstones. +A bustling movie theater at night, with a vibrant marquee displaying "Now Showing" in bright, neon lights. People are walking by, some taking photos, while others are queueing up at the ticket counter. The marquee features a classic film poster, adding to the nostalgic atmosphere. +A wedding cake topper with the words "Finally" in glittering gold script, set against a backdrop of white frosting and delicate sugar flowers, capturing the moment of joy and anticipation on a special day. +A dimly lit, eerie dollhouse with a small, ominous doorway. The sign above reads "Enter at Your Risk", casting a foreboding shadow over the worn, creaky wooden floor and dusty, cobweb-covered walls. +A fishing pier with a prominent sign reading "Catch and Release Only", surrounded by vibrant murals of various fish species, reflecting the serene waters below. +A dimly lit sci-fi prison cell with metallic walls, scratched and marked with a crude "Escape Plan" etched by a desperate inmate. The cell is cluttered with remnants of failed attempts, adding a layer of tension and urgency to the scene. +A close-up of a pet store fish tank label, prominently displaying the text "Genuine Robot Fish", with colorful robotic fish swimming around in the background, their metallic bodies reflecting the soft aquarium lights. +Ancient cave wall paintings vividly depicting "Hunters of Dawn", showcasing prehistoric humans chasing mammoths and deer under the first light of sunrise, with detailed brushstrokes and natural pigments. +A realistic photograph of a police car with the door text "To Protect and Serve" prominently displayed, parked on a city street at dusk, with the glow of streetlights and the silhouette of tall buildings in the background. +A weathered wooden signpost stands at the edge of a forest trail, pointing towards "Lake 2 Miles" in rustic lettering. Sunlight filters through the trees, casting dappled shadows on the moss-covered ground. +A zoo exhibit with a wooden sign clearly stating "Feeding Time 3 PM", surrounded by eager children and parents, with a variety of animals in the background, including a lion, giraffes, and monkeys. The scene is bright and lively, capturing the excitement of the feeding hour. +A close-up shot of a digital wristwatch with its display flashing "1261 PM ERROR", set against a dark, minimalist background, capturing the glitch in stark detail. +A highway billboard stands tall, advertising "Zombie Proof Tires" with a dramatic, eerie backdrop. The sky is dark, and a few zombies lurk in the foreground, while a sleek black car with rugged tires is prominently displayed on the billboard. +A high-resolution product photo of an anti-aging cream bottle with a sleek, modern design. The label prominently features the text "Erase Time Or At Least Try" in bold, elegant font, set against a minimalist background. +A high-altitude landscape featuring a mountain peak with a prominent marker that reads "Elevation 5000m", surrounded by rugged terrain and a clear blue sky, capturing the grandeur and solitude of the summit. +A detailed campground map with a clear marker labeled "Campsite 12", surrounded by pine trees and a serene lake in the background, captured in a realistic photographic style. +In a serene, overgrown cemetery, a weathered tombstone stands under a weeping willow. The inscription reads, "Told You I Was Sick". Dappled sunlight filters through the leaves, casting shadows on the moss-covered stone. +A baker's oven window displays a slightly burnt "Happy Birthday" cake, its charred edges contrasting with the warm, golden glow inside the bakery. Steam rises gently, adding a touch of realism to this candid, photorealistic scene. +A vintage, mysterious invitation card, embossed with intricate gold lettering that reads "Meet at the End of Time", set against a deep, velvety black background, with subtle, enigmatic symbols around the edges. +A vintage movie theater marquee illuminated at night, prominently displaying "Now Showing Space Wars" in bold, futuristic letters. The marquee's neon lights reflect on the wet pavement, and a few people are queuing with excited expressions. +A bustling city street at dusk, with a large, vibrant billboard displaying the streaming service logo and the tagline "Binge Your Favorite Shows" in bold, eye-catching letters. Crowds of people passing by, some looking up at the billboard, others engrossed in their phones. +A chemistry lab with a scientist carefully handling a flask labeled "Handle With Care", illuminated by the soft glow of lab lights, surrounded by various scientific instruments and equipment. +A vintage pirate-themed nutrition label, prominently displaying "High in Salt Regret", set against a weathered wooden background with a scattering of old coins and a rum bottle. The label features a skull and crossbones, emphasizing the salty warning. +A cinema marquee at night, with bright lights scrolling the text "Now Showing Sold Out" across its front, surrounded by a crowd of people looking disappointed, under a starlit sky. +A vibrant skateboard with custom grip tape art featuring the bold text "Skate or Die" in a gritty, urban style, set against a background of a bustling city street at dusk. +A dark, moss-covered mailbox stands before an eerie, dilapidated haunted house, its surface engraved with the ominous words "Return to Sender ALWAYS", under a crescent moon. +A sleek spaceship with its hull proudly painted with "Galaxy Explorer", drifting through a starlit nebula, its metallic surface reflecting distant galaxies and cosmic dust. +A graduation cap adorned with the phrase "Adulthood Here I Come" in sparkling glitter, set against a background of celebratory confetti and smiling classmates in their caps and gowns, capturing the excitement of a significant life transition. +A surfer stands on a beach, holding a surfboard waxed and gleaming under the sun, with "Ride the Wave" intricately carved into the surface, ready to catch the perfect wave. +A close-up photograph of a car bumper sticker reading "Honk If You Love Cats", with a blurred background of a city street, emphasizing the sticker's vibrant colors and clear text. +A close-up of a gardener's seed packet, prominently labeled "Sunflowers Plant in Spring", with a detailed illustration of a sunflower on the front, set against a rustic wooden background. +A clear sky with intricate smoke signals forming the words "Send Help Now", rising from a distant forest, captured in a realistic photograph with dramatic lighting and a sense of urgency. +A rustic farmer’s barn with a wooden sign hanging by the entrance, painted in bold letters "Fresh Eggs Daily", surrounded by a field of tall grass and a few chickens pecking around. +A futuristic sci-fi spaceship console with sleek, metallic surfaces and glowing blue panels, prominently displaying a blinking message that reads "Warp Drive Online" in neon green text, set against the dim, ambient lighting of the control room. +A wizard stands in a mystical forest, holding a staff intricately engraved with the words "Point Away From Face". The staff glows with a subtle, arcane light, casting eerie shadows in the dim, moonlit surroundings. +A lighthouse stands tall against a stormy night, its powerful beacon casting the words "Safe Harbor" across turbulent waves, illuminating the path for weary sailors. +A cozy coffee shop with a chalkboard menu prominently displaying "Iced Latte Special" in elegant cursive, surrounded by hand-drawn coffee leaves and steam. Soft morning light filters through the window, casting a warm glow on the rustic wooden counter and vintage decor. +In a futuristic courtroom, a large, digital banner displays the text "Trial of the Rogue AI" in bold, neon letters. Holographic projections of robotic figures and high-tech equipment surround the banner, creating a tense and advanced atmosphere. +A vibrant TV show poster titled "META", featuring futuristic cityscapes and neon lights, with a central character in a sleek, high-tech suit, standing confidently against a backdrop of holographic advertisements and bustling cyber streets. +An ancient stone tablet, weathered by time, stands in a mystical forest clearing. The tablet is intricately carved with the warning "Beware the Eclipse", its letters deep and shadowed, illuminated by the dappled light of a partial solar eclipse overhead. +A rugged, fantasy-style license plate reads "FLAME 1" mounted on a majestic dragon's saddle. The dragon, with scales shimmering in the sunlight, stands proudly beside its rider, who is clad in ancient armor, ready for an epic journey. +A TV show poster featuring the title "Mr. & Mrs. Bridge" in elegant, vintage font, set against a backdrop of a 1950s suburban neighborhood, with a classic car parked in the foreground and a happy couple walking hand-in-hand. +A rural landscape with a farmer's scarecrow standing guard in a golden wheat field, holding a sign that reads "Trespassers Beware", under a clear blue sky. +A roadside marquee with vibrant, neon lights advertising "Car Wash Today" stands prominently against a backdrop of a sunny, suburban street. Cars pass by on the well-maintained asphalt, and the marquee's clear, bold text catches the eye of drivers and pedestrians alike. +A neon bar sign flashing "Last Call" hangs above a row of diverse liquor bottles, each bottle casting a subtle glow on the dark, polished wooden bar surface. The scene is set in a dimly lit, atmospheric bar with a slight haze in the air, enhancing the neon's vivid colors. +A detailed tattoo on a sailor’s arm, featuring an intricate anchor design intertwined with nautical ropes, with the words "Anchor Away" prominently displayed in a classic nautical font, set against a backdrop of ocean waves and a ship's deck. +A cluttered science lab with a whiteboard prominently displaying the scribbled phrase "Its Alive". Test tubes, beakers, and scientific equipment are scattered around, capturing the essence of a mad scientist's workspace. +A retro gaming arcade cabinet titled "Alien PunchOut" stands in a dimly lit room, its vibrant, neon lights blinking rhythmically. The cabinet's detailed artwork features an alien boxer, and the screen glows with a dynamic match in progress. +A realistic photograph of a modern swimming pool with a prominent warning sign stating "No Diving Allowed" positioned near the edge, surrounded by sun loungers and umbrellas, with a clear blue sky and a few clouds in the background. +A mad scientist stands in a cluttered lab, surrounded by strange gadgets and flickering lights, pointing excitedly at a whiteboard filled with equations. The central equation reads "Love = Chaos²", illuminated by a beam of light. +A realistic photograph of a bridge pillar covered in vibrant graffiti, featuring large, bold letters that spell out "You Are Loved" in a mix of bright colors, set against a backdrop of a bustling cityscape. +A prehistoric construction site with a "TRex Crossing Arms Too Short" sign, surrounded by ancient ferns and towering palm trees. A small TRex cautiously approaches, its tiny arms waving, while a crew of dinosaur workers in hardhats watches with amused expressions. +A quaint bakery with a rustic wooden sign that reads "Fresh Bread Daily" hanging above the window, where loaves of freshly baked bread are displayed, steaming and golden, in the warm, inviting light. +A chilling VR scene featuring an old, dusty room with a vintage computer displaying a haunted message "Exit Game YN" on the screen, while an eerie, abandoned VR headset lies on the table, cords tangled and lights flickering ominously. +A close-up of a food critic's notebook page, with neat handwriting rating "Burger 9510" at the top. The page is filled with detailed notes and a sketch of the burger, surrounded by scattered food samples and a pen resting on the corner. +A street performer stands on a bustling city sidewalk, holding a sign that reads "Tips Appreciated". The background is a mix of urban architecture and passing pedestrians, with the performer's engaging presence drawing attention from the crowd. +A cozy library corner with shelves lined with books, many of which prominently display the word "Science" on their spines, bathed in the warm glow of a nearby lamp. +A detailed ice sculpture, intricately carved, begins to melt, revealing the phrase "Nothing Lasts" at its core. The sculpture is set against a backdrop of a winter forest, with sunlight filtering through the trees, casting a soft, ethereal glow on the melting ice. +A digital thermometer display showing "102F" mounted on the wall at a hospital entrance, with people in the background wearing masks and a healthcare worker checking temperatures. +A realistic photograph of a voting booth with a clear sign that reads "Select One Candidate". The booth is set in a community hall, with a ballot box and a privacy screen. Voters are seen in the background, waiting in line. +A realistic photograph of a submarine control panel with a digital display alert reading "Dive Depth 300m", surrounded by illuminated buttons and gauges, set in a dimly lit, futuristic submarine interior. +A dimly lit subway station with a vintage aesthetic, where the old sign above the platform displays "Next Train Never" in flickering, neon lights, casting shadows on the worn tiles and waiting passengers. +A classroom corner features a goldfish bowl with a small, vibrant goldfish. A hand-drawn sign on the bowl reads "Feed Me Once Daily", adding a touch of whimsy to the educational setting. Natural light filters through a nearby window, casting soft shadows. +A wizard's ancient, smoke-filled chamber, where a crystal ball on a wooden stand clouds and swirls to reveal the ominous words "Beware Tomorrow", casting an eerie glow in the dim light. +A close-up of a drone controller screen displaying the message "GPS Signal Lost", with the background showing a concerned operator in a park, surrounded by trees and a cloudy sky. +A close-up of a gardener's glove, prominently tagged with "Plant More Worry Less", lying on a bed of fresh soil with vibrant flowers in the background. +An eerie nighttime scene with a hovering alien spacecraft. A human stands nervously, facing a glowing form checkbox labeled "Probe Consent" on a translucent screen. The background is dark, with distant trees and a pale moon, casting shadows. The alien's presence is subtly implied, not directly shown. +A bustling airport terminal with a large digital departure board prominently displaying "Flight 808 Boarding Gate B12" amidst other flight listings, passengers hurrying past with luggage, and airport staff directing travelers. +A cozy bookstore interior with a shelf divider prominently labeled "New York Times Bestsellers", showcasing a variety of popular books with vibrant covers, surrounded by warm wooden shelves and soft lighting. +A captivating novel cover for "Mystery of the Seas", featuring a lone sailor gazing into the horizon on a stormy night, with a mysterious, half-submerged shipwreck in the background, illuminated by a beam of moonlight piercing through dark, swirling clouds. +A student intensely focused on answering a history exam question, "When Was Rome Founded", in a vintage classroom filled with old wooden desks and a chalkboard, sunlight streaming through windows, creating a nostalgic atmosphere. +A close-up of a superhero cape with intricate embroidery that reads "Falls Slowly", set against a dark, dramatic background, capturing the texture and detail of the fabric and thread. +A prehistoric cave wall adorned with ancient paintings of mammoths, with a distinct modern "Exit" arrow pointing towards a natural opening in the rock, blending historical and contemporary elements. +A vibrant logo for the company "birthdaypix", where each letter is creatively designed to resemble a brightly colored birthday candle, with flickering flames and a festive, celebratory atmosphere. +A vast desert highway under a scorching sun, where heat waves distort the view, creating a mirage that reads "Next Gas 200 Miles" in the distance, surrounded by endless sand and a clear blue sky. +A detective crouches at a dimly lit crime scene, holding an evidence tag labeled "Crime Scene 042" amidst scattered clues and a tense atmosphere. +A serene, minimalist scene with a blank canvas notebook lying on a vintage wooden desk. The words "You Did It Now Rest" are faintly visible, written in disappearing ink. Soft, natural light filters through a nearby window, casting a gentle glow over the scene, emphasizing tranquility and accomplishment. +A close-up of a chef’s knife on a wooden cutting board, the blade meticulously etched with the words "Sharp Words Ahead", reflecting a subtle gleam under kitchen lights. +A bustling farmers market scene with a rustic wooden stand, featuring a chalkboard sign prominently displaying "Heirloom Tomatoes 3lb" in elegant script. Fresh, vibrant tomatoes are neatly arranged in baskets, surrounded by other seasonal produce. Sunlight filters through the canopy, casting warm, dappled shadows. +A close-up photograph of a candy heart with the message "UR Basic" written in Comic Sans, set against a soft, pastel background with a slight bokeh effect, emphasizing the playful and casual tone of the message. +A close-up photograph of a vintage brass keychain tag, intricately engraved with the text "If Found Return to Sam", lying on a worn leather journal page, with a soft, warm light casting subtle shadows. +A museum exhibit card titled "Dinosaur Egg 65 MYA" stands next to a large, fossilized dinosaur egg encased in glass, with dim lighting highlighting the ancient artifact's texture and age. +A lone road sign stands in the vast, sun-baked desert, its metal surface reading "Next Gas 50 Miles". The sign is slightly weathered, with a clear blue sky and distant, hazy mountains in the background. +An astronaut stands on the moon, their helmet visor reflecting the "FIRST FOOTPRINT" clearly imprinted on the lunar soil, with the desolate, gray landscape stretching into the distance under a black sky. +A neon sign above the diner entrance flashing "Open 247" in vibrant red and blue, casting colorful reflections on the wet pavement of a deserted street at night. +A close-up of an open poetry book page titled "Whispers of Wind", with delicate, flowing calligraphy and illustrations of leaves and branches gently swaying in the breeze, set against a soft, pastel background. +A realistic photograph of a boxing ring, with the floor mat boldly printed with "Final Round Fight", under the harsh glare of overhead lights, capturing the intensity of the moment just before the final bell. +A mountain climber stands triumphantly at the summit, a flag planted firmly in the snow reading "Peak Achieved", with a backdrop of rugged peaks and a clear blue sky. +A vivid sky with a unique cloud formation that distinctly resembles the phrase "Cumulonimbus Says Hi", set against a backdrop of serene blue, with the sun casting gentle shadows, enhancing the text-like appearance of the clouds. +A scientist's laboratory, with a microscope slide labeled "Specimen X27 Handle with Care" under a high-powered microscope, illuminated by the soft glow of a desk lamp, surrounded by notes and scientific equipment. +A pet store fish tank with a label clearly displaying "Angry Pufferfish", surrounded by colorful aquatic plants and other tropical fish, with a soft, ambient underwater lighting enhancing the vibrant environment. +A pirate ship at sea with a flag billowing in the wind, featuring a menacing skull and the ominous phrase "Yield or Die" in bold letters, set against a dark, stormy sky. +A realistic smartphone screen with a pop-up notification reading "Battery at 666", set against a dark, cluttered desk with scattered tech gadgets and a dim, ambient light casting soft shadows. +A colorful kindergarten finger painting titled "Abstract Dad", featuring vibrant, swirling shapes and patterns in a childlike style, with bold, primary colors and playful, abstract forms that evoke a sense of joy and creativity. +A glossy, floating magic 8-ball in a cozy café, with steam rising from a nearby cup of coffee. The 8-ball displays the answer "Ask Again After Coffee" in glowing, mystical text, surrounded by a soft, ambient light. +A realistic photograph of a vintage vending machine with a prominently displayed, brightly lit button labeled "Snack Time" in retro font, set against a slightly blurred urban background. +A battle-worn knight's shield, dented and scratched, with the faded words "For Honor" still partially visible, lying on a stone battlefield under a gray, stormy sky. +A close-up of a modern, sleek pizza delivery box with "Open Wide for Flavor" printed in bold, playful letters on the lid, set against a blurred background of a bustling city night scene. +In an ancient Egyptian tomb, the Pharaoh’s sarcophagus is adorned with intricate hieroglyphs that read "Eternal Rest", illuminated by the soft glow of torchlight, surrounded by golden artifacts and shadows that seem to whisper secrets of the past. +A cozy café scene featuring a rustic chalkboard prominently displaying the text "Try Our New Matcha Latte" in elegant, handwritten script, surrounded by a charming array of potted plants and vintage café decor. +A vibrant graffiti mural on the side of a train car, prominently featuring the text "Ride the Lightning" in bold, electric blue letters, with dynamic splashes of color and street art elements surrounding the text. +A vibrant street scene featuring a diverse group of people wearing T-shirts with creative slogans for the "Best Slogan Wins" contest, each design uniquely reflecting personal style and humor, set against a backdrop of colorful urban graffiti and bustling city life. +A bustling city street with a large delivery truck parked at the curb, its side emblazoned with the logo "Fast Shipping Co". Workers in bright vests unload packages, while pedestrians navigate around them, capturing the dynamic energy of urban life. +A realistic photograph of a modern kitchen sink, with a faucet prominently displayed. The faucet has a small, elegant sign attached that reads, "Don't waste water resources", emphasizing the message with a subtle, eco-friendly design. +A vintage drive-in cinema at dusk, featuring a massive, retro movie screen displaying the title "Attack of the 50ft Librarian" in bold, neon colors. Classic cars park in front, with excited moviegoers setting up lawn chairs and snacks. +A close-up of a sleek, high-tech spy pen on a vintage spy manual, with the words "Write Responsibly" clearly visible on the page, set in a dimly lit, secretive room with a hint of a shadowy figure in the background. +A cozy café interior featuring a rustic chalkboard prominently displaying "Fresh Brew Coffee" as today's special, surrounded by steaming coffee mugs and ambient lighting. +A weathered fishing net, partially submerged in the ocean, with a faded "Handle With Care" tag attached, gently swaying with the waves under a cloudy sky. +A detailed drawing of "Vintage lettering", featuring letterism with heavy-gauge filigree and inhabited initials, created using black pencil. The composition includes a revolver, set in an ecopunk rococo style. The photo captures the epic intricacy, centered perfectly. +A close-up of a vibrant, colorful pizza box sticker with the text "HOT N READY IN 30 MIN" prominently displayed, set against a blurred background of a bustling pizzeria. The sticker features a steaming pizza and a timer, emphasizing the quick delivery promise. +A cozy bakery at night with its neon sign flickering "Hot Baegets 247" above the door, casting a warm, intermittent glow on the pavement and the display of fresh bread inside the window. +A dramatic TV show poster with the text "Let the Fire Burn on it", set against a backdrop of flickering flames and shadows, emphasizing the intense and mysterious atmosphere of the series. +A gritty urban scene featuring a subway car with vibrant graffiti sprayed on its side, boldly reading "Revolution Now" in dynamic, colorful letters against a backdrop of worn brick walls and shadowy passersby. +A vintage suitcase, worn from many journeys, is covered in a colorful array of travel stickers, including one prominently displaying "Paris or Bust", resting on a rustic wooden table with a soft, warm light illuminating the scene. +A close-up of a programmer's computer screen displaying an error log entry "Debug Priority Level 1", with a cluttered desk of coffee cups and code books in the background, captured in a realistic photographic style. +A weathered telephone pole stands on a quiet street, with a faded "Missing CatReward 100" poster taped to it, fluttering slightly in the breeze. The poster's edges are curling, and a small black cat with a yellow collar is depicted, looking curiously at a passerby. +A close-up shot of a fast fashion clothing tag, intricately sewn with the ironic slogan "Guaranteed Regret in 3 Washes", set against a minimalist background, emphasizing the contrasting textures of the fabric and the bold, embroidered text. +A cozy living room setting with a coffee mug on a wooden table, featuring the print "Worlds Best Dad", next to a book and a pair of reading glasses, bathed in warm afternoon sunlight. +A futuristic space hotel lobby featuring a sleek, illuminated sign that reads "Zero G Lounge Floor 5", surrounded by minimalist decor and floating objects, capturing the essence of weightlessness and advanced technology. +A sleek, futuristic sci-fi spaceship hull, the "Starship Endeavor", gliding through the vast, star-studded cosmos, with glowing blue engines and intricate detailing on its metallic surface, reflecting the distant stars and nebulae. +A beautifully decorated birthday cake with smooth, white frosting that elegantly spells out "Happy 30th Jake" in vibrant, red letters, surrounded by colorful candles and set on a rustic wooden table. +A group of robots gathered in a city square, holding signs with the protest chant "Beep Means No" clearly visible. The robots are diverse in design, with some appearing more humanoid and others more mechanical, all standing united in their message. +A dark forest clearing at night, a witch in a tattered cloak stirs a bubbling cauldron under a full moon, labeled "Love Potion 9", surrounded by glowing herbs and mystical symbols. +A lobster dressed in a sharp suit and tie, confidently holding a microphone, with the words "What does the lobster say" clearly visible on a banner behind it, set against a vibrant, colorful background. +A bustling farmer's market stall with a rustic wooden table, colorful produce, and a chalkboard sign prominently displaying "Zombie Zucchini 50 Off" in bold, playful letters, surrounded by vibrant green zucchinis and cheerful market-goers. +A close-up of a pirate's eyepatch, its dark fabric and intricate stitching clearly visible, with the interior printed in faded letters: "Property of Blackbeard". The eyepatch is slightly worn, suggesting a long history of use. +A realistic photograph of a voting booth with a clear sign that reads "Select One Candidate Only", surrounded by ballots and voting materials, under soft, even lighting to emphasize the importance and clarity of the instructions. +A realistic photograph of a highway at dusk, with an electronic sign prominently displaying "Fog Next 5 Miles" in bright, illuminated letters. The road stretches into the distance, shrouded in a light mist, with the sign clearly visible against the fading sky. +A science fair project titled "Solar Energy Future" featuring a young student presenting a model of a sustainable city powered by solar panels, surrounded by informative posters and diagrams explaining the benefits and technology of solar energy. +A construction worker wearing a bright yellow helmet with "Safety First" prominently displayed, standing against a backdrop of a bustling construction site with cranes and scaffolding. +A movie theater marquee prominently displays the rating disclaimer "Not Suitable for Children" in bold, red letters, illuminated under the night sky. The theater's vintage neon lights add a nostalgic glow, enhancing the dramatic warning. +A close-up of a chef's knife set on a wooden cutting board, with the blade prominently displaying the engraving "Sharpened to Perfection", set against a backdrop of fresh herbs and vegetables. +A weathered, old Western town bulletin board with a wanted poster prominently displayed, offering a "10000 Reward" for the capture of a notorious outlaw. Dusty, sun-bleached buildings and a lone tumbleweed add to the scene's authenticity. +A high-quality wine bottle with an elegant label design featuring "Vintage Reserve 2020" in sophisticated, golden text. The label has a subtle, rustic texture with intricate floral borders, set against a deep burgundy background. +A book titled "Limits" rests on a wooden table, its cover slightly worn, in a softly lit room with a window casting a gentle shadow. +A museum exhibit featuring a dinosaur fossil, with a display plaque titled "Jurassic Parkour Expert", set against a backdrop of prehistoric flora and fauna, capturing the essence of a dynamic and adventurous dinosaur. +A beautifully decorated birthday cake with intricate icing that reads "Happy 30th Birthday", surrounded by flickering candles and set against a warm, celebratory backdrop. +A cozy backyard scene with a rustic bird feeder hanging from a tree branch. A weathered wooden sign reading "Feed The Birds Daily" is attached to the feeder, surrounded by fluttering birds and vibrant green foliage. +A realistic photograph of a bakery window, featuring a modern decal that says "Gluten Free Options Available", with warm lighting inside and freshly baked goods visible through the glass. +A close-up of a sleek, black boxing mouthguard case with the label "Round 6" prominently displayed in bold, white letters, set against a backdrop of a worn, red boxing ring. +Ancient symbols meaning "Freshwater Near" are etched into the wall of an underwater cave, illuminated by the soft glow of bioluminescent organisms, creating a mystical and serene underwater atmosphere. +A city night scene with a taxi's roof light blinking "Available" in bright yellow, illuminated against the dark street, with raindrops creating reflections on the wet pavement. +A realistic photograph of a laboratory door with a prominent warning sign that reads "Biohazard Area", set against a stark, clinical background with a slight glow around the sign to emphasize its importance. +A novel cover for "The Last Starfall", featuring a serene night sky with a lone star descending in a radiant trail of light, set against a backdrop of ancient, mystical forests. A figure stands in awe, silhouetted by the celestial spectacle. +A close-up of a firefighter's helmet, prominently featuring a sticker that reads "Brave Bold", set against the backdrop of a smoky, urban firefighting scene. The helmet is slightly worn, reflecting the dedication and courage of its wearer. +A retro arcade screen with pixelated graphics, flashing the text "High Score Player One" in vibrant neon colors against a dark background, surrounded by the glow of old CRT monitor edges. +A close-up of a baby onesie, softly lit, with the clear and cheerful text "I Love My Grandma" prominently displayed on the front, set against a warm, pastel background. +A vintage bookstore window with dusty shelves and old books, displaying a handwritten cardboard sign that reads "Closed Forever", set against a dimly lit, nostalgic backdrop. +An antique globe with a rich, aged texture, featuring golden text elegantly curving around the equator: "Terra Incognita", set against a background of vintage maps and nautical instruments, capturing the essence of exploration and mystery. +A modern hotel corridor with sleek, minimalist design. A polished, silver directory sign with an arrow clearly pointing to the right, labeled "Conference Room B". The scene is well-lit, with soft, ambient lighting and a clean, professional atmosphere. +An antique bottle, elegantly labeled "Energy Tonic", sits on a rustic wooden table, surrounded by old books and dim, ambient lighting, capturing the essence of a bygone era. +A modern, sleek thermostat mounted on a white wall, its digital screen clearly displaying "Energy Saving Mode" in green text, with a subtle glow around the edges, set in a minimalist living room with soft, natural light. +A vintage movie poster titled "Attack of the 50ft Programmer" featuring a towering, pixelated programmer in a neon-lit city, stepping on cars and buildings, with a retro 1950s font and color scheme. +A wizard's staff, intricately carved with glowing runes that spell "Power Unbound", casting a radiant light in a dark, mystical forest. +A professional baker in a spotless kitchen, wearing a crisp white apron embroidered with "Master Chef" in elegant gold thread, prepares a gourmet pastry, surrounded by gleaming stainless steel utensils and ingredients. +A surfboard resting on a sandy beach, its bottom painted with the phrase "Waves Only" in vibrant graffiti style, with waves crashing in the background and sunlight reflecting off the water. +A runner wearing a bib numbered "Race 123" sprints through a crowded urban marathon, the bib prominently displayed on their chest, with bystanders cheering and city skyscrapers towering in the background. +A detailed interior of a spy gadget briefcase, labeled "Top Secret Do Not Pet", showcasing a variety of high-tech devices and hidden compartments, with a sleek, futuristic design. +A lab rat maze with a clear sign that reads "Trial Group 3 Exit Here", set in a modern laboratory with sleek, white walls and illuminated by soft overhead lights. The maze is intricate, with clean lines and a scientific atmosphere. +A close-up of a rugged, brown leather backpack with a sewn patch that reads "Adventure Awaits" in bold, vintage lettering, set against a backdrop of a misty forest. +A rock band’s drum kit, branded "Thunder Sticks", set up on a dimly lit stage, with glowing neon lights casting a vibrant purple hue, and the drummer's silhouette visible behind the kit, capturing the intense energy of a live performance. +A detailed subway map with bustling stations and lines, featuring a vibrant red marker circle prominently highlighting the "You Are Here" point, set against a backdrop of a busy cityscape. +A cozy café interior with a rustic wooden table and chairs, warm lighting, and a chalkboard on the wall prominently displaying the daily special: "Fresh Brew Coffee" in elegant white chalk handwriting. +A close-up of a doctor's prescription pad with a handwritten note reading "Take Two Daily", partially covered by a stethoscope, on a wooden desk with a blurred background of medical supplies. +A detailed floorplan of a haunted mansion, with dim, eerie lighting. The blueprint highlights a mysterious area labeled "Secret Room Probably", suggesting an enigmatic and potentially dangerous space hidden within the ancient walls. +A close-up of a modern factory machine with a prominent "Authorized Only" sticker, set against a background of industrial machinery and faint safety signage. The sticker is clear and well-lit, emphasizing its warning. +In a futuristic space hotel, the lobby sign glows with the inviting message "Gravity Optional", casting a soft, otherworldly light over the sleek, metallic surroundings and curious travelers. +A modern smartphone screen with a lock screen notification displaying "3 New Memes" in a sleek, vibrant interface, set against a blurred background of a bustling cityscape at dusk. +A cozy bakery interior with a beautifully lit croissant display. Above the display, a wooden sign reads "Butter Makes It Better", enhancing the warm, inviting atmosphere of the shop. +A close-up of a chemistry flask on a lab bench, with the label "Handle With Care" prominently displayed. The flask contains a swirling, vibrant liquid, and the background features blurred scientific equipment and a lab coat hanging on a hook. +A glossy, spherical magic 8-ball hovers in a cozy kitchen, reflecting the morning sunlight. The answer "Ask Again After Coffee" is clearly visible within, illuminated by the warm, ambient light of the scene. +A vintage movie set featuring a newspaper with the bold headline "Aliens Landed" sprawled across the front page, surrounded by 1950s-style typewriters and film reels, capturing the essence of classic sci-fi cinema. +An astronaut floating in space, their helmet visor displaying "O₂ LOW" in flashing red text, surrounded by the vast, dark cosmos with distant stars and a blue planet in the background. +A kindergarten classroom with a colorful "My Pet Rock" show-and-tell signup sheet on a bulletin board, surrounded by playful drawings and stickers, with a teacher and children looking excitedly at it. +A cave explorer's journal lies open on a rocky surface, the page illuminated by a faint, flickering light. The entry reads "Lost Underground", surrounded by maps and notes, with a dusty, old flashlight and a helmet nearby, capturing the essence of a mysterious underground adventure. +A close-up of a gym locker with a sleek, metallic nameplate engraved with "Iron Champion 2024", reflecting the shine of the locker's surface, set against a backdrop of workout equipment and a faintly visible gym-goer in the background. +A close-up of a vintage, ornate magic carpet with a care tag attached, clearly displaying the warning "Do Not Spin Cycle" amidst intricate patterns and tassels. The tag is slightly worn, suggesting years of magical journeys. +A construction site featuring a large crane with its cab prominently displayed. The crane's cab has a sticker that reads "Max Load 10T" clearly visible on the side, set against the backdrop of a busy urban landscape. +A wizard’s ancient scroll, illuminated by an ethereal glow, with the words "Magic Unleashed" shimmering in a mystical light, set against a backdrop of a dimly lit, enchanted forest. +A sleek, silver alien spacecraft with a hull marked "Earth Observation Probe" hovers silently over a lush, green forest. The craft's smooth surface reflects the sunlight, casting a gentle glow on the dense trees below. +A medieval castle gate, intricately engraved with the ominous warning "Beware the Ice Dragon", set against a frosty backdrop, with icy vines creeping along the stone. +In a modern office building, the elevator button panel is illuminated, with "Floor 13 Out of Order" clearly displayed, casting a slight shadow on the brushed metal surface. The scene is captured in a realistic photographic style, emphasizing the sleek design and the prominent message. +In a dimly lit submarine control room, the main panel glows with urgent red alerts, prominently displaying "Leviathan Detected" in bold, glowing text. The crew is tense, their faces illuminated by the flickering lights, reflecting the gravity of the situation. +A ghostly ship drifting in fog, its rotting sail tattered and stitched with the ominous words "Cursed Since 1702", surrounded by eerie, calm waters under a moonlit sky. +A digital billboard in a rainy cityscape flashes "You Look Great Today", its lights reflecting off wet pavements and creating a serene, urban atmosphere. +A bustling farmer's market scene with a rustic chalkboard prominently displaying "Organic Chaos" amidst an array of fresh, colorful produce and busy vendors. +A vintage postcard featuring an elegant Parisian street scene with "Greetings from Paris" written in ornate script at the top, capturing the charm of the city in soft, nostalgic hues. +A bustling food truck festival at dusk, with neon lights glowing. The truck's menu board prominently displays "Regret Burger 999" in bold, red letters, attracting curious onlookers and hungry patrons. The scene is vibrant, with people chatting and laughing, creating a lively atmosphere. +A cozy winter scene featuring a person wearing a scarf with a "Snowflake Design" pattern, standing against a backdrop of gently falling snow and frosty trees, capturing the serene beauty of a snowy day. +An abstract art installation titled "Chaos and Order", featuring a juxtaposition of chaotic, swirling colors and structured geometric shapes, set against a minimalist gallery backdrop. +A medieval knight stands proudly, his shield emblazoned with the humorous motto "For Pancakes and Glory", reflecting the sun's light on the polished metal. The scene is set in a lush, green meadow, with the knight preparing for a tournament, surrounded by tents and spectators. +A detailed hiking trail map with a clear legend, prominently displaying "You Are Here" marked with a red pin, surrounded by forest icons and trail markers. +A close-up of an old library checkout stamp, marked "Due Back 1015", on a worn-out book page, surrounded by vintage bookmarks and a pair of reading glasses. +A movie poster featuring the logo "Good Midnight" prominently at the top, set against a dark, moody backdrop with subtle neon accents, capturing the essence of a suspenseful night scene. +A classroom with a large globe in the center, adorned with a sticker that reads "Geography Rocks". Students are gathered around, looking engaged and curious, with maps and atlases spread out on nearby desks. The room is bright and filled with educational posters. +A realistic classroom setting with a detailed periodic table poster prominently displayed on the wall, highlighting "Element 79 Au" with a gold border and a spotlight, surrounded by enthusiastic students and educational charts. +A serene yoga studio with a expansive wall mural featuring the phrase "Breathe In Peace" in elegant, flowing letters, surrounded by tranquil natural elements like soft clouds and gentle waves, creating a calm and inviting atmosphere. +A dimly lit spaceship console with flashing red lights indicating "OXYGEN LEVELS CRITICAL" on a digital display, surrounded by control panels and gauges, with a faint glow from the emergency lights casting shadows across the futuristic interior. +A well-lit bookstore with a shelf labeled "Bestsellers Section", showcasing a variety of popular books with vibrant covers, surrounded by cozy reading nooks and wooden bookends. +A majestic dragon perches atop a grand, ancient vault, its scales gleaming gold under the sunlight. The dragon’s sign, "Gold Vault", is intricately carved into the vault’s massive, oak door, adorned with golden runes and symbols of wealth and protection. +A detailed photograph of a farm tractor with a prominent decal that reads "Harvest Master" on its side, set against a backdrop of golden fields during sunset, with the tractor's rugged tires and metallic surfaces catching the warm light. +A high-security laboratory door with a stark warning sign that reads "Biohazard Zone 4", set against a dimly lit hallway with flickering lights and caution tape securing the area. +In the bustling exhibition hall, a vibrant sign that reads "gamengame" hangs prominently, catching the eye of passersby with its bold, neon lighting. The scene is bustling with people, and the sign stands out against the modern, sleek decor of the hall. +A medieval knight holds a shield emblazoned with "For Honor", standing resolute in a misty, ancient battlefield, the shield's intricate metalwork gleaming under the pale light of dawn. +A vivid poster featuring bold, crimson text that reads "Permission to Kill" against a gritty, urban backdrop, with shadows and highlights that give it a three-dimensional appearance, enhancing the dramatic and intense mood of the scene. +A nighttime city street with a yellow taxi driving by, its roof light prominently displaying "Available for Hire" in bright, clear letters, reflecting off the wet pavement. +A sushi chef in a bustling Tokyo restaurant, wearing an apron embroidered with "Master Chef Sato", meticulously prepares sushi while surrounded by fresh ingredients and traditional Japanese decor. +A vibrant board game box cover, prominently displaying the title "Players 2 to 4" in bold, colorful text. The background features a dynamic, playful pattern with illustrations of dice, game pieces, and cards, capturing the essence of fun and strategy. +A birthday cake topper featuring glittery letters that spell out "Happy 30th Sarah", set against a backdrop of colorful party decorations and candles, creating a festive and joyful atmosphere. +A vintage poster for a pet psychic service, featuring a wise-looking cat with a crystal ball, surrounded by glowing mystical symbols. The tagline reads, "I Speak Fluent Meow", in elegant, flowing letters. The background is a warm, cozy living room with a fireplace. +A vibrant skateboard deck featuring the bold graphic "Skate or Die" in a dynamic, street art style, set against a gritty urban backdrop with colorful graffiti and a blurred skater in motion, capturing the essence of skate culture. +A majestic circus elephant stands proudly, its headpiece glittering with sparkling gems and a prominent badge that reads "Star Performer", under the warm glow of the big top lights. +A high-resolution photograph of a restaurant menu header, prominently displaying the text "Chefs Special Recommendations" in elegant, handwritten font, set against a rustic wood background with a subtle, warm lighting to highlight the text and create a cozy, inviting atmosphere. +A medieval castle gate, heavy with age, looms under a cloudy sky. The inscription "Enter at Your Peril" is carved into the stone above the massive, iron-studded wooden doors, casting a somber and foreboding atmosphere. +A cave explorer stands in a dimly lit cavern, holding an old, tattered map. The map is partially illuminated by the light of their headlamp, revealing a section marked with the notation "Unexplored Section". The explorer's expression is one of anticipation and curiosity. +A roadside billboard advertising "World's Best Coffee" stands near a scenic mountain pass, surrounded by lush greenery and towering peaks, with a winding road leading up to it. +A cozy restaurant interior with warm lighting, wooden tables, and a chalkboard menu specials board prominently displaying "Trust the Chef" in elegant cursive, surrounded by illustrations of fresh ingredients. +A mountain trail with a wooden signpost clearly indicating "Summit 2 Miles", surrounded by lush greenery and rocky terrain, under a clear blue sky with a few wispy clouds. +In a bustling airport, the baggage claim screen glitches, revealing the words "Lost Luggage Dimension". Surrounding passengers look puzzled, while suitcases float mid-air, as if caught between worlds. The scene is a blend of realism and digital distortion, capturing the moment of confusion and wonder. +A futuristic spaceship dashboard with a prominently displayed fuel gauge, reading "Warning 1 Lightyear Left", surrounded by glowing indicators and control panels, set against the backdrop of a vast, star-filled galaxy. +A high-quality photograph of a product package labeled "Organic Green Tea", sitting on a rustic wooden table. Soft, natural light illuminates the scene, highlighting the earthy tones and textures of the packaging, creating a serene and organic atmosphere. +In a dark, high-tech room, a large monitor displays "World Domination Loading" in glowing red text, surrounded by complex machinery and blinking lights, with a sinister movie villain standing in the shadows, observing the screen. +A realistic photograph of a delivery truck's door, prominently featuring a sign labeled "Fragile Contents", with a slightly worn texture, set against a backdrop of a bustling city street. +A vintage 1950s gas station scene with a retro gas pump sign prominently displaying "Regular 035 No Ethanol" against a sunny, nostalgic backdrop. +A vibrant circus tent with a large, colorful banner proudly proclaiming "Worlds Smallest Elephant" in bold, playful letters, surrounded by curious onlookers and playful circus elements like balloons and streamers. +A wizard's staff, intricately carved with ancient runes, glowing with an intense "Magic Charge 100" in a dimly lit forest clearing, surrounded by swirling mist and glowing embers. +A bustling gym with a prominently displayed dumbbell rack tagged "Lift Heavy Complain Loudly", surrounded by athletes in mid-lift, capturing the intensity and energy of the workout environment. +A majestic castle gate adorned with a grand banner that reads "Kingdom Of Eldoria", set against a twilight sky, with stone walls and towering spires in the background. +A close-up of a dog collar tag, intricately engraved with "My Human's Name is Steve", lying on a rustic wooden surface, with soft, natural light highlighting the text and the texture of the wood. +A detective's cluttered desk with a notepad open, showing a handwritten note that reads "Follow the Crypto Trail". Surrounding the notepad are scattered coins, a magnifying glass, and a laptop displaying a blockchain diagram. The scene is dimly lit, with a single desk lamp casting a warm glow. +A festive night scene with a fireworks stand illuminated by colorful explosions in the sky. The stand's banner prominently displays "Buy 1 Get 1 Free" in bright, eye-catching letters, attracting excited customers. +A realistic screenshot of a DIY electronics tutorial, with a close-up on "Step 3 Attach Wires Here", showing detailed wiring instructions and tools on a clean, well-lit workbench. +A vibrant crowd gathers at a sunny rally, holding signs and wearing matching T-shirts emblazoned with the slogan "Climate Action Now". The atmosphere is electric, with people of all ages united in their cause, under a clear blue sky. +A futuristic kitchen with a robot chef wearing an apron that reads "Error Seasoning Not Found", preparing a meal while surrounded by high-tech appliances and ingredients. +A well-worn book titled "Surgery Made Easy" lies open on a wooden desk, surrounded by surgical tools and medical diagrams, under the warm glow of an antique desk lamp. +A superhero stands confidently, his cape billowing in the wind, embroidered with "The Amazing Captain Byte" in bold, shimmering thread. The city skyline glows in the background, reflecting the hero's determination and bravery. +An ancient, worn wizard’s spellbook lies open on a wooden desk, illuminated by candlelight. In the margin, a handwritten note reads "CAUTION VOLATILE" in bold, red ink, warning of the dangerous magic within. +A close-up photograph of an old library book, showing a vintage stamp imprint reading "Return By Friday" on the first page, with the faint texture of aged paper and a soft, warm lighting that highlights the stamp's ink. +A close-up of a fantasy sword, its blade shimmering with an ethereal glow. The intricate engraving "Elvish Steel Forged" is prominently displayed, casting a soft, mystical light, set against a dark, enchanted forest background. +A firefighter stands in a smoky, dimly lit room, their "Brave Bold" helmet gleaming under the flickering light, reflecting determination in their eyes, surrounded by the chaos of a rescued environment. +A high-resolution digital watch face prominently displays a "Low Battery" alert, with the background dimly lit and the edges of the watch slightly shadowed, emphasizing the urgency of the message. +A hand-painted mural in a grand library, featuring vibrant, flowing letters that spell out "Words are Magic", surrounded by swirling magical elements and bookshelves laden with ancient tomes. +A city street at night, a yellow taxi with its roof sign brightly lit, displaying "Available Now" in clear, bold letters, reflecting off the wet pavement. +A realistic photograph of a smartphone screen with a notification popping up, displaying "Low Battery 10%", set against a blurred background to emphasize the device. +A gym locker tag labeled "Property Of Champion" hangs from an old, metal locker in a dimly lit, vintage gym. The tag is slightly worn, with a classic font, and the locker shows signs of years of use, emphasizing the legacy of the champion. +A cozy kitchen table with a coffee mug that reads "World's Best Dad" steaming gently, surrounded by morning sunlight filtering through the window, creating a warm, inviting atmosphere. +A colorful kindergarten drawing with a caption reading "My Happy Family", featuring stick figures of a smiling family under a bright sun, surrounded by playful doodles of a house, trees, and a pet dog. +A vibrant movie poster for "Curious George", featuring the mischievous monkey in a bustling cityscape, surrounded by colorful balloons and playful illustrations, with the title in bold, eye-catching letters above him. +A bustling school cafeteria with a large, colorful menu board displaying "Wednesday Lunch Options" prominently. Students in uniform chat excitedly, pointing at their choices, while trays and lunch boxes sit ready on the serving counters. +In a neon-lit cyberpunk city, a massive hologram ad floats above the bustling streets, projecting the slogan "Upgrade Your Meat Body" in vibrant, glowing colors. The scene is futuristic, with sleek skyscrapers and flying vehicles, capturing the essence of advanced technology and human augmentation. +A bustling city street at dusk, with a food delivery rider on a scooter holding up a smartphone displaying the notification "Order Delivered". The rider stands next to a colorful array of food bags, while pedestrians hurry past, creating a vibrant urban scene. +A bakery display featuring a croissant-shaped tag that reads "Butter Rebellion", surrounded by freshly baked pastries and bread, with a cozy, warm atmosphere and soft lighting highlighting the golden, flaky textures. +A rock band’s drum kit, with the amplifier displaying "Volume to 11", set up on a dimly lit stage, surrounded by a haze of smoke, capturing the intense energy and raw power of a live performance. +A serene park scene with a wooden bench under a canopy of oak trees. On the bench, a small, polished bronze plaque reads "In Loving Memory". Soft, dappled sunlight filters through the leaves, casting a gentle glow on the bench and the surrounding flora. +A wooden signpost stands in a dense, green forest, its weathered surface pointing towards "Trailhead 2 Miles". Sunlight filters through the canopy, casting dappled shadows on the moss-covered ground. +A close-up of a digital blood pressure monitor displaying "High Reading Detected" on its screen, with a concerned expression on the wrist of the user, captured in a realistic photographic style. +A cozy restaurant interior with a rustic wooden board hanging on the wall, featuring the menu heading "Daily Specials" written in elegant cursive. Soft, warm lighting enhances the inviting atmosphere, with a few patrons enjoying their meals at nearby tables. +A museum exhibit featuring a detailed label that reads "Dinosaur Egg Fossil", with a large, cracked fossilized egg displayed under a spotlight, surrounded by glass and wooden display cases. +A detailed blueprint of a futuristic robot factory, showcasing the intricate assembly line for the "Model X9000" robot. The design emphasizes sleek, metallic structures and advanced technology, with diagrams and labels highlighting key components and production stages. +"Caution Quantum AI Processing" warning sign prominently displayed on a sleek, futuristic supercomputer, with glowing blue lights and intricate circuitry visible. The scene is set in a high-tech laboratory with a clean, sterile aesthetic. +A detailed engraving on an ancient, ornate genie’s lamp reads "Wishes Expire Tomorrow", set against a backdrop of swirling, mystical smoke that hints at the magic contained within. +A mountain trail with a wooden signpost carved with the warning "Beware of Yetis Ahead", surrounded by dense, foggy forests and rocky terrain. +A classroom wall features a vibrant poster with the header "Periodic Table Updated 2023", surrounded by colorful illustrations of chemical elements and atomic structures, with students' notes and diagrams pinned around it. +A detailed amusement park map with vibrant, colorful paths and icons. The legend prominently features a red star marking "You Are Here Probably", surrounded by playful fonts and thematic decorations. The scene is lively, with hints of rides and attractions in the background. +A medieval knight stands proudly, his shield prominently displaying the phrase "Memento Mori" in intricate Gothic font, set against a battle-worn, weathered background. The scene is captured in a realistic photographic style, emphasizing the historical and symbolic weight of the message. +A realistic tattoo on a muscular arm, featuring the script "Forever Free" in elegant, flowing letters, with subtle shading and a slightly weathered look, set against a neutral background. +A neon sign flashing "Open 247" in vibrant red and blue hues above the entrance of a vintage diner, set against a dark, urban night scene with a slight mist adding to the atmosphere. +A subway train with vibrant graffiti spelling "Ghost Train Express" in bold, dripping spray paint, the letters glowing faintly under the dim station lights, capturing the gritty, urban atmosphere of the city at night. +A vintage movie theater at night, the marquee brightly lit and announcing "Now Showing Space Wars", with classic film posters in the window and a few people in retro attire entering the theater, under a starry sky. +A realistic photograph of a pet rock adoption certificate, prominently displaying the text "Best Rock Ever" in elegant calligraphy, surrounded by a rustic, wooden frame, with a small, smooth rock placed reverently below the certificate. +A realistic photograph of a zombie protest, where a zombie holds a sign stating "Brains Need Union Too" amidst a crowd of other zombies, all dressed in tattered clothes, in a dimly lit, gritty urban setting. +A bustling city bus stop with a modern bench, featuring a vibrant ad that reads "Tax Services 247". The ad showcases a sleek, professional design with a backdrop of a busy office, emphasizing the 24/7 availability of tax assistance. +A cozy bakery interior with a rustic wooden table and a chalkboard menu prominently displaying "Fresh Sourdough Daily" in elegant script, surrounded by warm, golden lighting and freshly baked loaves of bread on a nearby shelf. +An antique clock shop with a vintage wooden sign hanging above the entrance, clearly displaying the warning "Time Sold Separately" in elegant, aged lettering. The scene is set on a cobblestone street, with soft, warm lighting enhancing the nostalgic atmosphere. +A vibrant movie poster featuring the text "Holiday Switch" prominently, set against a festive background with twinkling lights and snowflakes, capturing the essence of a holiday-themed film swap. +A skydiver in mid-air, free-falling with the altimeter wrist display prominently flashing "Breathe Now" amidst the vast, open sky. The skydiver's focused expression and the detailed, high-altitude clouds enhance the sense of urgency and adventure. +An astronaut floating in space, their helmet visor prominently displaying "O2 Levels Normal", against a backdrop of distant stars and planets, with the Earth visible in the background. +A vibrant poster for a rock band's "Tour 2025", featuring the band members on stage with electric guitars, drum kits, and a dazzling light show. The background showcases a futuristic cityscape at night, with neon lights and digital billboards. +A vintage circus poster, weathered and slightly torn, prominently advertises the "TwoFaced Clown Extravaganza". Bold, curling fonts and vibrant circus colors highlight the clown's dual-faced portrait, one side cheerful, the other sinister, set against a backdrop of a bustling carnival. +In an art gallery, a sleek, modern plaque reads "Modern Cubism" beside a vibrant, geometric painting. The scene is bathed in soft, ambient lighting, highlighting the clean lines and bold colors of the artwork. +A beautifully decorated birthday cake with icing letters reading "Happy 40th Jake", surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm ambient light casting a gentle glow over the scene. +A cozy kitchen with a baker's oven timer on the counter, displaying "Cookies Ready In 200". The warm, golden light from the oven illuminates the rustic wooden surfaces, and the scent of fresh cookies fills the air. +A wedding cake topper featuring elegant cursive "Happily Ever After" adorned with delicate flowers and sparkling sequins, set against a soft, romantic backdrop. +A skilled barista meticulously crafts a latte, the frothy milk forming the intricate foam message "You Got This" atop the rich, steaming espresso, set against the cozy backdrop of a modern café. +A worn, vintage circus ticket stub with the text "Admit One Freak Show" in bold, old-fashioned font, set against a faded, sepia-toned background with intricate, ornate borders. +A close-up shot of a freshly baked bread loaf on a rustic wooden table, with a small, elegant tag attached to the side reading "Gluten Free" in clear, modern font. +A rustic farmer’s barn, its weathered wooden siding painted with bold, white letters that read "Fresh Eggs Daily", set against a backdrop of rolling green hills and a clear blue sky. +A close-up of a spacesuit arm patch, reading "MARS COLONY 2050", set against the dusty, red Martian landscape. The patch is detailed, with a subtle metallic sheen, and the fabric of the suit shows signs of wear, hinting at the rugged life on Mars. +A close-up of a digital piano's display screen showing the message "Play Middle C", with the surrounding keys subtly highlighted, creating a modern, sleek atmosphere. +A vintage tattoo parlor sign hangs above a dimly lit doorway, reading "Ink Your Story Here" in bold, colorful letters. The sign is weathered, with a subtle glow from the neon lights, casting a warm, inviting light onto the cobblestone street below. +A bustling farmer's market stall with a wooden sign prominently displaying "Organic Produce Here", surrounded by an array of vibrant, fresh vegetables and fruits, under a sunny sky. +A bustling farmer's market scene with a rustic wooden stall, a vintage chalkboard prominently displaying "Fresh Eggs 3", surrounded by baskets of fresh produce and eggs, under a sunny sky. +In an alien spaceship cockpit, the control panel screen glows with a red alert, displaying the critical message "Fuel Critical" amidst futuristic instruments and dim, ambient lighting. +A close-up of a restaurant receipt with the footer "Thank You Come Again" clearly visible, set against a blurred background of a bustling dining area, emphasizing the warmth and gratitude conveyed by the message. +A detailed map of an astronaut's moon base, prominently marked with "Habitat Module 3", showcasing the layout and key facilities in a realistic, high-resolution photograph. +A realistic photograph of a grocery store shelf featuring an egg carton prominently labeled "Guaranteed ChickFree", with a variety of other food items neatly arranged around it, capturing the essence of a bustling supermarket aisle. +A modern smartphone screen displaying an app notification that reads "New Message Received", set against a blurred background of a cozy living room, with soft, ambient lighting highlighting the screen. +A city street at dusk, a yellow taxi with its roof light illuminated, displaying "Available For Hire" in bold letters, reflecting off wet pavement after a light rain. +A vintage postcard with a nostalgic, sun-faded aesthetic, featuring the caption "Greetings From Atlantis" in elegant, old-fashioned lettering. The scene depicts a serene, underwater cityscape with ancient, coral-encrusted buildings and vibrant marine life, capturing the mystical allure of a lost civilization. +A beautifully frosted birthday cake, adorned with intricate "Happy 100th" in looping icing, sits under a soft spotlight, casting a warm glow that highlights the delicate swirls and patterns. +A weathered sailor's arm, adorned with a bold tattoo that reads "Mom Forever", the ink slightly faded but still legible, set against the backdrop of a rugged ship deck under a clear blue sky. +A close-up of a pet collar tag, intricately engraved with "Call 5551234", lying on a rustic wooden table, with soft sunlight casting a gentle glow, emphasizing the detailed engraving and the worn texture of the tag. +A vintage movie poster featuring the title "The Blob" in bold, dripping red letters, set against a dark, ominous sky with the amorphous, red-hued blob creature looming in the background, threatening to engulf everything in its path. +A realistic photograph of a fire extinguisher case mounted on a red wall, with bold white text "Break Glass in Emergency" clearly visible on the front. The glass is intact, and the scene is illuminated by overhead fluorescent lights, emphasizing the safety equipment in a modern office setting. +A gothic vampire's coffin, its lid intricately carved with the delicate figure of "Sleeping Beauty", surrounded by ornate roses and thorny vines, set in a dimly lit, ancient crypt. +A close-up of a delicate paper fortune from a fortune cookie, unfolded to reveal the message "Good Luck Ahead", set against a warm, golden background with soft, ambient lighting. +A close-up of a bakery window, featuring a modern, stylish decal that reads "Gluten Free Options Available", with fresh, gluten-free pastries displayed inside, bathed in soft, warm lighting. +A close-up of a rustic bakery bread loaf, with a paper tag stamped "Sourdough Fresh" hanging from the loaf, set against a warm, wooden background. +A realistic photograph of a train station with a notice board prominently displayed next to it. The board reads "elitei" in bold, clear letters, slightly weathered from the elements, with passengers passing by in the background. +A chef stands in a busy kitchen, his apron stained with splashes of sauce and flour, "Kiss the Cook" embroidered in bold letters on the front, capturing the essence of a hard day's culinary work. +A high-resolution photograph of a space station module, with a prominent label reading "Airlock Chamber 4" on a sleek, metallic surface, surrounded by the vast, star-studded darkness of space. +A gym interior with modern equipment, vibrant lighting, and a large mirror featuring a motivational decal that reads "You Got This" in bold, inspiring fonts, reflecting a determined athlete. +A detailed shot of a library book spine, clearly labeled "Mystery of the Lost Key", surrounded by other vintage books on a wooden shelf, with soft, warm lighting highlighting the text and the aged, worn texture of the books. +A dimly lit, eerie doorway of a decrepit haunted house, with ancient stone etched "Abandon Hope All Ye Who Enter" glowing faintly in the moonlight, surrounded by overgrown vines and fog. +A construction site with a prominent sign reading "Hard Hat Area" in bold letters, surrounded by yellow caution tape and industrial equipment, with workers in safety gear in the background. +A modern living room with a router on a desk, its status light flashing "Internet Connected" in a rhythmic pattern, while a cozy lamp casts a warm glow around the space. +A retro camper van parked by a serene lake, adorned with a bumper sticker that reads "Honk If You Love Robots", reflecting the serene water and surrounded by lush green trees. +A medieval knight stands proudly, his shield prominently displayed. The shield is painted with the family motto "Honor Before Death", the bold letters standing out against a backdrop of intricate heraldic designs and weathered metal. The knight is dressed in full armor, standing in a grand hall with stone walls and torches casting a warm glow. +In a whimsical kids’ book illustration, "Secret Code A23B" is subtly hidden within the colorful pages, blending into the vibrant artwork of playful animals and magical landscapes. +A close-up of a coffee mug on a desk, featuring the joke "Code Coffee Repeat" in monospace font, surrounded by scattered code snippets and a laptop with a coding interface open, in a cozy, warmly lit room. +A modern yoga studio with a serene atmosphere, featuring a large wall decal that reads "Breathe and Relax" in elegant, flowing script, surrounded by soft, natural lighting and minimalist decor. +An underwater cave adorned with ancient paintings, prominently featuring the warning "Beware Kraken" in bold, primitive strokes. The dim, blue light filters through the water, casting eerie shadows on the rugged stone walls, enhancing the mysterious and foreboding atmosphere. +A realistic photograph of a basketball court, focusing on the floor marking "Three Point Line", with the distinct arc clearly visible and players in the background preparing for a game. +A cluttered detective's desk with a case file prominently displayed, stamped "Top Secret Operation", next to a magnifying glass and a half-empty cup of cold coffee, under the dim light of a vintage desk lamp. +A futuristic cityscape with an alien traffic sign that reads "Yield for Wormholes" standing prominently at a busy intersection, surrounded by sleek, otherworldly vehicles and pedestrians. The sign glows with a neon blue light, casting a surreal glow on the scene. +A Viking warrior raises a intricately painted shield, emblazoned with the words "Odin Guides Us", letting out a powerful battle cry on a windswept battlefield, surrounded by fellow warriors and the mist of the sea. +A museum exhibit featuring a detailed plaque that reads "Dinosaur Age Fossils", surrounded by ancient, weathered fossils and dimly lit by overhead spotlights, creating a sense of historical awe and mystery. +A realistic photograph of a beautifully decorated birthday cake with icing that spells "Happy 30th Birthday Sarah" on top, surrounded by colorful candles and set on a white tablecloth. +A professionally designed logo for a bakery called "Effort", featuring elegant typography and a subtle image of a rolling pin and dough, set against a warm, rustic background with a hint of flour dust in the air. +An art gallery wall featuring a minimalist label beneath a large, vibrant abstract painting. The label reads: "Untitled 47" in elegant, modern font. Soft gallery lighting highlights the intricate textures and colors of the artwork. +A detailed ski resort map featuring a prominent marker for the "Black Diamond Slope", surrounded by snowy peaks and ski lifts, with a vibrant blue sky and subtle shadows indicating the slope's challenging terrain. +A realistic photograph of a marathon finish line, with a large banner prominently displaying "100 Meters Left" in bold letters, surrounded by cheering spectators and tired but determined runners. +A sleek sci-fi spaceship with "Galaxy Explorer" painted on its hull, floating against a backdrop of distant stars and nebulae, with glowing engines and detailed textures that highlight its futuristic design. +A colorful kindergarten classroom with children's artwork on the walls. A young child is proudly displaying their finger painting titled "My Dog Is An Alien", depicting a whimsical, otherworldly creature with vibrant colors and playful features. +A detailed detective's notebook page with scribbled notes, diagrams, and photos, titled "Case Unsolved" at the top. The page is worn, with coffee stains and folded corners, emphasizing the mystery and intrigue of an unsolved case. +A detailed engraving on an antique pirate ship's wheel, intricately carved with the phrase "Steady Course" in bold, weathered letters, set against the backdrop of a stormy sea and a dark, ominous sky. +A cozy bakery interior with a wooden counter displaying a variety of bread loaves, one of which is wrapped in a paper bag stamped "Freshly Baked at 3 AM", under the warm glow of vintage lamps. +A construction worker stands near a road, wearing a high-visibility safety vest with reflective text "Construction Zone Ahead" clearly visible on the front, under a dimly lit sky at dusk. +A Valentine’s Day card with a red heart and the words "Be Mine" in shimmering red glitter, set against a soft pink background. +A scholarly elephant, wearing round glasses and a tweed jacket, sits at a wooden desk in a library, reading a newspaper with the bold headline "Elephants Take Over the World", surrounded by ancient books and scholarly artifacts. +A wizard stands in a dimly lit room, his staff glowing with an ethereal light. Engraved runes on the staff clearly spell out "WiFi Password", casting a mysterious yet humorous glow around him. +A majestic Viking ship navigates calm waters, its prow adorned with a detailed figurehead carved with "Skol or Scroll", reflecting the craftsmanship and heritage of ancient Norse traditions. The ship's sails catch the gentle breeze under a clear sky, emphasizing the intricate design and historical significance of the figurehead. +A nighttime cityscape featuring a taxi with its roof light sign glowing brightly, displaying "Available Now" in clear, bold letters. The taxi is parked on a busy street, with the city lights and passing vehicles creating a dynamic, urban atmosphere. +A close-up of a fire truck door, emblazoned with "Rescue Squad 5", reflecting the bravery and dedication of the team. The red metal is slightly weathered, adding a touch of realism to the scene. +Vintage 1955 movie poster titled "Invasion of the Moon Men" featuring a retro sci-fi aesthetic, with a menacing lunar spacecraft descending over a small American town, dramatic lighting, and bold, colorful typography. +A detective's magnifying glass lies on a weathered note with the words "Follow the Clues" clearly visible, set against a dimly lit, noir-style background with shadows casting mystery. +A detective in a trench coat and fedora, holding a magnifying glass that reveals a close-up of "CLUE 4" etched into a wooden desk in a dimly lit room, with shadows casting a mysterious atmosphere. +A cozy bakery interior with a large oven window, showcasing a tray of freshly baked cookies arranged to spell out "Happy Birthday" in a playful, cursive font, surrounded by the warm, golden glow of the oven. +A child’s drawing of a bright, cheerful sun with "My Family" written in colorful crayon underneath, surrounded by simple stick figures of a family, on a textured, slightly crumpled piece of paper. +A close-up of a pharmaceutical bottle with a label that reads "May Cause Drowsiness" in tiny print, set against a blurred background of a medicine cabinet. The scene captures the subtle warning in a realistic photographic style. +A realistic photograph of a science lab with a whiteboard in the background, clearly showing "Experiment 42 Failed" scribbled on it, surrounded by various scientific instruments and equipment. +A vintage cinema marquee, illuminated by neon lights, proudly announces "Now Showing Galaxy Wars" in bold, futuristic letters. The marquee is set against a dark, starry night sky, with a line of excited moviegoers waiting to enter. +A photo illustration of Earth under a stormy sky, struck by multiple converging lightning bolts, creating a dramatic and intense scene. The image is titled "caucus", emphasizing the powerful convergence of natural forces. +A realistic photograph of a poster taped to a grocery store bulletin board, with the text "Lost Cat Reward Offered" clearly visible, surrounded by other community flyers and notices, under the warm glow of fluorescent lighting. +In a gritty, post-apocalyptic cityscape, a lone survivor holds a graffiti-sprayed rifle, pointing at giant, glowing hashtags on a crumbling wall. The text "Aim for the Hashtags" is prominently displayed, surrounded by zombie claw marks and flickering streetlights. +A wizard peers into a crystal ball that glows with an eerie light, revealing the words "Beware the Red Moon" against a swirling, dark background. The wizard's aged hands cradle the ball, set in a dimly lit, ancient library filled with mystical tomes. +A wizard's familiar, a small mouse, wears a delicate collar with a tag that reads "Familiar 7 Dont Get Attached", set against a mystical backdrop of an ancient, dimly lit library filled with arcane tomes and glowing runes. +A cozy kitchen with a large, ornate birthday cake centered on the table. The cake is adorned with intricate icing that reads "Happy 100th Grandma". Soft, warm lighting enhances the festive atmosphere, and colorful decorations are scattered around the room. +A close-up of a vintage wizard broomstick, with a small, yellow warning label affixed to the handle that reads "May Cause Time Lag", set against a foggy, mystical forest backdrop. +A laboratory setting with a rat cage prominently displayed, featuring a warning sticker that reads "Genius Rodent Inside". The cage is clean and well-lit, with scientific equipment and charts in the background, emphasizing the unique intelligence of the rodent within. +A pet store aquarium with a wooden sign hanging at the front, clearly labeled "Tropical Fish". Inside, colorful tropical fish swim gracefully among vibrant, lush aquatic plants, creating a serene and inviting scene. +A giant shoe standing in a whimsical playground, with children laughing and pointing at it. The shoe has a playful, cartoonish design and a tag attached that reads "shoe for hokey pokey". +A realistic photograph of a construction site with a barrier fence wrapped in a banner that boldly reads, "Your Tax Dollars Disappearing", surrounded by workers and heavy machinery. +A close-up of a pizza box top, prominently displaying the warning "Caution Extremely Cheesy" in bold, eye-catching letters, with a cheesy pizza slice partially visible inside, creating a mouth-watering and humorous scene. +A close-up of an e-reader displaying the page footer "Page 123 of 456", with a subtle ambient light highlighting the screen and a slight reflection of a window on the device's surface. +A realistic photograph of a supermarket entrance with a "Caution Automatic Doors" decal prominently displayed on the glass, capturing the modern aesthetics of the store and the subtle warning to shoppers. +A vast glacier ice wall, its surface intricately etched with the words "Melt Date Yesterday" in dripping, melting letters, reflecting the urgent reality of climate change, under a somber sky. +A detailed close-up of a concert ticket stub with "Live at Sunset Arena" clearly visible, crumpled and worn from use, lying on a dark, textured surface. +A cozy garden scene featuring a wooden potting bench with a rustic sign that reads "Herb Garden", surrounded by a variety of thriving herbs and flowers in vibrant colors. +A ransom note collage demanding "500 Pounds of Cat Nip", crafted from cut-out letters and numbers, arranged on a gritty, textured background with visible adhesive marks and creases, emphasizing the urgency and desperation of the demand. +A high-quality skateboard deck featuring bold, vibrant artwork with the phrase "Skate or Die Trying" prominently displayed. The design incorporates dynamic street art elements, with a gritty urban background and a splash of neon colors, perfectly capturing the spirit of skate culture. +An astronaut's glove, with a single finger extended, writes "Moon Dust Itches" in the fine lunar soil, capturing the moment under the stark, shadowy landscape of the Moon. +A realistic photograph of a vibrant T-shirt featuring the iconic "I ❤ NY" design, with the heart symbol prominently displayed in the center, set against a backdrop of the New York City skyline at sunset. +A basketball player in a jersey printed with "Star Player Number 23" stands on a court, the sunlight casting a warm glow on the polished wood floor, emphasizing the vibrant colors of the jersey and the focused determination on the player's face. +A serene park scene with a wooden bench under a canopy of autumn trees. On the bench, a small, polished plaque reads "In Memory of John Doe". The sunlight filters through the leaves, casting a warm, gentle glow over the bench. +A high-resolution photograph of a sleek laptop with a vibrant, eye-catching sticker on its lid that proudly declares "Certified Code Ninja", set against a minimalist workspace with a clean desk and a backdrop of code-filled screens. +In a futuristic alien zoo, a placard reads "Human - Feed Daily With Pizza" beside a transparent enclosure where a human, looking both bewildered and amused, is seen holding a slice of pizza, surrounded by curious alien visitors. +A small, smooth pet rock with a stylish accessory collar, featuring the text "Good Boy" engraved in elegant script, set against a natural backdrop of grass and wildflowers, capturing the whimsical charm of a cherished pet. +A vibrant hot air balloon ascends into a clear blue sky, with a bold banner reading "Fly High Adventures" fluttering beneath it. The balloon's colorful pattern contrasts beautifully against the serene backdrop of fluffy white clouds and a radiant sun. +A close-up of a bakery pie crust, intricately crimped and golden brown, with a label that reads "Sweetness Overload Inside", set against a warm, rustic background. +A realistic kitchen scene with a vintage recipe card titled "Secret Sauce Recipe" prominently displayed on a wooden countertop, surrounded by fresh ingredients and cooking utensils, with warm, inviting lighting. +A retro arcade machine in a dimly lit room, its vibrant screen glowing with the neon text "Insert Coin to Play", surrounded by nostalgic 80s decor. +An art gallery wall displays a sleek, modern plaque titled "Untitled 37" beneath a large, abstract painting. The plaque is made of dark wood with gold lettering, set against a clean white wall, highlighting the minimalist design of the gallery. +A cluttered science lab with a whiteboard hastily scribbled with "DO NOT TOUCH Quantum Sample". Beakers, test tubes, and scientific equipment scattered around, with a caution tape draped over a table. The lighting is dim, casting shadows that add to the mysterious atmosphere. +A vibrant flyer for a magical unicorn rodeo, featuring a sparkling unicorn being saddled up, with the text "Saddle Up for Sparkle Time" in bold, glittery letters. The scene is filled with excited spectators and a festive, enchanted atmosphere. +A dragon's ancient treasure chest, its lid proudly stamped with "Fools Gold", rests amidst a pile of shimmering pyrite, surrounded by mystical runes and glowing embers, in a dimly lit, cavernous lair. +A realistic photograph of a gas station with a prominently displayed price sign showing "Regular 329 Premium 415", captured during a sunny afternoon with a few cars parked at the pumps. +A knight's shield, heavily dented and scratched from intense battle, with the words "Mladys 1 Simp" barely legible amidst the scars of combat. +A vibrant movie poster against a city nightlife backdrop, announcing "Premiere Tonight" in bold, glowing letters. The poster features a red carpet, paparazzi, and a glamorous movie star. +A realistic photograph of a university diploma frame, elegantly displayed on a mahogany desk, with the text "Doctor of Philosophy" clearly visible in gold lettering, surrounded by intricate ornamental designs. +A charming flower shop window adorned with vibrant blooms and heart-shaped decorations, showcasing a prominent sign that reads "Valentines Day Special". The display is lit warmly, inviting passersby to admire the romantic arrangement. +A neon sign in vibrant red and blue hues flashes "Eat Here Tonight" above a vintage 1950s diner, its chrome accents and glass windows reflecting the soft glow of the streetlights. +A cereal box features a cartoon mascot, a cheerful animated character, holding a bright sign that says "Eat Your Future", set against a colorful, playful background typical of cereal advertising. +A towering skyscraper under construction, with a massive steel beam prominently stamped "Floor 100" jutting out from the framework, surrounded by scaffolding and workers in high-visibility vests. The city skyline is visible in the distance, shrouded in a light haze. +A realistic gym locker room scene with a large mirror featuring a motivational sticker that reads "You Got This". The room includes gym lockers, a bench, and athletic equipment, with a person reflecting in the mirror, capturing the essence of determination and positivity. +A detailed fantasy map of the city "Dragons Reach", showcasing its sprawling architecture, winding rivers, and towering spires. The map includes intricate labels and icons, with a color palette of deep blues and greens, and is bordered by mythical creatures and ancient runes. +A zombie in a tattered shirt reading "Brains But Also Tacos", standing in a dimly lit, abandoned alley, with crumbling walls and overgrown weeds, emphasizing the humor and decay. +A realistic subway station scene with a prominently displayed wall poster that reads "Stand Clear of Doors", surrounded by commuters and the ambient glow of the station's lighting. +A chef stands in a vibrant kitchen, his apron prominently stained with the phrase "Kiss the Cook", surrounded by an array of colorful ingredients and utensils. +A detailed close-up of an engraved silver bracelet with the words "Strength Courage" prominently displayed, set against a soft, blurred background to highlight the intricate craftsmanship and the meaningful inscription. +A vibrant arcade with a crowd cheering around a classic game cabinet. The screen flashes brightly with the words "New Champion ACE" in bold, neon colors, celebrating the player's high score achievement. +A freshly baked loaf of bread, branded "Fresh AF" in bold, modern font, sitting on a rustic wooden board in a cozy, sunlit bakery. The loaf is golden brown with a crispy crust, steaming slightly, surrounded by flour-dusted tools and warm, ambient lighting. +A novel cover design featuring the title "Secrets of the Deep" in elegant, flowing typography, set against a backdrop of mysterious, underwater caverns illuminated by bioluminescent creatures and soft, diffused light filtering through the water. +A realistic cityscape at dusk, featuring a classic yellow taxi with its roof light prominently displaying "Off Duty To Narnia", driving down a busy street lined with neon signs and towering buildings. +A detailed poster titled "Quails of North America", showcasing various species of quails in their natural habitats, each labeled with its common name and scientific name, set against a backdrop of North American landscapes. +A futuristic cityscape at night, with a massive hologram floating above the buildings, displaying "Welcome to NeoTokyo" in vibrant neon colors, surrounded by flying drones and illuminated skyscrapers. +A vibrant poster for a robot poetry slam event titled "Beep Boop Beatbox Night", featuring futuristic robots with glowing circuits against a neon-lit urban backdrop, holding microphones and performing in a dynamic, energetic pose. +A bustling train station at dusk, with an announcement board prominently displaying "Next Train 9 30 PM" in clear, illuminated text. Passengers hurry past, some glancing at the board, while others wait on the platform, the scene lit by the warm glow of street lamps. +A rustic wooden table set in a sunlit kitchen, featuring a honey jar labeled "Bees Worked Hard For This" next to a ceramic spoon and a slice of warm, buttered toast. The background shows a window with a garden view, emphasizing the natural and homely atmosphere. +A charming bakery window with a rustic wooden sign advertising "Fresh Croissants Daily", surrounded by an array of freshly baked pastries and bread, bathed in the warm morning sunlight. +A cave explorer's detailed map, ancient and worn, with intricate illustrations and notes. The map is centered on a mysterious, uncharted area labeled "Here Be Dragons", surrounded by ominous symbols and warnings, suggesting the dangers that lie within the unexplored depths. +A neon bar sign flashing "Last Call" hangs above the entrance of a dimly lit pub, casting vibrant red and blue lights onto the worn cobblestone street. The pub's windows glow warmly, hinting at the cozy atmosphere inside. +An astronaut's glove, prominently displaying the text "Gravity Optional Here", floats against the backdrop of a star-studded universe, with Earth visible in the distance, emphasizing the limitless nature of space exploration. +A movie set with a director's chair prominently placed, labeled "Action Scene 5", surrounded by crew members and equipment, under the harsh light of the afternoon sun, capturing the intensity of a film production. +A tattoo parlor window with a vintage neon sign displaying "Walk Ins Welcome", surrounded by colorful, intricate tattoo designs and a bustling city street reflected in the glass. +A nostalgic vintage train station with a worn, wooden information board prominently displaying "Platform 9 ¾" amidst a crowd of travelers and old-fashioned luggage, set under a high, arched ceiling with steam from arriving trains adding to the atmosphere. +A beautifully decorated birthday cake with pink cursive icing spelling "30" on top, surrounded by colorful candles and set against a warm, festive background. +A realistic photograph of a pharmacy window, featuring a vibrant sticker that prominently displays "Flu Shots Available". The sticker is partially illuminated by the warm light inside the store, with reflections of the street and passersby visible in the glass. +A vintage Farmer’s Almanac page opens to the prediction "Winter Comes Early 2024", surrounded by frosty illustrations of early snowfall, cozy log cabins, and bundled-up villagers, all set against a chilling, wintry backdrop. +A realistic photograph of a restroom door with a handwritten note taped on it, clearly displaying the words "Out of Order", in a slightly worn and crumpled state, against a neutral background. +A realistic photograph of a park entrance, featuring a prominent prohibition sign that clearly states "No Dogs Allowed", surrounded by lush greenery and a stone pathway. +A realistic smartphone screen with a notification popup that reads: "3 New Voicemails Urgent" in a modern, sleek interface, set against a blurred background of a busy city street at dusk. +A realistic photograph of a tattoo on a man's forearm, featuring the phrase "No Regrets" in intricate Gothic font, with deep black ink and slight shading to highlight the texture of the skin. +A close-up shot of a bakery bread bag, prominently stamped with "Contains 0 Gluten Drama", lying on a rustic wooden table with a basket of fresh bread rolls nearby. +In a dystopian city, a massive hologram billboard looms over the desolate streets, projecting the ominous message "Consume Obey Repeat" in glowing, menacing letters. The bleak urban landscape is filled with dark, futuristic architecture and sparse, wary pedestrians. +A cozy bakery interior featuring a vintage cookie jar on a wooden countertop, with a hand-painted sign that reads "Take One Please" hanging above it, surrounded by the warm, inviting glow of afternoon sunlight. +A close-up of a cowboy boot with intricate embroidery that reads "These Boots Made for Lying", set against a rustic, weathered wooden background, capturing the detailed stitches and textures. +A prehistoric cave wall painting depicting "Hunters Follow Stars", showing a group of ancient hunters with spears, following a path illuminated by a starry night sky, with detailed animal tracks and silhouettes of animals in the background. +A Viking warrior holds an imposing axe, its handle intricately carved with the words "Valor in Battle", standing against a backdrop of a rugged, misty Scandinavian landscape. +A museum exhibit featuring a plaque titled "Ancient Egyptian Artifacts", surrounded by intricate relics and statues under soft, ambient lighting, capturing the timeless essence of Egyptian history. +A detective's worn notepad lies open, a page torn out, revealing the words "Follow the Cookies" in faded ink, surrounded by scribbled notes and coffee stains. +A close-up of a well-worn chef’s recipe card, slightly stained and crumpled, with the words "Secret Ingredient Love" prominently visible in elegant cursive, surrounded by subtle splashes of sauce and spices. +A TV show poster featuring the title "Two" in bold, futuristic font, set against a backdrop of a bustling cityscape at dusk, with neon lights reflecting off rain-slicked streets. +A desolate highway at dusk with a road sign that reads "Next Exit Nowhere", surrounded by an endless expanse of barren land, the sky painted with deep oranges and purples. +A cozy café with a chalkboard sign outside, clearly displaying "Todays Special Matcha Latte" in elegant handwriting. The café's wooden door is slightly ajar, and a few patrons sit at outdoor tables, enjoying the sunny day. +A vibrant autumn leaf collage titled "Fall Colors", featuring a harmonious mix of red, orange, and yellow leaves arranged in a natural, artistic pattern against a subtle white background. +A realistic photograph of a robot protest, featuring a metallic robot holding a sign that reads "Battery Lives Matter", surrounded by a crowd of supporters in a futuristic city setting. +A marathon runner, drenched in sweat, crosses the finish line with determination, her bib number proudly displaying "Finish Line or Bust" in bold letters. The crowd cheers as she pushes through the final stretch, capturing a moment of triumph and perseverance. +A high-quality TV show poster for "10 Cloverfield Lane", featuring a dark, suspenseful atmosphere with a distressed woman staring out of a small, illuminated window in a bunker-like setting, surrounded by shadows and subtle hints of danger. +A bustling amusement park with a colorful sign that reads "Rider Height Minimum 48" inches, surrounded by excited children and their parents, with vibrant rides and attractions in the background. +"Street Art Forever" graffiti, vivid and colorful, spray-painted on the rough concrete walls of a dimly lit subway tunnel, capturing the raw energy of urban art. +A modern, sleek weather app icon with a bright sun and the text "Sunny 75F" displayed prominently, set against a clear blue sky background. +A dimly lit, ancient library with cobweb-covered shelves, an old, leather-bound book lying open on a dusty table, its pages yellowed and fragile, with the eerie stamp "Return by Never" clearly visible in red ink. +A cozy bakery interior with a wooden display case prominently featuring a sign that reads "Daily Specials", surrounded by an assortment of freshly baked goods, including croissants, muffins, and pastries, bathed in warm, inviting light. +A vibrant middle school poster featuring the message "Kindness Starts With You" in bold, colorful letters, surrounded by illustrations of diverse students engaging in acts of kindness, like helping each other with books and sharing smiles. +A lighthouse stands on a rocky cliff, its powerful beacon projecting the words "Safe Harbor" onto the crashing waves below, illuminating the turbulent sea with a warm, inviting glow. +A medieval wizard's spellbook page, titled "Turn Frog Into Prince Or Toad", featuring intricate illustrations of frogs, princes, and toads, surrounded by mystical runes and detailed text. +A close-up of a wristband imprinted with "Never Give Up", worn on a tanned arm, with sunlight casting soft shadows, emphasizing the text and the rugged texture of the band. +A dusty cowboy saddle, worn and weathered, with a clear brand that reads "Lucky Star Ranch" on its side, set against a backdrop of an old Western stable. +A yoga mat with a subtle, elegant pattern featuring the phrase "Breathe In Breathe Out" in a serene, flowing font, set against a tranquil, light background, ideal for a peaceful yoga session in a modern, well-lit studio. +In an ancient Egyptian tomb, the Pharaoh's sarcophagus is adorned with intricate hieroglyphs spelling "Eternal Rest", illuminated by the soft glow of torchlight, casting mystical shadows on the stone walls. +A weather balloon floats in a tumultuous sky, its instrument panel prominently displaying "Storm Brewing" in glowing red letters, surrounded by intricate dials and flashing lights, set against a backdrop of dark, swirling clouds. +A cluttered scientist's office with a whiteboard filled with complex equations, culminating in large, bold letters that read "Eureka 42". The scene is illuminated by the warm glow of a desk lamp, highlighting the intensity of the discovery. +A realistic smartphone screen with a notification reading "12 Missed Calls Mom" prominently displayed, set against a blurred background of a cozy living room, capturing the urgency and concern of the message. +A vibrant skatepark with a large graffiti mural on a wall, declaring "Skate Free Zone" in bold, colorful letters. Skaters performing tricks in the foreground, capturing the lively and rebellious spirit of the scene. +A vibrant streaming service thumbnail titled "New Releases", featuring a modern, sleek interface with a grid of movie posters in various genres, including action, comedy, and drama, set against a dark, gradient background with soft, glowing highlights. +A carnival ticket booth at dusk, with a prominent sign stating "Rides Closed After Dark" illuminated by fading sunlight and colorful neon lights, surrounded by empty, slightly eerie rides and scattered, forgotten tickets on the ground. +A bustling street scene with a tattoo parlor window prominently displaying "WalkIns Welcome" in bold, neon letters, illuminated at dusk, attracting passersby with its vibrant signage and artistic window displays. +A realistic photograph of a dog park entrance, featuring a wooden sign that clearly states "Leash Required Area" amidst a lush, green backdrop with a few people and dogs in the distance. +A realistic classroom scene with a large world map on the wall, featuring a red marker pointing to a specific location with a callout box that reads "You Are Here". Students are gathered around, looking curious and engaged. +A sleek alien spacecraft lands on a desert planet, its hull adorned with glowing markings that clearly translate to "Tourists Welcome", inviting curious onlookers to approach and explore. +A close-up of an old library book with a vintage stamp marked "Due Back 03 15", surrounded by the worn pages and faint scent of aged paper, capturing the essence of a timeless literary journey. +A close-up of a winter coat tag, prominently displaying "Warmth Guaranteed", against a frosty background with subtle snowflakes falling, emphasizing the coat's promise of warmth in a chilly setting. +A majestic mountain peak with a survey marker inscribed "Elevation 8848m" standing prominently against a backdrop of snow-capped ridges and a clear blue sky, emphasizing the marker’s significance in a realistic photographic scene. +A close-up of a robot's screen displaying the error message "Does Not Compute Sarcasm", with a futuristic, sleek interface and subtle, ambient lighting highlighting the text. +A dramatic photo illustration of Earth under a celestial storm, with multiple lightning bolts merging into a massive, singular strike. The image is titled "arm", emphasizing the convergence as a powerful, unified force. +A superhero stands confidently, their cape billowing in the wind, embroidered with "Guardian of Justice" in bold, golden thread. The city skyline is visible in the background, bathed in the warm light of a setting sun. +A vibrant night sky illuminated by colorful fireworks, with the text "4th of July Show" in bold, festive letters at the bottom, set against a backdrop of a cheering crowd and a historic town square. +A realistic photograph of an airport security checkpoint, featuring a prominent sign that reads "Remove Metal Objects" in clear, bold text, with travelers in the background removing their belts, jewelry, and watches. +A cozy living room with shelves lined with books, a parent sitting on a comfortable armchair, holding a baby, both looking relaxed and happy, with a book titled "Lower Your Standards Now" prominently displayed on the table. +A classroom desk with intricate carvings that spell out "Class of 2025" in elegant script, surrounded by old books and school supplies, bathed in the warm glow of afternoon sunlight streaming through a nearby window. +A janitor's bucket sits in a dimly lit hallway, a "Caution Wet Floor" sign prominently displayed. The bucket casts a slight shadow, and the floor glistens with fresh water, reflecting the soft glow of overhead lights. +A surfer stands on a beach, looking at a wave forecast screen displaying "Big Swell Ahead" under a dramatic sky, with towering waves in the distance. +A close-up of a library book spine, intricately designed with a gold stamp that reads "Property of Hogwarts", set against the warm, ambient lighting of a vintage, magical library. +A close-up of a bakery window decal featuring the text "Fresh Bread Daily" in elegant, handwritten font, surrounded by illustrations of various bread loaves, pastries, and a cheerful sun, set against a warm, golden background. +A vibrant racing event with a gleaming trophy and a checkered flag in the background. The "First Place Winner" stands proudly on the highest step of the podium, wearing a champion's wreath and a wide smile, as the crowd cheers enthusiastically. +A bustling race track with a large scoreboard displaying "Final Lap Position 3" in bold, illuminated letters, capturing the intense moment as cars speed by in a blur of motion and cheering fans. +A serene campsite at dusk, a wooden marshmallow stick carved with "Property of Scout Leader" glows softly by the campfire's light, surrounded by the gentle rustle of leaves and the crackle of burning wood. +A high-quality leather sunglasses case with "UV Protection 100" embossed in elegant gold lettering, resting on a sleek, modern countertop with a soft, reflective surface, capturing the subtle textures and shine. +A gritty, realistic scene of a sandstorm partially clearing to reveal a weathered sign that reads "Survive The Storm", set against a backdrop of dunes and turbulent skies. +A realistic gym locker room with sleek, modern design. A large, fogged mirror on the wall is etched with the words "You Got This" in bold, inspiring letters. The scene is illuminated by soft, ambient lighting, creating a motivational atmosphere. +A cyclist speeding down a scenic mountain road, wearing a vibrant jersey imprinted with "Ride Fast Live Slow", capturing the essence of adventure and freedom. +A vintage newspaper from the 1950s, with a bold headline declaring "Martian Invasion Postponed", set against a retro sci-fi backdrop with old-fashioned spacecraft and a crowd of amazed onlookers. +A realistic urban scene with vibrant graffiti spray-painted "Revolution Now" on a weathered concrete wall, set against a backdrop of city streets and towering buildings, capturing the raw energy and spirit of rebellion. +A rugged sailor's arm, weathered by the sea, displays a classic tattoo in bold script reading "Mother", the ink slightly faded but deeply etched, a testament to enduring love and the passage of time. +In a modern hospital corridor, a distinctive sign that reads "Spotify" hangs prominently on the wall, illuminated by soft, ambient lighting, surrounded by the typical sterile, yet comforting decor of a healthcare facility. +A movie director's clapperboard marked "Scene 666" lies on a worn wooden table, surrounded by crumpled scripts and a vintage film camera, under the soft glow of an old-fashioned lamp, capturing the essence of a classic film set. +A realistic photograph of a prison escape map, detailed and worn, with a clear red marker pointing to the "TUNNEL EXIT POINT" amidst a network of lines and labels. +A baker in a cozy, sunlit kitchen, wearing a crisp white apron embroidered with "Knead Bake Repeat", skillfully shapes dough on a wooden table, surrounded by baskets of freshly baked bread and scattered flour. +A vibrant surfboard with a sleek, modern design, prominently displaying the phrase "Hang Ten Daily" in bold, artistic lettering. The board features ocean-inspired colors and patterns, capturing the essence of a sunny, coastal lifestyle. +In a misty, moonlit graveyard, a gothic vampire’s tombstone stands out, etched with "RIP Died 1432 Sort Of". The stone is weathered, with ivy creeping along its sides, and a bat hovers nearby, adding to the eerie atmosphere. +A rugged sailor's forearm, prominently displaying a tattoo that spells "Born To Sail" in bold, nautical script, with waves and anchors intricately woven into the design, set against a backdrop of a weathered ship deck and the open sea. +A realistic photograph of a smartphone screen displaying a weather app notification: "Severe Storm Alert 8PM", with dark storm clouds gathering in the background and a streetlight casting a dim glow on a deserted, rain-soaked street. +A dimly lit tattoo parlor with a neon signboard prominently displaying "Friday 13th Special Oops", surrounded by eerie, vintage decor and a few customers with intrigued expressions, captured in a realistic photographic style. +A realistic photograph of a modern bicycle helmet, prominently featuring a bold, eye-catching sticker that reads "Ride or Die" in vibrant colors, set against a backdrop of a vibrant, urban landscape. +A vintage diner with a retro lunch counter, featuring a unique napkin dispenser labeled "Tears of Clowns". The scene is illuminated by soft, nostalgic lighting, with classic 1950s decor and a few vintage posters on the wall. +A weathered pirate treasure map, with "X Marks Dementia" scrawled in bold, ragged handwriting, laid out on a rustic wooden table, illuminated by the flickering light of a nearby candle. +A carnival ticket booth at dusk, with a prominent sign stating "Rides Closed After 10PM", surrounded by colorful lights and festive decorations, capturing the transitional moment between day and night. +In a classroom, the teacher stands at the blackboard, chalk in hand, having just written the phrase "scabies" in bold letters. Students look on with a mix of curiosity and concern, capturing the moment's tension and the stark, educational setting. +A comic strip panel featuring a surprised character with a speech bubble that reads "What Happened", set against a backdrop of a chaotic, yet colorful cityscape. +A bustling farmer’s market with a wooden sign that reads "Organic Produce Here", surrounded by vibrant stalls filled with fresh fruits and vegetables, under a sunny sky. +A bustling pet store with a prominently displayed fish tank labeled "Angry Piranhas". The tank is filled with red and silver piranhas, their sharp teeth visible as they swim aggressively. Shoppers look on with a mix of curiosity and caution, while store lights reflect off the water's surface. +A rustic farmer's barn door, weathered by time, with hand-painted letters "Organic Utopia" in a simple, bold font, surrounded by a lush, green landscape and vibrant wildflowers. +An ice cream truck parked on a sunny street, with vibrant colors and playful decorations. On the side, a large, colorful button with the text "Push Here For Music" is prominently displayed, inviting passersby to interact and enjoy the nostalgic tunes. +A realistic photograph of a blue mailbox sticker, prominently featuring the text "US Mail" in bold, modern letters, adhered to a slightly weathered metal surface. +A close-up photograph of a vintage brass keychain tag, engraved with the text "If Found Call 5551234", hanging from a worn leather keyring against a blurred, rustic background. +A close-up of an antique potion bottle with a vintage paper label warning, "May Cause Existential Clarity", set against a dimly lit, mystical background with subtle smoke swirls. +A realistic courtroom scene with a large, ornate seal prominently displayed on the judge's bench. The seal is embossed with the text "In Dog We Trust", surrounded by a detailed border featuring legal symbols and canine motifs. +A beautifully lit birthday cake decorated with the message "Happy Quinceañera María", adorned with vibrant pink and gold accents, surrounded by festive candles and placed on a decorative tablecloth, capturing the joyful essence of a Quinceañera celebration. +A bustling tech conference hall with a large, vibrant banner reading "Innovate for the Future" hanging prominently at the front, surrounded by enthusiastic attendees and futuristic displays. +A vast, sun-drenched desert highway stretches into the distance, with a lone road sign warning, "Mirage Zone Next 50km", standing prominently against the arid landscape. The sign is weathered, and the horizon shimmers with heat, hinting at the elusive mirages ahead. +A gym-goer proudly displays a massive "500 lb Club Member" weight plate, muscles bulging, surrounded by state-of-the-art workout equipment and motivational posters, capturing the intensity and dedication of elite strength training. +A realistic photograph of a subway station featuring a vibrant tile mural titled "Urban Pulse", capturing the dynamic energy of city life with a blend of modern and retro elements, illuminated by the station's ambient lighting. +A detective at a crime scene, standing next to yellow tape that reads "Do Not Cross", under the dim light of a streetlamp, with a dark, rainy cityscape in the background. +A bakery window featuring a decal that reads "GlutenFree Goodies", prominently displaying a wheat icon, set against a warm, inviting interior with pastries on display. +A cinematic movie poster titled "Sirens", featuring three ethereal mermaids emerging from a turbulent sea at sunset, with a lighthouse in the background casting a dramatic beam of light. The mermaids' flowing hair and shimmering tails reflect the golden hues of the sky. +A movie set with a clapperboard slate clearly displaying "Scene 404 Not Found" in the center, surrounded by a director, crew, and actors in a dimly lit, modern film studio. The atmosphere is tense, with a sense of confusion and frustration palpable among the team. +A vintage time machine with a retro-futuristic design, its dial preset to "2020 Do Not Respawn", sitting in a dimly lit laboratory filled with antique gadgets and flickering lights. +A scientist in a cluttered lab, wearing a lab coat with a patch that reads "Dr Frankenstein", surrounded by vintage scientific equipment and flickering lights. +A gym locker with a metallic nameplate that reads "Property of Team Titans", surrounded by workout equipment and gym mats, with a faint glow from overhead lights, capturing the essence of a dedicated sports team's space. +A close-up of a pizza box top, the words "Extra Cheese" boldly printed on it, with steam rising from the edges, suggesting a freshly delivered pizza. The box is slightly crumpled, adding a realistic touch. +A modern office door with a sleek, silver plaque that reads "Meeting In Progress", set against a backdrop of a minimalist hallway with soft lighting and a neutral color palette. +A food truck specializing in dumplings, with a rustic chalkboard menu prominently displaying "Soup 9 5" among other dishes, set against a vibrant street scene with bustling customers and colorful signage. +A realistic classroom scene with a detailed periodic table on the wall, prominently highlighting "Element Fe" with a bright, yellow border. Students are seated at desks, and a teacher points to the highlighted element, enhancing the educational atmosphere. +A high-resolution satellite image of the moon, showing a unique crater formation that naturally spells out "Lunar Parking" in the lunar surface, surrounded by the stark, shadowed terrain of the moon's landscape. +A realistic photograph of an airport baggage tag prominently displaying "Fragile Handle Care" on a checked suitcase, with a conveyor belt and blurred travelers in the background, emphasizing the delicate nature of the luggage. +A detailed campground map with a prominent, red map marker labeled "Bear Territory" placed in a dense forest area, surrounded by warning signs and a caution tape, under a twilight sky. +An ancient, tattered page from a wizard's spellbook, titled "Turn Wine Back to Water". The page is filled with intricate, handwritten notes and mystical symbols, surrounded by scattered herbs and a flickering candle, creating an ambiance of arcane mystery. +A medieval tavern sign swinging in the breeze, intricately carved wood with vibrant red and gold paint, reading "DRAGONS BREW ALE" in elegant, old-fashioned script, set against a rustic stone wall with ivy creeping up the sides. +A weathered Viking runestone stands in a misty, ancient forest clearing, its surface etched with the cryptic text "Skål or Else", surrounded by overgrown moss and fallen leaves. +A cozy bakery window with a charming chalkboard sign that reads "Fresh Croissants 6AM", steam rising from a basket of freshly baked croissants inside, casting a warm glow through the early morning light. +A volcano erupting, with glowing lava spewing into the night sky, illuminating the surrounding landscape. The text "magma" in bold, red letters appears in the foreground, emphasized against the explosive backdrop. +A city street at dusk, with a parking meter displaying the message "Time Expired Add Coins" on its screen. The meter is slightly worn, with a few scratches, and a car is parked nearby, its headlights on. The scene is illuminated by the soft glow of street lamps. +An astronaut stands proudly, wearing a mission patch that reads "To Infinity" on their spacesuit, against the backdrop of a star-filled universe, with Earth visible in the distance. +A serene cafe interior with soft, ambient lighting. A magic 8-ball floats mid-air above a steaming cup of coffee, displaying the message "Ask Again After Coffee" in its window. The scene is captured in a realistic photographic style, emphasizing the mysterious and whimsical atmosphere. +A close-up shot of a supermarket price tag, prominently displaying "Expensive Regrets 999" in bold, with a cluttered shelf of luxury items in the background, creating a sense of consumerism and regret. +A bustling train station with a vintage announcement board displaying "Track 9 Departing" in bold letters, surrounded by travelers carrying suitcases and reading newspapers, with the morning sun casting a warm glow through the large glass windows. +A child’s colorful drawing of a fierce dragon, labeled "Fire Breather", with flames erupting from its mouth, surrounded by scribbled clouds and a vibrant, whimsical sky. +A close-up of a hospital wristband, clearly printed with "Allergies Peanuts", wrapped around a patient's wrist, with a sterile medical environment in the background. +An antique treasure map with a distinct X marking the spot, labeled in elaborate old-fashioned script that reads "Gold Here", surrounded by faded compass directions and mysterious symbols. +A dentist office poster featuring a playful, modern design with the slogan "Floss Like Nobody's Watching". The background is a clean, white space with a subtle, abstract pattern. A toothbrush and floss are artistically arranged, emphasizing the message. +A high-contrast gym motivational poster featuring a muscular athlete mid-workout, sweat glistening on their skin, with the bold text "No Pain No Gain" prominently displayed at the top. The background is a modern gym with state-of-the-art equipment. +Underwater coral reef with vibrant marine life, a weathered signpost clearly pointing and reading "Atlantis 2km" amid colorful corals and swirling fish. +In a cozy, modern waiting room, a sleek coffee table holds a stack of magazines. On top, the "Latest Issue" magazine features a vibrant cover with bold typography, surrounded by gentle shadows that hint at the room's soft lighting. +A graduation cap, adorned with the text "Class of 2030 Achievers", sits on a wooden table, with a bright, sunny window in the background, casting a warm glow over the scene. +A surfboard with a vibrant decal that reads "Hang Ten Surf Academy" in bold, ocean-themed colors, lying on a sandy beach with the clear blue sea and a setting sun in the background. +A serene campsite at dusk, with a marshmallow stick burned at the end, labeled with "Smore Regrets", next to a crackling campfire, surrounded by tall pines and the soft glow of firelight. +A casual snapshot of a person wearing a white t-shirt with bold red text reading "Coffee First Questions Later", standing in a cozy, modern kitchen with a cup of steaming coffee on the counter nearby. +A close-up of a vintage, weathered seed packet labeled "Magic Bean Variety", with intricate illustrations of bean plants and flowers, set against a rustic wooden background. +A vibrant ice cream truck parked on a sunny street, its side panel boasting a colorful, eye-catching advertisement that reads "50 Flavors Inside". People gather around, excited to explore the diverse selection of frozen treats. +A vintage 1950s diner with a neon sign, the menu board prominently displaying "Milkshakes 199" in classic retro lettering, patrons sipping from tall glasses, and a checkerboard floor. +In a luxurious hotel, the elevator mirror reflects the opulent interior, with a discrete sign in elegant script that reads "Checkout at 11 AM", adding a touch of sophistication to the scene. +A cinematic movie poster titled "The Titan", showcasing a colossal robotic figure towering over a futuristic cityscape, with neon lights and billowing smoke in the background, emphasizing the epic scale and advanced technology. +A close-up of a sleek, modern robot with its chest panel illuminated, displaying the words "System Updating" in a clear, digital font. The metallic surface reflects a soft, ambient light, enhancing the technological feel of the scene. +A realistic photograph of a classroom desk, with a ruler placed prominently on a notebook. The ruler clearly displays "30cm Standard" markings, surrounded by school supplies like pencils and erasers. The scene captures the essence of a typical study environment. +A graffiti-covered dumpster in a vibrant urban alley, prominently tagged with "Art Lives Here", surrounded by splashes of colorful street art and scattered spray paint cans. +Medieval tavern scene with a wooden sign outside reading "Ale and Mead Feast". Inside, rustic wooden tables are set with tankards of frothy ale and golden mead. Patrons in medieval attire enjoy the feast, with warm, golden lighting and a cozy, lively atmosphere. +A vintage circus tent with a marquee prominently displaying "Lion Tamer Extraordinaire", surrounded by lanterns and a cheering crowd, capturing the excitement and grandeur of a classic circus performance. +An elegant perfume bottle with the script "Midnight Rose" prominently displayed, set against a luxurious velvet backdrop, with soft, ambient lighting highlighting the bottle's sleek curves and the deep, rich color of the fragrance inside. +A realistic photograph of a museum donation box with the inscription "Support the Arts" prominently displayed, surrounded by classic artworks and subtle lighting that highlights the text and the box's worn, wooden texture. +A weathered lighthouse door with a rusty plaque that reads "Keepers Last Words Oops", set against a stormy sky and crashing waves, capturing the eerie and abandoned atmosphere of an old coastal beacon. +A close-up of a satellite dish plaque, intricately engraved with the text "Deep Space Network 56", set against the backdrop of a clear blue sky, with the dish's metallic surface reflecting the sunlight. +A close-up of a medicine bottle with a clear label warning "Shake Well Before Use", set against a neutral background, emphasizing the text and the bottle's texture. +A medieval castle gate, heavily adorned with ancient, weathered engravings. The prominent text "Enter At Own Risk" is clearly visible, warning visitors of the dangers beyond. The scene is set in the twilight, with the gate slightly ajar, hinting at the mysteries within. +A close-up of a scientist's notebook page titled "Project Quantum", showing detailed handwritten notes and diagrams related to quantum mechanics, with a pen resting on the page and a cup of coffee nearby. +A red stop sign stands at a bustling intersection, prominently displaying "Stop" against the flow of morning traffic and pedestrians. The sign is slightly weathered, with a reflective surface that catches the sunlight, enhancing its visibility. +A realistic photograph of a smartphone screen with a notification pop-up that reads, "You've Walked 15000 Steps", displayed against a blurred cityscape backdrop, emphasizing the modern, everyday context of the message. +A newspaper headline reads "provoke" with a photo showing a half-eaten pumpkin, its insides exposed and seeds scattered, set against a dimly lit kitchen backdrop. +An enchanting fairy tale book illustration featuring a whimsical forest scene with a glowing lantern, illustrating the words "Once Upon a Time" in elegant, swirling text at the top of the page. +A vintage wanted poster, slightly worn and weathered, prominently displays "5000 Reward for Bigfoot" in bold, rustic font. The background features a dense, misty forest, with footprints and a shadowy, hairy figure lurking in the underbrush. +A close-up of a superhero's utility belt, the buckle prominently engraved with "In Pizza We Trust", reflecting a playful and quirky personality, set against a cityscape at dusk. +A vintage typewriter on a wooden desk, with a sheet of paper inserted, reading "Chapter 1 The Mystery". A warm, golden light filters through a nearby window, casting soft shadows and highlighting the intricate details of the typewriter. +A dimly lit vampire’s nightclub with vibrant neon signs, including a prominent sign that reads "No Garlic No Entry". Patrons in elegant, gothic attire mingle inside, while the entrance is guarded by a bouncer with a menacing glare. +A nostalgic nighttime scene of a vintage diner, its neon sign glowing brightly with the words "Eat Here Get Gas Later", reflecting on the wet pavement of a nearly deserted street. +A prehistoric cave painting featuring a rough, hand-drawn figure pointing towards a pile of various snacks, with the phrase "Bring More Snacks" clearly visible in ancient script, set against a textured stone wall. +A cluttered garage with a storage box labeled "Seasonal Decorations" in the corner, surrounded by various tools and gardening equipment, with a shaft of sunlight illuminating the box. +A protestor holds a placard demanding "Equal Rights Now" in bold red letters, standing in a crowded city square, surrounded by other demonstrators and onlookers, with a mix of supportive and indifferent expressions. +A detailed treasure map with "X Marks the Spot" near a rugged coastal shoreline, featuring old parchment texture, faded ink, and nautical symbols. Seagulls soar above the crashing waves, and the sun sets on the horizon, casting a golden glow over the scene. +A stunning, high-resolution photo of the snow-capped Alps, bathed in the golden light of dawn, with a clear blue sky and fluffy clouds. The image includes a sign at the edge of a trail that reads "Most beautiful mountains". +A detective's notebook page, filled with scribbled notes and sketches, prominently featuring the phrase "Case Unsolved" in bold, messy handwriting, underlined multiple times, with a worn leather cover and coffee stains. +A poster titled "kastlander" showcasing a variety of quail species, each depicted with detailed feathers and natural habitats, set against a rustic, woodland background. +A vibrant jewelry store window display featuring an elegant "Diamond Anniversary" collection, showcasing a variety of sparkling diamond jewelry set against a sophisticated black and white background, with soft, warm lighting highlighting the brilliance of each piece. +An ancient, weathered scroll unrolled to reveal intricate calligraphy prophesying "The Chosen One Will Rise", illuminated by the soft glow of candlelight in a dim, mystical library. +A forest signpost, weathered by time, stands at the edge of a dense woodland, pointing towards a path marked "Hiking Trail Ahead", surrounded by lush green trees and undergrowth, with a soft morning light filtering through the canopy. +In a vast desert, an ancient rock carving reads "Oasis Ahead". The sun casts long shadows over the rugged terrain, highlighting the worn, weathered letters. A distant mirage of water shimmers on the horizon, suggesting the promise of the inscription. +A bakery's "Caution Hot Donuts" sign, partially chewed with noticeable bite marks, sits on a rustic wooden counter, surrounded by steam from freshly baked donuts. +A detailed cave exploration map with a prominent marker labeled "Chamber 9", set against the rough, rocky walls of an underground cavern, illuminated by the soft glow of a nearby lantern. +A sleek spaceship with its hull proudly painted "Galaxy Explorer One", floating against a backdrop of distant stars and nebulae, its metallic surface reflecting the soft glow of cosmic light. +A high-resolution photograph of a cleaning product bottle on a white background, with a clear, bold label reading "Keep Out of Reach of Children" prominently displayed on the front. +In an antique shop, an old, ornate mirror reflects the image of a smiling woman, with the text "You Look Younger" subtly inscribed along the mirror's gilded edge, adding a touch of vintage charm to the scene. +A modern smartphone screen displaying a lock screen notification that reads "3 New Messages", set against a blurred background of a bustling city street at dusk, with the glow of streetlights and the silhouettes of pedestrians. +A close-up of a painter’s palette, richly smeared with vibrant colors, with the words "Create Beauty" boldly written in the center, surrounded by splashes of paint. +A medieval tapestry showcasing dragons guarding a vast treasure of gold coins, with some coins distinctly labeled "401k", set in a grand, dimly lit hall with stone walls and ancient tapestries. +An ancient Egyptian temple, dimly lit by torches, with a stone tablet inscribed with hieroglyphs that read "Open Sarcophagus, Bad WiFi". The tablet is placed near a grand sarcophagus, surrounded by sandy stone walls adorned with mystical symbols. +A dentist office poster featuring a friendly dentist and hygienist, both smiling and gesturing towards a large, colorful illustration of teeth. The poster prominently displays the text "Floss Daily Reminder" in bold, eye-catching letters. +A realistic desktop screenshot featuring a software error dialog box prominently displaying the message "404 Motivation Not Found", with a slightly cluttered, tech-themed background and ambient lighting highlighting the screen. +In a modern art gallery, a sleek robot points to a plaque that reads "Abstract Oil Leak 7". The plaque is next to a large, vivid painting featuring swirling colors and metallic textures, reminiscent of an oil spill. The scene is lit by soft, ambient gallery lights. +A dark, mystical cavern illuminated by flickering torchlight, revealing a large, ancient wooden chest. The chest is adorned with intricate metalwork and prominently stamped with "Cursed Gold" in molten metal letters, glowing ominously in the dim light. +A pirate flag with a skull and crossbones, prominently displaying the text "Surrender or Walk the Plank", flutters dramatically against a stormy sky over the turbulent sea. +A realistic urban scene featuring a construction barrier sign stating "Detour" with a clear arrow pointing right, surrounded by yellow caution tape and cones, under a cloudy sky. +A roadside billboard stands tall along a busy highway, prominently displaying the text "Zombie Proof Tires". The ad features a rugged tire with a zombie hand reaching out, trying to claw through it. The scene is set during dusk, with cars passing by in the background. +A glossy magic 8-ball with "Ask Again Later" displayed in ethereal, floating letters inside, set against a dark, mysterious background with a soft glow around the letters. +A realistic forest scene with a carved wooden sign reading "Campfire Prohibited" standing along a winding hiking trail, surrounded by tall trees and overgrown bushes, with a subtle mist adding to the atmosphere. +A bustling arcade with a vibrant prize counter prominently displaying "500 Tickets Prize" in neon lights. Shelves are lined with toys and games, and excited children gather around, eager to claim their rewards. The scene is lively and colorful, capturing the energy of a classic arcade. +A close-up of a detective's badge, prominently engraved with "Truth Seeker", set against a gritty, urban background with a soft focus on rain-soaked pavement and dim streetlights. +A laboratory setting with a mouse cage prominently displayed, labeled "Subject 24601". The cage is clean and well-lit, with a white mouse inside, looking curiously at the viewer. The background includes scientific equipment and a researcher's notepad with notes visible. +A futuristic cargo bay featuring a large, metallic spaceship crate prominently stamped with "Handle With Care", illuminated by the glow of neon lights, with workers in spacesuits carefully inspecting it. +A winter scene at a ski resort, featuring a prominent sign that reads "Thin Ice Ahead" amidst snow-covered trees and icy paths, with skiers in the background navigating carefully around the warning. +A theater stage with a marked "X" indicating the soliloquy spot, surrounded by dim stage lights and a backdrop of a vintage curtain, creating a dramatic and atmospheric setting. +An astronaut stands against the backdrop of a Martian landscape, their suit displaying a prominent patch that reads "Mars Mission 2050", reflecting the ambition and determination of humanity's interplanetary endeavors. +A realistic photograph of a fire station bulletin board, prominently displaying the heading "Duty Roster" with a list of names and dates, surrounded by safety guidelines and emergency contact information. +A vintage typewriter on a wooden desk, with a sheet of paper that reads "Chapter 1 The Beginning", surrounded by ink bottles and old books, bathed in the warm light of a nearby window. +A modern gym interior featuring a large wall decal in bold, vibrant letters: "Sweat Now Shine Later". The scene is lit by bright overhead lights, with gym equipment and a few athletes in the background, emphasizing the energetic and motivational atmosphere. +A dimly lit dive bar with a neon sign glowing "Bad Decisions Welcome" above the entrance, casting a colorful glow on the weathered brick facade and the pavement below. +A vibrant movie poster titled "Jupiter Ascending", featuring a futuristic city on Jupiter with towering skyscrapers and flying vehicles, set against a backdrop of swirling gas clouds. A determined heroine stands confidently in the foreground, wearing a high-tech suit and holding a futuristic weapon. +A realistic photograph of a solar panel installation on a modern home, with a clear sign that reads "Energy Savings Here" prominently displayed on the lawn, surrounded by lush greenery and a clear blue sky. +A professionally designed logo for a bakery called "Intended", featuring elegant, hand-drawn typography with a subtle flour sack texture. The logo includes a charming illustration of a baker's hat and a rolling pin, set against a warm, rustic background. +A vibrant skate park with a large ramp covered in bold graffiti, prominently featuring the words "Skate Free" in dynamic, colorful letters. Skaters perform tricks in the background, adding energy to the scene. +A rustic wooden park bench adorned with an intricately engraved plaque that reads "In Memory of Sunny Days", set against a backdrop of autumn leaves gently falling from ancient trees. +A colorful children's crayon drawing of a superhero dad, labeled "My Dad Is Super", proudly displayed on a fridge door with magnets, in a cozy kitchen setting. +A cave explorer, helmet illuminated with the words "Light On Explore Safely" clearly visible, navigating a dark, rocky cavern, flashlight beam cutting through the shadows, revealing ancient stalactites and stalagmites. +A vintage pharmacy bottle with an ornate label prominently displaying "Dr Peppers Miracle Tonic", set against a rustic wooden background, surrounded by old medical tools and glassware, capturing the essence of early 20th-century apothecary. +A magician's hat on a velvet table, with a small tag hanging from it that reads "Rabbit Included", surrounded by a soft, warm glow, evoking a sense of mystery and anticipation. +A detailed, realistic photograph of a prison tattoo on a forearm, showcasing the phrase "Mistakes Were Made" in a bold Gothic font, with subtle shading and intricate linework. +A realistic photograph of a highway exit sign, prominently displaying "Nostalgia Valley Next Right", set against a backdrop of rolling hills and vintage cars from the 1950s, with a nostalgic, warm-toned filter. +A digital camera's screen shows the message "Memory Full" in clear, bold text, set against a neutral background. The camera is slightly tilted, capturing a reflection of a blurred, outdoor setting, hinting at the missed opportunity to capture the moment. +A sleek, modern digital clock radio on a wooden nightstand, prominently displaying "700 AM Alarm" on its illuminated screen, with a soft ambient light in the background, capturing the quiet essence of a bedroom just before dawn. +A close-up of an ancient, dusty potion bottle with a faded label that reads "Elixir of Chaos", surrounded by mystical runes and glowing symbols, set against a dark, enchanted forest backdrop. +A detailed postage stamp design featuring "Endangered Species", showcasing a majestic yet vulnerable snow leopard perched on a rocky cliff, with a subtle mountain range and sunset in the background, emphasizing the animal's endangered status. +A bustling subway platform with "Stand Behind Yellow Line" painted prominently on the ground, surrounded by waiting passengers and the glow of arriving train lights. +A neon sign flashing "Open 24 Hours" above a bustling convenience store at night, with the glow illuminating the sidewalk and casting a warm, inviting light on the store's entrance. +A medieval shield, intricately crafted with the emblem "Knights of Valor", hangs against a stone wall, its metal surface reflecting the warm glow of a nearby torch. The crest features a valiant knight wielding a sword, symbolizing strength and honor. +A close-up shot of a bakery bread bag tag, prominently displaying the text "Baked Fresh Today", against a rustic wooden background, with a warm, golden light illuminating the scene. +A high-energy concert stage with a vibrant drum kit headliner banner that reads "Bang Like Thunder", surrounded by glowing stage lights and enthusiastic crowd silhouettes, capturing the electrifying atmosphere of a live performance. +A close-up of a sleek smartwatch face displaying "Steps 10000", with the background showing a blurred cityscape at sunset, emphasizing the achievement of reaching 10,000 steps. +A close-up of a gym locker tag that reads "Property of Champion", hanging on a metal hook against a worn, blue locker door, with a subtle reflection of a blurry gym interior in the background. +A majestic Viking longship at rest on a tranquil coastal shore, its prow carved with intricate details spelling out "Valhalla Express" in ancient runes, surrounded by misty morning fog and towering pine trees. +A boxing ring with the mat boldly printed with "Round 3 Fight", surrounded by ropes and spectators, under the glow of overhead lights, capturing the intense atmosphere of a crucial match. +"Flight 456 Cleared" is written in a pilot's logbook, with the page slightly worn and a pen resting beside it, under the warm glow of a cockpit light, surrounded by the intricate controls and instruments of a modern airplane. +A close-up of a vintage wooden desk, featuring a stylish pencil case intricately embroidered with the words "Creativity Unleashed", surrounded by scattered pencils, erasers, and a notebook with sketches. The scene is bathed in warm, natural light, emphasizing the detailed embroidery and the creative atmosphere. +A detective in a trench coat holds a magnifying glass over an old, dusty book, revealing the words "Hidden Clue Here" etched subtly on the page, set in a dimly lit, cluttered study. +A bakery window with a modern, sleek decal that reads "Gluten Free Options", surrounded by an array of freshly baked pastries and bread, with soft, warm lighting enhancing the inviting atmosphere. +An astronaut stands proudly on the Martian surface, the flag of "Mars Colony Alpha" planted firmly in the red soil, with the curvature of Mars and a distant spacecraft visible in the background. +A crumpled, torn notebook page lying on a dark, wooden surface, with the phrase "Burn After Reading" written in a bloodstained, jagged script, casting a slight shadow in the dim light. +A realistic photograph of a suburban house with a "No Soliciting" decal prominently displayed on the front door, surrounded by a well-maintained garden and a neatly painted facade. +A freshly baked bread loaf, scored with the phrase "Carb Therapy", sits on a rustic wooden board, surrounded by flour dust and warm, golden lighting, capturing the essence of a cozy, artisanal bakery. +A close-up of a modern pizza box with a sleek, minimalist design, featuring the logo "Extra Cheese Inside" prominently displayed in bold, stylish font on the top of the box, surrounded by subtle cheese patterns. +A futuristic spaceship control panel with sleek, metallic surfaces and glowing buttons, prominently displaying red text "Warp Drive Active" in the center, surrounded by holographic interfaces and blinking lights. +A weathered pirate treasure map with "X Marks Regret" inscribed at the spot where a lone, ancient tree stands on a desolate, windswept island. The map is partially torn, revealing the rugged coastline and dense, shadowy forests in the background. +A large, modern research vessel named "Ocean Explorer 2023" glides through calm, azure waters, with the name prominently displayed on its side. The ship's sleek, white hull reflects the bright sunlight, and a team of scientists is visible on deck, preparing for an expedition. +A movie poster featuring the title text "Mr. Harrigan's Phone" in bold, futuristic font, set against a backdrop of a dark, eerie cityscape with a mysterious figure holding a smartphone, illuminated by neon lights. +A close-up of a shiny dog collar tag, intricately engraved with "Luna Call 555 6789", reflecting a soft outdoor light, with a subtle texture of metal and a hint of wear, set against a blurred, natural background. +A bustling grocery store aisle with a neon sign pointing right, clearly displaying "Unicorn Supplies Next Aisle" in vibrant, magical colors, surrounded by shelves filled with colorful, fantastical items. +A city taxi at night with its roof light displaying "Available" in bright, clear text, illuminated against the dark urban backdrop. The taxi is empty, parked on a rainy street, with reflections of city lights on the wet asphalt, emphasizing the vibrant, neon-lit environment. +A roadside billboard stands tall, boldly advertising "Best Burgers in Town" in vibrant colors. The scene is set on a sunny afternoon, with cars passing by on the asphalt road, and a clear blue sky in the background. The billboard features a mouth-watering, close-up image of a juicy burger. +A cozy pet store interior with a variety of animals, including puppies and kittens, surrounded by colorful toys and comfortable beds. A large, eye-catching adoption sign reads "Love a Pet Today" prominently displayed near the entrance, inviting visitors to find their new furry friends. +A weather forecast TV screen displaying a vibrant graphic with the text "100% Chance of Bad Hair", surrounded by chaotic, humorous illustrations of wind-tussled hairstyles and flying hair products. +A realistic photograph of a submarine control panel, with warning lights flashing red and the alert message "Dive Depth Exceeded" prominently displayed on the main screen, surrounded by gauges and switches. +A close-up of an old, leather-bound book spine titled "Mystery of the Ages", with worn gold lettering and intricate designs, set against a dimly lit, rustic wooden background. +A realistic photograph of a brass plate reading "Dr Eleanor Shaw MD" affixed to the door of a psychiatrist's office, with a subtle, professional atmosphere. +An astronaut's glove drifting in the vastness of space, with the words "Made You Look" clearly visible, written in bold, floating just beside it, surrounded by distant stars and the Earth in the background. +A ghost hunter stands in an eerie, dimly lit room, holding an EMF reader that flashes the ominous message "I See Dead People Maybe". The atmosphere is tense, with shadows creeping along the walls and a chill in the air. +A close-up of a cracked dragon's eggshell fragment, inscribed with "Hatch Date 3024", resting on a bed of ancient, dusty scrolls in a dimly lit, mystical library. +A baker in a cozy, rustic kitchen, wearing an apron stained with flour and embroidered with "Knead To Bake", stands next to a wooden table covered in baking tools and ingredients, preparing to knead dough. +A vibrant brick wall adorned with bold graffiti spelling "Street Art Forever", set against a gritty urban backdrop. The colors are vivid and the text is clearly legible, capturing the essence of street culture. +At a vibrant carnival, a mysterious fortune teller's tent stands out, adorned with a glowing sign that reads "Know Your Future 5". The sign is framed by swirling, colorful lights, and a mystical aura surrounds the entrance, inviting curious onlookers to uncover their destinies. +A close-up of an old, worn library book cover titled "How to Disappear", with a subtle, mysterious aura. The cover features a faint, shadowy figure blending into the background, evoking a sense of secrecy and intrigue. +A roadside attraction billboard stands tall, featuring bold, vibrant text: "See the Worlds Largest Typo". The scene is set in a sunny afternoon, with a clear blue sky and a few passing cars, emphasizing the quirky appeal of the billboard. +A movie theater marquee at night, displaying "Robo Love Story" in vibrant pink neon lights, with a crowd of excited moviegoers in the foreground and the glow of the marquee reflecting softly on the pavement. +A movie poster titled "Invasion of the Giant Ants", featuring towering ants with intricate exoskeletons marching through a devastated cityscape, towering over crumbling buildings and panicked citizens. The sky is dark, with a red tint, adding to the ominous atmosphere. +In an otherworldly greenhouse, alien plants with vibrant, bioluminescent leaves and twisting, translucent stems are displayed. A nursery tag reads "Water With Care Screams", warning of the plants' sensitive nature. The scene is illuminated by the soft glow of the plants, creating a surreal and enchanting atmosphere. +A vast desert under a scorching sun, where a mirage forms the words "Oasis Ahead" shimmering in the distance, surrounded by heat waves and arid dunes. +A close-up of a spy document with a subtle, yet visible, watermark revealing "Top Secret" across the page, illuminated by the glow of a desk lamp in a dimly lit room. +An ancient vase fragment, partially buried in sandy soil, with faded text "Made in Atlantis" barely visible under a layer of moss and lichen, surrounded by fallen leaves and overgrown vines. +A modern kitchen with a digital oven displaying "Preheat To 350F" in crisp, clear text. The oven is stainless steel, and the kitchen is brightly lit, emphasizing the sleek, high-tech feel of the appliance. +A lab journal page with a handwritten entry dated "1224 BREAKTHROUGH ACHIEVED", surrounded by scattered scientific notes, diagrams, and chemical formulas, with a faint glow from a nearby experiment suggesting recent success. +A detailed ski resort map board with "Beginner Slopes" highlighted in vibrant green, set against a snowy backdrop with pine trees and skiers in the distance. +A neon-lit unicorn stable at night, with a vintage wooden sign that reads "No Virgins Allowed", surrounded by a foggy forest and illuminated by soft, warm lights. +A realistic night scene with a metallic UFO hovering just above the ground, its underside lights illuminating the area and clearly spelling out "Take Me To Your Leader" in a bold, sci-fi font. The surrounding landscape is dark, with a few trees and a hint of mist. +A detailed close-up of a dragon's treasure hoard, featuring an ancient gold coin engraved with "Dragons Gold" amidst a pile of shimmering jewels and metallic coins, bathed in the warm glow of a mystical underground cavern. +A worn concert ticket stub featuring the band name "The Midnight Rockers", crumpled and faded, with a gritty texture and subtle lighting to emphasize its well-used condition. +A dance studio with a large mirror adorned with a decal that reads "Practice Makes Perfect". Dancers in leotards and tights are seen practicing ballet poses, their reflections adding depth to the scene. The studio has wooden floors and large windows letting in soft, natural light. +A realistic photograph of a rustic wooden menu board outside an Italian restaurant, with a handwritten sign that reads "Chefs Special Pasta" prominently displayed, surrounded by vine-like decorations and small, twinkling lights. +A close-up of a baker's pie with a perfectly crimped edge, intricately embossed with the words "Eat Me" in elegant cursive, set against a warm, rustic kitchen backdrop. +A vibrant food truck with a window decal proudly displaying "Grilled Cheese Nirvana", surrounded by cheerful customers and the aroma of melting cheese, set against a sunny backdrop. +A realistic smartphone screen with a lock screen notification prominently displaying "1 New Message", set against a blurred background to emphasize the device. The screen is slightly tilted, catching the light, and the notification is crisp and clear. +A realistic photograph of a construction zone with a prominent barrier featuring the text "Detour Ahead" printed in orange, surrounded by cones and warning signs, under a cloudy sky. +A detailed astronomy textbook diagram illustrating the "Moon Phases Chart", showcasing the eight distinct phases of the lunar cycle, from new moon to full moon, with clear labels and annotations in a scientific yet visually engaging style. +A realistic photograph of a wooden sign on a hiking trail, partially covered by moss, with the warning "Beware of Bears" clearly visible, set against a backdrop of dense forest. +A vintage suitcase adorned with a nostalgic sticker boldly declaring "World Traveler", set against a backdrop of a classic leather travel case, with a subtle texture of aged paper and a hint of worn edges, capturing the essence of timeless adventure. +A close-up of a vintage library stamp, embossed with "Return By Date", set against the textured backdrop of an old, worn book page, capturing the nostalgic charm of a bygone era. +A beautifully decorated birthday cake with intricate icing that spells out "Happy 30th Steve" in elegant cursive, set against a warm, celebratory backdrop with soft, golden lighting. +A realistic smartphone screen displaying a weather app notification alert "Storm Alert" with a dark, stormy sky visible through a window in the background, emphasizing the urgency of the message. +A close-up photograph of a custom keyboard keycap with the engraving "Ctrl Z Life", set against a minimalist background, capturing the intricate details of the text and the keycap's texture. +A gritty urban street at night, with a neon sign glowing in vibrant pink above a tattoo parlor, prominently displaying the words "Regret Starts Here" amidst the rain-soaked pavement and dimly lit surroundings. +A detailed poster titled "entry" showcasing various species of quail, each labeled with its name and habitat, set against a natural backdrop of woodland and grassland environments. +A vibrant neon nightclub sign glowing "Dance All Night" stands out against a dark urban night sky, casting a colorful glow over the bustling street below. The sign features modern, sleek lettering with dynamic lighting effects, enhancing the lively atmosphere of the city. +A vintage lost cat poster, slightly weathered, pinned on a wooden community board. The poster reads "Reward One Grateful Sigh" in bold, playful letters, with a hand-drawn sketch of a cat looking up with big, hopeful eyes. +A sleek race car with a shiny, red hood featuring a bold decal that reads "Speed Demon 99" in dynamic, metallic silver lettering, set against a backdrop of a bustling, sunlit racetrack. +A realistic photograph of an airport departure board, modern and slightly crowded terminal, with a prominent display showing "Flight 22 Cancelled" in red, surrounded by other flight statuses. +A modern office door featuring a sleek "Meeting in Progress" sign with a sliding indicator, set against a minimalist background. The door is slightly ajar, revealing a glimpse of a conference room with a long table and chairs. +A scientist examines a microscope slide labeled "Cell Division Sample", showcasing a vivid array of dividing cells under a high-powered lens, with detailed annotations and a crisp, clinical laboratory setting in the background. +A vintage movie poster with the title text "My Own Private Idaho" prominently displayed, set against a backdrop of a serene Idaho landscape at dusk, with soft, golden light casting long shadows. +A close-up of a secret agent dossier cover, prominently displaying a large, red stamp that reads "Eyes Only Project Phoenix" in bold letters, with a subtle, grainy texture to evoke a sense of espionage and confidentiality. +A close-up of a boxing speed bag with the label "Train Hard Win Easy" prominently displayed, set against a backdrop of a dimly lit gym with faint outlines of boxing gloves and a punching bag in the background. +An astronaut stands in a futuristic space station, their helmet visor clearly reflecting the words "Mission Control" displayed on a large, illuminated screen behind them. The scene is set against the backdrop of the vast, star-filled universe. +A city street with a parking meter displaying "Expired Add Coins", surrounded by parked cars and bustling pedestrians. The scene is captured in a realistic photographic style, with the parking meter as the focal point, under a slightly overcast sky. +A vibrant movie poster titled "AC/DC Live '77", featuring the iconic band performing on stage with intense energy, surrounded by a crowd of enthusiastic fans and bathed in the glow of stage lights. +A serene beach with soft, golden sand, where the words "Welcome To Paradise" are elegantly written. The sun sets behind palm trees, casting a warm, orange glow over the scene. Waves gently lap at the shore, and seagulls fly overhead. +A wizard's ancient scroll unfurls in a dimly lit, mystical chamber, revealing the incandescent words "Ignis Ardentis" glowing with a fiery aura, casting shadows on the stone walls. +A "No Smoking" sign hangs prominently on the wall of a modern hotel lobby, reflected in the polished marble floor, with sleek furniture and a potted plant nearby. +A science laboratory with a whiteboard covered in complex equations and diagrams, prominently featuring a handwritten note that reads "DO NOT TOUCH" in bold, red marker. The room is cluttered with lab equipment and shelves filled with chemicals. +A gym-goer wearing a tank top with the bold text "Lift Heavy Live Bold" stands in a well-lit, modern gym, holding dumbbells. The vibrant colors of the top contrast with the neutral tones of the gym equipment, emphasizing the dynamic and energetic atmosphere. +A weathered stone well curb, intricately carved with the words "Wishing Well 1666", set against a rustic, overgrown backdrop with moss and ivy clinging to its ancient surface, capturing the essence of a timeless, forgotten well in a forest clearing. +A toy package with a bright, colorful design, prominently displaying the warning "Ages 3 Plus" in bold letters, set against a white background with playful illustrations of children enjoying the toy. +A realistic crime scene photograph with caution tape bearing the words "Crime Scene" prominently wrapped around the perimeter, creating a tense and secure environment. +A spaceship cargo crate, stenciled "Handle Zero Gravity", sits in the metallic, futuristic hold of a spacecraft, bathed in the cool blue light of the interior, with reflections of distant stars visible through a porthole. +A realistic photograph of a zoo enclosure, with a clear sign labeled "Do Not Feed the Animals" prominently displayed. The enclosure features lush greenery and a pathway, with visitors observing from a safe distance. The sign is well-lit and easily readable, ensuring it stands out in the scene. +A cute piggy, dressed in a simple farmer's outfit, holds a handmade sign that says "brussels" in a vibrant, sunlit meadow. The piggy looks cheerful and curious, surrounded by green grass and wildflowers, with a clear blue sky overhead. +A realistic photograph of a modern doorbell camera mounted on a wooden door, displaying a notification that reads "Someone's Here" on its screen, with a blurry figure approaching in the background. +A detailed pirate treasure map with intricate illustrations of a tropical island, rugged cliffs, and a hidden cove. The map is marked with "X Marks Safe Passage" near a narrow, rocky path leading to a secluded beach. +In an alien classroom, a chalkboard displays the equation "2 + 2 = Fish". Students with various alien features sit at desks, gazing curiously at the unusual equation, while a teacher, also an alien, points to the board with a glowing tentacle. +A forest trail with a wooden signpost carved with "Beware of Bears", surrounded by dense, lush trees and undergrowth, with a narrow path leading into the distance, sunlight filtering through the canopy. +A vintage photograph of a grand library's entrance, featuring an elegant, engraved plaque stating "Established 1923" prominently displayed beneath a towering, arched window. The scene is bathed in the warm, golden light of sunset, casting long shadows and highlighting the intricate details of the plaque and the surrounding architecture. +A bustling train station with a vintage departure board prominently displaying "Platform 9¾" among other real platform numbers, surrounded by travelers and luggage, captured in a realistic photographic style. +A clear, sunlit day with a running path sign marked "Track 1 Mile Loop" standing at the start of a well-maintained, winding trail. Trees line the path, casting dappled shadows on the ground. +A vibrant surfboard features a striking decal with "Hang Ten Surf Club" in bold, coastal typography. The surfboard is positioned on a sandy beach, with the serene ocean and a setting sun in the background, capturing the essence of a perfect surfing day. +An astronaut in a detailed spacesuit, with the helmet's heads-up display clearly showing "O2 Levels Stable" in green text, floating against the backdrop of a star-studded space. +A vibrant rock concert t-shirt featuring bold text "World Tour 2024" in dynamic, glowing letters against a dark, gritty background, surrounded by electrifying music notes and stage lights, capturing the energetic atmosphere of a live performance. +A neon bar sign glowing "Live Music Tonight" stands out against a dimly lit city street at night, casting vibrant red and blue hues over the cobblestone pavement and nearby buildings. +A detective in a trench coat holds a magnifying glass, intently focusing on a piece of paper that reads "Clue Found" in a dimly lit, noir-style room. +A rustic wooden signpost, weathered by the elements, points towards a path labeled "Campground", set against a backdrop of dense forest and early morning mist, capturing the essence of a serene and inviting outdoor retreat. +A rugged mountain landscape with large rocks artfully arranged to spell out "Hike Safe" in bold, clear letters, set against a backdrop of towering peaks and a clear blue sky. +A realistic photograph of a wooden door with a polished brass plaque centered, reading "Discipline Zone" in elegant serif font, set in a well-lit school corridor with a slightly aged, varnished surface. +A pixelated video game screen with a nostalgic, retro aesthetic, displaying the message "Game Over" in a classic 8-bit font, set against a background of simple, blocky graphics and vibrant, primary colors. +"Shhh Exams Ongoing" poster hanging outside a bustling university hall, with students quietly passing by, some holding books and others looking at their phones. The poster is prominently displayed, featuring a hushed, serene design with subtle academic symbols. +A vintage movie theater marquee, illuminated at dusk, prominently displaying the title "The End" in bold, retro font. The marquee is surrounded by old-fashioned street lamps and a few pedestrians walking by, capturing the essence of a classic cinema experience. +A bustling farmer's market scene with a rustic chalkboard sign prominently displaying "ZombieGrown Organic Tomatoes", surrounded by vibrant, fresh produce and cheerful shoppers. +A cozy florist shop with a charming chalkboard sign outside that reads "Fresh Roses Today", surrounded by vibrant, blooming roses in various colors. The scene is bathed in soft, natural sunlight, creating a warm and inviting atmosphere. +In a grand museum hall, a large, ancient statue stands on a pedestal. Beneath it, a plaque reads, "Artist Unknown Thankfully". The scene is bathed in soft, natural light, with a few visitors quietly observing the mysterious artwork. +A serene park scene with a wooden bench under a leafy tree. On the bench, an engraved plaque reads "In Loving Memory", surrounded by fresh flowers and sunlight filtering through the branches. +An astronaut's glove floats in the vastness of space, with the word "Help" distinctly written in sharpie on its palm, against a backdrop of distant stars and planets. +A fast food drive-thru menu with a neon sign displaying the "Instant Regret Meal" option, featuring a burger, fries, and a soda, set against a bustling city night scene. +A realistic photograph of a modern delivery truck parked on a city street, with its side panel prominently displaying the text "Fast Shipping Guaranteed" in bold, clear letters, surrounded by the company's logo and contact information. +A focused runner wearing a race bib with the number "Runner 42" pinned to their athletic shirt, crossing the finish line in a vibrant city marathon, with cheering spectators lining the streets and a mix of skyscrapers and historic buildings in the background. +A realistic construction site scene with workers in bright vests and hard hats, focusing on a large, clear sticker on a helmet that reads "Hard Hat Area" in bold letters. The sticker is prominently visible, set against the backdrop of a bustling work environment. +A close-up of an astronaut's food package, prominently stamped "Space Nutrition Meal 12", set against a backdrop of a futuristic space station interior, with soft, ambient lighting highlighting the metallic textures and the text on the package. +A close-up of a ninja throwing star, intricately etched with the words "Return to Sender Quietly", set against a dark, shadowy background, capturing the essence of stealth and mystery. +A close-up of a dog collar tag, shiny and new, with the engraving "If Lost Call 555 1234", set against a blurred background of a grassy park. +A lighthouse stands against a twilight sky, its powerful beacon projecting the words "Land That Way" across the misty sea, guiding ships toward a distant, fog-covered shore. +A lone mountain climber stands at the peak, holding a flag that reads "Summit or Sulk", with the majestic mountain range and a clear blue sky in the background. +A close-up of a sleek race car door, featuring a bold decal that reads "Speed Demon 07" in vibrant, dynamic lettering, set against a glossy black background with subtle carbon fiber texture. +A sleek, red race car speeds down the track, its hood adorned with a bold decal screaming "Speed Demon 20" in fiery orange and black, reflecting the intensity and passion of the driver. +A spy's sleek, modern briefcase opens to reveal an interior lined with black velvet, holding a container labeled "Top Secret Nachos Inside", surrounded by espionage gadgets and a vintage spy badge. +A sleek pair of spy sunglasses with a high-tech lens display that reads "Target Acquired You" in a futuristic font, set against a dimly lit urban backdrop with neon lights reflecting off the lenses. +A bathroom with a modern scale displaying a sticker that humorously reads, "Numbers Lie Eat Cake", surrounded by minimalist decor and natural light streaming in from a window. +A beautifully crafted wedding cake topper featuring the elegant engraving "Mr & Mrs Smith" atop a classic tiered cake, surrounded by intricate lace and floral decorations, set against a soft, romantic backdrop. +A steaming cup of café latte with intricate foam art forming the words "Good Morning Sunshine" on its surface, set against a warm, rustic wooden background. +A realistic photograph of a vending machine with a prominently displayed button labeled "Emergency Snacks", set in a dimly lit office corridor, with the button glowing slightly and a crumpled candy wrapper on the floor nearby. +A realistic photograph of a gym water bottle with a bold, eye-catching label that reads "Sweat Tears Here", set against a backdrop of gym equipment and motivational posters. +A vintage concert poster, weathered and slightly faded, featuring the band name "Electric Moonlight" in bold, neon-inspired typography. The background showcases a moonlit night with electric blue and purple hues, enhancing the band's name. +In a quiet library, an old book with a spine faded to reveal the words "Do Not Remove" sits on a shelf, surrounded by other vintage books. The soft glow of a nearby lamp highlights the worn, dusty cover and the faint, almost ghostly, inscription. +A vintage poster design featuring bold, retro typography with the title text "Gasoline Alley" prominently displayed, set against a backdrop of an old, bustling gas station with classic cars and nostalgic signage. +In a bustling supermarket aisle, a notice board prominently displays a handwritten sign that reads "enoch". Shoppers pass by, some pausing to read the mysterious message, while others continue their shopping. The scene is captured in a realistic photographic style, with the sign clearly visible amidst the shelves of products. +A realistic photograph of a kitchen fridge, with a small yellow sticky note attached to the front, prominently displaying the message "Buy Milk Or Else" in bold black letters. +A rustic wooden signpost with an arrow pointing left, clearly marked "To River Trail", stands beside a glowing campfire, set against a backdrop of dense forest at dusk. +A wedding cake adorned with a delicate topper featuring elegant script that reads "Happily Ever After", set against a backdrop of white and ivory frosting, with subtle gold accents and fresh flowers around the base. +A retro rocket nosecone, painted with the bold slogan "Moon or Bust Mostly Bust", stands prominently in a vintage launch facility, the paint slightly worn, reflecting the ambitious yet challenging spirit of early space exploration. +A digital screen displays the text "Level 5 Loading" in neon blue, set against a futuristic cityscape at night, with towering skyscrapers and flying cars in the background. The scene is vibrant and detailed, capturing the essence of a high-tech video game world. +A vibrant banner at a bustling book fair, prominently displaying the title "Readers Paradise" in elegant, eye-catching font. The scene is filled with enthusiastic readers and colorful book displays, capturing the lively atmosphere of a literary event. +A realistic photograph of the entrance to a Public Security Bureau, with a prominent sign that reads "Severe Punishment" warning, set against a backdrop of a modern urban landscape. The scene is well-lit, with a few people walking by, emphasizing the authority and seriousness of the location. +A close-up of a chef's tasting menu card titled "Spring Harvest Menu", featuring elegant, hand-drawn illustrations of seasonal vegetables and a sophisticated, minimalist design with a soft, pastel color palette. +A retro video game loading screen with pixelated graphics, displaying the text "Press Start Button" in bold, vibrant colors against a gradient background, with subtle glitch effects adding a modern twist. +"Reserved for Birthday Party" table tent stands prominently on a vibrant, colorful table at an ice cream parlor, surrounded by scoops of various flavors, festive decorations, and happy guests. The scene captures the joyful atmosphere of a celebration. +A realistic construction site with a barrier prominently displaying "Hard Hat Area". Workers in hi-vis vests and hard hats are seen in the background, emphasizing the safety protocols. The scene is set under a clear blue sky, with cranes and scaffolding in the distance. +A medieval castle hall adorned with a grand tapestry embroidery featuring a chilling scene of a snow-covered landscape under a twilight sky, with the ominous phrase "Winter is Comingish" embroidered in bold, ancient script at the bottom. +A sleek, metallic alien spacecraft with intricate patterns and a prominent marking that reads "Zeta Reticuli Origin" on its hull, floating against the backdrop of a starry night sky. +A movie poster featuring a vintage, cinematic style with the text "When Lilly Laney Moved In" prominently displayed. The background shows a cozy neighborhood with a mysterious, slightly eerie atmosphere, hinting at an intriguing plot. +A close-up of a pharmacy prescription bottle on a white background, with a clear label reading "Take Twice Daily" prominently displayed. The bottle is half-filled with pills, and a stethoscope lies casually beside it, emphasizing the medical setting. +A vibrant summer festival banner hangs across a bustling street, announcing "Sun Fun 2024" in bold, colorful letters. People in festive attire walk by, enjoying the sunny day and the lively atmosphere. +A futuristic time machine control panel with neon lights flashing "Year 3024", set against a backdrop of swirling cosmic vortexes, with intricate dials and screens displaying advanced scientific data. +A high-contrast TV show poster titled "Underworld Blood Wars", featuring a grim, nocturnal cityscape with vampires and lycans in intense combat, illuminated by neon lights and moonlight. The title is bold and blood-red, set against a dark, stormy sky. +A sunny beach with a detailed sandcastle featuring a small flag that proudly displays "King of the Beach", surrounded by seashells and footprints, with the clear blue sea and a bright sky in the background. +A traditional Chinese lantern, intricately painted with vibrant "Spring Festival Blessings", hangs in a dimly lit ancient courtyard, casting soft, warm light that illuminates the intricate brushstrokes and the intricate wooden carvings of the surrounding architecture. +In a hospital nursery, a newborn baby's ID bracelet reads "Future Sleep Deprivation". The baby is swaddled in a soft, pastel blanket, peacefully asleep under warm, gentle lighting, with medical equipment subtly present in the background. +A cozy flower shop interior with a wooden sign hanging above a vase of fresh roses, tagged with a handwritten label that reads "Fresh Roses 10Dozen", adorned with a playful heart doodle. +A detailed photograph of a well-organized mechanic's tool chest, prominently labeled "Tools Not Toys", set against a backdrop of a bustling garage, with a faint glow from overhead lights highlighting the tools inside. +A realistic smartphone screen displaying an online shopping app with a red notification badge that reads "Discount Expires Soon", set against a blurred background of a modern living room. +An astronaut stands on the lunar surface, their helmet visor prominently reflecting the message "Moon Base Alpha" amidst the barren, gray landscape, with the Earth visible in the distant black sky. +A city street at dusk, with a digital billboard towering over the road, flashing "Traffic Jam Ahead" in vibrant red pixels, casting a glow on the halted cars and the anxious faces of drivers. +A cozy living room setting with a pet rock on a cushion, adorned with a small, handwritten accessory tag that reads "Talk to Me", surrounded by soft lighting and household items. +A young adult wearing a cozy hoodie with "Certified Nap Enthusiast" embroidered on the back, lounging on a plush sofa in a sunlit room, surrounded by fluffy pillows and a book resting on their chest, capturing a moment of serene relaxation. +A dimly lit secret tunnel with ancient stone walls, featuring a carved warning that reads "Turn Back" in an ominous, elegant script, illuminated by flickering torchlight, creating shadows that dance along the rugged surface. +A vintage roadside diner with a neon sign, featuring a menu board that prominently displays "Burger Special 5" in bold, retro fonts, set against a backdrop of a classic American highway at dusk. +Retro video game cartridge label featuring the text "Cyber Knights Level Up" in bold, neon colors, set against a futuristic cityscape with glowing skyscrapers and flying vehicles, capturing the essence of 80s arcade aesthetics. +A gritty subway tunnel with vibrant graffiti spelling "Revolution Now" across the rough concrete walls, illuminated by the dim light of passing trains. +A realistic photograph of a wedding cake topper featuring the phrase "Happily Ever After" in elegant calligraphy, set against a backdrop of a romantic, sunlit garden with soft, pastel flowers and a gentle breeze. +A dimly lit street at night with a tattoo parlor's neon sign glowing bright, displaying the words "Bad Decisions" in bold, red letters, casting a vivid reflection on the wet pavement. +An astronaut on the moon holds a rock sample tagged "Lunar Cheese Confirmed", surrounded by the vast, desolate lunar landscape under a stark, star-filled sky. +An astronaut stands on a launchpad at sunset, the visor of their reflective helmet displaying the critical message: "Mission Control Go for Launch". The background shows a massive rocket ready for ignition, with the orange and blue sky creating a dramatic, high-contrast scene. +A wizard standing beside his broomstick, with a humorous warning sign that reads "May Cause Baldness" attached to it, set in a mystical forest at dusk. The wizard looks concerned, emphasizing the quirky warning. +A close-up of a museum keychain, intricately etched with "History Museum Visit 2024", resting on an antique wooden table, illuminated by the soft glow of a nearby lamp. +A scientist's lab coat hangs neatly on a wall hook, with a visible name tag that reads "Dr Curious", in a cluttered yet organized laboratory setting. +A weathered, dusty treasure map laid out on an old wooden table, with the clue "X Marks the Tomorrow" clearly visible. The map is partially illuminated by a beam of sunlight streaming through a window, casting shadows that add to its mysterious allure. +A close-up of a weathered carnival ticket stub, crinkled and slightly torn, with the bold printed warning "Ride at Own Risk" clearly visible, set against a faded, grainy background of carnival lights and rides. +An astronaut stands in a desolate lunar landscape, the helmet visor reflecting a stark warning: "Oxygen Low". The scene is bathed in the cold, harsh light of space, with the Earth hanging low in the black sky, emphasizing the isolation and urgency of the situation. +A cozy bakery interior, morning light streaming through windows, a baker with an oven mitt embroidered with "Hot Stuff Coming Through" pulling a tray of fresh bread from the oven, the aroma filling the air, pastries on display counters. +A weathered treasure map with "X Marks The Spot" clearly visible, laid out on an old wooden table. Sunlight filters through the leaves, casting dappled shadows. A compass and a quill pen rest beside the map, hinting at an adventurous journey awaiting. +A close-up of an astronaut's spacesuit sleeve, showcasing a detailed patch that reads "Mars Colony 1" against a backdrop of the Martian landscape, with dust swirling in the distance and a rover visible on the horizon. +A close-up of a sleek, mystical magic wand resting on dark, velvet fabric. The wand is elegantly packaged in a wooden box with gold accents, and a delicate ribbon is tied around it. The packaging is clearly labeled with the phrase "Wish Carefully" in elegant, glowing letters. +A weathered pirate treasure map, "X Marks the Spot", lies on a wooden table, illuminated by a flickering candle. The map shows a detailed island with mountains, forests, and a prominent X, surrounded by cryptic symbols and compass directions. +A gym interior with a large, motivational wall decal that reads "No Pain No Gain", surrounded by fitness equipment and energetic athletes, capturing the intense atmosphere of dedicated training. +A close-up photograph of a gas pump sticker reading "Regular Unleaded 399" on a sleek, modern fuel pump, with a subtle reflection of a passing car in the shiny surface of the pump. +A realistic photograph of an airport departure board, prominently displaying "Flight On Time" in the center, with other flights listed around it, captured in the bustling atmosphere of a modern terminal. +A cozy treehouse nestled among the branches, with a rustic wooden door adorned with a playful sign that reads "No Adults Allowed", surrounded by dappled sunlight filtering through the leaves. +A nostalgic night scene featuring a classic American diner with a neon sign above the entrance flashing "Open 24 Hours", casting a vibrant glow on the sidewalk and nearby parked cars. +A vast desert landscape with a single oasis, where a weathered wooden sign stands proudly, boldly displaying "MirageFree Guarantee" in bold, sun-faded letters. Palm trees sway gently in the breeze, and a clear blue sky stretches above, emphasizing the authenticity of this rare, refreshing haven. +In a dimly lit room, a detective stands beside a chalkboard, the text "Prime Suspect Identified" circled prominently, with notes and crime scene photos pinned around it, casting a serious atmosphere. +A neon "Psychic Readings" arrow sign, glowing vividly against a dark urban night sky, points upward to a second-floor studio window, where a faint light suggests the presence of a mysterious seance within. +A medieval knight on a battlefield, his battle standard proudly flying "Dragon Slayers Guild" amidst the chaos of clashing swords and roaring dragons. The knight, armored and resolute, stands firm under the banner, ready to face the impending battle. +A close-up of a firefighter's helmet, prominently featuring a sticker that reads "Never Fear Rescue Here", set against a backdrop of a smoky, urban rescue scene, capturing the heroism and determination of the firefighter. +A realistic photograph of a birthday card with the message "Youre Amazing" inside, the card is covered in fine, sparkling glitter, creating a festive and elegant look. +"Slow Down School Zone" sign with flashing yellow lights, set beside a crosswalk on a sunny afternoon, children and parents visible, emphasizing safety and caution. +A busy outdoor festival entrance with a clear "No Balloons" sign posted on a wooden stand, surrounded by colorful stalls and cheerful crowds, emphasizing the festive atmosphere while highlighting the balloon prohibition. +A close-up of a chef's arm displaying a vibrant tattoo that reads "Cook With Passion", set against a backdrop of a busy kitchen with sizzling pans and fresh ingredients. +A close-up of a sleek, modern sneaker with a tongue tag embroidered with "Fast Runner 2024", set against a minimalist white background, highlighting the intricate embroidery and the shoe's clean lines. +A neon motel sign flickers brightly against the night sky, displaying "Vacancy Available Tonight" in vivid red and blue letters. The sign casts a colorful glow on the rain-slicked pavement and the old, faded brick walls of the motel. +A close-up of a sleek, modern hand sanitizer bottle with "Kills Germs Instantly" in bold blue text, set against a clean, white background, capturing the sterile and hygienic essence of the product. +A beautifully decorated birthday cake with smooth red icing that elegantly spells "Happy 30th Birthday" atop a white frosting base, surrounded by colorful candles and set against a warm, festive background. +A realistic classroom scene with a detailed periodic table poster on the wall, prominently highlighting "Element Fe" with a red circle and an arrow pointing to it, surrounded by attentive students and educational charts. +In a whimsical fairy garden, delicate flowers and glittering fairy lights surround a small, wooden sign that reads, "Beware of Attack Butterflies". Colorful butterflies with iridescent wings hover protectively around the sign, adding a magical yet cautionary atmosphere to the scene. +A vibrant beach volleyball game in full swing on a sunlit court, with players in action and the words "Game On" boldly displayed on a banner behind the net. +A realistic photograph of a serene camping site with a wooden signpost clearly displaying the message "Extinguish Fires Completely" amidst a backdrop of lush green trees and a small, crackling campfire in the foreground. +A realistic photograph of a birthday cake topper that reads "Happy 30th" in elegant gold lettering, set against a backdrop of a beautifully decorated chocolate cake with white frosting and colorful sprinkles. +A close-up of an alien artifact, its surface intricately etched with the words "XJ9 Prime Directive", under a soft, ambient light that highlights the ancient, worn texture of the material. +An astronaut in a detailed spacesuit, the helmet visor prominently displaying "Oxygen 15" against the backdrop of a star-studded space, with the Earth partially visible in the distance. +In a modern art gallery, a sleek, minimalist plaque labeled "Untitled 37" hangs below an abstract painting, featuring bold strokes of color and geometric shapes. The lighting is soft, highlighting the artwork and the elegant, white walls of the gallery. +A vintage bus stop sign with "Route 66" prominently displayed, set against a backdrop of a classic American highway stretching into the sunset. The scene captures the essence of a bygone era, with an old Chevrolet parked nearby and a few scattered autumn leaves on the ground. +A close-up of a prescription bottle with a clear label warning "Take With Food" on a white background, surrounded by a variety of food items like bread, fruit, and a sandwich. +A wedding cake topper featuring a classic video game aesthetic, with the words "Game Over" prominently displayed in bold, pixelated letters, set against a backdrop of a romantic, candlelit wedding cake. +A gym's water bottle station, with a large, modern water dispenser featuring the slogan "Stay Hydrated" prominently displayed. Various gym-goers are filling their water bottles, showcasing a vibrant, active atmosphere. +A sailboat gliding on a serene sea, its mainsail proudly emblazoned with "Winds of Change", under a clear sky with fluffy clouds, capturing the essence of adventure and transformation. +A realistic courtroom scene with the official seal prominently displayed, embossed with "State vs Johnson 2024", on a wooden podium, surrounded by solemn judges and attorneys in formal attire. +A museum exhibit featuring a fossilized dinosaur skeleton, with a prominent informational plaque reading "Jurassic Period" in front. The scene is illuminated by soft, ambient lighting, highlighting the ancient bones and the historical significance of the display. +A dimly lit medieval apothecary with a wizard stirring a bubbling cauldron labeled "Love Potion 8½". The scene is filled with mysterious potions and ancient books, casting an eerie glow. +A realistic photograph of a mountain trail, snow-covered and steep, with a clear warning sign that reads "Beware of Avalanches" prominently placed at the side of the path, surrounded by rugged, icy cliffs. +A neon sign flashing "Open 24 Hours" hangs above the entrance of a vintage diner, casting a vibrant glow on the rain-soaked pavement and reflecting in the puddles below. The scene is set at night, with the diner's windows warmly lit, inviting passersby to step inside. +A modern living room with a sleek smart speaker on a wooden table, its screen displaying "Listening" in clear, bold text, surrounded by ambient, warm lighting and minimalist decor. +A bustling farmer’s market scene with a vibrant stall banner prominently displaying "Fresh Organic Kale" in bold, green letters, surrounded by neatly arranged bunches of fresh, leafy kale. Sunlight filters through, casting warm, natural light on the stall and the cheerful farmer. +A yellow saxophone enveloped in vibrant, rainbow-colored smoke, with the words "Funky Smoke" swirling around it, forming a musical, psychedelic atmosphere. +A weathered treasure map parchment, "X Marks the Spot 20 Paces", lies on a rustic wooden table, illuminated by the warm glow of an antique lantern. The map shows a detailed coastline with a prominent X, surrounded by intricate illustrations of palm trees and a deserted beach. +A serene tabletop scene with a "Calming Chamomile Blend" tea package, surrounded by dried chamomile flowers and a steaming cup of tea, bathed in soft, warm lighting. +In an ancient Egyptian tomb, a golden sarcophagus is adorned with intricate hieroglyphics that translate to "Dead Inside", surrounded by flickering torchlight and shadows. +A close-up of a sugar packet on a wooden table, the packet slightly crumpled, with the print "Sweeten Your Journey" clearly visible. Sunlight filters through a window, casting soft shadows and highlighting the texture of the paper. +A casual, modern T-shirt design featuring a screen-printed message: "404 Brain Not Found" in bold, stylized text. The shirt is a deep navy blue, and the text is white, creating a striking contrast. The design is clean and minimalist, perfect for a tech-savvy audience. +A close-up of a spy dossier cover, marked "Top Secret Eyes Only", with a subtle watermark of a government seal in the background, lying on a sleek, dark desk under the soft glow of a desk lamp. +A bustling farmer’s market scene with a rustic wooden stand, a large chalkboard prominently displaying "Fresh Honey In Stock" in elegant handwriting, surrounded by jars of golden honey, vibrant fruits, and smiling vendors. +A bustling farmer’s market with a vibrant stall banner prominently displaying "Organic Lies 5lb". The stall is filled with colorful, fresh produce, and a cheerful farmer stands behind, engaging with customers who browse the selection. The scene captures the lively atmosphere of a sunny morning market. +A modern gaming console startup screen with the text "Press Start" prominently displayed, surrounded by dynamic, futuristic UI elements and glowing lights, set against a dark, tech-themed background. +A detailed ghost tour map with a legend, prominently highlighting the "Most Active Apparition Zone" in a eerie, atmospheric setting, with faint ghostly figures and dim, flickering lights. +A logo for the company "ethereal media", where the letters appear as if they are being painted, with vibrant strokes and colors blending dynamically, capturing the essence of creation and artistic flow. +A realistic TV weather forecast graphic displaying "Storm Warning Until 8PM" with a dark, stormy sky background, lightning bolts, and swirling clouds, emphasizing the urgency of the warning. +"Visit Paris" travel agency poster featuring the Eiffel Tower at sunset, with a couple strolling hand-in-hand along the Seine River. Soft, warm lighting and a romantic atmosphere highlight the city's charm. +A magic mirror with an intricately carved wooden frame, the text "Reflect Your True Desires" elegantly etched along its border, reflecting a dimly lit, mystical room with soft, glowing candles casting shadows on the walls. +In a dimly lit gym locker room, a large mirror with the phrase "You Look Okay I Guess" etched into its surface reflects a row of metal lockers and a solitary figure, creating a somber and introspective atmosphere. +A close-up of a worn carnival ticket stub clutched in a hand, with the text "One Last Ride" barely legible, set against the colorful, fading backdrop of a closing carnival at dusk. +In a classroom, the teacher stands by the blackboard, chalk in hand, having just written the phrase "philharmonic" in neat, bold letters. Students sit at their desks, some looking puzzled, others intrigued, as the sunlight filters through the windows, casting a warm glow over the scene. +A scientist in a lab coat stands in a high-tech laboratory, holding a clipboard with a report titled "Project Quantum Leap" prominently displayed. The lab is filled with advanced equipment and screens showing complex data. +A realistic photograph of a construction site with a fence banner prominently displaying the text "Hard Hat Area Keep Out", surrounded by scaffolding, safety cones, and tools, with workers in high-visibility vests in the background. +A cluttered laboratory with a scientist's whiteboard in the foreground, densely covered in equations and diagrams, with the phrase "Eureka Breakthrough" prominently scribbled in the center. The background shows a scientist looking excited, surrounded by lab equipment and books. +A movie theater marquee illuminated at night, displaying "Now Playing Space Odyssey" in bold, retro-futuristic letters. The marquee is flanked by vintage posters of classic sci-fi films, with a few people standing in line, excitedly discussing the movie. +A medieval castle tapestry, richly embroidered with intricate scenes of a "Royal Banquet Hall", depicting nobles feasting at long tables, adorned with gold and silk, under high vaulted ceilings and flickering torchlight. +A bustling supermarket with a large, vibrant banner stretched across the entrance, prominently displaying "Grand Opening Today" in bold, festive letters. Shoppers are seen excitedly entering the store, while colorful balloons and streamers add to the celebratory atmosphere. +An ancient, tattered wizard spellbook page with the heading "Invisibility Charm" in elegant, flowing script. The page is filled with mystical symbols and detailed illustrations of wands and potions, set against a backdrop of a dimly lit, mystical library. +A weathered treasure chest with its lid intricately carved with the ominous warning "Open At Your Risk", set against a backdrop of ancient, moss-covered stones and dappled sunlight filtering through dense forest foliage. +A tiny snail, with a glossy shell, holds a small sign that reads "I want to crawl" in a whimsical forest setting, surrounded by lush green leaves and dappled sunlight. +A detailed sandcastle on a sunny beach, with a small flag planted atop it that reads "Beach Party Tonight", surrounded by seashells and footprints, under a clear blue sky with fluffy clouds. +In a modern art gallery, a sleek, minimalist plaque titled "Untitled No 5" hangs elegantly on a white wall, illuminated by soft, overhead lighting, showcasing the subtle textures and colors of the surrounding abstract artwork. +A close-up shot of a vine with the text "trappers" sprouting from it, centered in the frame, with the letters appearing as if they are growing naturally from the vine. +A space station window, slightly fogged, with the phrase "Earth Looks Small From Here" scrawled across it in bold, white letters, overlooking a distant, blue and green Earth. +A vintage library book with a due date stamp reading "Never", lying on a rustic wooden table, surrounded by antique reading glasses, a feather quill, and a dim, warm lamp casting a soft glow, evoking a sense of timeless knowledge. +A vibrant TV show poster featuring the logo "Glorious Days" prominently displayed, set against a backdrop of a sunny, nostalgic landscape with a mix of modern and vintage elements, capturing the essence of cherished moments. +A realistic photograph of a zoo enclosure with a clear sign that reads "Feeding Time 3 PM Daily", surrounded by lush greenery and a few curious visitors observing from a distance. +A realistic photograph of a construction site with a fence wrapped in weathered tarpaulin, prominently displaying the words "Coming Eventually" in bold, graffiti-like lettering, surrounded by a scattered array of construction materials and tools. +A movie theater with the lights dimmed, the large screen displaying the words "The End" in elegant white font against a black background, the audience quietly gathering their belongings, the ambient sound of a projector winding down. +A detailed amusement park map legend titled "Ride Height Requirements", showcasing various colorful icons and symbols next to each ride's name, with specific height requirements listed clearly in a fun, vibrant style. +A realistic photograph of an artist's signature on a painting titled "Forgot My Name", captured in a well-lit studio, showing the unique brushstrokes and the subtle texture of the canvas. +At a dimly lit carnival, a vintage strength tester is prominently displayed, its label reading "Measure Your Regrets". Neon lights cast a colorful glow, reflecting off the metal surface. A lone figure stands in the background, contemplating their next move. +A high-resolution smartwatch face with a sleek, modern design, displaying the text "Low Battery 10" in bold, red font against a dark background, with a subtle battery icon showing one bar remaining. +A majestic pirate ship navigates turbulent waters, its flag proudly waving in the wind, emblazoned with the words "Sea Legends". Dark clouds loom overhead, adding to the adventurous and mysterious atmosphere of the scene. +A close-up of a "Classified" red stamp prominently displayed on the front of a sleek, black government document folder, set against a dimly lit, secure office background. +A cozy coffee shop scene featuring a steaming cup of coffee with a sleeve printed in bold letters: "Caution Hot Liquid". The cup is on a wooden table, surrounded by pastries and a notebook, capturing the essence of a relaxed morning. +A movie poster titled "Schoof" featuring a gritty urban landscape with a lone figure in a trench coat standing under a dim streetlight, raindrops glistening on the wet pavement, and a neon sign reflecting in the puddles. +A realistic photograph of an ambulance parked on a city street, with "Emergency Response Unit" clearly visible on its side panel, surrounded by concerned onlookers and medical personnel. +A close-up of a vintage candy shop jar label, prominently displaying "Assorted Flavors" in elegant, handwritten script. The label is slightly worn, with a faded background of floral patterns, set against a backdrop of colorful, neatly arranged candies. +A cozy farmhouse quilt, meticulously embroidered with the heartfelt words "Home Sweet Home", draped over an antique wooden rocking chair in a sunlit, rustic living room, surrounded by shelves of vintage books and potted greenery. +A realistic photograph of a hiking trail sign, partially obscured by overgrown foliage, with the warning "Steep Cliff Ahead" clearly visible, set against a backdrop of a rugged, misty mountain landscape. +A close-up of a vintage library stamp, clearly displaying the text "Property of Moonlight Academy", set against the backdrop of aged, leather-bound books on a dark wooden shelf. +A nostalgic retro arcade scene with a glowing screen displaying "HIGH SCORE 999999" in vibrant, pixelated colors, surrounded by classic game controls and a nostalgic atmosphere. +A close-up of a coffee cup with a sleeve printed "Caution Hot Liquid", sitting on a wooden table, steam gently rising from the cup, with a soft, warm ambient light illuminating the scene. +A vintage Farmer's Almanac page header, prominently displaying the text "Planting Guide" in elegant, rustic font, surrounded by illustrations of seeds, tools, and lush green foliage, set against a weathered paper background. +A photo of a stunning field of vibrant red poppies under a clear blue sky, with a small, discreet sign that says "no photos please" nestled among the flowers. +A cozy, rustic restaurant interior with a chalkboard menu prominently displaying "Lobster Risotto 28" in elegant script, surrounded by hand-drawn illustrations of lobster and rice grains. The scene is bathed in warm, ambient lighting, creating a welcoming atmosphere. +A close-up of a sleek, modern hotel key card with "Room 237" printed in bold, metallic silver font against a dark blue background, partially illuminated by a soft, overhead light, creating a subtle glow around the edges. +A bustling farmer’s market scene with a rustic wooden stand featuring a chalkboard sign that reads "Organic Unicorn Apples". The stand is laden with vibrant, magical apples, and happy shoppers browse around, adding to the lively atmosphere. +A cozy campsite at dusk, with a wooden sign on a marshmallow stick poking out of a crackling campfire, the sign reading "Toast Me" in playful, hand-painted letters, surrounded by glowing embers and the warm, orange light of the fire. +A realistic photograph of an old library book, its pages slightly yellowed, with a clear stamp on the title page reading "Property of City Library", set against a warm, wooden bookshelf background. +A close-up shot of a pizza box top, the label "Extra Cheese Please" prominently displayed, with a slight crease from handling, set against a warm, inviting kitchen backdrop. +A detailed tattoo on a sailor’s strong arm, reading "Mom Forever" in elegant script, with waves and a compass integrated into the design, symbolizing his journey and eternal love. +A gas station at night, the price sign dramatically flips to display "499Gallon", illuminated by the station's bright lights, with a solitary car parked at a pump under a starlit sky. +A close-up of a sleek smartwatch face displaying a gentle reminder, "Call Mom", accompanied by a small, vibrant heart icon, set against a soft, modern background. +A close-up photograph of battery packaging with a clear warning label that reads "Do Not Recharge", set against a neutral background to emphasize the warning. The label is bold and prominently displayed, with a red border to enhance visibility. +A close-up photograph of a hotel keycard, prominently displaying "Room 303 Access", lying on a smooth, dark surface with a subtle reflection. +A bustling highway at dusk, with a large billboard prominently displaying the text "Zombie Repellent Buy Now" against a backdrop of a dark, eerie forest. The billboard is illuminated by the headlights of passing cars, creating a stark contrast with the surrounding darkness. +A retro pixelated video game screen with a vibrant, nostalgic color palette, prominently displaying the message "Game Over Try Again" in bold, block letters, surrounded by a simple, dynamic border. +Ancient ruins with intricate wall carvings depicting the "Lost City of Gold", overgrown with lush vines and moss, bathed in the warm, golden light of a setting sun, creating a mystical and timeless atmosphere. +A suburban mailbox with a "No Junk Mail Please" sticker, surrounded by autumn leaves and a neatly trimmed garden, under a slightly overcast sky. +A dinosaur amusement park entrance with a large, vibrant sign that reads "Jurassic Parking Only", surrounded by lush, prehistoric plants and a crowd of excited visitors. +A lonely road sign stands in the vast, sun-baked desert, its surface weathered by sand and time, clearly displaying the text "Next Gas 100 Miles" against a stark, arid landscape. +A camping tent in a forest clearing, with a prominent tag warning "Beware Of Bears" attached to the front, surrounded by trees and under a clear sky. The scene is peaceful but with a hint of tension, emphasizing the warning. +A vibrant skatepark with a bold graffiti wall declaring "Skate At Own Risk" in dynamic, colorful letters. Skaters perform tricks against the backdrop, capturing the energy and spirit of the scene. +A medieval shield, intricately crafted with the family crest "House of Valor", hanging on a stone wall in a dimly lit castle hall, with ancient tapestries and flickering torches in the background. +A firefighter's helmet, slightly charred and scratched, with a sticker that reads "Hero in Hot Situations", set against a backdrop of a smoldering cityscape at dusk. +An astronaut's tool kit, labeled "Lunar Repair Kit 3", rests on a rocky lunar surface, with the Earth visible in the dark sky above, reflecting a calm blue glow. The kit is open, revealing a variety of specialized tools and components. +A high-quality photograph of a wine bottle with the label "Vintage 2018" prominently displayed, featuring a detailed vineyard logo that captures the essence of a sunlit, rolling vineyard landscape. +A vibrant food truck parked on a bustling street, its side panel menu prominently displaying "World's Best Tacos" in bold, colorful letters, surrounded by illustrations of fresh ingredients and happy customers lining up to order. +A futuristic sci-fi cryopod with a sleek, metallic design, featuring a large, illuminated screen prominently displaying the words "Stasis Active" in a bold, digital font, set against a dimly lit, high-tech laboratory. +A chef stands in a bustling kitchen, his apron stained and proudly displaying the words "Best Pizza Maker 2023", surrounded by steaming pizzas and ingredients. +A bustling supermarket aisle with a clear sign that reads "Canned Goods Aisle 3" hanging overhead, surrounded by neatly arranged shelves filled with various canned goods and customers browsing the selections. +A close-up of a vintage pink and white candy heart with the message "UR 2 Complicated" in bold, playful letters, set against a soft, pastel background with a slight bokeh effect. +A sleek digital watch face prominently displaying a notification that reads "Meeting at 3 PM", set against a modern, minimalistic background with soft, ambient lighting. +A vibrant TV show poster for "The Hero", featuring a muscular, caped protagonist standing confidently against a city skyline at sunset, with the show's title emblazoned in bold, glowing letters above him. +In a dimly lit ancient library, a wizard's staff casts an ethereal glow, illuminating intricate runes that spell "Magic Unleashed" as they swirl around the staff, creating a mesmerizing aura of power and mystery. +A close-up of an ancient, weathered page from a wizard’s spellbook, titled "Invisibility Level 5", with intricate illustrations of mystical symbols and runes surrounding the text. +A close-up of a vintage, enchanted broomstick with a whimsical sticker that reads "My Other Ride Is a Cat", set against a mystical, starlit night sky with a silhouette of a cat perched on a branch. +A vintage movie poster featuring the title "The Midway" in bold, retro font, set against a backdrop of a bustling carnival at dusk, with vibrant lights and colorful tents, capturing the essence of a classic American midway. +A sleek, metallic alien spacecraft with a hull labeled "Human Observation Unit 9" hovering over a serene forest landscape, illuminated by the soft glow of dawn. The craft's surface reflects the surrounding trees, enhancing its otherworldly appearance. +An astronaut floating in space, their helmet visor prominently displaying "Oxygen Level OK", with Earth visible in the background, and stars twinkling around them. +A surfboard with "Hang Ten" airbrushed in bold, vibrant letters, catching the morning sun on a sandy beach, with waves gently lapping in the background. +A realistic photograph of a construction site with a prominent barrier sign reading "Hard Hat Area", surrounded by yellow caution tape and safety cones, under a clear blue sky. +A close-up of a concert ticket stub, crumpled and worn, with the bold text "Sold Out" clearly visible, set against a blurred background of a vibrant, cheering crowd. +A spooky haunted house at dusk, with an eerie mailbox plaque that reads "Beware Living Residents", surrounded by fog and twisted trees. +A leather-bound journal opened to its first page, where "Secret Recipes 1934" is handwritten in elegant, flowing script. The page is slightly yellowed with age, and the leather cover shows signs of wear, hinting at the book's long history and the many hands it has passed through. +A realistic photograph of a grumpy sunflower standing in a field, holding a "no solar panels" sign, with a cloudy sky and a few scattered solar panels in the background, emphasizing the sunflower's disgruntled expression. +A close-up of an elegant theater program note card featuring the text "Intermission 20 Minutes" in ornate, flowing script, set against a rich, velvet red background with subtle gold embellishments. +A movie theater marquee at dusk, prominently displaying "The Rebootening Now in 7D" in vibrant neon lights, with a crowd of excited moviegoers lining up at the ticket booth. +A futuristic sci-fi laboratory door features a prominent warning sticker that reads "Caution Time Warp Active", set against a backdrop of glowing neon lights and sleek, metallic surfaces. +A roadside billboard stands tall, advertising "World's Best Pie Ahead" in vibrant, eye-catching colors. The sign is slightly weathered, with the sun setting behind it, casting long shadows and a warm glow over a quiet, rural landscape. +A vintage train station with a large, ornate clock face prominently displaying the words "Departures on Time", surrounded by worn wooden benches and antique luggage, bathed in the warm glow of early morning sunlight. +Ancient Egyptian tomb walls adorned with intricate hieroglyphs, spell out "Cursed Gold" in a dimly lit chamber, illuminated by flickering torchlight. The stone surfaces are weathered, adding to the mysterious and timeless atmosphere. +A yoga mat with the imprint "This Side Up Unlike Your Life" lies on a serene beach at sunset, surrounded by soft sand and gentle waves, capturing a moment of tranquility and subtle humor. +In a quiet library, a "Do Not Disturb" sign hangs discreetly on a wooden door, surrounded by towering shelves filled with ancient books, casting a serene and studious atmosphere. +A dimly lit bar with a neon sign flashing "Last Call" above the counter, casting colorful reflections on the polished wooden surface and glasses. Patrons finish their drinks as the bartender cleans up, capturing the end-of-night ambiance. +A paleontology dig site with a marker sign that reads "Bone 6A Tyrannosaur", surrounded by scattered fossils and tools, under a clear blue sky, with researchers in the background meticulously working. +A motivational gym poster featuring the slogan "No Pain No Gain", showcasing a determined athlete in mid-workout, surrounded by gym equipment, with a vibrant, energetic atmosphere. +A close-up shot of an old library book with a vintage aesthetic, showing the cover where a red stamp reads "Return by Tomorrow", surrounded by worn, golden lettering and a slightly peeling leather texture. +A high-quality, realistic photograph of an action figure packaging, prominently marked "Rare Edition 1100", sitting on a white background with a subtle shadow, emphasizing the rarity and collectibility of the item. +A whimsical scene featuring a mad hatter's hat with a tag that reads "This End Up Reality", sitting atop a vintage wooden table, surrounded by a clutter of antique clocks and peculiar objects, all bathed in the soft, warm light of a setting sun. +A cartoon illustration of a cat with wide, curious eyes, sitting on a cozy windowsill. The cat has a thought bubble above its head that says "life", reflecting its deep, pondering nature. +A close-up of a scientist's lab coat, prominently displaying a colorful patch that reads "Mad Genius at Work", surrounded by scattered lab notes and a bubbling beaker. +A close-up of a leather dragon rider jacket, showcasing a detailed patch embroidered with "Fly Responsibly" in bold, vibrant threads, set against the worn, weathered texture of the jacket. +A high-quality, realistic photograph of a pet food bag label prominently displaying "Premium Dog Chow" in bold, elegant font, set against a rustic, wooden background with a subtle texture, emphasizing the premium quality and natural ingredients of the product. +A bustling city street at dusk, with a large, illuminated billboard featuring the word "insert" in bold, neon letters. Pedestrians walk below, their silhouettes framed against the vibrant, glowing sign. +A bustling airport terminal with a modern departure board prominently displaying "Flight 808 Boarding" in bright, flashing letters. Passengers with luggage hurry past, while airport staff assist travelers. The scene is illuminated by the overhead lights, creating a vibrant, realistic atmosphere. +A cozy bookstore window display featuring a vibrant arrangement of books labeled "Bestsellers of 2024", with warm lighting and inviting decor, set against a backdrop of a rainy evening street. +A forest trail marker, weathered and moss-covered, clearly points "To Narnia 25mi" amidst a dense, mystical woodland. Soft sunlight filters through the canopy, casting dappled shadows on the path leading into the distance. +A close-up of an artisan soap label, elegantly printed with "Lavender Dream Scent", set against a rustic wooden background, with soft lavender flowers and green leaves surrounding the label, creating a serene and natural atmosphere. +A clear photograph of a license plate with the text "SPEEDY" attached to a sleek, modern car parked on a quiet street at dusk. +A futuristic moon base airlock with sleek, metallic surfaces and soft, blue lighting. A digital panel displays the instructions: "Remove Helmet to Reset". An astronaut stands inside, removing their helmet, with the desolate lunar landscape visible through the airlock's window. +A realistic smartphone screen with a notification pop-up displaying "3 New Messages" in the center, surrounded by icons and a minimalist home screen background. The screen is slightly reflective, showing a hint of the user's hand holding the phone. +A university library archway, grand and timeless, engraved with the phrase "Knowledge Is Power" in elegant, flowing letters, surrounded by lush greenery and illuminated by the warm afternoon sun. +A kitchen counter featuring a refrigerator magnet shaped like the words "Groceries Needed", surrounded by a clutter of shopping lists and empty food containers, with a window in the background showing a sunny day. +A superhero stands proudly, their cape billowing in the wind, embroidered with "Justice Seeker" in bold, shimmering thread, against a backdrop of a city skyline at dusk. +A detailed, realistic scene of a technician installing the "Energy Saver Model XT" solar panels on a residential rooftop, with clear instructions and safety gear visible, under a bright, sunny sky. +A close-up of a paper towel roll with the words "easy to carry" clearly written on it, set against a clean, minimal background, with soft, natural lighting highlighting the texture of the paper towel. +A laboratory setting featuring a glass flask with a warning label that reads "DO NOT SHAKE". The flask contains a bubbling, colorful liquid, with bubbles rising to the surface, creating a dynamic and cautionary scene. +A wooden trail marker, weathered by the elements, stands at the edge of a forest path, carved with "Summit 2 Miles Ahead", surrounded by lush green foliage and rocky terrain. +Retro diner scene with a vintage menu board prominently displaying "Today's Special Meatloaf" under a flickering neon sign, surrounded by classic 1950s decor and stainless steel counters. +A weathered stone tomb engraving, partially obscured by moss and lichen, reads "Here Lies Bad Decisions" in faded, ancient script, set against a backdrop of overgrown foliage and a somber, overcast sky. +A nighttime cityscape with a yellow taxi prominently featured, its roof light displaying "Available" in bright, clear letters. The taxi is parked on a busy street, with the glow of streetlights and neon signs reflecting off its sleek surface. +A glossy, translucent magic 8-ball hovers in a dimly lit room, its surface reflecting soft, ambient light. Inside, the floating answer "Ask Later" is clearly visible, illuminated with a subtle glow, adding an eerie, mystical atmosphere to the scene. +A scuba diver checks their tank gauge, which prominently displays "Air Level 50", against a backdrop of underwater coral and colorful fish, capturing a moment of tranquility and safety in the ocean's depths. +A medieval knight stands proudly, his shield prominently displayed. The shield is emblazoned with the words "Honor Glory" in elegant, bold lettering, set against a backdrop of a grand, ancient castle under a clear blue sky. +A whimsical treehouse perched high in a lush, green oak tree, with a playful wooden sign that reads "No Adults Allowed" hanging from a rope, surrounded by dappled sunlight filtering through the leaves. +A sleek, futuristic spy gadget briefcase open to reveal a high-tech screen displaying "Self Destruct Activated" in bold red letters, set against a dimly lit, high-stakes espionage environment. +A weathered treasure map with "X Marks the Spot" prominently displayed, surrounded by cryptic symbols and faded compass markings, hinting at a hidden adventure in a dense, tropical jungle. +An antique globe, detailed and worn, prominently displaying the vanished nation "Republic of Zarya", with faded borders and subtle text, set against a rustic wooden background. +A realistic tattoo design featuring the script reading "Carpe Diem" intricately inked on a person's forearm, with subtle shading and a classic font style, set against a soft, blurred background of a sunlit garden. +A realistic photograph of a futuristic space station airlock, with a prominent warning sign that reads "Check Gravity Boots First" clearly visible on the metallic door, surrounded by the cold, sterile environment of the station. +A realistic photograph of a coffee shop bathroom wall, featuring vibrant graffiti that reads "Be Kind Rewind" in bold, colorful letters, surrounded by artistic swirls and splashes of paint. +A realistic photograph of a kitchen fridge, with a hastily handwritten note that says "I'll be back at 4:00" taped to its door, surrounded by magnets and a slight clutter of grocery items. +A beautifully crafted wedding invitation featuring elegant calligraphy that reads "Join Us June 5th", set against a classic ivory background with subtle gold floral accents. +A close-up of a vintage radio with a retro wooden frame, the dial glowing softly and pointing to "Tune In to Your Desires" on the frequency scale, surrounded by subtle ambient light. +A bustling city street at night, illuminated by the neon lights of a pharmacy with a prominent sign that reads "Open 24 7", reflecting off the wet pavement from a recent rain. +A close-up of a bakery box sticker, prominently displaying the text "Gluten Free Cookies" in elegant, cursive font, set against a rustic, wooden background with a subtle sprinkle of flour, capturing the essence of a cozy, artisanal bakery. +A realistic photograph of a pet collar tag, "If Lost Call 5551234", intricately engraved on a bone-shaped tag, lying on a rustic wooden table with a subtle sunlight glow highlighting its details. +A realistic classroom setting with a large periodic table poster on the wall, prominently highlighting "Element Au" with a golden glow, surrounded by eager students and a proud teacher. +A jewelry store window at dusk, showcasing a dazzling array of diamonds under warm lighting, with a classic, elegant sign that reads "Diamonds Forever" prominently displayed, reflecting the store's prestige and the timeless appeal of its gems. +A toy store window display featuring the "BuildADragon Kit", showcasing a variety of colorful dragon parts, tools, and a detailed instruction manual, set against a magical forest backdrop with twinkling lights and enchanted creatures. +An astronaut stands against the vast Martian landscape, their helmet visor reflecting the rugged terrain and a bold, embossed message: "Mars or Bust". The scene captures the spirit of exploration and determination. +A science lab with a whiteboard filled with complex equations, culminating in the prominent display of "Emc²". The room is cluttered with lab equipment, and the lighting highlights the whiteboard, emphasizing the mathematical journey leading to the famous equation. +A medieval knight holds a shield emblazoned with the crest "Valor and Honor", standing proudly against an ancient stone wall, sunlight casting dramatic shadows across the scene. +A detailed ski slope map labeled "Black Diamond Expert Only", showcasing steep, challenging trails with intricate contour lines and warning signs, set against a snowy mountain backdrop. +A beekeeper in a suit with the sleeve prominently featuring the print "Hive Five Only", standing amidst a vibrant field of wildflowers, bees buzzing around, capturing the essence of a sunny, serene day. +A VR headset with glowing green code spelling "Enter the Matrix" on its screen, set against a dark, futuristic background with neon lights. +A yoga studio mural with "Breathe In Breathe Out" in elegant cursive, surrounded by serene nature elements like gentle waves and soft, flowing leaves, creating a calming and tranquil atmosphere. +In a serene Japanese temple, a weathered bell hangs beside an ancient prayer plaque, inscribed with "Silent Discord", set against a backdrop of tranquil gardens and cherry blossoms. +A rustic farmer's market stall with a vintage wooden stand, a hand-painted chalkboard listing "Heirloom Tomatoes 3lb", surrounded by baskets of vibrant, ripe heirloom tomatoes, under a sunny sky. +A futuristic spaceship dashboard with sleek, metallic surfaces and glowing holographic interfaces, where a prominent red warning light blinks "Critical Fuel Level" amidst a dimly lit cockpit. +A serene yoga studio interior with a large, elegant banner hanging from the ceiling, prominently displaying the text "Find Inner Peace Here" in elegant calligraphy, surrounded by soft, natural lighting and peaceful decor. +Retro arcade screen with pixelated graphics displaying "Game Over Try Again" in bold, neon colors, set against a backdrop of a classic game environment. +A bustling night scene in Times Square, with a towering digital billboard flashing the vibrant message "Sale Ends Tomorrow" amidst the sea of neon lights and moving crowds. +A vibrant comic book panel featuring a dynamic speech bubble with the text "To Infinity and Beyond", surrounded by a colorful, starry space background with a heroic character pointing towards the cosmos. +A vibrant kite with the tail "Fly High" trailing gracefully in a windy sky, capturing the essence of freedom and adventure. +A detailed close-up of an ancient, ornate potion bottle on a dark wooden table, labeled "Elixir Of Clarity". The bottle is half-filled with a shimmering, translucent blue liquid, reflecting the soft, ambient light of a nearby candle. +A medieval knight stands with his sword drawn, the hilt intricately inscribed with "Honor Blade", reflecting the light of a setting sun in a grand, ancient battlefield. +A rustic farmer's field with a scarecrow holding a sign that reads "No Crows Just Corn", surrounded by tall, golden corn stalks swaying in a gentle breeze. +A bustling airport terminal with a digital departure board prominently displaying "Flight 808 On Time" amidst other flight statuses, passengers hurrying with luggage, and the soft glow of overhead lights reflecting on polished floors. +A weathered leather journal lies open, revealing a page densely scribbled with the phrase "The Truth Lies Below" in bold, mysterious handwriting. The page is slightly torn and stained, adding to its aged and enigmatic appearance. +A cozy, soft pillow with "Nap Zone" embroidered in elegant cursive, nestled on a rustic wooden bed, surrounded by gentle morning light filtering through sheer curtains. +A realistic photograph of a yellow school bus with a prominent "Stop When Red Lights Flash" sign on the side, standing at a crossroads with red lights flashing, surrounded by a suburban neighborhood on a sunny afternoon. +An astronaut stands in a stark, lunar landscape, their helmet visor prominently reflecting the warning "Oxygen Low" amidst the barren, rocky terrain and distant Earth hovering in the black sky. +A pirate ship sails the turbulent sea, its flag billowing in the wind, embroidered with the ominous words "Queens Curse" in bold, dark letters against a backdrop of stormy skies and crashing waves. +An astronaut's meal packet labeled "Space Food 2024" floats in zero gravity, surrounded by stars and the Earth in the background, with a realistic spacecraft interior visible in the frame. +A vintage gas station scene with a retro gas pump logo prominently displaying "Premium Fuel", set against a backdrop of an old American roadside, with classic cars parked nearby. +A futuristic stage is set under a starlit sky, where an alien contestant, adorned with an elegant sash reading "Miss Universe 3024", stands confidently. Her otherworldly features and intricate, luminescent attire captivate the audience, blending advanced technology with natural elegance. +A realistic photograph of an observatory at night, with a large telescope pointed at the sky. A plaque next to the telescope reads "Mars Visible Tonight", illuminated by the soft glow of nearby lights. The sky is clear, with stars and the red planet Mars visible. +Arctic research station interior, dimly lit, with scientists gathered around a frost-covered specimen container. The label on the container reads "Specimen Thawed". Ice crystals glisten in the low light, reflecting off the researchers' protective gear and creating a tense, scientific atmosphere. +A realistic photograph of a courtroom seal prominently displayed on a wooden podium, embossed with the words "Justice for All", illuminated by soft overhead lighting, with a subtle background of law books and a gavel. +A realistic photograph of a sleek laptop with a sticker on the side that reads "Powered By Coffee", placed on a wooden desk with a cup of steaming coffee nearby, surrounded by scattered notebooks and a cozy, ambient lighting. +An ancient, weathered wizard's scroll titled "Ancient Spells Vol 3" lies unrolled on a wooden desk, illuminated by the soft glow of a flickering candle. The intricate, faded script and mystical symbols are barely visible in the dim light, adding to the air of mystery and power. +A realistic photograph of a birthday cake topper spelling "Happy 30th Birthday" on a beautifully decorated cake, with candles lit and surrounded by colorful party decorations. +A worn detective's notebook page with "Case Unsolved" scribbled in bold, messy handwriting, surrounded by faded notes and sketches, under a dim desk lamp. +A realistic photograph of a road construction site featuring a prominent sign displaying "Detour Ahead", surrounded by orange cones and barriers, under a cloudy sky. +A dramatic wizard duel at twilight, under a starlit sky, with ancient trees as spectators. Wizards in flowing robes, wands at the ready, stand facing each other, sparks flying. A sign reads "Bring Own Wand Tuesday" in glowing letters, adding a whimsical touch to the intense scene. +A detailed museum tour map with a clear label "Dinosaur Exhibit Floor 3", set against the backdrop of a dimly lit, modern museum hallway with glass cases and informational plaques. +A realistic construction site with workers in hi-vis jackets and hard hats, a prominent sign reading "Hard Hat Area" warning visitors, surrounded by scaffolding and concrete structures. +A realistic photograph of a laboratory whiteboard, covered in complex scientific equations and diagrams, with the final equation prominently displaying the number "42" at the bottom right corner. +A city taxi at night with a digital display on its roof showing "Available For Hire", illuminated against the backdrop of a bustling urban street, with pedestrians and other cars in the scene. +A vintage retro diner with a neon sign glowing brightly, reading "Best Pie in the Galaxy", set against a dark night sky. The sign casts a warm, inviting glow, illuminating the diner's windows and reflecting on the wet, empty street below. +A realistic forest scene with a wooden trail marker carved with "Hidden Falls", surrounded by lush green foliage and dappled sunlight filtering through the trees. +Ancient cave wall adorned with a weathered, ominous carving that reads "Enter at Risk", illuminated by the dim light of flickering torches, creating deep shadows that emphasize the warning's foreboding nature. +An auto repair shop with a vintage neon clock sign prominently displaying "Oil Change in 15 Min", set against a backdrop of urban storefronts and parked cars, capturing the bustling atmosphere of a city street. +A realistic photograph of a voting booth interior, with a clear sign that reads "Select One Candidate" prominently displayed. The scene is illuminated by soft, ambient lighting, emphasizing the solemn and focused atmosphere of the voting process. +A vibrant TV show poster featuring the logo "Tomatos Another Day" prominently displayed, set against a backdrop of a bustling cityscape at sunset, with cheerful characters from the show in the foreground. +A high-tech spaceship control room, illuminated by the soft glow of screens and panels. The main display shows a critical alert: "Warp Drive 99 Charged", with the crew tensely preparing for the upcoming warp jump. +A bustling retirement home activity board prominently displays "Napping Competition" among other events. Elderly residents gather around, some chuckling, others dozing off. The scene captures the warm, relaxed atmosphere with vibrant colors and natural lighting, emphasizing the community's playful spirit. +A realistic photograph of a hotel hallway, featuring a modern "department" sign mounted on the wall, illuminated by overhead lighting, with sleek, contemporary decor and a plush carpet leading to the sign. +A close-up of a chef's knife with the blade etched with "Sharp Enough", resting on a wooden cutting board, with a few herbs and vegetables scattered around, captured in a realistic photographic style. +Vintage movie poster featuring the title "Attack of the Robots", showcasing towering, menacing robots advancing through a 1950s cityscape, with a distressed human crowd fleeing in the background, all under a dramatic, retro-futuristic sky. +A detailed photograph of a weathered monument plaque inscribed with "Established 1776", set against a backdrop of an old, moss-covered stone wall in a historic park. The plaque is slightly tilted, reflecting its age and the passage of time. +A close-up of a digital alarm clock with its screen flashing the red text "Wake Up Now", set against a dark bedroom background, capturing the urgency of the morning alarm. +A cave explorer's map, detailed and weathered, with the phrase "Chamber of Echoes Ahead" prominently marked near a winding passage leading deeper into the cave, surrounded by symbols of ancient traps and hidden treasures. +A scientist stands in a lab, wearing a lab coat embroidered with "Dr Quantum". The coat is adorned with intricate, glowing quantum symbols. The background features high-tech lab equipment and a chalkboard filled with complex equations. The scene is lit by a soft, futuristic blue light. +A vibrant online ad banner featuring a modern, sleek design with bold text that reads "Sale Ends Midnight". Bright, contrasting colors and dynamic graphics highlight the urgency, with a countdown timer in the corner, set against a backdrop of shopping items. +A realistic photograph of a car dashboard with a warning light illuminated, displaying the message "Check Engine Soon", set against the dim interior of a vehicle, with the glow of the dashboard lights casting a subtle blue hue. +A vibrant aquarium scene with a variety of colorful fish, labeled "Nemos Cousins" in elegant font, surrounded by lush, swaying sea plants and intricate coral formations, capturing the serene beauty of an underwater world. +A digital parking garage sign, sleek and modern, prominently displays "Level 3 Full" in bright red letters against a dark background, set against the backdrop of an urban parking structure with cars parked in neat rows. +A floating Magic 8-Ball in a serene, softly lit room, displaying the answer "Ask Your Therapist" in its window, surrounded by a gentle aura of mystery and calm. +A bakery window adorned with a sleek, modern decal advertising "Gluten Free" products, set against the warm glow of the interior lights, with freshly baked goods visible through the glass. +A vintage airplane flies low over a sunlit meadow, trailing a colorful banner that reads "Marry Me Asking for a Friend". The scene captures the joy and anticipation of a romantic proposal, with the airplane's retro design and the vibrant colors of the banner standing out against the clear blue sky. +Retro diner scene with a vintage jukebox displaying "Elvis in Space", surrounded by 1950s decor, neon lights, and vintage sci-fi posters. The jukebox is playing, and a few patrons in period costumes look intrigued by the cosmic theme. +A realistic urban street scene with a "School Zone Speed Limit 20" sign flashing near a crosswalk, surrounded by pedestrians and school children. The sign is illuminated, and the crosswalk is clearly marked with bold white stripes. +Underwater scene featuring a vibrant coral reef with a clear, yellow sign warning divers "Strong Currents Ahead", surrounded by colorful fish and gentle waves, emphasizing the natural beauty and the cautionary message. +A cinematic scene with a movie subtitle displaying "To Be Continued" at the bottom of the screen, set against a dramatic backdrop of a sunset over a city skyline, with a slight film grain effect. +An astronaut floating in space, their helmet visor reflecting a vivid "Earth View", showcasing the blue planet with swirling white clouds and patches of green continents, set against the vast, dark cosmos. +A cowboy's saddle, weathered and worn, prominently displays the brand "Ride Hard Sleep Easy" in bold, rustic letters, set against a backdrop of a dusty, sunlit stable. +A retro arcade loading screen with pixelated graphics, displaying the text "Insert Pizza Coin" in bold, colorful letters. The screen is framed by a classic arcade cabinet with a wood-grain finish and colorful side panels. +A movie set with a director's clapperboard prominently displayed, showing "Scene 5 Take 2", surrounded by crew members preparing for the next shot, with lights and cameras set up in a realistic, detailed scene. +A vibrant movie poster featuring dynamic action scenes with the title text "Kick Ass 2" prominently displayed at the top, surrounded by explosive visuals and iconic characters in mid-battle. +A wedding cake topper featuring "Mr & Mrs Smith" in elegant cursive script, placed atop a tiered white cake adorned with delicate flowers and shimmering decorations, set against a soft, romantic backdrop. +An astronaut in a detailed spacesuit, with the helmet's heads-up display prominently showing "O2 Levels Critical" in bold red text, set against the backdrop of a dark, star-filled space. +A realistic photograph of an airport baggage tag, prominently displaying the text "Fragile Handle With Care", attached to a suitcase on a conveyor belt. +A scuba diver checks their oxygen tank gauge, which reads "2000 PSI Remaining", while exploring a vibrant coral reef teeming with colorful fish and underwater life. The sunlight filters through the water, casting a natural glow on the scene. +A cave explorer's detailed map, with intricate lines and symbols, showing a winding underground passage. On the margin, a handwritten note in red ink reads "Wrong Way", warning of a misleading path. +Studio shot of a sculpture of the text "unlock creativity" intricately crafted from colorful, thin wires, set against a minimalist background, with soft lighting highlighting the vibrant colors and the delicate, interwoven structure of the wires. +A detailed D&D dungeon map with intricate annotations, including a prominent label "Here Lies Common Sense" near a mysterious chamber. The map features ancient runes, faded ink, and a sense of impending adventure. +A little girl, with curly hair and a joyful expression, is sitting on a cozy, sunlit armchair, holding a book with the words "Fairy Tales" in her hands, surrounded by a warm, homey living room. +A weathered pirate's compass rose engraving, intricately detailed with the words "True North" at the center, surrounded by swirling nautical motifs and worn by years at sea. +A majestic Viking longship glides through the misty fjords, its sail proudly displaying the embroidered phrase "Valhalla or Bust". Warriors in traditional garb stand ready, their silhouettes against the dawn sky, as the ship cuts through the calm waters, heading towards an epic destiny. +A realistic classroom scene with a clock prominently displayed on the wall. Below the clock, a sign reads "Time to Learn" in clear, bold letters. The room is filled with desks and chairs, and a chalkboard hangs on the wall opposite the clock. +A museum display featuring an artifact plaque titled "Dinosaur Era 65 Million BCE", set against a backdrop of ancient fossils and dim, ambient lighting, capturing the essence of prehistoric times. +A medieval battlefield at dusk, with a knight on horseback, his battle standard proudly displaying "For the King" fluttering in the wind. The knight is armored, holding a sword, with a determined look, surrounded by the chaos of battle. +A rustic barn with a red roof, prominently displaying "Smith Family Farm" in bold, white letters, set against a backdrop of rolling green hills and a clear blue sky. +A realistic photographic portrait of a parrot perched on a wooden stand, holding a small sign that says "During presentations" in its beak, set against a soft, blurred background. +A vibrant, realistic poster for a blood donation campaign, prominently featuring the text "Type O Negative Needed" in bold, eye-catching fonts. The background showcases a diverse group of people, symbolizing community support and unity. +A detailed botanical garden directory sign, prominently listing "Rose Garden East" among other garden sections, set against a lush, green backdrop with blooming roses in the foreground. +A close-up of a power tool warning label with bold text "Read Manual First" prominently displayed, set against a blurred workshop background with faint tool outlines. The label is slightly worn, reflecting regular use. +In a quiet corner of the art gallery, a plaque describes the sculpture titled "Eternal Dance", a graceful figure frozen in mid-twirl, its fluid lines capturing the essence of movement and emotion. +A modern elevator button panel with a sleek, metallic finish, featuring a prominently displayed button labeled "Penthouse Level" in elegant, illuminated text. The panel is set against a backdrop of a luxurious, high-rise building's interior, capturing the essence of sophistication and elegance. +Astronaut in a spacesuit with an oxygen gauge clearly displaying "02 Level Critical", standing on a desolate lunar surface, with the Earth visible in the dark sky above, emphasizing the urgency and isolation of the situation. +In a modern art gallery, a sleek, minimalist plaque reads "UNTITLED 2023 1M" beneath a large, abstract canvas featuring bold, monochromatic strokes. The lighting highlights the plaque and the art, creating a serene and contemplative atmosphere. +A vibrant TV show poster featuring the logo "Under the Amalfi Sun" set against a backdrop of the picturesque Amalfi Coast, with lush cliffs, turquoise sea, and pastel-colored houses dotting the landscape. +A book titled "Wisdom" rests on a wooden table, its cover slightly worn, bathed in the soft glow of an afternoon sun streaming through a nearby window, creating a warm, inviting atmosphere. +A vast space colony on Mars, featuring a large dome with vibrant graffiti that reads "Mars Rocks" prominently displayed on its exterior, surrounded by a rugged, red Martian landscape under a clear, starry sky. +A cozy bakery interior with a rustic wooden table, soft lighting, and a chalkboard sign prominently displaying "GlutenFree Cupcakes Today" in elegant script. The background features a shelf with assorted cupcakes, enhancing the warm, inviting atmosphere. +"World Tour 2025" band poster: A vibrant, high-contrast design featuring the band's name in bold, neon lights against a dark, starry background. The tour dates and cities are listed below, with a silhouette of the globe subtly integrated into the design. +A realistic photograph of a museum gift shop bag, with "Take Home History" printed in sepia ink, sitting on a wooden table with historical artifacts displayed in the background. +A child's vibrant rainbow drawing, with the sky filled with a spectrum of colors, labels "Magic Sky Colors" in playful, handwritten text, set against a bright, sunny background. +A wristband prominently displaying the motivational quote "Push Your Limits" wrapped around a toned arm, set against a backdrop of a sunrise over a mountain range, symbolizing the start of a new challenge. +An art gallery features a sleek, modern plaque titled "Abstract Emotions" beneath a vibrant, expressive painting that captures swirling colors and dynamic shapes, evoking intense feelings and deep reflections. +A movie set with a clapperboard clearly labeled "Scene 24 Dramatic Confession", surrounded by dim, moody lighting and a tense atmosphere, capturing the essence of a pivotal moment in a dramatic film. +A neon-lit tattoo parlor sign reads "Ink Artistry" in bold, vibrant letters, set against a gritty urban backdrop with faint silhouettes of passersby. The scene is captured at dusk, with the sign glowing brightly against the fading light. +A graduation cap, emblazoned with "Class of 2024 Rocks", sits atop a pile of books, surrounded by celebratory confetti and a diploma, under the warm glow of a desk lamp. +A realistic photograph of a voting booth interior, featuring an instruction sheet prominently displayed on the wall, titled "Select One Candidate", with a ballot box and pens on a wooden table below. +A close-up of a keychain tag, intricately engraved with "Home Sweet Home", hanging from a rustic keyring, with a soft, warm glow highlighting the craftsmanship and texture of the metal. +A wizard's hat, tagged with a label that reads "Size One Size Fits All Realms", rests on a wooden table in a mystical library, surrounded by ancient books and glowing orbs. +An art gallery featuring a plaque titled "Chaos in Blue 2022" with a vibrant, abstract painting in the background, showcasing swirling blue hues and dynamic brushstrokes, creating a sense of movement and energy. +A vibrant children's hospital mural featuring colorful cartoon characters waving and smiling, with the text "Get Well Soon Friends" prominently displayed in bold, cheerful letters, set against a bright, sunny sky and lush greenery. +A vibrant movie poster titled "Remarriage Skills", featuring a charismatic couple in a modern living room, surrounded by comedic elements like a chaotic background and playful props, emphasizing the light-hearted and humorous tone of the film. +A vibrant TV show poster featuring the text "Pokerboys The Movie" in bold, stylish fonts, set against a backdrop of a high-stakes poker game with dramatic lighting and a sleek, modern aesthetic. +A snowman stands in a snowy landscape, its carrot nose uniquely holding a sign that reads "Melt Happens", surrounded by melting snow and ice, emphasizing the ephemeral nature of winter. +In a cluttered mad scientist's lab, a whiteboard prominently displays the words "Frankenstein IKEA Manual", surrounded by scattered tools, diagrams, and bubbling potions. The room is dimly lit, with a large, ominous machine in the background. +A futuristic spaceship control room, dimly lit, with a large screen displaying a critical alert: "Gravity Offline". The control panel is cluttered with buttons and screens, some flickering, while the crew looks on in concern, reflecting the urgency of the situation. +A photo of an aquarium with fish swimming gracefully, the environment meticulously maintained, with the words "painstakingly" inscribed on a plaque at the bottom. +A close-up of a pet rock with a small, hand-written tag attached, reading "Best Rock Ever". The rock has a charming, smooth surface with natural earthy tones, set against a soft, blurred background of green foliage. +A realistic photograph of a national park trail, showcasing a prominent wooden sign that reads "Bear Country Stay Alert", surrounded by lush green forest and a well-trodden path leading into the distance. +A hot air balloon basket labeled "Maximum Capacity 6 People" sits on a grassy field at sunrise, with a vibrant sky and the balloon's fabric gently billowing in the morning breeze. +A wizard's ancient, glowing forecast orb hovers mid-air, projecting the words "Chance of Rain of Frogs" in an eerie, luminous glow, surrounded by swirling, miniature storm clouds and tiny, animated frogs. +A movie set with a director's clapperboard marked "Scene 24 Take 3" lying on a vintage wooden table, surrounded by film reels and a backdrop of a bustling 1940s Hollywood studio. +A stone monument stands tall, its surface intricately carved with ancient glyphs that wind down to the inscription "𐰴𐰣𐰍𐰣" at the base, set against a backdrop of a serene, misty forest. +A pencil sketch of a barren landscape with a lone tree in the foreground, its branches stark against the sky, accompanied by the caption "There are no trees here". +A realistic photograph of a gym locker room, featuring a prominent sign on the wall that clearly states "Shower Shoes Required", with clean, modern facilities and a few lockers in the background. +A vintage theater program lying on a plush red seat, open to a page noting "Intermission 15 Minutes", with the soft glow of stage lights in the background and a hint of the curtain partially drawn. +An ancient scroll, weathered and cracked, is unfurled to reveal the intricate "Seal of King Darius IV", its detailed engravings glowing faintly in the dim light of a dusty, forgotten chamber. +A dark, eerie room with a vintage mirror hanging on a wall, reflecting a shadowy figure. The mirror's frame is ornate and slightly decayed. In the reflection, ghostly text appears, saying "You Look Tired", casting an unsettling atmosphere. +A close-up shot of a restaurant menu, with a spotlight on the "Chefs Special Pizza" entry. The menu features a rustic, wooden background with elegant, handwritten text. Steam rises subtly from an illustrated pizza, enhancing the dish's appeal. +A wizard's hat with a tag that says "Abracadabra" in sparkly silver ink, set against a mystical, dimly lit background with subtle magical glows and floating sparks. +A weathered pirate map on ancient parchment, with "X Marks Dementia" clearly visible near a ominous skull island, surrounded by swirling, dark waters and menacing clouds. +A realistic photograph of a moon base airlock, with a prominent warning sign that reads "Check Suit Integrity" in clear, bold text, illuminated by the harsh, stark lighting typical of lunar facilities. +A futuristic scene featuring a sleek robot standing in a dimly lit room, its chest screen flashing "Error 404 Emotions Not Found", surrounded by scattered mechanical parts and flickering lights. +A vibrant circus tent at dusk, with a large banner reading "Greatest Show Tonight" fluttering in the breeze. Colorful lights and excited crowds add to the festive atmosphere, capturing the essence of a night filled with wonder and excitement. +A high-tech volcano monitoring screen in a dimly lit control room displays a critical alert: "Eruption Imminent Evacuate". Red warning lights flash around the screen, casting an urgent glow on the tense faces of the scientists monitoring the situation. +A modern wedding cake adorned with a sleek, futuristic topper declaring "Till Multiverse Do Us Part", set against a backdrop of a starry night sky, with subtle cosmic elements like galaxies and nebulae faintly visible. +A modern living room with a sleek, metallic robot butler standing by a bookshelf. The robot's chest displays a nameplate that clearly reads "Does Not Compute Sarcasm", contrasting with the cozy, warm decor around it. +A high school football player wearing a jersey with "Champion 01" printed on the back, standing on a sunlit field, the grass slightly dewy, a crowd cheering in the background, capturing the moment of victory. +A vintage gas station at dusk, with a retro sign blinking "Last Stop for 100 Miles" under the fading light, surrounded by an empty desert landscape. +A close-up of a shiny silver dog collar tag engraved with "Buddy", reflecting a soft afternoon light, set against a blurred background of a green, leafy park. +A hospital nursery wall adorned with playful, colorful art featuring the text "Fresh Humans Available" in bold, cheerful letters, surrounded by illustrations of baby bottles, pacifiers, and playful cartoon storks. The scene is bright and welcoming, with soft lighting and pastel colors. +A close-up of a car bumper with a sticker partially peeling off, revealing the text "Honk If You Love Cats" amidst small tears and faded edges, set against a blurred city street background. +A cozy café interior with a chalkboard prominently displaying "Todays Special Latte" in elegant script, surrounded by hand-drawn espresso cups and leaves. Warm lighting and wooden furniture enhance the inviting atmosphere. +A pirate ship sails the stormy seas, its tattered sails emblazoned with the defiant patch: "Work Sucks, Let's Plunder". The crew, rugged and fierce, stands on deck, ready for adventure. Dark clouds loom overhead, adding to the ominous yet thrilling atmosphere. +A proud young artist, age 12, stands beaming with a vibrant "FIRST PLACE AGE 12" ribbon pinned to her chest, surrounded by her colorful artwork displayed on an easel at a school art contest. +A close-up of a shiny, metallic dog collar tag, engraved with the words "Max The Labrador", reflecting a soft, warm light that highlights the intricate engravings and the worn edges of the tag. +A realistic photograph of a modern furniture showroom, featuring a sleek sofa and coffee table set. A clear tag hangs from the sofa, prominently displaying the text "Display Model - Not for Sale" in bold letters. The scene is well-lit, with a clean, minimalistic background. +A weathered fishing boat with "The Big Catch" painted in bold letters on its hull, moored at a rustic wooden dock, surrounded by calm, azure waters reflecting a clear sky with wispy clouds. +A child’s colorful drawing of a bright sun with the word "Smile" written in bold, playful letters across the sky, surrounded by crayon-drawn clouds and grass. +A realistic photograph of a library poster featuring the text "Silence Please" in bold, modern font, surrounded by serene images of books and shelves, set against a soft, neutral background. +A close-up of an amusement park ticket with a vibrant, colorful stamp that reads "Admit One Child" in bold letters, set against a blurred background of playful carnival lights and rides. +A vibrant skateboard deck with a bold graphic that loudly proclaims "Skate or Die Mostly Skate", set against a dynamic urban backdrop with graffiti and street art, capturing the rebellious spirit of skate culture. +A vibrant crowd at a music festival, each person wearing a neon wristband labeled "Festival Access 2024", under the glow of stage lights and colorful smoke, capturing the energetic atmosphere of the event. +A vibrant comic book cover showcasing "Captain Quantum" in bold, standing heroically against a cosmic backdrop, surrounded by swirling galaxies and energized particles, with dynamic action lines and a dramatic title in eye-catching, futuristic font. +A modern urban scene featuring a bicycle rental kiosk with a digital screen prominently displaying "Scan to Unlock Bike". The kiosk is surrounded by city bikes, with a bustling street and pedestrians in the background. The lighting is bright and sunny, emphasizing the vibrant, active atmosphere. +A vibrant subway car adorned with dynamic graffiti, prominently featuring the text "Metro Express" spray-painted in bold, contrasting colors, set against the urban backdrop of a bustling city. +A bustling train station with a vintage feel, featuring a prominent sign that reads "Platform 9 Departures". Passengers in period attire wait on the platform, while a steam locomotive puffs in the background, ready for departure. +A colorful T-shirt featuring a cartoon llama with a playful expression, holding a suitcase and saying "Alpaca My Bags", set against a vibrant, sunny background. +A vibrant website banner ad featuring a dynamic button with the text "Click Here Now" prominently displayed. The background is a gradient of electric blue and neon green, with subtle animated sparkles enhancing the call-to-action. +A dramatic TV show poster titled "Touch of Evil", featuring a gritty urban night scene with a detective standing under a dim streetlight, rain-soaked streets reflecting neon lights, and a mysterious figure in the shadows. +A close-up photograph of a wizard's broomstick, prominently displaying a license plate that reads "MAG1C" in elegant, mystical lettering. The broomstick is polished and gleaming, with intricate runes carved into the handle, set against a backdrop of swirling, enchanted mist. +A collapsed bridge with a barricade and warning signs that read "Structure Unsafe", surrounded by debris and caution tape, under a cloudy sky. +A classroom globe with a sticker that reads "Explore the World", placed on a wooden desk, surrounded by open books and a globe lamp, bathed in warm afternoon sunlight streaming through a nearby window. +Retro gas station scene with an old, red gas pump prominently displaying the text "Premium Daydream Fuel". The scene is set in the golden hour, with soft, warm lighting enhancing the nostalgic vibe. +A weathered pirate map with intricate, detailed illustrations, featuring a cursive label "Treasure Here" prominently marked with an X, surrounded by faded compass roses and nautical symbols, under a dramatic, moody sky. +A close-up of a lighthouse door, featuring a metal plaque that reads "Keeper On Duty", set against the weathered wood of the door, with a hint of the sea and sky in the background. +A close-up of a refrigerator door with a magnet that reads "Groceries Needed", surrounded by various handwritten notes and colorful stickers, reflecting a cozy, lived-in kitchen. +A close-up of a firefighter's helmet, showcasing a sticker that reads "Brave and Ready", with the helmet reflecting the warm glow of nearby flames, emphasizing the courage and readiness of the firefighter. +A vintage farmer’s almanac page with intricate illustrations, predicting "Cold Winter Ahead", surrounded by frosty patterns and falling snowflakes, set against a rustic wooden background. +A realistic birthday card with an open flap, revealing the inside message "Youre Getting Old" written in playful, colorful letters, surrounded by whimsical illustrations of balloons and confetti. +A modern self-service kiosk with a "Touchscreen Disabled" alert displayed prominently on its screen, set in a bustling airport terminal. The kiosk is slightly dusty, indicating it hasn't been used recently, and a passenger stands nearby, looking confused and frustrated. +A vintage arcade screen with a pixelated "Game Over" message, surrounded by glowing neon lights and retro game controllers, set in a dimly lit room with a nostalgic 1980s atmosphere. +In a futuristic spaceship's control room, the main console is illuminated by the red flashing light of an alert, prominently displaying the message "Warp Drive Malfunction" on its screen, while the crew rushes to respond. +A cozy campfire scene with a marshmallow on a stick, perfectly toasted to a "Golden Brown Perfect" hue, glowing softly in the firelight, surrounded by the serene night forest. +A vibrant skateboard deck featuring the bold text "Skate Or Die" in a graffiti-style font, surrounded by dynamic, colorful illustrations of skateboards in motion, with a gritty urban backdrop. +A close-up of a hotel keycard sleeve, elegantly printed with "Room 1408 Enjoy Your Stay", resting on a sleek, modern hotel room desk with a subtle, ambient light highlighting the text. +A vintage postage stamp with a detailed illustration of the "World Peace Conference 1955", showcasing delegates from various nations gathered around a globe, surrounded by doves and olive branches, set against a backdrop of a serene, cloudy sky. +A vibrant graffiti mural on an urban brick wall, prominently featuring the words "Rebel With a Cause" in bold, colorful letters, surrounded by dynamic street art elements like abstract shapes and energetic lines. +A vibrant TV show poster featuring the title "Vengeance Valley" in bold, dramatic typography, set against a backdrop of a sun-drenched, rugged valley with a hint of tension in the air, capturing the essence of a thrilling revenge saga. +Animated character with a whimsical thought bubble that reads "Need More Coffee", standing in a cozy, morning kitchen scene with a steaming coffee pot on the counter. +An astronaut in a futuristic spacesuit stands in a well-lit lunar greenhouse, examining a plant label that reads "Moon Cactus Water Weekly". The cactus thrives in a specialized growth pod, with the vast, desolate lunar landscape visible through the greenhouse's transparent walls. +A realistic photograph of a ski resort trail map marker, prominently displaying "Beginner Slope Green 1", set against a snowy backdrop with fresh powder and pine trees in the distance. +A vintage movie theater marquee with several bulbs missing, prominently displaying "Wars Episode XII" in a futuristic font, set against a twilight sky with a few stars peeking through. +A realistic photograph of an ambulance parked on a city street, with the side clearly displaying the print "Emergency Response" in bold, reflective letters, under a streetlight in the evening. +A movie theater at night, the marquee prominently displaying "Now Showing" in vibrant, bright lights, surrounded by the glow of the city, with a few people passing by, capturing the essence of a bustling urban entertainment scene. +Ancient cave wall paintings depicting "First BBQ 10000 BC", featuring mammoth shapes, surrounded by early humans using stone tools, with firelight casting shadows on the rough stone surface. +A sushi chef in a traditional kitchen, wearing a white headband embroidered with "Fresh Catch", preparing sushi with precision and care, surrounded by fresh ingredients. +A close-up of a baker's pie crust, intricately crimped with a decorative edge, featuring the words "Secret Recipe Inside" embossed in elegant script on the golden surface. +A vintage kitchen scene with a retro microwave prominently displayed, its digital display glowing "3 00 Cook Time" in vibrant green, surrounded by classic 80s decor including patterned wallpaper and a checkered floor. +A Halloween pumpkin with a glowing "Boo 2024" carved into its surface, set against a dimly lit background with flickering candles and autumn leaves scattered around. +A futuristic sci-fi laboratory corridor with a sleek, metallic door featuring a prominent warning sign that reads "Authorized Personnel Only" in bold, glowing letters. The scene is illuminated by soft, blue lights casting a cool, sterile atmosphere. +A sleek, modern desktop wallpaper with a clean, minimalist design featuring the text "Stay Productive" in a subtle, elegant font, set against a gradient background transitioning from light to dark. +A wizard stands proudly, wearing a tall, pointed hat with the tag "One Size Fits All Realms" prominently displayed. The hat is adorned with mystical symbols and stars, set against a backdrop of a mystical forest at dusk, with a soft, magical glow illuminating the scene. +A Diwali diya lamp glowing warmly, with the message "Light Over Darkness" in elegant Devanagari script inscribed on its side, set against a backdrop of intricate Indian patterns and soft, golden light. +A weathered pirate ship sails through turbulent seas, its sail a patchwork of worn fabrics stitched together, prominently displaying the bold text "We Plunder" in faded letters. The ship's crew, a diverse band of rugged pirates, stands ready on deck, their eyes fixed on the horizon. +A rustic wooden bird feeder hangs from a tree branch, with a clear label that reads "For Bluebirds Only". Bluebirds perch on the feeder, enjoying sunflower seeds, while other birds look on from nearby branches, respecting the sign. +A nostalgic retro video game loading screen with pixelated graphics, displaying the message "Insert Disk 2" in bold, colorful text, set against a vibrant, 8-bit background. +A detailed pirate treasure map with "X Marks the Spot" prominently displayed, overlaying a lush desert island with palm trees and sandy shores, under a clear blue sky. +A realistic photograph of an Antarctica research station with a flag reading "Coldest Office" fluttering in the icy wind, surrounded by snowy landscapes and clear blue skies. +An astronaut stands on the lunar surface, their helmet visor reflecting the text "Moon Base Alpha" amidst the vast, desolate landscape of the moon, with distant craters and the Earth hanging low in the black sky. +A realistic photograph of a red stop sign with "Stop Here" prominently displayed, situated at a busy intersection, with cars and pedestrians pausing to observe the sign. +In a cozy café, a chalkboard hangs on the wall, displaying the WiFi password as "Coffee123" in elegant, cursive script, surrounded by the aroma of freshly brewed coffee and the soft hum of conversations. +A close-up of an ancient library book spine, intricately detailed with gold embossing, prominently stamped with "Vol 483 of Infinite Scroll", surrounded by a shelf of similarly aged books, casting a soft, warm glow. +A close-up of a sleek, black sunglasses case lying on a wooden table, with the label "Polarized Lenses" clearly visible on the front, next to a pair of stylish sunglasses with reflective lenses. +A vintage movie poster featuring the title "Corduroy" in bold, retro font, set against a backdrop of a cozy, rustic cabin in a snowy forest, with warm, golden light spilling from the windows. +A modern ambulance parked on a city street, with a prominent side decal that reads "Emergency Response Unit", reflecting the vehicle's critical role in rapid medical assistance. +A sleek digital alarm clock on a bedside table, displaying "Wake Up" in bright red digits, with the room softly lit by morning sunlight. +A delivery truck parked on a suburban street, its door wide open, revealing a sign that reads "Fragile Contents Inside". Boxes and parcels are neatly stacked inside, with a glimpse of a residential neighborhood in the background. +A beautifully crafted wedding cake topper featuring a detailed engraving of "Happily Ever After" in elegant script, placed atop a tiered cake adorned with delicate flowers and intricate lace designs, set against a soft, romantic backdrop. +A close-up of a cat's collar, the tag gleaming in the sunlight, clearly engraved with "Actually a Tiny Lion", set against a soft, blurred background of lush green foliage. +A digital art frame displaying a cycling animation titled "Modern Abstract Oops", featuring vibrant, geometric shapes and colors in constant motion, set against a sleek, minimalist background. +A cozy café interior with a rustic wooden table and chairs. On the wall, a chalkboard menu prominently displays "Today's Special Pancakes" in elegant, hand-drawn letters, surrounded by whimsical doodles and a border of coffee beans and maple leaves. +A realistic photograph of a solar panel installation manual titled "Green Energy Setup" lying on a wooden desk, surrounded by tools and equipment, with a sunny landscape visible through a window in the background. +A vintage business card for a pet psychic, featuring a quirky, illustrated squirrel with a tiny megaphone, declaring "I Speak Squirrel Fluently" in elegant, playful font, surrounded by subtle, mystical symbols and a border of leaves. +A majestic dragon's treasure chest, intricately carved with ancient runes, is marked with the bold words "Gold & Glory". Surrounded by shimmering gold coins and precious gems, the chest sits in a dimly lit, mystical cavern, glowing faintly from within. +A dimly lit bar with a neon sign flashing "Last Call" above the counter, casting a vibrant glow on the wooden surface and creating soft shadows around the room. +A cozy bakery scene with a wooden table displaying a baker's dozen box labeled "13 Reasons Why Carbs", surrounded by fresh, steaming bread loaves and pastries. The box is prominently featured, with a cheerful baker in the background. +A close-up of a detective's notepad page, with messy handwriting scribbling "The Butler Did It" in the center, surrounded by faded notes and sketches, under a dim, nostalgic desk lamp. +A hand-painted wooden sign stands at the entrance of a rustic farm stand, reading "Fresh Eggs Daily" in bold, rustic letters. The sign is weathered but vibrant, set against a backdrop of a sunny, countryside morning with a basket of fresh eggs nearby. +A submarine porthole view showcasing the vast, dark ocean, with a floating sign that reads "Deep Sea Research" illuminated by the sub's lights, surrounded by swirling currents and bioluminescent creatures. +A neon diner sign glowing "Eat Here or Else" casts a vibrant light above a 1950s-style retro restaurant, its red and yellow hues reflecting off the chrome trim and glass windows. +A weathered fisherman's boat named "Big Catch" floats on calm, sunlit waters, its wooden hull reflecting the golden hues of the morning sun. Nets and fishing gear are neatly arranged on deck, hinting at a day of bountiful fishing ahead. +An astronaut stands on a red, dusty Martian landscape, their helmet visor reflecting the bold, graffiti-style words "Mars or Bust" against the backdrop of a distant, rocky horizon. +A realistic photograph of a restaurant bathroom, featuring a mirror with the etched message "Youre Winning at Life" prominently displayed, reflecting a dimly lit, modern interior with sleek, polished fixtures and soft ambient lighting. +A wizard's staff, intricately carved with ancient runes, topped with a glowing gem inscribed "Power of the Ancients", set against a backdrop of mystical fog and ancient stone ruins. +A close-up of a stylish winter coat with a tag that reads "Warmth Guaranteed", set against a snowy backdrop, emphasizing the coat’s quality and warmth. +A roadside fruit stand with a hand-painted sign that reads "Banana Phone 5G", surrounded by vibrant, colorful fruits and bustling with customers in a sunny, rural setting. +A futuristic space colony with a large, transparent dome. Inside, the wall displays a digital projection reading "Oxygen Level 21" in vibrant, glowing text. The scene is illuminated by the soft, blue light of the colony's life support systems. +A clear sky above a serene beach, where wispy clouds form the words "Summer Vibes" through skywriting, casting gentle shadows on the golden sand. Palm trees sway in the breeze, and the ocean reflects the vibrant blue of the sky. +A fantasy map illustration with intricate, glowing runes that spell out "Portal Active", set against an ancient parchment background, illuminated by a soft, ethereal light. +A close-up of a crumpled concert ticket stub, partially unfolded, with the text "Row A Seat 1" clearly visible, set against a blurred background of a bustling concert venue. +A vibrant banner for the Dragon Rider Academy, showcasing the motto "Fly Now Hoard Later" in bold, elegant letters. The banner flutters in the wind, set against a backdrop of soaring dragons and a majestic castle perched on a cliff. +A close-up of a soccer jersey sleeve, intricately embroidered with "Champions 2024", showcasing the vibrant colors and detailed stitching against a subtle, textured fabric background. +A bustling supermarket aisle with a freezer door open, displaying the sign "Ice Cream Sale Today Only" in bright, eye-catching colors. Shoppers browse nearby shelves, and the cold air mingles with the warm lighting of the store. +A kitchen scene with a modern microwave displaying "0000 Food Still Frozen", steam slightly rising from a frozen meal inside, set against a backdrop of stainless steel appliances and a window with sunlight streaming in. +A vintage movie poster titled "Galaxy Invaders from Mars", featuring retro space aesthetics with vibrant colors and bold typography, showcasing Martian spacecraft invading Earth against a starry backdrop. +A weathered lighthouse keeper stands by the window of his ancient, stone tower, pen in hand, gazing out at the turbulent sea. Dark clouds gather on the horizon, and the first fierce winds buffet the lighthouse. His journal entry reads: "Storm Approaching". +A close-up of a pillow shaped like the word "kate", featuring fun, jumbled letters in a graphic art style, with a slice of bread casually placed on top, adding a whimsical touch to the composition. +Wide lens shot, chunky, organic, colorful, letters "colorful" made from many furry spheres of various sizes, 3D rendering, centered, studio lighting, middle of a square canvas, vibrant and detailed. +A detailed, realistic photograph of an antique wooden table with a wizard potion bottle labeled "Love Elixir No 3" sitting prominently in the center, surrounded by old books, candles, and mystical symbols. +A wizard soars through a moonlit sky on a broomstick labeled "Nimbus 3000 Fly at Own Risk", with stars twinkling above and misty clouds below, capturing the thrill and danger of the magical journey. +A camping tent with a label that reads "Waterproof" is set up in a lush forest clearing, surrounded by tall trees and vibrant greenery, with a gentle stream flowing nearby. +A coastal scene featuring a lighthouse with a detailed door plaque reading "Keeper On Duty", set against a backdrop of rugged cliffs and a serene ocean at dusk, capturing the timeless essence of maritime history. +A close-up photograph of a sleek silver medical alert bracelet, intricately engraved with the text "Peanut Allergy EPI FIRST", resting on a soft, white fabric background, with a subtle shadow for depth. +A close-up photograph of a clean, white laboratory mouse cage, with a clear label affixed to the front that reads "Group B Control Subjects". The cage contains a water bottle and a few wooden shavings, with a single mouse peeking out, curious but cautious. +A fantasy sword, meticulously engraved with intricate elvish script reading "Blade of Truth", gleaming under a mystical light, set against an ancient, wooded backdrop. +A dimly lit pirate tavern, wooden walls adorned with nautical maps and old lanterns. A weathered menu board hangs by the door, boldly displaying "Rum Special Tonight" in faded, rustic lettering. Patrons in pirate attire gather, casting shadows as they discuss their adventures. +A vibrant street art mural with the tag "Urban Dreams" painted in bold, graffiti-style letters against a backdrop of a bustling cityscape, with shadows of passersby and the glow of streetlights adding depth and realism to the scene. +A close-up of a pharmaceutical bottle on a white background, with a clear label warning "Take 2 Pills Daily" in bold black text, surrounded by detailed medical information and a caution symbol. +A close-up of a pizza box with a sticker sealing it that reads "Extra Cheese Ordered", set against a warm kitchen backdrop with soft lighting highlighting the sticker and the texture of the pizza box. +A neon sign above a dimly lit bar flashes the message "Last Call" in elegant cursive script, casting a vibrant glow on the weathered brick wall and the lone figure standing outside, reflecting a sense of late-night melancholy. +A movie set with a vintage clapperboard clearly showing "Take 27 Scene 4" in the center, surrounded by a director, crew members, and film equipment, under the soft glow of overhead lights. +A bustling restaurant kitchen with a chef preparing a dish, a kitchen ticket prominently displaying "No Onions Allergy" clipped to the order board, steam rising from pots, and a busy, professional atmosphere. +A realistic photograph of a worn, leather-bound spy novel open to a page with the heading "Top Secret Mission Files" in bold, red text, illuminated by a dim, vintage desk lamp. +A weathered circus tent banner, fluttering in a gentle breeze, boldly proclaims "World's Okayest Show" in faded, vibrant letters. The tent is surrounded by a dusty, packed earth arena, with a few scattered, nostalgic spectators. +A vintage movie theater at night, the marquee brightly lit and displaying "Now Showing Midnight Mystery" in bold, retro letters. The street is dimly lit, with a few people walking by, adding to the mysterious atmosphere. +A high-resolution computer screen displays the message "System Update In Progress", set against a dark background with subtle, glowing lines that mimic a futuristic interface, enhancing the technological feel of the scene. +A close-up of a superhero cape with intricate embroidery that reads "Cape Certified Awesome", set against a dark, dramatic background, showcasing the detailed stitching and vibrant colors of the design. +A sleek, futuristic time machine dashboard with a glowing screen prominently displaying "Destination Yesterday", surrounded by intricate controls and softly lit panels, set against a backdrop of swirling temporal energies. +A digital billboard stands tall on a busy highway, its vibrant screen displaying the warning message "Traffic Ahead Slow Down" in bold, clear letters, illuminated against the twilight sky. Cars whiz by, their headlights cutting through the gathering dusk. +A superhero stands proudly, their cape billowing in the wind, adorned with intricate embroidery that reads "Capes Not Clones". The scene is set at sunset, with the hero silhouetted against the sky, emphasizing the detailed and vibrant embroidery on the cape. +A serene camping scene at dusk, with a wooden stick carved with "Best Summer Ever" roasting a marshmallow over a crackling campfire, surrounded by a forest backdrop. +A realistic photograph of a gym locker room with a sign clearly visible on the wall that reads "Shower Shoes Recommended", surrounded by rows of lockers and a few gym-goers in the background. +A medieval knight stands proudly, his shield emblazoned with the motto "For the Crown", reflecting the sunlight in a majestic castle courtyard, surrounded by stone walls and banners fluttering in the breeze. +A weathered pirate code parchment, prominently displaying the rule "No Plundering on Sundays", lying on a wooden table with a flickering candle and a compass in the background, under the dim light of a ship's cabin. +A cozy kitchen table with a half-open fortune cookie and a slip of paper that reads "You Will Adopt 3 Cats". Soft, warm lighting highlights the scene, with a window showing a gentle evening sky and silhouettes of three playful cats outside, eagerly waiting. +A vibrant amusement park scene with a roller coaster in the background. A clear safety notice board reads "Keep Hands Inside" next to the ride, emphasizing the importance of safety. Bright, sunny day with excited visitors in the foreground. +At a bustling farmer's market, a rustic wooden stall features a handmade chalkboard prominently displaying "Organic Eggs 3 Dozen". Fresh, colorful produce surrounds the stall, with wicker baskets and burlap sacks adding to the authentic, countryside vibe. +A glowing app icon shaped like a heart, with the text "Swipe Right" clearly visible inside, set against a soft, gradient background. +A bustling city street at night, with a storefront neon sign that reads "Big Sale Today" buzzing brightly, casting vibrant red and blue hues onto the pavement and nearby buildings. Shoppers hurry past, their reflections visible in the shop windows. +A detective's notepad, slightly worn and filled with scribbled notes, prominently features the phrase "Follow the Red Herring" in bold, messy handwriting, under a dimly lit desk lamp. +A vast glacier ice wall, intricately carved with the words "Melting Memories", stands majestically under a crisp, clear sky, reflecting the surrounding snow and ice. +A close-up photograph of food packaging with a prominent warning box that clearly states "Contains Nuts", set against a neutral background to emphasize the warning. +A realistic photograph of an airport security checkpoint, featuring a clear sign that reads "Remove Electronics" placed above a row of empty bins, with travelers in the background placing their devices into the bins. +A weathered wooden menu board hangs on the side of an old pirate ship, listing "Scallywag Scramble" among other adventurous dishes, with the ocean waves gently lapping against the hull and seagulls flying overhead. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot", placed on a wooden table, next to a steaming saucer, with a soft, natural light illuminating the scene. +A close-up of a fortune cookie with the message "Beware of Tuesdays Nachos" visible, set on a rustic wooden table with a few scattered nachos and a small bowl of salsa in the background, creating a casual and intriguing dining scene. +A stylish wedding cake topper featuring "Mr & Mrs Smith" in elegant figurines, placed atop a tiered white cake with delicate lace detailing, surrounded by fresh roses and greenery, set against a soft, romantic backdrop. +A realistic photograph of a grumpy cat with a scowl, wearing a simple black T-shirt. Below the cat, in white text, reads "I Tolerate You". The cat is set against a minimal, clean background to highlight its expression and the T-shirt design. +A realistic classroom setting with a large, detailed periodic table on the wall, prominently highlighting "Au Gold" with a spotlight and a magnifying glass pointing to it, surrounded by attentive students and educational posters. +A tattered, antique map with faded edges and creases, showing a rugged coastline and dense forests. In the center, a clear, bold handwritten note reads "Treasure Here", marked with a red X. The map is partially rolled, revealing a weathered texture and hints of old travel stains. +A close-up photo of two hands, one holding a glowing heart, the other grasping a vibrant lightning bolt, with the words "ricketts" clearly visible in the background, set against a soft, warm lighting. +A birthday party scene with a large, colorful balloon floating above a cake, accidentally printed with "Happy 30th Midlife Crisis". Guests are gathered around, their faces a mix of amusement and surprise, as the birthday person looks embarrassed yet amused. +A close-up of a chess grandmaster's scorecard on a wooden table, with neat handwriting noting "Checkmate in 3 Regrets" under a diagram of the final chessboard position, surrounded by scattered chess pieces and a vintage clock. +A Halloween decoration featuring the phrase "Beware the Night" in a dripping blood font, set against a dark, eerie background with shadows and cobwebs, enhancing the ominous atmosphere. +A glowing Magic 8 Ball floats in a dimly lit room, its triangular window displaying the answer "Ask Again Later" in shimmering, ethereal letters. Soft, ambient light casts a gentle glow around the ball, creating a mystical atmosphere. +A winter scene at a ski resort, with a trail sign prominently displaying "Beginner Slope Green" amidst a backdrop of snow-covered slopes and tall pine trees. The sign is clearly visible, with fresh snowflakes gently falling around it. +A steaming coffee cup with a distinctive sleeve branded "Brew Heaven", set on a rustic wooden table, surrounded by morning light filtering through a window, creating a warm and inviting atmosphere. +A realistic photograph of a museum exhibit featuring a plaque titled "Ancient Civilizations", showcasing ancient artifacts and relics in a dimly lit, elegant gallery setting. +A cozy library interior with a vintage wooden desk, where an old-fashioned librarian's stamp imprint clearly says "Overdue Pay in Cookies" on a stack of overdue books, surrounded by shelves filled with ancient books and a faint aroma of paper and ink. +A dragon's lair filled with ancient treasures, where a gleaming gold coin lies prominently, engraved with "In Fire We Trust", surrounded by shimmering gems and tarnished relics, bathed in the warm glow of flickering torchlight. +A detailed drawing featuring the text "lord" in elegant, alphabetism style, intertwined with thick gauge filigree, creating a rich, ornate design. +A vast desert under a scorching sun, where a shimmering mirage in the distance displays the words "Oasis 2 Miles Ahead", offering a tantalizing promise of relief in the barren landscape. +A bustling movie theater at night, its marquee glowing brightly with the neon sign announcing "Zombiepalooza". Crowds of excited moviegoers queue up, some in zombie costumes, creating a lively and eerie atmosphere. +A surfboard resting on a sandy beach, with the bottom text "Waves Welcome Here" clearly visible. The board is partially shaded by a palm tree, and the ocean waves are gently lapping at the shore in the background. +A detailed fantasy map illustration labeled "Dragonpeak Mountains", showcasing rugged, snow-capped peaks, dense forests, and winding rivers, with intricate cartographic elements and mythical creatures. +A bustling street scene with a vibrant food truck on the side labeled "Tacos on Wheels", surrounded by eager customers. The truck is brightly lit, featuring colorful murals and a smiling chef preparing delicious tacos. +A vibrant artist's palette with a mess of paint splatters and brushes, emphasizing the playful message "Color Outside Lines" written in bold, colorful letters. The scene captures the spirit of creative freedom and experimentation. +A vibrant banner at a pet adoption center reads "Adopt a Friend Today", featuring playful puppies and kittens surrounded by cheerful volunteers and potential adopters, all set in a bright, welcoming environment. +A panoramic view of a mountain summit, with a plaque standing prominently in the foreground. The plaque reads "Peak 8848m Conquered" in bold letters. Snow-covered peaks stretch into the distance, bathed in the golden light of sunrise. +A realistic photograph of a "accommodate" reminder sign posted on a wall in a modern, bustling restaurant, with diners in the background and soft, ambient lighting. +A detective's office with a wall map, prominently displaying a red pin labeled "Last Known Location", surrounded by scattered case files and a dim, moody atmosphere. +Retro gas station at dusk, vintage neon sign glowing with the slogan "Cheap Fuel Expensive Regrets", old cars parked nearby, nostalgic 1950s American scene. +A panoramic view of a mountain summit with a stone marker that reads "Everest Base Camp 2024", surrounded by snow-capped peaks and a clear blue sky, with a few hikers in the background celebrating their arrival. +Fairy tale book illustration caption "Beanstalk Sold Separately": A whimsical scene of a bustling market where a giant beanstalk is prominently displayed on a sign, with vendors selling various magical items and curious onlookers gathered around. +An ancient pottery shard, partially buried in sandy soil, with the inscription "Property of Caesar" clearly visible. Sunlight filters through the branches of nearby olive trees, casting dappled shadows over the artifact. +A realistic photograph of a science lab, featuring a whiteboard with the equation "E = mc² + AI" prominently displayed, surrounded by lab equipment and scientific instruments. +A highway billboard stands tall, promoting "ZombieProof Tires - Buy Now" with bold, eye-catching fonts. The scene is set at dusk, with the last rays of sunlight casting long shadows, and a few zombies visibly limping by the roadside, emphasizing the product's unique selling point. +A vibrant party scene with a "Over the Hill at 40" birthday banner hanging above a table filled with colorful decorations, balloons, and a large cake with 40 candles, surrounded by smiling friends and family. +A cozy kitchen countertop with a large, open recipe book titled "Recipes from Peru", surrounded by fresh ingredients like cilantro, lime, and quinoa, with a wooden spoon resting on a cutting board. +A close-up of a pharmacy prescription bottle with a label warning "Caution May Cause Superpowers", surrounded by various medical supplies and a superhero comic book for context. The scene is lit by warm, overhead lighting, creating a nostalgic and slightly whimsical atmosphere. +A construction worker, wearing a bright yellow safety vest labeled "Site Supervisor", stands confidently on a bustling construction site, surrounded by towering cranes and half-built structures. The vest is prominently displayed, reflecting the sun's rays. +A retro game cartridge labeled "Super Plumber Bros" sits on a dark wooden table, illuminated by a soft, warm light. The cartridge's colorful label features pixel art of two plump plumbers in overalls, standing triumphantly amidst a fantastical, 8-bit world. +A cozy kitchen scene with a wooden table covered in fresh, homemade cookies. One cookie is cracked open, revealing a fortune slip that reads "Luck Follows You". Soft, warm lighting enhances the inviting atmosphere, and a window shows a gentle, sunny day outside. +A movie poster for "The Seven Year Itch", featuring a stylish, 1950s-era woman in a flowing white dress, standing on a subway grate with her dress billowing up, set against a vibrant, nostalgic background with a cityscape at dusk. +A modern kitchen with a sleek, futuristic design. A robot chef, adorned with an apron embroidered with "Culinary Circuitry Master", prepares a gourmet meal, its metallic hands skillfully handling utensils and ingredients. The scene is lit by soft, ambient lighting, highlighting the robot's precision and the culinary artistry. +A close-up of a café loyalty punch card titled "Earn Your Free Drink", with several colorful punches already filled, set against a warm, wooden background, and a steaming cup of coffee in the corner. +A realistic photograph of a laboratory door with a prominent biohazard warning sign that reads "Authorized Personnel Only", surrounded by sterile, white walls and illuminated by fluorescent lighting. +A cozy bakery interior with a baker holding a rolling pin branded "Knead Dough Not Problems", surrounded by fresh bread and pastries, with warm lighting and a rustic wooden table. +A vast desert landscape under a clear blue sky, with a mirage shimmering on the hot sands. In the distance, the text "Free WiFi Ahead" appears as a surreal, glowing sign, hovering just above the mirage's surface. +A classroom wall features a vibrant periodic table poster titled "Discover the Elements", surrounded by student desks and a chalkboard with chemical formulas. Sunlight streams through windows, casting a warm glow on the educational display. +A realistic photograph of a jewelry store display featuring a sign that reads "Engagement Rings 50% Off", with an array of sparkling rings set against a sleek, modern backdrop. +A vintage postcard featuring a nostalgic beach scene with soft, warm tones and the greeting "Wish You Were Here" prominently displayed in elegant, faded lettering at the bottom. +A modern, sleek digital thermostat with a minimalist design, mounted on a white wall. The screen clearly displays "Energy Saving Mode" in green text, with a subtle energy icon next to it, reflecting a calm, eco-friendly home environment. +Aerial view of Toronto with the CN Tower dominating the center of the frame, the skyline stretching out below. The text "the cn tower" in Comic Sans is prominently displayed, adding a playful touch to the realistic cityscape. +An archaeology dig site under a clear blue sky, with a marker sign prominently displaying "Dig Deeper for Dad Jokes" amidst scattered tools and artifacts, surrounded by sandy soil and wooden stakes. +A concert wristband glowing with the text "Final Show Tonight" in a dark room, the neon light casting a soft, colorful glow on the wearer's arm and the surrounding area, capturing the excitement and anticipation of the event. +A pet collar tag shaped like a bone, engraved with "Max 5550192", hanging from a shiny silver chain, set against a soft, blurred background of a grassy park. +A close-up of a grocery receipt with the footer clearly visible, showcasing "Total Savings 599" in bold text, set against a blurred background of shopping items. +In a cozy cat café, a vibrant wall art piece titled "Purrfect Day" features a serene landscape with playful kittens under a sunny sky, surrounded by lush greenery and colorful flowers, creating a warm and inviting atmosphere. +"Stay Weird" graffiti tag spray-painted in vibrant colors on the rough, concrete wall of an urban subway tunnel, capturing the raw energy and creativity of street art. +A bustling city street at night, illuminated by neon lights, with a prominent theater marquee that reads "Now Showing Robot Rampage". Crowds of people are excitedly entering the theater, while robotic figures loom in the background, adding a futuristic and thrilling atmosphere to the scene. +A realistic photograph of a computer screen displaying a login prompt with the text "Enter Password Here" prominently in the center, surrounded by a modern, minimalist interface. Soft ambient lighting highlights the screen. +A child's colorful kite soars high in a clear blue sky, its tail streaming behind with the words "Up Up and Away" written in playful, swirling letters. +A realistic photograph of a modern police car with a sleek blue and white color scheme, featuring the decal "To Serve and Protect" prominently on the side, parked on a city street at dusk, with the glow of streetlights and the city skyline in the background. +A vending machine in a dimly lit alley, with a single button glowing an eerie blue, labeled "Mystery Flavor". The scene is slightly eerie, with shadows cast by the machine, and a faint glow illuminating the surrounding area. +A vintage circus tent with a grand banner that reads "See the Unseeable", surrounded by colorful lights and a crowd of intrigued onlookers, set against a twilight sky. +A realistic photograph of a smartphone screen with a notification popup that reads "Low Battery 10 Percent", set against a blurred background of a busy cafe. +A vintage postcard from the underwater city of Atlantis, featuring detailed coral reefs and marine life. The postcard is postmarked with a humorous message: "Wish You Were Herring". The scene is illuminated by soft, filtered sunlight, creating a serene and mystical atmosphere. +A chef stands in a modern kitchen, wearing a crisp white chef’s hat embroidered with "Sous Chef Extraordinaire" in elegant black thread, preparing a gourmet dish with precision and flair. +A gym motivational poster featuring a powerful, flexing arm with bulging muscles, prominently displaying the text "No Pain No Gain" in bold, inspiring letters. The background is a dynamic, high-contrast blend of gym equipment and energetic workout scenes. +A spy's sleek, metal briefcase lies on a dimly lit table, the lockpad prominently displaying the cryptic message "Code Trust No One" in stark, glowing letters. The scene is tense, with shadows casting an eerie atmosphere around the object. +A high-resolution screenshot of a software loading screen, prominently displaying the message "Update In Progress" in a sleek, modern font, with a minimalist interface and a subtle progress bar gradually filling from left to right. +A vibrant concert venue entrance, where an excited crowd gathers. A person in the foreground wears an LED wristband flashing "VIP Access", their arm raised in enthusiasm. Neon lights and concert posters add to the energetic atmosphere. +A vibrant TV show poster titled "Goopy Bagha Feere Elo", featuring colorful characters in traditional Bengali attire, set against a lively, festive background with decorative lights and intricate patterns. +A high-tech sci-fi robot with a sleek, metallic chest panel prominently displaying the text "System Online" in glowing green letters, set against the backdrop of a futuristic city at dusk. +A lighthouse beam illuminates "Safe Harbor" across foggy waves, the light cutting through the mist to create a serene and welcoming scene on a stormy night. +A cinematic movie poster titled "Mein Leben", featuring a lone figure standing against a backdrop of a bustling, neon-lit city at dusk, with the title prominently displayed in bold, stylized font at the top. +An ice cream truck parked on a sunny street, with a vibrant sign on its side that reads "Choco Taco Sold Here", surrounded by excited children and adults waiting in line. +A medieval shield, worn from battles, emblazoned with the proud motto "For King and Country", hanging on a stone wall in a dimly lit castle hall, with flickering torchlight casting shadows on its intricate engravings. +A realistic photograph of an elegant restaurant reservation book, open to a page with a neat entry for the "Smith Party of 4", handwritten in a classic script, with a luxurious pen resting beside it on a rich, dark wood table. +A close-up photograph of a survival kit label with a bold warning in red: "Emergency Rations Do Not Open". The label is slightly weathered, with a textured background that suggests it has been through harsh conditions. +A detailed photograph of a small, ancient-looking clay tablet replica, intricately carved with hieroglyphs, sitting on a dark, dusty shelf in a gift shop. A sign next to it reads: "Bad Luck Included". The lighting is dim, casting shadows that enhance the tablet's mysterious aura. +A scientist's cluttered office features a whiteboard filled with complex equations, all leading to the number "42" at the bottom right, with a window casting soft light on the board, emphasizing the mysterious significance of the final number. +A vintage wanted poster, weathered and slightly torn, featuring a raccoon with a mischievous grin. The poster prominently displays "1M Reward" in large, bold letters, set against a rustic, wooden background with a forest scene in the distance. +A cinematic movie poster featuring the logo "HOME INVASION HELP" prominently at the top, set against a dark, suspenseful backdrop with shadowy figures lurking in the background, creating a sense of impending danger and urgency. +A neon-lit unicorn stable at night, with a playful yet edgy sign that reads "No Virgins Allowed", surrounded by a whimsical, colorful atmosphere. +A dimly lit office with a detective's desk cluttered with papers, a magnifying glass, and a case file prominently labeled "Top Secret Case 7" sitting in the center, with a vintage typewriter and a cup of cold coffee in the background. +A wizard's familiar owl perched on an ancient, wooden desk, holding a scroll titled "Hogwarts Express" in its beak, surrounded by flickering candles and magical tomes in a dimly lit, enchanted study. +A realistic photograph of a chess tournament scoreboard prominently displaying "Grandmaster Match 7", set in a bustling hall with spectators in the background, capturing the intense atmosphere of a high-stakes game. +A realistic office scene with a memo pinned on a corkboard, prominently displaying the header "Meeting at 3 PM", surrounded by scattered papers and a calendar showing the current date. +A weathered farm fence with a faded, rusted sign that reads "TRESPASSERS WILL 2024", set against a backdrop of rolling fields and a cloudy sky, capturing the essence of rural abandonment. +A vibrant surfboard with "Ride the Wave" painted in bold, flowing letters, set against a backdrop of crashing ocean waves and a clear blue sky, capturing the essence of coastal adventure and freedom. +A close-up of a submarine porthole with a sticker that reads "No Kraken Zone", surrounded by the dark, murky depths of the ocean, with faint, eerie light filtering through the water. +A cozy wizard shop with a fogged glass window displaying a vibrant, handwritten sign that reads "Love Potion 9 On Sale". Shelves lined with various magical elixirs and ingredients are visible through the window, casting a warm, inviting glow. +A roadside sign warning "Deer Crossing Next 5 Miles" stands against a backdrop of dense forest, with a narrow, winding road stretching into the distance. The sign is slightly weathered, emphasizing its role in a rural, natural setting. +A vibrant TV show poster titled "Eclipsed", featuring a dramatic scene of a total solar eclipse with characters silhouetted against the glowing corona, set in a mystical forest at twilight. +A bustling farmer's market scene with a rustic wooden stand featuring a chalkboard sign that reads "Organic Produce Here", surrounded by vibrant, fresh vegetables and fruits, with happy shoppers browsing and a sunny sky overhead. +A vintage road trip bumper sticker that reads "I Brake for UFOs" with a sleek, silver flying saucer hovering above a scenic highway at sunset. +An airplane towing a banner that reads "Happy Anniversary" soars over a serene beach at sunset, with golden sands and tranquil waters reflecting the warm, orange sky. +A realistic photograph of a car with a bumper sticker that reads "Honk If You Love Dogs", parked on a suburban street with a few dogs playing in the background. +A rustic farmer’s barn with a weathered wooden roof, prominently painted with the words "Fresh Eggs Sold Here" in bold, vibrant letters, set against a backdrop of rolling green fields and a clear blue sky. +A vintage diner at night, illuminated by a bright neon sign that reads "Open 24 Hours", casting a colorful glow over the parking lot and the cars parked outside. +A realistic classroom scene featuring a large, colorful periodic table poster titled "Chemistry Basics" hanging on the wall, surrounded by desks and students engaged in a chemistry lesson. +A vintage ice cream truck parked on a sunny street, its side panel adorned with colorful lettering reading "Sprinkle Party", surrounded by children and adults eagerly waiting in line. +A vibrant beach scene with a towel laid out on the sand, featuring a bold design that reads "Sun Sand Surf" in colorful, wavy letters, surrounded by seashells and driftwood. +A close-up of a vintage library book, showing the detailed stamp imprinting "Due March 13 1954" on a worn, yellowed page, surrounded by the textured, aged paper and faint ink smudges. +A detailed, realistic photograph of an engraved stone monument in a peaceful park, the inscription clearly reading "Never Forget 1945", surrounded by lush greenery and a tranquil path leading up to it. +A vintage movie poster featuring the title "Midnight Phantom" in bold, dripping letters, set against a dark, eerie background with shadows and mist, evoking a classic horror film atmosphere. +A realistic photograph of a construction site fence with a prominent banner that reads "Hard Hat Area", surrounded by safety cones and machinery, with workers in hi-vis vests and hard hats in the background. +A realistic photograph of a license plate frame with "Sunshine State" at the bottom, set against a backdrop of a sunny Florida landscape with palm trees and a clear blue sky. +A vintage movie theater marquee glowing under the night sky, prominently displaying "Now Playing Space Wars" in bold, neon letters, with excited moviegoers lining up to buy tickets. +A realistic photograph of a bakery box prominently displaying the label "Gluten Free" on a white background, with a few fresh, gluten-free pastries arranged neatly inside, creating a clean and appetizing scene. +A close-up of an old library book, showing the stamp marked "Due Back Tomorrow" on a worn, yellowed page, with the texture of the paper and the ink slightly faded, capturing the essence of a timeless reading experience. +A programmer's desk with a coffee mug prominently displayed, printed with the phrase "Code Now Sleep Later", surrounded by a clutter of tech gadgets and coding books, under the warm glow of a desk lamp. +A close-up of a futuristic robot's chest panel, prominently displaying the text "Model TX900 Online" in sleek, glowing letters. The metallic surface reflects subtle ambient light, enhancing the high-tech appearance. +A mermaid stands beside an ancient, seaweed-encrusted treasure chest on a sandy ocean floor, with the engraving "Open During High Tide Only" clearly visible. Sunlight filters through the water, casting a mystical glow around the scene. +A neon bar sign flashing "Open 24 Hours" above the entrance, set against a dark urban night scene with rain-slicked streets and faint reflections, capturing the atmosphere of a late-night city. +A firefighter's helmet with a transparent shield engraved with "Brave Bold" and an axe icon, set against a backdrop of a smoky, urban firefighting scene, capturing the essence of courage and duty. +A realistic photograph of a science lab door with a prominent sign that reads "Authorized Personnel Only", set against a backdrop of sterile, white walls and sleek, modern laboratory equipment. +An astronaut in a futuristic space suit stands in front of a sleek, modern spacecraft, checking the oxygen levels on their suit's control panel. The words "Check Oxygen First" are clearly visible on the checklist attached to their arm. The scene is set against the backdrop of a star-studded universe. +A detailed close-up of an antique spyglass, the lens intricately etched with the words "Land Ho", set against a backdrop of a stormy sea and a distant, fog-covered coastline. +A realistic photograph of a garden plant marker, partially covered by lush green foliage, clearly displaying the text "Heirloom Tomatoes" in elegant, rustic font, set against a backdrop of thriving tomato plants with ripe, red tomatoes. +A serene waterfall cascades down rocky cliffs, with mist rising gracefully to form the words "Natures Symphony" in the air, illuminated by a soft, golden light filtering through the surrounding lush trees. +In an ancient Egyptian tomb, a golden sarcophagus is adorned with intricate hieroglyphs that translate to "No Interns Allowed", surrounded by flickering torchlight and shadowy walls. +A vibrant TV show poster titled "Miss World", featuring a diverse group of contestants in elegant evening gowns, standing confidently on a stage with a glittering backdrop of a globe and twinkling lights. +A detailed close-up of a golden coin, intricately stamped with "Property of Smaug Inc", surrounded by a dragon's hoard of shimmering jewels and ancient relics. +A realistic photograph of a spaceship airlock control panel, with a prominent warning sign that reads "Decompression Risk", surrounded by intricate buttons and digital displays, set against the cold, metallic interior of the spacecraft. +A vintage scooter parked on a cobblestone street, its license plate clearly displaying "EZ RIDER" in bold, retro font. The scene is bathed in the warm, golden light of a setting sun, with a hint of nostalgia in the air. +A retro arcade cabinet with vibrant side art featuring the iconic text "Insert Quarter", set against a nostalgic 1980s game room backdrop with soft neon lights and worn carpet. +Retro diner scene with a red and white checkered placemat prominently displaying the text "Try Our Shakes" in bold, vintage font. The placemat is set on a polished wooden table, with a glass of milkshake and a classic diner menu nearby. +A vintage movie theater marquee glowing under a moonlit sky, advertising "Midnight Horror Show" with eerie, flickering lights and a crowd of excited moviegoers in period attire. +A detailed close-up of a wizard's broomstick with a warning label that reads "Maximum 1 Witch or 3 Cats", set against a background of a mystical forest at dusk, with a soft glow around the label to highlight its importance. +A vintage suitcase sticker with the label "Paris 1920" adhered to a worn, leather suitcase, set against a backdrop of an old, rustic wooden table in a dimly lit room, capturing the essence of early 20th-century travel. +In a futuristic spaceship cockpit, the main console is illuminated with a red alert, blinking "Warp Drive Out of Warranty". The captain looks concerned, reflecting the tension of the situation, with the dimly lit background enhancing the urgency. +A classroom globe with a sticker that reads "New Continent Found", placed on an uncharted area, surrounded by curious students and a smiling teacher, all gathered around the desk, pointing and discussing the new discovery. +A movie poster featuring the logo "The Lightkeepers" prominently at the top, set against a backdrop of a misty lighthouse on a stormy night, with dramatic lighting casting shadows across the rugged coastline. +A vintage camera's viewfinder displaying the text "Focus On Dreams", with a soft, nostalgic glow and a slightly grainy texture, set against a blurred, dreamy background. +A medieval castle gate adorned with a tattered banner that boldly proclaims "Ye Olde WiFi Password" in ornate, handwritten script, with ancient stone walls and a dark, wooden door in the background. +A street scene with a modern parking meter displaying "Time Expired" in bright red on its digital screen, set against a backdrop of a bustling city sidewalk with pedestrians and parked cars. +A close-up of a digital thermometer with a red backlight, displaying "102F Fever Alert" on its screen, set against a blurred, warm-toned background to emphasize the urgency of the situation. +A modern kitchen with a sleek, stainless-steel smart fridge. The fridge's large, high-resolution display shows the playful message "Eat Your Vegetables Not" in bold, colorful letters, surrounded by vibrant illustrations of various vegetables. +A detailed engraved stone monument stands solemnly in a serene park, its surface reading "Peace and Harmony". Surrounded by lush greenery and blooming flowers, the monument reflects the tranquil atmosphere, capturing the essence of a harmonious environment. +A weathered time capsule buried in a park, with a bronze plaque reading "Open When Society Collapses", surrounded by overgrown grass and fallen leaves, under a gloomy sky. +A close-up of an otherworldly plant care tag, partially obscured by the plant's vibrant, bioluminescent leaves. The tag reads "Water With Moonlight Daily" in elegant, glowing script, set against a backdrop of a serene, moonlit night sky. +A vast desert canyon with towering red rock formations, where the natural acoustics create an echo forming the word "Alone" in mid-air, captured in a dramatic, sunlit scene. +A realistic photograph of a "No Photography" notice prominently displayed at the entrance of an ancient artifact exhibit in a museum, with classical statues and historical relics faintly visible in the background. +A realistic photograph of a modern highway at dusk, with a digital billboard prominently displaying "Speed Limit 55" in bright, clear letters, illuminated against a backdrop of fading sunlight and passing cars. +A close-up photograph of a stadium seat with the number "Row 15 Seat 22" clearly visible, set against the backdrop of a bustling, sunlit arena. The seat is well-worn, showing signs of frequent use, with the surrounding seats and spectators blurred to focus on the numbered seat. +A weathered, ancient map of a secret cave, with a subtle watermark reading "X Marks Doubt" in the center. The map is illuminated by the dim light of a nearby torch, casting shadows that enhance the texture of the parchment. +A cozy café with a vintage chalkboard prominently displaying "Live Music Tonight" in elegant script, surrounded by steaming cups of coffee and soft, ambient lighting. +A close-up of a hospital wristband, prominently displaying "Allergy Alert Nuts", wrapped around a patient's wrist, with a crisp, clear medical environment in the background. +A neon sign in a rainy urban night scene above a bustling bar, flashing "Open 247" with vibrant colors reflecting off wet pavements and windows. +A nostalgic retro arcade scene with a pixelated screen displaying "Game Over" in vibrant, flashing colors, surrounded by classic game controllers and vintage gaming posters on the walls. +A nostalgic display of vintage suitcase stickers, prominently featuring a charming sticker that reads "Wanderlust Coffee", surrounded by an array of colorful and faded travel memorabilia. +A TV show poster featuring a serene landscape with mist gently swirling around tall, ancient trees, bathed in the soft, golden light of dawn. The title text, "Landscape in the Mist", is prominently displayed in elegant, flowing letters at the top of the poster. +A Halloween pumpkin with "Boo to You" carved in jagged letters, set against a dimly lit background with flickering candlelight inside, casting eerie shadows. +A vibrant website banner with bold, eye-catching typography declaring "Summer Sale 50% Off" against a bright, sunny background with cheerful summer elements like beach balls and sunglasses. +A digital elevator display with a sleek, modern interface showing the message "Floor 13 Closed" in bold, red text against a black background, set in a well-lit, contemporary elevator lobby. +A vibrant banner waves proudly on the deck of the luxurious cruise ship named "Caribbean Voyager", set against a backdrop of the sparkling blue ocean and a clear sky. +A medieval shield, intricately emblazoned with the family motto "Fortis in Arduis", hangs on a stone wall in a dimly lit castle hallway, illuminated by flickering torchlight, emphasizing the shield's detailed metalwork and the proud, ancient heritage it represents. +An art gallery featuring a wall text titled "Abstract Chaos No 5", with a minimalist white frame around the text, set against a clean, modern gallery wall. The lighting is soft, highlighting the text and creating a subtle shadow on the wall. +A modern digital calendar display with a clear reminder notification that reads "Meeting At 3 PM", set against a clean, minimalist background with subtle shadows to emphasize the screen's flat, sleek design. +A modern bedroom with a digital clock radio on a wooden nightstand, prominently displaying "Wake Up Early" in its LED screen, next to a cozy, unmade bed with sunlight streaming through the window. +A museum exhibit featuring a fossilized dinosaur skeleton, prominently labeled "Jurassic Era Specimen", illuminated by soft, focused lighting, surrounded by informative plaques and glass barriers, with visitors observing in awe. +A hospital nursery door with a sign that reads "Quiet Please Sleeping", surrounded by a soft, calming blue wall. A small vase with a single flower sits beside the door, adding a touch of warmth to the serene environment. +A blacksmith's workshop with an anvil prominently displayed. The anvil has a side engraving that reads "Forged in Doubt", clearly visible in the warm, golden light of the forge. Tools and metalwork surround the anvil, emphasizing the craft and the message. +A bustling electronics store with a vibrant banner reading "Huge Discount Sale" hanging prominently above the entrance, attracting a crowd of excited shoppers. The scene is set during the day, with the store's windows displaying the latest gadgets and technology. +A tattoo parlor sign with vibrant neon lights reads "Ink Special Today", set against a gritty urban backdrop, with a weathered brick wall and a few passersby glancing curiously at the offer. +A close-up photograph of a wooden puzzle piece with the clue "Start Here" intricately engraved on its surface, set against a neutral background, capturing the texture and detail of the engraving. +A realistic photograph of an old classroom desk, with "I Was Here" intricately carved into its surface, surrounded by worn textbooks and faded notes, capturing the essence of a bygone school year. +A realistic photograph of a fire extinguisher instruction sign that reads "Break Glass in Emergency" in bold red letters, set against a white background, with a subtle shadow to enhance depth. +A wizard's broomstick leans against a medieval stone wall, with a custom license plate attached that reads "FLYNBY" in ornate, glowing letters. The broomstick is worn but well-cared for, and the scene is bathed in the warm, mystical light of a full moon. +A realistic photograph of a cluttered office desk with a tax form prominently displayed, featuring a line item labeled "Imagination Tax Deduction". Pencils, a calculator, and scattered papers add to the scene, while a window behind the desk shows a bright, sunny day. +A sleek spaceship with its hull painted in vibrant colors, prominently displaying the text "Galaxy Explorer 3000" in bold, futuristic font, set against the backdrop of a distant nebula and stars. +A cozy coffee shop interior with warm lighting and wooden furniture, featuring a customer holding a loyalty card prominently stamped "Earn Your Free Drink" at the counter, surrounded by steaming cups of coffee and pastries. +A close-up of a fridge magnet shaped like a bright yellow banana, with the words "Eat Your Veggies" written in playful, green lettering along its curve, against a minimalist kitchen background. +A stunning photograph of the Alps, showcasing majestic snow-capped peaks and lush valleys, with a subtle, elegant caption at the bottom that reads "the best mountains could do". +An antique globe stand, intricately engraved with the phrase "Here Be Tax Audits", stands in a dimly lit study, surrounded by old books and flickering candlelight, casting shadows that emphasize the detailed engraving. +A retro neon motel sign glowing in deep blue, buzzing with the message "Vacancy Cheap Rates", set against a dark night sky, with a few distant streetlights illuminating the scene. +A vibrant music festival stage with a dynamic backdrop featuring large, bold letters that read "Rock the World Tour 2024", surrounded by colorful lights, enthusiastic crowd, and a fog machine creating a mystical atmosphere. +A farmer's scarecrow stands in a golden cornfield at sunset, holding a weathered sign that reads "Crows Welcome Corn Reserved", with a flock of crows perched nearby, creating a serene and welcoming rural scene. +A wedding cake topper elegantly spelling "Happy Ever After" in intricate, shimmering letters, set against a backdrop of cascading white roses and soft, golden fairy lights, capturing the essence of timeless romance and joy. +A futuristic cityscape with a time capsule embedded in a monument, featuring a plaque that reads "Open When Robots Rule". Surrounding the monument are advanced robots and sleek, high-tech buildings, under a sky illuminated by neon lights. +A vibrant rock concert stage with a massive backdrop displaying "World Tour 2024", illuminated by colorful spotlights and surrounded by enthusiastic fans waving glow sticks. +A vintage travel postcard featuring a scenic beach with palm trees and clear blue skies. The postcard has a red stamp in the corner that reads "Wish You Were Here" in elegant cursive. +A weathered pirate treasure chest, intricately engraved with "Captain Redbeard 1720", lies half-buried in sandy beach, surrounded by scattered gold coins and ancient artifacts, under a dramatic sky with stormy clouds. +An ice cream truck parked on a sunny street, its side panel brightly displaying "Soft Serve 3 Today" in colorful, eye-catching letters, surrounded by playful illustrations of ice cream cones and happy faces. +A pilot's worn leather flight logbook open to a page with the handwritten note "Clear Skies Ahead", surrounded by a cluttered cockpit with a view of a serene, cloudless sky through the windshield. +A close-up of a QR code sticker on a rustic wooden table, with the caption "Scan for Menu" clearly visible. The sticker is slightly wrinkled, giving it a realistic, used appearance. Warm, ambient lighting enhances the texture of the wood. +A vibrant carnival scene with a colorful game booth featuring a bright, eye-catching sign that reads "Win Big Prize Here", surrounded by excited children and playful balloons. +A realistic photograph of an airport security checkpoint, prominently featuring a clear sign that reads "No Liquids Allowed", with passengers in the background waiting in line. +A prehistoric cave wall painting vividly depicting the "First Rocket Launch 10000 BC", with ancient figures gathered around, gazing in awe at the primitive rocket ascending into a starlit sky, surrounded by intricate geometric patterns and wildlife. +A close-up of a smartwatch face with a sleek, modern design, displaying a clear and vibrant reminder that reads "Drink Water Now" in the center of the screen, surrounded by a minimalist interface. +A detective in a trench coat examines a clue with a magnifying glass, the glass engraved with "Gotcha", revealing a detailed, close-up view of the engraving and the detective's focused expression. +A city street at dusk, with a yellow taxi prominently parked. On its roof, a bright, illuminated sign reads "Available Hire Now", reflecting the urban nightlife and the hustle of the city. +A cozy café interior with a vintage chalkboard menu prominently displaying "Daily Special Soup" in elegant cursive, surrounded by hand-drawn illustrations of steaming bowls and fresh herbs. Warm lighting and wooden furniture enhance the inviting atmosphere. +A bustling tech conference with attendees wearing lanyards that read "Innovator Pass 2024", surrounded by futuristic booths and interactive displays, capturing the vibrant energy of innovation and collaboration. +A bustling art exhibition entrance featuring a sleek, modern sign that reads "Abstract Visions Gallery". The sign is illuminated, casting a soft glow on the polished concrete floor and reflecting off the glass doors. People are seen entering, their silhouettes framed by the vibrant colors of abstract posters. +A cozy living room features a plush throw pillow with "Home Sweet Home" stitched in elegant cursive, nestled on a soft, cream-colored sofa. Warm, natural light filters through a nearby window, enhancing the homely atmosphere. +A cozy bakery interior with a vintage chalkboard prominently displaying "Gluten Free Options Available", surrounded by an array of pastries and loaves, with warm lighting and wooden shelves in the background. +A carnival scene with a vibrant, colorful sign that reads "Ring Toss Champions". Bright lights and festive decorations surround the stand, where a crowd gathers, cheering on the contestants as they aim rings at a row of bottles. +A close-up photograph of a garden plant tag, partially covered by lush green leaves, clearly displaying the text "Rare Blue Orchid" in elegant, bold letters. Sunlight filters through the foliage, casting soft shadows and highlighting the tag's natural wood texture. +A minimal sculpture of the word "elimination", crafted from light metallic iridescent chrome thin lines, presented in a 3D rendering with an isometric perspective. The scene is super detailed, set against a dark background, highlighting the intricate design and reflective surfaces. +A vintage propeller airplane flies through a clear blue sky, towing a large, colorful banner that reads "Will You Marry Me" in elegant, cursive script. The scene is set during a sunny afternoon, with fluffy white clouds in the background and a picturesque coastal town below. +A hiker's trail marker, intricately carved into the bark of an ancient pine tree, reads "Wrong Way to Narnia". The scene is set in a dense, misty forest, with sunlight filtering through the canopy, casting a mystical glow on the carved words. +An ancient, weathered prophecy scroll unfurled on a stone table, its parchment yellowed with age. The final line, written in elegant script, reads "Then Pizza Was Invented". A beam of sunlight illuminates the scroll, casting a mystical glow over the mysterious text. +A robot, with sleek metallic limbs and a futuristic design, writes "morality" in chalk on a vintage blackboard, set in a dimly lit classroom with old wooden desks and a dusty, scholarly atmosphere. +A realistic screenshot of a computer error screen displaying "404 Page Not Found" in crisp white text on a deep blue background, with a minimalistic interface and a subtle shadow effect. +An art gallery featuring a plaque titled "Blue Period Mostly Mondays", set against a backdrop of serene, monochromatic blue paintings, with soft lighting enhancing the contemplative atmosphere. +A rock climber reaches for the next hold, labeled "Reach Higher", on a challenging vertical wall, muscles tensed, determination in their eyes, surrounded by a rugged mountain landscape under a clear blue sky. +A cluttered writer's desk with a prominent wooden plaque stating "Deadline Approaching", surrounded by scattered papers, a typewriter, and a steaming cup of coffee, under the warm glow of a desk lamp. +A detailed photograph of a wizard’s hat, with a tag stitched at the brim that reads "Property of Merlin" in elegant, flowing script. The hat is made of deep blue velvet, adorned with silver stars, and sits on a wooden table with an ancient spellbook nearby. +A wizard's ancient scroll unfurls in a dimly lit, mystical chamber, revealing the glowing words "Magic Spell Activated" as mystical runes shimmer around it. +An astronaut sits at a desk on a futuristic moon base, writing in a leather-bound journal titled "Moon Base Log". The room is bathed in the soft glow of distant Earth, visible through a large, curved window. +A prehistoric cave wall painting vividly depicting the "Hunt for Woolly Mammoth", with primitive tools and determined hunters surrounding a massive, furry mammoth in a dimly lit, ancient cave. +A close-up of a coffee cup with a sleeve featuring the print "Caution Hot Liquid", set against a warm, cozy background with a slight steam rising from the cup. +A vintage ice cream truck parked on a sunny street, with a side panel prominently displaying "50 Flavors Available" in colorful, playful lettering. The truck is surrounded by excited children and their parents, creating a lively and nostalgic scene. +A detective in a trench coat holds a magnifying glass etched with "Truth Seeker" under a dim streetlight, examining a clue on a rain-soaked pavement, the cityscape blurred in the background. +A realistic photograph of a UFO hovering above a dark forest, emitting a bright blue abduction beam that projects the words "Free Probing Today" onto the ground, surrounded by startled wildlife. +A neon bar sign glowing with the phrase "Cold Beer Here" stands out against a dark, urban night. The vibrant colors reflect off wet pavement, adding a glossy, realistic touch to the scene. +A realistic office scene with a corporate memo lying on a modern desk, prominently displaying the watermark "Confidential Lies Inside", under soft overhead lighting. +A kindergarten classroom scene with a young child's fingerpainting on display, titled "My Dad Is Weird", showing a quirky, humorous portrayal of a dad with exaggerated features and whimsical elements, set against a colorful, vibrant background. +A nostalgic roadside diner at dusk, its marquee blinking "Try Our Pie" in vibrant red neon letters, inviting travelers with the warm glow of its retro sign against a cooling evening sky. +A modern cityscape with a prominent billboard displaying "5G Speeds Available Here" in bold, vibrant colors. The billboard is illuminated at dusk, with pedestrians and sleek, futuristic cars passing by, highlighting the advanced technology and fast connectivity. +A close-up of a spacesuit arm patch, intricately detailed with "Mission Alpha 9" emblazoned in bold letters, set against a backdrop of stars and the Earth's curvature, capturing the essence of a daring space mission. +A realistic photograph of a construction site with a prominent barrier marked "Hard Hat Area", surrounded by yellow caution tape and scattered hard hats, under a clear blue sky. +A hiker pauses on a rugged mountain trail, looking at a wooden signpost that reads "Summit 2 Miles Ahead". The trail winds through dense pine forests, with the peak visible in the distance, shrouded in mist. +A solemn soldier stands in a misty battlefield, his dog tag prominently displayed, engraved with "Never Forget". The tag glimmers in the soft, morning light, reflecting the resolve in his eyes. +An astronaut stands on the moon's surface, planting a flag that reads "First Pizza Delivery Here", with the Earth visible in the sky above, casting a soft blue glow over the lunar landscape. +A time machine with a sleek, futuristic design stands in an old, dusty library. On its polished surface, a plaque is engraved with the words "Past Not Included", casting a slight shadow in the dim light. +A rural road at dusk, with a solar-powered road sign blinking "Wildlife Crossing Slow Down" amidst a forest backdrop, warning drivers to watch for animals crossing the road. +A realistic photograph of graffiti under a bridge, with the words "You Are Here" prominently displayed in vibrant colors, surrounded by urban textures and shadows. +A vintage farm tractor parked in a sunlit field, with a rustic "For Sale Cheap" sign attached to its side, surrounded by golden wheat and blue skies, capturing the essence of rural America. +A magician's hat on a velvet table, with a small tag attached, clearly reading "Rabbit Not Included", under a soft spotlight, creating a mysterious and slightly humorous atmosphere. +A vibrant skateboard deck featuring the bold graphic "Skate or Die" in a dynamic, street art style, set against a backdrop of urban graffiti and bustling city life, capturing the essence of skate culture. +A vintage newspaper page with a bold headline announcing "Moon Landing Success", surrounded by period-appropriate advertisements and articles, set on a worn wooden desk with a vintage typewriter and inkwell. +A vibrant street scene featuring a food truck with a colorful menu board prominently displaying "Special Burger Meal" in bold, eye-catching fonts. The truck is bustling with activity, and the surroundings are filled with eager customers and the aromas of sizzling burgers. +A vibrant surfboard leaning against a beach shack, with the "Wave Rider Pro" logo prominently displayed on the board. The scene is set at sunset, with warm, golden light casting a soft glow over the sandy beach and the gentle waves of the ocean. +A weathered stone monument in the town square, prominently displaying the inscription "Founded 1789", surrounded by lush greenery and historic buildings, with a clear blue sky above. +A close-up of a candy bar wrapper labeled "Limited Edition Flavor" in shiny foil, reflecting light with a metallic sheen, set against a minimal, neutral background. +A farmer's scarecrow stands in a golden wheat field, holding a rustic wooden sign that reads "Crows Only Others Welcome", under a clear blue sky with fluffy white clouds. +A modern dental clinic waiting room with vibrant, clean decor. A large, friendly poster on the wall reads "Floss Daily" in bold, cheerful letters. Sunlight streams through a window, casting a warm glow over a row of comfortable chairs and potted plants. +A close-up of an old library book page with a vintage stamp marked "Return by Mar 15", surrounded by the worn edges and yellowed paper, capturing the essence of a timeless reading experience. +A close-up of a red button with the label "Emergency Stop" set against a industrial control panel, with subtle reflections and a slight shadow, emphasizing the button's critical function. +A bustling pet store interior featuring a large, well-lit fish tank prominently labeled "Discount Seahorses". The tank is filled with various seahorses of different colors, swimming among vibrant coral and aquatic plants, with a few curious customers peering in. +A subway train with vibrant graffiti, prominently featuring the phrase "Tomorrow Is Cancelled" in bold, dripping spray-paint, against a backdrop of urban decay and muted city lights. +A retro arcade screen with vibrant pixel art, displaying a glitched message "Insert Coin to Save World", surrounded by flickering pixels and distorted colors, capturing the essence of vintage gaming culture. +A vintage diner setting with a tall glass milkshake, the glass clearly printed with "Extra Thick Creamy", surrounded by retro decor and illuminated by soft, nostalgic lighting. +A realistic photograph of a red stop sign with the words "Stop Ahead" in bold letters, standing at the corner of a busy intersection, surrounded by autumn foliage. +A close-up of a submarine porthole, etched with "Depth 3000 Meters", partially obscured by water droplets and glowing faintly in the dark ocean depths, surrounded by bioluminescent sea creatures. +A postcard from the museum gift shop, featuring the iconic facade of the Louvre with the glass pyramid in the foreground. The postcard reads "Greetings from the Louvre" in elegant script, surrounded by a border of Parisian motifs. +A worn detective's notepad lies open, a page torn out, revealing the edge of a handwritten note with the words "Follow the Cat" partially visible, set against a dimly lit, gritty urban backdrop. +A nostalgic scene of a classic car show, with a sleek black DeLorean parked prominently. On the bumper, a vintage sticker reads "My Other Car is a DeLorean". The car is surrounded by admiring onlookers, capturing the essence of 1980s pop culture. +A glossy, floating magic 8-ball in a dimly lit room, displaying the answer "Outlook Not So Good" in glowing, eerie text, with soft shadows and a slight mist swirling around it. +A realistic smartphone screen with the lock screen message "3 New Voicemails" displayed prominently, set against a blurred background of a modern cityscape at dusk. The screen is slightly tilted, capturing a natural angle as if viewed by someone reaching into their pocket. +A realistic urban scene featuring vibrant graffiti on a warehouse wall, boldly spelling "Revolution Now" in dynamic, colorful letters, with the surrounding area showing signs of industrial decay and urban life. +A detailed science fair poster titled "First Place Winner" featuring a colorful, vibrant layout with charts, graphs, and a central image of a winning project, set against a backdrop of enthusiastic students and teachers in a bustling school auditorium. +A realistic photograph of a hotel lobby featuring a prominent plaque that reads "Guest of the Month Award", surrounded by elegant furnishings and soft lighting, capturing the sophisticated atmosphere of the space. +Graffiti in bold, vibrant colors spray-painted "Revolution Now" on a weathered brick alleyway, casting shadows in the late afternoon light, with subtle tags and markings on surrounding walls. +A medieval knight stands proudly on a battlefield, his battle standard "FOR KING AND CODE" waving in the wind. The knight, clad in ornate armor, holds a sword aloft, ready for battle. The scene is bathed in the golden light of sunset, emphasizing the noble and heroic atmosphere. +An astronaut stands on the moon, their recent step leaving a clear footprint that forms the numbers and letters "First Step 20" in the lunar dust, under the stark light of the sun, with the Earth visible in the distant black sky. +A vast solar panel farm stretches under a bright, sunny sky, with a prominent sign at the entrance reading "Powered by Sunshine". The scene is vibrant, with lush green fields surrounding the clean, modern technology. +A close-up of a smartphone screen with a dark background, displaying a notification that reads "Battery Low" in white text, with a small battery icon showing minimal charge. +A high-octane race car speeds down the track, its sleek hood adorned with a bold decal screaming "Speed Demon 9000" in vibrant, neon colors, reflecting the intense lights of the racing circuit. +A cozy bakery scene with a freshly baked croissant in a paper bag, the words "Butter Makes Better" prominently displayed on the bag, surrounded by rustic wooden shelves and warm, golden lighting. +A camping tent tag, intricately sewn with the words "Adventure Awaits Outside", hangs from a sturdy, weathered tent in a serene forest clearing, surrounded by lush greenery and dappled sunlight. +A medieval knight stands proudly, his shield emblazoned with the phrase "Defender of the Weak", reflecting the sunlight in a grand castle courtyard. The knight's armor is detailed, and the scene captures the essence of chivalry and honor. +A movie poster featuring the title text "18" prominently, set against a backdrop of a bustling city at dusk. The neon lights of the city reflect in the eyes of a young adult standing in the foreground, symbolizing the transition from youth to adulthood. +An artisanal cheese shop with a rustic wooden sign hanging above the entrance, reading "Aged 5 Years Like My Trauma". The shop is adorned with aged cheese wheels displayed in the window, and the atmosphere is warm and inviting, with golden evening light filtering through. +A diver, submerged in the deep blue ocean, holds an oxygen tank prominently stamped with "Caution Existential Depth", surrounded by mysterious underwater shadows and faint light filtering through the water. +A tour bus parked on a scenic roadside, its side adorned with a vibrant decal reading "On the Road Again". The bus is surrounded by lush greenery and a clear blue sky, capturing the essence of a carefree journey. +A bustling subway station with a vibrant wall mosaic titled "Downtown Line 5", featuring a blend of geometric shapes and cityscapes in bold colors, illuminated by the soft glow of overhead lights. +A realistic photograph of a vintage calculator with a bright, clear screen displaying the equation "224", set against a neutral background. +A close-up of a hospital wristband on a patient's wrist, clearly displaying the text "Patient Name John Doe", set against a sterile, white background with a faint shadow to add depth. +A zoo enclosure features a wooden plaque titled "Endangered Species List", displaying names of various endangered animals. The plaque is surrounded by lush greenery and a few curious visitors reading the information, with a hint of concern in their expressions. +A wizard carefully handles an ancient hourglass, its sands marked with the words "Time Sand Handle Carefully", flowing slowly in a dimly lit, mystical chamber. +A spy stands in a dimly lit alley, holding a sleek black briefcase. The combination lock on the briefcase is set to "0071321", reflecting the dim light as the spy carefully checks the numbers before proceeding. +A detective's worn desk, a half-empty whiskey glass atop a coaster printed "The Last Lead", next to a cluttered array of old case files and a flickering desk lamp casting shadows. +A detective's office wall, cluttered with photos, notes, and newspaper clippings. Red string weaves intricately, connecting a central note labeled "Mastermind Suspect" to various pieces of evidence, creating a complex web of clues. +A submarine hatch labeled "Depth Limit 500 Meters", partially submerged in dark, murky water, with faint light filtering through the depths, emphasizing the rugged, metal texture and the warning inscription. +A weathered pirate flag, tattered and fluttering in the sea breeze, is embroidered with the bold, menacing words "Surrender the Snacks" in intricate, black thread, set against a backdrop of a stormy sky and choppy waves. +A chef in a kitchen, wearing a crisp white apron embroidered with "Master Chef in Training", preparing a gourmet dish with fresh ingredients, surrounded by stainless steel appliances and vibrant herbs. +A vintage Farmer's Almanac page header with the text "Planting Moon Cycles", featuring detailed illustrations of moon phases and rustic, earthy tones, set against a backdrop of a serene, rural landscape with a subtle grid of planting rows. +A vibrant hot air balloon basket labeled "Fly High Adventures Inc" floats against a clear blue sky, with passengers smiling and waving. The wicker basket is detailed and textured, showcasing the craftsmanship. The scene is a blend of adventure and tranquility, perfect for a promotional photo. +A realistic photograph of a parking permit sticker marked "Resident A" on the dashboard of a modern car, with the sticker clearly visible and the car parked in a residential area with trees and houses in the background. +A roadside scene featuring a construction sign with the warning "Slow Turtle Crossing", surrounded by yellow caution tape. The sign is partially obscured by overgrown grass and wildflowers, with a small, slow-moving turtle cautiously crossing the road in the foreground. +A therapist's notebook lies open on a cluttered desk, the page filled with neat handwriting. The entry reads, "Patient Still Thinks I Care", underlined for emphasis. A pen rests beside it, as if recently set down. Sunlight filters through a nearby window, casting a soft glow on the scene. +A realistic gym locker room scene with a large mirror featuring a decal that reads "You Look Great Honestly". The room is modern, with sleek lockers and a few workout towels scattered around, emphasizing the motivational and positive atmosphere. +A gym interior with a treadmill in the foreground, its display prominently showing "Calories Burned 500", surrounded by workout equipment and a few people exercising in the background. +A movie theater marquee illuminated at night, prominently displaying "Now Playing Space Wars" in bold, futuristic letters, with a crowd of excited moviegoers lining up outside. +An ancient, weathered scroll unfurled on a stone table, revealing the prophecy "Hero Rises" in elegant, faded ink. The dimly lit room is filled with the soft glow of candlelight, casting shadows on the walls adorned with mystical symbols. +A realistic photograph of an iceberg with a tattoo-like design on its surface, featuring hidden text "90 Anxiety" subtly integrated into the icy texture, blending seamlessly with the natural cracks and shadows. +A detailed view of a space station module with a clear label reading "Life Support Zone", set against the backdrop of a vast, star-filled universe. The module's metallic surface reflects the distant galaxies, emphasizing the critical nature of the area. +A vibrant movie poster featuring the logo "Merry Big Mess" prominently at the top, surrounded by a chaotic yet festive scene of colorful confetti, laughing characters, and playful chaos, capturing the spirit of a hilarious and wild adventure. +A deserted city street at dusk, a zombie evacuation route sign pointing "To Brains" illuminated by the last rays of sunlight, surrounded by abandoned cars and overgrown weeds, with a eerie, post-apocalyptic atmosphere. +A high-resolution photograph of a space shuttle with "Mission to Mars 2030" printed on its side, standing on a launchpad at night, illuminated by spotlights, with the stars and a distant view of the moon in the sky. +A close-up of a detailed music note tattoo on a person's wrist, with the phrase "Melody in My Heart" elegantly scripted below. The tattoo is vibrant and realistic, set against smooth skin. Soft, ambient lighting highlights the intricate design and subtle shading. +A sleek, modern smartwatch with a clear, vibrant screen displaying "Steps 10000" against a dark background, set against a blurred urban landscape at dusk, emphasizing the technological and active lifestyle aspects. +A close-up photograph of a medicine bottle with a prominent warning label that reads "Consult Doctor Before Use", set against a neutral background, emphasizing the clarity and readability of the label. +A close-up photograph of a coffee cup with a sleeve printed "Caution Hot Contents", set on a wooden table, with steam gently rising from the cup, and a soft, warm ambient light illuminating the scene. +A bustling city marathon, with cheering spectators lining the streets. At the finish line, a vibrant banner reads: "You Outran Your Excuses". Runners cross with determination, their exhausted yet triumphant faces capturing the spirit of the race. +An astronaut stands on a desolate Martian landscape, the helmet's visor reflecting the bold text "Mars or Bust 2024" amidst the red dust and rocky terrain. +A detective's notebook lies open on a wooden desk, the page filled with frantic scribbles and notes, prominently featuring "Clueless Chapter 3" in bold, underlined text. A magnifying glass rests beside it, casting a soft shadow. +A vintage map with intricate, faded details, featuring a distinctive red "Treasure Here" label, marked with a small, old-fashioned X, surrounded by faded compass roses and naval routes, evoking a sense of adventure and mystery. +A dimly lit sci-fi prison cell with metallic walls marred by deep scratches forming the words "The Warden Lies". The cell is empty, with a faint glow from a distant light source casting eerie shadows. +A basketball court with a vibrant, polished floor, prominently featuring the words "Home Court" painted in bold, dynamic letters at center court, surrounded by enthusiastic players and spectators in a lively arena. +A roadside billboard towering over a busy street, prominently displaying the text "Biggest Sale Ever" in bold, eye-catching letters. Cars and pedestrians pass by, some pausing to read the advertisement. The scene is set during a sunny afternoon, with the billboard catching the sunlight, making it stand out vividly. +An antique typewriter with a pristine sheet of paper rolled in, the top of the page featuring the typed words "Chapter 1" in a classic font, set against a warm, wooden desk with a vintage lamp casting a soft glow. +A vintage arcade screen glows with pixelated graphics, prominently displaying "High Score Player 1" in bold, neon colors. The background features classic game elements like blocky aliens and simple landscapes, capturing the nostalgic essence of retro gaming. +A detailed chemistry textbook diagram labeled "Periodic Table", showcasing all elements with their symbols, atomic numbers, and electron configurations, set against a clean, white background. +A movie set with a clapperboard prominently displaying "Take 127 Give Up Now", surrounded by a frustrated director and a weary crew, under the dim lights of a studio, capturing the essence of a challenging shoot. +A high-tech expo booth featuring a sleek VR headset on display, with a demo screen prominently showing the text "Enter Virtual World" in futuristic font, surrounded by glowing blue lights and futuristic interface elements. +A detailed pirate map on weathered parchment, with "X Marks Paranoia" prominently marked at the center, surrounded by intricate illustrations of mythical sea creatures and ancient ships. The map is partially illuminated by a dim lantern, casting shadows that enhance its mysterious and eerie atmosphere. +A vintage photograph of an antique globe, prominently displaying the label "Ping Pong Tournament 1937" on the Antarctica region, with a soft, warm light highlighting the intricate details of the globe's aged, faded surface. +A nostalgic retro diner scene with a red and white checkered placemat prominently featuring an advertisement that reads "Try Our Famous Banana Split", surrounded by classic diner items like coffee cups and milkshakes. +A retro arcade machine titled "Galaxy Warriors" stands in a dimly lit game room, its vibrant neon lights and pixelated alien characters glowing against the dark walls. The cabinet is adorned with faded stickers of spaceships and planets, inviting players into a cosmic battle. +A sleek alien spacecraft lands on a misty, moonlit night. Its hull, illuminated by ethereal lights, displays the glowing symbols "Human Inspection Required" in an otherworldly script, casting an eerie yet inviting glow around the craft. +A majestic dragon guards its treasure chest, overflowing with "Gold Gems", in a mystical cave illuminated by the soft glow of bioluminescent fungi. The dragon's scales shimmer in the dim light, casting a golden hue over the scene. +An astronaut on the moon, holding a notepad with "Moon Made of Cheese Liars" scribbled on it, standing beside the lunar rover, with the Earth visible in the sky, the surface of the moon detailed with fine dust and rocks. +A realistic photograph of an airport baggage tag, prominently displaying the text "Fragile Handle Carefully", attached to a suitcase on a conveyor belt, with the bustling airport terminal in the background. +A realistic photograph of a spaceship's interior, featuring an escape pod door with a prominent sign that reads "Break Glass" in clear, bold letters, set against the sleek, futuristic design of the spacecraft. +An astronaut's glove, slightly dusty, pressed against the lunar surface, with "First Moonwalk Was Here" inscribed in the fine moon dust, under the stark light of the Earth shining in the dark sky. +In a dimly lit, ancient library, a wizard's scroll unfurled to reveal the words "Spell of Endless Rain", casting an eerie glow as droplets of water mysteriously begin to form in the air around it. +A magician’s hat, tagged with a ribbon reading "Abracadabra Inside", sitting on a velvet-lined table, surrounded by mystical props like a wand and a spell book, under the warm glow of a vintage lamp. +An antique bottle, intricately designed with aged glass, sits on a weathered wooden table. The label, slightly peeling, reads "mad" in elegant, faded script. Soft, ambient light casts a gentle shadow, enhancing the vintage charm and mystery of the scene. +A close-up of an old, worn library book with a red stamp on the checkout card that reads "Due Date Tomorrow", set against the backdrop of aged, yellowed pages. +A realistic photograph of a space station module, with a clear label reading "Artificial Gravity Off" prominently displayed on the exterior, set against the backdrop of a distant Earth and stars. +A fire truck door, prominently emblazoned with "Fire Rescue Unit 5", set against the backdrop of a busy urban street, with firefighters in action, smoke billowing in the distance, and onlookers watching from the sidelines. +A book cover titled "Mystery of the Deep" featuring an eerie, underwater scene with a sunken ship, surrounded by glowing bioluminescent fish and a mysterious figure in diving gear, all under the haunting glow of a full moon penetrating the ocean's surface. +A paper airplane glides through a clear blue sky, the sun casting a gentle shadow below. On one of its wings, the message "Message in Flight" is clearly visible, written in neat, cursive handwriting. The scene captures the essence of childhood wonder and the joy of sending a message into the unknown. +An underwater cave wall illuminated by bioluminescent algae, featuring the word "Atlantis" in glowing, vibrant script. The algae cast a soft, ethereal light, revealing ancient, mysterious carvings around the text. +A 3D rendering of chunky, organic, colorful letters "fuzzy" made from many furry spheres of different sizes, centered in the frame, with a soft, detailed texture that emphasizes the spherical shapes and vibrant colors. +A detailed tattoo on a sailor's robust arm, featuring the script "Mom Forever" in elegant, flowing letters, surrounded by nautical elements like anchors and compasses, under the warm glow of a setting sun at sea. +A close-up of an ancient coin with the Latin inscription "Carpe Diem" prominently visible, set against a rustic, textured background that enhances the coin's historical and worn appearance. +A rock band's drum set, prominently displaying "World Tour 2025" across the bass drum, set up on a vibrant stage with colorful lights and a cheering crowd in the background. +A wizard's staff emitting a radiant, otherworldly glow, with the words "Spell Activated" clearly visible in glowing letters, set against a dark, mystical forest backdrop. +A chef stands in a modern kitchen, wearing a white chef’s hat embroidered with "Kiss the Cook" in loopy, playful script. The kitchen is well-lit, and the chef is smiling, holding a wooden spoon and a mixing bowl. +A close-up of a soldier's dog tag, intricately detailed and slightly worn, stamped with "US Army 0921784", set against a weathered leather background. +A vibrant birthday cake topper declaring "40 Fabulous" in sparkling glitter, set against a backdrop of colorful candles and festive decorations, capturing the essence of a joyful celebration. +A spy's briefcase opens to reveal an interior mostly devoid of contents, save for a single, sleek, black folder stamped "Top Secret Mostly Blank", set against the backdrop of a worn, leather-lined case. +A serene yoga studio with a yoga mat prominently displayed, imprinted with the mantra "Breathe In Peace". The mat lies on a wooden floor, surrounded by soft, natural light filtering through large windows, creating a calm and peaceful atmosphere. +A vintage circus tent banner, fluttering in a gentle breeze, boldly proclaims "World's Strongest Man" in vibrant, ornate letters. The worn fabric shows signs of age, with faded edges and subtle creases, set against a sunny sky and a bustling carnival atmosphere. +A medieval shield, intricately designed with the emblem "Honor and Glory", featuring a golden crown above crossed swords and a laurel wreath, set against a backdrop of a sunlit ancient castle courtyard. +A magician's hat with a tag that reads "Pull Rabbit Not Ears", resting on a velvet tablecloth, surrounded by magical props like a wand and a deck of cards, under the warm glow of a vintage stage light. +A realistic photograph of a clinic’s reception desk, featuring a prominent "Please Wear Mask" sign, with medical supplies and a potted plant in the background, and a modern, clean aesthetic. +A close-up of a chef’s hat, intricately embroidered with "Master of Flavors" in elegant gold thread, set against a backdrop of a bustling, modern kitchen. The hat is slightly worn, suggesting years of dedicated culinary artistry. +A vibrant surfboard features an airbrushed "Hang Ten Daily" slogan, surrounded by tropical waves and palm leaves, capturing the essence of a sunny beach day. +A high-quality photograph of a surfboard with "Wipeout Guaranteed" text on its bottom, lying on a sandy beach with the ocean waves gently lapping at its edges, under a bright, sunny sky. +A high-resolution photograph of a historic building, featuring a metal plaque engraved "Established 1920" prominently displayed on its weathered stone facade, with intricate architectural details and a soft, golden hour light casting long shadows. +A bustling city street with a tattoo parlor window prominently displaying "Walk Ins Welcome" in vibrant neon lights, surrounded by various tattoo designs and artwork, reflecting the urban culture and inviting atmosphere of the shop. +A vibrant, pixel-art style loading screen for a retro video game, featuring the tip "Collect 100 Coins" prominently displayed in the center, surrounded by colorful, animated icons of coins and game characters. +A detailed subway station wall map titled "Transit Line 5", prominently displayed on a metal frame with a glass cover, showing intricate routes and stations in a modern, bustling city. The map is well-lit, with clear, bold text and color-coded lines. +A rock band's drum kit, prominently displaying "World Tour 2025" across the bass drum, set up on a vibrant, colorful stage with a passionate crowd in the background. The scene captures the energy and excitement of a live performance, with bright stage lights illuminating the drummer. +A weathered stone grave marker in a serene, overgrown cemetery, with the faint, moss-covered inscription "Gone Fishing Forever" barely visible, surrounded by tall grass and wildflowers. +A construction site surrounded by caution tape, prominently displaying "Do Not Enter" in bold letters, with a partially completed building and scattered tools in the background. +A cinematic movie poster for "Hour of the Wolf", featuring a dark, mysterious forest at twilight, with a lone figure in a cloak emerging from the shadows, illuminated by a crescent moon, and surrounded by eerie, glowing mist. +A weathered storm cellar door, marked with the bold text "Zombie Proof Since 85", features realistic fake bullet holes, set against a backdrop of overgrown grass and a dreary sky, capturing the eerie atmosphere of an abandoned town. +A weathered, rusty metal sign stands at a desolate desert gas station, reading "No Water for 100 Miles", with the arid landscape stretching endlessly behind it. +A realistic photograph of a small-town Iowa street, with a movie prop newspaper featuring the headline "Aliens Land in Iowa" prominently displayed in a newsstand, surrounded by curious onlookers and vintage cars. +A close-up of a hotel key card sleeve on a wooden desk, with the text "Room 1204 Check Out Noon" clearly visible. The background is blurred, focusing the viewer's attention on the key card and its details. +A digital billboard looms above a bustling highway, flashing the warning "Traffic Jam Ahead 2 Miles" in bright, bold letters, as cars stream beneath, their headlights piercing the twilight. +A vintage antique globe with a detailed label reading "TERRA INCOGNITA 1602", set against a backdrop of old, worn maps and nautical instruments, capturing the essence of 17th-century exploration. +A Renaissance painting plaque titled "Mona Lisa's Crypto Portfolio", depicting the iconic figure with a modern twist. She holds a ledger with blockchain symbols, surrounded by classical Italian architecture and subtle digital motifs. +A realistic photograph of a gym locker room, featuring a prominent sign that reads "Shower Shoes Required" hanging on the wall, surrounded by rows of lockers and a tiled floor. +A sleek, modern smartwatch face displaying the message "Time to Move" as a health reminder, set against a clean, minimalistic background with subtle, soft lighting to highlight the watch's display and elegant design. +A close-up of an elegant wedding ring with intricate engravings, featuring the phrase "Together in All Timelines" delicately inscribed on the inner band, set against a soft, romantic background. +A wizard's hat with a tag stitched "Wearer is Invisible", placed on a wooden table in a cozy, dimly lit library, surrounded by ancient spellbooks and flickering candles. +A wizard in a medieval library, surrounded by ancient tomes and glowing runes, examines a spell scroll. The scroll has a small, ominous footnote in elegant script: "May Cause Frog Rain". The scene is illuminated by flickering candlelight, with a few frogs inexplicably appearing on the shelves. +An ancient stone tablet, weathered by time, etched with the warning "Beware Medusas Gaze", stands in a dimly lit, moss-covered ruin, casting eerie shadows. +A cozy tea shop with a rustic wooden menu board hanging on a stone wall, prominently displaying "Matcha Madness" in elegant, hand-painted script. Soft, ambient lighting and a background of lush, green plants enhance the serene atmosphere. +A high-resolution museum audio guide screen, sleek and modern, displaying the text "Exhibit 5 Ancient Egypt" in elegant, hieroglyphic-inspired font, set against a backdrop of ancient Egyptian artifacts and dim, ambient lighting. +A close-up of a baby onesie featuring delicate embroidery of a star, labeled "Little Star", with subtle thread colors and a soft, warm background to highlight the intricate stitching. +A realistic classroom setting with a periodic table poster prominently displaying "Element 79 Au" in the center, surrounded by other elements, with desks and chairs in the foreground. +A vintage postage stamp design featuring "Air Mail", with an illustrated biplane soaring through a cloud-dotted sky, surrounded by ornate borders and elegant typography. +A high-security bank vault with a heavy metal door featuring a prominent plaque that reads "Maximum Security Zone", illuminated by dim, focused lights in a stark, modern interior. +A detailed Renaissance manuscript page with intricate illustrations and elegant script, featuring a margin note that reads "Here Be Dragons". The note is accompanied by a delicate, hand-drawn dragon emerging from the scrollwork, blending seamlessly with the ornate borders. +A vintage movie director's chair on a sunlit film set, with a nameplate reading "Reserved For Spielberg" prominently displayed. The chair is surrounded by clapperboards and film reels, with a backdrop of a bustling studio. +A futuristic sci-fi laboratory door, slightly ajar, with a prominent hazard sign that reads "Quantum Zone Keep Out", illuminated by neon lights, set in a dimly lit corridor with advanced technology panels on the walls. +A detailed engraved stone monument prominently displaying "Founded 1798" stands at the city center, surrounded by well-manicured grass and vibrant flower beds, with a clear blue sky and a few fluffy clouds in the background. +A museum exhibit featuring a detailed "Tyrannosaurus Rex Fossil", with informational labels and spotlights highlighting its features, set against a backdrop of prehistoric landscapes and diagrams explaining its anatomy and habitat. +A vintage postage stamp design reading "Air Mail 1945", featuring a classic biplane flying over a mountainous landscape, with intricate border detailing and faded, nostalgic colors. +A digital chessboard set up for a critical game, with the board displaying "Checkmate In Three" in sleek, futuristic font. The scene is illuminated by soft, ambient lighting, highlighting the strategic placement of the chess pieces, which are modern and minimalist in design. +A dimly lit, eerie doorway of a decrepit haunted house, intricately carved with the ominous message "Abandon Hope All Ye Who Enter", surrounded by twisted vines and fog, under a moonlit sky. +A detective's notepad page with "CASE FILE 37 UNSOLVED" prominently written at the top, surrounded by scribbled notes, sketches, and coffee stains, set against a slightly worn, yellowed paper texture. +A close-up of an alien spaceship's hull, showcasing a sleek, metallic surface with a distinctive marking that reads "Intergalactic Permit 9X", set against the backdrop of a star-studded cosmos. +A futuristic book cover for "Mars Colony One", featuring a sleek, domed habitat on the red, rocky surface of Mars, with astronauts in advanced suits exploring the barren landscape under a pale, distant sky. +A realistic smartphone screen displaying a notification that reads "Software Update Required", set against a blurred background of a modern office desk with a sleek laptop and a coffee cup. +A vintage gas station scene featuring a retro gas pump prominently displaying "Premium Fuel Only 099gal", set against a nostalgic backdrop of an old American town. +A close-up of a pharmacy prescription bottle with a white label that reads "Take 2 Pills Daily", set against a blurred background of a medicine cabinet filled with various health products and bottles. +A realistic photograph of a person wearing a VR headset, standing in a high-tech showroom. The VR display shows a lush, vibrant jungle scene, with dense foliage and a hint of sunlight filtering through the canopy. The demo is titled "Virtual Jungle Adventure". +A dimly lit sci-fi prison cell with sleek, futuristic walls. On one wall, graffiti in bold, neon colors spray-painted "Escape Plan Failed", casting eerie shadows in the gloomy environment. +A bustling chess tournament hall with a large banner reading "Grandmaster Finals" hanging prominently above the stage, surrounded by focused players and an enthusiastic audience. +A bustling train station with a "Keep your environment tidy" sign prominently displayed on a pillar, surrounded by passengers and clean, well-maintained surroundings. +An ancient, moss-covered stone tablet, weathered by time, stands in a dense forest clearing. The tablet is intricately carved with the ominous warning, "Beware the Kraken", beneath a stylized image of the legendary sea monster's tentacles. +A scientist in a lab, wearing a lab coat embroidered with "Hypothesis Cake is Lie", stands amidst an array of experimental equipment, looking pensively at a frosted cake with a question mark on it. The lab is cluttered with beakers, charts, and scientific paraphernalia, creating a chaotic yet intriguing atmosphere. +A realistic photograph of an alien plant nursery, featuring a sign that reads "Water with 37 Nitroxygen". The nursery is filled with exotic, bioluminescent plants, and the sign is prominently displayed, catching the eye amidst the vibrant flora. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Knead to Succeed" in flour-dusted text, surrounded by freshly baked bread and pastries. +A vintage retro diner at night, with a green neon sign blinking "Eat Mor Kale" above the entrance, casting a soft glow over the old-fashioned facade and the sidewalk. +Astronaut's glove drifting in the vastness of space, with the word "Help" sharply written on it, capturing a sense of isolation and urgency against the backdrop of distant stars and planets. +A bustling farmer’s market with a vibrant stall banner prominently displaying "Organic Produce Here", surrounded by colorful, fresh vegetables and fruits, with happy shoppers browsing the selection. +A chef stands in a bustling kitchen, his apron prominently displaying the embroidered phrase "Kiss the Flames Not the Cook", surrounded by sizzling pans and fresh ingredients. +A cozy pet store window with a charming wooden sign that reads "Puppies Available", surrounded by playful puppies in a sunny, colorful setting. +A bustling flower shop with vibrant blooms, featuring a prominent tag that reads "Roses 50% Off Today" hanging from a bouquet of red roses, surrounded by various other flowers and greenery, capturing the essence of a lively and inviting floral environment. +Ancient cave wall paintings vividly depicting "Hunt the Wooly Beast", with rough, earth-toned lines capturing the dynamic struggle between prehistoric hunters and a massive, shaggy creature, illuminated by flickering torchlight. +A realistic smartphone screen displaying a weather app with a prominent alert "Storm Warning Active Today", surrounded by dark, stormy skies and a few raindrops, emphasizing the urgency of the warning. +A classic American roadside diner at night, its neon sign glowing brightly with "Open 24 Hours" in bold, red letters, casting a warm, inviting glow over the empty parking lot and misty road beyond. +A prehistoric cave wall adorned with intricate paintings depicting "Ancient Hunters". The scene shows a group of hunters in loincloths, armed with spears and bows, pursuing a herd of deer. The cave's rough, stone texture and the flickering light of torches enhance the primitive atmosphere. +A birthday card with an elegant design, featuring the inside message "Age Is Just a Number" in stylish, modern font, surrounded by delicate gold accents and subtle floral patterns. +A snowy ski slope with a prominent trail marker sign that reads "Black Diamond Only", surrounded by tall pine trees, under a clear blue sky. +A close-up of a hospital wristband worn on a patient's wrist, clearly displaying the name "Sarah Johnson" in bold letters. The band is a standard medical blue, with a slightly worn and creased appearance, indicating it has been on for some time. +A detailed manual page for solar panel installation, focusing on the "Connect Terminals" section. Clear diagrams and step-by-step instructions are visible, with annotated images showing the correct wiring and connection methods. +A serene alien plant nursery bathed in lunar light, featuring a distinctive sign that reads "Water With Moonlight Only", surrounded by exotic flora glowing softly under the moon's silvery glow. +A retro-futuristic time machine with neon lights and digital displays, prominently showing "Destination 1985", set against a dimly lit garage with 80s memorabilia scattered around. +A cozy bookstore interior with soft, warm lighting. A wooden display stand holds a stack of summer reading books, topped with a vibrant, eye-catching bookmark that reads "Summer Reading List" in elegant script. Shelves lined with books surround the scene, creating a inviting and tranquil atmosphere. +An astronaut in a realistic spacesuit stands by a spacecraft, holding a checklist with the item "Don't Forget Keys" clearly visible. The scene is set on a rocky, red Martian surface, with the spacecraft in the background. The astronaut looks focused, checking the list. +A classroom globe with a vibrant sticker pointing directly to the "Equator Line", surrounded by curious students and educational posters on the walls. +A close-up of a gardening pot label, clearly marked with "Aloe Vera Plant", set against a backdrop of lush, green leaves and soil, capturing the essence of a thriving garden. +A cozy farmhouse interior featuring a handmade quilt draped over an old wooden bed, intricately embroidered with the phrase "Home is Where the Chaos Is", surrounded by rustic decor and warm, golden light streaming through a window. +A protestor holds a hand-painted sign demanding "Free the Pixel People" in a crowded urban street, surrounded by onlookers and news cameras, with a backdrop of tall buildings and digital billboards. +A movie poster with the text "80 Day Obsession Day 12 Legs" prominently displayed, featuring a dramatic close-up of a person's legs in a suspenseful, high-contrast black and white style, set against a blurred urban backdrop. +A detailed map of a supervillain's lair, with a ominous label "Shark Tank Here" near a large, submerged area. The map is old and worn, with intricate symbols and secret passages, emphasizing the dangerous and mysterious nature of the lair. +A realistic photograph of a hiking trail with a prominent sign that reads "Beware of Falling Rocks", surrounded by rugged terrain and loose stones, with a subtle mist adding to the atmosphere. +An amusement park ride entrance featuring a vibrant sign that reads, "Must Be This Tall to Ride", with a bright yellow arrow pointing to a height marker. Colorful, lively atmosphere with excited children and smiling parents in the background. +A close-up of a samurai sword sheath, intricately engraved with the words "Honor Untarnished", set against a traditional Japanese backdrop of cherry blossoms and bamboo. The sheath is made of polished wood with gold inlays, capturing the essence of ancient samurai craftsmanship. +A rustic stone well in a quaint village, intricately carved with "Wishing Well 1890", surrounded by wildflowers and old cobblestones, bathed in the warm, golden light of a setting sun. +A night sky ablaze with vibrant fireworks, intricately arranged to spell "Congratulations Grads" in a dynamic, celebratory display, set against a backdrop of a dark, star-studded sky. +A mountain biker navigates a rugged trail with a prominent sign reading "Steep Descent Ahead" as the path plunges into a misty, forested valley below, capturing the thrill and danger of the descent. +A close-up of a sleek hotel key card sleeve, featuring the embossed text "Room 305", set against a modern, minimalist background with soft lighting that highlights the metallic accents on the card. +An ancient Greek urn with intricate illustrations, prominently featuring Sisyphus pausing to take a coffee break, surrounded by classical Greek motifs and symbols, captioned "Sisyphus Takes Coffee Break". +A worn concert ticket stub featuring the band name "Electric Pulse" in vibrant, retro font, with crinkles and faded edges, set against a nostalgic 1980s concert backdrop. +A Halloween yard sign, weathered and eerie, warns with bold, glowing letters: "Beware Haunted House". The sign is partially obscured by creeping vines and shadows from nearby trees, enhancing the spooky atmosphere of the scene. +A bustling street food scene with a vibrant food truck menu board prominently displaying "Spicy Tacos 3" in bold, colorful letters, surrounded by steam rising from freshly cooked tacos and a line of eager customers. +A cozy kitchen with a vintage baker's oven. The oven timer prominently displays "Cookies Ready" as a tray of freshly baked, golden-brown cookies sits nearby, releasing a warm, inviting aroma. +A realistic photograph of a lottery station with the slogan "complexion" boldly displayed on a vibrant, colorful poster, surrounded by various lottery tickets and excited customers. +A detective's worn notepad lies open on a cluttered desk, the page filled with hastily scribbled notes and a prominent message in bold letters: "Case Unsolved". A cold cup of coffee and a dim desk lamp add to the atmosphere of a long, fruitless investigation. +A close-up of a yoga mat with a subtle imprint reading "Breathe In Zen Out", set against a serene, natural backdrop of a peaceful forest floor, capturing the essence of tranquility and mindfulness. +A vibrant art supply store banner hangs above the entrance, boldly displaying "All Brushes 50% Off Sale" in eye-catching letters. The scene is bustling with eager artists and shoppers, emphasizing the store's popularity and the excitement of the sale. +An ice cream truck parked on a sunny street, with a vibrant menu board prominently displaying "Flavor of the Day" in colorful lettering, surrounded by illustrations of various ice cream flavors. +A close-up of a diplomatic document with an intricate, embossed seal that reads "Top Secret Clearance", set against a background of aged, slightly crumpled paper, with soft, ambient lighting highlighting the seal's texture and detail. +A modern factory floor with sleek, high-tech machinery, one of the machines displaying a bright, digital screen with "Cycle Time 45s" prominently shown, surrounded by clean, reflective surfaces and soft, ambient lighting. +A vintage train carriage exterior, with "Next Stop Downtown" prominently displayed on the side, set against a bustling cityscape at dusk, capturing the essence of urban transit and the anticipation of arriving in a vibrant downtown area. +A movie poster featuring a grand, antique chair shrouded in mist, with the logo "The Chair of Insanity" prominently displayed at the top, set against a dark, atmospheric background. +A close-up of a bakery bread bag, featuring a red and white tag stamped with "Baked Fresh Today", set against a rustic wooden background, with a slight crinkle in the paper and a warm, golden light highlighting the tag. +A weathered shipping crate, marked with a vintage stamp, stands in a dimly lit warehouse. The side of the crate prominently displays the words "Fragile Handle With Hope", emphasizing its delicate and hopeful contents. +A modern office corridor featuring a sleek, laser-etched glass door with "Private Office" inscribed on it, reflecting soft ambient light from overhead fixtures, creating a professional and serene atmosphere. +A vintage typewriter with a sheet of paper inserted, the top of which reads "Chapter 1" in crisp, faded ink, set against a warm, nostalgic background with soft, ambient lighting. +A lighthouse on a rocky cliff, its powerful beacon projecting the words "Lost Same" into the misty night sky, illuminating the turbulent sea below. +A medieval knight stands on a battlefield, his armor gleaming under the sun. A battle flag with the inscription "Victory or Death" waves dramatically in the wind, symbolizing his unwavering resolve. The ground is littered with fallen warriors, emphasizing the intensity of the fight. +A detailed, ancient wizard spellbook page titled "Levitation Charm", showing intricate illustrations of floating objects and handwritten notes in a mystical script, with glowing runes and subtle magical auras around the text. +A realistic photograph of a gym locker room, featuring a large mirror with a motivational sticker that reads "You Got This" prominently placed in the center, surrounded by lockers and workout equipment. +A rustic farmer’s market scene with a chalkboard sign prominently displaying "Fresh Eggs 3 Dozen" amidst a variety of fresh produce and baskets, under a sunny sky, with wooden crates and a straw hat adding to the countryside atmosphere. +A realistic restroom scene with a modern, clean sink. Above the sink, a clear and visible sign reads "Employees Must Wash Hands" in bold letters. The lighting is bright, and the tiles are spotless, emphasizing the hygienic environment. +A movie director holds a clapperboard marked "Take 1000 Scene Chaos" on a bustling film set, surrounded by actors in various costumes and crew members with cameras and lights, capturing the essence of chaotic yet organized filmmaking. +Retro diner interior, vintage jukebox with glowing "TRACK 45 PLAY" label, nostalgic 1950s atmosphere, warm lighting, checkered floor, classic diner booths, and a couple of patrons sipping milkshakes. +A rugged sailor's arm, prominently displaying a detailed tattoo of an anchor, with the word "Mom" elegantly scripted in cursive beneath it, set against the backdrop of a sunlit deck. +A modern, sleek logo for "Cloudy Minds Inc", featuring a minimalist cloud icon merged with a brain silhouette, set against a gradient sky background, conveying innovation and mental clarity in the tech industry. +A detailed, realistic medieval shield, its surface worn from battles, emblazoned with the proud motto "Strength Through Honor" in elegant, antique script, set against a backdrop of a misty, ancient battlefield. +A dimly lit elevator shaft with a button panel that reads "FLOOR 13 MISSING" in stark white letters, surrounded by worn, metallic buttons and a scratched, reflective surface. The scene is captured in a realistic photographic style, emphasizing the eerie absence of the 13th floor button. +A high-rise bank building at dusk, with a large digital clock prominently displaying "Time to Save" in bright, glowing digits, set against a backdrop of a bustling city skyline. +A hauntingly detailed portrait of a decrepit mansion, with eerie, glowing eyes peering from the windows and a weathered plaque reading "The Real Killer" prominently displayed beneath the front door, set against a moonlit sky. +A bustling highway scene with a large billboard advertising a circus, prominently displaying the text "Lions Clowns Chaos". The billboard features vibrant images of roaring lions and colorful clowns, set against a chaotic, dynamic background. +A vintage caution sticker for a time machine, featuring bold, retro-futuristic graphics. The sticker reads "Avoid 2020 Trust Us" in large, eye-catching text, with a warning symbol and distressed edges to convey a sense of urgency and authenticity. +A detective's notebook lies open on a cluttered desk, the page showing an entry that reads "Case Closed 3:15 PM", surrounded by coffee cups, files, and a dim desk lamp casting a warm glow. +A gym locker room with sleek, modern lockers, a large mirror featuring a motivational sticker that reads "You Got This", and a few workout towels casually draped over the handles, capturing the essence of a supportive and energetic environment. +Retro diner menu board with vintage signage, prominently displaying "Pie of the Day Apple" in bold, classic font. The scene is set in a 1950s-style restaurant, with a checkerboard floor and Formica counters, capturing the essence of a bygone era. +In an antique shop, a vintage mirror with an intricately carved wooden frame bearing the inscription "Reflects True Potential" stands against a rustic wall, surrounded by old books and vintage clocks, capturing the soft, warm light of an afternoon sunbeam. +A vibrant, otherworldly alien plant species labeled "Venus Snap Trap Pet Safe" sits in a futuristic greenhouse, its iridescent petals glistening under neon lights. The plant's delicate, yet menacing, appearance is both captivating and slightly unsettling. +A bustling city street at dusk, with a neon tattoo parlor sign that reads "Ink Your Story" glowing brightly against the fading light, attracting passersby with its vibrant colors and unique design. +A child's lunchbox, adorned with playful crayon doodles, prominently featuring the phrase "I Robots" in vibrant colors, set against a backdrop of a classroom table. +A close-up of a baby wearing a onesie with the text "Future President" in a modern nursery, soft toys and a crib in the background, warm, natural lighting. +A baker in a cozy, sunlit kitchen, wearing an apron embroidered with "Knead Love Into Bread", surrounded by fresh bread loaves and baking tools, a warm and inviting atmosphere. +A close-up of a smartwatch screen with a sleek, modern design, displaying the notification "Low Battery" in clear, bold text against a dark background, with a faint battery icon showing a low charge level. +A detailed close-up of a pirate ship’s figurehead, intricately carved with a scrolling banner that reads "Sea You Later", set against the backdrop of turbulent ocean waves and a cloudy sky. +A close-up of a grocery receipt with the footer clearly displaying "Thank You Come Again", set against a blurred background of shopping bags and items, capturing the essence of a typical supermarket checkout scene. +In a bustling supermarket aisle, a notice board prominently displays the word "Smirnoff" in bold letters, catching the eye of shoppers browsing the alcohol section. The scene is vibrant with colorful product packaging and people moving around. +A neon-lit alien food truck parked on a futuristic street, its menu board displaying "Earth Tacos Mildly Poisonous" in glowing green letters. Aliens and humans queue together, intrigued by the exotic offering. The truck's exterior is decorated with strange symbols and vibrant colors, adding to the otherworldly atmosphere. +A close-up photograph of a wine bottle with an elegant label that reads "Serve Chilled", set against a soft, blurred background, highlighting the sophisticated design and the subtle texture of the bottle. +A vibrant TV show poster featuring the title text "19 1 a" in bold, futuristic fonts, set against a backdrop of neon cityscapes and glowing skyscrapers, with dynamic lighting and a sense of anticipation. +A realistic photograph of a modern airport terminal, with a large digital banner prominently displaying the message "Flight Cancellations Expected" in bold letters, surrounded by passengers looking concerned and checking their phones. +Neon bar sign flickering "Open 247" above a deserted diner, with a dimly lit, retro-style exterior and an empty parking lot, set in a quiet, nighttime scene. +A vintage tattoo parlor sign hangs above a bustling city street, reading "Ink Special Today" in bold, neon lights. The sign is slightly weathered, with a few flickering bulbs, adding to its charm and authenticity. +A detailed resume on a wooden desk, with a sleek black cat confidently walking over a keyboard, its paws leaving subtle paw prints. The resume highlights a bullet point that reads "Expert Keyboard Walker". +An ancient, weathered prophecy scroll unrolls to reveal intricate, mystical symbols leading to the phrase "Then Pizza Arrived" in glowing, ethereal ink, set against a backdrop of dim, candlelit caverns. +A book titled "Girl in the Garden" rests on a wooden table, its cover adorned with a serene illustration of a young girl amidst blooming flowers. Soft, natural light filters through a nearby window, casting a gentle glow on the page edges. +A serene campsite with a wooden notice board prominently displaying the message "Leave No Trace" amidst a backdrop of lush, green trees and a clear blue sky. +A vibrant beach volleyball tournament banner prominently displays the slogan "Serve Spike Win" in bold, dynamic letters. The banner flutters in the sea breeze over a sandy court, where players in colorful uniforms prepare for an intense match, surrounded by enthusiastic spectators. +An antique globe with a weathered, detailed label reading "Terra Incognita", set against a backdrop of vintage maps and nautical instruments, capturing the essence of early explorers' unknown territories. +A realistic photograph of a coffee cup with a sleeve printed with "Caution Hot Liquid", sitting on a wooden table, steam gently rising from the cup, surrounded by morning light. +A dinosaur museum exhibit featuring a "TRex Vegetarian Phase", showcasing a life-sized T-Rex skeleton surrounded by lush, prehistoric vegetation, with informative plaques detailing its unexpected diet shift. +A serene farmer's field with a wooden signpost clearly displaying "Organic Crops Only" amidst rows of lush, green vegetables under a sunny sky. +A medieval tavern scene with a wooden menu board hanging on a stone wall, listing "Dragon Stew 3 Gold Coins" in elegant calligraphy. Patrons in medieval attire sit at wooden tables, and a roaring fireplace casts a warm glow over the rustic interior. +A medieval knight stands proudly, his shield prominently displayed. The shield is engraved with the family motto "Honor Before Death", the text intricately detailed and slightly weathered, reflecting the knight's noble and battle-worn heritage. +A realistic photograph of a kitchen fridge with a handwritten note attached, clearly saying "Buy Milk", in the center of the door. The note is on a pastel yellow sticky pad, and the fridge has a few magnets and other notes around it. +Retro 1950s sci-fi movie poster titled "Invaders from Pluto" in bold, neon letters, featuring a sleek, alien spacecraft descending over a small town at night, with frightened onlookers and a dramatic, starry sky. +A realistic tattoo of a vintage compass with the words "Find Your Way" intricately inked around it, set on a slightly tanned skin background, with subtle shading to highlight the texture and depth of the tattoo. +A realistic photograph of a mountain trail with a wooden marker post labeled "Summit 2 Miles" standing amidst rugged terrain, surrounded by tall pine trees and a backdrop of misty peaks. +A cozy bakery shelf displaying a fresh package of cookies labeled "Grandmas Recipe 2024", surrounded by rustic wooden decor and warm lighting, evoking a sense of homely nostalgia. +A realistic photograph of a scientist wearing a white lab coat with "Dr Smith" elegantly embroidered on the chest, standing in a high-tech laboratory filled with advanced equipment and screens displaying complex data. +A realistic supermarket aisle with a price tag that reads "Fresh Milk 2 Half Gallon" prominently displayed on a shelf, surrounded by neatly arranged milk cartons. The scene is well-lit, with a customer browsing in the background. +A pet rock with a stylish leather collar, featuring a small metal tag that reads "Good Boy" in elegant script, set against a warm, natural background with soft sunlight illuminating the scene. +A medieval tavern interior with a rustic wooden table and dim candlelight. On the wall hangs a chalkboard menu listing "Mead of Regrets" among other traditional fare, illuminated by the soft glow of a nearby lantern. +A high-speed race car speeding on a track, its sleek body gleaming under the sun. The windshield features a bold decal that reads "Lucky 7 Racing Team", reflecting the dynamic motion and competitive spirit of the scene. +A high-tech VR headset with a sleek, modern design, displaying the text "Simulation 4291" on its screen, set against a futuristic background with soft, ambient lighting. +A realistic photograph of a delivery van parked on a city street, with its side panel clearly marked with the text "Fragile Handle Care" in bold letters. The van is surrounded by a bustling urban environment, with people walking by and other vehicles on the road. +A scientist's cluttered lab with a prominent fridge displaying a warning sign that reads "Do Not Open Toxic", surrounded by beakers, microscopes, and scientific notes. The lighting is dim, casting shadows that emphasize the cautionary message. +A futuristic cityscape at dusk, with a humanoid robot standing guard. The robot's chest plate prominently displays the words "Serve and Protect" in a sleek, glowing font, reflecting the neon lights of the surrounding buildings. +A detailed photograph of a car's license plate with a custom frame declaring "Pride of Texas", set against a backdrop of a dusty, sunlit Texan highway, with a clear blue sky and a few scattered clouds. +A city street at dusk, a bicycle courier speeding through traffic, their bag prominently displaying "Urgent Delivery Priority" in bold letters, capturing the urgency and dynamism of urban delivery life. +A UFO hovers above a serene landscape, its shadow casting the eerie message "Scanning for Intelligence" on the ground, blending the uncanny with the natural beauty of the scene. +A close-up of a digital thermometer with a red backlight, displaying the temperature reading "102F Emergency" in large, bold digits, set against a blurred background of a medical clinic. +A bakery display features a cake elegantly piped with "Happy Existential Crisis" in vibrant icing, surrounded by pastries and under warm, inviting lighting, capturing a moment of whimsical reflection. +A realistic photograph of a boxing ring floor mat, with "Round 3" painted in gold, set under the bright lights of a professional boxing match. The mat shows signs of wear, enhancing the authenticity of the scene. +A weathered Viking shield, its surface intricately carved with the menacing words "Odins Fury" in ancient runes, surrounded by elaborate Norse patterns and symbols, set against a backdrop of a stormy, twilight sky. +A close-up of a soldier's dog tag, intricately detailed, stamped "USA 456789", hanging against a muted, battlefield backdrop with a subtle, weathered texture. +A modern ambulance parked on a city street, with its side adorned by a bold decal reading "EMERGENCY RESPONSE UNIT 9", reflecting the urgent and professional nature of its mission. The scene is lit by the ambient glow of streetlights and the ambulance's flashing lights. +A bustling school cafeteria featuring a designated "AllergyFriendly Zone" adorned with clear, colorful allergen symbols, ensuring a safe and inclusive dining environment for all students. +In a dimly lit Wild West saloon, an old, dusty mirror reflects a worn wooden sign that reads "Out of Whiskey", surrounded by empty bottles and a lone, weary cowboy. +A rock band's drum set, labeled "The Loudest Show on Earth", positioned center stage under vibrant stage lights, surrounded by guitar amps and a crowd of enthusiastic fans in the background, all captured in a dynamic, high-energy concert scene. +A desolate highway stretch under a starry sky, featuring a rest stop sign warning "Next Gas 100 Lightyears". The sign is illuminated by a single, distant streetlight, casting long shadows and emphasizing the vast, empty landscape around it. +A realistic screenshot of a coding tutorial titled "Python Basics Lesson 1" displayed on a modern computer screen, with clean code syntax and a minimalistic interface. +A realistic photograph of a wedding cake topper, intricately designed with a classic couple figurine, reading "Happily Ever After" in elegant calligraphy, set against a soft, romantic background with subtle floral patterns. +A pilot's worn leather flight logbook opened to the page marked "Flight 226", with handwritten notes and a faded map of the flight path, set against a backdrop of a dimly lit cockpit. +A poster design featuring the title text "The Year in Memoriam", with a solemn, monochromatic background and subtle, elegant typography. The design includes a border of faded, archival photographs, symbolizing memories and remembrance. +A cozy bakery interior with a baker pulling a fresh loaf of bread from a stone oven, wearing a red oven mitt embroidered with "Hot Stuff" in bold, playful letters. The scene is warm and inviting, with the scent of baking bread filling the air. +A realistic photograph of a teacher's desk with a polished wooden plaque centered on it, inscribed with "Educate Inspire Grow" in elegant, gold lettering, surrounded by neatly arranged books and a vase of fresh flowers. +A vibrant tourism poster for Atlantis, featuring the slogan "Visit Before We Flood". Crystal-clear waters surround ancient ruins, with rays of sunlight piercing the ocean's surface. Modern tourists explore the submerged city, marveling at its majestic architecture and mysterious history. +A cozy bakery scene with a wooden table holding a wicker basket filled with various breads, including gluten-free options, clearly labeled with a tag that reads "Gluten Free Options". Warm lighting and a rustic background enhance the inviting atmosphere. +A museum exhibit featuring an ancient artifact with a label clearly stating "Circa 12th Century", set against the backdrop of a dimly lit gallery, with soft, focused lighting highlighting the historical piece. +A cozy coffee shop interior with a rustic wooden table and chairs. A chalkboard menu hangs on the wall, prominently displaying "Latte Special Today" in elegant, handwritten script. Soft, warm lighting enhances the inviting atmosphere. +A vintage typewriter with a crisp, white paper rolled in, displaying the elegant, typed words "Chapter One" at the top, set against a warm, wooden desk surface. +A motivational gym poster titled "Push Your Limits", featuring a determined athlete lifting weights, with sweat glistening on their forehead, set against a backdrop of vibrant, energetic colors and dynamic lines that convey motion and strength. +A vibrant candy wrapper design featuring the text "Sweet Tooth" in playful, swirling fonts. Bright, sugary colors like pink, blue, and yellow dominate, with illustrations of lollipops, gummy bears, and chocolate pieces scattered around, creating a joyful and inviting package. +A steaming bowl of tomato soup with alphabet pasta spelling out "Delicious" on a rustic wooden table, under warm, golden lighting, creating a cozy and inviting atmosphere. +A realistic photograph of a bustling solar panel installation site, prominently featuring a large sign that reads "Clean Energy Zone", surrounded by workers in safety gear and arrays of gleaming solar panels under a clear blue sky. +A vibrant car dealership lot with a large, eye-catching banner that reads "Big Summer Sale" draped across the front. Shiny cars in various colors are neatly lined up, with excited customers browsing and salespeople eager to assist. The sunny sky and lush greenery in the background enhance the lively atmosphere. +A dimly lit detective's office with a wooden door featuring a tarnished brass plaque that reads "Private Eye Available", set against the backdrop of a rainy cityscape visible through a fogged window. +A realistic photograph of a Mars colony airlock, with a prominent sign reading "Check Suit for Space Worms" in clear, bold letters, surrounded by the red, dusty landscape of the planet. The airlock door is partially open, revealing the interior lights. +A detailed, ancient wizard spellbook page with the heading "Dragon Summoning Ritual" in elegant, gothic script. The page is weathered, with intricate illustrations of dragons and mystical symbols surrounding the text. +A romantic wedding invitation featuring elegant script that reads "Join Us Under the Stars", set against a backdrop of a starlit night with a subtle, twinkling galaxy, capturing the magic of a celestial celebration. +A close-up of a shiny red fire truck door featuring a bold, black decal that reads "Rescue Unit 5", set against the polished metal surface, with a slight reflection of sunlight adding depth and realism to the image. +A futuristic spaceship control room with a sleek, illuminated panel flashing the warning "Fuel Low" in bright red, amidst a backdrop of stars and the vast cosmos, emphasizing the urgency and isolation of the situation. +A majestic medieval castle gate, towering and imposing, with the engraving "None Shall Pass Unworthy" prominently displayed above the entrance. The stone is weathered, showing signs of age and history, with moss and ivy creeping along its edges. +A polar bear in the Arctic, wearing a collar tag that clearly reads "Climate Refugee", stands on a melting ice floe, surrounded by vast, icy waters. +A cozy coffee shop interior with warm lighting and rustic decor. A customer holds up a loyalty card with "Free Coffee After 100" stamps nearly filled, smiling at the barista who is about to add the final stamp. +A realistic urban scene with graffiti on a weathered brick wall, the words "Rebel Soul" in bold, dripping red paint, casting a slight shadow in the afternoon sun. +A chef stands in a bustling kitchen, wearing an apron embroidered with "Master of Flavors", surrounded by steaming pots and fresh ingredients, capturing the essence of culinary art. +A cozy campfire scene with a marshmallow bag labeled "Extra Toasty" sitting beside it, under a starry night sky. The bag is slightly open, revealing fluffy marshmallows, while a campfire crackles with warm, golden flames. +A close-up shot of a name tag sticker on a dark, sleek jacket, labeled "Hello My Name Is Alien", with a futuristic cityscape in the background, emphasizing the contrast between the ordinary sticker and the sci-fi environment. +A realistic photograph of a highway construction sign that reads "Slow Troll Crossing", set against a backdrop of a misty forest, with a small, mythical troll peeking out from behind a tree. +A realistic photograph of a camping tent in a forest, with a clear warning tag that reads "Beware Of Bears" attached to the front. The tent is surrounded by tall trees and underbrush, with a slight mist in the air, enhancing the wilderness atmosphere. +A pet collar tag shaped like a bone, with "Call Me Rex" engraved in elegant script, lying on a rustic wooden surface with soft, natural lighting highlighting its intricate details. +A realistic notebook page with a margin doodle labeled "Boring Class", featuring whimsical sketches of a clock, a sleeping student, and a stack of books, all drawn in a loose, playful style. +A movie theater marquee under the glow of city lights, prominently displaying "Premiere Tonight" in bold, illuminated letters, with a red carpet leading to the entrance and excited crowds gathering outside. +A realistic photograph of a spaceship airlock control panel, with a prominent red warning sign that reads "Decompression Likely", surrounded by futuristic buttons and screens, set against the dimly lit interior of the spacecraft. +A school bus stop sign, prominently displaying "Stop Children Crossing", stands at the edge of a busy suburban street, with children safely crossing the road and a school bus parked nearby, under a clear blue sky. +A cozy campfire scene with a marshmallow roasting on a stick carved with "Best Smores Ever", surrounded by friends laughing and enjoying the warmth of the fire under a starry night sky. +A black witch riding a broomstick tagged with "Maximum Speed 88 MPH" soars through a stormy night sky, her cloak billowing behind her, over a moonlit forest. +A close-up of a superhero's utility belt, the buckle prominently embossed with "Justice First", gleaming under a spotlight, set against a dark, gritty urban backdrop. +A cozy kitchen countertop with a vintage wooden background, featuring a bakery cookie recipe card titled "Secret Chocolate Chip" surrounded by ingredients like chocolate chips, flour, and sugar, with a warm, inviting atmosphere. +A realistic photograph of a garden plant tag labeled "Tomato Variety X", partially covered by lush green leaves, with a few ripe tomatoes visible in the background. +A gym locker room with a mirror on the wall, scrawled with the phrase "No Pain No Gain" in bold, graffiti-style letters, reflecting a row of lockers and a figure of an athlete in workout gear. +A sunny beach with soft sand where the words "Happy Birthday Dad" are meticulously spelled out, surrounded by small, colorful shells and stones, with a gentle ocean wave just about to touch the message, under a bright, cloudless sky. +A dimly lit dive bar restroom, the wooden stall door slightly ajar, revealing a hand-carved message that reads "For a Good Time" in worn, cursive letters, surrounded by the patina of age and use. +A futuristic time machine's dashboard with a glowing screen displaying the words "Destination Nope", set in a sleek, high-tech interior with metallic surfaces and soft, blue ambient lighting. +A classroom globe with a sticker that reads "You Are Here" and a pointed arrow indicating a specific location, surrounded by curious students and educational posters on the walls. +A realistic photograph of an ambulance parked on a city street, its side panel prominently displaying the text "Emergency Response Unit" in clear, bold letters, with a blurred background of passing cars and pedestrians. +A futuristic space hotel lobby with sleek, metallic decor. A prominent sign reads "ZeroG Pool Closed" in neon blue, reflecting off the polished floor. Guests in casual space attire look disappointed, while a robot concierge offers alternatives. +A realistic photograph of a grocery list notepad with a handwritten entry that reads "Milk Eggs Bread", placed on a wooden table with a cozy, warm lighting in the background. +A modern bus stop at night, with an LED screen displaying "Next Train 8 min". The screen is the focal point, illuminated in a busy urban setting, surrounded by the glow of city lights and passing pedestrians. +A helicopter with "elegans" inscribed on its side is landing on a helipad nestled in a valley. The scene is framed by a flowing river, dense trees, and majestic mountains in the background. +A prehistoric cave painting showcasing a woolly mammoth, affectionately labeled "Big Floof", with intricate details and natural pigments, set against the rough, ancient stone walls of a dimly lit cave. +A serene yoga studio with minimalist decor, featuring a large, elegant wall art that prominently displays the phrase "Find Inner Peace" in a modern, flowing font. Soft, natural light filters through the windows, creating a calm and inviting atmosphere. +A dark, futuristic hallway leading to a heavy metal door with a sleek, glowing welcome mat that reads "Wipe Your Doomsday Device". The mat is surrounded by high-tech security systems, and the walls are lined with advanced weaponry and monitors displaying various surveillance feeds. +A close-up of a navy blue baseball cap with detailed embroidery that reads "Team Alpha Champions" in bold white thread, set against a blurred background of enthusiastic fans in a stadium. +A dimly lit vampire coffin with a rich, red silk lining. The interior is adorned with intricate embroidery depicting "Sleeping Beauty", her figure delicately woven into the fabric, surrounded by floral patterns and moonlit glow. +A close-up of a wristband featuring the inscription "Race For Life", set against a soft, blurred background of a vibrant running event, capturing the energy and determination of participants. +A child's colorful drawing of a vibrant rainbow, with "My Happy Place" written in bold, playful letters below it, set against a simple, white background. +A baker's oven window, slightly fogged from the heat, reveals the words "Bread Rising" etched into the steamed glass, with a warm, golden glow illuminating the scene from within. +A vibrant scene at an art contest, with a gleaming ribbon that reads "First Place Best in Show" draped over a masterpiece, surrounded by admiring onlookers and the warm glow of gallery lights. +Retro diner interior with vintage decor, focused on a classic jukebox. The selection panel prominently displays "Play 9 Stellar Swing", with warm, nostalgic lighting enhancing the scene's ambiance. +An ancient, weathered scroll unfurls mid-air, revealing intricate dragon illustrations and mystical runes. The scroll's edge is tattered, and in the center, bold letters proclaim, "The Prophecy Begins", glowing with an ethereal light. The background is a dimly lit, mystical cavern. +A serene yoga studio with a minimalist design, featuring a calming wall decal that advises "Breathe In Peace", set against a soft, neutral backdrop with gentle lighting and a few tasteful plants for a touch of nature. +A vibrant movie poster titled "Project A Part II", featuring action heroes in urban settings, with high-tech gadgets and futuristic cityscapes in the background, capturing the essence of a thrilling sci-fi adventure. +A cozy bakery interior with a baker holding a freshly baked cookie, the fortune inside reads "Eat Another", surrounded by a variety of other cookies and pastries on display. +A crowded train station with a digital screen displaying "Thank You for Your Patience" in bold letters, surrounded by commuters with weary expressions, some checking their watches, others looking at their phones, under the flickering fluorescent lights. +A close-up of a train conductor's hat, prominently displaying a shiny badge that reads "All Aboard" in elegant script, set against the backdrop of a vintage train station. +A wizard’s ancient, glowing forecast orb, suspended in a dimly lit study, displays the eerie message "100 Chance of Dragons" amidst swirling mists and flickering runes. +A TV show poster featuring the logo "Oliver's Story" prominently at the top, set against a backdrop of a cozy, dimly lit living room with a vintage TV set in the foreground, creating a nostalgic and inviting atmosphere. +A vibrant hot air balloon soaring through a clear blue sky, trailing a banner that reads "Fly High" in bold, elegant letters. The balloon's colorful pattern contrasts beautifully with the serene sky, capturing the essence of freedom and adventure. +A motivational poster featuring the phrase "Dream Big Achieve More" in bold, inspiring typography, set against a vibrant, sunrise backdrop with silhouettes of mountains and a lone figure standing on a peak, arms raised in triumph. +A movie director's chair on a film set, the backrest boldly printed with "Silence on Set", surrounded by the subtle chaos of production equipment and crew members in the background. +A realistic photograph of graffiti under a concrete bridge arch, the vibrant text reading "See You Space Cowboy" illuminated by the dim light filtering through the overhead structure. +A realistic photograph of an airport departure board, prominently displaying "Flight 815 On Time" among other flight listings, with passengers milling around and luggage carts scattered nearby. +A poster titled "yemi" showcasing a variety of quail species, each depicted with detailed feathers and natural habitats, set against a serene backdrop of rolling hills and lush forests. +A smartphone case adorned with the phrase "Music Lover", featuring a vibrant design of musical notes and instruments, set against a gradient background that transitions from deep blue at the top to a warm, sunny yellow at the bottom. +A medieval castle gate, heavily engraved with the ominous warning "Enter At Own Risk", set against a dark, stormy sky, with the gate slightly ajar, revealing a glimpse of the mysterious interior. +A cluttered laboratory filled with glowing vials and intricate machinery, where a scientist in a white lab coat stands, the coat adorned with an embroidered patch that reads "Madish Inventor". The scientist is surrounded by sketches and blueprints, with a focused expression on their face. +A vintage Farmer's Almanac page opened to "Full Moon April 6", showcasing a detailed illustration of a luminous full moon rising over a serene countryside, with handwritten notes on planting and weather predictions surrounding the image. +A modern kitchen with a sleek, stainless steel smart refrigerator. The screen on the fridge displays a notification in bold text: "Milk Expired Yesterday". A glass of milk sits on the counter, half-empty, with a slightly sour expression on a nearby cat's face. +A realistic photograph of an airport security checkpoint, with a prominent sign that reads "Remove Laptops From Bags" hanging above the X-ray machine. Travelers are seen placing their laptops in bins, and security personnel are directing the flow of passengers. +A VR headset sits on a table, its screen flickering with a glitched display that intermittently shows the text "Reality Loading" amidst distorted colors and pixelation, suggesting a system malfunction or a virtual world struggling to load. +A realistic photograph of a scientist wearing a lab coat with a name tag that clearly reads "Dr Smith", standing in a well-lit laboratory filled with scientific equipment and instruments. +A movie prop newspaper with a bold headline, "Aliens Bored Returning Home", set against a backdrop of a bustling, futuristic cityscape with flying saucers in the sky and curious onlookers. The newspaper is crumpled, giving it a realistic, used look. +A cozy baker’s shop with a rustic wooden sign reading "Hot Bread Daily" in elegant cursive, displayed in the window. Golden loaves of freshly baked bread are arranged on a checkered cloth, with steam gently rising, capturing the essence of a warm, inviting morning. +Retro arcade cabinet with vintage aesthetics, marquee flashing "Insert Quarter to Exist", set in a dimly lit room with nostalgic 80s decor, capturing the essence of classic gaming culture. +A realistic photograph of a prohibition sign "No Entry" prominently posted on a construction site fence, surrounded by caution tape and industrial equipment, with a cloudy sky in the background. +A weathered pirate ship deck, with the ship's wheel prominently displayed. A bronze plaque, slightly tarnished, is attached to the wheel, inscribed with the phrase "Honk If You Love Plunder". The scene is bathed in the golden light of a setting sun, enhancing the rustic charm of the ship. +A futuristic dry dock with a spaceship hull prominently displaying "Mars Colony One", surrounded by maintenance drones and illuminated by the soft glow of distant lights, set against the backdrop of a star-filled universe. +An ancient alien artifact, partially buried in desert sand, inscribed with intricate, glowing symbols that clearly translate to "Human Storage", under a starlit sky, with a faint aura of mystery and technology. +A realistic photograph of a flower shop window, featuring a decal that reads "Fresh Roses Daily". The window is adorned with a variety of colorful roses, and the scene is bathed in soft, natural light, highlighting the vibrant blooms and the elegant typography of the decal. +An astronaut floating in space, their helmet display prominently showing "O₂ 12 REMAINING" against the backdrop of a distant Earth, with stars twinkling in the vast darkness around them. +A young adult wearing a hoodie with the bold print "Born To Be Wild" stands confidently in an urban setting, surrounded by graffiti-covered walls and neon lights, embodying a spirit of rebellion and freedom. +A vintage 1920s map room with an antique globe prominently displaying the label "Atlantic Ocean 1923", surrounded by aged nautical charts and wooden bookshelves. Soft, warm lighting enhances the nostalgic atmosphere. +A majestic medieval castle gate, adorned with a grand emblem and the motto "Strength Through Unity" engraved in elegant, ancient script above the arched entrance, surrounded by lush greenery and a moat. +A detailed page from a wizard’s spellbook, ancient and worn, with the title "Invisibility Spell Active" clearly visible. The page is filled with intricate illustrations and handwritten notes, glowing softly as if the spell is being cast. +A vintage, weathered potion bottle with a peeling label, partially revealing the words "Elixir of Dad Jokes", set against a dimly lit, mystical background with faint magical sparks. +In a dimly lit ancient library, a wizard unrolls a parchment scroll, glowing faintly with the incantation "Reveal Hidden Truth", casting an ethereal light that highlights ancient tomes and mystical symbols on the walls. +A retro-futuristic time machine dashboard with glowing gauges and dials, prominently displaying the text "Destination Yesterday" on a illuminated panel, set against a backdrop of softly glowing circuits and futuristic components. +Graffiti spray-painted "Revolution Now" on a crumbling brick alleyway, with vibrant colors contrasting the weathered, textured bricks, set in a dimly lit urban scene. +A vibrant concert scene with a large, illuminated banner displaying "Rock the Night" hanging above the stage, surrounded by colorful stage lights and a crowd of excited fans waving their hands in the air. +A movie theater marquee under the night sky, brightly lit, announcing "Midnight Premiere Sold Out" with a crowd of excited moviegoers gathered outside, some looking disappointed. The theater's facade is vintage, with intricate detailing and a red carpet leading to the entrance. +A close-up of a cracked dinosaur eggshell fragment, partially buried in sandy soil, with a small tag attached that reads "Hatch Date Pending". Soft sunlight filters through overhead trees, casting dappled shadows on the scene. +A medieval knight stands proudly on a battlefield, his banner waving high with the inscription "For the Realm" clearly visible against the sky. The scene is bathed in the golden light of sunset, emphasizing the valor and determination of the knight. +A high-resolution digital thermometer with a sleek, modern design, displaying "986 F Normal" on its screen. The device is set against a clean, white background, emphasizing the clarity and precision of the temperature reading. +A realistic urban scene featuring a brick wall with vibrant graffiti that reads "Revolution Now" in bold, red spray paint, set against a backdrop of a bustling city street. +Retro diner with a classic menu board prominently circling "World's Best Milkshakes", surrounded by vintage advertisements and nostalgic decor, capturing the essence of a 1950s American eatery. +A bustling city street at dusk, with a digital billboard towering above, prominently displaying the warning "Traffic Jam Ahead" in glowing red letters, casting a stark, crimson light onto the congested traffic below. +A digital alarm clock on a bedside table, flashing the red text "Wake Up" in a dark room, with a soft glow illuminating the surrounding area. +A close-up of a pizza delivery car's side, showing a magnetic sign partially peeling off, revealing the clear text "30 Minutes or Free" underneath. The scene is set on a sunny day, with the car parked on a suburban street. +A vintage neon sign above a bustling diner at night, brightly flashing "Open 24 Hours" in vibrant red and blue, casting dynamic reflections on the wet pavement and windows of the 1950s-style eatery. +A coastal scene featuring a lighthouse with a detailed door plaque that reads "Keepers Quarters", surrounded by rugged stone walls and overgrown vegetation, bathed in the soft light of a setting sun. +A detailed ice sculpture plaque intricately carved with the words "Winter Gala 2024", set against a backdrop of snowy trees and twinkling lights, capturing the festive spirit of a winter evening. +A hot air balloon basket, intricately engraved with the phrase "Winds Know Best", floats above a serene landscape at dawn, with soft golden light casting shadows on the wicker and illuminating the detailed engraving. +A high-rise skyscraper with a window cleaner's bucket suspended on the side, clearly tagged with "Wash Your Metadata" in bold letters, against a backdrop of a bustling cityscape. +A dimly lit sci-fi prison cell with cold, metallic walls. A carved message reads "Breakout Plan Failed" near the floor, illuminated by a flickering overhead light. The scene is somber, emphasizing the isolation and despair of the prisoners. +A charming flower shop window features a stylish decal reading "Fresh Roses Available", surrounded by an array of vibrant, blooming roses and elegant floral arrangements, with soft sunlight streaming through, casting a warm, inviting glow. +An ancient wizard's spell scroll with a detailed header that reads "Fireball Incantation", surrounded by intricate magical symbols and glowing embers, set against a backdrop of a dimly lit, mystical library. +A vibrant movie poster featuring the title text "Junction City" in bold, neon-lit letters, set against a backdrop of a bustling urban night scene with towering skyscrapers, glowing street signs, and a mix of futuristic and vintage vehicles. +A witch's broomstick, adorned with a silver tag that reads "Speed Limit 777 MPH", hovers above a misty forest at twilight, casting an eerie glow. +A bustling amusement park with a towering roller coaster in the background. At the entrance, a sign reads "Must Be This Tall to Ride", with a measuring line marked on a colorful, cartoonish character. Kids and parents queue, some eagerly, others looking nervous. +A dark, mystical room with a witch stirring a bubbling cauldron. The cauldron is labeled with a warning sign that reads "Love Potion" in eerie, glowing letters. Mysterious ingredients and magical artifacts surround the cauldron, casting shadows in the dim light. +A vibrant concert scene with a crowd waving glow sticks, a band performing on stage under colorful lights, and a close-up of a T-shirt with the slogan "Music Saves Lives" prominently displayed. +A realistic photograph of a college lecture hall, with a large screen at the front displaying the title "Physics 101" in clear, bold text. Students are seated at desks, some taking notes, others engaged in discussion. +A person wearing a VR headset with the display reading "Reality Disabled", standing in a futuristic, dimly lit room filled with holographic interfaces and sleek, minimalist furniture. +A majestic medieval castle gate, grand and imposing, with the motto "Strength in Unity" inscribed in elegant, ancient script above the arched entrance. The scene is bathed in the warm, golden light of a setting sun, casting long shadows and highlighting the intricate stonework and heraldic emblems. +A realistic photograph of an old, wooden gardener’s tool shed with a faded, rusted metal sign on the door that clearly reads "Keep Out", surrounded by overgrown vines and wildflowers. +A vintage newspaper spread open to a page with a bold, eye-catching headline reading "Moon Landing Success", surrounded by period-appropriate advertisements and articles, set on a slightly worn, textured surface. +A realistic photograph of a pet store fish tank, with a warning sticker on the front glass reading "Dont Tap They Bite", surrounded by various colorful fish swimming inside. +A vibrant TV show poster featuring the logo "Street Angel" prominently, set against a gritty urban backdrop with neon lights and shadows, capturing the essence of a modern, edgy drama series. +A tranquil library interior with warm lighting and rows of bookshelves, featuring a sign prominently displayed that reads "Silence Please" in elegant calligraphy, surrounded by cozy reading nooks and a few patrons quietly browsing. +A realistic construction site with caution tape printed "Quantum Zone Keep Out" fluttering in the breeze, surrounded by orange cones and warning signs, with a partially built structure in the background and workers in hard hats observing from a distance. +A diver, equipped with an oxygen tank tagged "Deep Sea Explorer", explores the vibrant underwater world, surrounded by colorful coral and curious marine life. +A worn treasure map parchment, crinkled and stained, with "X Marks the Spot" scrawled in bold, adventurous handwriting, laid out on an old wooden table under a flickering candle, surrounded by a compass, a rusty key, and a leather-bound journal. +A boat's stern, named "Ocean Explorer", majestically rising from the water, with waves gently splashing against it, under a vibrant sunset sky. +A close-up of a dragon egg carton label with the warning "Handle With Fire" prominently displayed. The label features intricate, fiery dragon illustrations and a background of deep red and orange, emphasizing the cautionary message. +A retro computer screen displays the error message: "Insert Floppy of Will" in green text on a black background, surrounded by vintage computer hardware and floppy disks on a wooden desk, with soft ambient lighting. +A realistic photograph of a wrist with a script tattoo that reads "Carpe Diem 2020", the ink bold and clear against the skin, set against a soft, neutral background. +A close-up of a crumpled plane ticket stub lying on a wooden table, clearly showing the text "Flight BA123" with a subtle shadow and realistic paper texture. +A realistic photograph of an airport display board, prominently showing the message "Flight 456 Delayed", with passengers in the background looking at their phones or waiting impatiently. +A cozy café interior with a vintage chalkboard prominently displaying today’s special as "Homemade Pie" in elegant cursive, surrounded by steaming cups of coffee and a rustic wooden table. +A lonely, weathered gravestone in a misty, overgrown cemetery, the epitaph "Told You I Was Sick" faintly visible, surrounded by tall grass and autumn leaves. +A fitness enthusiast stands in a park, wearing a smartwatch that displays the "Marathon Runner" badge, surrounded by autumn leaves and a serene running path, celebrating their achievement with a joyful smile. +A futuristic sci-fi teleporter pad with a glowing sign that reads "Beam Coordinates Set", surrounded by a sleek, metallic station and soft, ambient lighting. +A grand Atlantis city gate, intricately carved with ancient symbols and the phrase "Park Swim Vehicles Here" in elegant script, standing majestically at the entrance of a sunken city, surrounded by luminescent underwater flora and fauna. +A realistic photograph of a library cart with a clear sign that reads "Return Books Here", placed near a row of bookshelves, with a few books stacked on the cart and a gentle, warm light illuminating the scene. +A neon "Taxi Stand" green sign illuminates a line of yellow cabs queued on a rainy city street at night, with reflections in the wet asphalt and a few pedestrians hurrying by. +A bustling supermarket with a PA system screen displaying "Cleanup Aisle 5" in the background, shoppers browsing shelves, and a staff member rushing with a mop. +In a museum, a sign that reads "No Flash" hangs prominently near an ancient, illuminated artifact, surrounded by quiet patrons and dim, ambient lighting. +A realistic photograph of a chess tournament, where the board prominently displays the message "Checkmate in 3". The scene captures the tension and focus of the players, with spectators leaning in, eager to see the outcome. +A whimsical fairy mushroom house with a tiny door, adorned with a hand-painted wooden sign reading "Gnome Sweet Gnome", nestled in a lush, enchanted forest. +A police car parked on a busy city street, its side emblazoned with the decal "To Protect And Serve", under a clear blue sky, with pedestrians walking by and skyscrapers in the background. +A gamer's screen displays the achievement "Master Explorer" with a vibrant, detailed map in the background, surrounded by adventure gear like a compass, old maps, and a lantern. The scene is set in a cozy, dimly lit room, evoking a sense of accomplishment and the thrill of discovery. +A realistic urban scene with a road closure barricade featuring a flashing sign that reads "Detour Ahead", surrounded by construction cones and a dimly lit street at dusk. +A futuristic space station module with a control panel displaying "Artificial Gravity Offline", set against the backdrop of a distant, glowing planet. The scene is lit by the station's emergency lights, casting a cool, blue hue over the metallic surfaces and highlighting the warning signs. +A bustling city street at night, illuminated by neon lights, features a retro-futuristic robot stand-up club with a glowing marquee that reads "Circuit Breakers Night". Robots and humans mingle outside, creating a vibrant, lively scene. +In a contemporary art gallery, a sleek, minimalist plaque beneath a large, abstract art piece titled "Missed Deadline", featuring bold, chaotic strokes that convey a sense of urgency and frustration. +A realistic photograph of a boxing ring, focusing on the corner marked "Blue Team". The mat shows signs of wear, with the ropes taut and the ring lights casting a soft glow. A water bottle and towel rest near the corner, enhancing the scene's authenticity. +An amusement park entrance with a modern turnstile prominently displaying the sign "FastPass Required" under bright, colorful park lighting, surrounded by excited visitors and vibrant attractions in the background. +A chef’s recipe book open to "Dragon Pepper Chili EXTREME", with a wooden spoon and fresh chili peppers scattered around on a rustic kitchen countertop. The background features a blurred, warm kitchen setting, emphasizing the vibrant colors of the peppers and the detailed text on the page. +A realistic photograph of a lifeboat compartment on a cruise ship, with a prominent sign reading "Emergency Use Only" clearly visible, set against the backdrop of the ship's deck and the vast ocean. +A serene park entrance features an elegantly engraved stone plaque that reads "Peace Garden", surrounded by lush greenery and blooming flowers, inviting visitors into a tranquil space. +A bakery display window bathed in warm afternoon light, showcasing a large, intricately decorated cake with "Happy 100th Birthday" written in elegant frosting. Surrounding the cake are various pastries and flowers, enhancing the celebratory atmosphere. +A close-up of a vintage pink candy heart with the message "Be Mine" written in bold, retro font, set against a soft, blurred background of pastel Valentine's decorations. +A bustling seafood market with a rustic blackboard prominently displaying "Catch of the Day" in elegant white chalk, surrounded by an array of fresh fish and shellfish, under the warm glow of overhead lanterns. +A neon bar sign flashing "Last Call at 2 AM" hangs above a crowded counter, where patrons chat and laugh, glasses clink, and the warm glow of the bar lights mixes with the cool blue of the neon, capturing the lively atmosphere of a night winding down. +A detailed close-up of a library book spine, prominently displaying the title "History of Rome" in elegant gold lettering, set against a worn, dark brown leather backdrop. +A detailed alien textbook diagram showing a human body with a labeled "Human Charging Port" near the heart, illustrated in a scientific, anatomical style with precise lines and annotations. +A detailed ski resort trail map with a prominent warning sign that reads "Expert Slopes Only", surrounded by snowy peaks and groomed slopes, under a crisp blue sky. +A chef in a bustling kitchen, wearing a traditional white chef’s hat embroidered with the playful message "Kiss the Cook Maybe Later", preparing a gourmet dish with a smile. +A rustic campfire scene with a wooden sign carved with "Bear Territory" standing prominently beside it, set in a dense forest at dusk, with embers gently rising from the fire and a cool, misty atmosphere. +A realistic photograph of a campground rules poster, prominently displaying "Quiet Hours 10PM 6AM", surrounded by trees and tents, with a serene evening camping scene in the background. +A city street at night, a yellow taxi with its roof light prominently displaying "Available Now" in bright, neon colors, reflecting off wet pavement after a light rain, with the city's skyscrapers and streetlights creating a vibrant, bustling atmosphere. +A close-up of an ancient, tattered wizard’s spell scroll with a subtle footnote at the bottom, clearly stating "May Cause Side Effects", surrounded by mystical runes and faint, glowing symbols. +A high-speed race car with a sleek, matte black finish, featuring a bold hood decal that reads "Speed Demon Racing Team" in vibrant, neon colors, racing on a dusty track under a clear blue sky. +A movie set with a director's clapperboard prominently displayed, marked "Take 100 Maybe This Time", surrounded by a crew preparing for a shot, under the soft glow of on-set lights. +A neon sign outside an old theater, prominently displaying "Now Showing" in vibrant, pulsating colors, casting a dynamic glow on the rainy city street at night. +A close-up of an ancient, ornate potion bottle with a warning label that reads "May Cause Existential Dread", set against a dimly lit, mystical background with swirling mist and subtle, glowing runes. +A vibrant movie poster featuring Santa Claus surrounded by three playful bears, with the text "Santa and the Three Bears" prominently displayed at the top, set against a snowy winter backdrop. +A realistic office scene with a post-it note stuck to a computer monitor, clearly displaying the text "Meeting at 3 PM" in bold, against a background of desks and office chairs. +A hidden cave entrance shrouded in mist, ancient runes etched into the stone reading "Enter at Peril", surrounded by dense, overgrown foliage and moss-covered rocks, with a narrow beam of light piercing the darkness inside. +A realistic photograph of a highway construction sign flashing "Detour 500m Ahead" with bright orange lights, set against a twilight sky with the silhouette of construction barriers and equipment in the background. +A rustic treehouse nestled in a dense forest, with a wooden plank carved with "Adventure Club" hanging above the entrance, surrounded by lush green foliage and dappled sunlight. +A close-up of an artisan soap wrapper, elegantly labeled "Lavender Dream Organic Blend", with a subtle lavender pattern and a rustic, earthy background. +A vast desert landscape featuring a unique canyon rock formation that naturally resembles "X MARKS", set against a backdrop of golden sands and a clear blue sky, with subtle shadows highlighting the texture of the ancient stone. +A cozy kitchen corner where a dog's food bowl, labeled "Good Boy Buffet", sits on a rustic wooden floor, surrounded by sunlight streaming through a nearby window, casting warm shadows. +A realistic photograph of a public pool entrance, featuring a prominently displayed "Lifeguard Not on Duty" sign, surrounded by closed gates and empty deck chairs, under a cloudy sky. +A detective's office, cluttered with files and evidence, features a prominent clue board. Centered on the board is a photo of a rubber duck, tagged with a note reading "Suspect The Rubber Duck". The scene is lit by the soft glow of a desk lamp, casting shadows that add to the mystery. +A vintage, intricate invitation card, embossed with the elegant, gothic text "Knights of the Eclipse", featuring a detailed crest with a crescent moon and a knight's helmet, set against a deep, velvety black background. +A coastal scene featuring a lighthouse tower, its white walls painted with the bold, blue words "Safe Harbor Ahead", standing against a backdrop of rolling waves and a clear sky, emphasizing the welcoming and protective nature of the lighthouse. +A realistic photograph of a moon crater formation that eerily resembles the letters "SOS", set against the backdrop of the dark lunar landscape, with the Earth visible in the distant sky, casting a faint blue glow. +A dark, forest clearing at night, a witch in a pointed hat stirs a large, bubbling cauldron under a full moon. The cauldron emits swirling, green vapors labeled "Double Trouble Brew", casting eerie shadows on the surrounding trees and rocks. +A neon green sci-fi movie poster titled "Cyborg Uprising", featuring a futuristic cityscape with cybernetic figures rising against a backdrop of glowing skyscrapers and digital holograms. +A weathered pirate flag flutters in the sea breeze, featuring a menacing skull and the ominous text "Dead Men Tell" in bold, faded letters. The flag is set against a dark, stormy sky, emphasizing the pirate's fearsome reputation. +A dark, dense forest with trees closely packed, casting deep shadows. In the distance, a single warm light glows, illuminating a sign that reads "lounge" amidst the gloom. +A close-up of an old library book, the page slightly worn and yellowed, featuring a bold red stamp that reads "Due Back March 15" in the corner, surrounded by the faint scent of vintage paper. +A weathered pirate flag flutters in the sea breeze, its dark fabric stitched with the ominous phrase "No Quarter Given" beneath a menacing skull art, set against the backdrop of a stormy sky and turbulent waters. +A close-up of a chef’s hat with intricate embroidery that reads "Kiss the Cook Not", set against a rustic kitchen backdrop with warm, golden lighting. The hat is slightly worn, adding a vintage touch. +A close-up of a medicine bottle on a white background, with a clear pharmacy label that prominently states "Take Once Daily", alongside a glass of water and a single pill next to the bottle. +A close-up of a wizard hat with a tag attached, clearly displaying the text "One Size Fits All". The hat is made of deep purple velvet, with a gold star pattern, and the tag is a simple white card with black text. +A school locker adorned with colorful decorations, including a prominent sign that reads "Math Club Rules". The locker is filled with math-themed stickers, posters of famous mathematicians, and equations. A calculator and a geometry set are attached to the locker door. +A gritty, post-apocalyptic urban wall painting of "GROW FOOD NOT WAR" in vibrant, weathered colors, set against a backdrop of crumbling buildings and overgrown vegetation, with a sense of hope and resilience in the message. +An ancient, leather-bound book cover, embossed with the intricate title "Secrets Untold", resting on a weathered wooden desk, illuminated by the soft glow of a nearby candle, surrounded by scattered, yellowed pages. +An astronaut's moon footprint, clearly visible in the lunar soil, forms the word "Houston" as if etched into the surface of the moon, surrounded by the stark, grey lunar landscape. +Retro gas station oil can label from the 1950s, featuring bold text "Premium Unleaded 1950s Blend" with vintage graphics and a nostalgic color palette. The label is slightly weathered, giving it an authentic, aged look. +A wizard stands in a dimly lit forest, his staff emanating a bright, ethereal light. The runes on the staff glow vividly, spelling out "Lumos Maxima Maybe", casting a mystical aura around the ancient trees and fog. +A high-resolution close-up of a sleek smartwatch screen displaying "10000 Steps Achieved", set against a blurred cityscape background at sunset, with the watch's metal band reflecting the warm golden hour light. +A pilot in a cockpit, wearing a headset with the message "LANDING GEAR DOWN" clearly visible, looking focused and determined as the plane descends for landing, with the runway and landscape visible through the cockpit window. +An ancient, weathered oracle stone, half-buried in moss-covered earth, with the ominous inscription "The End is Coming Eventually" clearly visible in the fading light of dusk. +A close-up of an elevator button panel with a uniquely labeled button reading "Floor ½", set in a modern, sleek elevator lobby with soft, ambient lighting and reflective surfaces. +A sleek digital assistant screen, glowing in a modern office setting, prominently displaying the text "I Pretend to Care" in clear, bold letters, surrounded by minimalist interface elements. +A realistic photograph of a pet store window, featuring a vibrant sticker that prominently states "Adopt Don't Shop", surrounded by playful images of cats and dogs. +A close-up of a vintage watch face, intricately detailed with roman numerals, displaying the phrase "Time Is Precious" in elegant, cursive script at the 12 o'clock position, set against a warm, golden backdrop. +A weathered pirate map with detailed annotations, including a prominent red X and the text "Bury Treasure Here" marked in bold, old-fashioned script. The map shows a tropical island with dense forests, a sandy beach, and a hidden cove, surrounded by turbulent waters. +An antique globe with intricate brass stands and a weathered surface, prominently featuring a faded label that reads "Atlantis Here", set against a backdrop of old maps and nautical instruments. +A detective's magnifying glass floats above a worn document, the word "Clue" prominently circled in bright red ink, set against a dimly lit, mysterious background. +A wizard's broomstick parked against a moonlit sky, its license plate clearly displaying "MAG1C" with twinkling stars surrounding it. +A Viking mead hall sign, weathered by time, boldly states "Feast or Famine Mostly Feast" in runic script, hanging above a wooden door with intricate carvings, set against a backdrop of a snowy, Nordic landscape. +A close-up of a vintage gardener's seed packet, labeled "Heirloom Tomatoes", with intricate illustrations of ripe tomatoes and lush green leaves, set against a weathered wooden background. +A stylish, modern T-shirt with "Code All Day" printed boldly in the center, set against a minimalist background. The text is in a sleek, sans-serif font, emphasizing a tech-savvy, urban aesthetic. +A close-up shot of a vintage candy store jar label, prominently displaying "Assorted Jelly Beans 2024" in bold, colorful letters, surrounded by a scattering of vibrant, multi-colored jelly beans. +A dimly lit arcade, with a claw machine as the focal point. Inside, a single prize labeled "Empty Dreams" glows faintly, surrounded by shadows. The machine's glass is slightly smudged, reflecting the neon lights of the arcade. +A modern electric vehicle is parked at a sleek, futuristic charging station, with a bright "Charging in Progress" sign illuminated on the charger. The car's lights are gently glowing, reflecting the serene, tech-driven atmosphere of the scene. +A modern tech expo with a large, glowing hologram displaying "Future of AI Today" in the center, surrounded by futuristic technology booths and excited attendees. The atmosphere is vibrant and cutting-edge, with neon lights and sleek, high-tech displays. +A glowing Magic 8 Ball hovers in a dimly lit room, its spherical surface reflecting soft shadows. Inside, the triangle points to the answer "Ask Later", illuminated with a subtle, ethereal light. +A realistic photograph of a restroom door with a clear sign that reads "Out of Order", set against a slightly worn, tiled wall, with a faint shadow of a maintenance cart in the background. +A realistic photograph of a highway scene with a large billboard on the side, clearly displaying the text "Joes Diner 5 Miles Ahead" against a backdrop of open road and distant hills. +A stone monument stands in a quiet, overgrown garden, its surface engraved with the solemn words "Never Again 1945". The scene is bathed in the soft, golden light of a setting sun, casting long shadows and emphasizing the monument's weathered texture. +A beautifully decorated birthday cake with icing that spells "40 Fabulous" in elegant cursive, surrounded by flickering candles and vibrant flowers, set against a warm, celebratory background. +A Parisian street at night, featuring a charming bakery with a neon sign flashing "Fresh Croissants 247" in vibrant colors, casting a soft glow on the cobblestone pavement and nearby window displays filled with pastries. +A realistic photograph of a vast, green field at dawn, featuring a meticulously crafted crop circle that spells out "Take Me To Your Dealer" in an intricate, alien-inspired pattern, with a faint, glowing UFO hovering above, casting a soft light on the formation. +A realistic photograph of a theater dressing room, with a large mirror featuring a stylish decal that reads "Break a Leg" in elegant, bold letters, surrounded by vintage makeup and brushes on a wooden vanity. +A beach volleyball match at sunset, players in vibrant jerseys printed with "Summer League" spike and dive in the sand, waves gently lapping in the background, spectators cheering from colorful beach chairs. +A realistic photograph of a boxing ring, with the floor mat prominently displaying "Round 3" in bold, vibrant letters. The ring is surrounded by ropes and the atmosphere is tense, with a spotlight illuminating the center of the mat. +A Magic 8 Ball floats in a clear glass container filled with deep blue liquid, its triangular window displaying the message "Ask Again Tuesday" in glowing white letters, surrounded by swirling, iridescent patterns. +A realistic photograph of a moon base airlock, with a digital display prominently showing "Pressure Stable" in vibrant green text, set against the backdrop of a stark lunar landscape. +A spy's shoe heel leaves a subtle imprint in the dirt, clearly spelling out "Follow Me" as a covert invitation. The scene is set in a dimly lit alley, with shadows enhancing the mystery. +A retro arcade machine with a vibrant, pixelated screen, standing in a dimly lit game room. The machine features a prominent, glowing button with the text "Insert Coin to Continue" in bold, retro font, inviting players to join the nostalgic gaming experience. +An art gallery wall featuring a sleek, modern plaque titled "Untitled This Means Nothing", set against a minimalist white background, with soft, ambient lighting highlighting the plaque's elegant, sans-serif text. +A high-resolution photograph of a boxing speed bag with the imprint "Round 10" clearly visible, set against a backdrop of a dimly lit gym with faint outlines of boxing gloves and a punching bag in the background. +A close-up photograph of a hotel key card sleeve, prominently displaying "Room 237 Check Out 11 AM", with a subtle texture of the card material and a faint hotel logo in the background. +A retro-futuristic time machine dashboard with neon lights and analog dials, prominently displaying a glowing red warning sign that reads "Don't Meet Yourself". The scene is illuminated by the soft glow of the dashboard, creating a sense of urgency and mystery. +A close-up of a smartphone screen with a notification bubble prominently displaying "12 New Messages", set against a blurred background to emphasize the notification. The screen is slightly tilted, adding a dynamic angle to the scene. +A vintage mystery novel bookmark featuring the intriguing question "Who Did It" in elegant script, set against a backdrop of a foggy, dimly lit alley with a silhouette of a detective holding a magnifying glass. +A digital billboard scrolling "Climate Emergency Alert" towers over a flooded city, where water submerges buildings and streets, reflecting neon lights and the urgent message, under a stormy sky. +A submarine porthole, etched with "Depth 3000m", partially obscured by swirling ocean currents and bioluminescent plankton, casting a mystical glow in the deep sea. +A serene piano room bathed in moonlight, with a grand piano in the center. The sheet music titled "Moonlight Sonata" is placed on the stand, gently illuminated by the soft, silvery glow. The scene captures the tranquil atmosphere, evoking the timeless beauty of Beethoven's masterpiece. +A sleek smartphone screen with a modern, minimalist home screen widget displaying "Meeting At 3 PM" in a clean, bold font, set against a subtle gradient background. The widget is the focal point, with a slight shadow for depth. +A cozy camping tent interior, warm lighting, camping gear neatly arranged, a humorous sign on the wall that reads "No Bears Inside Hopefully", ensuring a safe and inviting atmosphere. +A close-up of a pair of gardener's gloves, prominently displaying the imprint "Thorns Build Character", set against a backdrop of lush, vibrant green foliage. The gloves show signs of wear, emphasizing the message. +A realistic photograph of a moon base airlock, with a digital screen prominently displaying the text "Welcome Home Astronauts", set against the backdrop of a desolate lunar landscape. +A close-up of a mineral water bottle with "Do not litter" instructions prominently displayed on its label, set against a natural backdrop of a forest floor, emphasizing the message of environmental conservation. +A detailed beach scene with a sandcastle featuring a small flag that reads "King of the Beach", set against a backdrop of the ocean and a clear blue sky. +A bustling Italian restaurant with a rustic wooden menu board prominently displaying "Today's Special Lasagna" in elegant cursive, surrounded by hanging garlic bulbs and fresh basil leaves. +A futuristic cityscape at dusk, with a massive, illuminated billboard prominently displaying "SkyHigh Apartments". The billboard showcases a sleek, high-rise building with glowing windows, set against a backdrop of towering skyscrapers and flying cars. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot", sitting on a wooden table, steam rising gently from the cup, with a soft, warm ambient light casting a gentle shadow. +A vintage gas station with a retro aesthetic, featuring an old gas pump with a sticker that clearly reads "Pay Inside First", set against a sunny, clear sky with a few puffy clouds. The scene is captured in a realistic photographic style. +A vibrant birthday party scene with a large, colorful balloon arch spelling out "Celebrate 18 Today" in glittery letters, surrounded by cheerful guests, festive decorations, and a glowing birthday cake with 18 candles. +A realistic photograph of a car dashboard with a digital readout prominently displaying "Low Fuel 50 Miles Left", set against the backdrop of a dimly lit interior, capturing the urgency of the situation. +A realistic photographic scene of a "bosanska" sculpture photo booth, intricately crafted from thin, vibrant colored lines, set against a minimalist background, capturing the unique blend of traditional and modern art forms. +A stone monument engraved with "They Loved This Land" stands at the mountain summit, surrounded by rugged peaks and a sea of clouds, with the sun casting a warm glow over the ancient, weathered stone. +A cozy, dimly-lit restaurant with vintage decor, featuring a prominently displayed reservation book open to the page reading "Table for Two". A soft, warm glow from candlelit tables enhances the intimate atmosphere, inviting patrons to enjoy a romantic evening. +A cinematic movie poster for "Sleepwalking Land", featuring a moonlit landscape with a lone figure wandering through a misty, deserted town, surrounded by eerie, shadowy shapes and subtle, haunting glows. +A realistic photograph of a futuristic spaceship control panel, with a prominent red button labeled "DO NOT PRESS" amidst a array of other controls, illuminated by soft blue and green lights, reflecting a sense of high-tech sophistication and caution. +A close-up of a paper fortune cookie with the message "Adventure Awaits Tomorrow" clearly visible, set against a warm, golden background with a soft, ambient light casting a gentle glow over the scene. +A realistic photograph of a highway exit sign with "Next Services 50 Miles" prominently displayed, set against a backdrop of sprawling landscape and clear blue skies, with a modern car driving past in the foreground. +A bustling city street at dusk, with a cozy bookstore window prominently displaying a sign that reads "Bestsellers March 2024". The window is filled with a colorful array of books, and a few curious passersby are stopping to browse. +A whimsical pirate-themed nutrition label, prominently displaying "Daily Value 200 Rum" in bold, nautical typography. The background features a vintage, weathered parchment texture with illustrations of rum bottles, a treasure map, and a skull and crossbones. +A sleek race car with a glossy black finish, featuring a bold, red decal on the hood that reads "Speed Demon" in dynamic, futuristic font, set against a backdrop of a bustling, high-tech racetrack. +A Valentine's Day chocolate box, elegantly wrapped in red and gold paper, with a label that boldly reads "Sweet Revenge". The box is placed on a vintage lace tablecloth, surrounded by a scattered trail of red rose petals, creating a dramatic and mysterious atmosphere. +A modern digital classroom with a large screen on the wall prominently displaying the text "Quiz Time" in bold, vibrant letters. Students sit at desks equipped with tablets, looking attentive and ready for the quiz. The room is filled with natural light, enhancing the crisp, high-tech atmosphere. +A cozy bakery interior with a beautifully arranged cupcake display prominently labeled "Gluten Free Options", featuring a variety of colorful, delectable cupcakes under a glass dome, with soft lighting and a wooden background. +A cozy, hand-knitted scarf in soft, pastel tones, labeled with "Winter Vibes", draped over a rustic wooden table, with a gentle snowfall in the background, capturing the essence of a serene winter evening. +An antique typewriter with a piece of paper stuck in it, prominently displaying the phrase "All Work and No Play". The scene is set in a dimly lit, vintage study with wooden shelves and old books, capturing a nostalgic atmosphere. +An ancient parchment map with faded ink, crinkled and worn at the edges, detailing a mythical land. The map prominently labels "Here Be Dragons" in elegant, archaic script, surrounded by intricate illustrations of fantastical creatures and old-world cartography elements. +A weathered stone monument stands in a serene park, its surface engraved with the solemn words "Never Forget 2020". Surrounded by tall trees and overgrown grass, the monument is partially shaded by the afternoon sun, casting soft shadows and highlighting the worn texture of the stone. +A realistic photograph of a "Private Property" sign prominently displayed on a rustic wooden fence, set against the backdrop of a sprawling rural farmland, with lush green fields and a cloudy sky. +Retro rocket ship with vibrant nose art featuring the bold text "Mars or Bust", set against a nostalgic 1950s space race backdrop, with a sleek, futuristic design and a sense of adventurous optimism. +A baking show contestant in a kitchen, wearing an apron embroidered with "Pastry Master", surrounded by pastries and baking tools, under warm, natural lighting. +An art studio with a paint palette prominently featuring the words "Mix Colors Boldly", surrounded by vibrant, unfinished canvases and scattered brushes, capturing the creative chaos and inspiration of an artist's workspace. +A bustling amusement park entrance, vibrant with colorful lights and decorations. The large archway prominently displays the text "Thrill Zone Ahead" in bold, glowing letters, inviting visitors into a world of excitement and adventure. +A carnival scene with a fortune teller's tent, adorned with a glowing sign that reads "Know Your Fate" in mystical, vintage lettering, surrounded by twinkling lights and curious onlookers. +A vibrant candy wrapper design featuring "Sour Blast Extreme", with a bold, neon color scheme and dynamic, explosive graphics that convey intense sour flavor, set against a glossy, textured background. +A cozy coffee shop interior with a chalkboard menu prominently displaying "Latte Art Masterpiece" in elegant, highlighted chalk script, surrounded by a variety of other beverage options in a rustic, warm setting. +A detailed photograph of a wizard's familiar, a unique CatDragon hybrid, with a intricately designed collar. The collar features a small, elegant tag that clearly reads "CatDragon Hybrid" in an antique, mystical font. The creature is playfully nuzzling the collar, set against a magical forest backdrop. +A bustling DIY workshop filled with tools and materials, with a large, open table in the center. On the wall, a prominent sign reads "Build It Yourself" in bold, cheerful letters, surrounded by instructional posters and diagrams. Warm, natural light filters through large windows, highlighting the creative chaos. +A cozy bakery interior with a freshly baked cookie on a white plate, the cookie stamped with "You'll Find Sweetness Today", surrounded by a warm, golden glow, capturing the essence of a sweet, hopeful message. +A firefighter in full gear, helmet emblazoned with "Rescue Team 5", stands heroically against a backdrop of smoldering ruins, the sunlight casting a dramatic shadow. The helmet's reflective surface glints, highlighting the badge and team name. +Retro diner interior with a vintage jukebox prominently displaying "Play Love Shack", surrounded by nostalgic decor and softly glowing neon lights, capturing the essence of a 1950s evening. +A sunny beach scene with a volleyball net, one of the posts tagged with a sign reading "Game in Progress", surrounded by soft sand and playful beachgoers. +An astronaut in a detailed spacesuit, floating in a zero-gravity environment, meticulously checks the oxygen levels on their control panel. The scene is set against the backdrop of a distant Earth, with the checklist item "Check Oxygen Levels" clearly visible on the astronaut's wrist display. +A close-up of a stamped envelope with "Urgent Express Mail" in bold red ink, lying on a textured wooden table, with a subtle play of light and shadow enhancing the details. +A close-up of a fitness tracker screen gleaming under soft indoor lighting, prominently displaying the achievement "10k Steps Reached" with a celebratory icon, set against a blurred backdrop of a sleek, modern gym interior. +A school bus with the "broadway" slogan prominently displayed on its side, parked in front of a bustling city theater, with students in colorful costumes boarding the vehicle, capturing the spirit of urban theatrical education. +A vintage circus poster for the "Abracadabra Nightly Show", featuring a magician in a top hat pulling a rabbit from a glowing hat, surrounded by sparkles and magical symbols, under a starlit sky. +A pink glass bottle with "LOVE" embossed on its surface, set against a soft, pastel background. The bottle is partially filled with clear water, with a few delicate rose petals floating inside, capturing a romantic and serene atmosphere. +A vibrant poster design with the title text "Night of Love" prominently displayed, featuring a romantic cityscape at night with soft, glowing lights and a couple silhouetted against a starry sky. +A detailed medieval parchment map, with intricate illustrations and text, labeled "Here Be Dragons" near the edge where a fearsome sea serpent emerges from the waves, coils around the land, and gazes menacingly at the viewer. +A cozy coffee shop interior with a rustic wooden table and a chalkboard menu prominently displaying "Existential Latte 499" in elegant script, surrounded by various coffee cups and pastries, with warm lighting and a few patrons chatting softly in the background. +In a whimsical illustration from a fairy tale book, a tiny margin note reads "Prince Needs Therapy", subtly critiquing the story's heroic character. The scene is filled with vintage book elements, intricate borders, and a slightly comedic tone. +Graffiti sprayed "Stop War" on the side of an abandoned building, with chipped paint and graffiti tags around it, under a cloudy sky, in a desolate urban setting. +A retro cereal box mascot, a cheerful cartoon character with big eyes and a wide smile, enthusiastically shouting "Now With Time Travel Crunch" while standing against a vintage, colorful background with swirling patterns and playful typography. +A weathered treasure map with intricate symbols and faded edges, the lettering "Dig Here" clearly marked with an X at a spot surrounded by mysterious illustrations of ancient landmarks and natural features. +A bustling farmers market with a wooden stall sign prominently painted "Organic Produce", surrounded by vibrant, fresh vegetables and fruits, under a sunny sky. +A detailed shot of a vintage, wooden museum donation box with the words "Support the Arts" elegantly engraved on its surface, surrounded by soft, ambient lighting that highlights the textures and craftsmanship of the box. +A realistic photograph of a car with a bumper sticker that reads "Honk If You Love Cats", parked on a quiet street with a few curious cats sitting by the roadside, under a clear blue sky. +A realistic photograph of a Magic 8-ball floating in a cozy living room, with the answer "Ask Again After Coffee" clearly visible through its transparent surface, surrounded by a soft, warm glow. +A construction worker pauses on a scaffolding, their yellow helmet prominently displaying a sticker that reads "Safety First" in bold black letters, contrasting against the sunny, bustling construction site in the background. +A sleek smartphone screen displays a vampire dating app profile, with the bio prominently featuring the text "Looking for Night Owls Only". The background shows a dimly lit, gothic cityscape at night, with subtle hints of moonlight and fog. +A realistic photograph of a train ticket stub with the text "Platform 9¾ Depart 11 AM" lying on an old, weathered wooden bench in a foggy, vintage train station. +A realistic photograph of a modern highway construction site, featuring a large, reflective road sign that reads "Delays Ahead Worth It Maybe", surrounded by orange traffic cones and construction barriers, with workers in hi-vis vests in the background. +A romantic restaurant setting with a couple at a candlelit table. A napkin with a handwritten note that reads "Will You Marry Me" is placed prominently in the center, with a ring beside it, capturing the moment of a heartfelt proposal. +A school bus stop sign with the message "Stop When Lights Flash" folding out, standing beside a yellow school bus on a quiet suburban street, with children waiting safely on the sidewalk, and the bus's flashing red lights warning oncoming traffic. +An abandoned factory interior with rusted machinery and a conveyor belt prominently displaying the text "Quality Control Failed Here", overgrown with vines, dimly lit by a single flickering bulb. +An artist's studio with a large canvas prominently displayed, smudged with the phrase "Work in Progress" in bold, messy letters, surrounded by paintbrushes, palettes, and half-used paint tubes. +A parrot perched on the mast of an old pirate ship, wearing a miniature pirate hat. The parrot's beak holds a scroll with the text "memoir" clearly visible. The ship is surrounded by the vast, turbulent sea. +A realistic forest scene at dusk, with a prominent campfire sign warning "No Burning Permitted" standing beside a rustic wooden trail marker, surrounded by tall pines and underbrush. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot Liquid", sitting on a wooden table, with steam rising gently from the cup. The scene is warmly lit, capturing the texture of the sleeve and the smooth surface of the table. +A rock climber, mid-climb on a rugged cliff face, reaches for a hold with one hand while their chalk bag, embroidered with "Reach the Top", hangs from their harness, swaying slightly in the mountain breeze. +A subway train ad featuring a vibrant, mouth-watering pizza with the slogan "Best Pizza Next Exit" prominently displayed. The ad is modern, clean, and eye-catching, designed to make passengers hungry and eager to explore the next stop. +A vintage travel brochure with a retro-futuristic design, featuring the tagline "Visit Yesterday – No Refunds". The scene shows a time traveler in a sleek, old-fashioned outfit standing in front of a bustling 1920s cityscape, with a time machine subtly in the background. +A realistic photograph of an elevator emergency panel, prominently displaying the instructions "Break Glass" in bold, red text against a stark, white background, with a small hammer attached below the glass panel. +A vibrant school science fair poster titled "Volcano Eruption Demo", featuring a detailed illustration of a volcano erupting with lava and smoke, surrounded by enthusiastic students and teachers observing the experiment. +A rustic, carved wooden sign stands at the edge of a forest path, pointing towards the "Trailhead 2 Miles" ahead, surrounded by tall trees and overgrown foliage, with a soft, dappled light filtering through the canopy. +A futuristic time machine console with a glowing display showing "YEAR SET 3024", surrounded by intricate circuits and illuminated buttons, set against a backdrop of a dimly lit, high-tech laboratory. +A nostalgic scene of a dusty kitchen shelf, with a handwritten "Grandmas Recipe Book" label prominently displayed, surrounded by vintage cookware and faded recipe cards. +Retro diner scene with a classic jukebox in the corner, glowing neon signs, and a "Play Hit 5" selection button prominently displayed on the jukebox's interface. The atmosphere is warm and nostalgic, with vintage decor and a 1950s vibe. +A detailed ice sculpture at a winter festival, intricately carved to spell "Frostbite Festival 2024", illuminated by soft, colorful lights, set against a snowy backdrop with festive crowds in warm winter attire. +A beautifully decorated birthday cake with intricate icing that spells "Happy 30th Birthday Alex" in elegant cursive, surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm ambient lighting creating a cozy and celebratory atmosphere. +A realistic photograph of a pharmacy at night, with a neon sign glowing brightly that reads "Open 24 Hours", casting a soft light on the sidewalk and nearby buildings. +A modern office desk with a sleek, polished surface, featuring a nameplate elegantly engraved with "Mr Johnson" in professional, bold lettering, set against a backdrop of minimalist office decor and natural light streaming through a window. +A museum exhibit featuring a detailed "Triceratops Skull Cast" displayed on a pedestal, illuminated by soft, focused lights. The background showcases ancient geological layers and prehistoric plant life, enhancing the fossil's historical significance. +A cozy coffee shop featuring a rustic chalkboard menu prominently displaying "Latte Art Special" in elegant, handwritten script, surrounded by artistic doodles of coffee cups and leaves, with warm lighting and wooden decor in the background. +A rustic wooden signpost in a forest, weathered and slightly moss-covered, clearly directing "To Crystal Lake" with an arrow pointing down a narrow, leaf-littered path. Sunlight filters through the dense canopy, casting dappled shadows. +A spy stands under a dim streetlight, holding a briefcase etched with "Top Secret Files", the reflection of the light casting a mysterious glow on the worn leather, enhancing the secretive and tense atmosphere of the scene. +A classroom adorned with a world map, prominently featuring the "Ocean Currents Study Zone" marked with arrows and labels, illustrating major currents. Students gather around, engrossed in discussion, with globes and textbooks on desks. +A realistic photograph of a construction site entrance, featuring bright orange and white roadwork barrier tape stretched across the pathway, prominently displaying the text "Construction Zone Ahead" in bold, clear letters. +A close-up of a superhero costume chest emblem, prominently displaying the text "Slightly Above Average" in bold, modern font, set against a textured, metallic background with subtle highlights and shadows. +A cozy kitchen pantry shelf, with a rustic wooden label that reads "Organic Spices" hanging from a small hook. The shelf is lined with glass jars filled with various colorful spices, casting soft shadows on the warm, wooden surface. +A high-resolution photograph of an elegant, mahogany door with "Members Only" etched in gold lettering, set against a dimly lit, luxurious hallway with soft, ambient lighting and rich, velvet curtains in the background. +A vintage radio with a retro wooden case and large, round dial prominently displaying "Tune To 986 FM" on a warm, textured background. +A close-up of a modern smartphone with a sleek, matte black case. The case features subtle, elegant text that reads "care for your eyes", set against a minimalist background. Soft, ambient lighting highlights the phone's contours and the text, creating a calm and inviting atmosphere. +A vibrant surfboard design featuring the bold text "Ride The Wave 24", with dynamic wave patterns and oceanic hues, capturing the essence of coastal adventure and freedom. +A close-up of a lab test tube with a caution label that reads "Sample 23 Do Not Open", set against a backdrop of scientific equipment and glowing with a faint, eerie light. +A detailed close-up of a bronze plaque on a grand statue, inscribed with "Brave Heroes Remembered", set against a backdrop of a serene, sunlit park. The plaque is slightly weathered, showing the passage of time, yet the inscription remains clear and dignified. +A close-up of a coffee cup with a sleeve printed in bold, clear letters: "Caution Hot Beverage". The cup is placed on a wooden table, with steam rising gently from the top, creating a warm and cozy atmosphere. +Retro gas station scene with an old, weathered gas pump sign that reads "Regular 29" in bold, vintage font, set against a nostalgic 1950s American backdrop. +A bustling food truck with a vibrant side panel menu prominently displaying "World Famous Taco Tuesday", surrounded by happy customers and the warm glow of evening street lights. The truck is parked on a lively city sidewalk, with colorful decorations and a line of eager diners. +A close-up of a drone controller screen, prominently displaying a red warning message "Battery Critical" against a black background, with the user's worried expression reflected in the screen. +A cluttered wizard's lab with a failed potion jar labeled "Diet Water 0 Calories" sitting prominently on a wooden table, surrounded by scattered magical ingredients and ancient spellbooks. The scene is illuminated by a single candle, casting eerie shadows. +A ballet studio with a large mirror, the glass scrawled with the message "Point Toes More" in red marker, reflecting a young dancer practicing her poses. +A realistic photograph of a zoo enclosure information panel titled "Lion Habitat Zone", set against a backdrop of a lush, naturalistic lion habitat with tall grass and rocky outcrops. The panel is clean and modern, with clear, informative text and a detailed map of the enclosure. +A mystical mirror in an ancient room reflects a person who looks the same but seems different, as if from another day. The mirror whispers, "Same Person Different Day", capturing the subtle changes in their expression and attire. +A futuristic space hotel lobby with sleek, metallic walls and soft, ambient lighting. A large, illuminated sign reads "Zero Gravity Lounge Ahead", inviting guests to explore the wonders of weightlessness. +A high-resolution digital smartwatch face with a sleek, modern design, prominently displaying the text "Beat Goal" in bold, vibrant colors against a dark background. The watch is set against a soft, blurred cityscape at dusk, emphasizing the futuristic technology. +A realistic photograph of a power tool with a prominent warning sticker that clearly states "High Voltage Danger", set against a workshop background with tools and equipment scattered around. +A majestic pirate ship sails the turbulent seas, its black sails emblazoned with the fearsome emblem "Queen Anne's Revenge". The ship cuts through the waves, with the emblem proudly displayed, evoking a sense of pirate lore and maritime adventure. +An ice cream truck parked on a sunny summer day, with a vibrant sign reading "Soft Serve Today" prominently displayed on its side. Kids and adults gather around, eagerly waiting in line, while the truck's colorful design and the clear blue sky create a cheerful and nostalgic scene. +A vintage circus tent with a weathered banner proudly proclaiming "Worlds Okayest Strongman", surrounded by a bustling crowd and colorful carnival lights, capturing the quirky charm of a traveling circus in the golden hour. +A cozy campsite at dusk, a campfire blazing with a marshmallow bag labeled "Smore Emergency Rations" prominently displayed on a log nearby, surrounded by outdoor gear and happy campers roasting marshmallows. +A vintage bakery box with a retro-futuristic stamp that reads "Gluten Free Since 3015", set against a warm, rustic wooden background, with soft lighting highlighting the intricate details of the stamp and the box's textured surface. +A gym locker room with modern metal lockers, a polished concrete floor, and a large mirror on one wall. The mirror features bold, stylized graffiti in red and black that reads "You Got This Champ". The lighting is soft, creating a motivational and energetic atmosphere. +A realistic poster inside a moon base, featuring bold, red text stating "Don't Panic Seriously" against a backdrop of sleek, futuristic control panels and emergency exit signs, with astronauts in the background. +A yoga mat in a serene forest clearing, with the phrase "Find Your Inner Sloth" embroidered in elegant, flowing letters, surrounded by soft, mossy textures and gentle sunlight filtering through the trees. +A desert scene with a distant mirage of an oasis, featuring a lone signpost that reads "To Reality" amidst the arid sands, under a clear blue sky. +A giant, vibrant leaf from a magic beanstalk, with intricate vein patterns that naturally form the words "Climb Me", set against a sunny, lush forest background. +A cave explorer stands at the entrance of a dimly lit cavern, their helmet adorned with a sticker that reads "Dark Zone Ahead", emphasizing the mysterious and adventurous nature of their expedition. +An ancient stone tablet lies in the dim light of an Egyptian tomb, inscribed with ominous hieroglyphs that read "Disturb Not". The air is thick with the scent of dust and mystery, as shadows dance across the worn surface, enhancing the eerie atmosphere of the pharaoh’s warning. +A close-up of a music sheet with "Tempo Allegro 120 BPM" clearly visible, surrounded by a pianist's hands poised above the keys, ready to play a lively and energetic piece. +A museum exhibit featuring an ancient civilization, with a detailed label reading "Ancient Civilization" prominently displayed. The scene includes artifacts like pottery, tools, and statues, set against a backdrop of dim, warm lighting and rich wooden displays. +A realistic photograph of a modern highway at dusk, with a large digital display on the side flashing the warning "Accident Ahead Slow Down" in bright red letters, amidst the glow of passing headlights and tail lights. +A chef stands in a bustling kitchen, wearing an apron embroidered with "Master Chef In Training", surrounded by steaming pots and fresh ingredients, capturing the essence of culinary expertise in the making. +A cozy restaurant interior with soft lighting and wooden furniture. On a table, a small, elegant notepad lies open, displaying the word "rimydis" in neat handwriting. The note is partially covered by a silver fork, hinting at a recent meal. +A chef with a tattoo sleeve featuring intricate pepper grinders, each containing the phrase "Salt Bae Forever" in elegant script, preparing a dish in a modern kitchen. +A realistic photograph of a science lab whiteboard, featuring the equation E=mc² prominently displayed, alongside a handwritten note that reads "Test Tomorrow", with lab equipment and a faint outline of a scientist's silhouette in the background. +A cozy restaurant with a rustic wooden menu board hanging on a brick wall, prominently displaying "Today's Special Moon Cheese" in elegant, handwritten font, illuminated by soft, warm lighting. +A vibrant skateboard deck featuring the bold graphic "Skate or Die" in dynamic, graffiti-style lettering, set against a contrasting background of urban street art and textured concrete, capturing the rebellious spirit of skate culture. +A detective's front door with a worn, slightly rain-soaked doormat that reads "Wipe Clues Here", set against the backdrop of a dimly lit, foggy London evening. +A close-up photograph of a science experiment kit, prominently displaying a label that reads "Handle With Care", set against a cluttered laboratory background with beakers and test tubes in the foreground. +A realistic photograph of a graduation cap, elegantly decorated with the text "Class of 2024", sitting on a wooden desk with sunlight streaming in from a nearby window, casting a warm glow on the cap. +A bustling amusement park with the "Thrill Seeker Zone" ride at its center, featuring colorful, futuristic carts looping through vibrant, neon tracks. Visitors in excitement, some with wide smiles, others screaming in joy, under a twilight sky with soft, ambient lights. +In a bustling supermarket aisle, a handwritten notice on a bright yellow paper reads "help" in bold letters, stuck to a shelf filled with canned goods, drawing curious glances from shoppers. +A worn detective's case file, its cover weathered and slightly curled at the edges, prominently stamped with "Cold Case 2037" in bold red letters, resting on a cluttered desk under the dim light of an old desk lamp. +A baker stands in a cozy kitchen, her apron smudged with "Flour Power", surrounded by baskets of freshly baked bread and pastries, a warm and inviting atmosphere. +A realistic photograph of a football field goal post standing tall at the "50 Yard Line", with the green turf stretching out on both sides and the white lines sharply contrasting against it. The sky above is clear, and the sun casts a warm, golden light over the scene. +Vintage circus poster with bold, ornate typography announcing "World's Smallest Elephant", featuring an illustrated miniature elephant standing on a grand stage, surrounded by classic circus elements like colorful banners and playful clowns. +A realistic photograph of a construction site with a prominent sign warning "Hard Hat Area", surrounded by orange barriers and safety cones, with workers in high-visibility vests and hard hats in the background. +A chemistry lab with glassware and equipment on the benches. A prominent sign reads "Wear Safety Goggles" in bold letters. A scientist in a white lab coat and safety goggles is working carefully, emphasizing the importance of safety in the lab. +A realistic photograph of a conference badge with a name tag that reads "Hello My Name Is Alex", featuring a sleek design with a professional background. +A close-up of a dog's paw print on a certificate titled "Certified Goodish", with a paw-shaped seal and a ribbon, set against a warm, pastel background. +A detailed close-up of a magic carpet with intricate embroidery, prominently featuring the phrase "FAA Approved" in elegant, flowing script. The carpet is woven with shimmering threads, and the background shows a hint of a mystical sky with soft, glowing clouds. +A cozy bakery with a large window displaying a wooden sign that reads "Fresh Bread Daily", surrounded by an assortment of freshly baked bread loaves and pastries, with morning sunlight streaming in. +A hotel keycard sleeve, featuring the elegant print "Welcome to Sunset Resort", rests on a modern, wooden desk. Soft, ambient lighting enhances the sleek design of the room, capturing the serene atmosphere of a luxurious resort. +"Do Not Enter" tape stretches across the crime scene doorway, fluttering slightly in the breeze. The dark, narrow hallway beyond is dimly lit, with a single flickering light casting eerie shadows. A chalk outline marks the spot on the cold, tiled floor. +A futuristic space hotel lobby with sleek, metallic finishes and soft, ambient lighting. At the center, a polished plaque reads "ZeroGravity CheckIn", reflecting the advanced technology and the unique, weightless experience awaiting guests. +A realistic courtroom scene with a judge's gavel prominently displayed, engraved with "Order Order Please", resting on a wooden desk amidst legal documents and a solemn background. +An ancient, weathered stone carving in a mystical forest, with the faded inscription "Beware Medusa" barely visible, surrounded by overgrown vines and moss. +A vibrant kite with a detailed tail design that reads "Fly High Dream Big", soaring against a clear blue sky, with sunlight casting gentle shadows on its colorful fabric, emphasizing the inspiring message. +A hiker stands beside a worn trail, holding a detailed map that clearly shows a "Trail Closed" sign, surrounded by overgrown foliage and a serene, misty forest background. +A vibrant concert stage with a grand backdrop displaying "World Tour 2024", illuminated by colorful lights and surrounded by enthusiastic fans waving glow sticks. +A realistic photograph of a broken ATM machine displaying the error message "Out of Service" on its screen, set against a slightly dimly lit urban backdrop with a few passersby glancing at it. +A bustling alien marketplace with vibrant, otherworldly colors and diverse extraterrestrial species. A large digital screen displays the newspaper headline "Humans Arrive" in an alien language, capturing the attention of curious onlookers. +A gritty, realistic photograph of a prison wall, covered in tally marks meticulously carved into the stone, prominently displaying "Days Since Escape 173" in bold, weathered numerals. +A realistic photograph of a robot holding a protest sign that reads "Equal Oil Rights Now", standing amidst a crowd of onlookers in a futuristic city setting. The robot is center-focused, with the sign clearly visible and the background bustling with activity. +A detailed ice sculpture of "Winter Magic" begins to melt, revealing intricate, enchanted forest scenes inside. Crystal-clear ice captures the essence of a snowy wonderland, with glowing orbs and mystical creatures emerging as the sculpture thaws. +A construction site featuring a crane cab with the sign "Load Limit 5000kg" prominently displayed, surrounded by steel beams and workers in hard hats, under a clear blue sky. +A modern art gallery with sleek, white walls, featuring a title card that reads "Modern Perspectives" prominently displayed on a black pedestal, surrounded by abstract paintings and sculptures that reflect contemporary themes and styles. +A realistic smartphone screen with a lock screen notification displaying "3 New Messages" in the center, surrounded by a modern, slightly blurred cityscape at dusk, capturing the essence of urban digital life. +A detective's magnifying glass hovers over a detailed fingerprint on a dusty, old wooden table, with the label "Fingerprint Found Here" clearly visible beneath the glass. The scene is dimly lit, emphasizing the mystery and tension of the investigation. +An antique globe stand, intricately engraved with the words "Explore New Worlds", sits in a dimly lit study, surrounded by old maps and nautical instruments, casting a warm, nostalgic glow. +A close-up of a hotel key card with "Do Not Disturb Ever" printed on it, lying on a sleek, modern hotel room key holder. The card's design is minimalist, featuring a subtle pattern and a metallic finish, with the text prominently displayed in bold, elegant font. +A high-tech time machine dashboard with a large, illuminated screen displaying "Destination Jurassic Era". Dials, buttons, and futuristic interfaces surround the screen, set against a sleek, metallic interior. +A majestic mountain summit with a large stone marker inscribed with "Peak Achieved" standing proudly against a backdrop of rugged peaks and a clear blue sky, surrounded by a few resilient alpine plants. +A cluttered lab bench with a vintage fridge, its door adorned with colorful alphabet magnets spelling "Chaos Noodles". Amidst scattered notes and bubbling beakers, a mad scientist looks on with a mix of curiosity and amusement, capturing the whimsical essence of scientific creativity. +A realistic photograph of a vast, green field with a UFO crop circle formation intricately spelling "Take Me To Your WiFi", under a clear night sky with a glowing UFO hovering above. +A close-up of a silver pet collar tag, intricately engraved with the words "If Lost Return to Narnia", reflecting a hint of sunlight, set against a soft, blurred background of a forest. +A laboratory scene featuring a glass flask with a clear, yellowish liquid inside, labeled with a white sticker that reads "Danger Acid", set against a backdrop of scientific equipment and shelves filled with chemicals. +A medieval knight's horse, adorned with intricate armor finely stamped with the phrase "Gallop into Glory", stands proudly in a sunlit courtyard, ready for battle. +A subway ad poster titled "Vacation in Mars Book Now", featuring a vibrant red Martian landscape with a sleek, futuristic rover and a group of excited space tourists exploring the terrain, all set against a backdrop of a setting red sun. +A classic vintage airplane flies low over a sunny beach, trailing a banner that reads "Just Married". The sky is clear blue, and the beach is lined with palm trees. Couples and families wave and cheer as the airplane passes by, capturing the joy of the newlyweds. +A futuristic cityscape at night, with a large, glowing hologram floating above the buildings, displaying the words "Welcome to NeoTokyo 2123" in vibrant, neon colors. +A bustling supermarket with a slightly cluttered Aisle 7, where a worker holds a mop, responding to the PA announcement, "Cleanup Aisle 7". Shoppers pause, looking around curiously, while the fluorescent lights cast a cool, clinical glow over the scene. +A playful children's lunchbox sticker featuring a quirky, colorful illustration with the text "My Teacher is Weird" in bold, cartoonish letters, surrounded by whimsical school-themed icons like apples, pencils, and books. +A close-up photograph of a pharmacy bottle with a clear, white label. The label prominently displays the warning "Shake Well Before Use" in bold black text, set against a clean, professional background. +A gym water bottle, sleek and modern, imprinted with the motivational phrase "Sweat Now Shine Later", sitting on a workout mat next to a pair of dumbbells, with a blurred background of gym equipment and a fitness enthusiast in motion. +A vibrant birthday card interior with a whimsical design, featuring "Make A Wish Today" in elegant, sparkling letters, surrounded by colorful confetti and balloons, set against a soft, pastel background. +A close-up shot of a car bumper sticker on a shiny, red vehicle, reading "Honk If You Love Cats" in bold, playful letters, with a cute, cartoon cat paw print next to it. The sticker is slightly weathered, adding a touch of realism. +A realistic office desk scene featuring a coffee mug with the print "This Is Tears" sitting next to a laptop and a notebook, with a window in the background showing a cityscape. The mug is half-full, with steam rising, and a pen casually placed beside it. +In a cozy bakery, a large cake with intricate frosting reads "Happy 30th Birthday" under soft, warm lighting, surrounded by pastel decorations and gleaming glass display cases filled with various pastries. +A modern living room with a large smart TV displaying the "Continue Watching Episode 5" screen. A cozy sofa in front, with a remote control on a coffee table. Soft ambient lighting enhances the relaxed atmosphere. +A bakery box, slightly worn and textured, stamped with "Handle With Care", sitting on a rustic wooden counter, with soft, warm lighting highlighting its details. +A realistic photograph of a construction site with a prominent barrier sign that reads "Deep Excavation", surrounded by dirt, machinery, and workers in hard hats. +A bustling flea market scene with a vendor's stall prominently displaying a sign that reads "No Refunds" in bold letters, surrounded by various items for sale and customers browsing. +A realistic photograph of a car dashboard with a prominent "Low Fuel Warning" alert displayed on the central information screen, with dimly lit gauges and a slightly cluttered dashboard, capturing the urgency of the situation. +A serene yoga retreat banner reading "Find Your Inner Peace" hangs between two ancient trees in a lush forest, surrounded by vibrant green foliage and soft sunlight filtering through the canopy. +A futuristic time machine dashboard with a glowing red warning screen that reads "Do Not Visit 20202024", surrounded by intricate dials and buttons, set against a backdrop of swirling temporal energies. +A dragon rider stands proudly next to their majestic dragon, with a license plate "FLAME1" clearly visible on the dragon's saddle. The scene is set at dusk, with a fiery sunset casting a warm glow over the landscape. +A high-resolution photograph of a chemistry lab bench, featuring a glass flask with a label that reads "Compound XZ300". The flask is half-filled with a glowing blue liquid, surrounded by lab equipment and scientific instruments. The scene is illuminated by the soft glow of the liquid, creating a serene and focused atmosphere. +A sushi chef in a bustling Tokyo restaurant, wearing an apron with the print "Master Chef Sato", meticulously prepares a platter of fresh sushi, surrounded by traditional Japanese ingredients and utensils. +A close-up of a vintage suitcase with a leather tag attached, prominently displaying "World Traveler" in elegant script, set against a blurred background of a bustling airport terminal. +An astronaut in a futuristic spacesuit stands on a rocky, alien landscape, their wrist monitor glowing and displaying the alert: "Time Dilation Active". The sky is a deep, starry expanse, and a distant planet looms large on the horizon. +In a futuristic cityscape, a large holographic advertisement rotates, displaying the text "Nostalgia 20" in vibrant, glowing colors. The ad is set against a backdrop of towering skyscrapers and flying vehicles, with pedestrians looking up in awe. +An ice cream truck parked on a sunny street, with a vibrant side sign reading "Soft Serve Here" in bold, colorful letters, surrounded by playful illustrations of ice cream cones and happy faces. +A rustic wooden trail marker sign, weathered by time, pointing towards "Mountain Peak 2 Miles" amidst a dense forest, with sunlight filtering through the trees, casting dappled shadows on the path. +An ancient wizard's study, dimly lit by candlelight, with a spellbook titled "Ancient Runes Decoded" open on a wooden desk, surrounded by arcane symbols and mystical artifacts. +A close-up of a sleek, modern hotel keycard sleeve, prominently displaying "Room 404" in elegant font, resting on a plush, white carpeted floor, with soft ambient lighting enhancing the room's luxurious atmosphere. +Retro sci-fi book cover titled "Robots of Venus" in pulpy font, featuring a metallic robot exploring a lush, alien landscape with vibrant flora and fauna, set against a pink and purple sky. +A tattooed sailor stands by the ship's railing, gazing at the horizon. The tattoo on his arm, reading "Mom Forever", is clearly visible, detailed with nautical elements like anchors and waves, symbolizing his connection to the sea and his love for his mother. +A realistic photograph of a whiteboard in a classroom with notes scribbled in blue marker, prominently featuring the message "Exam Next Week Study Hard" in the center. The background shows a few scattered textbooks and a student's desk. +A vintage movie theater marquee, illuminated at night, displaying "Now Showing Galaxy Quest" in vibrant, retro neon lights, surrounded by a crowd of excited moviegoers. +A high school varsity jacket with intricate back embroidery reading "State Champs 2024", showcasing a vibrant team logo and detailed stitching against a deep navy background. +A close-up of a pet collar tag, slightly worn and tarnished, with the engraving "Buddy 5551234" clearly visible. The background is blurred, focusing entirely on the tag's texture and details. +A close-up of a sleek smartwatch face with a modern, minimalist design, displaying the message "Time to Move" in clear, bold text against a subtle, gradient background. +A realistic photograph of a chess tournament scoreboard displaying "Kasparov 1 Carlsen 0" in a dimly lit, bustling hall filled with chess enthusiasts and players intensely watching the ongoing match. +In a modern art gallery, a sleek, black description plaque titled "Abstract Emotions" hangs next to a vibrant, large-scale abstract painting, reflecting the emotional depth and dynamic colors of the artwork. +An eerie, atmospheric novel cover for "They Came for Coffee", featuring a bustling coffee shop at night. Mysterious figures in dark suits stand outside, their eyes glowing ominously, as a bright, otherworldly light illuminates the scene, drawing patrons to the window. +A dragon's treasure chest, intricately engraved with the words "Dragons Hoard Inside", sits amidst a pile of shimmering gold and precious gems, its ancient wood worn yet resilient, glowing softly in the dim, mystical light of a cavern. +A vivid science fair display featuring a model of a volcano erupting, with red and orange lava spilling down its sides. The display is titled "Volcano Eruption Experiment" in bold letters, surrounded by informational posters and diagrams explaining the process. +A realistic forest campsite scene with a prominent warning sign that reads "Beware of Bears", surrounded by tall trees and under a clear blue sky. +A close-up of a birthday cake with icing that spells "40 Still Young" in crooked, playful letters, surrounded by colorful candles and a sprinkling of edible glitter. +A casual, modern T-shirt design featuring "Code Coffee" in bold, eye-catching letters, set against a minimalist background with a subtle coffee bean pattern. The text is styled to evoke a blend of tech and café culture, perfect for coffee-loving coders. +A realistic photograph of a university diploma certificate, prominently displaying the Latin phrase "Summa Cum Laude" in elegant gold lettering, framed by a ornate border. The paper shows subtle texture and a university seal in the center. +A realistic photograph of a sailor’s forearm, showcasing a bold, black-ink tattoo that reads "Mom Forever", with the skin slightly tanned and a hint of sea salt residue, emphasizing the nautical theme. +A detailed fantasy map featuring a lush, verdant forest region named "Enchanted Woods", surrounded by misty mountains and sparkling rivers, with ancient trees and magical creatures. +A weathered pirate treasure map, creased and stained, with a distinctive "X Marks Gold Here" clearly visible, surrounded by intricate illustrations of tropical islands and ancient ships. +Fairy tale book illustration "Once Upon a Time" featuring a whimsical forest scene with a young girl in a red cloak meeting a wise old owl under a glowing moon, surrounded by enchanted flowers and glowing fireflies. +A samurai stands on a battlefield, his battle standard proudly displayed, emblazoned with "Victory in Honor". The flag flutters dramatically in the wind, capturing the essence of his unwavering spirit and the valor of his ancestors. +A vintage library book with a timeless cover, opened to a page revealing a red stamp that reads "Due Date December 25th", surrounded by the warm glow of vintage lighting, capturing the essence of a cozy, nostalgic reading space. +An abandoned factory wall, partially covered by a peeling "Safety First" poster, revealing rusted metal and cracked paint beneath, set against a dim, overcast sky. +In a bustling airport terminal, the departure board prominently displays "Flight 404 Canceled" in blinking red letters, causing a mix of frustration and confusion among the passengers gathered below. +A poster design featuring an ancient, weathered runestone standing tall in a misty forest clearing. The title text, "The Runestone", is prominently displayed at the top, with intricate Viking runes decorating the edges. +A close-up photograph of a chef knife, the blade gleaming under studio lights, with the engraving "Sharp Caution" clearly visible near the handle, set against a minimalist white background. +A realistic photograph of a laptop with a sticker on its lid, prominently displaying the phrase "Code Life" in a modern, sleek font. The laptop is placed on a wooden desk, with soft, natural light illuminating the scene. +A dress shop window displays a mannequin elegantly draped in the "Summer Breeze Collection", a vibrant ensemble of light fabrics and pastel colors, set against a backdrop of a bustling city street on a sunny day. +A realistic photograph of a construction site with warning tape fluttering in the wind, prominently displaying the text "Danger High Voltage" against a backdrop of industrial machinery and caution signs. +A high-resolution digital thermostat display prominently showing "Set to 72 Degrees" in crisp, clear text, with a modern, sleek interface and a subtle background gradient, capturing the essence of a contemporary home automation system. +A vintage movie theater at dusk, with a classic neon sign reading "Now Showing" prominently displayed above the marquee, surrounded by old-fashioned posters of iconic films from the golden age of cinema. +At a bustling farmer’s market, a mason jar filled with golden honey sits on a rustic wooden table. The jar label, prominently displaying "Organic Honey", is hand-drawn with elegant, flowing letters. Sunlight filters through the canopy, casting a warm glow on the scene. +A close-up of a hotel key card sleeve, prominently displaying "Room 307", with a subtle texture of the card material and a soft, ambient light highlighting the numbers and text. +A bustling city street with a clothing store window prominently displaying a large, eye-catching sign that reads "Summer Sale 50% Off", surrounded by colorful summer outfits and accessories. +A post-apocalyptic scene with a road sign reading "Safe Zone 20km", riddled with bullet holes, standing amidst a desolate landscape of cracked earth and abandoned vehicles. +A realistic photograph of a vending machine with a red "Out of Service" button lit up, set against a dimly lit corridor, emphasizing the machine's inactive state. +A laboratory setting with a scientist wearing a lab coat, the nametag clearly visible on the chest reading "DR SMITH GENIUS", standing amidst various scientific instruments and charts. +A wizard hat, intricately embroidered with ancient runes, sits on a wooden table. The tag hanging from it reads "Property of Merlin" in elegant, flowing script. Sunlight streams through a nearby window, casting a warm glow over the mystical scene. +A vibrant surfboard design featuring dynamic waves and splashes, with the phrase "Ride the Wave" boldly inscribed in a modern, flowing font, capturing the essence of ocean adventure and freedom. +A high-angle view of a skyscraper window cleaner's bucket dangling precariously, tagged with a humorous sign that reads "Fear of Heights Club", against a backdrop of a bustling city skyline. +A dimly lit sci-fi prison cell with sleek, metallic walls. In the center, a wall etched with the words "Escape Plan Failed" in a futuristic font, illuminated by a flickering blue light. +An astronaut stands in front of a screen displaying "Moon Base Alpha", the helmet visor clearly reflecting the message, set against a lunar landscape with fine dust underfoot and distant craters. +A realistic photograph of a robotic protest, where a robot holds a sign reading "Battery Lives Matter" amidst a crowd of supportive machines, with a cityscape background and a sky filled with electronic billboards. +A rustic bakery box with a handwritten label that reads "Grandmas Secret Recipe Inside", set against a warm, cozy kitchen backdrop with a wooden table and sunlight streaming through the window. +A sunny autumn day on a college campus, with students milling about the quad. A large banner stretches between two trees, reading "Homecoming Week Starts Monday" in bold letters. The scene is vibrant, with colorful leaves and a mix of modern and historic buildings in the background. +A city street at dusk, a parking meter with a digital screen flashing "Insert Coins" under the glow of streetlights, surrounded by parked cars and the silhouette of a lone pedestrian. +A toy store window adorned with a vibrant sticker that reads "Educational Toys Sale", showcasing a variety of colorful, interactive toys and learning aids, with playful children peering in from outside. +A vibrant skateboard deck, painted with the bold slogan "Skate or Die", set against a backdrop of a bustling urban skate park, with the sun casting a warm, golden light over the scene. +A vintage arcade cabinet displays a retro video game screen, prominently flashing "Game Over Insert Coin" in pixelated text. The scene is illuminated by the soft glow of the CRT monitor, capturing the nostalgic atmosphere of an 80s arcade. +A cozy coffee shop with a rustic wooden door, a vintage chalkboard sign hanging next to it stating "New Cold Brew", and a few customers chatting inside, seen through the fogged-up glass window. +A photo of a helicopter with "thellaru" written on the side, landing on a helipad in a serene valley. The scene is framed by a winding river, lush trees, and majestic mountains in the background. +A close-up of a spacesuit arm patch, intricately embroidered with the words "Mars Colony Pioneer", set against the backdrop of a dusty, red Martian landscape, with subtle shadows and highlights emphasizing the texture and detail of the embroidery. +A serene campsite at dusk, with a group of friends gathered around a crackling campfire. One friend holds an "Extra Long" marshmallow roasting stick, perfectly positioned over the flames, while marshmallows melt into gooey perfection. The warm glow of the fire highlights the joyous faces and the rustic setting. +A modern therapist's office with a sleek, metallic robot therapist sitting behind a desk. On the wall hangs a professional plaque that reads: "Oil Change Mental Health Day", blending futuristic elements with a calming, serene environment. +A vibrant, modern board game box cover featuring bold, colorful graphics and the slogan "Friendship Destroyer Edition" in large, eye-catching text. The design includes playful illustrations of friends engaged in intense gameplay, with exaggerated expressions of surprise and laughter. +A vintage vending machine with an out-of-order sign that reads "Exact Change Only", set against a nostalgic 1970s backdrop, with a slight glow around the sign to highlight its importance. +An ambulance parked on a city street at night, its side emblazoned with the text "Emergency Medical Team", lights flashing, with medics preparing to load a stretcher. +A detailed, ancient wizard’s spellbook page titled "Summon Storm", showing intricate illustrations of lightning and clouds, with handwritten notes and mystical symbols surrounding the title, set against a weathered parchment background. +A realistic photograph of a dormitory door, with a sign clearly stating "Quiet Hours" hanging on it, set against a muted, evening backdrop to emphasize the serene and calm atmosphere. +A futuristic time machine dashboard with a glowing red alert that reads "Destination Regrets", set against a backdrop of intricate circuits and neon lights, with a holographic display showing a swirling vortex of time. +A vibrant gym wall mural featuring dynamic athletes in action, with the bold text "Push Your Limits" prominently displayed, surrounded by motivational imagery and energetic colors. +In a futuristic alien zoo, a placard reads "Earthling: Mostly Harmless" next to a glass enclosure where a human stands, looking both curious and slightly bewildered, surrounded by otherworldly flora and fauna. +An ancient scroll unrolls, revealing the script "Knowledge is Power" in elegant, faded ink. The parchment is weathered, with visible texture and subtle discoloration, set against a dimly lit, scholarly library backdrop. +A close-up of a restaurant receipt with a stylish footer that reads "Come Again Soon", set against a rustic wooden table, with a subtle play of light highlighting the text. +A cozy coffee shop interior with soft lighting and wooden furniture. A customer holds up a loyalty card that reads "10th Cup Free Maybe", while a barista smiles and prepares a steaming cup of coffee. The scene is warm and inviting, capturing the essence of a community coffee spot. +A rock band's drum kit center stage, with a bold sign that reads "Loud Noise Ahead" hanging above, bathed in the glow of stage lights, surrounded by enthusiastic fans and a haze of smoke. +A vibrant community tree planting event, featuring a colorful banner with the slogan "Plant A Tree Grow A Future" prominently displayed, surrounded by enthusiastic volunteers, freshly planted saplings, and a backdrop of lush green fields. +A tree trunk in a serene forest clearing, intricately carved with the names "Sam and Alex", surrounded by lush green foliage and dappled sunlight filtering through the canopy. +Create a music album cover titled "Midnight Echoes" featuring a serene, moonlit night with a lone figure standing by a tranquil lake, surrounded by mist. The sky is filled with stars, and the water reflects the moon, creating a hauntingly beautiful and mysterious atmosphere. +A detective's notebook with a weathered leather cover, open to a page filled with handwritten notes. The phrase "Motive: Pure Stupidity" is circled in a bold, red ink, standing out against the faded, yellowed paper. +A detailed photograph of a historical monument with an engraving that reads "Founded in 1776", set against a backdrop of autumn leaves, capturing the timeless elegance and historical significance of the site. +A weathered treasure chest with a faded label that reads "Do Not Open", sitting in a dimly lit, ancient stone chamber, surrounded by cobwebs and flickering candlelight. +A charming beachfront shop with a vibrant wooden sign that reads "Sun Sand Surf", surrounded by palm trees and overlooking a golden sandy beach with turquoise waters and a clear blue sky. +A neon sign outside a quirky urban clinic reads "Full Moon Special" in bold, glowing letters, set against a dark, moonlit night. The sign is slightly crooked, adding a whimsical touch to the scene, hinting at the unique services within. +A vibrant poster for a wizard duel tournament, titled "Wand Fight Fridays", featuring two wizards in flowing robes casting spells amidst a crowd of excited onlookers, with a grand castle backdrop and magical sparks lighting up the night sky. +A casual, urban scene featuring a person wearing a vibrant t-shirt that says "zwangsanstalt", standing against a backdrop of a bustling city street, with the sunlight casting a warm glow, highlighting the text on the t-shirt. +A detailed beach scene featuring a large sand sculpture with "Wish You Were Here" intricately carved into its surface, surrounded by smooth, golden sand and gently rolling waves under a clear blue sky. +A rustic farm tractor parked in a golden wheat field at sunset, with a clear "Operator Only" sign on the seat, emphasizing the solitude and responsibility of the tractor operator. +A cozy bakery interior with a glass display case showcasing an assortment of cookies, one of which has icing that spells "Eat Me Please" in elegant, cursive script. Warm lighting and wooden shelves add to the inviting atmosphere. +A red stop sign stands at a bustling urban intersection, prominently displaying "Do Not Enter" in bold white letters, with the surrounding traffic lights and cityscape creating a vibrant, realistic scene. +A realistic photograph of a car dashboard with a prominent "Check Engine Soon" alert illuminated on the display, surrounded by other gauges and controls, with a hint of sunlight reflecting on the dashboard. +A bustling lottery station with the slogan "Purchasing Lottery Rationally" prominently displayed on a vibrant banner above the counter, surrounded by eager customers and stacks of colorful lottery tickets. +A highway billboard stands tall, advertising the "Rock the World Tour 2024" in bold, eye-catching letters. The sun sets behind, casting a warm glow over the scene, emphasizing the vibrant colors of the billboard. +A realistic photograph of a classroom with a periodic table on the wall, prominently highlighting "Element 79 Au" with a spotlight or a colored marker, emphasizing its golden hue and detailed information. +A realistic photograph of a bike rental shop's waiver form, prominently displaying the header "Safety Waiver Required" at the top, with bikes and customers in the background. +A close-up of a detective's notepad, the page filled with scribbled notes and sketches. A red pen circles the phrase "Follow Money", drawing attention to this crucial clue amidst the chaos of the investigation. +A vending machine with "Exact Change Required" displayed in blinking red text, set against the dimly lit backdrop of a late-night street, with a subtle glow around the text to emphasize the electronic display. +A detailed close-up of a glacier ice core sample, with a tag clearly labeled "Ancient Air 1M BC" attached, set against the backdrop of a pristine, icy landscape, capturing the clarity and age of the sample. +A vast desert landscape under a blistering sun, where a mirage creates the illusion of "Water Ahead", shimmering on the horizon like a tantalizing oasis, yet vanishing as you draw near. +A surfboard adorned with a sleek, modern decal design featuring the text "Wave Rider Pro" in bold, vibrant colors, set against a dynamic background of crashing waves and ocean spray, capturing the essence of a professional surfer's spirit. +A realistic field at dawn, with a intricate UFO crop circle formation spelling "Take Me to Your Barista" visible in the morning mist, surrounded by swirled and flattened crops, under a sky streaked with the first light of day. +A close-up of a sleek, futuristic spy gadget with a screen flashing "SelfDestruct Activated" in bright red letters, set against a dark, high-tech background. The device is partially illuminated, highlighting its intricate design and the urgency of the message. +A futuristic spaceship’s control panel, with neon lights flickering, displays "Warp Drive Active" in an intricate alien script, surrounded by blinking buttons and holographic interfaces. +A wooden trail sign carved with "Hiking Path 3" stands at the edge of a lush, forested path in a national park, surrounded by tall pine trees and dappled sunlight filtering through the canopy. +A movie director's chair placed on a sunlit film set, with the backrest clearly labeled "Action" in bold letters, surrounded by clapperboards and crew members preparing for the next shot. +A realistic gym setting with motivational posters on the walls, one prominently displaying the slogan "No Pain No Gain" in bold, vibrant letters. Athletes are seen working out intensely, their efforts reflecting the poster's message. +A desolate landscape with a broken robot lying on the ground, its screen displaying the error message: "Rebooted Too Many Times", surrounded by scattered mechanical parts and overgrown weeds. +A realistic photograph of a recycling bin with a clear, vibrant sticker that reads "Sort Your Trash" affixed to its side, set in a suburban neighborhood with well-manicured lawns and a clear blue sky. +A vast desert landscape with a lone signpost standing tall, reading "Water 2 Miles East". The sun is setting, casting long shadows and a warm glow over the sandy terrain, highlighting the arid environment and the promise of life just beyond the horizon. +In a vast, arid desert canyon, the rugged walls form a natural amphitheater, where the echo of a lone voice shapes the phrase "Why Are We Here" in the air, surrounded by the ethereal glow of a setting sun. +A vintage robot factory entrance with a retro, neon sign that warns, "No Humans Beyond This Point", set against a backdrop of industrial machinery and dim, futuristic lighting. +In a vast, green field under a twilight sky, intricate alien crop circles spell out "Take Me to Your Dealer" in an unexplained pattern, surrounded by glowing, ephemeral lights that dance around the edges of the formations. +A baker stands behind a wooden counter, proudly displaying a box labeled "13th Donut Free". The box is filled with a variety of colorful, glazed donuts, each perfectly arranged. The warm, inviting bakery is filled with the sweet aroma of fresh dough and sugar. +Realistic photograph of a gym locker room with a mirror displaying graffiti that reads "Sweat Now Shine Later". The scene captures the worn, slightly aged appearance of the locker room, with the graffiti prominently visible and slightly smudged, adding to the authentic feel. +An astronaut in a detailed spacesuit, the helmet's display vividly showing "Oxygen Level 100", standing against the backdrop of a distant Earth, with stars twinkling in the dark void of space. +A sleek sci-fi spaceship with "Galaxy Voyager" emblazoned on its hull in gleaming metallic ink, hovering against a backdrop of distant stars and nebulae, its engines glowing with a soft, blue light. +A cartoon illustration of a cat sitting with a whimsical thought bubble above its head, clearly displaying the word "cubelo" in playful, colorful letters. The cat has big, expressive eyes and a curious expression, set against a soft, pastel background. +A medieval sword, meticulously engraved with the words "Dragon Slayer" in ancient runes, lying on a weathered wooden table, illuminated by the soft glow of candlelight, surrounded by open scrolls and a quill pen. +A vintage suitcase sticker labeled "World Traveler" adhered to a well-worn, brown leather suitcase, surrounded by a scattering of old maps and travel brochures, under the warm glow of a retro desk lamp. +A close-up of a gardener’s seed packet, labeled "Dragonfruit for Beginners", with a vibrant illustration of a dragonfruit plant and detailed planting instructions on a rustic, earth-toned background. +A realistic photograph of a construction site with workers wearing yellow hard hats, prominently displaying a large, clear sticker on a nearby wall that reads "Hard Hat Area". The scene is bustling with activity, capturing the essence of a busy work environment. +A delicate origami crane, intricately folded from a single sheet of paper, perches on a smooth wooden table. A tiny, handwritten note attached to its wing reads "Peace in Every Fold", casting a gentle shadow in the soft, ambient light. +A realistic photograph of a futuristic moon base airlock, with a prominent warning sign that reads "Decompress First" in bold letters, set against the stark, gray lunar landscape. +A futuristic highway under construction, with a large digital sign flashing "Expect Delays Until 3024" amidst neon lights and sleek, self-driving cars passing by in the background. +A wedding cake adorned with figurines of a bride and groom, each holding a sign that reads "I Don't", set against a vintage, romantic backdrop with soft, warm lighting. +A vibrant, realistic photograph of a drummer performing passionately on a sleek, modern drum set, with the slogan "Loud & Proud" emblazoned on a large, colorful banner behind them, capturing the energy and spirit of live music. +A detailed, ancient magic spellbook page titled "Invisibility Potion", with intricate illustrations of mystical herbs and symbols, set against a backdrop of worn parchment. The text is handwritten in elegant, flowing script, with glowing highlights that suggest the page's magical properties. +A serene beach scene with a vibrant red and yellow warning flag marked "Strong Current Alert" fluttering in the breeze, set against the backdrop of the vast, turbulent ocean. +A bustling farmer’s market stall with a rustic wooden table, baskets overflowing with fresh, vibrant apples, and a charming chalkboard sign that reads "Organic Apples 2lb" prominently displayed, capturing the essence of a sunny autumn morning. +A vintage 1950s diner with a jukebox labeled "Play Me a Classic", glowing neon signs, and a checkered floor. Customers in period attire enjoy milkshakes, while the jukebox plays a classic rock tune. +A realistic tattoo parlor window, featuring a decal that reads "No Regrets Policy" alongside intricate skull graphics, set against a slightly gritty urban backdrop. +A close-up of a submarine porthole, with a weathered sticker on the glass reading "Depth 10000 Leagues". The porthole is surrounded by the dark, mysterious depths of the ocean, with faint light from the sub illuminating the sticker. +A realistic smartphone screen displaying a notification popping up with the message "Memory Full", set against a blurred background of a cluttered desk with various tech gadgets. +An antique map with detailed, weathered parchment, featuring intricate compass roses and nautical symbols. In the uncharted territories, the ominous phrase "Here Be Dragons" is elegantly scripted, accompanied by illustrations of mythical dragons soaring over tumultuous seas. +A witch’s cauldron bubbling with shimmering letters that spell "Love Potion 9", set in a dimly lit, mystical forest clearing, with swirling mist and glowing embers around it. +A realistic photograph of the back door of a shopping mall, featuring a clear "Emergency Exit Only" label, with a slightly worn metal door and a concrete wall, under a dimly lit overhead light. +Retro video game title screen with vibrant 8-bit graphics, featuring the iconic message "Press Start to Play" in bold, pixelated font, surrounded by colorful, dynamic sprites and a nostalgic, pixelated background. +A realistic photograph of a spy camera with a subtle lens imprint that reads "Smile Youre on Camera", set against a sleek, metallic background, capturing the intricate details of the camera's design and the faint, almost imperceptible text. +A cozy lemonade stand with a hand-painted sign that reads "Ice Cold 50 Cents", set against a sunny backdrop with a few fluffy clouds in the sky. The stand is decorated with bright yellow and white balloons, and a child is smiling behind it, holding a glass of lemonade. +A coffee cup with a sleeve printed in bold, playful letters: "Caution Liquid Awesome Inside", sitting on a wooden table, steam rising gently from the rim, surrounded by a cozy, warm setting. +A witch soaring through a starlit sky on her broomstick, with a tag that reads "Fly Safe Spell Required" clearly visible, surrounded by swirling mist and magical sparks. +A carnival ticket booth with a prominently displayed sign that reads "Rides Closed for Maintenance", surrounded by empty, overgrown fairgrounds, capturing the eerie stillness of a once lively amusement park. +A cluttered detective's desk with a case file prominently displayed, stamped "Closed - Obvious Villain", surrounded by magnifying glasses, photos, and notes, under the warm glow of a desk lamp. +A bustling retirement home activity board prominently displays "Naptime Championship Finals" among other events, with residents gathering around, some chatting excitedly, others already nodding off, creating a warm, humorous scene. +A vintage gas station scene with a retro gas pump sign that reads "Fuel Your Wanderlust", set against a backdrop of a classic American road trip landscape. +Illustration for a children's alphabet book, showcasing "Z for Zebra". A playful zebra stands in a vibrant savannah, its black and white stripes contrasting against the lush green grass and golden sunlight. The zebra looks directly at the viewer, inviting and friendly. +A realistic photograph of a science fair poster titled "Volcano Eruption Project", featuring a vibrant illustration of a volcano erupting with lava and steam, surrounded by detailed text and diagrams explaining the volcanic process. +A realistic urban night scene featuring a skyscraper rooftop with a large, illuminated sign spelling "Metropolis News" in bold, retro-futuristic font, set against a backdrop of glowing city lights and a starry sky. +A pilot's aircraft, with wingtips trailing smoke in a vibrant sky, skillfully spells out "Sky King" in the air, capturing a moment of aerial artistry and precision. +A serene garden scene featuring a gardener carefully watering plants with a rustic, antique watering can marked "Grow with Love" on its side, surrounded by blooming flowers and lush greenery. +A vintage typewriter, with worn keys and a faded ribbon, is actively typing the phrase "Secret Message" onto a crisp, yellowing sheet of paper, set against a soft, nostalgic background. +A retro video game loading screen with pixel art graphics, featuring the text "Press Start to Continue" in bold, vibrant colors, set against a gradient background that transitions from deep blue at the top to a lighter teal at the bottom. +A detective's notepad lies on a cluttered desk, the words "Case Unsolved" scribbled prominently on its pages, surrounded by scattered photographs and coffee cups, under the dim light of a lone desk lamp. +A pet shop window displays an inviting sign that reads "Puppies for Adoption", with a cozy display area featuring playful puppies of various breeds, surrounded by colorful toys and soft blankets, all set against a warm, sunlit background. +A realistic smartphone screen displaying a notification pop-up that reads "Low Battery Panic", with a dimly lit background showing a person's worried expression as they look at their phone, emphasizing the urgency and anxiety of the situation. +A close-up of a firefighter's helmet, the reflective shield prominently displaying the text "Hero Wannabe" in bold, red letters, set against a backdrop of smoke and flames, capturing the intense, heroic atmosphere of a rescue operation. +At the bustling airport, a large, illuminated sign prominently displays "evans" in sleek, modern font, hanging above a busy check-in counter where travelers are lining up to board their flights. +A medieval castle entrance with a worn stone step, intricately carved with the warning "Watch Your Step", set against a backdrop of ancient, moss-covered walls and a cloudy sky. +A close-up of a pet collar tag, inscribed with "Best Buddy", gleaming in the sunlight, surrounded by soft, golden fur. The tag is slightly worn, showing signs of many adventures, with a subtle reflection of a park in the background. +An astronaut stands on the lunar surface, their helmet reflecting the futuristic structure of "Moon Base Alpha" in the distance, surrounded by the stark, grey landscape of the moon. +A ballet studio with large mirrors reflecting dancers in mid-pose, the phrase "Practice Makes Perfect" elegantly displayed on a wall, soft lighting enhancing the graceful atmosphere. +A realistic photograph of a bus interior, with the sign "Stop Requested" lighting up above the seats, casting a soft glow on the passengers and the aisle, creating a warm and ambient atmosphere. +A 17th century French Baroque painting depicts a majestic, large female lion, her mane flowing regally. "Meow" is written in an ornate speech bubble emanating from her mouth, blending the grandeur of the era with a whimsical touch. +A vibrant concert stage with a backdrop displaying "World Tour 2024" in bright, glowing lights, surrounded by enthusiastic fans and a dynamic atmosphere, capturing the energy of a live performance. +A detailed close-up of an ancient library book, with a vibrant red stamp clearly marking "Property of Hogwarts" on a weathered, yellowed page, surrounded by intricate, faded text and subtle magical symbols. +A close-up of a carpenter's toolbox, prominently featuring a sticker that reads "Measure Twice", with tools like a tape measure, hammer, and saw neatly arranged around it. +A realistic urban scene featuring vibrant graffiti on a subway wall, prominently displaying the text "Roses Smell Best" in bold, colorful letters, surrounded by intricate street art designs and the gritty texture of the subway environment. +A realistic photograph of a restaurant's chalkboard header, prominently displaying "Daily Specials" in elegant, handwritten chalk font, set against a rustic wooden background with soft, ambient lighting highlighting the textured chalkboard surface. +A vibrant, modern vegan restaurant menu header featuring the text "Plant Based Delights" in bold, elegant font, surrounded by fresh, colorful vegetables and herbs, set against a clean, minimalist background. +An astronaut's logbook on a desolate moon base, titled "Day 42 Still No Aliens", with a detailed entry about daily routines, the vast, silent lunar landscape, and a hint of loneliness. +A medieval castle courtyard, sunlight filtering through ancient stone arches, a grand banner hanging from the wall, embroidered with "Royal Sanctuary" in intricate gold thread, casting a regal shadow on the cobblestones below. +A realistic photograph of a concert ticket stub featuring the band name "Electric Storm" in bold, with a slightly worn, crumpled texture, and a background hinting at a vibrant, stormy night sky. +A close-up of a vintage library stamp, clearly displaying the text "Property of Arkham Library", set against a backdrop of aged, leather-bound books and worn, wooden shelves. +A realistic television weather map graphic displaying a "High Pressure Zone", with vibrant colors and clear labels, set against a backdrop of a serene, cloudless sky. +A vintage casino slot machine with neon lights flickering, prominently displaying "Insert Luck Here" in glowing letters, set against a dimly lit, smoky room with plush red carpets and ornate gold fixtures. +A realistic photograph of an airport departure board displaying "Flight 404 Gate Not Found", surrounded by confused passengers and airport staff, with a modern terminal background and overhead luggage carousels. +A detailed photograph of a farm tractor's side panel, prominently marked with "Harvest Model XT", set against a backdrop of a sunlit, dusty farmyard, capturing the rustic charm and industrial design of the vehicle. +A weathered pirate treasure map with "X Marks the Spot" prominently displayed, surrounded by intricate illustrations of tropical islands, ancient ships, and mythical creatures, set against a backdrop of a stormy sea under a dramatic sky. +A realistic photograph of a modern kitchen, with a fridge door prominently displayed. On the fridge, a handwritten grocery list is attached, clearly showing the items: "Bread Eggs Milk". The kitchen is clean and well-lit, with a few appliances visible in the background. +A futuristic cityscape at dusk, a robot standing alone on a deserted street, its chest screen flashing "Error 404 Empathy Not Found", surrounded by neon lights and digital billboards. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with flour-dusted "Bread Wizard" text, kneading dough with a content smile, surrounded by baskets of freshly baked bread and a wooden rolling pin. +A superhero stands in a bustling city square, their cape fluttering in the wind, with a visible tag reading "Dry Clean Only No Capes" prominently displayed. The scene is vibrant, with a mix of awe and confusion from onlookers. +A close-up of a sleek, black business card with bold, red text that reads "World Domination Specialist". The card is placed on a dark, textured surface, with a subtle, ominous shadow cast around it, hinting at the power and ambition of its owner. +A city street at night, a yellow taxi with its roof light blinking "Off Duty" in bright yellow, reflecting off wet pavements, under the glow of street lamps. +A roadside sign near a school, prominently displaying "Slow Down Kids Crossing", set against a backdrop of a sunny afternoon with children walking by, capturing the essence of a safe and vibrant community. +In an otherworldly classroom, an alien chalkboard displays the phrase "Earthling Math Why" in glowing, cryptic symbols. Alien students with large, curious eyes gather around, their tentacles pointing at the equations, pondering the mysteries of human mathematics. +A bustling downtown scene with a "Under Construction" banner prominently displayed on the scaffolding of a partially built skyscraper, surrounded by busy pedestrians and modern buildings. +A stone bridge arch with intricate engravings, prominently featuring the text "Built 1453 Rebuilt 1672", spans a tranquil river. The bridge is weathered, showing the passage of time, with moss and ivy clinging to its ancient stones. Soft sunlight filters through the trees, casting dappled shadows on the water below. +A book titled "bellsaint" rests on a wooden table, illuminated by a soft, warm light streaming through a nearby window. The cover features an intricate, antique design, and the pages are slightly curled, suggesting age and frequent use. +A realistic zoo scene with a clear sign at a gorilla enclosure that reads "Feeding Time 3PM Daily", surrounded by lush greenery and a few excited visitors snapping photos. +A modern subway station with sleek, white mosaic tiles forming intricate patterns on the walls. In the center, a bold sign reads "Mind the Gap" in elegant, bold letters, reflecting the station's clean and minimalist design. +A vibrant social media post featuring the text "Follow Us" in bold, modern fonts, accompanied by dynamic, colorful arrow graphics pointing upwards and to the sides, set against a gradient background. +A close-up of an old library book, showing a red stamp marked "Overdue Since 1999" on a yellowed page, surrounded by the faded, worn edges of the book. +A prehistoric cave wall adorned with vibrant paintings depicting "Hunters Gather Here", showcasing a group of ancient hunters surrounding a large animal, with detailed figures and symbolic markings in earth tones, set against the rough, textured stone. +A realistic photograph of a fridge door with a handwritten note stuck on it, reading "Buy Milk Tomorrow", in a casual, everyday kitchen setting. +A cozy café interior with a rustic chalkboard menu prominently displaying "Daily Special Soup" in elegant white chalk, surrounded by vintage coffee mugs and pastries, bathed in warm, natural light streaming through a window. +A bustling food truck with a vibrant, colorful menu board prominently displaying "Taco Tuesday Special" in bold, playful letters. Customers queue up, eager for a taste of the day's special offer, as the aroma of fresh tacos fills the air. +A beautifully decorated birthday cake with intricate frosting designs, candles lit, and the message "Happy 30th Birthday" clearly written on top, set against a warm, celebratory background with balloons and party decorations. +A close-up shot of a vine with the text "abdomen" sprouting from it, centered in the frame, with a blurred background to emphasize the unique text growth. +A Viking longship sails on a stormy sea, its sail prominently painted with the bold black letters "Row or Die", reflecting the fierce determination of its crew. +A toy store display featuring a variety of colorful, interactive robots, with a bold sign that reads "Interactive Robots Here". The robots are arranged on shelves, some with lights and moving parts, creating an engaging and futuristic atmosphere. +An astronaut stands on the lunar surface, their helmet visor clearly reflecting the message "Moon Base Alpha" amidst the stark, grey moonscape. The scene captures the isolation and technological achievement of human space exploration. +A whimsical treehouse nestled in a lush forest, with a hand-painted wooden sign hanging from the entrance that reads "No Adults Allowed Ever", surrounded by vibrant green leaves and dappled sunlight. +A surfboard with "Wipeout Guaranteed" text on its bottom, lying on a sandy beach, with the ocean waves crashing in the background, under a bright, sunny sky. +A modern ambulance parked on a city street, its side panel prominently displaying the text "Emergency Care" in bold, clear letters. The scene is lit by the soft glow of street lamps, with a few passersby in the background, emphasizing the urgency and professionalism of the emergency service. +A realistic photograph of a "Beware of Cat" wooden sign, slightly weathered, hanging on a rustic garden gate with a tangled vine creeping along its sides. +A bustling toy store window displays an array of colorful, futuristic robots, each with unique designs and features, under a prominent sign that reads "Interactive Robot Sale". Shoppers of all ages peer in, captivated by the animated demonstrations inside. +A magic 8-ball floats in a swirling cloud of deep purple smoke, the words "Ask Again Later" clearly visible on its surface, set against a dark, mystic background. +A baker carefully crimps the edges of a golden pie crust, intricately embossed with the words "Made with Love", set against the warm backdrop of a rustic kitchen. +A bustling subway station with a vibrant, graffiti-covered wall prominently featuring the phrase "Mind the Gap" in bold, colorful letters, surrounded by the hustle and bustle of commuters and the sleek, modern architecture of the station. +A close-up photograph of an ancient museum artifact, with a label clearly visible that reads "Circa 300 BC", set against a softly lit, neutral background to emphasize the historical significance of the piece. +A glossy magazine cover featuring the headline "Top 10 Tech Trends", surrounded by futuristic icons and sleek, high-tech gadgets, set against a vibrant, digital background. +A futuristic pet collar with sleek, metallic finishes and glowing blue edges, projecting a holographic message that reads "Good Boy Mode Activated" in a clean, digital font, set against a dimly lit, tech-laden room. +A quaint, enchanting shop with a vibrant sign that reads "Wish Crafters Inc". The sign is adorned with shimmering stars and magical symbols, set against a backdrop of a cobblestone street in a mystical village, with soft, golden lights illuminating the scene. +A close-up of a gardening pot label reading "Organic Tomato Plants", set against a backdrop of lush, green foliage and vibrant tomato plants, with sunlight gently filtering through the leaves, highlighting the natural and organic growth environment. +A close-up of a shiny dog collar tag, intricately engraved with the words "Best Boi", reflecting light and showing fine details of the engraving. The tag is slightly worn, giving it a timeless, well-loved appearance. +A fisherman’s net is tangled with a buoy, prominently displaying the words "Catch of the Day", against a serene coastal backdrop. +A vibrant movie poster featuring the title text "Another Happy Day" prominently displayed in bold, playful font against a backdrop of a sunny, picturesque town, with cheerful characters in the foreground, capturing the essence of a feel-good comedy. +A high-resolution video game loading screen with a sleek, futuristic design, prominently displaying the text "Press Start Button" in bold, neon-blue letters, set against a dark, gradient background with subtle, glowing circuit patterns. +A museum exhibit featuring a glowing artifact encased in a glass display, with a plaque beneath it that reads "Ancient Relic of Power", surrounded by dimly lit, ancient stone walls adorned with mysterious runes. +A futuristic space hotel lobby featuring a sleek, metallic placard that reads "ZeroGravity Lounge" in bold, illuminated letters, surrounded by minimalist, sci-fi decor and floating decorative elements. +A close-up of a grocery receipt with "Total Savings 599" prominently displayed, set against a blurred supermarket background with shopping carts and shelves faintly visible. +A detailed, ancient wizard’s spellbook page titled "How to Vanish", with intricate illustrations of magical runes and symbols, set against a backdrop of yellowed parchment. The text is written in elegant, flowing script, with a quill pen resting delicately on the page. +A bustling urban street at night, with a digital billboard flashing "75 OFF" in vibrant colors above a modern shopping mall, surrounded by pedestrians and illuminated storefronts. +A close-up photograph of a pharmacy prescription label with a stark warning in bold text: "May Cause Existential Dread". The label is partially peeled, revealing a contrasting background, and the lighting highlights the warning, creating a sense of unease. +A rugged backpacker, wearing a well-worn leather bracelet engraved with "Forever Wander", stands at the edge of a cliff, looking out over a vast, misty landscape under a dramatic sky. +A bustling Times Square at night, with vibrant neon lights and crowds of people. A massive billboard towers over the scene, prominently displaying the text "Holiday Sale 2024" in glowing, festive colors. +A close-up of a digital thermometer with a red LCD screen displaying "High Fever Detected" in clear, bold text, set against a blurred, clinical background with a hint of medical equipment. +A movie theater concession stand with a large digital screen displaying a "Technical Difficulties" error message. The stand is dimly lit, with empty snack trays and a few scattered popcorn kernels on the counter. The scene is captured in a realistic photographic style, emphasizing the empty and quiet atmosphere. +A vast, golden wheat field under a twilight sky, interrupted by a precise, intricate crop circle that spells out "Take Me To Your WiFi" in clear, geometric patterns. A mysterious, shimmering UFO hovers above, casting a soft, ethereal glow on the message. +A high-resolution photograph of a laboratory microscope slide labeled "Sample 42B", set against a clean, white background, with a slight focus on the label to emphasize its clarity and readability. +A spy stands in a dimly lit alley, his sunglasses lens projecting a holographic message: "Target Person Behind You", visible in the reflection of a nearby puddle. +A high school basketball player wearing a jersey with the nickname "Air Surfer" on the back, standing on a court at sunset, the light casting a warm glow over the scene, emphasizing the vibrant colors of the jersey. +A movie poster titled "The Ninja Immovable Heart" featuring a lone ninja standing in a misty bamboo forest, his face half-shadowed, holding a katana. The background blends traditional Japanese elements with modern cityscapes, symbolizing the clash of old and new. +A pilot's desk with a detailed flight plan sheet titled "Route Alpha Bravo" laid out, surrounded by aviation maps and navigation tools, under the warm glow of a cockpit lamp. +A dimly lit smart home control panel with a eerie green glow, displaying the message "Ghost Mode Activated" in bold, glowing letters. The room is shadowy, with a faint mist swirling around, enhancing the haunting atmosphere. +A high-quality movie poster featuring the logo "Justice League" prominently at the top, with the iconic superheroes Batman, Superman, and Wonder Woman standing in a powerful formation against a dramatic cityscape backdrop, illuminated by a heroically intense light. +A realistic gym setting with a water fountain, prominently displaying a sign that reads "No Spitting We See You Dave", with a slightly worn and slightly reflective surface, capturing the ambient light and shadows of the environment. +A bustling train station with a digital sign displaying "Platform 3 Departing" above a crowd of travelers. The scene is filled with the ambient noise of announcements and the hustle of people carrying luggage, capturing the essence of a busy departure. +A majestic mountain summit with a weathered plaque engraved "Elevation 14000 Feet", surrounded by rugged terrain and a backdrop of distant, snow-capped peaks under a clear blue sky. +A movie theater marquee illuminated at night, prominently displaying "Now Showing Galaxy Wars" in vibrant neon lights, with a crowd of excited moviegoers queuing outside. +A rugged trail winds through a forest, leading to a wooden hiker’s trail marker that reads "Peak 2 Miles" under a canopy of tall pine trees, with a glimpse of a distant mountain range through the foliage. +In the park, a weathered wooden signpost stands, displaying the word "month" in faded, elegant script. Surrounding the sign, autumn leaves in shades of orange and red carpet the ground, enhancing the serene and slightly nostalgic atmosphere of the scene. +An astronaut floats in space, their helmet visor displaying a Heads-Up Display with the text "Oxygen Level 78". The visor reflects the distant Earth and stars, adding a serene yet technical ambiance to the scene. +A photographer's lens cap, labeled "Focus on the Magic", rests on a vintage camera in a sunlit studio, surrounded by rolls of film and a scattered array of lenses, capturing the essence of creativity and craftsmanship. +A vibrant comic book panel depicting a superhero mid-flight, surrounded by an explosive burst of energy, with large, dynamic "KABOOM" text in bold, colorful letters, emphasizing the intense action and impact. +A delivery truck parked on a city street, with its side prominently printed in bold letters: "Fragile Handle Care". The scene is bustling with pedestrians and other vehicles, capturing the essence of urban life while highlighting the truck's message. +A realistic photograph of a modern train station with a digital announcement board prominently displaying "Platform 5 Departing", surrounded by waiting passengers and the sleek silhouette of a train in the background. +A fairy stands in a moonlit forest, her wand glowing with a radiant light as sparkling particles float around it, casting a magical glow. She points the wand upwards, and above her, the words "Make a Wish" shimmer in the night sky. +A whimsical children's book illustration depicting "Once Upon a Time", with a cozy cottage under a starlit sky, surrounded by enchanted forest, and a wise old owl perched on a branch, gazing at the moon. +A gym treadmill with a digital screen prominently displaying the message "Youre Almost There" in bold, pixelated letters, set in a modern fitness center with equipment and mirrors in the background. +Close-up of a 3D rendered toothpaste tube figurine, featuring candy pastel colors and the text "desk" clearly visible on the tube. +A cozy pet store interior with a wooden desk displaying an adoption certificate for "Fluffy Best Cat Ever", next to a cute, fluffy cat in a basket, surrounded by playful toys and comfortable cushions. +A close-up of a sleek smartwatch with a modern, minimalist design, displaying the message "Battery Low 10 Remaining" on its screen, set against a neutral background to highlight the alert. +A realistic photograph of a baker's oven with a window sticker warning "Hot Content" clearly visible on the glass, set against a warm, cozy kitchen background with soft lighting. +A vibrant restaurant menu board stands outside a quirky eatery, featuring the playful text "Try Our Alien Tacos" in neon green, surrounded by illustrations of cosmic elements and colorful tacos, set against a starry night sky. +Underwater cave scene with ancient murals depicting "Beware of Hipster Mermaids", showcasing mermaids with modern, trendy accessories in an ethereal, blue-green light. +A vibrant city street filled with diverse protestors holding signs, focusing on a young woman with a determined look, holding a large, hand-painted sign that reads "No Planet B" in bold, colorful letters. The scene is energetic, with a crowd in the background, capturing the spirit of the climate march. +A submarine's dashboard with a screen alert flashing "Depth Atlantis Viewing Zone", surrounded by control panels and dials, illuminated in a dark, futuristic interior. +A high-tech space hotel keycard, sleek and metallic, with the words "Room Service Light Years Away" elegantly printed on it, floating in zero gravity against a backdrop of distant stars and galaxies. +A novelist's vintage typewriter with a crisp, white page inserted, titled "Chapter 1 The Blank Page", set on a wooden desk with a window casting soft, natural light, creating a serene writing environment. +A close-up of a programmer's laptop with a vibrant sticker that reads "Hello World Maker", surrounded by scattered notes and a cozy, minimalist workspace. +A close-up of a superhero cape, intricately embroidered with the name "Captain Justice" in bold, gold thread, set against a deep blue fabric. The embroidery showcases detailed stitching, capturing the hero's emblem with precision and elegance. +A realistic photograph of a sleek, modern laptop with a colorful sticker on its lid that reads "CtrlAltAwesome", placed on a minimalist desk with a clean background, emphasizing the vibrant sticker. +A detailed, ancient wizard's spellbook page titled "Invisibility Incantation", showing intricate illustrations and handwritten text in a mystical script, with subtle glowing runes around the edges. +A neon sign flashing "Open 24 Hours" hangs above the entrance of a bustling convenience store, casting a vibrant glow on the sidewalk and attracting late-night shoppers. The scene is set in a dimly lit urban environment, emphasizing the bright, inviting sign. +A detailed star constellation map of the night sky, prominently labeled "Orion The Hunter", with intricate lines connecting the stars to form the hunter's shape, set against a dark, starry background. +A neon sign in vibrant blues and reds flashes "Live Music Tonight" above a bustling urban bar, casting dynamic shadows on the cobblestone street and reflecting in the wet pavement, creating a lively and inviting atmosphere. +A futuristic space hotel lobby with a neon sign prominently displaying "No Vacancy Since 3012", set against a backdrop of sleek, metallic walls and futuristic furniture, with a few scattered travelers and robots in the foreground. +A bustling downtown street at night, illuminated by vibrant neon lights, features a large, eye-catching banner that reads "HumanAI Unity Day Festival". Crowds of people in festive attire gather, creating a lively and harmonious atmosphere. +A cozy bakery interior with a vintage oven timer prominently displayed, counting down "Sourdough Ready in 300". Warm, golden light spills from the oven, casting a soft glow on the rustic wooden shelves lined with fresh bread. +A rugged mountain trail with a wooden signpost carved with "Summit 2 Miles", set against a backdrop of dense pine forests and rocky terrain, bathed in the warm, golden light of the setting sun. +A hot air balloon floats against a clear blue sky, its vibrant colors standing out. A banner trails behind, reading "Fly High Live Free" in bold, elegant letters, capturing the spirit of adventure and freedom. +A close-up of a bakery window, featuring a vibrant sticker that declares "Gluten Free Options" in elegant, hand-drawn lettering. The sticker is slightly weathered, with the warm glow of the bakery's interior lighting it from behind, creating a cozy and inviting atmosphere. +A bustling fast food drive-thru at dusk, with a large, illuminated menu board prominently displaying the "Try Our New Combo" offer. Customers in cars line up, eager to order, while the neon lights cast a vibrant glow on the scene. +A cozy bakery shelf displays a rustic wooden box of cookies, labeled "Grandmas Secret Recipe", surrounded by steaming cups of coffee and fresh baked goods, with warm, golden lighting enhancing the inviting atmosphere. +A carnival tent with a mysterious fortune teller sign that reads "Know Your Future 5" hanging above the entrance, surrounded by twinkling lights and a crowd of curious onlookers in a vibrant, colorful setting. +A sleek, modern cosmetic bottle with a metallic finish, prominently displaying the word "churchilll" in elegant, bold font, set against a minimalist white background. +A Halloween display featuring a werewolf costume with a tag that reads "Beware the Full Moon", set against a backdrop of a moonlit forest, creating a eerie and suspenseful atmosphere. +A serene yoga studio with a vast wall mural that reads "Breathe In Peace" in elegant, flowing letters. The mural features tranquil nature scenes, including gentle waterfalls and lush forests, creating a calm and soothing atmosphere for yoga practice. +A realistic photograph of a wooden sign that says "Hello World" hanging on a rustic fence in a sunny meadow, surrounded by wildflowers and greenery. +A vibrant children’s book cover titled "The Very Hungry Zombie", featuring a friendly, cartoonish zombie with a big grin, surrounded by colorful fruits and snacks, set against a bright, whimsical background. +A beautifully crafted wedding invitation card with elegant cursive script that reads "Join Us June 5th", set against a backdrop of a romantic sunset over a serene beach, with soft golden sands and gentle waves. +A witch's broomstick parked against a mystical backdrop, with a license plate clearly displaying "FLY4SPELLS" in elegant, gothic lettering. The broomstick is adorned with magical runes, and a faint trail of sparkles leads into a misty forest. +A Christmas ornament hanging from a pine tree, intricately designed with gold and red, featuring the phrase "Joy To The World" prominently embossed on its surface, surrounded by twinkling lights and a dusting of snow. +A medieval knight stands proudly, his shield prominently displayed. The shield is engraved with "For Honor" in intricate Gothic letters, reflecting the chivalric values of the era. The scene is set in a sunlit courtyard, enhancing the shield's detailed craftsmanship. +Retro diner with vintage decor, a classic jukebox in the corner displaying "Play 23", patrons enjoying nostalgic music and classic diner fare, warm lighting, and a 1950s atmosphere. +A nighttime cityscape featuring a classic yellow taxi with its roof light prominently displaying "Available For Hire" in bright, retro font, illuminated against the backdrop of a bustling street with neon lights and rain-slicked pavements. +A detailed spy document with intricate seals and a bold, red stamp reading "Top Secret Alpha 7" on the top corner, laid on a vintage, worn wooden desk under the soft glow of an old-fashioned desk lamp. +A futuristic cyberpunk cityscape at night, with towering skyscrapers and neon lights. A massive hologram advertisement floats mid-air, beaming the text "NEUROLINK v30" in vibrant, glowing colors, reflecting off the wet streets below. +A realistic photograph of a boxing match scorecard, prominently displaying "Round 3 10 8 Blue", with the crowd's blurred silhouettes in the background, emphasizing the intense atmosphere of the fight. +A vintage suitcase adorned with a faded sticker prominently displaying "World Traveler", set against a backdrop of worn leather and old-world charm, capturing the essence of classic travel nostalgia. +A weathered pirate map parchment, marked with "X Marks Democracy", lies beside an intricately inked skull, both partially obscured by the folds of the ancient paper, under the warm glow of a flickering lantern. +A vintage gym poster featuring a zombie lifting weights, with the slogan "Brains & Gains" prominently displayed. The background shows other zombies working out, and the overall style is a mix of retro fitness and horror. +A cozy living room with a fluffy cat napping on a sunlit couch. The cat's collar features a small, shiny charm that reads "Nap Champion", reflecting the peaceful and lazy atmosphere of the scene. +A tattoo parlor sign with "Ink Soul" in Gothic letters, illuminated by soft neon lights, set against a gritty urban backdrop with a vintage motorcycle parked nearby. +A sleek, metallic alien spacecraft hovers over a desolate landscape, its surface marked with bold, eerie text: "Humans = Food". The craft's underbelly glows ominously, casting a cold, blue light on the barren ground below. +A neon sign flashing "Open 247" illuminates the rainy night above a bustling downtown convenience store, its vibrant colors reflecting off wet pavements and storefronts, with pedestrians hurrying by. +A vintage postcard featuring a nostalgic Martian landscape, with cursive "Greetings from Mars" elegantly written across the top, set against a backdrop of reddish dunes and a distant, hazy horizon. +A winding hiking trail with a wooden marker pointing uphill, clearly inscribed with "Summit of Procrastination", surrounded by lush greenery and rocky terrain, leading to a misty mountain peak in the distance. +A close-up of a spy document with a subtle watermark reading "TOP SECRET EYES ONLY" visible under a desk lamp, the paper slightly creased and worn, adding to its authenticity. +A high-tech time machine dashboard with sleek, futuristic interfaces and a central display flashing "Year 3024" in vibrant neon blue, set against a dark, metallic background with subtle glowing lines. +A futuristic sci-fi magazine cover titled "Future Tech Monthly" featuring advanced robotic arms and sleek, holographic displays against a backdrop of a bustling, neon-lit cityscape at night. +A bakery display features a freshly baked bread loaf, prominently branded with the playful slogan "Carbs Don't Count Today", surrounded by a rustic wooden setting and warm, inviting lighting. +A sleek, modern spy dossier with a metallic cover, embossed with the title "OPERATION MIDNIGHT SUN" in bold, glowing letters. The background is a dark, shadowy texture, hinting at the secrecy and danger of the mission. +A vibrant T-shirt design featuring the phrase "Born to Code" in bold, block letters, set against a minimalist background with subtle coding symbols like brackets and semicolons woven into the fabric. +A realistic photograph of a gym locker room with a "Shower Out of Order" sign displayed on a neon paper, hanging prominently on a metal locker door, surrounded by rows of open lockers and gym equipment. +A realistic photo of an aquarium teeming with colorful fish, with the words "procdump" clearly visible on a label or sign near the tank. +A close-up of a music festival wristband, prominently displaying the text "VIP Access All Areas", set against a backdrop of colorful stage lights and a crowd of enthusiastic concert-goers. +A realistic photograph of a college dorm door with a sign that reads "Quiet Hours 10 PM - 7 AM" in bold, hanging on the door. The door is slightly ajar, revealing a hint of a cozy dorm room interior. +A wizard's ancient scroll unfurls, revealing intricate "Ancient Runes" etched in glowing silver ink, set against a backdrop of a mystical, dimly lit library with towering shelves. +A realistic smartphone screen with a modern, sleek design, displaying a lock screen notification that reads "3 New Messages", set against a blurred background of a bustling city street at dusk. +A basketball court with a polished wooden floor, painted with vibrant, bold letters that spell "Home Team Pride" across the center, surrounded by the team's colors and subtle patterns that enhance the energetic and supportive atmosphere of the venue. +A close-up of a modern 3D printer with a sleek, metallic finish, its display screen showing "Print Complete" in bold, green text, surrounded by subtle interface icons, set against a clean, white background. +A cowboy's saloon doors swinging open, revealing a dimly lit interior with a sign that clearly reads "No Minors Allowed" hanging above the entrance. +A photo of an aquarium teeming with colorful fish, with the words "dartmouth" prominently displayed on a sleek, modern sign near the water's surface. +A vintage typewriter with a sheet of paper inserted, the top of which reads "Chapter 1 The Mystery" in bold, classic font, set on a wooden desk with a soft, nostalgic light. +A laptop with a sleek, modern design, its screen displaying a screensaver with the message "Battery Low 5 Percent" in a clean, digital font, set against a dark background, with the laptop placed on a minimalist desk. +A close-up of a vintage brass keychain tag inscribed with "Keys to the Kingdom", hanging from a set of old, weathered keys. The tag and keys are placed on a dark, textured background, emphasizing the intricate detailing and worn appearance. +A realistic photograph of a science lab with caution tape stretched across a doorway, marked "High Voltage Area", warning of the dangers within the room. The lab is dimly lit, with visible safety equipment and electrical machinery in the background. +A cozy bakery interior featuring a handwritten "Fresh Bread Daily" chalkboard prominently displayed at the counter, surrounded by freshly baked bread loaves and pastries, with warm lighting and wooden shelves in the background. +A realistic photograph of a yellow school bus parked on a sunny street, with "Safety First Kids Matter" painted prominently on its side, surrounded by children in school uniforms, waving and smiling. +A weathered ghost town saloon, its sign creaking in the wind, reads "Last Drink 1899". Dust swirls around the abandoned wooden boards, emphasizing the eerie silence and the town's long-forgotten past. +A cozy café setting featuring a rustic wooden napkin holder engraved with "Bon Appétit", surrounded by a scattered array of napkins, warm lighting, and a backdrop of vintage coffee mugs and pastries. +A sleek, futuristic spy gadget with a metallic finish, featuring a small, illuminated button. The device is set against a dark, high-tech background. A caption reads, "Press Twice to Activate", clearly visible and emphasized. +A gym locker room with modern lockers and a large mirror featuring a sticker that reads "You Look Great Today". The scene is brightly lit, with a clean, professional aesthetic, emphasizing the motivational message. +A close-up of a futuristic robot with a sleek, metallic body, its chest display flickering and glitching to show "Error Feelings Detected" amidst a backdrop of neon city lights. The scene is set in a dystopian urban environment, emphasizing the contrast between the cold, mechanical world and the unexpected emotional glitch. +A charming bakery window adorned with a decal proclaiming "Fresh Croissants Daily", surrounded by a display of golden, flaky croissants and pastries, with the warm, inviting glow of the interior lighting through the glass. +A close-up of a UFO's underside, with glowing symbols that read "Take Me to Your Tacos" in vibrant neon colors, set against a dark, starry night sky. +A vintage car with a classic license plate reading "Route 66 Cruiser" parked on a nostalgic American roadside, surrounded by an open landscape with a clear blue sky and distant mountains. +A close-up of a gardener's seed packets, each labeled "Plant Dreams Wait", featuring charming sprout graphics that add a whimsical touch to the rustic, earthy background. +A city street at night, a yellow taxi with a bright roof light sign displaying "Available Ride Now" in bold, illuminated letters, reflecting off the wet pavement, with the neon lights of buildings in the background. +A dark, eerie forest clearing at midnight, with a mysterious figure in a hooded robe holding an ancient, glowing tome. In the background, an old, gnarled tree with a secret door leading to an underground chamber, with the words "Initiation at Midnight" etched on it. +A realistic urban scene featuring a modern electric scooter with a clear "Ride At Own Risk" notification on its dashboard, parked on a bustling city street, surrounded by tall buildings and pedestrians. +A small mouse, holding a flashlight in its tiny paws, stands on a stack of ancient books, illuminating the word "Caesar" on a tattered scroll. The scene is set in a dimly lit, dusty library, with shadows cast by the flashlight's beam. +A bustling night scene in Times Square, vibrant with neon lights and crowded sidewalks. A massive digital billboard dominates the skyline, prominently displaying the text "Trending Robots" alongside futuristic robotic designs and dynamic animations. +A winding mountain trail ascends through lush greenery, with a wooden signpost clearly displaying "Summit 2 Miles" at a fork in the path. The sign is weathered but legible, set against a backdrop of towering trees and distant peaks shrouded in mist. +A close-up of a wedding ring with the inner engraving "Always Us 2024" captured in soft, warm lighting, highlighting the intricate details and shine of the metal. +An astronaut's glove floats in the vastness of space, with the words "Call Home" visibly scribbled on its palm, against a backdrop of distant stars and planets. +A modern, vibrant T-shirt design featuring bold, stylized text "Stay Hungry Stay Foolish" in a dynamic layout, set against a clean, contrasting background. The text is sharp and eye-catching, embodying a spirit of ambition and creativity. +A realistic photograph of a worn, leather notebook with intricate doodles on the cover, including the phrase "Top Secret Plans" in bold, handwritten script. The notebook is partially opened, revealing a glimpse of detailed, hand-drawn sketches inside. +A close-up of a dog bowl labeled "Max Food Only", placed on a wooden deck, with sunlight filtering through nearby trees, casting soft shadows. The bowl is clean and shiny, emphasizing the clear label. +A close-up of a vintage brass keychain tag, intricately engraved with "If Lost Call 5551234", lying on a rustic wooden table, with soft, natural light highlighting the texture of the metal and wood. +A vividly colored globe with the continents painted in bright, bold hues, featuring the words "secciones" prominently displayed in a strong, bold font, set against a clean, white background. +A realistic photograph of a museum exhibit featuring a large, detailed diorama of "Dinosaurs of the Jurassic Era", with life-sized models of dinosaurs set in a lush, prehistoric forest environment, illuminated by soft, ambient lighting to enhance the sense of depth and realism. +A realistic photograph of a moon base airlock panel, with a sign clearly stating "Check Suit - No Oxygen Pranks". The scene is illuminated by the harsh, direct sunlight of the lunar surface, casting sharp shadows and highlighting the metallic textures of the airlock. +A close-up of a hiking boot print tag, embossed with the words "Waterproof Guaranteed", set against a rugged, natural background of dirt and pebbles, with a hint of dewy grass and morning light. +A bustling toy store window displays a colorful array of toys, from plush animals to action figures, with a large, eye-catching sign that reads "Toys Galore Inside". The scene is vibrant and inviting, capturing the excitement of a child's imagination. +A close-up of a fast food soda cup with the print "Caution Ice Melts" clearly visible, set against a blurred background of a busy restaurant interior. The cup is half-full of ice and cola, with condensation droplets forming on the side. +An ambulance parked on a dimly lit street, its side prominently displaying "Emergency Services" in reflective lettering that glows under the streetlights, with a medic preparing equipment nearby. +A modern art gallery featuring a sleek, metallic postmodern sculpture plaque titled "Untitled This Cost 1 Million", prominently displayed on a minimalist white wall, with soft gallery lighting highlighting its intricate textures and reflective surfaces. +A vintage movie director's chair on a sunlit film set, with the backrest embossed with the words "Seat of Genius", surrounded by clapperboards and cinematic equipment, capturing the essence of cinematic creativity and inspiration. +A medieval castle gate, heavy with age, looms under a stormy sky. The iron gate is partially open, revealing a dark, ominous passageway. Above the gate, an ancient stone inscription reads "Enter at Your Peril", warning all who dare to cross the threshold. +Aerial view of an airport at night, showcasing the illuminated runway with "Landing Zone 18R" clearly visible, surrounded by the glow of runway lights and the distant city lights in the background. +A eerie, fog-shrouded clocktower looms in the night, its face permanently stuck at "Never OClock". The weathered hands point to nowhere, casting a pale, ghostly light that illuminates the twisted, ancient bricks and the shadows of forgotten souls lingering around the base. +A beautifully crafted wedding invitation card with elegant calligraphy saying "Save the Date 1111" on a textured, cream-colored paper, adorned with subtle gold leaf accents and a delicate ribbon. +A high-energy gym motivational poster featuring a determined athlete mid-workout, with the phrase "Sweat Now Shine Later" prominently displayed in bold, inspiring fonts, set against a dynamic background of fitness equipment and locker rooms. +A high-intensity gym interior with a large, vibrant wall decal featuring the motivational phrase "No Pain No Gain". The decal is prominently displayed, with athletes working out in the background, capturing the intense, focused atmosphere of the space. +A close-up of an elegant wedding invitation featuring intricate calligraphy that reads "Save the Date", set against a soft, textured background with subtle floral accents. +A snowman with a bright orange carrot nose, featuring a small sign attached that reads "MeltProof Guarantee", standing proudly in a snowy landscape. +In a sleek, futuristic alien spaceship, the control panel's screen flickers with neon lights, prominently displaying "Earth Yelp 25 Stars" in a bold, glowing font, surrounded by intricate, high-tech interfaces and buttons. +A weathered pirate ship wheel, intricately carved with the words "Turn for Adventure", set against a backdrop of the vast, stormy ocean, with seagulls soaring overhead. The wood is worn, showing signs of countless journeys, and the scene is bathed in the golden light of a setting sun. +A wizard's broomstick, with a wooden handle intricately carved with runes, rests against a stone wall in a dimly lit, ancient library. A small, mischievous sprite hovers nearby, eyeing the broomstick warily. The tag on the handle reads "Handle With Care It Bites". +A clear, sunny day at a bustling dog park, with a prominent sign at the entrance listing "Leash Required Zone" in bold letters, surrounded by happy dogs and their attentive owners. +A superhero stands against a city skyline at dusk, their cape billowing in the wind, embroidered with "Hope Rises" in gleaming metallic thread, casting a hopeful glow. +A cozy bakery with a rustic wooden window display, featuring a hand-painted sign that reads "Fresh Bread Daily". The warm, golden light from inside illuminates an array of freshly baked bread loaves, creating a inviting and aromatic scene. +A realistic photograph of a refrigerator door with a yellow memo note scrawled "Buy Milk Eggs Bread" stuck on it, next to a few magnets and a faded grocery list. +A bakery window adorned with a stylish decal announcing "Gluten-Free Options Inside", sunlight streaming through, casting soft shadows of pastries on display, creating a warm and inviting atmosphere. +A close-up of a shiny dog collar tag, intricately engraved with the text "If Lost Call 5551234", reflecting sunlight with a subtle metallic gleam, set against a blurred, rustic wooden background. +A futuristic spaceship's control room, dimly lit, with blinking red lights and a prominent digital display showing the warning: "Warning Oxygen Low". The scene is tense, with instruments and screens reflecting the urgency of the situation. +A professionally designed logo for a bakery called "Rotary", featuring a stylized rotary wheel icon with warm, inviting colors and elegant typography that conveys the cozy, artisanal feel of a neighborhood bakery. +A close-up of a recycling bin sticker with clear, bold text instructing "Plastics Only Rinse First", set against a slightly blurred, environmentally friendly backdrop of a recycling center. +A detailed wooden pirate ship figurehead plaque, intricately carved with the ominous warning "Board at Own Risk", weathered by the sea and sun, with subtle barnacles and sea moss adding to its authenticity. +A high school basketball player wearing a jersey with "Skywalker" boldly printed on the back, standing on a sunlit court, the ball in his hands, ready for a decisive shot. +A vibrant concert poster for "The Rolling Rocks World Tour" featuring the band members in a dynamic pose, surrounded by explosive rock elements and a crowd of enthusiastic fans in the background, all set against a pulsating, colorful backdrop. +A carnival scene with a vibrant strength tester game sign that boldly declares "Ring Bell Win Regrets", surrounded by colorful lights and enthusiastic onlookers. +A vintage vending machine with a prominently displayed "Exact Change Only" label, set against a retro 1970s street scene, with soft, nostalgic lighting and subtle wear on the machine. +A realistic photograph of a hospital wristband wrapped around a patient's wrist, clearly printed with "Patient Name John Doe", set against a neutral background. +A snowman stands in a snowy field, its scarf knitted with the words "Winter Wonderland", adding a festive touch to the serene, icy landscape. +A scientist stands in a high-tech laboratory, wearing a lab coat embroidered with "Question Everything" in elegant thread, surrounded by advanced equipment and glowing screens displaying complex data. +A vintage retro diner jukebox, its lights glowing softly, displaying "Play Never Gonna Give You Up" on its illuminated screen, set against a nostalgic 1950s backdrop. +A vibrant band flyer for an urban music venue, featuring bold text that reads "Live Concert Tonight" with dynamic lighting and a crowd of excited fans in the background, set against a colorful, energetic cityscape at dusk. +Retro diner scene with a vintage jukebox, the selection screen prominently displaying "Play It Again Sam" amidst classic album covers and old-school music icons, warm neon lights and checkered floors enhancing the nostalgic atmosphere. +A heartwarming scene of a family gathered around a wooden table, smiling as they sign a pet adoption certificate titled "Forever Home Found", with a playful puppy or kitten looking on, capturing the joy and new beginnings. +A bustling city street at night, with a tattoo parlor's neon sign flashing "Ink Me Up" in vibrant red and blue, casting colorful shadows on the pavement and the intrigued faces of passersby. +A bustling hotel pool area with sunbathers and swimmers, prominently featuring a repeating sign that reads "No Lifeguard on Duty" in bold letters, set against a backdrop of lush greenery and clear blue skies. +A high-tech spy gadget with a sleek, metallic body lies on a dark, futuristic desk. Its screen glows ominously, displaying the words "Self Destruct Initiated" in bold, red letters. The room is dimly lit, with shadows casting a sense of urgency and tension. +A cozy kitchen with a chef’s recipe book opened to "Perfect Pancakes Page 23", resting on a wooden table beside a bowl of batter and a stack of freshly cooked pancakes. Sunlight streams through the window, casting a warm glow on the scene. +A cozy kitchen scene featuring a baker's oven mitt hanging on a wooden rack, embroidered with "Hot Stuff Coming Through". The mitt is slightly worn, with a warm, golden light shining through the window, casting a soft glow on the rustic kitchen countertop. +A detailed fantasy map illustration titled "Here Be Dragons", featuring mythical creatures and ancient landmarks, with a vintage parchment background and intricate borders adorned with nautical elements and mystical symbols. +A digital parking meter stands on a bustling city street, its screen flashing "PAY 2 HR MAX" in bright, bold letters, reflecting the glow of nearby streetlights and the headlights of passing cars. +A digital billboard in Times Square displays a vibrant, high-resolution advertisement for "New Year 2023", illuminated against the bustling city backdrop, with neon lights and crowds below, capturing the excitement of the New Year's Eve celebration. +A solemn war memorial titled "Heroes Never Forgotten", standing tall in a sunlit park, surrounded by neatly trimmed hedges and a field of poppies. A single wreath lies at the base, with a clear blue sky and gentle clouds overhead, emphasizing the peace and respect for those remembered. +A police car parked on a dimly lit street, its side adorned with the decal "Serve Protect", reflecting the headlights of passing cars, emphasizing the solemn duty of law enforcement. +A vibrant, animated fish bubble floating in a clear blue aquarium, with the words "Need More Water Please" clearly visible inside, surrounded by playful, colorful fish. +A mountain climber stands triumphantly at the summit of Everest, a flag bearing the words "We Conquered Everest" planted firmly in the snow. The peak is shrouded in mist, with the sun casting a golden glow over the rugged landscape. +A weathered stone tablet embedded in a moss-covered wall, with the inscription "Founded 1776" clearly visible, set against the backdrop of an old, ivy-clad building in the fading light of dusk. +A futuristic spaceship's control panel, with a digital screen prominently displaying the message "Warning Oxygen Low" in glowing red text, set against the backdrop of the vast, dark cosmos. +A realistic urban street scene at night, featuring a traffic light sign that reads "Red Light Camera Enforced", illuminated by the glow of headlights and streetlights, with a modern cityscape in the background. +A minimalist black and white sign with the words "look" on a clean white background, rendered in a wireframe style, showcasing the generative art technique with a modern, abstract feel. +A cozy coffee shop interior with a rustic wooden table, soft ambient lighting, and a chalkboard prominently displaying "Existential Crisis Latte 5" in elegant cursive. Customers sit quietly, deep in thought, while a barista prepares drinks in the background. +In a modern lab, a whiteboard prominently displays the message "Project Titan Success" amidst diagrams and equations, with scientists in lab coats gathered around, celebrating their breakthrough with smiles and applause. +An astronaut on the moon, leaving footprints that spell out "Hi Earth" in the lunar soil, under the glow of distant stars and the blue planet Earth visible in the sky above. +A bustling farmer's market scene with a vibrant stall banner prominently displaying "Local Honey Sold Here", surrounded by jars of golden honey and cheerful shoppers. +A cozy restaurant interior with a vintage wooden sign hanging by the entrance, clearly displaying the text "Please Wait Host". The warm lighting and elegant decor enhance the inviting atmosphere, while a few patrons wait patiently nearby. +A serene yoga studio with a yoga mat featuring the print "Breathe In Breathe Out" in elegant script, surrounded by soft, natural light and gentle greenery, capturing the essence of mindfulness and relaxation. +A bustling race track with spectators cheering, focusing on the finish line where a large, vibrant banner reads "Photo Finish Ahead", capturing the intensity and excitement of the moment. +In a medieval tavern, a rustic wooden menu board hangs on the wall, listing "Dragon Ale Brewed with Fire" in bold, ornate lettering. The board is illuminated by the warm glow of nearby torches, casting a cozy ambiance over the scene. +A close-up of a pet collar tag, intricately engraved with "Call Owner If Lost", lying on a rustic wooden table, soft sunlight casting a gentle glow, highlighting the craftsmanship and wear of the tag. +In a modern hotel lobby, a sleek "incrementally" sign is prominently displayed on the wall, its clean lines and minimalist design contrasting with the warm, luxurious furnishings around it. The scene is captured in a realistic photographic style, highlighting the interplay of light and shadow. +A realistic photograph of a dog park entrance, featuring a wooden gate with a clear sign that reads "Leash Your Pet" prominently displayed above it, surrounded by green grass and playful dogs. +A dimly lit museum exhibit titled "Ghost of Paychecks Past", featuring a spectral figure hovering over an old wooden desk cluttered with vintage pay stubs and financial ledgers, surrounded by eerie, antique office equipment. +A vintage movie director's chair with "Stanley Kubrick" emblazoned on the back, placed on a classic film set, surrounded by cinematic lighting and equipment, capturing the essence of cinematic genius. +A gym motivational poster featuring a vibrant, colorful donut, with the bold text "No Pain No Cake" prominently displayed, set against a dynamic, energetic background with fitness elements like weights and running shoes. +A cheerful kitchen scene featuring a chef wearing an apron embroidered with "Kiss The Cook", preparing a gourmet dish with fresh ingredients, surrounded by stainless steel appliances and vibrant herbs. +A modern elevator with a sleek metallic interior, featuring a sticker on the wall that clearly states "Maximum Capacity 8" in bold, black text. The scene is illuminated by the elevator's overhead lights, casting a soft glow on the reflective surfaces. +A protester holds a banner painted with "Climate Justice Now" in bold, vibrant letters, standing amidst a crowd in a sunlit urban square, capturing the urgency and determination of the climate movement. +A cozy cat café scene with a rustic wooden menu board prominently displaying "Purrfect Latte Art" among other charming items, with a fluffy cat lounging nearby, surrounded by potted plants and warm, ambient lighting. +A bustling train station with a large, illuminated announcement board prominently displaying "Platform 9 Departing", surrounded by travelers carrying luggage and chatting, with the sleek, modern trains visible in the background. +A realistic street scene with a school zone flashing light sign prominently displaying "Speed Limit 15 MPH" in bright, attention-grabbing colors, set against a backdrop of a quiet school day. +A grand castle gate adorned with a vibrant banner that reads "Royal Coronation Today", set against a sunny sky with spectators gathered, dressed in medieval attire, creating a festive and regal atmosphere. +A detailed national park map displayed prominently on a wooden signpost, with a clear "No Drones Allowed" policy marked in red. The sign is surrounded by lush green foliage and a serene landscape, emphasizing the natural beauty and the park's commitment to preserving it. +A vibrant school science fair scene with a large, colorful poster displaying "1st Prize Winner" prominently, surrounded by enthusiastic students and teachers. The poster features a detailed diagram of a science project, with gold ribbons and trophies on display nearby. +"Once Upon a Time" in a whimsical pop-up book illustration, featuring a castle under a starry sky, with enchanted forests and fairy-tale creatures emerging from the pages, all bathed in a soft, magical glow. +A medieval knight stands proudly, holding a shield intricately engraved with the phrase "Mums the Word". The shield, adorned with ancient symbols and battle scars, reflects the soft glow of a distant torch. The knight's armor gleams in the dim light, emphasizing the protective nature of the shield. +A dragon’s treasure chest, intricately carved with the words "Gold Only No Silver", lies in a cavern filled with golden artifacts and glowing embers, casting a warm, mystical light on the ancient, ornate engravings. +A vintage movie theater marquee, illuminated at night, boldly announces "Midnight Mystery Showing" in retro neon lights, with a dark, mysterious alleyway leading up to the entrance, enhancing the enigmatic atmosphere of the event. +In a bustling airport terminal, the vintage departure board clicks and clacks as it flips to display "Gate 17B", the numbers and letters crisply defined against the dark background, surrounded by the hustle and bustle of travelers and the soft glow of overhead lights. +A detailed tattoo design sketch featuring the word "Fearless" in bold, artistic lettering, surrounded by intricate patterns and symbols that evoke strength and courage. +A dark, mystical room with a glowing green cauldron on a wooden table, labeled with a cautionary sign that reads "Do Not Stir", surrounded by ancient spell books and flickering candles. +A dusty blackboard in a vintage math classroom, prominently displaying "1 Imagination" in chalk, with old wooden desks and a dimly lit, nostalgic atmosphere. +A neon museum sign glowing "Historic Theater" stands out against a dark urban night, its vibrant colors reflecting off the wet pavement and drawing the eye to the historic facade of the building. +A close-up of a vintage library stamp, embossed with intricate designs, reading "Property of Atlantis Archives", set against the backdrop of aged, leather-bound books and parchment, capturing the essence of a forgotten, mystical archive. +A food truck parked on a bustling city street, its side panel boldly advertising "World's Best Tacos" with colorful graphics and playful fonts, surrounded by curious onlookers and customers lining up to taste the acclaimed tacos. +A close-up of theater tickets with "Row G Seats 12 13" clearly printed on them, lying on a red velvet seat in a dimly lit, ornate theater. The tickets are slightly curled at the edges, and a soft spotlight illuminates them, highlighting the intricate details of the venue's architecture. +A vintage postage stamp with a faded, sepia tone, prominently featuring the phrase "Air Mail" in elegant, bold lettering, surrounded by intricate, ornate borders and airmail symbols like propeller planes and clouds. +A charming chalkboard stands outside a cozy café, featuring hand-drawn letters that say "Try Our New Matcha Latte". The café's warm lighting spills onto the sidewalk, inviting passersby to stop and enjoy a refreshing sip. +A museum exhibit showcasing a meticulously detailed T-Rex skeleton fossil, with a polished display plaque reading "TRex Skeleton" positioned at the base, under soft, focused lighting that highlights the ancient bones. +A carnival ticket booth banner prominently displays "5 Rides 10" in bright, colorful letters. The booth is bustling with excited children and adults, and the scene is filled with the vibrant, festive atmosphere of a lively carnival, complete with twinkling lights and cheerful music. +A retro neon diner sign glowing with "Eat Here Tonight" in vibrant colors, prominently displayed above the entrance, casting a warm, inviting glow on the sidewalk and the brick building facade. +A close-up of a colorful children's puzzle piece with the word "Connect" clearly visible, set against a soft, blurred background of other puzzle pieces, emphasizing the unique piece and its message. +A close-up of a vintage suitcase tag, slightly worn and faded, marked "Fragile Contents", attached to a weathered leather suitcase with a brass lock. +A vintage library book stamp, embossed with "Property of Maple Library", is prominently displayed on the inside cover of an old, worn book, surrounded by the soft, weathered pages that hint at countless stories and adventures. +A detailed ski resort trail map marker, prominently displaying "Black Diamond Slope", set against a snowy backdrop with faint ski tracks leading up to it. The marker is weathered from the elements, with a rich wood texture and bold, black text. +A steaming cup of café latte with intricate foam art that perfectly forms the words "Good Morning", set against a warm, cozy café backdrop with soft lighting and wooden textures. +A museum exhibit featuring an ancient artifact display titled "Ancient Scrolls of Atlantis", meticulously arranged under a clear, protective glass case, illuminated by soft, focused lights that highlight the intricate, weathered parchment. +A realistic photograph of a highway at dusk, with an electronic sign by the roadside alternating between displaying "Fog Ahead" warnings, surrounded by a misty landscape that emphasizes the impending fog. +A medieval tavern interior, dimly lit by flickering candles, with an intricately carved wooden sign above the bar reading "Mutton & Mead Special". Patrons in period attire chat animatedly, and the rich scent of roasted meat fills the air. +A parrot perched on the mast of a weathered pirate ship, wearing a classic pirate hat with the word "dense" boldly written across it, surrounded by the vast, turbulent sea. +A dimly lit street at night, with a tattoo parlor's neon sign glowing brightly, reading "Ink at Your Own Risk", casting an eerie, colorful glow on the wet pavement and a lone figure standing outside, contemplating their next move. +A vibrant graffiti-style mural in a narrow, sunlit alley, featuring the words "Urban Dreams" prominently in bold, colorful letters, surrounded by dynamic street art and urban textures. +A close-up of a plant pot with a wooden label sticking out, clearly displaying the text "Water Weekly" in elegant, handwritten font. The pot is filled with rich, dark soil and a thriving green plant, set against a blurred, natural outdoor background. +Ancient cave wall adorned with prehistoric symbols, prominently featuring the phrase "Food Storage Here" etched in a crude yet discernible manner, surrounded by depictions of animals and gathering scenes, illuminated by flickering torchlight. +A steaming coffee cup logo with the text "Morning Brew" prominently displayed, set against a warm, golden background that evokes the first light of dawn. +An alien student sits at a desk, surrounded by glowing, futuristic equations. The textbook is open to a page with a prominent problem: "Solve for Xenu". The room is filled with advanced technology and eerie, soft blue light. +A realistic photograph of a bakery window, featuring a decal that reads "Fresh Bread Daily", with morning sunlight casting a warm glow on the display of freshly baked bread loaves inside. +A charming candy shop window, with colorful sweets and treats neatly arranged, prominently displaying a sign that reads "Free Samples Inside", inviting passersby to step in and indulge in the delightful offerings. +A marathon runner, drenched in sweat, wears a bib with "Race Number 42" prominently displayed, sprinting through a crowded urban street, with cheering spectators lining the route and a city skyline in the background. +An antique Ouija board with a vintage planchette resting on the words "Reply Hazy Try Vodka", set in a dimly lit room with flickering candlelight casting shadows on the wooden surface. +A floating magic 8-ball hovers in a cozy café, its answer "Ask Again After Coffee" clearly visible. Warm lighting and a steaming cup of coffee on the table enhance the inviting atmosphere, capturing a moment of playful curiosity and anticipation. +A zoo exhibit sign, prominently displaying "Feeding Time at 2 PM", set against a backdrop of lush greenery and excited visitors, with a zookeeper preparing food nearby. +A realistic photograph of an emergency exit sign glowing "Exit Here" in green above the rear door of an old theater, with the dimly lit corridor leading to it. +A neon optometrist sign blinks brightly with the text "Eye Exam Today" in a busy urban night scene, casting colorful reflections on the wet pavement and nearby storefronts. +A detective in a trench coat holds a magnifying glass, intently focusing on the word "Clue" written in bold letters on an old, crumpled piece of paper, set against a dimly lit, noir-style background. +A vintage carnival tent with a mystical fortune teller sign that reads "Know Your Future 5" hanging above a wooden entrance, surrounded by twinkling fairy lights and a foggy, mysterious atmosphere. +A rugged mountain bike trail winds through a dense forest, with a prominent trail marker at a fork in the path. The sign clearly states "Expert Level Only" in bold letters, surrounded by the natural beauty of towering trees and rocky terrain. +A dimly lit bedroom with a digital alarm clock on a bedside table, prominently displaying "1200 AM" in bright red LED lights, casting a soft glow on the surrounding area. +A dramatic TV show poster featuring the text "The Widow" prominently at the top, set against a backdrop of a dimly lit, mysterious mansion with a lone, enigmatic woman standing at the entrance, her face partially obscured by shadows. +A detailed space log entry titled "Mars Day 100 Update" displayed on a futuristic digital screen, surrounded by the dimly lit interior of a Martian habitat, with a window showing the red, dusty landscape outside. +A bustling dog park with various breeds playing, a large sign at the entrance reads "LEASH LAW ENFORCED" in bold letters, surrounded by greenery and happy pet owners keeping a watchful eye. +A vintage typewriter, with worn keys and a faded logo, diligently typing "The End" on a crumpled, yellowed sheet of paper, set against a backdrop of an old wooden desk cluttered with ink bottles and loose pages. +A futuristic cafe where a sleek robot barista stands behind a counter, its order screen prominently displaying the words "Espresso Existential Crisis", surrounded by steam rising from freshly brewed coffee. +A close-up of a laboratory mouse cage with a clear, readable label that says "Group 3 Sassy Mice", set against a clean, white background, emphasizing the playful and curious nature of the mice inside. +A close-up of a fire truck door, prominently featuring the text "For Emergencies Only" in bold, red lettering against a sleek, metallic surface, with the reflection of a burning building in the background. +A modern elevator with a sleek, silver button panel prominently displaying the "Floor 5" button, set against a backdrop of polished stainless steel walls and a mirrored ceiling, capturing a realistic, high-resolution photograph. +A polished silver trophy with an engraved base that reads "First Place Winner", set against a soft, neutral backdrop, capturing the gleam of the metal and the intricate details of the engraving. +A vibrant skate park with a prominent wall graffiti that reads "Grind or Die", surrounded by skaters performing tricks, with colorful skateboards and a dynamic, energetic atmosphere. +A wizard's ancient spellbook lies open on a wooden table, illuminated by a single candle. The page is titled "Draco Ignis", and intricate illustrations of flames and dragons surround the text, casting a mysterious glow in the dimly lit room. +In a bright classroom, a periodic table hangs on the wall, featuring a unique element "Surprisium Srprs" with a glowing, neon border. Students look amazed, pointing at the element, while the teacher smiles, holding a model of the atom. +Retro arcade screen with pixelated graphics, vibrant neon colors, and the iconic text "Insert Pizza to Continue" prominently displayed, set against a backdrop of an 80s arcade hall. +A vibrant skateboard graphic with the bold text "Skate or Die" in a graffiti style, set against a dynamic background of urban street art and blurred skaters in motion, capturing the essence of skate culture. +A detective's cluttered desk with a notebook open to a page that reads "Case 045 Unsolved", a magnifying glass resting on the entry, and a dimly lit room with a rain-soaked window in the background. +A detailed, realistic photograph of a concert wristband with "VIP Access All Areas" prominently displayed, featuring vibrant colors and a shiny, holographic finish. The wristband is slightly worn, indicating recent use, and is set against a blurred background of excited concertgoers. +A realistic photograph of a gym membership card, slightly worn and faded, with the embossed text "Good Intentions Expired" prominently displayed on its surface, set against a dark, blurred background. +A cluttered desk with a vintage computer displaying a "Error 404 Page Not Found" message on the monitor, surrounded by scattered papers and a cup of cold coffee, capturing the frustration of a failed search. +A scientist in a lab coat, the nametag stitched with "Dr Ellie Sparks", stands in a modern laboratory, surrounded by high-tech equipment and screens displaying complex data, with a focused expression on her face. +A pirate ship with a weathered, torn sail boldly painted with the words "Plunder Paradise", anchored in a stormy sea, with dark clouds gathering overhead and seagulls circling around the mast. +A mountain climber's compass, face marked "True North", lies on a rugged, stone surface amidst a snowy peak, surrounded by the faint shadows of distant mountains and a clear blue sky. +A vibrant pet store adoption poster featuring a variety of adorable puppies and kittens, with the bold text "Adopt Don't Shop" prominently displayed. The background is a cozy, warm setting with soft lighting and playful elements, encouraging a heartwarming and inviting atmosphere. +A bustling city street at dusk, with a large digital billboard prominently displaying the message "Dream Big Act Now" in vibrant, modern typography against a gradient sky, surrounded by the glow of city lights and passing cars. +A serene yoga studio with soft, natural lighting, featuring a minimalist wall art that prominently displays the phrase "Inhale Peace Exhale Joy" in elegant, flowing typography, surrounded by gentle, calming colors and a few potted plants. +A close-up of a weathered scientist's notebook, the pages yellowed with age, with the phrase "Test Subject Alpha" scribbled in hurried, intense handwriting, surrounded by intricate diagrams and notes. +A bustling farmer’s market with a vibrant banner prominently displaying "Fresh Organic Produce" hanging over a stall filled with colorful, seasonal fruits and vegetables, surrounded by cheerful shoppers and farmers. +A close-up of a vintage hotel keychain, intricately designed with old-fashioned engravings, tagged with a small, worn label that reads "Room 13", set against a softly lit, nostalgic background. +A close-up of a pair of socks featuring the "Striped Delight" pattern, showcasing a vibrant mix of horizontal stripes in bold colors, set against a white background to highlight the intricate design. +A marathon runner, wearing a bib numbered "Race 42 195 km", pushes through the final stretch of a city marathon, with sweat glistening on their determined face and a crowd cheering in the background. +A close-up of vintage typewriter paper with the typed phrase "The End Chapter", set against a softly lit, nostalgic background, capturing the essence of a bygone era. +A close-up of a space probe's metallic plaque, intricately inscribed with a humorous pictogram that reads "We Come in Pizza", set against the dark void of space, with distant stars and a faint blue planet in the background. +A worn leather journal page, slightly torn at the edges, with a faded scribble in ink that reads "Dont trust the butler", set against a dimly lit, vintage background. +A quaint wizard's bookstore with a wooden sign hanging outside that reads "Spellbooks 2for1 Tuesdays", surrounded by swirling magical mist and glowing orbs, set against a twilight sky. +A weathered pirate hook, its metal tarnished by salt and sea, with the engraving "Captain's Pride" clearly visible. The hook is set against a backdrop of rough, wooden planks, evoking the deck of an old pirate ship. +A futuristic drone hovers in an urban setting, its underside painted with the bold text "Deliveries Here", reflecting the city lights below. +A beautifully decorated birthday cake with smooth, white icing and colorful sprinkles, featuring elegant cursive writing in red that reads "Happy 30th Sarah", set against a warm, golden backdrop with soft, ambient lighting. +A close-up of a winery barrel with a wooden stamp reading "Aged 18 Months", surrounded by aged wine bottles and a rustic, dimly lit cellar background. +A cozy bakery interior with sunlight streaming through the window, casting warm glows on rustic shelves. The oven window prominently displays the phrase "Breadvolution Rising" in elegant, hand-painted letters, surrounded by freshly baked bread loaves and pastries. +A realistic photograph of an airport gate display showing "Flight 567 Boarding", with passengers gathered nearby, some looking at their phones, others checking the board, and luggage carts scattered around. The lighting is modern and the signage is clear. +A realistic urban scene at dusk, featuring a street sign that reads "unrest" prominently displayed, with a backdrop of graffitied walls and a lone figure walking away, capturing the tense atmosphere of the area. +A laboratory shelf with a specimen jar labeled "Danger Sentient Slime", illuminated by the soft glow of overhead fluorescent lights. The jar contains a vivid, pulsating green slime that seems to react to its environment, with a slightly menacing aura. +A realistic photograph of a national park bulletin board, prominently displaying a warning sign that reads "Bear Territory Ahead", surrounded by dense, verdant forest. The scene captures the natural beauty and the cautionary message, emphasizing the wild environment. +A cozy kitchen countertop with a vintage recipe card titled "Grandma's Cookies", surrounded by ingredients like flour, sugar, and chocolate chips, with a wooden spoon and mixing bowl nearby. Warm, golden light streams through the window, casting a gentle glow on the scene. +A weathered Viking runestone stands in a misty forest clearing, its ancient carvings translating to "BRB Pillaging". Moss and lichen cover its surface, enhancing the stone's rustic, aged appearance. The scene is bathed in the soft, golden light of dawn, emphasizing the intricate runes. +Circus strongman poster featuring a muscular man in a classic strongman outfit, lifting a barbell with a playful smirk. Bold text reads: "Lift Your Dad's Expectations". Vibrant, vintage circus colors and dynamic lighting. +A realistic photograph of a rooftop with newly installed solar panels, prominently labeled "Clean Energy Active", reflecting the sun's rays, surrounded by a clear blue sky and green trees in the background. +A close-up shot of a sleek, glass cosmetic bottle on a white background, with the label clearly displaying the text "Natural and Harmless", surrounded by soft, natural lighting to highlight its purity and elegance. +A rustic farmer's weathervane stands atop a weathered barn, its arrow pointing north. Dark, ominous clouds gather on the horizon, and a lone crow perches nearby, as if sensing the "Storm Coming". The scene is captured in a realistic, moody photograph. +A spy stands in a dimly lit alley, the reflection in their sunglasses lens revealing a covert message: "Mission Classified". The atmosphere is tense, with shadows cast by the flickering streetlights, emphasizing the secretive nature of the operation. +A modern gym interior with sleek, dark walls stenciled with the motivational quote "Sweat Now Shine Later" in bold, white letters. The room is filled with workout equipment, and a few athletes are seen exercising, capturing the essence of determination and effort. +A bustling farmer's market scene with a vibrant stand sign painted "ZombieGrown Tomatoes" prominently displayed, surrounded by ripe, red tomatoes and curious onlookers. +A weathered stone monument stands tall in a serene, overgrown garden, its surface etched with the profound phrase "Never Forget", surrounded by soft, dappled sunlight filtering through ancient trees. +A vintage movie theater marquee, partially illuminated, with missing letters reading "Ape vs MechaGd", set against a nighttime cityscape. The marquee's neon lights are flickering, casting a nostalgic glow. A few pedestrians walk by, glancing up at the intriguing title. +A mountain climber stands triumphantly on a snowy peak, a flag planted firmly in the ice next to them. The flag reads "Peak Conquered" in bold letters, fluttering in the crisp, high-altitude wind. The background showcases a dramatic, misty landscape with distant mountains. +A close-up of a gardener's seed packet for "Sunflower Giant", showing the vibrant, detailed illustration of a towering sunflower with golden petals and a rich, brown center, set against a backdrop of a sunny garden. +A realistic photograph of a school crossing guard sign that reads "Stop Children Ahead", set against a backdrop of a busy street with children crossing the road, surrounded by autumn foliage. +A lighthouse stands tall on a rocky cliff, its powerful beacon projecting the message "Safe Harbor Ahead" across the turbulent sea, guiding weary sailors to a calm and welcoming bay. +A rustic wooden door in a Swiss mountain village, with "Switzerlands" handwritten in elegant script on its weathered surface, surrounded by a backdrop of snow-capped peaks and lush greenery. +A vending machine in a dimly lit alley, with a glowing button labeled "Mystery Snack Regret Flavor" prominently displayed, surrounded by empty snack wrappers and curious onlookers. +A modern factory floor with sleek, futuristic machinery, one large digital display prominently showing "PRODUCTION LINE 4 ACTIVE" in bold, glowing letters, workers in protective gear observing the automated processes, and conveyor belts moving smoothly in the background. +An astronaut in a detailed spacesuit, with a nametag stitched with "Commander Luna Smith", stands on the moon's surface, surrounded by rocky terrain and a vast, starry sky. +A vintage movie theater marquee, illuminated at night, boldly announces "Midnight Premiere Tonight" with vibrant lights, set against a dark urban streetscape. The scene captures the excitement and anticipation of the crowd gathering outside. +A high school football player wearing a jersey with the nickname "Speed Demon" printed on the back, sprinting across a sunlit field, with the crowd cheering in the background. +A realistic photograph of a modern gym’s front desk, featuring a sleek "Please Sign In" clipboard prominently placed on the counter, with gym equipment and a few people working out in the background. +A vintage circus tent with a weathered banner proudly proclaiming "Worlds Okayest Juggler" swaying gently in the breeze, surrounded by a bustling crowd and colorful stalls, capturing the whimsical atmosphere of a small-town carnival. +A serene coastal scene featuring a historic lighthouse tower with a plaque prominently engraved "Established 1888", set against a backdrop of rolling waves and a clear blue sky. +A sophisticated dining room with elegant table settings, a chef presenting the "Chef Special 9 Courses" tasting menu, each dish artfully arranged on fine china, accompanied by a sommelier offering a perfectly paired wine. Soft, warm lighting enhances the luxurious ambiance. +A coastal lighthouse tower stands tall, its beacon flashing the code for "Safe Harbor" across the serene night sea, guiding ships to a tranquil bay. The light cuts through the mist, creating a path of hope and safety. +A dimly lit alley, a detective's hand holding a worn matchbook with "Club Midnight Backdoor" inscribed on it, rain-slicked pavement, and shadows of neon signs reflecting off the wet surfaces. +A detailed sketchbook cover featuring the phrase "Creative Chaos Inside" in bold, artistic lettering. The background is a chaotic yet organized array of drawing tools, paint splatters, and sketch outlines, encapsulating the essence of creativity and unpredictability. +A Halloween-themed T-shirt design featuring the text "This is My Costume" in a playful, spooky font, surrounded by eerie pumpkins and ghostly silhouettes. +A realistic photographic scene of an alien zoo with a clear sign that reads "Do Not Feed the Humans" in bold letters, surrounded by futuristic alien flora and fauna, with a subtle, otherworldly atmosphere. +A serene mountain trail with lush greenery and rocky terrain, leading up to a wooden trail marker that clearly states "Peak 2 Miles Ahead", set against a backdrop of distant, misty peaks. +A realistic desert scene with a small, lush oasis in the center, marked by a wooden signpost with "Water Source Here" clearly visible. Palm trees and a tranquil pool reflect the clear sky, while the arid sands stretch out in the background. +A detailed page from a witch’s ancient recipe book, showcasing the entry for "Eye of Newt Substitute". The parchment is weathered, with intricate illustrations of various ingredients and handwritten notes in faded ink, surrounded by mystical symbols and diagrams. +A fitness tracker display showing "10000 Steps" on a sleek, modern device, set against a background of a runner crossing a finish line, with a cityscape visible in the distance, captured in a realistic photographic style. +In a dimly lit arcade, an old machine's marquee glows brightly with the text "High Score Reset", casting a neon-blue hue over the worn tiles and faded posters of classic games on the walls. +A vintage tattoo parlor sign hanging outside an old brick building, featuring the phrase "No Regrets" in intricate Gothic font, illuminated by the warm glow of a streetlamp at dusk. +A vibrant, realistic photograph of a rock climbing wall marked "Difficulty Level 5", featuring rugged, textured surfaces and colorful holds, set against a natural outdoor backdrop with trees and sky. Climbers in safety gear are visible, emphasizing the challenge and adventure. +A wizard's ancient staff, intricately carved with glowing runes that spell "Spell Check Active", illuminates a dark, mystical forest, casting an ethereal blue light on the surrounding foliage and mist. +A camping scene with a tent half-assembled, poles laid out prominently in the foreground. A manual page with the instruction "Assemble Poles First" is visible on a nearby rock, emphasizing the step-by-step process. +A delivery truck parked on a city street, its side panel prominently marked with the text "Fragile Handle With Care", surrounded by a busy urban environment with pedestrians and other vehicles. +A close-up of an ancient, weathered wizard's staff, intricately engraved with the phrase "This End Toward Enemies" in glowing runes, set against a backdrop of swirling mist and embers, capturing the mystical essence of its power. +A weathered treasure map with a faded label reading "X Marks the Spot" lies on an old wooden table, illuminated by the soft glow of a nearby candle. The map shows a detailed coastline and a prominent X, surrounded by hand-drawn symbols and compass directions. +A close-up of a hospital wristband worn on a person's wrist, printed with the words "Allergic to Mondays", set against a sterile, white hospital background. The wristband is slightly creased, and the text is clear and legible. +A gritty urban alley with a dimly lit, rusted metal door. Above the door, a weathered sign reads "Brains Checked at Door" in bold, eerie lettering. The scene is illuminated by a single flickering streetlamp, casting long shadows and enhancing the ominous atmosphere. +A nostalgic amusement park scene featuring a classic ride entrance with a sign that reads "Must Be This Tall", next to a measuring stick with a cheerful mascot character, under a bright, sunny sky. +A vibrant concert stage with a backdrop displaying glowing neon letters that read "Encore Performance", illuminated under the spotlight, surrounded by a sea of enthusiastic fans waving light sticks. +A carnival scene with a vintage ticket booth, prominently displaying a sign that reads "Rides 5 Tokens Each", surrounded by colorful lights and festive decorations. +A spy dossier folder, prominently marked with "Operative Agent Pudding", sits on a sleek, dark desk under the soft glow of a desk lamp, with a blurred background of a high-tech office, emphasizing the mysterious and professional atmosphere. +A detailed subway map with a clear label "Central Station", surrounded by intertwining lines and stations, set against a clean, modern background with a subtle grid texture. +An illuminated "Priority Boarding" sign stands prominently at a bustling train platform, casting a warm glow over the waiting passengers and the sleek, modern trains in the background. +A modern smartphone screen prominently displays the message "Enter Password Now" in crisp, digital font against a sleek, dark background, with subtle reflections of a cityscape at night visible on the glass surface. +A futuristic laboratory setting with a sleek, illuminated vial labeled "Instant Hair Growth Serum" sitting on a high-tech counter. The vial glows softly, reflecting off the polished surface, with advanced scientific equipment in the background. +A gritty urban scene featuring a detective's hat on a rain-soaked pavement, with a crumpled note tucked inside, clearly visible and reading "Follow the Money". +A beautifully decorated birthday cake with intricate icing that spells out "Happy 100th Grandma" in elegant cursive, surrounded by colorful candles and set against a warm, festive background. +A dimly lit street at night with a bar's neon sign reading "Bad Decisions Welcome" in flickering purple light, casting an eerie glow on the wet pavement and reflecting off the puddles. +A cluttered laboratory with a scientist's lab coat hanging on a stand, clearly labeled "Dr Chaos Experiment 9", surrounded by beakers, charts, and glowing vials. +A close-up of an ancient, leather-bound wizard’s spellbook, with intricate gold embossing. In the margin, a handwritten note in faded ink warns: "Do NOT Cast This". The page is slightly curled, and a single candle casts a warm, dim light, creating soft shadows. +A magician's hat rests on a vintage wooden table, with a small, ornate tag dangling from its brim, reading "Abracadabra Inside". The scene is lit by a soft, warm light, creating a mysterious and enchanting atmosphere. +A sleek, futuristic robot holds a steaming mug labeled "Oil The Original Energy Drink", set against a backdrop of a high-tech kitchen with minimalist design elements. +A realistic photograph of a person's forearm featuring a tattoo that reads "Carpe Diem" in elegant, flowing script, with subtle shading and a slightly weathered look, set against a soft, neutral background. +A realistic photograph of an airport baggage tag prominently displaying "Fragile Handle Care" on a textured, slightly worn surface, with a subtle reflection of overhead lighting. +A close-up of a modern drone controller with a prominently displayed label "Flight Mode" in clear, bold text on a sleek, black panel, surrounded by various buttons and a joystick. +A magician's hat tagged "Pull a Rabbit" sits on a vintage wooden table, surrounded by a scattered deck of cards and a small, curious rabbit peeking out from the brim, creating a whimsical and enchanting scene. +An old ice cream truck parked on a sunny street, with a vintage sign on its side that reads "Soft Serve Here", surrounded by excited children and melting ice cream cones. +A close-up of a coffee cup with a sleeve that reads "Caution Extremely Awesome" in bold, colorful letters, set against a warm, cozy background with soft lighting, capturing the essence of a vibrant, cheerful café. +A rustic farmer’s barn with a weathered wooden sign hanging above the door, painted in bold letters: "Fresh Eggs Sold Here". The scene is bathed in the warm, golden light of a late afternoon, with a few chickens pecking around the barnyard. +A sushi chef stands in a modern, minimalist kitchen, wearing an apron printed with "Omakase Only" in bold red letters, preparing a delicate sushi roll with precision. +A vast desert landscape with a large, ancient rock formation prominently displaying the words "Lost Canyon Trail" painted in bold, weathered letters, surrounded by arid sand and sparse, hardy vegetation. +A detailed ice sculpture plaque, intricately carved with elegant frost patterns, prominently displays the text "Winter Festival Champion 2023" in clear, bold letters. The sculpture is illuminated by soft, blue lights, creating a shimmering effect in the snowy, wintry night. +A deserted highway at dusk, with a looming billboard that reads "Last Exit for Sanity" in bold, eerie letters, surrounded by a desolate landscape under a darkening sky. +A professional lawyer stands in a modern office, holding a business card that reads "Justice First". The background features a city skyline through a large window, symbolizing the reach and impact of the lawyer's work. The lawyer is dressed in a sharp suit, exuding confidence and integrity. +A close-up of a crinkled movie ticket stub, featuring the text "Screen 9 730 PM", lying on a textured wooden table, with a faint glow from a nearby lamp casting a soft shadow. +A medieval knight's horse, its saddle intricately detailed and marked with the phrase "Steed of Valor", stands proudly in a sunlit courtyard, surrounded by ancient stone walls and fluttering banners. +A hospital room with a modern IV stand, holding a clear bag labeled "Liquid Confidence 99% Pure". The soft glow of the room's lights reflects off the IV tubing, creating a serene and almost surreal atmosphere. +In a modern hotel, the sleek elevator panel prominently displays "Pool Level P" among other floor options, with soft ambient lighting enhancing the polished metal finish and reflective surface. +A vast desert landscape under a clear blue sky, where a shimmering mirage in the distance appears to spell "Oasis Ahead" with a subtle play of light and shadow, creating an illusion of hope and mystery. +A colorful child's drawing on a fridge, featuring crayon letters that spell "My Happy Family", surrounded by playful doodles and stick figures depicting a joyful family scene. +A black t-shirt with the phrase "Code Poet" printed in glowing green letters, set against a dimly lit urban backdrop at night, capturing the essence of a tech-savvy individual. +A sleek, futuristic time machine dashboard with glowing buttons and a holographic display prominently showing the option to "Set Destination Year", surrounded by intricate circuits and futuristic elements, bathed in a cool blue light. +A medieval knight stands in a grand hall, his sword drawn. The hilt, intricately engraved with "For Honor", glints under the flickering torchlight, reflecting the knight's solemn determination. +Retro arcade game screen with vibrant pixel art, displaying "High Score Player One" in bold, neon colors, surrounded by dynamic game elements and a nostalgic 8-bit soundtrack. +A medieval castle at dusk, the drawbridge lowered, with a weathered stone plaque on the side reading "Knock Three Times" in elegant, ancient script. The scene is bathed in the warm, golden light of the setting sun, with a few guards standing watch. +A mountain signpost marked "Summit 5000m" stands at the edge of a rocky trail, surrounded by misty peaks and rugged terrain, with a clear blue sky above. +A realistic photograph of an airport departure board, prominently displaying "Flight 404 Delayed", with passengers looking concerned and luggage carts scattered nearby. +Retro diner placemat featuring an illustrated menu header with the text "Burger Galaxy", set against a vintage 1950s backdrop with classic diner elements like checkered floors and neon signs. +A vintage map with intricate details, featuring a prominent compass rose labeled "Here Be Dragons", surrounded by faded landmasses and sea serpents, giving the scene a mystical, adventurous atmosphere. +A detailed alien textbook diagram, showcasing "Human Anatomy - Primitive", with labeled parts indicating early human evolutionary traits, set against a scientific, sterile background. +A vintage ice cream truck parked on a sunny street, its side panel prominently displaying a colorful, eye-catching advertisement for "Brain Freeze Special", with playful illustrations of brain-shaped ice creams and happy kids. +A close-up of a vibrant, crinkled candy wrapper featuring the brand "Choco Crunch", set against a blurred background, capturing the texture and sheen of the wrapper with realistic lighting and shadows. +A retro diner scene with a vintage placemat prominently displaying a "Pie Chart of Flavors" diagram, surrounded by classic diner items like a chrome coffee pot, a slice of apple pie, and a red-and-white checked tablecloth. +A realistic supermarket scene with a freezer door open, displaying a bright sign that reads "Ice Cream Half Price". Shoppers are browsing the selection, and the freezer's cold air is visible, creating a slight mist. The sign is prominently featured, attracting attention. +A realistic photograph of a tattoo parlor window, featuring a sleek, modern decal that reads "Ink Therapy" in bold, stylish lettering, with subtle reflections of urban street life and a soft, ambient glow from inside the shop. +A museum exhibit featuring a plaque titled "Ancient Egyptian Artifacts", surrounded by intricate stone carvings, golden amulets, and hieroglyphic-covered sarcophagi, with soft, ambient lighting highlighting the historical artifacts. +A vibrant city street at sunset, crowded with cheering spectators. At the center, a large marathon finish line banner reading "Congratulations Runners" stretches across the road, with exhausted yet triumphant runners crossing beneath it. +A bustling construction site with caution tape and warning signs. In the center, a large, ominous sign reads "Mind the Existential Void" amidst the scaffolding and machinery, casting long shadows under a cloudy sky. +A superhero stands in a cityscape at dusk, their cape billowing in the wind. The cape is intricately embroidered with the words "Dry Clean Only" in elegant, shimmering thread, catching the last light of the day. +A serene garden scene with a well-manicured lawn, featuring a wooden sign that reads "Keep Off Grass", surrounded by vibrant flowers and a backdrop of lush green trees. +A charming flower shop with a rustic wooden chalkboard sign that reads "Fresh Roses Today" prominently displayed outside, surrounded by vibrant, blooming roses in various colors. The scene is bathed in soft, morning sunlight, enhancing the natural beauty of the flowers and the cozy atmosphere of the shop. +A close-up of a pizza box with the logo "Hot n Fresh" prominently stamped on the lid, set against a blurred background of a cozy kitchen. The box is slightly open, revealing a steamy slice of pizza inside. +In a desolate urban landscape, remnants of civilization are overtaken by nature. On a crumbling wall, bold graffiti reads "The End Was OK" in vibrant, defiant colors, contrasting with the muted, decaying surroundings. +A dimly lit dive bar bathroom with faded green walls, old mirrors, and a scratched-up stall. On the wall, hand-drawn graffiti reads "For good time call", with a scribbled phone number beneath it, partially worn away by time and use. +A gym interior with a treadmill in the foreground, its display prominently showing "Motivation Not Found" in bold red text, surrounded by fitness equipment and motivational posters on the walls. +A cluttered laboratory with a scientist's whiteboard in the center, densely covered in equations and diagrams, with "Eureka" prominently scribbled in the middle. +A detailed hiking trail map with a prominent "Stay on Marked Paths" sign, featuring a small hiker icon navigating through a lush, forested area. +A retro arcade game screen with a nostalgic 8-bit aesthetic, displaying "Game Over" in a bold, pixelated font, set against a flickering backdrop of vintage arcade colors. +A vibrant pet store fish tank, clearly labeled "Tropical Zone 7", teems with a variety of colorful tropical fish swimming among lush, green aquatic plants and decorative coral reefs, illuminated by a soft, ambient light that highlights the tank's vibrant ecosystem. +A museum exhibit showcasing a dinosaur fossil with a display plaque that reads "T Rex Vegan Phase". The fossil is illuminated by soft, ambient lighting, emphasizing the prehistoric remains and the intriguing text on the plaque. +A vintage suitcase sits on a rustic wooden table, its surface slightly worn. The suitcase prominently displays an elegant label that reads "countess" in sophisticated, cursive script. Soft, golden light filters through a nearby window, casting a warm glow over the scene. +A medieval tavern menu board, weathered and slightly tilted, prominently displays "Dragon Wings Extra Crispy" in bold, rustic letters. The board is adorned with carved wooden borders and hangs outside a cozy, lantern-lit tavern. +A VR headset on a table, its demo screen vividly displaying the iconic words "Enter the Matrix" in neon green, set against a dark, futuristic cityscape visible through the headset's lenses. +A diver exploring the ocean depths, their oxygen tank prominently stamped with "Caution Mermaid Territory", surrounded by vibrant coral and curious marine life, including a playful mermaid in the background. +A sleek, futuristic time machine dashboard with a glowing screen displaying "Destination Yesterday", surrounded by intricate controls and illuminated buttons, set against the backdrop of a dimly lit, high-tech interior. +A scholarly elephant, wearing round glasses, sits at a vintage wooden desk, engrossed in reading a newspaper. The headline reads "Elephants Rule the World", while the elephant's serene expression reflects its deep interest in the article. The scene is set in a cozy, book-lined study with a warm, golden light filtering through the window. +A vibrant movie poster for "Tekkonkinkreet", featuring a gritty, futuristic cityscape with two young boys in the foreground, one with dark hair and one with light, standing defiantly against a backdrop of neon lights and towering skyscrapers. +A realistic photograph of a golf scorecard for a "Par 72 Course", showing the neatly filled-in scores with a backdrop of a lush, green golf course. The scorecard is slightly worn, with the holes, par, and player names clearly visible. +A realistic photograph of a highway road sign stating "Caution Dragon Crossing" set against a backdrop of a misty forest, with the sun casting golden light through the trees, highlighting the unique warning sign. +A realistic photograph of a classic yellow taxi at night, with its roof light-up sign prominently displaying "Available For Hire" in bright, neon colors, reflecting off the wet city streets. +A diver descends into the blue abyss, their oxygen tank prominently stamped "Depth Limit 200 Feet", reflecting the underwater sunlight in the serene, yet mysterious, ocean depths. +A detailed ice sculpture slowly melting, revealing the carved words "Winter Is Leaving" beneath the translucent surface, set against a soft, fading winter landscape. +A vibrant school science fair poster titled "Volcano Project 1st Place", featuring a colorful illustration of an erupting volcano with lava flows, surrounded by enthusiastic students and teachers in a classroom setting. +Ancient cave painting in a dimly lit cavern, showcasing a primitive depiction of "First Internet Explorer", with rudimentary tools and figures gathered around a glowing, symbolic representation of a computer screen, surrounded by prehistoric flora and fauna. +A serene camping scene with a modern, green tent set against a backdrop of tall pine trees and a clear blue sky. The tent panel prominently displays the text "Adventure Awaits" in bold, white letters. +A realistic photograph of a hotel key card sleeve, prominently displaying "Room 237", lying on a sleek, modern countertop with a subtle reflection. +A vintage neon sign above the diner entrance, flashing "Open 24 Hours", illuminates the rainy city street at night, casting a vibrant glow on the wet pavement and reflecting off the windows of the cozy, well-lit diner. +A realistic photograph of a prison wall, weathered and covered in moss, with a carved inscription that reads "Innocent Until WiFi Connects", illuminated by the soft glow of a nearby street lamp. +A close-up of a vintage movie clapperboard, prominently displaying "Take 99", set against a backdrop of a bustling film set with crew members in the background, captured in a realistic photographic style. +A cluttered laboratory with a mad scientist's whiteboard prominently displayed, covered in complex equations and scribbles, ending with the phrase "More Coffee" at the bottom. The scene is illuminated by the soft glow of desk lamps, with scattered notes and a steaming cup of coffee on the table. +A serene mountain trail with a wooden signpost reading "Summit 2 Miles" stands amidst lush greenery, leading hikers towards a distant, mist-covered peak. The path is rocky and winding, with wildflowers dotting the sides. +A solemn war memorial stands under a somber sky, with the engraving "Lest We Forget" prominently displayed on its weathered stone surface, surrounded by neatly arranged wreaths and fading flowers. +A skydiver freefalling through a clear blue sky, with a detailed tattoo on their arm that reads "Parachute Optional", showcasing a mix of adrenaline and defiance. +A weathered stone grave marker in an overgrown, serene cemetery, where only the fragmented words "Gone Not" are faintly visible, surrounded by moss and wildflowers, under a soft, diffused afternoon light. +A New Year’s Eve party scene with a vibrant banner that reads "Out with the Old" in sparkling, glittering letters, hanging above a festive crowd. +A close-up of a library book spine titled "Secrets of the Deep", with faded gold lettering on a dark blue leather cover, surrounded by other vintage books on a wooden shelf. +A cozy living room with a large, hand-stitched quilt draped over a vintage sofa. The quilt features the embroidered text "Home Is Where the Heart Is" in elegant cursive. Warm, golden sunlight streams through a nearby window, casting a soft glow on the scene. +A chilling portrait of a haunted mansion, with eerie eyes embedded in the walls that seem to follow you, and a menacing "GET OUT" text prominently displayed across the scene, capturing the unsettling atmosphere. +A realistic photograph of a courtroom evidence bag, tagged with a label that reads "Murder Weapon Case 0451", placed on a wooden table under the harsh light of a fluorescent lamp, with a ruler beside it for scale. +A medieval knight's steed, with a meticulously embroidered saddle that reads "Valor Victory", stands proudly in a sunlit courtyard, surrounded by ancient stone walls and vibrant green foliage. +A vivid, realistic photograph of a hot sauce bottle with a bold, red label that reads "Caution Soul Burner Extreme", set against a white background, with droplets of sauce glistening on the bottle's surface. +A close-up of a basketball jersey back panel, prominently featuring the text "Champion 2024" in bold, vibrant letters, set against a textured fabric background with subtle team colors. +A realistic photograph of a solar panel installation manual cover, prominently labeled "Green Energy Guide", set against a backdrop of modern, sustainable architecture and a clear blue sky, emphasizing eco-friendly technology and renewable energy solutions. +A weathered stone monument stands in a peaceful park, engraved with the solemn words "Never Forget 1945". Surrounded by lush greenery and blooming wildflowers, the monument casts a long shadow, emphasizing its enduring message of remembrance. +A close-up of an astronaut's arm showcasing a detailed, embroidered patch that reads "Mars Mission 2050", set against the backdrop of a futuristic spacecraft interior with soft, ambient lighting highlighting the texture of the patch. +A bustling subway station with modern, sleek tiles that prominently display the text "Downtown Line Next Train" in a bold, clear font, illuminated by overhead lights reflecting off the polished surfaces. +A rugged firefighter's helmet labeled "Rescue Squad 12" sits on a weathered desk, illuminated by the warm glow of a nearby lamp, with a backdrop of a smoky, post-rescue scene through a window. +"Street Dreams" graffiti tag, vibrant and bold, spray-painted on a weathered subway wall, surrounded by the gritty texture of urban decay, capturing the raw energy of street art. +A museum placard titled "Ancient Civilizations" stands before a display of artifacts, including pottery, tools, and statuettes, under warm, ambient lighting that highlights the historical significance of each item. +A close-up of a laptop screen displaying an error pop-up with the message "Insufficient Pizza Detected", surrounded by crumbs and a half-eaten pizza on a messy desk. +A city street at dusk, with a parking meter displaying "Insert Coins Now" on its screen, illuminated by the fading light, surrounded by parked cars and the silhouette of a passerby. +A cozy campsite at dusk, with a vibrant campfire glowing in the center. A marshmallow bag labeled "Burn to Perfection" sits next to a stack of firewood, with a roasting marshmallow on a stick held over the flames, creating a warm, inviting atmosphere. +A superhero stands confidently, their cape billowing in the wind, embroidered with "Justice Prevails" in bold, golden thread. The city skyline looms behind them, bathed in the warm glow of sunset, emphasizing the hero's resolve and the message of hope. +A realistic photograph of an ambulance parked on a city street, with clear side panel lettering that reads "Emergency Medical Team" in bold, reflective font, under a streetlight at dusk. +A bustling farmer’s market scene with a wooden stand sign painted "Organic Produce Here", surrounded by vibrant, fresh fruits and vegetables, under a sunny sky. +An ancient stone with an embedded sword, labeled with a weathered sign that reads "Excalibur Rental Fee 999hr", set in a mystical forest clearing, surrounded by overgrown vines and mist, capturing the essence of a timeless Arthurian legend. +A rustic farm scene featuring a burlap feed bag labeled "Nutrition for Healthy Cows" leaning against a wooden fence, with a content cow grazing nearby in a sunlit meadow. +A dark, gothic study with an antique desk under a moonlit window. A leather-bound diary is open, revealing a page with the handwritten entry, "Still Dead After 300 Years", illuminated by the pale moonlight. +A close-up of a chef's knife with its blade meticulously etched with the words "For Veggies Only", resting on a cutting board with fresh, colorful vegetables arranged neatly around it. +In an ancient Egyptian tomb, a golden sarcophagus gleams under the dim light, its surface intricately carved with hieroglyphs that warn: "Do Not Disturb for 3000yrs". The air is thick with the scent of incense, and shadows dance along the stone walls. +A realistic photograph of a computer screen displaying an error message that reads "Connection Failed", with a frustrated user's hand resting on the mouse, in a dimly lit office setting. +A close-up of a digital thermometer with a bright, red display showing the temperature reading "1027F" against a sleek, modern background. The display is clear and sharp, emphasizing the high temperature. +A chef stands in a bustling kitchen, wearing a white apron embroidered with "Kiss the Cook" in bold red letters, surrounded by steaming pots and fresh ingredients. The warm, golden light from overhead lamps highlights the chef's focused expression. +A desolate volcanic landscape with a research station sign that reads "Eruptions & Regrets Expected", set against a backdrop of smoldering lava and ash clouds, capturing the tension between scientific curiosity and the raw power of nature. +A neon sign flashing "Open 24 Hours" above the entrance of a vintage diner, set against a dark, urban night scene with a few cars parked nearby and a faint glow from streetlights. +A baker's oven window, with the word "BURNING" faintly visible through the rising, golden-brown dough, capturing the intense heat and glow inside. +A ghostly ship sails through the mist, its tattered sails billowing in the wind. The ship's emblem, "Boo Crew", is prominently displayed on the main sail, glowing with an eerie, spectral light. The dark waters churn beneath, adding to the haunting atmosphere. +A child's colorful crayon drawing of a cozy house, labeled with wobbly, handwritten letters that read "Home Sweet Home", set against a simple, white background. +A close-up of a chef's knife with a handle intricately carved with the words "Sharp Words", resting on a wooden cutting board, with a sprinkle of herbs and a lemon slice nearby, capturing the essence of culinary precision and artistry. +A bustling night scene in Times Square, with a massive digital billboard prominently displaying "Welcome to NYC" in vibrant, flashing lights, surrounded by the iconic neon signs and crowded sidewalks. +A cheerful kitchen setting with a chef wearing a white apron embroidered with "Kiss the Cook", preparing a gourmet dish, surrounded by fresh ingredients and cooking utensils. +A close-up of artisan soap packaging labeled "Lavender Dream", featuring a pastel purple design with intricate floral patterns and a delicate ribbon, set against a soft, white background. +A realistic photograph of a "Warning High Voltage" sticker prominently displayed on the side of a weathered electrical transformer box, with power lines and a subtle urban background. +A realistic photograph of a birthday cake with "Happy 30th Jake" written in blue icing, surrounded by colorful candles and set against a warm, celebratory background. +A vintage TV show poster for "The Wages of Fear", featuring a gritty, suspenseful scene with a weathered truck on a dusty, treacherous road, surrounded by foreboding mountains and ominous clouds, with the show's title and credits in bold, retro typography. +A witch's cauldron bubbling over, steam rising to form the words "Bubble Trouble" in a mystical, forest clearing at dusk, surrounded by glowing fireflies and twisted, ancient trees. +A close-up of a soccer jersey back, showcasing the bold numbers "Champion 2024" printed in vibrant, eye-catching colors, set against a subtle, textured fabric background. +A cozy bakery window adorned with a charming sign that reads "Fresh Magic Bread Daily", showcasing an array of enchanted bread loaves, each emitting a soft, mystical glow, set against the backdrop of a foggy morning street. +An antique map with intricate, faded details, featuring the label "Here Be Dragons" in elegant, old-world script, surrounded by mythical sea creatures and compass roses, set against a background of parchment-like paper. +A bright, eye-catching price tag sticker with "Clearance 50% Off" prominently displayed, adhered to a colorful retail display, capturing the essence of a bustling sale in a modern shopping center. +An ancient, dusty spellbook page titled "Dragon Summoning Ritual", with intricate illustrations of fiery dragons and mystical runes surrounding the text. The page is slightly torn and yellowed, showing signs of age and frequent use. +A weathered Viking shield, intricately painted with the words "Odins Protectors" in ancient runes, surrounded by fierce Norse warriors in a misty, rugged landscape, the shield reflecting the dim, cold light of the northern sky. +A sleek cosmetic bottle on a white background, with the label prominently displaying the word "grouping" in bold, modern font. The bottle is half-filled with a shimmering, iridescent liquid, reflecting soft, ambient light. +A vast space colony with a large dome window etched with "Earthlight District", showcasing a futuristic cityscape under the dome, illuminated by distant stars and the soft glow of artificial lights, reflecting a blend of nature and advanced technology. +Astronaut floating in space, helmet visor HUD prominently displaying "O₂ 92", Earth visible in the background, realistic lighting and shadow, high-tech suit, detailed textures. +A sleek, metallic alien spaceship with intricate designs on its hull, clearly etched with the words "Made on Mars", floating against the backdrop of a starry night sky, reflecting a subtle blue glow from its surface. +A realistic photograph of a wristwatch face, with the phrase "Times Up" elegantly displayed in place of the numbers, set against a subtle, neutral background. +An ancient papyrus scroll, weathered and cracked, unfurls against a sandy backdrop, revealing the ominous warning "Beware Crocodiles" in elegant, faded ink. Sunlight filters through, casting soft shadows and highlighting the scroll's texture. +A realistic smartphone screen displaying a lock screen notification that reads "Low Battery 10 Percent", set against a blurred background of a cityscape at dusk, with a slight glow around the edges of the phone. +A realistic gym locker room scene with a mirror featuring a decal that reads "Sweat Now Shine Later", surrounded by metal lockers and fitness equipment, with a soft gym lighting and a slight reflection of a person in the mirror. +A cozy campfire scene with a bag of marshmallows labeled "Sticky Fingers Inside" sitting beside a wooden log, illuminated by the warm glow of the flames. The bag is slightly open, revealing a few fluffy marshmallows peeking out. +A realistic photograph of fireworks packaging with a bold, red warning label that reads "Light Fuse" prominently displayed, set against a dark background to emphasize the vibrant, cautionary colors of the label. +A realistic tattoo of a vibrant rose, intricately detailed with thorns and leaves, featuring the elegant script "Moms Love" artistically woven around the petals. +A close-up of a paper fortune cookie with a message that reads "Adventure Awaits Tomorrow", lying on a wooden table with a soft, warm light casting a gentle shadow. +A concert wristband, prominently stamped with "VIP Access Only", glowing under the neon lights of a bustling music festival, with the crowd's excitement palpable in the background. +A rugged stone entrance to a dragon's cave, with a weathered wooden sign hanging above it, warning "No Soliciting Seriously" in bold, faded letters. The scene is shrouded in mist, with subtle hints of ancient runes etched into the stone. +A small deer in a forest clearing, standing on soft grass, gently holding a hand-painted sign that reads "I want to run", surrounded by tall trees and dappled sunlight. +A medieval tavern sign, weathered and slightly tilted, hangs proudly above a cobblestone pathway. The sign reads "The Tipsy Griffin" in bold, antique lettering, with a colorful illustration of a griffin clutching a tankard, set against a backdrop of a bustling village square. +A cheesy romance novel cover titled "Love in the DMV" featuring a passionate couple embracing in a bustling Department of Motor Vehicles office, with heart-shaped balloons and a backdrop of vintage license plates. +A broken robot lies in an abandoned industrial setting, its chestplate cracked and dented, with the words "Warranty Void If Awaken" clearly visible. The scene is dimly lit by flickering overhead lights, casting shadows that emphasize the robot's worn and neglected state. +A stained glass window in a church, featuring an angel with flowing robes and outstretched wings, illuminated by soft sunlight. At the bottom, the phrase "Peace on Earth" is elegantly displayed in ornate lettering. +A cozy café setting with a steaming coffee cup on a saucer, its sleeve prominently printed with "Warning Extremely Caffeinated", surrounded by pastries and a rustic wooden table. +A weathered pirate treasure map, crinkled and stained, with "X Marks the Cache" scrawled in bold, adventurous handwriting, surrounded by cryptic symbols and faded compass roses, hinting at the hidden riches awaiting discovery. +A romantic beach sunset with skywriting forming "Marry Me" in the sky, soft golden light casting over the sandy shore and calm sea, a couple standing hand in hand, silhouetted against the breathtaking sky. +A baker in a cozy, sunlit kitchen, wearing a traditional white baker’s hat embroidered with "Gluten Savior" in elegant gold thread, surrounded by fresh bread and pastries. +A weathered wanted poster hangs in a bustling frontier town, with the headline "Reward 500 Gold Coins" prominently displayed. Dust swirls around boots of passersby, and the sun casts long shadows, emphasizing the urgency and danger of the hunt. +A bustling sushi restaurant with a conveyor belt prominently displaying a sign that reads "Unlimited Wasabi Courage", surrounded by colorful sushi plates and happy diners. +In a dimly lit cave, ancient symbols intricately carved into the rough stone wall spell "Seek Truth", illuminated by the flicker of a distant torch, creating a mysterious and enigmatic atmosphere. +A small green frog, perched on a lily pad, holds a hand-painted sign that says "rainy" under a cloudy sky, with droplets of water beginning to fall around it. +An abandoned theme park sign, rusting and weathered, reads "Closed Reality Too Exciting", set against a desolate background with overgrown weeds and faded remnants of past attractions. +A lone desert signpost, weathered by sand and sun, points towards the horizon with the text "Water Source Ahead", promising relief in the vast, arid landscape. +A weathered brass wizard weather vane, perched atop an ancient stone tower, points to "Stormy with Chance of Spells" on a swirling, enchanted compass. Dark clouds loom, casting an eerie glow, as magical sparks dance in the air. +A realistic smartphone screen displaying a weather app with a prominent alert "Severe Storm Warning Active", surrounded by dark, stormy skies with flashes of lightning in the background. +A close-up of colorful novelty socks with the phrase "Happy Feet Club" printed on them, set against a soft, pastel background. The socks feature playful patterns and vibrant colors, capturing the essence of fun and joy associated with the club. +A detailed close-up of a Viking longship prow, intricately carved with fierce wolves and waves, the design translating to "Sea Wolves", set against a misty, Nordic shoreline at dawn. +A humorous "Trespassers Will Be Toasted" sign is prominently displayed on the rustic wooden fence surrounding a charming, quaint bakery. The sign, with its playful font and illustrated toast, contrasts against the warm, inviting atmosphere of the bakery, which features a cobblestone pathway and blooming flower beds. +A close-up of the "Apollo 25 Mission Crew" astronaut patch, showcasing the detailed embroidery of the spacecraft and the crew's names, set against a dark background with subtle stars. +A vibrant rock band poster with the headline "World Tour 2024" in bold, glowing letters, surrounded by dynamic musical instruments and a crowd of enthusiastic fans in the background, set against a pulsating cityscape at night. +A high-altitude photographer captures a close-up of a mountain peak survey marker, engraved with "Elevation 8848", standing proudly against a backdrop of snow and rocky terrain, under a clear blue sky. +A fantasy sword with a gleaming blade intricately etched with the words "Blade of Eternal Dawn", surrounded by a misty, enchanted forest at dawn, with soft light filtering through the trees, highlighting the sword's exquisite craftsmanship. +A detailed classroom poster illustrating "Phases of the Moon", showcasing the moon's various stages from new to full, each labeled and depicted with realistic shadows and lighting, set against a starry night sky background. +A vibrant beach scene featuring a towel spread on soft sand, printed with the phrase "Sun Sand Surf" in bold, colorful letters, surrounded by the serene blue ocean and a bright, sunny sky. +A close-up shot of a coffee cup with a sleeve printed "Caution Brain Fuel", set against a warm, cozy background with a few scattered coffee beans and a steam rising from the cup, capturing the essence of a morning ritual. +A vibrant beach scene with a colorful towel spread on the sand, featuring the phrase "Sun Sand Surf" in bold, playful letters, surrounded by seashells and a pair of flip-flops, under a clear blue sky. +A professional chef stands in a modern kitchen, proudly wearing a white chef’s hat with the embroidered tagline "Master of Flavors" prominently displayed. The kitchen is bustling with activity, and the chef is surrounded by an array of fresh ingredients and gleaming stainless steel appliances. +A vibrant election poster featuring a charismatic T-Rex standing confidently, surrounded by a diverse crowd of dinosaurs. The slogan "Make Pangaea Great Again" is prominently displayed in bold, retro fonts. The scene is set against a lush, prehistoric landscape with towering ferns and distant volcanoes. +A prehistoric cave wall features a vibrant, ancient painting that reads "TRex Parking Only", surrounded by crude yet detailed depictions of dinosaurs and early human figures, all rendered in earthy tones with a rough, textured surface. +A serene yoga studio with minimalist decor, featuring a large wall art piece that reads "Breathe In Breathe Out" in elegant, flowing script, surrounded by soft, natural lighting and calming earth tones. +A close-up of a post office parcel label, prominently displaying the text "Fragile Handle With Care", on a slightly wrinkled, brown paper background, with a subtle shadow to give depth and realism. +A baker stands in a cozy kitchen, wearing an apron stained with flour. The apron features an embroidered motto, "Knead Peace", prominently displayed across the front. Warm lighting highlights the baker's focused expression as they prepare dough. +A serene park scene with a wooden bench under a large oak tree. On the bench, a plaque reads "In Memory of Joy". Soft sunlight filters through the leaves, casting gentle shadows on the bench and the well-manicured grass. +A realistic photograph of an airport security checkpoint, prominently displaying a clear, bold sign that reads "No Liquids Over 100ml", with travelers in the background. +A camping tent with a patch reading "Weatherproof" set against a serene forest backdrop, with morning light filtering through the trees, emphasizing the tent's robust and weather-resistant design. +A movie poster for "Alien Invasion 2050" featuring a retro font, with a dark, neon-lit cityscape and alien spaceships hovering in the background, creating a futuristic and ominous atmosphere. +A close-up of a superhero's shield, prominently featuring the emblem with "Defend Justice" embossed in bold, metallic letters, reflecting a sense of valor and determination. The shield is worn but sturdy, with a slight sheen under a dramatic spotlight, emphasizing its iconic status. +A city street at night, a yellow taxi with a roof light-up panel scrolling "Available for Hire" in bright, neon letters, reflecting off wet pavements in a bustling urban scene. +A stealthy ninja, wearing a headband with the emblem "Silent But Deadly", blends into the shadows of an ancient Japanese temple at dusk, his figure barely visible against the darkening sky. +In a modern, sleek elevator, a sign reading "variety" is prominently displayed on the wall, reflecting the diverse offerings of the building. The elevator's interior is clean and well-lit, with a polished metal finish and mirrored walls, enhancing the sense of space and elegance. +A medieval knight stands proudly on a battlefield, his banner fluttering in the wind, emblazoned with the motto "No Dragons No Glory". The scene is set at dusk, with a dramatic sky and the knight's armor gleaming under the last rays of sunlight. +A medieval shield, intricately engraved with the phrase "Honor and Glory" in elegant, flowing script, set against a backdrop of an ancient, weathered stone wall, with soft, ambient lighting highlighting the detailed metalwork and textures. +A vibrant tattoo parlor sign with "Ink Dreams Studio" illuminated by neon lights, set against a gritty urban backdrop, with a mix of traditional and modern tattoo designs adorning the window. +A serene yoga studio with a wall hanging that reads "Breathe In Peace", surrounded by soft, natural lighting and minimalist decor, enhancing the tranquil atmosphere. +A cozy café interior with a rustic wooden table and chairs, warm lighting, and a chalkboard menu prominently displaying "Daily Special Tomato Soup" in elegant script, surrounded by hand-drawn illustrations of tomatoes and herbs. +A jewelry store display case features the "Diamond Collection", showcasing a variety of intricate diamond necklaces, rings, and earrings set against a soft, luxurious backdrop. The lighting highlights the brilliance and sparkle of each piece, creating a glamorous and inviting atmosphere. +A vibrant surfboard with sleek, modern design, featuring the bold text "Wave Rider Pro" in a dynamic, wave-like font, set against a gradient of ocean blues and whites, capturing the essence of the surfing spirit. +A modern bookstore interior with a well-lit shelf labeled "Bestsellers 2024", showcasing a variety of colorful book covers and a few browsing customers. The scene captures the vibrant atmosphere of a popular reading spot. +A movie poster featuring the title "The Colour Room" in bold, vibrant letters against a backdrop of splashing paint colors, suggesting a story filled with artistic expression and vivid imagery. +In a dimly lit underground club, a stylish figure holds up a wristband that reads "VIP Access Level 5" under a neon light, surrounded by a crowd of intrigued onlookers. +A futuristic weather app interface displaying "100% Chance of Meteors", with a vibrant, animated background showing meteors streaking across a starry night sky, illuminated by the app's neon blue and purple color scheme. +A vibrant street scene with a food truck parked on the side. The truck's side panel prominently displays a hand-painted sign reading "Questionable Meat Tacos 3", surrounded by colorful graffiti and a crowd of curious onlookers. +A magic mirror in an ancient, dimly lit room, reflecting the words "You're Enough Maybe" in an ethereal, glowing script, surrounded by softly flickering candlelight and mystical symbols etched into the wooden frame. +An ancient stone tablet, weathered by time, stands in a mystical forest clearing. The moonlight casts eerie shadows, highlighting the ominous engraving "Beware the Eclipse" in intricate, fading runes. +A bustling subway station with a tiled wall displaying the iconic sign "Platform 9¾", blending modern urban elements with magical charm, as wizards and muggles mingle on the platform. +A realistic photograph of a shiny dog collar tag shaped like a bone, with the text "Good Boy" engraved on it, lying on a rustic wooden surface, bathed in soft, natural light. +A cozy coffee shop scene with a steaming cup of coffee on a wooden table. The cup sleeve is clearly printed with "Caution Hot", and the ambient lighting highlights the warmth and comfort of the setting. +A museum visitor stands near an ancient artifact, holding an audio tour headset that repeatedly announces, "Press Star for Details", while exhibits and other patrons are faintly visible in the background. +A pilot's cockpit with a modern, sleek design, featuring a large, illuminated screen prominently displaying the alert "Low Fuel Warning" in bold red text, surrounded by various controls and instruments. +A realistic photograph of a restroom door with a sign above it clearly marked "Out of Order", set in a dimly lit hallway with a slightly worn, industrial aesthetic. +A realistic photograph of a wedding cake topper featuring the names "Amy & Sam" intricately engraved on a classic, elegant design, set against a soft, romantic background with subtle lighting highlighting the details. +A city street at dusk, a lone taxi parked by the curb with its roof light prominently displaying "Off Duty Forever", the surrounding area is quiet, with a few pedestrians and distant buildings, creating a serene and somewhat melancholic atmosphere. +A vintage circus tent banner, faded and slightly tattered, proudly announcing "Fire Eaters" in bold, ornate letters. The banner flutters gently in a breezy afternoon, with the vibrant colors of the circus tents and the excited crowd in the background. +A bustling café with a charming sidewalk sign that reads "Free WiFi Charging Stations", surrounded by cozy outdoor seating, vibrant flowers, and a lively urban street scene. +A realistic gym motivational poster featuring the bold text "No Pain No Gain" prominently displayed, surrounded by dynamic images of athletes in mid-exercise, with a vibrant, energetic color scheme and a slight motion blur to convey intensity and movement. +In a dimly lit museum hall, a detailed plaque reads "Ancient Relic 300 BC" beneath a weathered, intricately carved artifact. The warm glow of a spotlight highlights the relic's texture and the subtle patina of age, while shadows cast by the display case add depth to the scene. +A vibrant classroom poster featuring the slogan "Math Is Fun" in bold, colorful letters, surrounded by playful illustrations of numbers, geometric shapes, and students engaged in various math activities, set against a bright, cheerful background. +A young man wearing a baseball cap embroidered with "Stay Cool", standing in a vibrant urban street, the sun casting a warm glow on him, with colorful graffiti and bustling city life in the background. +A vibrant, realistic scene of a city street on a sunny day, with a large, colorful umbrella featuring the print "Rain Or Shine" in a cheerful font, casting a playful shadow over a bustling café. +A whimsical garden scene with a cheerful gnome standing next to an old, wooden signpost. The signpost is adorned with intricate carvings and clearly points "To Middleearth", surrounded by lush, vibrant flora and fairy lights twinkling in the background. +A futuristic sci-fi novel cover titled "Robots of Alpha Centauri", featuring advanced robots with sleek, metallic designs standing amidst the alien landscape of Alpha Centauri, under a dual-star sky, with a distant spacecraft visible on the horizon. +A detailed field guide page for a "Sasquatch Sparrow", showcasing a rare sighting. The sparrow is depicted perched on a branch, with a descriptive note highlighting its unique features and habitat. The background includes a dense forest, emphasizing the elusive nature of this mysterious bird. +A secure bank vault door with a prominent sign that reads "Authorized Personnel Only", set in a dimly lit, modern bank interior with sleek, metallic finishes and a single, focused beam of light highlighting the warning sign. +In a neon-lit cyberpunk alley, a vintage noodle shop sign buzzes with electric energy, displaying "Ramen RAM Upgrade" in vibrant, glitching colors. The scene is gritty yet futuristic, with rain-slicked streets and holographic ads floating in the background. +A weathered treasure map with a faded note, "X Marks the Spot", laid on an old wooden table, surrounded by a compass, a lantern, and a pile of gold coins, under the warm glow of a vintage lamp. +A roadside billboard advertising "Zombie Proof Tires" stands tall, with deep, jagged claw marks visibly slashing across the rugged tire graphic, set against a dimly lit, post-apocalyptic landscape. +A gas station at dusk, a lone pump with a faded sign warning "Contains 10 Regret", surrounded by overgrown weeds, the scene captured in a realistic photographic style. +A realistic photograph of a car dashboard with the "Check Engine Immediately" alert light illuminated, set against the dim interior of a vehicle at dusk. The steering wheel and part of the passenger seat are slightly visible in the background. +A futuristic spaceship airlock control panel with a caution sign that reads "Warning Space Hippos Possible", surrounded by blinking lights and digital screens displaying space data. The scene is set in a sleek, metallic corridor with a slight glow from the control panel. +A cozy café interior with warm lighting, wooden tables, and a counter displaying various coffee blends. A customer holds up a loyalty card that reads "Coffee Addict Level 100", proudly showing it to the barista who smiles in acknowledgment. +A vintage suitcase adorned with a collection of time traveler's stickers, prominently featuring a worn, vintage sticker that reads "79 AD" among other historical markers, set against a backdrop of a dusty, ancient Roman street. +A toddler stands proudly beside a sandcastle on a sunny beach, a small flag planted atop it that reads "King of the Beach", waves gently lapping at the shore, and a vibrant blue sky overhead. +A sleek spaceship with its hull painted "Galaxy Explorer" glides through the vastness of space, its metallic surface reflecting distant stars and nebulae, creating a stunning contrast against the dark cosmos. +A close-up of a worn concert ticket stub, with the text "Rock Legends Tour" clearly visible, set against a backdrop of a dimly lit, enthusiastic crowd at a rock concert. +In a bustling airport terminal, the baggage claim carousel sign ominously flashes "Lost Hopes Arriving Soon", casting an eerie glow over the anxious crowd, emphasizing the surreal and slightly dystopian atmosphere. +A weathered vintage WANTED poster, tattered and faded, prominently displays "5000 Reward for Bandit Queen" in bold, rustic font, set against a backdrop of an old Western town's wooden signpost, with a Wanted sketch of a fierce, determined woman in a cowboy hat. +A realistic photograph of a high school principal's office door, slightly ajar, with a clear sign that reads "Detention Room" hanging on it, set against a muted hallway background. +A neon-lit tattoo parlor at night, with a sign prominently displaying "Ink Of The Day". The shop's window showcases vibrant tattoo designs, and a few customers are visible inside, while the street outside is dimly lit and slightly rainy. +A close-up of a firefighter's helmet with a sticker reading "Smoke Irony" prominently displayed, set against a backdrop of a smoky, urban firefighting scene. The helmet is slightly worn, showing signs of use, and the sticker is vivid and clear. +A realistic photograph of a recycling bin with a decal that reads "Plastics Only", featuring prominent recycling symbols and a clean, urban backdrop. +At the bustling train station, a prominent sign reads "withdraw", standing out against the backdrop of arriving and departing passengers, with the natural light filtering through large glass windows, casting a serene glow over the scene. +A realistic photograph of a street sign at the intersection, clearly reading "Slow Down", with the background showing a quiet, residential street and a few parked cars. +A satellite image capturing a vast, swirling storm cloud over the ocean, with a dramatic text overlay reading "Storm Approaching" in bold, white letters. The storm's eye is clearly visible, surrounded by turbulent, dark clouds. +A serene plant nursery featuring a rustic wooden sign intricately carved with "Organic Compost Sold Here", surrounded by lush greenery and vibrant flowers, capturing the essence of a peaceful, eco-friendly environment. +A sushi conveyor belt with a vibrant, illuminated sign that clearly states "Unlimited Sashimi", surrounded by an array of fresh, colorful sashimi pieces, set in a modern, clean sushi bar. +A chef stands in a vibrant kitchen, wearing a pristine white chef’s hat embroidered with "Master of Flavors". The hat is the focal point, showcasing intricate embroidery with a blend of gold and black threads, highlighting the chef's expertise and passion. +A hiking trail marker post carved with "Peak Trail 2 Miles" stands amidst a lush, green forest, partially covered by moss and surrounded by vibrant wildflowers, with a sunlit path leading into the distance. +A close-up of a vintage, gothic-style sunscreen bottle on a dark, wooden vanity, labeled "SPF 1000000" with elegant, blood-red lettering. The bottle is partially illuminated by a single, flickering candle, casting eerie shadows. +A glowing magic 8-ball hovers in a dimly lit room, its transparent orb displaying the floating answer "Ask Again After Coffee" in luminous, ethereal letters. Soft shadows and a mystical aura surround the sphere, enhancing its otherworldly presence. +A weathered pirate treasure map, with "X Marks Depression" scribbled in the corner, laid out on an old wooden table, surrounded by a compass, a quill, and scattered gold coins, under the dim light of an oil lamp. +A close-up of a detective's badge, intricately inscribed with "Special Agent 007", gleaming under a soft spotlight in a dimly lit room, capturing the wear and shine of a well-used piece of equipment. +A witch's cauldron bubbles with a vibrant, steamy potion labeled "Pumpkin Spice Potion", surrounded by mystical ingredients and glowing candles in a dimly lit, enchanted forest. +A high-resolution close-up of a sleek, modern fitness tracker display, showing the message "Daily Goal Achieved" with a green checkmark. The background is a blurred, ambient gym setting, enhancing the focus on the tracker's screen. +A close-up of solar eclipse viewing glasses with the frame prominently displaying the printed warning "Do Not Remove During Eclipse", set against a backdrop of a partially eclipsed sun. +A realistic forest scene with a small, controlled campfire, surrounded by stones. A park ranger in uniform stands nearby, pointing towards a sign that reads "Only You Prevent Wildfires". The ranger's expression is serious, emphasizing the importance of fire safety. +A realistic photograph of a person standing in front of an antique magic mirror, with the mirror's reflection showing the person as pixelated, with the clear text "You Look Pixelated" visible in the reflection. +A baker's freshly baked loaf of bread, crusty and golden, stamped with the elegant text "Artisan Sourdough", sitting on a rustic wooden board in a cozy, well-lit kitchen. +A close-up shot of a supermarket price tag, prominently displaying "Last Hope Sale" in bold, eye-catching letters, set against a backdrop of empty shelves and a few scattered products, emphasizing the urgency and scarcity of the sale. +A weathered, leather-bound detective’s case file cover, prominently marked with "COLD CASE 7" in bold, silver letters, lying on a dimly lit, cluttered desk, surrounded by faded crime scene photos and a cold cup of coffee. +A realistic photograph of an elegant restaurant reservation book, open to a page with a handwritten entry that reads "Table 5 8 PM", set against a background of a dimly lit, upscale dining room with soft ambient lighting and tasteful decor. +A detailed classroom poster, illustrated in a realistic style, diagramming the "Circle of Procrastination". The poster includes clear labels and arrows showing the stages of procrastination, with a vibrant color scheme and educational graphics to engage students. +A vibrant music festival scene with a crowd of excited attendees, all wearing wristbands. Focus on a detailed close-up of a wrist with the "All Access Pass" wristband, its colorful design and unique texture prominently displayed. +A bustling subway station with vibrant wall graffiti that reads "Catch the Wave", surrounded by commuters and the glow of neon lights, capturing the dynamic energy of urban life. +A vibrant circus tent with a grand banner proclaiming "Greatest Show on Earth", surrounded by excited crowds and colorful lights, capturing the magical atmosphere of a classic circus performance. +In a futuristic alien nursery, a glowing tag reads "Water With 37 Moonlight". Delicate, bioluminescent plants thrive in a moonlit greenhouse, their leaves shimmering with an otherworldly glow. The scene captures the serene, mystical atmosphere of a nocturnal alien ecosystem. +A digital scoreboard at a stadium prominently displays "Home Team Wins" in bright, glowing letters, surrounded by cheering fans and the vibrant atmosphere of a victorious night. +A beautifully decorated birthday cake with intricate frosting piping that spells out "40 Fabulous" in elegant, flowing letters, set against a warm, celebratory background with soft, golden lighting. +A casual beach scene with a person holding a souvenir t-shirt printed with "Sunset Beach 2023", standing by the water's edge as the sun sets, casting a warm golden glow over the sandy beach and the tranquil sea. +A roadside scene featuring a rustic wooden sign post with a hand-painted sign reading "Fresh Peaches 2 Miles", surrounded by a verdant countryside with a dirt path leading into the distance, under a sunny sky. +A thrilling roller coaster at a sunny theme park, with vibrant, colorful surroundings and excited visitors. The coaster car is mid-dip, passengers with wide eyes and open mouths, capturing the essence of the caption: "Screaming Optional But Likely". +A realistic photographic scene of a taxidermy moose head plaque mounted on a rustic wooden wall. The moose has a humorous expression, with a small sign below it reading "Last Words: Oh Sh". The scene is lit by warm, ambient lighting, emphasizing the quirky and slightly macabre atmosphere. +A high-contrast gym motivational poster featuring a muscular athlete mid-workout, sweat glistening on their skin, with the bold text "No Pain No Gain" prominently displayed at the top. The background is a blurred gym setting, enhancing the focus on the athlete's determination. +A coffee mug with "Monday Mode Off" printed inside, placed on a rustic wooden table, surrounded by scattered coffee beans and a half-open book, bathed in warm morning sunlight streaming through a window. +A neon hotel sign blinking "Vacancy" stands out against the bustling city center at night, casting vibrant red and blue lights over the crowded streets and reflective surfaces of surrounding buildings. +Arctic research station, isolated on a snow-covered landscape, with a sign that reads "Yeti Spotted Send Coffee" outside a small, weathered cabin. A mysterious figure in the distance, blending with the snowy background, hints at the elusive yeti. +A cozy kitchen countertop with a vintage wooden box labeled "Grandmas Secret Recipe" prominently displayed. The box is filled with freshly baked, golden-brown cookies, steaming slightly. Soft, warm lighting enhances the rustic charm of the scene, capturing the essence of homemade baking. +A close-up of a pizza box with a sticker sealing the lid, prominently displaying "Hot Fresh Guaranteed" in bold, vibrant colors, with steam gently rising from the box, suggesting the pizza inside is freshly baked and hot. +A futuristic fast food restaurant on an alien planet, with a neon sign displaying "Earthling Burger 350" in the menu. Aliens of various species are seen ordering and enjoying their meals, while the burger stands out with a realistic, appetizing appearance. +A vibrant train car adorned with graffiti spelling "Urban Art Rules", set against a backdrop of a bustling cityscape, capturing the dynamic spirit of urban creativity and street culture. +A poster featuring the text "Event Horizon" prominently at the top, set against a backdrop of a swirling, cosmic black hole, with stars and galaxies spiraling into the void, creating a dramatic and mysterious atmosphere. +A cheerful T-shirt design with a bright, smiling sun emblem and the playful text "Hello Sunshine" in vibrant, sunny colors, set against a clear blue sky background. +A traditional barber's pole with red, white, and blue stripes spins slowly outside a quaint barbershop, the sign reading "Haircuts Here" prominently displayed above it, inviting passersby into the nostalgic scene. +A detailed page from a wizard's spellbook, titled "Invisibility Charm", with intricate illustrations of mystical symbols and handwritten notes in an ancient script, set against a backdrop of aged, yellowed parchment. +A picnic table set in a sunny meadow, with a bunch of ripe bananas artfully arranged to spell out the message "That's bananas!" in a playful, eye-catching manner. +A realistic photograph of a modern subway station, featuring a vibrant tile mosaic on the wall that reads "Mind the Gap", with the tiles reflecting a mix of blue and white, and the scene illuminated by the soft glow of overhead lights. +A treehouse door, intricately carved with the phrase "No Grownups Memes Only", set against a backdrop of lush green foliage, with sunlight filtering through the leaves, casting dappled shadows on the wooden surface. +A sleek, modern smartphone with a minimalist design, displaying a tablet lock screen with the text "Slide to Unlock" prominently in the center, set against a soft, gradient background. +In a cluttered, dimly lit laboratory, a mad scientist's lab coat hangs on an old wooden rack. The tag clearly reads "Property of Dr Franken", visible against a backdrop of bubbling potions and scattered scientific instruments. +A realistic photograph of a fire extinguisher mounted on a red wall, with a clear label that reads "Break Glass in Emergency" prominently displayed, surrounded by a metal frame. +A close-up of a concert wristband, prominently displaying the stamp "VIP Access", set against the backdrop of a vibrant, crowded music festival, with stage lights and crowd energy in the distance. +A vibrant circus tent with a grand banner proudly announcing "Lion Tamer Showtime", surrounded by excited spectators and the warm glow of lanterns, capturing the thrilling atmosphere just before the performance begins. +A modern elevator button panel with sleek, illuminated buttons, including a mysterious "Floor Ω" button, set against a reflective stainless-steel backdrop. +A realistic photograph of graffiti spray-painted "Rebel Hearts" on a crumbling brick wall, with peeling paint and moss growing in the cracks, set against a dimly lit urban alley. +A weathered pirate ship flag, tattered and fluttering in the sea breeze, embroidered with the bold, elegant words "Queen Anne's Revenge" in golden thread, against a dark, stormy sky. +A vibrant, realistic urban scene featuring graffiti on a brick wall, boldly spelling "Revolution Now" in dynamic, colorful letters. The wall is slightly weathered, with patches of moss, and the graffiti stands out vividly against the rough texture. +A mermaid rests beside a treasure chest, its label clearly reading "Pearls Before Swine", surrounded by shimmering pearls and sea creatures in an underwater cavern. +A detailed, realistic photograph of a solar panel installation manual page, prominently displaying the heading "Align South Facing". The image shows clear diagrams and text instructions, with arrows pointing to a compass indicating the south direction. +A realistic photograph of a restaurant bathroom, featuring a mirror with a playful decal that reads, "You Look Hungry". The scene is modern and clean, with subtle lighting highlighting the mirror and its surroundings. +A detailed campground map with a clear "You Are Here" marker, surrounded by forest trails, picnic areas, and scenic viewpoints, set against a backdrop of lush greenery and sunlight filtering through the trees. +A vintage typewriter with a sheet of paper inserted, the text "Chapter 1 The Plot Thins" clearly visible, set against a warm, nostalgic background with soft lighting. +A steaming coffee cup with a sleeve printed "Caution Hot" on a rustic wooden table, surrounded by fall leaves and morning light filtering through a nearby window. +A close-up photograph of a construction helmet with a sticker prominently displaying "Safety First Always", set against a slightly blurred construction site background, emphasizing the message's importance in a realistic, high-definition style. +A pirate ship navigates choppy seas, its flag proudly displaying "We Kraken Appreciation Day" in intricate embroidery, while a crew of rugged pirates stands on deck, gazing at a distant, stormy horizon. +A realistic office desk scene with a memo sticky note that reads "Meeting at 3 PM" placed prominently on a notebook, surrounded by a pen, a coffee cup, and scattered papers. The desk is tidy, with a window in the background letting in soft natural light. +A cozy living room with warm lighting, a cat proudly wearing a collar tag that reads "I Own This House", lounging on a plush sofa, surrounded by family photos and a fireplace. +A bustling construction site with barrier tape fluttering in the wind, printed with "Caution Quantum Zone", surrounded by futuristic machinery and workers in hi-vis vests. +A cozy bakery with a large window displaying a rustic wooden sign that reads "Fresh Bread Daily", surrounded by an array of freshly baked bread loaves, pastries, and a warm, inviting glow from inside. +A well-worn, large recipe book titled "The Peruvian Cookbook" sits open on a rustic wooden table, surrounded by fresh ingredients like quinoa, avocados, and cilantro, with a traditional Peruvian ceramic bowl in the background. +A detailed, realistic photograph of a vintage, iron witch’s cauldron, bubbling with a mysterious green potion. A worn, wooden sign hangs from the cauldron, displaying the warning label "Brewing in Progress" in bold, gothic letters. The scene is set in a dimly lit, mystical forest clearing. +A realistic sketch of a student's notebook page with intricate margin doodles, including a whimsical illustration of a clock melting and the words "Bored in Class" written in casual handwriting. +A modern elevator button panel with sleek, illuminated buttons, including an unmarked button for the "13th Floor", set in a well-lit, professional lobby. +A vibrant children’s alphabet poster featuring "Letter Z Zebra", with the zebra playfully standing beside the large, bold letter Z, surrounded by a colorful, jungle-themed background filled with lush green foliage and vibrant flowers. +A realistic photograph of a fire extinguisher case with a clear label that reads "Break Glass", set against a slightly blurred office background, emphasizing the red and white colors of the label and the metal texture of the case. +An ancient wizard's spellbook lies open on a wooden table, illuminated by a flickering candle. The page is titled "Firestorm Incantation", with intricate illustrations of flames and runes surrounding the text. The room is dimly lit, casting shadows that dance on the stone walls. +A close-up of a sleek VR headset with a prominent button labeled "Enter Metaverse", set against a futuristic background with glowing cityscapes and digital overlays. +A Halloween pumpkin with a carved spooky face and the words "Boo" prominently displayed, set against a dimly lit background with flickering candlelight inside, casting eerie shadows. +A rustic farmer’s barn door, weathered by years of exposure, is adorned with a faded sign that reads "Fresh Eggs 2". The door is slightly ajar, revealing a glimpse of the barn’s interior, with sunlight streaming through the cracks, highlighting the aged wood and peeling paint. +A realistic hospital nursery scene with a newborn baby girl in a bassinet, a small tag hanging from the bassinet reading "Baby Girl Smith", soft lighting, and a warm, sterile environment. +A baker's freshly baked bread loaf, branded "Daily Carbs Daily Joy", sits on a rustic wooden cutting board, surrounded by scattered grains and a sprinkle of flour, in a cozy, warm kitchen. +A close-up of a sleek fitness tracker screen displaying "Daily Goal Achieved", with a blurred background of a sunset and a runner silhouetted against the horizon. The screen glows with a satisfying green, celebrating the accomplishment. +A realistic scene of a road under construction, with a large, illuminated sign blinking "Slow Down Workers Ahead" at the entrance, surrounded by orange cones and barriers, under the dim light of evening. +A weathered treasure map with an X marking "Fools Gold Here", lying on a rugged, sunlit rock in a dense forest, surrounded by overgrown vines and moss. +A granite war memorial stands solemnly in a sunlit clearing, its surface engraved with the powerful words "Never Forget". Surrounding trees cast dappled shadows, enhancing the monument's rugged texture and the deep, somber meaning of its inscription. +A close-up of a firefighter's helmet, the shield prominently displaying the embossed text "Bravery First", reflecting the determination and courage of those who wear it, set against a backdrop of a smokey, dimly lit fire station. +A vibrant cityscape at dusk with a large, modern gym billboard prominently displaying the bold text "Get Fit In 30 Days", featuring a muscular, smiling athlete in workout gear against a backdrop of fitness equipment and energetic silhouettes. +A thermos with the slogan "warm companionship" prominently displayed on its sleek, metallic surface, sitting on a wooden table beside a steaming cup of coffee in a cozy, sunlit room. +A high-resolution photograph of a collectible toy packaging, prominently featuring a "Limited Edition" sticker. The sticker stands out with its vibrant red color against the sleek, matte black box, reflecting a subtle sheen from an overhead light. +A futuristic spaceship cockpit with a large, glowing screen in the center displaying the message "Warning Asteroid Field Ahead" amidst a backdrop of control panels and starlit space visible through the window. +A detective's fedora lies on a dimly lit table, with a subtle, hidden note tucked under it that reads "The Butler Did It", set in a vintage, noir-style room. +A protester at a bustling rally holds a handmade cardboard sign painted with bold, black letters reading "Climate Action Now", surrounded by a crowd of passionate demonstrators and waving flags under a clear blue sky. +A bustling library expansion site with a "Pardon Our Progress" banner prominently displayed, surrounded by scaffolding, construction workers, and modern library architecture blending with the old, under a sunny sky. +A realistic photograph of a modern pharmacy counter, featuring a prominent "Press Here for Assistance" button, illuminated by soft overhead lights, with a variety of medications and health products neatly arranged on the shelves behind it. +A medieval tavern scene with a wooden menu board hanging on a stone wall, chalked with "Mead 5 Gold Coins", illuminated by the warm glow of torches. +A high-tech VR headset with a sleek, futuristic design, displaying an overlay that reads "Simulation Loading" in a modern, digital font, set against a dark, gradient background with subtle, glowing lines. +A close-up of a collectible comic book cover, prominently displaying the text "Limited Edition" stamped in a bold, red seal, with vibrant, detailed artwork in the background. +A minimal sculpture of the word "hata" crafted from light metallic iridescent chrome thin lines, rendered in 3D with an isometric perspective. The scene is super detailed, set against a dark background, emphasizing the intricate lines and metallic sheen. +A vintage desk with a love letter, sealed with a red wax kiss, featuring the closing "Yours Eternally" in elegant, flowing ink, set against a soft, romantic backdrop. +In a dystopian alley, a towering concrete wall is vividly graffitied with the words "Rebel or Obey" in bold, contrasting spray paint, casting eerie shadows under dim, flickering streetlights. +A nighttime city street, a yellow taxi with its roof light prominently displaying "Available For Hire" in bright, clear letters, reflecting off wet pavements after a light rain, with blurred city lights in the background. +A realistic photograph of a fireworks packaging label prominently displaying the warning "Handle With Care", set against a dark, textured background to emphasize the cautionary message. +A pilot, wearing a headset with "Cleared for Takeoff" emblazoned on the side, sits in the cockpit of a modern aircraft, ready for departure. The runway is visible through the windshield, bathed in the warm glow of a setting sun. +Ancient pyramid wall covered in intricate hieroglyphs that translate to "Beware the Moons Wrath", illuminated by the soft glow of a full moon, casting long shadows and adding a mysterious aura to the scene. +A bustling urban night scene with a neon bar sign flashing "Open 24 Hours" above the entrance, casting vibrant colors on the wet pavement and reflecting in the windows of adjacent buildings. +A realistic photograph of a science museum exhibit, featuring a detailed "TRex Skeleton Replica" label prominently displayed next to a large, lifelike Tyrannosaurus Rex skeleton. The scene is well-lit, with visitors in the background, enhancing the educational atmosphere. +A vintage classroom globe with a sticker that reads "Here Be Dragons Seriously", surrounded by old maps and compasses, under the warm glow of a desk lamp. +A bustling pet store with a vibrant fish tank prominently displaying a humorous sign that reads "Nemo Actually Went to College", surrounded by colorful fish and aquatic plants, capturing the playful spirit of the underwater world. +A modern office desk with a sleek, polished surface. In the center, a nameplate reads "CEO in Training". The desk is cluttered with a laptop, a cup of coffee, and scattered papers, reflecting a busy work environment. Soft, natural light filters through a nearby window, casting a warm glow on the scene. +A lunar rover marked "Moon Buggy 1" sits on the rugged surface of the moon, surrounded by grey dust and rocks. The Earth looms large in the dark sky, casting a soft blue glow on the vehicle. The scene is crisp and detailed, capturing the quiet desolation of the lunar landscape. +Ancient cave wall painting, detailed and vibrant, depicting "First Meme 4000 BC" with prehistoric figures engaged in a humorous, exaggerated pose, surrounded by natural cave textures and subtle lighting. +A close-up of refrigerator magnet letters spelling "Buy Milk" on a sleek, stainless steel fridge door, with a slight reflection of the kitchen light above, capturing the everyday charm of a home. +A detailed ski resort map featuring a prominent marker that reads "Black Diamond Run", surrounded by steep, snow-covered slopes and pine trees, with a hint of skiers in the distance, capturing the thrill and challenge of the terrain. +A detailed ski resort trail map, prominently featuring a trail labeled "Green Circle Easy", set against a snowy mountain backdrop with subtle ski lift poles and a few skiers in the distance. +A bustling nightclub entrance under neon lights, with a bouncer checking IDs at the door. A large, glowing sign above reads "Over 21 Only", casting a vibrant blue light over the excited crowd waiting to enter. +A detective in a trench coat uses a magnifying glass to highlight a subtle "Clue Was Here" message on a dusty, old desk in a dimly lit room. +A nostalgic retro video game loading screen with pixelated graphics, displaying the message "Insert Pizza to Continue" in vibrant, classic 8-bit colors, surrounded by a border of twinkling stars and video game icons. +A scientist in a lab coat with "Dr Smith Genetics Lab" emblazoned on the chest, standing amidst high-tech laboratory equipment, surrounded by glowing petri dishes and intricate DNA models. +A cheerful cereal box mascot, with a big smile and colorful attire, is holding up a vibrant sign that reads "Best Breakfast Ever", standing against a bright, sunny background with a breakfast table set nearby. +An alchemist's laboratory with a flask bubbling "Prima Materia" on a wooden table, surrounded by ancient books and mystical instruments, illuminated by the soft glow of a flickering candle. +A close-up of a pet collar tag, intricately engraved with "Buddy 123 Main St", lying on a rustic wooden table, with soft, natural light highlighting the text and the worn texture of the tag. +A close-up of a guitar pick with the imprint "Strum Like Nobodys Listening" resting on weathered wood, with soft sunlight casting a warm glow, emphasizing the worn texture and the faded, yet legible text. +A vintage postage stamp with a classic design, prominently featuring the phrase "Air Mail Express" in elegant, retro typography, set against a background of aerodynamic planes and cloud patterns, encapsulating the spirit of early aviation. +In an ancient Egyptian tomb, the Pharaoh’s sarcophagus is adorned with intricate hieroglyphs that translate to "IOU Pyramid". The dimly lit chamber reveals the golden lid, with the hieroglyphs glowing faintly in the candlelight. +In a dystopian city, a towering billboard dominates the skyline, boldly advertising a "Happiness Subscription". The urban landscape is bleak, with gray buildings and sparse, desolate streets, contrasting sharply with the vibrant, colorful ad promising a future of joy and fulfillment. +A close-up of a hotel key card sleeve, prominently displaying "Room 237", set against a textured background of a wooden desk, with soft, ambient lighting highlighting the details of the card and its surroundings. +A serene yoga studio with a smooth, stone wall featuring a carved inscription that reads "Breathe In Breathe Out", surrounded by soft, natural light and minimalist decor. +A wizard stands in a misty forest, his staff illuminated with glowing runes that spell out "Spell Loading", casting an ethereal blue light around him. +A sleek, modern spy gadget briefcase with a discreet label that reads "Top Secret Mission Files" on a dark, textured background, emphasizing the clandestine nature of the contents. +A bustling food truck with a "Tacos Sold Out" sign on the window, surrounded by a disappointed crowd, under a sunny sky in a vibrant street market. +A realistic photograph of a roadside warning sign that reads "Slow Down Kids Playing", set in a residential area with children playing on the sidewalk and a few houses in the background. The sign is clearly visible and the scene is bright and sunny. +A vintage ice cream truck parked on a sunny summer day, with a bright, colorful sign on its side that reads "Soft Serve Here", surrounded by happy children and families enjoying soft serve ice cream cones. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Gluten Gladiator", surrounded by fresh bread and pastries, with sunlight streaming through the window, creating a warm, inviting atmosphere. +A realistic photograph of a voting booth interior, with clear instructions on the wall stating "Select One Candidate", surrounded by ballots and voting materials, under soft fluorescent lighting. +A modern office setting with a frosted glass door featuring the sign "Private Meeting in Progress", illuminated by soft, ambient lighting, surrounded by sleek, minimalist furniture and decor. +In a dimly lit alien restaurant, a futuristic menu displays "Human Tears 1299gal" under neon lights, with a sleek, otherworldly design and eerie, green-tinted lighting enhancing the mysterious atmosphere. +A close-up of a sleek, modern smartwatch with its screen prominently displaying "Heart Rate 72 BPM" in clear, crisp text, set against a subtle, minimalist background. +A nostalgic retro drive-in movie theater at twilight, with a large, illuminated screen displaying the text "Feature Starts at Dusk". Vintage cars are parked in front, and the scene is bathed in the warm glow of ambient lights. +A skyscraper window cleaner working high above the city, his bucket marked "Look Up" clearly visible, against a backdrop of towering buildings and a clear blue sky. +A vibrant TV show poster with the dramatic text "The Revenge" prominently displayed, set against a backdrop of a dark, stormy cityscape at night, with lightning illuminating the sky and silhouettes of characters in intense poses. +A clear day at a public swimming pool, where a large, blue sign reading "Do not wear shoes in the pool" hangs on a metal stand beside the water, reflecting the sun's rays. Swimmers in various stages of undressing and entering the pool. +A vintage radio with a glowing green pixel display showing "Tune In at 8 PM", set against a nostalgic, dimly lit room with wooden furniture and a checkered rug. +A serene garden path lined with lush greenery, leading to an elegant stone marker engraved with "Grow With Love" in flowing, cursive script. Soft sunlight filters through the leaves, casting dappled shadows on the stone and the path. +In a bustling, elegantly lit restaurant, a waiter stands at the reservation stand, holding a clipboard and smiling warmly. Behind him, a beautifully set table for two awaits, a single candle flickering softly. The sign at the stand reads "Table for Two Ready". +A striking ocean conservation poster featuring a majestic whale breaching the surface, surrounded by clear blue water and a vibrant coral reef. Bold text reads "Save The Whales" in eco-friendly green, emphasizing the urgent need to protect these magnificent creatures. +A pirate ship navigating turbulent seas, its main sail boldly painted with the warning "Beware Plunderers Aboard", under a stormy sky, with waves crashing against the hull. +A wedding cake topper featuring a detailed, elegant couple standing hand in hand, with the phrase "Happily Ever After" engraved on a decorative plaque below them, set against a soft, romantic background with delicate floral accents. +A vintage kitchen timer with a brass finish and a white dial prominently labeled "Set Minutes Here", sitting on a wooden countertop next to a bowl of freshly baked cookies, under the warm glow of a pendant lamp. +A tattoo shop's neon sign glows brightly with "Flash Designs 50% Off" in vibrant red and blue, casting a colorful glow on the urban street at dusk. +Aerial view of an airport at night, with the runway lights creatively arranged to spell out "Turn Back Now" in bold, illuminated letters, set against a dark sky and the distant glow of city lights. +A realistic photograph of a construction site with a fence sign prominently displayed, reading "Hard Hat Area Keep Out". The sign is clearly visible, and the background shows workers and machinery in action. +A taxi parked on a quiet city street at dusk, with its roof light displaying "Off Duty Dreams Only" in neon, reflecting softly on the wet pavement. The scene is peaceful, with a light drizzle adding a serene glow to the environment. +A futuristic asteroid mining operation, featuring a massive drill labeled "Core Sample 97 Pure Iron" extracting resources from a barren, rocky asteroid surface, with distant stars and a spacecraft in the background. +An astronaut stands in a desolate lunar landscape, the helmet visor clearly reflecting the text "Oxygen Low 20" amidst the stark, shadowy terrain. The scene captures the tension and isolation of space exploration. +A vibrant skatepark with a prominent ramp featuring bold graffiti that reads "Bail Here Often" in vibrant spray paint, capturing the spirited energy of urban street culture. +A close-up photograph of a gas pump handle with a sticker that reads "Regular Unleaded", set against a slightly blurred background of a modern gas station. The sticker is clean and well-lit, with a subtle reflection on the handle. +A realistic photograph of a gym locker with a combination tag hanging from the handle, clearly displaying the numbers "Code 1234" in a sleek, modern font, set against a slightly blurred background of other lockers. +A vibrant food truck parked on a bustling city street, its side panel displaying a colorful, hand-painted menu that prominently features the text "Best Tacos in Town", surrounded by illustrations of fresh ingredients and happy customers. +A camping tent with a "Weatherproof Material" tag, set up in a lush forest clearing, with raindrops gently falling from dense, green trees, highlighting the tent's durable, water-resistant fabric. +A bustling farmer's market scene with a rustic wooden stand. A chalkboard prominently displays "Organic Kale 3" in elegant script. Fresh, vibrant kale bunches are neatly arranged on the stand, surrounded by other organic produce. Sunlight filters through, casting warm, natural shadows. +Grape vines forming the text "open your mind" sprout from a head adorned with flowers and butterflies. Capture this surreal scene in a high-resolution DSLR photo, emphasizing the intricate details of the vines and the delicate beauty of the flowers and butterflies. +In a modern art gallery, a sleek, minimalist plaque reads "Untitled 37 12 Million" beneath a large, abstract painting. The soft, ambient lighting highlights the plaque and the artwork, creating a serene and contemplative atmosphere. +A vibrant science fiction magazine cover titled "Future Tech Now", featuring a sleek, futuristic cityscape with flying cars and towering holographic advertisements, set against a neon-lit sky. +An art gallery wall features elegant, minimalist text reading "Modern Abstractism", set against a backdrop of vibrant, abstract paintings in bold colors and dynamic shapes, with soft, ambient lighting enhancing the modern aesthetic. +A close-up of a pet collar tag, intricately engraved with "If Found Call 5551234", lying on a rustic wooden surface, bathed in soft, natural sunlight. The tag is slightly worn, giving it a timeless, well-loved appearance. +A weathered fishing boat with its hull proudly painted "Sea Hunter III" docks at a misty seaside harbor, surrounded by rugged cliffs and crashing waves, under a sky tinged with the golden hues of dawn. +A carnival ticket booth with a vintage, colorful sign that reads "Rides Closed" in bold letters, surrounded by festive decorations and empty, silent rides in the background. The scene captures a moment of eerie stillness in an otherwise lively carnival. +A red firetruck parked on a city street, its side panel prominently printed with "Rescue Team 911", reflecting the urgency and professionalism of the emergency service. The scene is captured in a realistic photographic style, with the firetruck's details and the surrounding urban environment clearly visible. +A realistic photograph of a classroom desk, featuring a wooden ruler etched with "Study Hard" lying next to a notebook and pencil, under the warm glow of a desk lamp. +A narrow beam of light pierces through the fog, illuminating a path forward in a dense forest at dusk. The light, labeled "Guiding Light Ahead", casts long shadows and highlights the dew-covered leaves, creating a mystical and serene atmosphere. +A vintage newspaper page with a bold headline declaring "Moon Landing Successful", surrounded by period-appropriate articles and advertisements, capturing the excitement and technological optimism of the 1960s. +A Valentine's Day scene featuring a heart-shaped dish filled with colorful candy hearts, each printed with "Be Mine", surrounded by red and pink roses and set on a pastel background. +A close-up of an antique, leather-bound book open to page 156, with the chapter heading "Page 156" elegantly printed in gold ink, set against a warm, wooden desk lit by a soft, ambient light. +A highway billboard stands tall, showcasing a vibrant advertisement that reads "Visit Sunny Beaches". The scene is bathed in the warm glow of a setting sun, with palm trees swaying in the background and a clear blue sky. +A camping tent in a forest clearing, with a tag hanging from its entrance that reads "Adventure Awaits", surrounded by tall trees and morning mist. +A realistic photograph of a refrigerator with a handwritten note stuck on it using a magnet. The note reads "Buy Milk" in cursive writing. The fridge is slightly old, with a few other faded notes and a calendar nearby. +A realistic classroom setting with a detailed periodic table prominently displaying "Element 118 Oganesson". The table hangs on a green chalkboard wall, with a teacher's desk and student chairs in the foreground. Soft, natural light filters through windows, highlighting the intricate details of the periodic table. +A weathered explorer's compass lies on an ancient, moss-covered stone, its needle pointing steadfastly north. The compass glass is etched with the words "True North Found", reflecting the soft golden light of a setting sun in a wilderness setting. +A high-quality photograph of a modern thermos with the slogan "baipeung" prominently displayed on its sleek, metallic surface, set against a minimalist background. +A steamy bathroom with a fogged mirror, where faintly through the mist, the words "You Look Timeline Approved" are visible, reflecting a modern, slightly surreal atmosphere. +A vibrant farmer's market scene with a rustic wooden stand, featuring a hand-painted chalkboard sign that reads "Organic Eggs 4". Baskets of fresh eggs and colorful vegetables surround the stand, with bustling shoppers and sunny skies in the background. +A vibrant skateboard deck with bold, graffiti-style artwork featuring the phrase "Skate or Die" in dynamic, colorful letters against a textured background, capturing the rebellious spirit of skate culture. +A hot air balloon basket, branded "Sky High Tours", sits on a grassy field at sunrise, with a vibrant, colorful balloon above it, reflecting the early morning light. +In a sleek, sci-fi kitchen with metallic surfaces and futuristic appliances, a retro microwave features a glowing button labeled "Defrost Dragons". The button stands out against the cool, modern backdrop, hinting at a blend of old and new technology. +A diver's wrist compass, illuminated by the faint light of the ocean, pointing directly to the "North Star" amidst a backdrop of deep blue water and swirling currents. +A pilot in a modern aircraft cockpit, meticulously going through the "PreFlight Complete" checklist, surrounded by advanced instruments and controls, with the runway visible through the windshield. +A dark, gothic room with a vintage mirror, the vampire's reflection blurred and distorted, with eerie text "No Soul Detected" faintly visible in the glass, creating a chilling atmosphere. +In a cluttered programmer’s workspace, a faded sticker on the laptop reads "Code Sleep", surrounded by empty coffee cups, scattered papers, and a dimly lit desk lamp casting a warm glow. +A street corner with a vintage parking meter, its screen glaring "Time Expired" under the soft glow of a streetlamp, surrounded by autumn leaves in a quiet, urban setting. +A yoga studio featuring a serene wall decal that reads "Breathe In Peace", surrounded by minimalist decor and soft, warm lighting, creating a calming atmosphere. +A vintage postage stamp with intricate designs, featuring tiny text "Postal Service 1897" in the lower corner, set against a faded, antique background with subtle wear and tear. +A vibrant brick wall adorned with bold graffiti spelling out "Rebel Zone" in dynamic, colorful letters, set against a gritty urban backdrop with shadows of passersby and the faint glow of streetlights. +Retro gas station scene with an old pump sign displaying "Regular 39 Gallon", set against a nostalgic 1950s backdrop, with vintage cars and a classic American diner in the background. +A realistic photograph of a yellow school bus with a prominently displayed "Stop When Flashing" sign, standing at a rural crossroads on a sunny afternoon. The bus is slightly elevated on a hill, with children visible through the windows, and the sign is clearly illuminated by the sunlight. +A vibrant, futuristic video game loading screen with neon lights and a sleek interface, prominently displaying the tip "Collect All Coins" in bold, glowing text. The background features a dynamic, abstract landscape with floating platforms and shimmering coins. +A vibrant movie poster titled "Zombies vs Unicorns", featuring a dramatic clash between undead creatures and mystical unicorns in a moonlit forest. The poster highlights the contrast between dark, decaying zombies and the glowing, ethereal unicorns, set against a backdrop of ancient trees and swirling mist. +A realistic photograph of a large blue shipping container with the text "Cargo Weight Limit" prominently displayed on its side, standing in a busy port surrounded by cranes and other containers. +A cozy bakery interior with a beautifully decorated cake featuring the words "Happy Retirement" in elegant frosting, surrounded by warm, golden lighting and a rustic wooden table. +A construction site with a barrier wrapped in vibrant, eye-catching signage that reads "Danger Imagination Zone". The scene is bustling with workers in hi-vis jackets, and cranes loom in the background, emphasizing the blend of caution and creativity. +A realistic photograph of a tattoo parlor's front window, featuring a stylish decal that reads "No Regrets Just Art" in bold, modern font, with subtle reflections of the street outside. +A close-up of a sleek, modern locker with a combination lock set to "122436", the metallic surface reflecting subtle light, creating a realistic, high-detail photograph. +A museum exhibit featuring an ancient wooden stick with intricate carvings, labeled "First Selfie Stick 1432 AD". The plaque beside it provides historical context, explaining its significance in early photography and self-portraiture. The scene is lit by soft, ambient lighting, highlighting the artifact's details. +An antique globe with a vintage, worn sticker marked "Here be Tax Evaders" prominently placed over a mysterious, uncharted territory. The globe is displayed on a mahogany stand, with soft, ambient lighting highlighting its aged, detailed craftsmanship. +A bustling ice rink with enthusiastic spectators in the background, the scoreboard prominently displaying "Home Team 3 Visitors 2", capturing the tense and exciting atmosphere of a closely contested game. +A rock band T-shirt with a bold, distressed design featuring the phrase "Volume to 11" in neon colors, set against a dark background with guitar silhouettes and electric sparks. +A realistic photograph of an embossed "Seal of Approval" gold stamp prominently displayed on the corner of a product packaging, with a subtle shadow and a smooth, reflective surface. +A scientist in a lab coat, embroidered with "Dr Smith Genetics", stands in a modern laboratory, surrounded by high-tech equipment and genetic samples. The lab is bathed in the soft glow of fluorescent lights, highlighting the precision and cleanliness of the environment. +A realistic classroom scene featuring a detailed poster on the wall, illustrating the water cycle. The poster prominently displays the label "Evaporation" with an arrow pointing to the sun heating a body of water, showing water droplets rising into the air. +A vibrant beach scene with a surfer carrying a surfboard that reads "Waves Only No Bad Vibes" on its bottom, walking towards the ocean at sunset, with golden light casting long shadows and waves gently lapping the shore. +A close-up of a lab coat pocket, prominently displaying a badge that reads "Dr Genius PhD", set against a backdrop of laboratory equipment and scientific instruments, capturing the essence of a brilliant mind in a professional setting. +A realistic photograph of a bakery cake topper that reads "Happy Retirement", placed on a beautifully decorated retirement cake with pastel colors and golden accents, set against a warm, cozy bakery interior. +A close-up of a well-worn scientist's lab notebook, with a specific entry circled and labeled "Breakthrough Formula". The page is filled with intricate equations and diagrams, with the circled area highlighted by a bright yellow marker. +A realistic photograph of a diploma certificate with the text "Honors Degree" prominently displayed, surrounded by a gold-embossed border, laid on a dark, textured surface with a subtle light shining from above, highlighting the details and creating a sense of achievement. +A neon sign in a vibrant city night scene above a cozy bakery, flashing "Fresh Bread Daily" in bright, inviting colors, with the warm glow of the bakery's interior lighting spilling onto the sidewalk, attracting passersby. +A weathered treasure map with the iconic clue "X Marks the Spot", surrounded by detailed illustrations of ancient landmarks and mysterious symbols, laid out on an old wooden table with a flickering candle casting shadows. +A beach rental shack with a weathered wooden sign prominently displaying "Kayaks 20Hour" in bold letters, set against a backdrop of golden sand and gentle waves, with a few kayaks neatly arranged nearby. +A vintage blacksmith workshop sign reads "Iron Flame" in bold, rustic letters, hanging above a forge with sparks flying. The scene is set in a dimly lit, cobblestone alley, capturing the essence of a bygone era. +A close-up of a microscope slide with a label that reads "Specimen X24 Unknown Origin", set against a backdrop of a high-tech laboratory. The slide is illuminated by a soft, focused light, emphasizing the mysterious nature of the specimen. +A majestic medieval castle gate, adorned with ancient stone carvings and a prominent Latin inscription: "Veni Vidi Vici", set against a twilight sky, with torches flickering on either side, casting a warm, ambient light. +In the quiet exhibition hall, a prominent sign that reads "Do not touch" hangs above a display case, casting a subtle shadow on the polished floor. The scene is captured from a slight angle, emphasizing the warning and the elegant, minimalist design of the hall. +A realistic subway station featuring a vibrant tile mural titled "City of Bridges", depicting various iconic bridges from around the world, seamlessly blending modern and historical architectural styles. The mural spans the entire wall, capturing the essence of urban connectivity and cultural diversity. +A bustling farmer’s market stand, "Fresh Eggs Daily", with baskets overflowing with farm-fresh eggs, vibrant vegetables, and smiling farmers, under a sunny sky. Customers browse, creating a lively, colorful scene. +A bookstore window display titled "Bestsellers Week", featuring a vibrant arrangement of colorful books, with eye-catching posters and elegant lighting that highlights the newest bestsellers, set against a warm, inviting backdrop. +A vibrant concert scene with a crowd waving their hands, a large stage lit with colorful lights, and a close-up of a T-shirt in the front row with the slogan "Rock On" clearly visible. +A beautifully decorated birthday cake with intricate icing that spells out "Happy 30th Birthday" in elegant script, surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm glow from nearby fairy lights. +A city taxi at night with its roof light sign clearly displaying "Available Now", reflecting off the wet streets in a bustling urban scene. +A children's book illustration featuring a fluffy rabbit standing on its hind legs, holding a hand-painted sign that reads "Carrots for Peace", set against a backdrop of a sunny meadow with wildflowers. +A close-up of a restaurant receipt with the footer printed "Thank You Come Again", lying on a wooden table with a cup of coffee and a dessert plate in the background, captured in a realistic photographic style. +A realistic classroom setting with a large, detailed periodic table on the wall, prominently highlighting "Fe 5585 Iron" with a bright, yellow border. Students' desks are arranged in rows, and a few textbooks are scattered on them. +A coastal scene featuring a lighthouse tower prominently, its white surface painted with the bold, blue letters "Safe Harbor Ahead". The lighthouse stands against a backdrop of rolling waves and a clear sky, symbolizing hope and guidance for sailors. +A close-up of a crumpled concert ticket stub with "Row G Seat 12" clearly visible, lying on a textured wooden table, under a soft, warm light, capturing the essence of a memorable music event. +A detailed page from a wizard’s spellbook titled "Dragon Taming 101", featuring intricate, glowing runes that illuminate the ancient, yellowed parchment. The runes seem to pulse with a mystical energy, casting a soft, ethereal light around the edges of the page. +A vibrant food truck scene with a colorful menu board prominently displaying "Vegan Special BBQ Jackfruit" in bold, eye-catching letters. The truck is bustling with customers, and the aroma of grilled jackfruit fills the air. +A nighttime cityscape with a taxi driving down a bustling street, its roof adorned with a neon sign that brightly advertises "Midlife Crisis Tours", reflecting off wet pavements and catching the eye of passersby. +A picnic table in a sunny meadow, with a bunch of bananas artfully arranged to spell out "That's a Banana" in a playful, curved font, surrounded by scattered leaves and wildflowers. +A vintage suitcase adorned with a colorful collage of stickers, prominently featuring a large, eye-catching sticker that reads "Wanderlust Certified" amidst a mix of travel and adventure-themed decals. +A medieval knight stands proudly, his shield prominently displaying the motto "Honor Courage" in elegant script. The scene is set in a sunlit courtyard, with the knight's armor glinting and a crowd of villagers looking on with admiration. +A vintage ice cream truck parked on a sunny street, its side panel brightly advertising, "Try Our New Unicorn Flavor", with a whimsical unicorn illustration nearby, surrounded by pastel-colored balloons and sprinkles. +A camping tent set up in a lush forest clearing, with a tag clearly visible that reads "Weatherproof Up to 50mph", surrounded by tall trees and scattered rocks, under a cloudy sky with a light breeze. +An ancient, tattered page from a wizard’s spellbook, illuminated by a glowing incantation that reads "Incendio Maxima", surrounded by intricate runes and mystical symbols, set against a dark, mystical background. +A birthday card with an elegant, rustic design, featuring a majestic redwood tree in the background. The inside message reads, "30 Isn't Old For a Redwood", in a stylish, handwritten font, complemented by subtle, natural elements like leaves and bark textures. +A bustling city street with a storefront window featuring a vibrant decal announcing "Big Sale Today", surrounded by excited shoppers and colorful displays, captured in a realistic photographic style. +A wizard stands in a mystical forest, his staff glowing with an eerie light, the runes "Spellcheck Failed" clearly visible, casting shadows that dance among the ancient trees. +A realistic photograph of a road under construction, with a prominent sign flashing "Slow Down" in bright yellow and red, warning drivers to reduce their speed. The scene is set during the evening, with the sign illuminated by its own lights, casting a soft glow on the wet asphalt. +A futuristic spaceship cargo bay, dimly lit, with rows of crates. One crate is prominently featured, labeled "Handle With Care" in bold letters, reflecting the high-tech environment with subtle blue and white lighting. +A wizard in a dimly lit, ancient library, surrounded by towering bookshelves, holds a glowing scroll that unfurls to reveal the words "Spell Failed Try Again", casting a mysterious light on his puzzled expression. +An antique genie lamp with intricate engravings, including the phrase "Rub for Existential Crisis", sitting on a weathered wooden table, with a soft, golden light casting shadows around the room, creating an eerie yet intriguing atmosphere. +A wizard's staff emits a radiant glow, intricate runes spiraling along its length, each rune illuminated and spelling "Power Unbound" in an ancient script, set against a backdrop of a dark, mystical forest at twilight. +A close-up of an old, dusty book page with a vivid library stamp in the corner, reading "Property of Wizard Academy", surrounded by intricate, magical illustrations and faded text. +A cluttered scientist's lab bench with a small fridge in the background. On the fridge, a bright, red magnet clearly stating "Do Not Eat" stands out among various notes and papers. +A worn leather journal lies open on an old wooden desk, the page filled with frantic, handwritten script that reads, "Beware the Full Moon". The desk is bathed in the soft, golden light of a vintage lamp, casting long shadows. +A dimly lit, eerie haunted house with a weathered sign that reads "Enter at Your Own Risk", hanging crookedly from a rusted chain, set against a dark, foggy night. +A vibrant TV show poster for "Transworld: Starting Point 2", featuring a diverse cast of adventurous characters standing in front of a futuristic cityscape, with a glowing logo and dramatic lighting that highlights the excitement and mystery of their new journey. +A modern airport terminal, bustling with travelers. Near the security checkpoint, a clear, blue sign reads "Remove Belts" in bold white letters, illuminated by overhead lights. Passengers are adjusting their belongings, and the sign is prominently displayed on a white wall. +A protester stands in a crowded city square, holding a hand-painted sign that boldly states "Climate Action Now", surrounded by other demonstrators and banners, under a partly cloudy sky. +A vibrant food truck menu board under a sunny sky, prominently displaying "Tacos of Tomorrow" in bold, futuristic fonts. Colorful illustrations of space-themed tacos and neon lights enhance the sci-fi ambiance, attracting curious passersby. +A wizard stands in a dimly lit forest, his staff glowing brightly with the word "Lumos" illuminating the surrounding trees and casting magical shadows. +A realistic photograph of a heavy, steel bank vault door, prominently stamped with the warning "Authorized Personnel Only", set against a dimly lit, secure corridor. +A vintage kitchen countertop with a rustic wooden board, a handwritten recipe card reading "Grandmas Black Hole Cookies", surrounded by ingredients like flour, sugar, and chocolate chips, with a jar of cookies in the background. +A superhero stands confidently, their cape billowing in the wind, embroidered with "Hero for Hire" in bold, vibrant letters. The city skyline is visible in the background, with the sun setting, casting a warm, golden glow over the scene. +A vast desert landscape under a scorching sun, where a mirage shimmers on the horizon, displaying the words "Water Here" in shimmering, ethereal letters that seem to float above the hot, sandy ground. +A bustling post office interior with a sorting bin prominently labeled "Priority Mail Only", surrounded by stacks of letters and packages, with a postal worker in the background. +A detailed, realistic scene of a vintage train station with a ticket printer in the foreground, clearly displaying the ticket that reads "Platform 9". The station is bustling with travelers, and an old-fashioned steam train is visible in the background, preparing to depart. +A weathered pirate ship sails the turbulent sea, its main sail patched with a bold "No Refunds" sign, under a stormy sky. Rusty cannons line the deck, and the crew, dressed in tattered clothes, navigate with determination. +A classroom poster in a modern school, prominently displaying the text "Silence During Exams" in bold, clear letters. The poster features a minimalistic design with a soft blue background, enhancing the serious yet calm atmosphere of the exam environment. +A close-up of a fortune cookie slip, delicately placed on a red velvet surface, with the message "You Will Regret Reading This" prominently displayed in elegant, cursive font. Soft, ambient lighting enhances the texture and depth of the scene. +A hiker pauses on a rocky trail, their backpack prominently displaying a tag that reads "Trail Blazer", with the rugged landscape of mountains and forests stretching out behind them. +A classroom with a world map on the wall, a pointer marking the spot labeled "You Are Here", surrounded by students' desks and educational posters. +A realistic photograph of a mountain trail, featuring a wooden signpost that reads "Summit 2 Miles", surrounded by rugged terrain and tall pine trees. +At an amusement park, a colorful sign stands next to a thrilling roller coaster, clearly displaying "Must Be This Tall" with a marked height line, surrounded by excited children and patient parents. +A fast food drive-thru menu board at night, prominently displaying the "Burger Singularity Meal" with vibrant, glowing lights and bold fonts, surrounded by the silhouettes of cars queuing. +A close-up of a football helmet with a bold, vibrant sticker that reads "Hit Hard", set against a blurred background of a football field, capturing the intensity and spirit of the game. +A realistic photograph of a coffee cup with a sleeve printed in bold letters "Caution Hot", set on a wooden table with a light, warm ambiance. +A realistic photograph of a car with a novelty license plate frame that boldly states "World's Best Driver", parked on a sunny day in front of a suburban home, with a neatly trimmed lawn and a cheerful yellow flower bed. +A bustling street scene with a charming storefront prominently displaying "The world's best deli" in the center, surrounded by vibrant window displays and happy customers. +A close-up of a guitar's pick guard in a music store, intricately engraved with the phrase "Play It Loud", capturing the vibrant atmosphere of musical passion and performance. +A wizard gazes into a crystal ball, where swirling, ethereal "The End Is Nigh" text appears, casting an ominous shadow over a dimly lit, ancient library filled with mystical tomes and flickering candles. +A cozy bakery shelf with a variety of bread loaves, one bag prominently displaying the tag "Fresh Baked Daily", set against a warm, wooden background with a soft, golden light illuminating the scene. +A desert scene with a weathered signpost standing tall, clearly pointing towards the horizon with the text "Water Source Ahead" boldly displayed, surrounded by a stark, sandy landscape with a few scattered, resilient plants. +A retro arcade machine in a dimly lit room, with vibrant neon lights reflecting off its glossy surface. The machine features the classic text "Insert Coin To Play" prominently displayed, inviting players to engage in nostalgic gameplay. +A realistic photograph of an airport departure board, prominently displaying "Flight 808 Cancelled" in bold red text, with other flights listed around it. The scene is busy, with travelers looking concerned and staff assisting passengers. +A vintage circus tent with a ticket booth featuring a neon sign that reads "See the Melting Clown", set against a twilight sky, with a few curious onlookers and the silhouette of a clown peeking from behind the tent flap. +A sleek, black spy gadget briefcase, prominently stamped with "Top Secret Eyes Only" in bold, red letters, resting on a dark, shadowy table with a dim, focused light highlighting its intricate, high-tech features and subtle, engraved patterns. +In a classroom, the teacher stands beside a blackboard, chalk in hand, having just written the phrase "knowledge changes destiny" in bold, clear letters. Students sit at their desks, looking attentive and thoughtful. +A spy in a dimly lit alley, holding a sleek black briefcase with a label that reads "Top Secret Classified Nachos", under the glow of a flickering street lamp. +A realistic photograph of an elevator inspection certificate on a wall, stating "Last Checked May 2024", with a modern elevator door in the background and soft ambient lighting. +A close-up of a pharmacy prescription label, prominently displaying "Take Twice Daily" in clear, bold text, with a blurred background of medication bottles and a pharmacist's workspace, emphasizing the clinical and professional setting. +A close-up of a vintage seed packet, labeled "Moonlight Blooms", resting on a rustic wooden table. The packet is slightly worn, with an elegant, handwritten font and a delicate illustration of a moonlit garden in the background. +A superhero in a vibrant costume, prominently featuring a flowing cape with the emblem "Captain Procrastinator" emblazoned on it, standing heroically against a city skyline at sunset. +A futuristic spaceship with its hull stenciled "Galaxy Voyager XII" glides through the vastness of space, its metallic surface reflecting the distant stars and galaxies, creating a stunning contrast against the dark cosmos. +A yoga mat with the print "Breathe In Breathe Out" laid on a serene, sunlit beach at sunrise, surrounded by soft sand and gentle waves, capturing the essence of mindfulness and tranquility. +A high-resolution computer monitor displays a screen saver with the message "System Locked" in bold, white text against a dark, sleek background. The monitor is set on a modern, minimalist desk in a dimly lit room, casting a soft glow. +A vintage kitchen backdrop with a retro fridge featuring a quirky collection of magnets spelling "Adulting Fails", surrounded by nostalgic kitchenware and a playful, slightly disorganized atmosphere. +A vintage radio with a glowing dial displaying "Tune To 1045 FM", set against a warm, nostalgic background with soft, ambient lighting highlighting the intricate details of the radio's wooden casing. +A video game loading screen with a retro aesthetic, featuring pixelated graphics and a bright, neon color palette. The screen displays the tip: "Press Any Key Except That One" in bold, vibrant letters, surrounded by dynamic, glowing effects. +A UFO has left a crop circle in a wheat field, intricately spelling out "We Come in Pizza" with the stalks of wheat, under a twilight sky, creating a mysterious yet whimsical scene. +An astronaut's boot print, clearly stamped with the words "First Steps", embedded in the fine lunar soil, with the stark, shadowy landscape of the Moon stretching out to the horizon. +A realistic photograph of a prohibition sign reading "No Gambling" prominently displayed at the entrance of a lavish casino, with neon lights and a red carpet leading inside. +In a cozy museum gift shop, a ceramic mug sits on a shelf, its surface adorned with the whimsical text "I History", surrounded by vintage maps and historical books, capturing the essence of a nostalgic journey through time. +A realistic classroom scene featuring a chalkboard with the iconic equation "E = mc²" prominently displayed, surrounded by other math formulas and diagrams, with a few students' desks in the foreground. +A sushi conveyor belt in a modern sushi bar, featuring a plate labeled "Yesterdays Catch Eat Fast", with an array of fresh-looking sushi pieces, including tuna, salmon, and eel, under soft, warm lighting. +A detective's office door, slightly ajar, with a brass plaque reading "Private Eye Open" prominently displayed. The scene is dimly lit, with a single ray of light highlighting the plaque, creating a noir atmosphere. +A detailed, realistic photograph of an ancient, ornate wooden chest, slightly ajar, with a golden plaque on top that reads "Tax Documents Do Not Open", surrounded by glowing dragon scales and mystical runes. +A rock band T-shirt featuring bold, gritty graphics with the text "Garage Sale Tour 2024" prominently displayed, surrounded by distressed elements and electric guitar silhouettes, capturing the raw energy and rebellious spirit of a garage band on the rise. +A museum exhibit featuring an elegant plaque titled "Ancient Civilizations", surrounded by artifacts from various historical periods, including pottery, tools, and statuettes, all displayed under warm, ambient lighting that highlights the rich textures and colors of each piece. +A sleek smartphone screen displaying a lock screen notification preview with "3 New Memory Reels" at the center, set against a soft, blurred background of a modern cityscape at dusk, with the glow of streetlights and the silhouette of skyscrapers. +A close-up of a samurai sword scabbard, intricately engraved with the phrase "Honor Above All", set against a traditional Japanese backdrop with cherry blossoms gently falling. The wood grain is detailed, showcasing the craftsmanship and age of the weapon. +A mountain climber stands triumphantly on a rugged peak, a flag planted firmly in the rocky ground with "Peak Conquered" boldly written on it, overlooking a breathtaking vista of mist-covered mountains and valleys below. +A sleek alien spacecraft hovers above a serene landscape, its hull etched with intricate symbols that read "Earth Observers" in a glowing, alien script, reflecting the twilight sky and casting an eerie, blue light on the surrounding trees. +Underwater cave with intricate wall carvings, subtly illuminated by bioluminescent light, the ancient text clearly reads "Mermaids Were Here", surrounded by swirling currents and colorful coral. +In a hospital nursery, a large bassinet holds a surprisingly oversized newborn, with a tag clearly reading "Baby Girl 72lbs". The room is softly lit, with medical equipment in the background, emphasizing the unusual size of the baby. +A close-up of an astronaut's mission patch, intricately detailed with the insignia "Apollo 25 Crew", set against the backdrop of a lunar landscape, with the Earth visible in the distant sky. +A close-up of a hospital wristband, prominently displaying the text "Allergic to Nonsense", against a clean, white hospital bed sheet, with a subtle reflection of fluorescent lighting. +A close-up of an old, worn library book with a red stamp reading "Due Tomorrow" on the checkout slip, surrounded by vintage bookmarks and a cup of coffee on a wooden desk, with soft, warm lighting. +A medieval tavern's wooden menu board, intricately carved with the words "Mead Mischief", hangs by a weathered chain above a rustic wooden bar, illuminated by the warm glow of hanging lanterns. +A vibrant skateboard deck, its surface airbrushed with the bold, dynamic text "Skate or Die Trying", set against a backdrop of a gritty urban alley, with graffiti and faded posters adding to the edgy vibe. +A steaming coffee cup with a sleeve printed "Caution Hot AF" sitting on a wooden table, surrounded by a scattered notebook and a laptop, in a cozy café setting. +A close-up of a hotel key card sleeve on a wooden desk, featuring the text "Room 1427 Check Out 11AM", with a subtle reflection of a window in the background. +A dimly lit prison cell with rough stone walls, where faint tally marks form the words "Days Since Escape 0", illuminated by a single shaft of light through a high, barred window. +A detailed ski resort map featuring a prominent red marker labeled "Steep Deep", surrounded by steep slopes and deep powder snow, with skiers descending in the background. +A high-resolution video game loading screen with the text "Level 5 Loading" prominently displayed in a sleek, futuristic font. The background features a dark, cyberpunk cityscape with neon lights and holographic advertisements, creating a sense of anticipation and immersion. +An ambulance parked on a city street, its side panel prominently displaying "Emergency Medical Service" in bold, clear lettering, with a subtle glow from the vehicle's lights illuminating the text, enhancing its visibility in the evening urban landscape. +A realistic photograph of a sleek, modern highway patrol car with a prominent decal on its side stating "Speed Monitored", parked on the shoulder of a busy highway at dusk, with the glow of streetlights and the blur of passing vehicles in the background. +An ancient wizard's spellbook lies open on a weathered oak table, its pages glowing with an ethereal light. The runes "Ignis Fatuus" shimmer in vibrant, pulsating colors, casting an otherworldly glow around the dark, mystical room. +A cinematic scene with dramatic lighting, showcasing the text "Dramatic Music Plays" in bold, vintage film subtitle style, set against a dark, moody background with subtle, swirling mist. +A detective's evidence tag, marked "Case 42 Unsolved", lies on a worn wooden table, illuminated by the soft glow of a desk lamp. The tag is partially obscured by a faded photograph and a magnifying glass, hinting at the mystery and intrigue of the unsolved case. +A bustling night scene in Times Square, with a digital billboard towering over the crowd, flashing the vibrant message "New Year Sale" in dynamic, colorful lights, surrounded by neon signs and excited shoppers. +In a luxurious hotel, the elevator doors open to reveal a mirrored wall with intricate etching that reads "Floor 13" in elegant, gothic script, reflecting the opulent chandelier and polished wooden floor. +Retro arcade cabinet with a vibrant marquee displaying "Insert More Quarters", set in a dimly lit game room with soft neon lights casting a nostalgic glow, emphasizing the classic pixel art and worn wooden finish. +A dimly lit, gothic room with a grand, ornate coffin centered in the scene, its surface intricately engraved with the words "Nap Time Do Not Disturb". The coffin is surrounded by flickering candles and shadows, emphasizing the eerie, tranquil atmosphere. +A close-up photograph of a rechargeable battery, with the word "medium" clearly visible on its surface, set against a neutral background to highlight the text and the battery's sleek design. +In a bustling airport, the baggage claim screen prominently displays "Lost Socks Zone" amidst a sea of travelers. The scene is vibrant, with a mix of excited and frustrated people, conveyor belts moving luggage, and a unique corner dedicated to the whimsical concept of lost socks. +A vibrant birthday card featuring colorful confetti and balloons, with the message "Happy 21st" prominently displayed in shiny gold lettering, set against a joyful, celebratory background. +In a dimly lit library, an old, leather-bound book titled "Secrets Of The Deep" stands out among the rows of books. Its spine is worn, with gold lettering that glows faintly in the soft light, hinting at mysteries hidden within its pages. +A vintage bookstore display window, elegantly showcasing a collection of classic novels. The sign above reads "Classic Novels" in elegant gold lettering, reflecting the timeless charm of the literary treasures within. +A winding mountain trail with a wooden signpost marker carved with "Summit 2 Miles Ahead", surrounded by lush greenery and rocky terrain, under a clear blue sky. +A surfer stands on a sandy beach, holding a beach towel printed with "Hang Ten" in bold, vibrant letters. The sun sets behind them, casting a warm, golden light over the ocean and the shore. +A vast desert under a scorching sun, where a distant mirage shimmers, clearly displaying the words "Free WiFi Ahead" in the haze, creating a surreal and ironic scene of modernity in the midst of barren sands. +A protestor holds a placard demanding "Equal Rights Now" in bold red letters, standing amidst a crowd in a vibrant urban setting, with passersby looking on, capturing the moment on their phones. +A vibrant skateboard deck with a bold graphic stating "Grind Till Tomorrow", set against a dynamic urban backdrop of graffiti and skate ramps, capturing the essence of skate culture and the relentless pursuit of progress. +A surreal landscape featuring an alien plant that has grown into the distinct shape of the words "Take Us Home", with intricate, glowing bioluminescent patterns weaving through its structure. +A vibrant concert poster for "The Electric Tigers", featuring bold, lightning bolt-shaped text that crackles with energy, set against a dynamic background of deep blues and purples, with the band's name prominently displayed. +An engraved stone plaque reading "City Park Est 1920" situated at the main gate of a historic park, surrounded by lush greenery and ornate iron fencing, with a pathway leading into the distance. +A realistic classroom scene with a whiteboard in the background, clearly written in bold letters, "Test Next Friday". Students are seated at desks, some looking worried, others indifferent, capturing the atmosphere of anticipation and stress. +A close-up of a bookmark in an old library book, with a clear stamp that reads "Return by Due Date", surrounded by worn pages and the subtle scent of vintage paper. +A realistic photograph of a dormitory hallway, with a prominently displayed notice board featuring a sign that reads "Quiet Hours Strictly Enforced", surrounded by posters and flyers, under soft, warm lighting. +A realistic urban alleyway at dusk, adorned with vibrant alien graffiti that prominently features the text "Welcome Humans" in a futuristic, extraterrestrial font, surrounded by intricate symbols and patterns. +A basketball court with a unique floor design featuring the phrase "Home Court Advantage" prominently displayed at center court, surrounded by dynamic geometric patterns and team colors, capturing the energy and spirit of the game. +A close-up photograph of a library bookshelf, with a book spine prominently displaying the title "Encyclopedia Vol 7" amidst other worn, aged books. The scene is bathed in the warm, soft light of a nearby window, highlighting the texture of the leather bindings. +A winding hiking trail through a dense forest, where a large tree trunk is intricately carved with the words "Bear Sighted 815", surrounded by fallen leaves and moss-covered rocks. +In a zoo, a penguin exhibit features a sign that reads "Antarctic Ambassadors". The scene is filled with playful penguins on ice, surrounded by snowy landscapes and blue skies, emphasizing the natural habitat and the sign's prominence. +A vast desert landscape with an ancient, weathered signpost standing tall, pointing towards the horizon with the faded text "To Mirages". The sun sets behind, casting long shadows and a warm, golden glow over the sandy dunes. +A close-up of a shiny car bumper featuring a sticker with the slogan "Honk If You Love Cats", surrounded by paw prints and small, playful cat illustrations. The sticker is slightly weathered, giving it a realistic, well-used appearance. +A vibrant skateboard deck with a bold graphic stating "Skate or Die Trying" in dynamic, graffiti-style letters. The deck is placed on a concrete ramp, with a sunny sky and a skate park in the background, capturing the essence of urban skate culture. +A sleek, modern car parked on a sunlit street in California, with a license plate frame stating "California Dreamin". The car is surrounded by palm trees and vibrant flowers, capturing the essence of the California dream. +An art gallery featuring a sleek, modern plaque titled "Abstract Confusion 2023" hanging below a vibrant, chaotic abstract painting. The plaque is made of polished metal with elegant, sans-serif text, set against a minimalist white wall. +A sushi conveyor belt in a modern Japanese restaurant, featuring a label that clearly reads "Tuna Nigiri", with fresh tuna nigiri sushi pieces arranged neatly nearby. +A nostalgic retro video game title screen with pixelated graphics, vibrant 8-bit colors, and the word "Continue" flashing brightly in the center. +A vintage telephone with a prominent dial, clearly displaying the text "For Emergencies Only", set against a nostalgic backdrop of a 1950s living room. +A sleek, modern racecar speeding on a track, with a bold decal that reads "Speed Is Legal" prominently displayed on its side, capturing the dynamic motion and intensity of the race. +A medieval knight holds a shield emblazoned with the motto "Honor and Steel" in a grand, sunlit castle courtyard, surrounded by stone walls and banners fluttering in the breeze. +A close-up of a gardening pot label, clearly marked "Organic Basil Grow Kit", set against a backdrop of lush green leaves and soil, with a subtle sunlight filtering through, highlighting the natural and organic theme. +A realistic photograph of a dog training manual page titled "Command: Sit, Stay, Quiet", showing a detailed illustration of a dog in a sitting position, with clear, step-by-step instructions and tips for training. +In a dimly lit, dusty haunted mansion library, an ancient, leather-bound book titled "How to Disappear" rests on a wooden shelf, surrounded by cobwebs and flickering candlelight. The room is filled with an eerie silence, and shadows dance on the walls. +An antique globe with intricate, aged markings, featuring a mysterious, undiscovered continent labeled "Here Be WiFi", set against a vintage library backdrop with warm, ambient lighting. +A jewelry store window display featuring a variety of sparkling engagement rings, each set in a velvet-lined case. The display is titled "Engagement Rings" in elegant, gold lettering. Soft, warm lighting highlights the intricate designs and brilliance of the diamonds. +A Halloween night scene featuring a carved pumpkin with the "Boo Who" face, glowing softly from within. The pumpkin sits on a wooden porch, surrounded by fallen leaves and flickering jack-o'-lanterns, casting eerie shadows in the dim, moonlit yard. +A realistic photograph of a coffee cup with a sleeve printed "Caution Liquid Hot", sitting on a wooden table, steam rising gently from the cup, with a soft, warm lighting highlighting the texture of the sleeve and the liquid inside. +A cozy treehouse nestled in a lush oak tree, with a small, hand-painted sign nailed to the entrance reading "No Adults Allowed", surrounded by dappled sunlight filtering through the leaves. +An ancient, weathered scroll lies unrolled, revealing faded text that reads "Seek the Orb". The parchment is yellowed with age, with subtle cracks and stains, set against a dimly lit, mystical background. +A close-up of a board game card with the text "Draw Two Cards" in bold, vibrant colors, set against a textured, wooden table surface, with a few other game pieces and cards scattered around, capturing the essence of a lively game night. +A cozy café interior with a chalkboard menu prominently displaying "Soup of the Day Tomato Basil" in elegant script, surrounded by sketches of tomatoes and basil leaves, illuminated by warm, ambient lighting. +Movie premiere red carpet, bustling with paparazzi and fans, "Stars Walk Here" sign prominently displayed, elegant celebrities in glamorous attire, sparkling lights, and a throng of excited onlookers. +A bustling art supply store with a vibrant banner prominently displaying "50% Off All Brushes" hanging above the entrance, surrounded by colorful paint tubes and brushes in the window. +A fantasy tavern sign, weathered and swinging gently in the breeze, reads "Dragons Breath Ale" in bold, glowing letters, set against a backdrop of ancient, cobblestone streets and mystical, lantern-lit alleys. +A close-up of a firefighter's helmet, prominently featuring a bold sticker that reads "Stay Back 50ft", set against the backdrop of a smoky, urban firefighting scene. +A futuristic room with a robot displaying an error message screen that flashes "Insufficient Hugs Detected", surrounded by scattered, half-embraced plush toys, with a forlorn expression on its metallic face. +A vibrant hot air balloon ascends into a clear blue sky, with the words "Sky High Adventures" painted in bold, colorful letters across its fabric, capturing the essence of joyful exploration and freedom. +A child's colorful drawing of a vibrant rainbow, labeled "My Happy Place", on a crisp, white sheet of paper, surrounded by crayons and pencils, with a soft, blurred background of a sunny, blue sky. +A gloomy, overgrown path leads to a decrepit, iron gate of a haunted mansion, creaking ominously in the wind. The gate is adorned with faded, gothic engravings and a menacing sign that reads "Enter Forever". Fog swirls around, adding to the eerie atmosphere. +A charming garden scene featuring a gnome sign that reads "Keep Off Grass", surrounded by lush, green grass and colorful flowers, with a cobblestone path leading away into a vibrant, sunlit landscape. +A sophisticated jewelry store display showcasing the "Diamond Collection", with glittering diamonds set in elegant gold and silver settings, arranged on a velvet backdrop under soft, focused lighting that highlights their brilliance and sparkle. +A close-up of an antique watch face, intricately engraved with the motto "Time Flies", set against a warm, golden background, capturing the timeless elegance and craftsmanship of the piece. +A weathered pirate ship menu, tattered and splashed with sea water, prominently features "Scallywags Special Hard Tack" amidst sketches of anchors and skulls, set against a backdrop of a stormy ocean and a dark, looming sky. +A realistic photograph of a subway train with vibrant graffiti spelling "Rebel Without a Pause" in bold, striking letters, contrasting against the metallic surface of the train. The scene captures the dynamic energy of urban street art. +A close-up of a pet collar tag, intricately engraved with "If Lost Return to Area 51", lying on a rustic wooden table, with a blurred background of a forest, enhancing the mysterious and adventurous vibe. +A dimly lit bar with a neon sign flashing "Last Call" above a polished wooden counter, showcasing a row of vintage whiskey bottles, each bottle reflecting the soft glow of the neon light. +A dimly lit secret cave with ancient wall carvings, prominently featuring the inscription "Treasure Below" in intricate, weathered text, surrounded by mystical symbols and faded drawings of ancient explorers. +A weathered treasure chest on a sandy beach, partially buried, with intricate engravings reading "X Marks the Spot" on its lid, surrounded by seashells and driftwood, under a clear blue sky. +A real estate sign reading "Open House Sunday" stands prominently in the front yard of a cozy suburban home, surrounded by neatly trimmed grass and blooming flowers. +A realistic photograph of a bicycle with a license plate that reads "Bike 123", parked against a brick wall with a slight overcast sky, capturing the subtle reflections on the bike's metallic frame. +A weathered, old wanted poster hangs on a wooden saloon door, featuring a rugged cowboy with a determined look. The poster prominently displays "5000 Reward" in bold, faded letters, set against a dusty, Wild West town backdrop. +A cozy bakery scene featuring a rustic wooden table with a delicate bakery box stamped "Handle With Care" sitting prominently in the center, surrounded by freshly baked pastries and a warm, inviting ambiance. +A close-up, realistic photograph of a historical document with a signature line that reads "John Hancock", showcasing the distinct, bold handwriting on aged, slightly yellowed paper. +A vibrant dog park entrance featuring a whimsical sign that reads "Leash Your Humans", surrounded by playful pups and cheerful owners, set against a sunny, tree-lined backdrop. +A realistic smartphone screen displaying a notification that reads "Memory Full Delete Memories", surrounded by a modern, minimalist room with soft, natural lighting highlighting the device. +A vintage diner placemat with a nostalgic design, prominently featuring the text "Pie Champion Since 1958" in bold, retro typography. The placemat includes illustrations of classic pies and a checkered border, set against a warm, sunny backdrop. +A realistic laboratory setting with a whiteboard prominently displayed, covered in scientific equations and diagrams. The central focus is the scribbled text "Theory Proven E = mc²", surrounded by other notes and calculations, with a scientist's silhouette in the background. +A realistic photograph of an ambulance parked on a city street, with its side panel prominently displaying the text "Saving Your Bacon Since 1999". The ambulance is clean and modern, with emergency lights on top, and the scene is set during the day with people walking by. +A train conductor, wearing a classic uniform with a hat emblazoned with "Transcontinental Express", stands confidently beside a vintage locomotive, the steam rising around him, set against a backdrop of a sprawling, sunlit landscape. +A realistic photograph of a roadwork barrier sign with the text "Detour" in large, orange reflective letters, set against a dimly lit urban street at dusk. +A cozy café interior with a chalkboard menu prominently displaying "Daily Brew Special" in elegant, handwritten script. Warm lighting and a rustic wooden table in the foreground enhance the inviting atmosphere. +A retro arcade machine, its neon lights flickering, displays "Insert Quarter for Truth" in vibrant, glowing letters. The machine stands in a dimly lit room, casting a nostalgic glow, inviting players to uncover hidden truths with each coin. +A sleek race car speeds down the track, its vibrant decal "Speed Demon Racing" gleaming under the sun, with a cloud of smoke trailing behind from its powerful tires. +An astronaut floating in space, their helmet visor prominently displaying "O₂ LOW" in red alerts, against the backdrop of a distant, glowing planet and star-speckled cosmos. +A vibrant superhero comic panel with dynamic action, featuring a caped hero mid-flight, arms outstretched, cityscape below, with bold text exclaiming "To the Rescue" in the top corner. +A medieval royal proclamation, written on aged parchment, sealed with a wax seal embossed with "The King Commands", resting on an antique wooden desk, with a quill pen and candle nearby, bathed in the warm glow of a sunset streaming through a stained glass window. +A vintage time capsule buried in a lush, green park, with a weathered label that reads "Open in 2050" clearly visible. The capsule is partially unearthed, surrounded by fallen leaves and overgrown grass, under a clear blue sky. +An astronaut's mission patch "Mars 2030" prominently displayed on their spacesuit, standing on the red, rocky surface of Mars, with a dusty landscape stretching into the distance and a small, blue Earth visible in the sky. +A close-up of a robot poet's notebook, open to a page where the text "Roses are FF0000" is written in elegant script, surrounded by sketches of roses in various stages of bloom, all rendered in vibrant shades of red. +A gym interior with a treadmill in focus, the screen prominently displaying "Calories Burned 2", surrounded by modern workout equipment and a few people exercising in the background. +A dark forest clearing at night, a witch in a tattered cloak stirs a cauldron of bubbling green potion, labeled "Try Again Tomorrow", under the light of a full moon, surrounded by glowing fireflies. +A mysterious envelope lies on an old, dusty desk, its surface embossed with the cryptic message "Bring Snacks". Moonlight filters through a window, casting eerie shadows that dance around the invitation, hinting at the secret society's hidden agenda. +In a futuristic restaurant, a sleek robot waiter holds a silver tray displaying "Tip in Oil or Compliments". The metallic surface of the tray reflects the ambient neon lights, while the robot's eyes emit a soft blue glow, standing against a backdrop of sleek, modern decor. +A realistic photograph of a wrestling championship belt, prominently displaying a plaque that reads "Undisputed Procrastinator", set against a backdrop of a bustling gymnasium with cheering fans in the background. +A vibrant opera house program cover titled "La Traviata", featuring an elegant, 19th-century styled woman in a flowing gown, surrounded by ornate golden frames and dramatic, sweeping curtains, set against a rich, deep red background. +An astronaut's uniform with a detailed patch embroidered with "Moon Base One", set against the backdrop of a futuristic lunar settlement, under the vast, star-filled sky. +A police car parked on a busy city street, its side adorned with a humorous decal that reads "To Protect Snack". People walk by, glancing with amused smiles, while the car's lights flash softly in the background. +A gym interior with a large mirror featuring a bold decal that reads "No Pain No Gain", surrounded by workout equipment and motivational posters, with a few athletes training in the background. +A close-up of a sleek, modern hotel key card, prominently displaying "Room 307" in elegant font, set against a subtle, textured background. +A poster design featuring the title text "Horror Island" in a gothic font, set against a backdrop of a foggy, eerie island with twisted trees and a crumbling, ancient lighthouse. +A museum exhibit featuring dinosaur bones with a plaque titled "Jurassic Era Fossils" below them, set against the backdrop of a dimly lit hall with soft spotlights illuminating the fossils. +A bustling bookstore interior with a shelf prominently labeled "Bestsellers This Week", featuring a variety of colorful book covers and a few browsing customers, captured in a realistic photographic style. +A realistic classroom scene with a chemistry blackboard featuring the formulas "H2O and CO2" prominently displayed, surrounded by students' notes and diagrams. Soft, natural light filters through the windows, casting a gentle glow on the chalk-covered surface. +An ancient tombstone stands in a dimly lit, overgrown cemetery, its surface etched with the ominous warning "Beware Crocodile God". Moss and vines cling to its weathered surface, casting eerie shadows in the fading light. +A realistic photograph of a laboratory whiteboard with the equation "E = mc²" (using superscript 2) written in black marker, surrounded by scattered scientific notes and diagrams. +A rustic roadside stand featuring a weathered wooden sign painted with "Fresh Eggs Daily", surrounded by a countryside setting with a basket of fresh eggs on the stand and a backdrop of green fields and distant hills. +A realistic photograph of a movie set, with a clapperboard clearly displaying "Scene 24 Take 3" in the center, surrounded by crew members preparing for the next shot. The scene is bathed in the warm light of the afternoon sun, adding a cinematic feel. +A close-up photograph of a laboratory flask with a caution label that reads "Volatile Compound X", set against a backdrop of scientific instruments and safety gear, emphasizing the hazardous nature of the compound. +A misty graveyard at dusk, with a ghost's tombstone etched "Boo Got You", surrounded by overgrown grass and twisted trees, creating a eerie and haunting atmosphere. +A detective stands under a dim streetlight, the fedora band clearly reading "Noir Investigations", with raindrops glistening on the brim, set in a 1940s noir scene. +A vibrant skateboard deck with the bold graphic "Skate or Die" emblazoned across it, set against a backdrop of a bustling urban skate park at sunset. The scene captures the essence of skate culture, with gritty textures and dynamic shadows. +A futuristic spaceship console with a prominent red warning light flashing, displaying the message "WARP DRIVE FAILURE" in bold, illuminated letters. The console is surrounded by dim blue lights and technical gauges, set in a sleek, modern spacecraft interior. +A realistic urban scene with a vintage street sign prominently displaying "Main Street", set against a backdrop of bustling city life, with pedestrians and cars passing by. +In a bustling airport terminal, a large digital display board blinks "Flight 808 Delayed" amidst a sea of other flight information, while travelers look on with expressions of anticipation and frustration. +A sun-faded highway billboard stands tall, its colors worn and edges tattered, promoting "Best Burgers in Town" against a backdrop of a bustling cityscape at dusk. +A bright yellow caution tape, labeled "Do Not Cross", is wrapped around a large tree. Sunlight filters through the leaves, casting dappled shadows on the ground, creating a mysterious and slightly tense atmosphere. +A wizard stands beside an ancient hourglass labeled "Time Warp Active", its sands swirling with magical energy, casting an ethereal glow in a dimly lit, mystical chamber. +A detailed fantasy map with a medieval aesthetic, featuring a legend that notes "Here There Be Tax Collectors". The map shows a rugged landscape with forests, mountains, and a winding river, emphasizing the ominous warning in the legend. +A knight's loyal horse, its armor intricately engraved with the words "Gallant Steed", stands proudly in a medieval courtyard, the sunlight reflecting off the polished metal, highlighting the detailed craftsmanship. +A realistic classroom setting with a detailed periodic table prominently displaying "Element 79 Au Gold". Students are seated at desks, and a teacher points to the gold element, highlighting its significance in a chemistry lesson. +A realistic photograph of an apartment lobby featuring a prominently displayed sign that reads "No Pets Allowed", with modern interior design elements and a few people passing by. +A modern living room with a sleek smart home device on a wooden table. The device's screen prominently displays "Hello Welcome Back" in a clean, futuristic font, illuminated against a dark background. Warm ambient lighting enhances the cozy, welcoming atmosphere. +A vintage wanted poster with a faded, distressed look, prominently displaying "10000 Reward" in bold, ornate text. The poster features a sketch of a notorious outlaw, surrounded by detailed, old-fashioned typography and a weathered, rustic background. +A realistic photograph of a smartphone screen with a notification popping up, displaying the text "New Message" in a modern, clean interface, set against a blurred background of a coffee shop. +A futuristic robot standing in a dimly lit room, its chest screen flashing "Heart" in a rhythmic pulse, casting a soft glow on the metallic surface around it. +A movie poster featuring a serene lakeside scene with fishermen casting lines, set against a backdrop of mountain ranges. The logo "The Manzanar Fishing Club" is prominently displayed at the top, with a subtle, rustic font that complements the natural setting. +A serene desert scene with an oasis in the distance, a weathered signpost standing tall, clearly pointing towards the lush water source with the text "Water This Way" boldly displayed. +A realistic photograph of a theater stage, with a clear floor marking that reads "Center Stage Here" in bold, white letters, surrounded by the warm, dim lighting of the auditorium. The wooden floor and red curtains add a classic, timeless feel to the scene. +A dragon's lair, dimly lit, with a massive hoard of gold and treasures. The dragon, with a mischievous glint in its eye, holds a sign that reads, "Gold Missing Check My Belly". The scene is set in a cavernous, ancient chamber with a mystical atmosphere. +A realistic book cover for an astronaut training manual titled "Zero Gravity Procedures", featuring a sleek, modern design with a space-themed background and a clear, professional font. The cover includes an astronaut floating in zero gravity, holding a checklist. +A realistic photograph of a wizard university diploma, elegantly framed, prominently displaying "Major in Dragon Economics" in an ancient, arcane font, surrounded by intricate, magical embellishments and a detailed, worn wooden frame. +A close-up of a bakery window featuring a whimsical decal that proudly declares, "World's Okayest Croissants", with a warm, inviting interior and a few pastries visible through the glass. +A realistic photograph of a car dashboard at night, with the "Check Engine Soon" alert illuminated in a soft red glow, casting a subtle light on the surrounding controls and gauges. +A quaint wizard shop with an inviting window display, featuring a vibrant sign that reads "Love Potions 50% Off". The sign is illuminated by magical lights, casting a warm glow on an array of colorful potions and enchanted items. +A vintage movie theater marquee, glowing neon lights spelling out "Premiere Tonight" against a dark, starry sky, with a red carpet rolled out front and a crowd of excited moviegoers gathering. +A bustling sushi restaurant with a conveyor belt featuring a vibrant "Maguro Express" tag, showcasing a variety of fresh sushi rolls, including tuna, as diners sit around, eagerly selecting their dishes. +Neon "Open 247" sign blinking intermittently outside a dimly lit convenience store, surrounded by the urban night, with a faint glow illuminating the sidewalk and a few scattered pedestrians. +A close-up of a voting booth with an instruction card prominently displayed, stating "Fill the Oval Completely". The scene is set in a modern polling station, with the card clearly visible against a clean, well-lit background. +A bustling school cafeteria with a vibrant sandwich board proudly displaying "Mystery Meat Mondays Are Back" in bold, playful letters, surrounded by curious students and a backdrop of colorful posters and tables laden with various lunch options. +A realistic photograph of a garden plant marker, clearly labeled with "Herbs Basil Thyme", standing amidst a lush bed of green herbs, with sunlight filtering through the leaves, casting gentle shadows on the soil. +A museum exhibit featuring a large, detailed plaque that reads "Age of the Dinosaurs". Surrounding the plaque are lifelike models of various dinosaurs, including a towering T-Rex and a group of grazing Triceratops, set against a backdrop of lush, prehistoric foliage. +A sleek police car parked on a city street at dusk, the "Protect and Serve" decal clearly visible on the side, with the city lights reflecting off the vehicle's polished surface. +A time traveler's wristwatch, with the face reading "Yesterday OClock", set against a vintage, steampunk backdrop, capturing the essence of temporal displacement and nostalgia. +A cozy living room on Mars, featuring a plush red velvet pillow with intricate embroidery reading "Home Sweet Mars" placed prominently on a futuristic sofa, surrounded by alien plants and a panoramic window showcasing the Martian landscape. +A realistic photograph of a construction site with a bright yellow barrier marked "Danger Hard Hat Area", surrounded by scattered tools and safety cones, under a clear blue sky. +A majestic mountain peak with a banner unfurled at the top, reading "Summit Achieved", against a backdrop of clouds and rocky terrain, capturing the moment of triumph in a realistic photographic style. +A neon bar sign glowing "Liquid Courage Served Here" in vibrant pink lights, set against a dark urban night scene with a slight mist in the air, creating a moody, atmospheric environment. +A detailed drawing featuring the text "tozawa" in alphabetism style, surrounded by intricate, thick gauge filigree. +A futuristic space elevator panel labeled "Ascending to Station Alpha", illuminated by soft blue lights, set against the backdrop of a distant Earth, with stars twinkling in the vast, dark cosmos. +A serene golf course with lush green fairways and a clear blue sky, featuring a prominent "Play Fair Play" sign at the tee box, surrounded by well-manicured grass and a few golfers in the distance. +A cozy coffee shop interior with warm lighting, wooden furniture, and a vintage aesthetic. On a rustic chalkboard, the text "Existential Latte 499" is prominently displayed, with a steaming cup of coffee and a thoughtful customer in the background. +A futuristic demo screen of a virtual reality headset, showcasing the text "Enter Metaverse" in a sleek, glowing font against a dark, high-tech background. The headset is displayed on a reflective surface, with soft ambient lighting highlighting its advanced design. +In an ancient, moss-covered stone temple, a worn tablet stands erect, its surface etched with ominous runes that read "Beware the Moon Tide". The scene is bathed in the eerie glow of a full moon, casting long shadows and highlighting the tablet’s warnings. +A vibrant urban alley with a graffiti wall featuring the bold tag "Urban Canvas Crew 2023", surrounded by colorful murals and street art, capturing the dynamic energy of the city. +A twilight scene on a deserted highway, the exit sign reads "Next Civilization 500 Miles" illuminated by the last rays of the sun, with an empty road stretching into the distance, framed by stark, barren landscapes. +A vibrant firework explodes in the night sky, its colors blending and swirling to form the word "Celebrate" in a dynamic, sparkling display, surrounded by the dark expanse of the heavens. +A high-tech space station module, clearly labeled "Zero Gravity Lab", floating against the backdrop of a star-studded universe, with intricate mechanical parts and glowing blue lights indicating its operational status. +A realistic photograph of a smartphone screen with a notification popup prominently displayed, saying "Memory Full", set against a neutral background to emphasize the warning message. +A realistic urban night scene with a neon sign in a shop window blinking "Sale 50 Percent Off", casting vibrant red and blue hues onto the wet pavement and reflecting in the window of a nearby car. +A realistic photograph of a wooden camping signpost, weathered by the elements, clearly pointing towards a path labeled "To Lake View". The signpost is surrounded by lush greenery, with a hint of a serene lake visible through the trees in the background. +A vintage 1969 newspaper with the headline "Moon Landing Success" laid on a rustic wooden table, next to a cup of coffee and an old radio, under the warm glow of a desk lamp. +A realistic bathroom scene with a mirror above a white sink, a toothbrush and toothpaste on the counter, and a handwritten note stuck to the mirror that reads "Brush Your Teeth". Soft, morning light illuminates the room. +A close-up of a shiny, silver dog collar tag, intricately engraved with the humorous phrase "I Eat Homework", set against a soft, blurred background of green grass, capturing the playful essence of a pet's mischievous personality. +A close-up of a vintage seed packet, labeled "Moonlight Roses", sitting on a rustic wooden table. The packet is slightly worn, with a delicate illustration of pale roses under a full moon, surrounded by a soft, ethereal glow. +A detective's notepad lies on a cluttered desk, the page visibly worn and creased, with the words "Case Unsolved Follow Clues" scribbled in a hurried, intense handwriting. A magnifying glass rests beside it, emphasizing the urgency and mystery of the unsolved case. +A realistic photograph of a food pantry donation box, prominently labeled "Help Fight Hunger", placed in a community center hallway, surrounded by flyers for local support services, with a gentle glow from overhead lights. +A close-up of a stylish digital pet collar with a sleek, modern design, prominently displaying the text "Walk Me Maybe" on its screen, set against a soft, blurred background of a park. +In a modern skyscraper, the elevator panel glows softly, with "Floor 13 Out of Order" illuminated in red, casting a slight shadow on the stainless steel surface. The scene is captured in a realistic photographic style, emphasizing the sleek design and the eerie, isolated atmosphere. +A desert scene with an old, weathered signpost standing amidst sandy dunes, clearly pointing west with the text "Water 1 Mile West" visible. The sun is setting, casting long shadows and a warm, golden light over the landscape. +Retro gas station scene with an old gas pump prominently displaying a "Premium Fuel Only" sticker, set against a nostalgic backdrop of vintage cars and a 1950s-style diner. +A charming gnome garden statue, holding a sign that reads "Welcome Friends", stands amidst a vibrant, lush garden. The statue is detailed, with a friendly expression and a cozy, rustic appearance, blending harmoniously with the surrounding flowers and greenery. +A close-up shot of an old library book with a yellow sticky note attached to the cover, featuring messy handwriting that reads, "Return by Friday". The book's pages are slightly worn, and the note is a bit crumpled, giving a realistic, used look. +A vibrant supermarket flyer with bold, eye-catching fonts highlighting "Weekly Specials Save Now". The flyer features a variety of discounted products, including fresh fruits, vegetables, and household items, arranged neatly on a bright, colorful background. +A realistic photograph of a classroom with a periodic table header prominently displayed, reading "Chemical Elements", above a wall of colorful element tiles, with students' desks neatly arranged below. +A cozy bakery interior with a wooden counter displaying a large, vintage cookie jar labeled "Take One Please". Warm, golden lighting enhances the rustic charm, while a variety of freshly baked cookies inside the jar invite passersby to indulge. +A garden path lined with towering sunflowers, their vibrant yellow petals slightly menacing. At the entrance, a weathered wooden sign warns, "Beware of Attack Sunflowers". The scene is captured in a realistic photographic style, with the sun casting long shadows and highlighting the intricate details of the flowers. +A close-up of a vintage library stamp, clearly displaying the text "First Edition 1952", set against the worn, textured background of an old book page. +A high-resolution video game loading screen with the text "Level 99 Unlocked" prominently displayed in bold, neon-blue font against a futuristic, cyberpunk cityscape backdrop. The scene is illuminated by glowing neon lights and digital billboards, enhancing the sense of achievement and excitement. +A bustling construction site with a prominent fence featuring the warning "Hard Hat Area" in bold black and yellow letters, surrounded by workers in safety gear and heavy machinery. +A bustling farmer's market scene with a rustic wooden stand. A chalkboard sign prominently displays "Fresh Eggs 3 Doz" in neat, handwritten script. Sunlight filters through the canopy, casting soft shadows on the vibrant, colorful stalls. +A bustling stadium at night, the jumbotron displays "Wave Your Lights" in vibrant colors, fans waving their phone lights, creating a sea of twinkling lights below the stage, while spotlights illuminate the enthusiastic crowd. +A dark, cyberpunk alley with neon lights, where a hooded figure stands, illuminated by the glow of a tarot card labeled "The Hacker Firewall Reversed" held in their hand, surrounded by floating, holographic symbols of digital security. +A vintage farmer's almanac page with the heading "Plant After First Frost", featuring detailed illustrations of frost-resistant plants, a rustic wooden table, and a serene autumn landscape through a window, bathed in soft, golden light. +A realistic photograph of a tattoo parlor window display, featuring a sign that reads "20 Flash Tats Today", with various colorful tattoo designs neatly arranged behind the glass, reflecting the vibrant and inviting atmosphere of the shop. +A weathered wooden post stands at the river dock, featuring a clear "No Fishing" symbol. The serene water reflects the post, and the sky above is a mix of soft blues and whites, enhancing the tranquil yet restrictive atmosphere. +A vintage suitcase with a weathered leather surface, prominently displaying a retro label that reads "Handle With Causality" in elegant, vintage font, sitting on a wooden table with a soft, warm light illuminating it, creating a nostalgic and mysterious atmosphere. +A realistic urban scene featuring a brick wall covered in vibrant graffiti, prominently displaying the words "Street Art Rules" in bold, colorful spray paint. The wall is slightly worn, showing the texture of the bricks and the layers of paint. +A close-up of a dog's embroidered collar tag, shaped like a bone and reading "Max 123", set against a soft, blurred background of grass and flowers. +In a modern building, the elevator button panel lights up, highlighting "Floor 5 Gym" in a sleek, illuminated display, surrounded by reflective surfaces and clean lines, capturing the essence of a high-tech fitness center. +A rodeo bull, muscles tensed and dust flying, with a flank branded "Rider Repellent", charges fiercely in an arena surrounded by spectators. +An antique globe map with intricate, faded details, marking a spot labeled "Here There Be Monsters", surrounded by mythical sea creatures and old-world navigation tools. +A realistic photograph of a graduation cap adorned with "Summa Cum Laundry" in sparkling glitter letters, set against a backdrop of a vibrant, colorful celebration, with confetti and balloons in the background. +A close-up of a firefighter helmet with the inscription "Brave And Bold", reflecting the bravery of those who wear it. The helmet is slightly worn, with a few scratches, under a dramatic, smoky sky. The scene captures the essence of courage and resilience. +A nostalgic night scene of a 1950s diner with a neon sign glowing "Eat Here or Beat It" above the entrance, casting vibrant reflections on the wet pavement and vintage cars parked outside. +A close-up of a Christmas ornament with the engraving "First Xmas Together", hanging from a branch of a beautifully decorated Christmas tree, with soft, warm lighting and a slight bokeh effect in the background. +"Art Supply Storage" stenciled on the doors of a museum's backroom, with rows of organized shelves and art materials visible through the open doorway, capturing the essence of a behind-the-scenes artistic workspace. +A high-security bank vault door, prominently stamped with "Authorized Personnel Only", set against the backdrop of a dimly lit, modern bank interior. The scene captures the imposing and secure nature of the vault, emphasizing its restricted access. +A magician's hat, elegantly styled with a vintage tag stitched in intricate thread, clearly displaying the message "Rabbit Not Included", set against a backdrop of a classic magic show stage. +A colorful amusement park with a whimsical ride entrance featuring a sign that reads "No Flamingos Allowed", surrounded by playful decorations and happy visitors. +A close-up of vintage typewriter paper, slightly yellowed with age, featuring the bold, typed words "Chapter 1 Disaster" at the top, surrounded by the subtle texture of aged paper. +A close-up of a crumpled movie ticket stub with "Screen 5 Row H" clearly visible, lying on a dark, textured surface, illuminated by a soft, overhead light. +A close-up of a fortune cookie slip with the message "You'll Adopt a Raccoon Soon", lying on a rustic wooden table, with a small, curious raccoon peeking over the edge, its eyes reflecting anticipation. +Neon bar sign flashing "Open 247" above a bustling downtown alley, vibrant city lights reflecting off wet cobblestones, late-night patrons spilling out into the street, a mix of laughter and music in the air. +A realistic hospital scene with a neonatal incubator, the screen prominently displaying "Heart Rate 120", surrounded by medical equipment and soft, ambient lighting. +A vibrant children's alphabet block tower spelling "ABC Fun" in mixed colors, standing tall against a soft, playful background, with each block slightly shadowed to highlight its three-dimensional form and bright, cheerful hues. +Graffiti art adorns the sides of weathered train cars, boldly spraying the message "Art Is Freedom" in vibrant, dynamic colors. The scene captures the raw energy and urban setting, with the graffiti contrasting against the industrial backdrop. +A close-up of a basketball jersey's back, prominently displaying "MVP 23" in bold, vibrant letters, set against a textured, sport-fabric background. The jersey is slightly wrinkled, suggesting recent intense play. +A bustling city street at dusk, with a neon-lit tattoo parlor sign prominently displaying "Ink Your Story" in vibrant, swirling letters, casting a colorful glow over the pavement and passersby. +A realistic photograph of a zoo penguin exhibit, featuring a clear sign that reads "Antarctic Circle Zone" with an informational graphic, surrounded by a picturesque backdrop of simulated Antarctic scenery. +An ancient, leather-bound wizard’s spellbook lies open on a wooden desk, illuminated by a flickering candle. The page displays the index, with "Chapter 9 How to Adult" clearly visible, surrounded by mystical symbols and intricate illustrations. +A close-up of a pharmacy label on a white pill bottle, prominently displaying the instruction "Take 2 Daily With Food" in bold, clear text, set against a neutral background. +A close-up of a pizza box label, prominently stamped with "Extra Cheese Added", set against a blurred kitchen background, emphasizing the text and the rustic, slightly worn texture of the box. +A realistic photograph of a person wearing a VR headset, with a digital overlay on the lens displaying a "Low Battery Warning" message, set in a dimly lit room with a slight glow from the headset. +A weathered road sign stands alone in a vast, sun-baked desert, warning travelers with the ominous message, "Mirages Ahead Trust Thirst". The sign is partially obscured by drifting sand, emphasizing the harsh, arid environment. +A laboratory setting with a mouse cage prominently displayed. The cage has a sign that reads "Geniuses at Work". The environment is clean and well-lit, with scientific equipment and charts in the background. +A futuristic space hotel corridor, illuminated by soft blue lights, with a sleek keycard labeled "Zero Gravity Complaints" resting on a metallic console. The scene is set in a zero-gravity environment, with a gentle glow from the distant stars visible through a large window. +A bustling night scene at a farmer’s market, illuminated by a vibrant neon sign that brightly advertises "Organic Produce" in bold, green letters, casting a colorful glow over the stalls and shoppers. +A city street at night, a yellow taxi with a roof sign scrolling "Off Duty to Nowhere", reflections in wet pavement, empty road, neon lights in the background. +A realistic photograph of a library entrance, featuring a clear sign that reads "Silence Please Study Area" hanging above a wooden door, with bookshelves and soft lighting visible through the glass pane. +Retro diner scene with a vintage menu board prominently displaying "Try Our Disco Fries", set against a backdrop of neon lights and classic 70s decor. +A desert landscape with an old, weathered signpost reading "Last Water 5 Miles Ahead" standing alone amidst sand dunes and sparse, dry vegetation, with a distant oasis barely visible on the horizon. +A vibrant beach scene with a towel spread on the sand, featuring the bold print "Suns Out Buns Out". Sunbathers relax nearby, enjoying the warm sun and clear blue sky, with gentle waves lapping at the shore. +A retro tourist T-shirt with the print "I Area 51" in an alien font, featuring a stylized UFO and a playful alien character, set against a vintage 1950s Americana background. +A close-up of a library checkout receipt with the due date clearly stamped as "Due Date 0525", lying on a wooden desk with a pen and a bookmark nearby, under the warm glow of a desk lamp. +A vibrant street scene featuring a food truck with a brightly lit menu board that prominently displays the text "Tacos Cure Everything", surrounded by happy customers enjoying their meals. +A bustling food truck at a street fair, its colorful menu board prominently displaying "Specialty Hot Dogs 5 USD" in bold, eye-catching letters, surrounded by vibrant illustrations of hot dogs and cheerful customers waiting in line. +A close-up photograph of a bakery window, featuring a sticker that clearly states "Gluten Free Options". The sticker is slightly weathered, with the warm, inviting glow of the bakery's interior lighting illuminating it from behind. +A musician's guitar case, emblazoned with the words "Rock On", sits on a weathered wooden bench in a sunlit park, surrounded by fallen autumn leaves, capturing the essence of a fleeting moment before a big performance. +A vibrant artist's studio with a wooden palette labeled "Color Mix Here" prominently displayed, surrounded by an array of colorful paint tubes and brushes, with natural light streaming through a nearby window, casting soft shadows on the worktable. +A wizard's ancient staff, intricately carved with runes, glows intensely with the light of "Lumos Maxima", casting a radiant glow in a dimly lit, mystical forest clearing. +A towering clock face with intricate gears and roman numerals, prominently displaying the phrase "Time Flies" at the 12 o'clock position, set against a serene sky with soft, pastel clouds. +In a well-lit art gallery, a sleek, modern plaque reads "Modern Cubism 1925" beside a classic Cubist painting, capturing the essence of early 20th-century avant-garde art. +A close-up of a firefighter's helmet, gleaming under the sunlight, with a sticker reading "Heroes Work Here" prominently displayed on the front. The helmet is slightly worn, showing signs of use, but the sticker remains clear and vibrant. +A vintage movie poster for "The Street with No Name", featuring a dark, noir-style cityscape with a lone figure in a trench coat walking down a rain-soaked alley, illuminated by the dim glow of streetlights. +A bustling city street with a cozy bookstore featuring a window decal that reads "Summer Reads", surrounded by shelves of books visible through the glass, with sunlight streaming in and a few pedestrians pausing to look. +A spooky, old haunted house with a creaky wooden door, surrounded by overgrown vines and fog. The door mat prominently displays the eerie message "Go Away" in bold, ominous letters. +A superhero stands heroically against a city skyline at dusk, their cape billowing in the wind. The emblem on the cape reads "Power of Justice" in bold, glowing letters, casting a subtle light around the figure. +A bustling hair salon with a large, ornate mirror reflecting a neon pink sign that reads "WalkIns Welcome", set against a backdrop of stylish hair stations and chic, modern decor. +A neon bar sign flashing "Open 24 Hours" hangs above a bustling downtown diner, casting vibrant hues of blue and red over the rainy city street at night, with a few patrons entering the well-lit establishment. +A vibrant school bus parked on a sunny afternoon, with "State Champion Bulldogs" emblazoned on its side. Cheerful students in red and white uniforms gather around, celebrating their victory, while the bus driver waves from the open door. +A vibrant TV show poster titled "Ira Finkelstein's Christmas", featuring a cozy living room with a decorated Christmas tree, Ira Finkelstein smiling warmly in a festive sweater, and a snowy windowpane in the background, all set in a nostalgic, 1950s-style Americana scene. +A beautifully decorated birthday cake with intricate frosting designs, piped with the message "Happy 21st Alice" in elegant script, surrounded by colorful candles and placed on a rustic wooden table. +A modern smartphone screen displaying a dropdown notification that reads "Update Available", with a sleek, minimalist interface and a subtle, blurred background showing a desk with a coffee cup and notebook. +A vast desert landscape under a clear sky, with a shimmering mirage on the horizon that forms the words "Water Ahead" in the distance, creating an illusion of hope amidst the arid sands. +A realistic photograph of a spaceship control panel with blinking red lights signaling a critical "Gravity Failure" alert, set against the dim, futuristic interior of the spacecraft. +A medieval knight's steed, with intricately designed horseshoes prominently stamped "Gallop Certified", stands proudly in a sunlit courtyard, reflecting the craftsmanship and prestige of its certification. +A high-resolution photograph of a laboratory flask on a white background, with a clear, bold label stating "Do Not Shake Explodes", surrounded by safety equipment like goggles and gloves, emphasizing the danger. +A detailed museum map displayed on a sleek, modern wall, with a clear "You Are Here" marker highlighting the visitor's current location, surrounded by elegant exhibits and subtle lighting. +A wristband printed "Cancer Survivor" on a person's wrist, set against a backdrop of a hospital corridor with soft, ambient lighting and a sense of quiet determination in the air. +A close-up of a child's backpack tag, clearly displaying the text "Lunch Inside", with a colorful, playful design and a slight worn look, set against a blurred schoolyard background. +A futuristic time machine dashboard, illuminated by a soft blue glow, with a large digital screen prominently displaying "DESTINATION YESTERDAY". The interface is sleek and high-tech, with various buttons and dials emitting subtle light. The scene captures the anticipation of a journey through time. +A vibrant graffiti tag on a weathered train car, prominently displaying the words "Urban Poet" in bold, dynamic letters, set against the backdrop of a bustling cityscape. +A retro drive-in movie theater at night, cars parked in rows, giant screen displaying the title "Attack of the Polite Zombies" in vibrant 1950s-style typography, audience in period clothing, popcorn in hand, looking amused and intrigued. +A close-up of a futuristic robot's screen displaying the error message: "Does Not Compute", with a slightly distressed expression on its metallic face, set against a backdrop of a dimly lit, high-tech laboratory. +A realistic photograph of an ambulance parked on a city street, its side panel clearly marked with "Emergency Response Unit" in bold letters, surrounded by a busy urban environment with pedestrians and vehicles. +A vintage diner with a neon sign flashing "Open 24 Hours" above its entrance, set against a dark, urban night scene. The sign's bright colors reflect off the wet pavement, creating a nostalgic, 1950s atmosphere. +A vintage retro diner with a neon sign, featuring a menu board that prominently displays "Try Our Mega Burger" in bold, colorful letters, set against a backdrop of 1950s-style decor and cheerful waitstaff. +A sleek highway patrol car parked on the side of a deserted road at dusk, with a decal prominently displaying "Protect and Serve" on the door, reflecting the last rays of sunlight. +A real estate sign stands in a neatly manicured front yard, proudly displaying the words "Sold By Elite Agents" in bold, professional lettering, surrounded by lush green grass and a blooming flower bed. +A modern hair salon interior with a large mirror featuring a stylish sticker that reads "Blondes Have Fun", surrounded by sleek hair styling tools and vibrant, blonde hair extensions. +A busy city street at dusk, with a crosswalk signal countdown prominently displaying "Wait 10 Seconds" in bright red, illuminated against the fading light, pedestrians waiting patiently on the sidewalk. +A crumpled bus ticket stub with "Valid One Way" prominently displayed, lying on a textured wooden table, under a soft, warm lamplight, with a blurred cityscape visible through a window in the background. +A retro arcade screen glowing with pixelated graphics, displaying the high score "Player 1 999999" in bold, vibrant colors, set against a classic game background with simple, nostalgic art. +A weathered spaceship cargo crate, stenciled "Mars Colony Supplies", sits on a dusty red planet surface, partially buried in the Martian sand, with a distant rover and the shadow of an astronaut's boot near it. +A serene yoga studio with minimalist decor, featuring a large wall art piece that reads "Breathe In Peace" in elegant, flowing script. Soft, natural light filters through large windows, casting a calming glow over the space. Yoga mats and props are neatly arranged, enhancing the tranquil atmosphere. +A vibrant city street at dusk, featuring a superhero-themed dry cleaner with a neon sign reading "Cape Repairs While U Wait". The sign glows against the twilight sky, attracting the attention of passersby and superheroes alike. +A dimly lit dive bar with a vintage neon sign glowing brightly, displaying "Live Music Tonight" in vibrant red and blue, casting a colorful glow on the weathered brick wall and the pavement below. +A close-up of a motorcycle helmet with a sleek, matte black finish, featuring a vibrant decal that reads "Ride Safe Ride Hard" in bold, metallic silver lettering, set against a backdrop of a bustling city street at dusk. +A weathered pirate's treasure chest, its lid intricately carved with the words "Gold Inside", sitting on a sandy beach under a palm tree, with the ocean waves gently lapping at the shore. +A vibrant fireworks stand banner in the evening, illuminated by colorful lights, boldly proclaiming "Biggest Bang Sale" with sparklers and firework rockets surrounding the text. +A modern digital voting machine with a sleek, touchscreen display prominently showing the message "Thank You for Voting" in clear, bold text, set against a clean, minimalist background. +A realistic photograph of the entrance to a Public Security Bureau, with a prominent sign that reads "Severe Punishment" in bold letters, set against a backdrop of a modern urban landscape. The scene is captured during a sunny day, with shadows casting on the ground, enhancing the solemn and authoritative atmosphere. +A children's coloring book page featuring large, dotted letters spelling "Trace Me", surrounded by whimsical, hand-drawn illustrations of playful animals and colorful shapes, ready for little hands to trace and color. +A medieval castle drawbridge with a massive chain marked "Last Defense" prominently displayed, set against a twilight sky with the castle's stone walls and turrets visible in the background. The scene is realistically detailed, capturing the weight and texture of the chain and the ancient stonework. +A rustic farmer’s barn door, weathered by time, painted with the bold, hand-painted text "Fresh Eggs Life Advice" in vibrant red, set against a backdrop of a golden wheat field at sunset. +A teacher's desk with a grade book open, showing "A Excellent Work" handwritten in red ink, surrounded by neatly stacked papers and a vintage ink pen. Warm, natural light filters through a window, casting a gentle glow on the scene. +A gym interior with a vibrant, energetic atmosphere, featuring a large, bold motivational quote "No Pain No Gain" painted on the wall, surrounded by workout equipment and enthusiastic fitness enthusiasts. +A food truck with a vibrant window decal declaring "World's Best Tacos", parked on a bustling city street, surrounded by eager customers and the aroma of sizzling meat and fresh tortillas. +A close-up photograph of a restaurant receipt, the footer prominently displaying the printed text "Thank You Come Again", set against a slightly blurred background of a wooden table. +A detailed sandcastle on a vibrant beach, proudly displaying a small flag that reads "Beach Party 2024", surrounded by colorful seashells and bathed in the warm sunlight of a clear summer day. +A realistic photograph of an elevator with a clear "Maximum Capacity 50 Persons" sign displayed prominently on the wall, illuminated by the soft glow of the elevator's interior lights. +A wizard peers into a crystal ball, where the swirling mist forms the words "Try Again", set against a mystical backdrop of glowing runes and ancient tomes. +A close-up of a newborn’s onesie, featuring the cute phrase "Little Miracle" embroidered in soft pastel colors, set against a gentle, warm background. The fabric looks cozy and delicate, with a slight texture that emphasizes the tender nature of the garment. +A chef stands in a modern kitchen, holding an oven mitt embroidered with "Hot Takes Inside", preparing to pull a steaming dish from the oven, surrounded by culinary tools and ingredients. +A tattered, worn treasure map with "X Marks the Spot" clearly visible, laid out on an ancient wooden table, illuminated by the soft glow of a flickering candle, surrounded by compasses and old nautical charts. +In a vibrant, pixel-art style, a character stands in a lush, green field, looking surprised. A pop-up notification hovers above them, reading "Touched Grass 50XP". The sky is clear, and a few colorful flowers dot the landscape. +An astronaut training manual titled "Zero Gravity Protocol" lies open on a futuristic desk, illuminated by the soft glow of blue neon lights. The room is filled with high-tech equipment and screens displaying cosmic data, emphasizing the advanced setting and purpose of the manual. +A Mardi Gras mask, ornately adorned with vibrant feathers and the phrase "Laissez les bons temps rouler" inscribed in elegant, swirling script, set against a backdrop of festive New Orleans street lights. +A realistic photograph of a sturdy bank vault door, intricately engraved with "Authorized Access", set against a dimly lit, secure corridor, enhancing the sense of confidentiality and security. +A close-up of a UFO hovering in a dark, starry night sky, its underside lights illuminating the words "We Come in Pizza" in vibrant, neon colors, casting a playful yet mysterious glow below. +A realistic submarine control room with crew members looking concerned, the main display showing an alert in red letters: "Depth Exceeding Limits", with gauges and dials indicating critical levels. +A rustic farmer’s barn with a weathered wooden sign reading "Fresh Eggs Daily Sale" hanging above the entrance, surrounded by a field of golden hay under a clear blue sky. +A cozy campsite at dusk, with a vibrant campfire glowing in the center. A bag of marshmallows labeled "Extra Toasty Flavor" sits next to the fire, its contents spilling out slightly. The warm, golden light casts a serene glow over the scene, creating a perfect atmosphere for a peaceful evening. +A futuristic control room with a glowing sci-fi energy core pulsing with intense light, a digital warning sign flashing "Overload Imminent" above it, surrounded by sleek, high-tech machinery and illuminated control panels. +A majestic dragon lounges atop a pile of ancient treasures, its emerald scales shimmering in the flickering torchlight. At the center rests a sturdy, ornate treasure chest labeled "Gold Retirement Fund", overflowing with gleaming gold coins and precious gems. +A close-up photograph of a red and white candy heart with the message "UR Basic LOL" clearly visible, set against a soft, pastel pink background, with a subtle texture resembling wrapped paper. +A close-up of a hospital wristband wrapped around a patient's wrist, with the text "Allergic to Bullsht" printed in bold, clear letters, set against a neutral background. +A submarine control room with a digital display prominently showing "Depth 500m", illuminated in a dim, blue-lit environment, surrounded by technical instruments and gauges. +A courtroom scene with a judge's gavel stand prominently displaying "Order In Court", surrounded by wooden panels and legal documents, under the solemn gaze of a marble statue of Justice. +A beautifully decorated birthday cake with intricate piped frosting that reads "40 Fabulously Lost", surrounded by colorful candles and set against a warm, celebratory backdrop. +A realistic gym locker room scene with a clear sign on the wall that reads "NO CELL PHONES" in bold letters, surrounded by sleek lockers and workout equipment in the background. +A baker stands in a cozy kitchen, wearing an apron splattered with flour and embroidered with "Knead to Bake". Sunlight streams through the window, casting a warm glow on the wooden counter where freshly baked bread cools. +A sleek, black spy gadget pen with "For Emergencies" engraved on its side, resting on a high-tech metal surface, with a faint glow highlighting the intricate engravings and the pen's sophisticated design. +A pirate ship sails the stormy seas, its tattered flag proudly displaying the words "Surrender the Snacks" in bold, whimsical letters. The ship's deck is bustling with playful pirates, and the horizon glows with the light of a setting sun. +A detailed catalog page showcasing the "Night Vision Googles Mark II", highlighting its sleek design, advanced features, and performance in low-light conditions. The image includes a close-up of the goggles, a night scene with enhanced visibility, and technical specifications. +A quaint bakery scene with a chalkboard sign outside reading "Croissants 99 Flaky 1 Regret", surrounded by pastel-colored buildings and a few customers browsing the window displays. +A high-resolution smartwatch face displaying the message "Step Goal Achieved" with a modern, sleek design and a vibrant, colorful background, set against a blurred urban cityscape during the golden hour. +A realistic photograph of a boxing ring with the mat boldly printed "Round 12 Final", surrounded by ropes and the faint glow of ring lights, capturing the tension and anticipation of the final round. +A rustic farmer's tractor proudly displays a vibrant decal that reads "Harvest Master Pro", set against a backdrop of a golden wheat field at sunset, with the farmer standing beside it, hat in hand, smiling contentedly. +A sleek smartphone with a modern, minimalist design displays a lock screen message in crisp, bold letters: "Unlock to Explore". The device is set against a blurred background of a vibrant cityscape at dusk, emphasizing the invitation to discover more. +A medieval castle gate with intricate stone carvings, including the inscription "Established 1432", set against a backdrop of lush greenery and a clear blue sky. The stone is weathered, showing the passage of time, with moss and ivy clinging to its ancient surfaces. +In a serene art gallery, a plaque titled "Sunset Over Mountains" sits beneath a large, framed landscape painting. The plaque is made of polished brass, reflecting the warm, golden hues of the sunset depicted in the artwork. The scene captures the majestic peaks bathed in the soft glow of twilight. +A deserted island with pristine, sandy shores and clear blue waters. In the center of the beach, a message is written in the sand: "Build Netflix Here". Palm trees sway gently in the background, and the sun sets on the horizon, casting a warm, golden glow. +"Mitochondria Structure" illustrated in a science textbook, detailed and educational, showing the outer membrane, inner membrane, cristae, and matrix, with clear labels and annotations, in a clean, diagrammatic style. +A tattoo parlor window featuring a vibrant decal that reads "No Regrets Special", with bold, colorful graphics and stylized lettering, set against a backdrop of urban street art and bustling city life. +A close-up of a vibrant, crinkled candy wrapper featuring the slogan "Taste the Rainbow" in bold, colorful letters, set against a soft, blurred background that enhances the wrapper's bright hues and playful design. +A realistic photograph of a fire station interior, featuring a red pole with a prominently displayed warning sign that reads "Emergency Slide Only", surrounded by the rustic, functional decor typical of a fire station. +A modern gym interior with a sleek digital screen prominently displaying the message "Hydrate Now" in bold, clear text, set against a backdrop of exercise equipment and active gym-goers. +A runway model confidently struts, wearing an elegant gown and a sash with "Miss Galaxy" intricately embroidered. The stage lights highlight her poised stance and the shimmering details of her attire, capturing a moment of glamour and cosmic beauty. +An astronaut stands beside a lunar rover on the moon, the rover displaying a bumper sticker that reads: "My Other Ride Is Earth". The scene is bathed in the soft glow of Earthlight, highlighting the dusty lunar surface and the astronaut's reflective helmet. +A realistic photograph of a theater stage, with clear floor markings that read "Center Stage" in bold, white letters, illuminated by soft stage lights, surrounded by dark, velvet curtains. +A vintage vending machine with a retro aesthetic, prominently featuring a button labeled "Press Here for Regret Snacks". The machine is slightly worn, with peeling paint and a few stickers, set against a dimly lit alleyway at dusk. +A close-up shot of a name tag sticker, brightly colored with playful fonts, labeled "Hello My Name Is Alien", adhered to a sleek, futuristic garment, set against a backdrop of a starry night sky. +A weathered pirate map parchment, crinkled and stained, with "X Marks Dementia" written in a dark, blood-red hue, lying on a rough wooden table, illuminated by the flickering light of an old lantern. +A geologist's workspace with a detailed rock sample tagged "Igneous Specimen" under a microscope, surrounded by field notes and geological tools. The lighting highlights the intricate textures of the rock, emphasizing its igneous origins. +A mysterious cave wall adorned with ancient paintings of buffaloes, the air thick with the scent of earth. In the dim light, the words "Climate Changed" are etched prominently, contrasting the primal art. +A poet’s notebook with intricate margin doodles, including the phrase "Words Unspoken" elegantly scribbled amidst swirling lines and delicate illustrations. +A sleek, futuristic time machine with a glowing interface, prominently displaying the dial set to "Destination 3024", surrounded by a high-tech laboratory with neon lights and advanced equipment. +In a luxurious, modern building, an elegant elevator button panel is prominently displayed, featuring a sleek, illuminated button labeled "Penthouse". The panel is set against a backdrop of polished marble, with ambient lighting casting a soft glow, highlighting the sophistication and exclusivity of the setting. +In a modern art gallery, a striking piece titled "Untitled Banana 20" hangs on a minimalist white wall. The large canvas features a hyper-realistic banana, its vibrant yellow peel contrasted by subtle shadows, evoking a sense of surreal simplicity. +Retro arcade machine with vibrant, pixelated graphics, marquee reading "Insert Coin to Save World", set in a dimly lit, nostalgic game room with soft ambient lighting. +In a desolate, post-apocalyptic landscape, a rusted water station stands tall, its sign reading "Filtered Regrets Only". The surrounding area is barren, with dry earth and twisted metal remnants. A lone figure approaches, silhouetted against a dusty, overcast sky. +A barber shop's front window features a sleek, vintage-style mirror with a decal reading "Best Cuts in Town", reflecting the bustling street outside and the cozy, well-lit interior where a barber is giving a customer a haircut. +A basketball court with a vibrant floor decal featuring the words "Home Court Advantage", surrounded by enthusiastic players and a cheering crowd, capturing the energetic atmosphere of a home game. +A serene yoga studio with a large, modern yoga mat featuring the phrase "Find Your Balance" in elegant, flowing script. The mat is surrounded by soft, natural light and minimalist decor, enhancing the peaceful and focused atmosphere. +A vintage library stamp, intricately designed with a classic font, imprints the date "Return By March 14" in vivid red ink on an aged, yellowed page, surrounded by the subtle texture of old book paper. +A close-up of a fortune cookie slip with the message "Delete Browser History Now" lying on a smooth, white surface, next to a cracked fortune cookie. The scene is lit softly, creating a gentle shadow, emphasizing the mysterious and urgent tone of the message. +A detailed ski resort trail map marker, prominently displaying "Black Diamond Run" in bold, set against a snowy backdrop with skiers in the distance, emphasizing the challenging terrain and the thrill of the sport. +A serene garden pathway lined with blooming flowers and lush greenery, featuring a wooden sign that reads "Beware of Dog" prominently placed near the entrance, warning visitors to be cautious. +A museum exhibit featuring a detailed TRex fossil replica, with a prominent label reading "TRex Fossil Replica" in elegant font, set against a backdrop of prehistoric flora and fauna, illuminated by soft, ambient lighting. +A medieval knight stands proudly on a battlefield, his banner unfurled high, emblazoned with the words "For the Realm", against a backdrop of rolling hills and a cloudy sky. +A dark, futuristic submarine control room with a sonar screen blinking "Leviathan Detected" in vivid green pulses, surrounded by illuminated control panels and tense crew members in naval uniforms. +A close-up of a charming gardening pot with a rustic wooden label that reads "Herbs Growing Here", surrounded by vibrant, lush herbs in various shades of green, with morning dew glistening on the leaves. +A vibrant, sunny day with a child's lemonade stand featuring a hand-painted sign that reads "Sugar Rush 1 Million" in bold, colorful letters, set against a backdrop of lush green trees and a blue sky. +A close-up of a vintage library checkout slip, softly lit, with a clear stamp marked "Due 111524" in the corner, surrounded by the worn edges and faint lines of the paper. +A modern city street with a parking meter displaying "Insert Credit Card Here" on its screen, surrounded by parked cars and pedestrians walking by, under a partly cloudy sky. +A high-quality photograph of a wine bottle with an elegant label that reads "Vintage Reserve 2020", set against a rustic wooden background, with soft lighting highlighting the bottle's curves and the rich, dark color of the wine inside. +A close-up of an art supply label that reads "Oil Paints", set against a textured canvas background, with a subtle splash of vibrant paint colors around the edges. +A rustic farmer’s barn with a wooden sign that reads "Fresh Eggs Daily" hanging above the entrance, surrounded by a field of green grass and colorful wildflowers, with a clear blue sky and fluffy white clouds in the background. +A medieval castle gate, ancient and imposing, with a detailed engraving that reads "Knock Three Times for Entry" above the massive, iron-studded wooden doors, surrounded by ivy and guarded by stone statues. +A realistic submarine control room with a digital screen prominently displaying the alert "Depth 3000m". The room is dimly lit, with technicians in navy uniforms monitoring various panels and instruments, reflecting a sense of urgency and focus. +An ancient wizard's study, dimly lit by flickering candles, with a large, unrolled parchment titled "Magic Spell" lying on a wooden desk, surrounded by mystical artifacts and books. +A realistic photograph of an airport departure board, prominently displaying "Flight 404 Cancelled" in bright, flashing letters, with a few passengers looking disappointed in the background. +A realistic photograph of a weathered wooden sign that says "Text to Image", hanging on a rustic fence in a sunny countryside, with wildflowers blooming around it. +A detailed fantasy potion bottle with intricate, glowing runes, labeled "Elixir of Eternal Youth" in elegant, ancient script, set against a mystical, dimly lit background with wisps of magic swirling around it. +A vibrant, pretty pot sits on a sunlit windowsill, adorned with a "sukhaybarat" sign. The plant inside thrives, its lush green leaves cascading over the edges, creating a serene and welcoming atmosphere. +A prehistoric cave wall adorned with ancient paintings, prominently featuring the "Bad Hair Millennium" scene, where figures with wildly exaggerated hairstyles are depicted in a humorous and stylized manner, set against a natural rock background. +A realistic photograph of a red firetruck with its side panel prominently displaying the text "Emergency Response Unit", parked in front of a modern urban building, with firefighters in uniform standing nearby, ready for action. +A eerie, fog-shrouded entrance to an abandoned haunted house, with a rusted iron gate sign prominently displaying the warning "Enter at Own Risk" under the pale glow of a flickering lantern. +A serene park scene with a wooden bench under a canopy of autumn leaves. The bench is engraved with "Rest Awhile" in elegant script, surrounded by fallen leaves and wildflowers, capturing a peaceful and contemplative mood. +A gym interior with a large, motivational wall decal that reads "Sweat Now Cry Later", featuring a modern, sleek design with vibrant colors and dynamic lighting. The scene is bustling with enthusiastic gym-goers, emphasizing the energy and drive inspired by the message. +A weathered spyglass, its lens intricately engraved with "Seek Beyond the Horizon", rests on an ancient wooden desk, illuminated by the soft glow of a nearby candle, surrounded by nautical maps and compasses. +A vibrant skateboard deck featuring the bold graphic "Skate or Die" in dynamic, graffiti-style lettering against a colorful, urban backdrop with skaters in motion. +A superhero in mid-flight, their cape billowing behind them, prominently stitched with "Cape Certified for Flight", against a vibrant city skyline at dusk. +A high-energy drink can with the bold "Extreme Boost" logo prominently displayed on its side, resting on a sleek, modern countertop with a reflective surface, capturing the vibrant colors and dynamic design of the can. +A vintage neon diner sign glowing brightly with "Eat Here Now" in bold, red letters, hanging above the entrance of a retro-style diner, set against a dark, urban night scene. +A chef's apron, slightly worn and stained with various sauce splatters, prominently displays an embroidered phrase: "Kiss the Wok". The apron hangs on a kitchen hook, with the warm, ambient light of the kitchen casting soft shadows. +A detailed museum plaque stands in a dimly lit hall, its text reading "Dinosaur Fossils", illuminated by a soft spotlight. Behind it, a massive dinosaur skeleton looms, adding a sense of awe and discovery to the scene. +A chalkboard in a math class filled with equations, with the equation "E = mc²" prominently circled in red. The room is dimly lit, with a single beam of light highlighting the chalkboard. +A realistic forest scene with a wooden trail marker carved with "Bear Area Ahead", surrounded by dense trees and undergrowth, with a slight path leading away into the woods. +A snow globe featuring a cityscape with "Wintertopia" etched on the base, surrounded by falling snowflakes, capturing the magical atmosphere of a winter wonderland. +A minimal sculpture of the word "logonov", crafted from light metallic iridescent chrome thin lines, presented in a 3D rendering with an isometric perspective. The scene is super detailed, set against a dark background, highlighting the intricate design and smooth lines. +A vast, clear sky where a unique, sentient cloud formation momentarily arranges itself to spell "Moisturize Me", casting soft shadows on the serene landscape below, with gentle sunlight highlighting the ephemeral message. +A close-up of a sleek, modern fitness tracker on a wrist, with the screen prominently displaying "10000 Steps Achieved", set against a blurred background of a city park at sunset. +A high-resolution digital watch face, sleek and modern, displaying the message "Time to Move" in clear, bold letters against a minimalist background. The watch is set against a soft, gradient backdrop, emphasizing the vibrant, tech-forward design. +A yellow taxi cruising down a rainy city street at night, its roof light prominently displaying "Available" in bright, clear letters, reflecting off the wet pavement. +A realistic smartphone screen displaying a weather app with a prominent alert reading "Storm Warning Active", set against a backdrop of dark, stormy skies with flashes of lightning in the distance. +A realistic photograph of a spacesuit helmet, the visor's HUD glowing with a red warning that reads "Oxygen Level Panic Mode", set against the dark vastness of space. +A vintage newspaper with a bold, eye-catching headline declaring "Aliens Landed", set against a backdrop of an old-fashioned newsstand in a 1950s cityscape, with curious onlookers gathering around. +A mysterious, dimly lit room with an old, leather-bound diary titled "Secrets Inside" resting on a wooden desk. Soft, golden light filters through the cracks in the shuttered windows, casting eerie shadows. The air is thick with the scent of aged paper and forgotten memories. +In a modern airport terminal, a large digital screen prominently displays "Flight Canceled" in bold red block letters, while passengers look on with expressions of disappointment and frustration, their luggage carts scattered nearby. +A realistic office scene with a recycling bin prominently displayed, marked with a clear label saying "Paper Only No Trash", surrounded by neatly stacked paper and office supplies, with a modern desk and a window showing a cityscape in the background. +A sushi restaurant menu board with elegant Japanese calligraphy listing "Omakase Special Today" under a serene, minimalist design, set against a backdrop of a traditional Japanese dining room with bamboo decor and soft, ambient lighting. +A velvet rope stretches across the entrance of a glamorous nightclub, with a prominent sign that reads "Dress Code Enforced" hanging above, illuminated by soft, colorful lights. The scene is set in a bustling city night, with a few elegantly dressed people waiting outside. +A detailed vintage map with intricate illustrations, featuring the label "Here Be Dragons" marked in an ancient, elegant script, surrounded by mythical creatures and nautical elements. +A serene forest clearing at dusk, featuring a campfire sign that reads "No Fire After Dark" prominently displayed on a wooden post, surrounded by lush greenery and a scattering of fallen leaves. +A high-resolution video game loading screen with a sleek, futuristic interface, prominently displaying the text "Press Start" in bold, neon-lit letters against a dark, gradient background. +A vintage circus poster featuring "The Amazing Firebird", a flamboyant performer with feathers and flames, set against a nostalgic backdrop with a big top tent and a crowd in awe, capturing the magic and spectacle of a bygone era. +A vibrant city wall adorned with a bold graffiti mural, prominently featuring the phrase "Rebel Hearts" in dynamic, colorful spray paint, set against a backdrop of urban textures and shadows. +A vintage tattoo parlor sign hangs above a bustling city street, reading "Ink Your Story" in bold, colorful letters. The sign is slightly weathered, with a soft glow from the neon lights, inviting passersby to step into the mysterious world of tattoos. +A bustling train station with a vintage aesthetic, the sign "Platform 9 Departing" illuminated above the crowded platform. Passengers hurry past, casting long shadows in the late afternoon light, while a steam locomotive whistles in the background, ready to depart. +A minimalist black and white sign with the word "direct" on a stark white background, rendered in a wireframe style, creating a modern, abstract piece of generative art. +A gritty, urban scene with a weathered poster on a brick wall, reading "Run Hide Snack". The poster is partially torn, revealing a grimy background. A lone zombie lurks in the shadows, while a nervous civilian peeks out from behind a dumpster, clutching a snack. +A scuba diver checks their dive tank gauge, which clearly reads "Air 2000 PSI", against a backdrop of the underwater reef, with colorful fish swimming nearby. +A modern, urban scene featuring a vibrant T-shirt with bold, futuristic letters "Code Never Sleeps" prominently displayed. The T-shirt is worn by a young coder in a bustling city at night, with neon lights and skyscrapers in the background, emphasizing the relentless spirit of coding. +A detailed ski resort map with a prominent marker for the "Black Diamond Slope", surrounded by snowy peaks and lift lines, set against a crisp, blue sky. The map is partially covered by the shadow of a nearby tree, adding a natural touch to the scene. +A mysterious, vintage invitation card embossed with the ominous phrase "Bring Snacks or Perish", surrounded by intricate, gothic motifs and sealed with a blood-red wax stamp, set against a dark, atmospheric background. +A laboratory setting with a flask labeled "Danger Chemical X" sitting on a wooden table, illuminated by soft overhead lighting, with scientific instruments and notebooks scattered around, creating a focused and serious atmosphere. +A rustic farmer’s barn with a weathered red roof, boldly painted with the words "Turnip Capital of the World", set against a backdrop of rolling green fields and a clear blue sky. +A cozy, knitted dog sweater emblazoned with "I Bark Therefore I Am" in bold, playful letters, worn by a cheerful golden retriever standing on a vibrant, autumnal backdrop of falling leaves and warm sunlight. +A high-quality photograph of a wine bottle featuring the label "Vintage Reserve 2020" with elegant golden lettering, set against a soft, blurred background that highlights the bottle's refined appearance. +A camping tent with a "Weatherproof Material" tag sewn on the side, set against a backdrop of a serene forest at dusk, the tent's sturdy fabric glistening with dewdrops, emphasizing its resilience and quality. +A close-up of a chef's knife with the blade engraved "Sharp Ready", placed on a wooden cutting board, with a sprinkle of herbs and a freshly sliced lemon in the background, capturing the essence of a professional kitchen. +A baby wearing a onesie printed with "Future Trouble" sits on a colorful play mat, surrounded by soft toys and blocks, in a bright, cheerful nursery. The baby looks curious and playful, gazing at a toy above. +A city bike share rack with a sticker prominently displaying "Scan QR to Unlock". The sticker is clean and visible, set against a backdrop of urban street life, with people and buildings in the background. The scene captures a modern, vibrant city atmosphere. +A weathered, rusty metal sign stands at the entrance of an old, abandoned junkyard, clearly displaying the warning "No Trespassing" amidst a backdrop of scattered debris and overgrown weeds. +A pirate ship navigates stormy seas, its flag emblazoned with "Beware The Kraken" fluttering ominously in the wind. Dark clouds loom overhead, and the ship's deck is bustling with rugged pirates, adding a sense of impending danger and adventure. +A vibrant poster with the title text "Heatroom" prominently displayed, set against a backdrop of a modern, steam-filled sauna with wooden benches and soft, ambient lighting. The text is bold and eye-catching, with a warm, fiery color scheme that reflects the intense heat within the room. +A close-up of a dog collar tag shaped like a bone, intricately engraved with the words "Good Boy", reflecting sunlight with a subtle metallic shine, set against a soft, blurred background of green foliage. +A close-up of an artist's paint palette titled "Moody Blues", featuring a range of deep blue and indigo hues, with a few strokes of white to add contrast. The palette is slightly worn, showing signs of frequent use, with the paint mixed in a swirling, textured pattern. +A pair of boxing gloves, intricately stitched with the phrase "Knockout King", lying on a worn leather punch bag in a dimly lit gym, surrounded by the faint glow of old ring lights, capturing the essence of a fighter's determination and legacy. +A vintage 2010s book page titled "Speaking in Memes 2010s", featuring iconic internet memes and slang from the decade, with a time traveler's notes in the margins explaining the cultural context and usage. +A gym locker with a metal nameplate engraved "Champion Boxer 2024", surrounded by worn-out boxing gloves and a faded championship belt, under the soft glow of a locker room light. +A majestic dragon's lair filled with gold and gems, featuring a prominent sign that reads "No Tax Collectors" hanging above a pile of ancient treasures, illuminated by the soft glow of enchanted crystals. +In a modern hospital room, an IV bag hangs from a stainless-steel stand, the label clearly reading "Contains 5G Nanobots". The bag is partially filled with a shimmering, metallic liquid, reflecting the soft glow of the overhead lights. +A beekeeper stands beside a wooden hive box labeled "Honey Factory", surrounded by a buzzing swarm of bees in a sunlit meadow, capturing the essence of a serene and productive apiary. +A vintage poster featuring the title text "A Christmas Story" in festive, ornate lettering, surrounded by snowy scenes and classic holiday decorations like wreaths and candles. +A dimly lit sci-fi prison cell with metallic walls, scratched and marked with the words "Escaped Yesterday" in bold, graffiti-style letters. The cell is slightly cluttered with remnants of a hurried escape, adding to the tense, gritty atmosphere. +"Be careful not to lose" reminders posted on baby carriages, set in a bustling city park on a sunny afternoon. The carriages are lined up near a playground, with parents and children in the background, emphasizing the safety and care of the infants. +A yoga studio featuring minimalist wall art with the phrase "Breathe In Breathe Out" in calming, serene fonts, surrounded by soft, natural lighting and tranquil decor elements like plants and gentle textures. +A vintage movie theater marquee under a starry night sky, brightly lit and displaying "Sold Out Tonight" in bold, glowing letters, with a line of disappointed moviegoers and a few lingering popcorn vendors in the foreground. +A high-altitude hiker pauses beside a rugged mountain peak trail marker that reads "Elevation 14000 ft", with a vast, snow-capped mountain range stretching into the distance under a clear blue sky. +In a dimly lit laboratory, a mad scientist stands before a sprawling chalkboard, densely covered with complex equations and diagrams. The final equation at the bottom reads "EmcHammer", illuminated by a single, dramatic spotlight. +A realistic photograph of a forearm with a prison tattoo reading "Mom" inside a crumbling heart, the ink slightly faded and the skin showing signs of age and wear. +A carnival scene with a strength tester machine flashing bright lights and displaying the message "TRY HARDER LOSER" in bold, neon letters, surrounded by colorful games and excited onlookers. +A close-up of a coffee loyalty card titled "Earn Your Brew", featuring a rustic, warm color palette with coffee beans and steaming cups of coffee as background elements, partially covered by a hand about to stamp another star, set in a cozy café with soft lighting. +A realistic photograph of a police car parked on a city street, with a bumper sticker that reads "To Protect and Scroll" clearly visible on the rear bumper. The car is illuminated by the soft glow of streetlights, adding a subtle, urban ambiance to the scene. +A cozy campsite at dusk, with a marshmallow roasting over a crackling campfire. The roasting stick is branded "Camp Vibes 2024", clearly visible in the warm, flickering light. The scene is peaceful, with a forest backdrop and a hint of smoke in the air. +A rugged, powerful car designed for off-roading, standing tall on large tires, with the bold text "I'm a truck not a car" emblazoned on its side, set against a backdrop of rocky terrain and dusty trails. +A "solti" reminder sign, featuring the distinctive logo and clear, bold text, is prominently displayed on the interior wall of a modern city bus, surrounded by the reflections of passing streetlights and the blurred cityscape through the windows. +A vibrant comic cover for "The Amazing SquirrelGirl", featuring SquirrelGirl in her iconic red and brown costume, surrounded by a bustling cityscape. Squirrels perch on her shoulders, and she stands confidently, ready for action, with a playful yet determined expression. +Studio shot, the word "wow" in script made from rainbow-colored fur, encased in a furry frame, on a pristine white background, centered perfectly. +A realistic photograph of a "Please Take a Number" dispenser at a bustling deli counter, with customers waiting in line and various meats and cheeses displayed behind the glass. The dispenser is prominently featured, with a few numbers already taken. +An astronaut stands in a desolate lunar landscape, the helmet visor clearly reflecting a critical "Low Oxygen" warning, adding tension to the serene, otherworldly environment. +A serene photo of an expansive dandelion field, with fluffy white seeds scattered in the gentle breeze, captioned "nalitabari" at the bottom, capturing the peaceful and whimsical essence of nature. +A high-intensity gym with motivational wall decals, including a bold and vibrant decal that reads "No Pain No Gain", surrounded by weightlifting equipment and energetic athletes pushing their limits. +A cozy bakery interior with a gleaming display case showcasing a beautifully decorated cake. The cake features elegant "Happy 100th Birthday" lettering in icing, surrounded by intricate designs and colorful decorations, reflecting the celebratory mood of a centennial birthday. +A dark, moody scene with a doomsday cult sign prominently displayed, reading "The End is Nighish", surrounded by eerie, abandoned surroundings and faint, ominous lighting. +A modern ambulance parked on a city street, its side panel clearly printed with "Emergency Response Unit 12", reflecting the urgent and professional nature of its mission. The scene is illuminated by the ambient city lights, emphasizing the vehicle's readiness for action. +A high-quality photograph of a wine bottle with an elegant label that reads "Vintage Reserve 1999", set against a rustic wooden background, with a soft, warm light highlighting the rich colors of the bottle and label. +A close-up of a vintage vinyl record label, prominently displaying the text "Greatest Hits of Silence", set against a warm, nostalgic background with subtle textures that enhance the aged and classic feel of the record. +A detailed fantasy map scroll, ancient and weathered, showcasing a legendary location marked "Dragons Hoard". The map is adorned with intricate illustrations of mythical creatures and mystical symbols, emphasizing the mystical and adventurous nature of the quest to find the hidden treasure. +A gritty, noir-style photo of a detective's desk with a ransom note that reads "1M or Cat Gets It" prominently displayed, surrounded by scattered clues and a vintage typewriter. The scene is dimly lit, creating a tense and mysterious atmosphere. +A film director's chair sits on a bustling movie set, surrounded by crew members and equipment, under the harsh lights. In the background, actors perform an intense action scene, capturing the moment of a dramatic explosion, with the words "Action Scene Shooting" clearly visible on the chair. +A sleek, modern cosmetic bottle on a white background, with elegant, cursive text that reads "spellman" prominently displayed on its front. The bottle is half-filled with a shimmering, iridescent liquid, reflecting soft light. +A close-up of a wizard’s hat, intricately stitched with the words "Thinking Cap Handle With Care" in elegant thread, resting on a wooden table with a vintage spell book and a flickering candle nearby, bathed in soft, mystical light. +A vintage gas station scene with a retro gas pump prominently displaying the logo "Zap Juice Premium" in bold, colorful letters, surrounded by classic 1950s cars and a nostalgic Americana backdrop. +A small, green frog with big, expressive eyes stands on a lily pad, holding a wooden sign that says "linneas". The frog's fingers are wrapped around the sign, which is slightly tilted. The background features a serene pond with gentle ripples and lush, green foliage. +A realistic photograph of an airport terminal, featuring a recycling bin prominently placed near a row of seats. The bin has a clear "Thank You for Recycling" label, and passengers are seen interacting with it, emphasizing the eco-friendly initiative. +A close-up of a chef’s knife, the blade gleaming under studio lights, laser-etched with "Sharp Enough" in elegant script, set against a minimalistic kitchen backdrop. +A realistic photograph of a school notebook page, with the margin filled with playful doodles. In the center of the doodles, "Boring Class" is written in large, colorful bubble letters, surrounded by whimsical sketches and patterns. +A Halloween pumpkin carved with "Boo" on its face, glowing softly from the inside with a candle, set against a dark, foggy background with a hint of moonlight. +A vibrant street scene with a colorful food truck prominently displaying a bold banner that reads "Tacos on Wheels". The truck is bustling with activity, with people lining up to order, and the scent of fresh tacos wafting through the air. +A close-up of a dog's collar, with a shiny silver tag engraved with "My Name is Max", set against a blurred background of a grassy park. The tag glimmers in the sunlight, highlighting the elegant font. +In a modern, sleek elevator, a sign reading "holdout" is prominently displayed on the wall, its reflective surface catching the dim light. The scene is captured in a realistic photographic style, emphasizing the contrast between the sign and the elevator's metallic interior. +A high-resolution digital watch face displaying the time as "1261 PM", with a blinking error symbol indicating a system malfunction, set against a sleek, modern background. +A vibrant gym mural with bold lettering stating "No Pain No Brain", surrounded by dynamic images of athletes in action, set against a high-energy, motivational backdrop. +A serene camping scene with a marshmallow roasting over a crackling campfire, the stick branded "Camp Delight" clearly visible, surrounded by the warm glow of the flames and the cozy atmosphere of a peaceful night in the woods. +A bustling city street at dusk, with a large digital billboard cycling through vibrant ads, each ending with the text "50% Off Today Only", reflecting the urban hustle and bustle. +A gym motivational poster featuring a fit, determined athlete mid-workout, sweat glistening on their skin, with the bold text "Sweat Now Brag Forever" prominently displayed, set against a vibrant, energetic background. +An art gallery wall featuring a sleek, modern plaque that reads "Untitled by Artist" positioned beside a large, vibrant abstract painting with swirling colors and dynamic brushstrokes. +A rainy windowpane with water droplets trickling down, revealing finger-drawn letters that spell "Stay Weird" in a whimsical, slightly smeared fashion. The scene is lit by the soft glow of an indoor lamp, casting a warm ambiance. +A vintage kitchen countertop with a retro fridge featuring a magnet that spells "Groceries Needed ASAP" in bold, playful letters, surrounded by a clutter of old cookbooks and vintage utensils. +A scuba diver preparing equipment on a dock, with a prominent warning label "Do Not Drop High Pressure" clearly visible on the scuba tank. The scene is set during a sunny afternoon, with reflections of water and the diver's gear on the wooden planks. +A close-up of a detective's worn notebook page, filled with scribbled notes and sketches. A prominent red ink circle around "Whodunit" stands out, emphasizing the central mystery of the case. +A realistic sky with clouds naturally forming the shape of the words "Dream Big", set against a serene, light blue background, with subtle sunlight enhancing the cloud details. +A vintage library stamp, intricately detailed with an old, slightly worn appearance, is pressed into a crisp, white page. The stamp reads "Property of Moon Base Alpha" in elegant, retro-futuristic font, surrounded by delicate, ornate borders. +A detailed, realistic photograph of an engraved plaque that reads "Est 1920", prominently displayed on the weathered stone facade of a historic library building, surrounded by ivy and flanked by ornate stone columns. +A detective's notebook lies open on a wooden desk, the page filled with scribbled notes and a prominent phrase in the center: "Follow the Money". The room is dimly lit, with a single lamp casting a warm glow over the page, emphasizing the urgency of the message. +A dimly lit submarine control room with a control panel glowing ominously, displaying the warning "Leak Detected" in red letters, while water droplets trickle down the metallic walls, reflecting the emergency lights. +A sleek racing car with a glossy hood featuring a dynamic decal that boldly displays "Speed Demon Team", set against a backdrop of a bustling pit crew preparing for a high-octane race. +A bright red sticker labeled "Fragile Handle With Care" adheres to a weathered cardboard box, its vibrant color contrasting sharply against the dull, textured surface. The sticker's edges slightly curl, hinting at its age and the journey the box has endured. +A nostalgic night scene featuring a vintage neon motel sign glowing "Vacancy" in vibrant red letters, set against a dark, slightly rainy cityscape with reflections on the wet pavement. +A realistic gym locker room scene with a prominent sign stating "No Towel No Entry" hanging above the entrance, surrounded by rows of lockers and a few people getting ready, emphasizing the strict towel policy. +A realistic smartphone screen with a notification popup displaying "Battery 5 Remaining", set against a dark background with subtle ambient lighting to highlight the screen's glow. +A bustling subway station with a vivid, colorful sign that reads "Tourist Trap Express". Crowds of people in various tourist attire board and exit the train, with the platform adorned with maps and advertisements highlighting popular tourist destinations. +A baker's oven with the timer counting down, displaying "Burned in 000003", as a worried baker rushes to open the oven door, smoke lightly billowing out, in a cozy, rustic kitchen. +A realistic photograph of an ATM screen displaying the prompt "Enter Your PIN", with a clear view of the keypad below, set against a modern city backdrop. +A bustling coffee shop with a vintage chalkboard sign prominently displaying "Latte Art Championship" in elegant script, surrounded by steaming cups of coffee and artistic latte designs. Customers chat animatedly, and a barista carefully crafts a new masterpiece. +A coastal scene with a lighthouse tower prominently displaying a sign that reads "Warning Strong Currents", set against a backdrop of turbulent waves and a stormy sky. +An ancient, weathered parchment map laid out on a wooden table, with intricate markings and faded ink. The center of the map is highlighted, bearing the ominous phrase "Here Be Dragons", surrounded by mythical creatures and treacherous terrain. +A photograph of a Rubik's Cube with all sides perfectly solved except one, which displays the message "Almost There" in bold, clear letters. The cube is set against a neutral background, emphasizing the nearly completed puzzle. +At a vibrant carnival, a muscular strongman stands beside a towering, colorful booth featuring a classic "Ring Bell Win Prize" game. The scene is lively, with excited spectators and bright lights, emphasizing the challenge and fun of the game. +A movie set with a clapperboard prominently displaying "Scene 24 Take 2", surrounded by crew members preparing for the shot, under the soft glow of studio lights. +A realistic photograph of a fast food drive-thru menu board, prominently displaying the "Double Cheeseburger Meal 5" option, with vibrant colors and clear text, set against a backdrop of a busy, modern city street. +An astronaut's glove drifting in the vast, star-filled cosmos, with the word "Help" clearly inscribed on its palm, surrounded by the ethereal glow of distant galaxies. +A realistic photograph of a pharmacy shelf, with a clear label reading "Cold Medicine Aisle 3" prominently displayed, surrounded by various cold medicine boxes and bottles. The scene is well-lit, with a clean, organized store background. +A modern DJ booth with a neon sign that reads "Requests Welcome" in vibrant colors, set against a backdrop of a bustling nightlife scene with people dancing and colorful lights. +A scientist's lab featuring a modern, cluttered workspace with a cage labeled "Subject 001 Handle with Care" prominently displayed, illuminated by the soft glow of overhead lab lights. +A movie poster featuring the title text "A Hell of a Note" in bold, neon letters against a dark, gritty urban backdrop with a lone figure standing in the shadows, holding a mysterious notebook. +A carnival ticket booth with a vibrant sign that reads "Ride All Day Pass", surrounded by colorful lights and cheerful decorations, set against a bustling fairground backdrop. +A carnival ticket booth under a gray, rainy sky, with a prominent sign that reads "Rides Closed Due to Rain". The booth is deserted, and puddles form on the wet asphalt, reflecting the somber atmosphere. +A close-up of a microscope slide labeled "Specimen A", showing detailed textures of the glass and the handwritten label, with a subtle reflection of light on the surface. +A vibrant TV show poster featuring the logo "Il Mare" prominently displayed, set against a backdrop of a serene, misty coastal landscape with waves gently crashing on the shore. +A modern electric car is plugged into a sleek, futuristic "Fast Charging Station" under a clear blue sky, with a bustling cityscape in the background. The charger's digital display shows a rapidly increasing battery percentage. +A vintage retro camera with a leather strap intricately embroidered with the words "Capture Memories", resting on a rustic wooden table, with soft, warm sunlight streaming in from a nearby window, casting a gentle glow on the scene. +A realistic photograph of a prohibition sign reading "No Gambling" prominently displayed at the entrance of a grand, neon-lit casino, with a dark, moody atmosphere enhancing the contrast between the sign and the opulent building facade. +A serene yoga studio featuring a vibrant wall mural that reads "Find Your Inner Peace", surrounded by soft, calming colors and gentle yoga poses, with natural light streaming through large windows, creating a tranquil and inviting atmosphere. +A modern ambulance parked on a city street, its side prominently displaying the text "Emergency Medical Services" in bold, clear letters. The scene is illuminated by the soft glow of streetlights, with a few passersby in the background, capturing the essence of urban emergency response. +A bustling street corner featuring a street vendor with a vibrant umbrella printed "Ice Cold Lemonade", surrounded by the vibrant colors of market stalls and the lively chatter of passersby, capturing the essence of a warm summer day. +A city street at night, with a yellow taxi prominently featured. The taxi's roof light displays "AVAILABLE CALL 555 0199" in bright, clear letters, reflecting off the wet pavement. The scene is bustling with pedestrians and illuminated by neon signs. +A high-quality, modern inspirational poster featuring the phrase "Think Different" in bold, sleek typography against a minimalist, gradient background. The design is clean, with subtle geometric shapes adding depth, encouraging creativity and innovation. +A vintage movie theater marquee at dusk, brightly lit and displaying the title "The Sequel Nobody Wanted" in bold, retro font. The marquee is flanked by old-fashioned lampposts, and a few people are walking by, some looking up curiously. +A close-up photograph of a laboratory mouse cage, with a white label on the front reading "Project Cerebro Batch 9", set against a sterile, white background. The cage contains a small, curious mouse, emphasizing the scientific and experimental context. +A realistic photograph of the entrance to a Public Security Bureau, with a prominent sign that reads "sein" warning, set against the backdrop of a modern urban landscape. The scene is well-lit, with clear architectural details and a slight sense of foreboding. +A vibrant graffiti mural on a brick wall, prominently featuring the words "Street Art Rules" in bold, colorful letters, surrounded by dynamic street art elements and urban textures. +A realistic photograph of a highway billboard advertising a concert, prominently displaying "SOLD OUT" in bold letters, with a vibrant cityscape in the background and cars passing by on the road below. +A close-up photograph of a keychain with intricate engraving that reads "Return to Owner", set against a blurred, vintage background with warm, golden tones. +A city street at dusk, with a vibrant traffic light poster on a utility pole that reads "Wait for Green". The poster features a green light and a stylized illustration of a pedestrian waiting, set against a busy urban backdrop. +A film set with a vintage movie clapperboard clearly showing "TAKE 27 ACTION" against the backdrop of a bustling studio, surrounded by crew members and cinematic lighting. +A high-quality wine bottle with an elegant label that reads "Vintage Reserve 2020", set against a rustic wooden background, capturing the essence of a premium, aged wine. +A mysterious fortune teller gazes into a crystal ball, where swirling, ethereal mists form the words "Ask Again Never", casting an eerie, enchanting glow in the dimly lit room. +In a cozy museum gift shop, a ceramic mug sits on a shelf, its white surface elegantly printed with "I ❤️ History" in a vintage font. Soft lighting highlights the mug, surrounded by other historical souvenirs. +A high-resolution digital lock screen displaying "3 Failed Attempts", with a faint warning icon glowing red in the corner, set against a dark, sleek background. +An astronaut's toolkit, labeled "Moon Base Repairs", rests on the dusty lunar surface, with the Earth visible in the distant sky, and the shadows of nearby rocks stretching across the ground. +A vibrant robotics event banner displays "TechBots Challenge 2025" in bold, futuristic fonts, surrounded by sleek robot models and enthusiastic participants in a modern, well-lit convention center. +"No trampling" signs are prominently displayed on a lush, green lawn, surrounded by vibrant flowers and trees. The scene is captured in a realistic photographic style, with the signs clearly visible and the natural beauty of the grassland emphasized. +A realistic photograph of a restaurant receipt on a wooden table, with the text "Table 5 86 50" clearly visible, next to a half-empty wine glass and a flickering candle. +A close-up of a sleek, black spy pen with an engraving that reads "For Official Scribbles Only", set against a blurred, secretive office background. The pen's surface reflects a hint of light, emphasizing its discreet and sophisticated design. +An ancient, weathered page from a wizard's spellbook, titled "Summoning Starlight", with intricate illustrations of celestial symbols and glowing runes, set against a backdrop of moonlit night sky. +A realistic photograph of the entrance to a Public Security Bureau, with a clear sign that reads "vernetois" warning prominently displayed. The building is modern, with sleek, dark glass and metal accents, set against a slightly overcast sky. +A wizard in a dimly lit study, surrounded by arcane artifacts and ancient tomes, gazes into a glowing crystal ball that displays the words "Have You Tried Rebooting" in a digital font. +A modern hotel elevator panel with a sleek, silver button labeled "Penthouse Floor 50", reflecting the opulence of the high-end establishment, set against a backdrop of polished marble walls and ambient, warm lighting. +A close-up of a music festival wristband, prominently displaying "VIP Backstage Access", worn on a tanned wrist, with a faded denim sleeve partially visible in the background, capturing the vibrant energy of the event. +A bustling restaurant interior with a reservation stand prominently displaying the sign "Please Wait Host". Guests are seen waiting patiently, and a host stands nearby, clipboard in hand, ready to greet and seat them. +In a dimly lit, post-apocalyptic subway, the cracked walls are scrawled with the ominous message "The Rats Rule Now", surrounded by gnawed remnants and shadows of abandoned cars, creating a hauntingly realistic scene. +A high-end boutique displays a designer handbag with a sleek, metallic tag that reads "Limited Edition", set against a backdrop of luxurious fabrics and soft lighting, emphasizing the exclusivity and craftsmanship of the item. +Retro robot toy packaging, vibrant 1980s colors, bold graphics, "Now With Real Sparks" prominently displayed, shiny plastic, playful robot illustration, nostalgic feel, detailed text, crisp edges. +A weathered pirate's treasure map, with "X Marks the Laundry Room" clearly visible, laid out on an old wooden table, surrounded by antique navigation tools and a flickering candle. +A realistic photograph of a busy mall entrance, featuring a prominently displayed "Hand Sanitizer Available Here" sticker on a glass door, with shoppers passing by and a modern, well-lit interior visible through the doorway. +A realistic meme image of "This is Fine" featuring a dog sitting calmly in a room engulfed in flames, with the dog looking relaxed and unbothered, emphasizing the ironic humor of the situation. +A realistic photograph of a modern delivery truck parked on a city street, with clear side text reading "Fast Freight Express" and the company logo. The truck is clean and well-maintained, with a slight reflection from the morning sun. +A detailed, ancient wizard’s spellbook page with an ornate header reading "Invisibility Incantation", surrounded by mystical symbols and glowing runes, set against a backdrop of aged parchment. +A close-up of an old library book with a vintage stamp reading "Return by March 15", surrounded by the worn pages and the subtle scent of aged paper, capturing the timeless charm of a classic library. +A museum exhibit featuring a glass case with ancient artifacts, including pottery, tools, and statuettes, illuminated by soft, focused lighting. A sign in front reads "Ancient Artifacts" in elegant, gold lettering. +A realistic photograph of a bright orange traffic cone with reflective text "Road Work Ahead" placed on a busy city street, illuminated by the headlights of passing cars at dusk. +A serene outdoor scene with a digital assistant's display showing "Weather Sunny 75 F" under a clear blue sky, surrounded by lush greenery and vibrant flowers, capturing the perfect sunny day. +A high-gloss lipstick case with "Redrum Queen" imprinted in intricate gothic lettering, set against a minimalist background, capturing the elegance and mystery of the design. +A weathered pirate treasure map, labeled "X Marks The Spot", laid out on an old wooden table, with a flickering candle casting shadows and a compass pointing towards the X. +A quaint shop with a vintage, enchanted vibe, featuring a signboard that reads "Wands of Wonder" in elegant, glowing letters, surrounded by floating candles and intricate wooden carvings. +A close-up photograph of a digital calculator screen, prominently displaying the number "80085" as its result, with a sleek, modern design and a slightly reflective surface, set against a neutral background. +A vintage travel poster with bold, retro-futuristic letters urging "Visit Mars Colony by 2050", featuring a vibrant, colorful illustration of a bustling Martian cityscape with sleek, modern buildings and spacecraft landing on a red, rocky terrain. +A close-up of an antique genie lamp, with a warranty card nearby. The fine print on the card clearly reads "Wishes Non-Transferable", emphasizing the unique and personal nature of the wishes. +A close-up of a hospital wristband worn on a person's wrist, clearly printed with "Allergic to Nonsense", set against a clean, white hospital bedsheet. The scene captures the subtle details of the wristband and the fabric. +A cozy coffee shop with a vintage chalkboard prominently displaying "Latte Art Class" in elegant script, surrounded by steaming cups of coffee and whimsical latte art designs. Sunlight streams through the windows, casting a warm glow on the rustic wooden counters and cozy seating area. +A bustling city street with a modern bus stop featuring an advertisement that reads "Travel Comfortably". The ad showcases a cozy, luxurious bus interior, with soft lighting and comfortable seating, set against the backdrop of a vibrant, busy urban landscape. +A bustling urban night scene with a digital billboard towering over the city, flashing the vibrant message "New York Rocks" in dynamic, colorful lights, surrounded by the glow of neon signs and the hustle of city life. +A detailed medieval scroll unfurled, revealing the royal decree "By Order of the King", with intricate borders and a wax seal at the bottom, set against a backdrop of an ancient stone chamber. +A person wearing a fitness tracker on their wrist, which is vibrating and displaying the alert "Move More Now", standing in a modern, sunlit living room, looking surprised and slightly annoyed. +A close-up of a laboratory flask with a prominently displayed sticker warning "Biohazard Level 3", set against a backdrop of scientific equipment and illuminated by the soft glow of lab lights. +A majestic pirate ship sails across a turbulent sea, its black sails emblazoned with "The Jolly Roger", a classic skull and crossbones symbol. The ship cuts through choppy waves under a stormy sky, with crew members visible on deck, adding a sense of adventure and danger to the scene. +A weathered pirate treasure map, detailed with intricate illustrations of tropical islands and dangerous seas, marked with a bold "X Marks the Spot" at the center, surrounded by faded compass points and cryptic symbols. +A colorful children's book illustration featuring a friendly dragon with shimmering scales, saying "I Love Sparkles", surrounded by a magical forest with glittering stars and fairy lights. +A vibrant skateboard deck airbrushed with "Grind Till Sunset" in bold graffiti style, set against a backdrop of a sun-drenched urban street at dusk, with skaters performing tricks in the distance. +A realistic photograph of a baseball cap, featuring embroidered letters "Stay Cool" in a stylish font, set against a clean, neutral background to highlight the cap's design and texture. +A serene yoga studio featuring a wall mural with flowing, elegant text that reads "Breathe In Peace", surrounded by soft, natural elements like gentle waves and peaceful landscapes, creating a calming atmosphere. +A medieval knight's shield, prominently displaying deep, jagged dents and scratches, clearly marked by the powerful "Dragon Bite Marks", set against a dimly lit, battle-worn backdrop. +A bustling basketball court with the words "Home Team Territory" boldly painted on the floor, surrounded by enthusiastic fans in team colors, the atmosphere charged with excitement and competition. +A red neon sign blinking "Open 247" outside a vintage diner, set against a dark, urban night scene with rain-slicked streets and faint reflections of the sign in the puddles. +An astronaut's moon base journal entry, "Day 73: Forgot Tea Bags", shows a lonely figure in a spacesuit sitting at a desk cluttered with mission logs, a cup of water, and an empty tea bag packet, with the desolate lunar landscape visible through a large window. +A detective's evidence tag labeled "Case 3579 Confidential" lies on a weathered wooden table, illuminated by the dim light of a desk lamp, surrounded by scattered crime scene photos and notes. The scene captures the tension and mystery of an ongoing investigation. +A gym wall adorned with a bold, motivational decal that reads "No Pain No Gain", surrounded by exercise equipment and energetic athletes, capturing the intense atmosphere of dedication and effort. +In an ancient, moss-covered courtyard, a weathered sundial stands, its inscription worn but barely readable, saying "You're Late Anyway". The shadows stretch across the stone, emphasizing the passage of time, in a realistic photographic style. +A vintage radio with a glowing dial tuned to "1027 Rock FM", set against a warm, nostalgic backdrop of a 1950s living room, with soft, ambient lighting and a slight sepia tone. +A charming bakery interior featuring a vintage cake stand with a delicate "Slice of Pure Joy" sign, surrounded by an array of colorful, beautifully decorated cakes, with soft, warm lighting enhancing the cozy, inviting atmosphere. +Candy bar wrapper design: "NougatNuke Extreme Energy" with bold, neon colors and dynamic typography. The background features a futuristic cityscape at night, illuminated by vibrant lights, emphasizing the intense and energetic vibe of the product. +A close-up of a well-worn chef's recipe book, open to a page annotated with "Secret Ingredient" in elegant handwriting, surrounded by scattered herbs and spices, with a wooden spoon and a whisk resting on the edge of the page. +A bustling city street at dusk, with a cozy bookstore window prominently displaying a vibrant, well-lit arrangement of "Bestsellers of 2024", featuring eye-catching book covers and a creative layout that draws passersby to stop and browse. +A high-resolution video game loading screen with a sleek, futuristic interface, prominently displaying the text "Level 3 Loading" in bold, glowing letters against a dark, pulsating background. +In a dimly lit, ancient library, a wizard's scroll unfurls, casting an eerie glow with the ominous words "The End Is Nighish" illuminated in glowing runes, surrounded by dusty tomes and flickering candles. +A close-up of a futuristic time machine's dashboard screen, prominently displaying the text "Destination Regrets" in a sleek, digital font, surrounded by glowing control panels and intricate circuitry. +An underwater scene with vibrant coral reefs and a signpost clearly marked "To Atlantis" pointing into the depths, surrounded by colorful fish and gentle sea currents. +A baker in a cozy, rustic kitchen, wearing an apron stained with flour and embroidered with "Knead to Bake", preparing dough with a warm, golden light filtering through the window. +A realistic photograph of a newspaper with the headline "Local pig eats prize pumpkin", alongside an image of a half-eaten pumpkin with visible bite marks, set against a rustic farm background. +A cozy kitchen scene featuring a baker in an apron embroidered with "Knead Love", surrounded by freshly baked bread and pastries, with a warm, golden light streaming through the window. +A rustic farmer's windmill stands tall against a clear blue sky, with a weathered wooden sign hanging below, proudly displaying the words "Green Energy Farm" in bold, green letters. +A majestic theater curtain, richly embroidered with the logo "Grand Opera House", cascades gracefully across the stage, illuminated by the warm glow of vintage stage lights, setting a scene of grandeur and anticipation. +A dental office poster featuring a bright, cheerful smile with the slogan "Floss Daily Smile Bright" prominently displayed. The background is clean and professional, with subtle dental tools and a toothbrush adding a thematic touch. +A cozy kitchen with a vintage charm, where an old-fashioned baker’s oven timer labeled "Perfect Cookies Now" sits prominently on a wooden countertop, next to a tray of freshly baked, golden-brown cookies. The warm, inviting atmosphere is enhanced by soft sunlight streaming through a nearby window. +A close-up of a VR controller with a clear, white label that reads "Recharge After Use", placed on the side. The rest of the controller shows signs of use, such as fingerprints and minor scratches. +A realistic photograph of a road sign with the message "Slow Children Playing" positioned near a school, surrounded by a fence and play equipment, with children playing in the background. +A steaming coffee cup with a "Brew and Go" branded sleeve, sitting on a wooden table next to a laptop and a notebook, with soft morning light filtering through a window. +A realistic photograph of multiple trees in various stages of growth, from saplings to mature oaks, set against a serene backdrop, with the caption "Growing is an ongoing process" displayed subtly at the bottom. +A vintage diner scene with a classic red and white checkered placemat featuring trivia that reads "Coffee Contains 0 Bear". The placemat is slightly wrinkled, with a steaming cup of coffee and a sugar packet nearby, enhancing the cozy, retro atmosphere. +A vibrant music festival scene with enthusiastic attendees wearing wristbands imprinted with "Festival Vibes 2024", set against a backdrop of colorful stage lights and a bustling crowd. +A vibrant comic book cover titled "Heroes United", featuring a dynamic lineup of superheroes from diverse backgrounds, standing together against a city skyline at sunset, with rays of light piercing through the clouds, symbolizing hope and unity. +"Otoparts" generative art, featuring intricate mechanical components with sticky smoke composed of tiny dots, flowing like rivers across the image. The design is modern and graphic, set against a pristine white background. +A vibrant T-shirt design featuring the phrase "Code Like a Pro" in bold, modern font, set against a sleek, gradient background with subtle coding symbols and icons woven into the fabric. +A detailed engraving on a time capsule, with the words "Open When Bored" clearly visible, set against a backdrop of an old, weathered wooden table in a dimly lit room, capturing the essence of nostalgia and curiosity. +A vibrant concert wristband, prominently printed with "Mosh Pit VIP Access", glowing under the pulsating lights of a live music venue, surrounded by enthusiastic fans and dynamic stage effects. +A bustling food truck at a street fair, with a vibrant menu board prominently displaying "World's Best Tacos" in bold, colorful letters, surrounded by images of fresh, delicious tacos and happy customers. +A close-up of a gym locker tag, prominently displaying "Property of Alex", with a slightly worn and faded appearance, set against the metallic texture of the locker door. +A serene coffee plantation nestled at 5000 feet, with lush green hills in the background. A wooden signpost reads "Best Beans at 5000ft", surrounded by ripe, red coffee cherries and vibrant foliage. +A close-up of a tech conference badge featuring "Speaker Access" prominently, with a clear, scannable QR code in the corner, set against a sleek, modern background with subtle tech-themed graphics. +A rustic gardener's shed with a wooden sign hanging by a chain, prominently displaying the warning "Beware of Thorns" in bold, weathered letters. Surrounding the shed are vibrant, thorny rose bushes, adding a natural and cautionary backdrop to the scene. +A rustic farmhouse scene with a wooden signpost standing by the roadside, carved with "Fresh Eggs Sold Here" in elegant, weathered letters. Sunlight filters through the morning mist, casting a warm glow over the quaint, old wooden sign and the surrounding green fields. +A close-up of a birthday cake with icing that spells "40 Today" in shaky, hand-drawn letters, surrounded by colorful candles and sprinkles, on a white plate with a blurred party background. +A neon motel sign glowing "Vacancy" in vibrant red letters stands out against a dark, urban night sky, casting a warm, inviting glow over the empty parking lot and the weathered building. +A modern kitchen with a sleek, stainless-steel smart refrigerator. The digital screen on the fridge door displays a clear reminder: "Milk Expires Tomorrow". Soft, ambient lighting highlights the high-tech appliance, emphasizing the clean, contemporary setting. +A futuristic robot stands in a high-tech lab, its chest plate prominently engraved with "Property of Future Labs", reflecting the gleam of neon lights and advanced machinery around it. +An ancient stone tablet, weathered by time, etched with the warning "Beware the Eclipse" in intricate hieroglyphic style, partially obscured by creeping vines in a dimly lit, mystical forest clearing. +A sleek VR headset on a modern desk, its screen vividly displaying the text "Enter Virtual World", surrounded by futuristic gadgets and a backdrop of a high-tech room. +A gas station pump with a sticker that reads "Contains 10 Fairy Dust", surrounded by a whimsical aura of shimmering particles, set against a twilight sky with a soft, ethereal glow. +A yoga studio window adorned with a sleek, modern decal that reads "Find Your Balance", featuring serene silhouettes of yoga practitioners in various poses, set against a backdrop of a tranquil, sunlit forest. +A detailed tattoo design sketch featuring the phrase "No Regrets" in elegant, cursive script, surrounded by intricate floral patterns and subtle shading, set against a clean, white background. +A vast desert landscape with a lone, weathered signpost standing tall, reading "Water Ahead" in bold letters. The sun casts long shadows, and a subtle mirage hints at the promise of an oasis in the distance. +A vast desert landscape with a weathered billboard, its paint peeling and fading under the harsh sun, clearly reading "Stay Hydrated" in bold, partially worn letters. +A futuristic sci-fi laboratory with a sleek, metallic door displaying a prominent warning sign that reads "Authorized Personnel Only", illuminated by cool blue lights, with a high-tech security panel beside it. +A close-up of a library book spine, prominently stamped with "Rare First Edition", surrounded by other vintage books on a wooden shelf, with a soft, warm light illuminating the scene. +A vibrant t-shirt design featuring the phrase "Music Lover" in bold, colorful typography, surrounded by musical notes and instruments like guitars and drumsticks, set against a gradient background that shifts from deep blue to bright orange. +A cozy bakery interior with a vintage chalkboard prominently displaying the message "Fresh Bread Daily" in elegant cursive. Sunlight streams through the window, casting a warm glow on a display of freshly baked bread loaves and pastries. +A realistic photograph of an old library book open to a page with margin notes. The note "This Is All Wrong" is scribbled in the margin, beside a passage of highlighted text. The room is dimly lit, with the warm glow of a nearby lamp. +A vibrant graffiti art piece on a brick wall, spelling "Street Culture 101" in bold, colorful letters, with dynamic tags and spray paint splatters, set in an urban alleyway with shadows and sunlight filtering through. +A close-up of a vintage garden seed packet labeled "Grow Fast", surrounded by lush, green sprouts and vibrant flowers, set against a sunny, spring backdrop. +A realistic photograph of a highway road sign warning "Deer Crossing Next 1 Mile" set against a backdrop of dense forest, with early morning mist gently rising from the ground. +A hiker stands at the trailhead, looking up at a caution sign that reads "Steep Cliffs Ahead". The rugged path winds into the distance, flanked by tall, green trees and rocky outcrops. The sign is prominently displayed, warning of the dangerous terrain ahead. +A futuristic space station module named "Zero Gravity Lab" floats against the backdrop of a star-studded universe, its sleek, metallic surfaces reflecting distant galaxies. Inside, astronauts work amidst weightless tools and equipment, showcasing the advanced technology and scientific experiments conducted in this zero-gravity environment. +A close-up of a classroom ruler with detailed markings, ending at the "Inches" label. The ruler lies on a worn, wooden desk, with sunlight streaming through a nearby window, casting soft shadows. +A close-up of a weathered philosopher's notebook, the pages yellowed with age, with the phrase "Why Just Because" scribbled in bold, cursive handwriting, under a dim, vintage desk lamp. +A high-quality photograph of a wine bottle with the label "Vintage 1998 Reserve" prominently displayed, set against a rustic wooden background, with soft, warm lighting enhancing the bottle's rich colors and the texture of the label. +An ancient, leather-bound wizard's spellbook lies open on a wooden desk, illuminated by a flickering candle. The page is titled "Turnip Transmutation Charm", with intricate illustrations of glowing turnips transforming into various magical creatures. +A cozy, close-up shot of a scarf with intricate edge stitching that reads "Warm Wishes", draped over a rustic wooden table, with soft, warm lighting highlighting the texture and craftsmanship. +A close-up of a pilot's uniform, showcasing the "Fly High" wings pin gleaming under a soft spotlight, with the texture of the fabric and the metallic sheen of the pin captured in intricate detail. +A solitary mountain peak towering above the clouds, with a flag planted firmly at the summit. The flag reads "Top of the World" in bold letters, fluttering in the crisp, high-altitude wind. +A cozy living room featuring an embroidered pillow with the phrase "Home Sweet Home" prominently displayed, nestled on a plush sofa. Warm, natural light filters through a window, casting a gentle glow on the scene, enhancing the homely and inviting atmosphere. +In a dimly lit, decrepit haunted mansion, the wallpaper's faded floral motifs subtly conceal the phrase "Get Out Now", visible only upon closer inspection, adding an eerie and unsettling atmosphere to the room. +A bustling city street at night, with a neon bar sign glowing brightly, displaying "Live Music Tonight" in vibrant colors, casting a soft, colorful glow on the pavement and passersby. +A farmer stands beside his trusty tractor, its door proudly painted with the words "Harvest Master 5000", set against a backdrop of golden wheat fields at sunset, capturing the essence of rural America. +An abstract painting titled "Chaos Order", featuring vibrant, swirling colors that blend into structured geometric shapes, symbolizing the balance between chaos and order. The composition is dynamic, with bold strokes and contrasting hues creating a visually striking and thought-provoking piece. +A realistic courtroom scene with a gavel plaque prominently displayed, inscribed "Order in the Court", under the watchful gaze of a marble statue of Lady Justice. Wooden pews and a judge's bench add to the solemn atmosphere. +A vibrant, realistic sticker for a children's lunchbox featuring the text "My Lunch Hands Off" in bold, playful letters, surrounded by whimsical illustrations of sandwiches, fruits, and happy cartoon faces, set on a bright, cheerful background. +A superhero stands heroically against a dark, urban backdrop, with a dramatic comic speech bubble above them reading "Evil Shall Not Win", emphasizing their unwavering resolve and the high-stakes battle ahead. +A realistic photograph of a baker's oven with a window sticker prominently displaying the text "Caution Hot Surface", set against a warm, rustic kitchen background. +A close-up of a chef's hat with intricate embroidery that reads "Kiss the Cook", set against a warm, kitchen backdrop with soft lighting highlighting the detailed stitching and fabric texture. +A high-resolution screenshot of a fitness tracker display, prominently showing "10000 Steps Achieved" with a modern, sleek interface and a vibrant green progress bar, set against a clean, white background. +A medieval knight charges into battle, his armor glinting in the sunlight. He holds high his battle standard, emblazoned with the phrase "YOLO Ye Olde Lively Oath", as fellow warriors rally behind him. The scene is set in a lush, verdant field, with rolling hills and a distant castle. +A realistic photograph of a young oak tree with a metal nameplate that reads "Oak Tree Planted 2024" attached to its trunk, surrounded by fresh green grass and small wildflowers in a sunny meadow. +A vibrant, hand-drawn poster for a kids’ lemonade stand, featuring a bright yellow background with cheerful illustrations of lemons and a cute sign that reads "50 Cents" in bold, playful letters. +A serene yoga studio with a yoga mat featuring the imprint "Breathe Stretch Relax" in elegant script, surrounded by soft, natural light filtering through large windows, creating a peaceful and inviting atmosphere. +An astronaut in a detailed spacesuit stands against the vast backdrop of space, the helmet visor clearly reflecting the critical message "Oxygen Low" amidst the starry void. +A cozy farmhouse quilt, intricately embroidered with the words "Home Sweet Barn", hanging on a rustic wooden door of a charming red barn at sunset, surrounded by a serene countryside landscape. +A museum exhibit featuring a glass case with ancient Viking artifacts, including intricately carved runes, weapons, and jewelry, with a detailed exhibit label reading "Ancient Viking Artifacts" prominently displayed. Soft, ambient lighting enhances the historical atmosphere. +A dimly lit dungeon corridor leading to a massive, ancient wooden door adorned with intricate carvings and the ominous warning "Abandon Hope" etched in ancient runes, illuminated by flickering torches casting eerie shadows. +A digital art frame displays a rotating showcase of the artwork titled "Virtual Sunset 302", each iteration presenting a different interpretation of a serene sunset in a futuristic landscape, with vibrant colors and sleek, modern design elements. +A close-up of a vintage library stamp imprint, clearly reading "Property of Arkham Library", set against the worn, textured background of an old book page. The stamp is slightly faded, with a hint of red ink, adding to its aged and nostalgic appearance. +A close-up photograph of a medicine bottle with a bright yellow warning label that clearly states "Dose with Caution", set against a neutral background to emphasize the label's importance. +A close-up of a crumpled theater ticket stub, with "Row G Seat 12" clearly visible, lying on a textured wooden surface, illuminated by warm, ambient lighting. +A serene yoga studio with a large window featuring a minimalist decal that reads "Breathe In Peace", surrounded by soft, natural light and gentle greenery, creating a calming and inviting atmosphere. +A beautifully decorated birthday cake with intricate icing that spells out "30th Crisis Flavor", set on a rustic wooden table adorned with candles and surrounded by celebratory flowers and balloons, capturing the essence of a milestone birthday. +An alien food truck parked on a bustling Earth street, with a neon sign displaying the menu: "Earth Tacos Mostly Harmless". The truck is surrounded by curious humans and aliens, with a friendly alien chef preparing colorful, exotic tacos. +A motivational gym poster with bold, modern typography featuring the phrase "Sweat Now Shine Later" set against a backdrop of a determined athlete mid-workout, with vibrant colors and dynamic lighting to emphasize the energy and drive. +A realistic photograph of a garden plant marker labeled "Heirloom Tomatoes", standing amidst lush green foliage and vibrant tomato plants, with morning dew glistening on the leaves. +An astronaut stands beside a moon base door with a sign that reads "Air Lock Push Hard Really", the desolate lunar landscape stretching out behind them, emphasizing the isolation and the stark, functional nature of the base. +In a vibrant museum exhibit, a life-sized, colorful T-Rex stands with a party hat, surrounded by balloons and a "Dinosaur Party Animal" banner. The dinosaur looks joyfully mischievous, creating a fun, engaging scene that captures the imagination of visitors. +A sleek police car parked on a city street at dusk, its sides adorned with a bold decal stating "To Protect and Serve", reflecting the solemn duty of law enforcement under the fading light of the day. +A neon diner sign glowing with "Open Late Night" in vibrant pink, set against a dark urban street at night, with a few cars parked along the curb and a faint glow from streetlights. +A vast iceberg floats in a serene Arctic sea, its surface intricately carved with the words "Tip Contains WiFi Password". The ice glistens under the pale sunlight, casting shimmering reflections on the water. The unique message stands out, inviting curiosity and wonder. +A modern elevator button panel with sleek, illuminated buttons, including a prominent button labeled "Floor Management" in a corporate office setting, surrounded by reflective surfaces and clean lines. +A winter festival scene featuring an intricate ice sculpture with a placard that reads "Carved By Chef Marco", set against a backdrop of snow-covered trees and festive lights. The sculpture is illuminated by soft, warm lights, highlighting its detailed craftsmanship. +A futuristic alien spaceship console with glowing buttons and screens, prominently displaying "Warp Drive Activated" in neon blue, set against the backdrop of a star-filled galaxy, with soft ambient lighting highlighting the advanced technology. +A yoga mat with the print "Find Balance" lies on a serene beach at sunrise, surrounded by smooth, white pebbles. The soft light highlights the mat's texture and the gentle waves in the background, creating a peaceful and inspiring scene for meditation and yoga practice. +A serene yoga studio with natural light, featuring a yoga mat that prominently displays the mantra "Breathe In Peace" in elegant calligraphy, surrounded by lush green plants and soft, calming decor. +A sleek water bottle with a "Hydrate Daily" reminder, featuring a smooth gradient from blue to green, standing on a white background, reflecting a modern and healthy lifestyle. +A medieval knight stands proudly, his shield prominently displayed, emblazoned with the family motto "Honor Above All" in elegant script. The scene is set in a sunlit courtyard, with the knight's armor glinting and the vibrant colors of the shield standing out against the stonework. +A high-resolution close-up of a sleek smartwatch face, displaying a subtle, blue-themed reminder notification that reads "Medication Time" against a minimalist background. +A vintage newspaper page with a bold headline reading "Moon Landing Success", surrounded by period-appropriate advertisements and articles, set against a backdrop of a 1960s living room with a vintage radio and a rotary phone. +Retro pixel art T-shirt design featuring "I AI" in vibrant, nostalgic colors, set against a vintage 8-bit background with pixelated stars and geometric shapes, capturing the essence of early video game aesthetics. +Ancient cave wall paintings featuring realistic buffaloes, with the phrase "Good Hunting" inscribed above, captured in a dimly lit, archaeological setting, emphasizing the primitive art and its significance in prehistoric culture. +A neon-lit bar sign flashing "Last Call" above the entrance, with the sign's vibrant colors reflecting off the wet pavement of a rainy night, creating a shimmering, atmospheric glow around the dimly lit alley. +A spy dossier cover, dark and sleek, prominently stamped with "Top Secret Eyes Only" in bold red letters, set against a dimly lit, grainy background, evoking a sense of urgency and confidentiality. +An astronaut floating in space, their helmet visor displaying "Oxygen Low" in red, against a backdrop of stars and a distant planet, with the visor reflecting the astronaut's concerned expression. +A futuristic space station hallway with a prominent sign reading "No Gravity Zone" ahead, astronauts floating cautiously, equipment secured to the walls, and a stark, metallic interior with glowing blue lights lining the path. +A fast-food drive-thru menu board at dusk, prominently displaying "Try New Mega Burger" in bold, vibrant letters, with a mouth-watering image of the burger and a queue of cars waiting to order. +A realistic photograph of a construction site, with yellow and black warning tape prominently displayed, marked "Danger High Voltage", surrounding a fenced area with electrical equipment and caution signs. +An astronaut stands on a Martian landscape, the helmet visor prominently reflecting the message "Mars Colony 2030", with a dusty red planet surface and a distant, barren horizon. +A realistic photograph of a highway billboard advertising "Next Exit Cloud City 5 Miles", set against a backdrop of a serene sky with fluffy clouds, and a modern cityscape faintly visible on the horizon. +A quaint wizard shop with a wooden sign swinging gently, inscribed with "Magic Supplies Sold", against a backdrop of a bustling magical town, bathed in the warm light of a setting sun. +A modern digital photo frame displaying the date "2023" on a sleek, black screen, set against a minimalist white wall in a contemporary living room. +A close-up of a worn library book stamp reading "Overdue Since 1973" on yellowed, slightly curled pages, with the texture of the old paper and the faded ink clearly visible. +A dragon's lair filled with treasure, including ancient coins stamped with "In Greed We Trust", gleaming under the flicker of torchlight, surrounded by gold and jewels. +A nighttime city skyline with a massive billboard displaying "Citizen Alert" in bold, glowing letters, towering over the bustling streets and illuminated buildings below. +A dimly lit dive bar with a neon sign glowing brightly, displaying "No Minors Allowed" in vivid red and blue, casting a colorful glow on the weathered brick wall and the empty street outside. +A covert spy camera, ingeniously disguised as a button labeled "Smile You're Filmed", blends seamlessly into a sleek, modern office environment, capturing every detail with precision. +A vintage soda can design reading "Classic Cola", set against a retro 1950s diner backdrop with checkered floors and a chrome jukebox, capturing the essence of mid-century American nostalgia. +A tattoo parlor's front window features a playful decal with the text "RegretFree Guarantee Jk" in bold, colorful letters, surrounded by whimsical tattoo designs like anchors, roses, and skulls, set against a cityscape backdrop. +A neon bar sign flashing "Open 24 Hours" above a dimly lit entrance, with a faint glow illuminating the sidewalk and a few patrons entering the bar, set in a rainy city night scene. +A high-tech space station module, with a sleek, metallic surface reflecting distant stars, features a clear label reading "ZeroG Lab 2" near the airlock, emphasizing its role in cutting-edge zero-gravity research. +A vintage farmer’s almanac cover featuring the title "Best Planting Days", surrounded by illustrations of seasonal plants, tools, and a serene countryside landscape with a clear blue sky. +A vibrant skateboard deck featuring intricate art of a menacing skull with "Skull Crusher Gang" emblazoned in bold, gothic letters across the center, set against a dynamic background of swirling colors and urban graffiti. +A close-up of a rolling pin with an intricate stamp reading "Made with Love" pressed into a bed of flour, capturing the gentle texture and the warm, cozy kitchen atmosphere. +A close-up of a spy's dossier cover, marked "Eyes Only Clearance", with a subtle texture of aged paper and a faint watermark of a government seal. The cover is slightly worn, hinting at its secretive and frequently accessed nature. +A detective's magnifying glass, engraved with "Seek Truth", lies on an old, dusty book in a dimly lit room, surrounded by scattered papers and a flickering lamp. +A vintage circus poster for a magic show, featuring the words "Disappearing Act Tonight" in bold, ornate lettering. The background is a starry night sky with a crescent moon, and a magician in a top hat stands prominently, holding a wand. +A detailed page from an astronaut training manual, titled "Moon Walk Protocol", featuring diagrams of lunar movement techniques, checklist for equipment, and safety guidelines, set against a backdrop of a moon landscape. +A detailed close-up of a clear plastic police evidence bag, sealed and containing a mysterious object, with an official label stamped "Case 8675309" prominently displayed on the front. +A vintage Wild West wanted poster, weathered by time, prominently displays the words "Dead or Alive" in bold, rustic lettering. The poster features a mugshot of a notorious outlaw, with a detailed reward amount and a list of crimes committed, set against a backdrop of a dusty, old-town saloon. +A pirate ship sails the stormy sea, its flag "Beware Pirates" billowing in the wind, under a dark, foreboding sky. +A surf shop window displays a colorful array of surfboards, with a bold sign that reads "Rent Boards Here". The scene is set against a bright, sunny beach backdrop, capturing the vibrant essence of coastal life and the allure of ocean adventures. +A baker in a cozy kitchen, wearing an apron stained with flour, the apron embroidered with "Knead to Relax", surrounded by rising bread loaves and a warm, golden light. +A barista's coffee cup, scribbled with "Jens Morning Fuel 3", sits on a wooden counter, steam rising from the hot beverage, surrounded by coffee beans and a sprinkle of cinnamon. +A bustling supermarket with a "Cleanup Aisle 5 Milk Spill" PA announcement echoing through the aisles, shoppers bustling around, and a staff member rushing with a mop and bucket. +In a dimly lit, ancient library, an eerie, spectral light emanates from an old, leather-bound book. The glowing text on its page reads, "Read at Your Own Risk", casting an ominous shadow across the dusty, silent room. +An ice cream truck parked on a sunny street, with its roof sign blinking "Soft Serve Available" in bright, colorful lights, surrounded by excited children and the vibrant colors of a summer afternoon. +An art gallery wall displays a description card titled "Abstract No 5" next to a large, colorful abstract painting. The card is elegantly framed, and the lighting highlights the intricate details of the artwork. The scene captures the serene atmosphere of the gallery. +A neon café sign flashing "Open 25 Hours" hangs above a retro diner, its vibrant colors illuminating the rain-soaked street below. The diner's windows glow warmly, reflecting the passing night and the occasional late-night customer. +In a modern game lobby, a sleek game console prominently displays the username "keohan" on its screen, surrounded by futuristic gaming accessories and ambient neon lighting. +A close-up of a firefighter's helmet, gleaming under the sunlight, with a bold sticker that reads "Rescue First Questions Later" prominently displayed on the front, set against a backdrop of a smoky, urban landscape. +A subway train speeding through an urban tunnel, its side adorned with vibrant graffiti that reads "Art Is Rebellion" in bold, colorful letters, contrasting with the gritty, metallic surface of the train. +A rock band's drum kit center stage, adorned with the logo "World Tour 2025", under the glow of colorful spotlights, with enthusiastic fans in the background, creating a vibrant and energetic concert atmosphere. +A desert scene with a lone signpost standing in the sand, reading "Mirage Ahead Believe Anyway". The sign is weathered, and a distant oasis shimmers in the heat haze, creating an illusion of water. The sky is a blend of oranges and pinks, signaling the approach of dusk. +A vibrant farmer's market stall overflowing with various squashes, prominently featuring a playful wooden sign that reads "Zucchinis Gone Wild", surrounded by bustling shoppers and colorful produce. +A realistic photograph of a bakery cookie shaped like the words "Eat Me", placed on a rustic wooden table, with a soft, warm light casting a gentle shadow, enhancing the cookie's texture and the inviting ambiance of a cozy bakery. +A movie prop newspaper with the headline "Aliens Love TikTok" lies on a vintage wooden table, surrounded by scattered alien action figures and a vintage camera, under the warm glow of a desk lamp. +An astronaut floating in space, their helmet visor displaying "Oxygen Low" in bold red letters, against the backdrop of a distant Earth, with stars and the blackness of space surrounding them. +A lab specimen jar labeled "Danger Biohazard" sits inside a high-security containment unit, illuminated by the sterile, cold light of the laboratory, with a scientist's gloved hand visible through the transparent barrier, emphasizing the hazardous nature of the contents. +In a dense forest, a large tree trunk features a hand-carved message that reads "John Was Here", surrounded by moss and fallen leaves, with dappled sunlight filtering through the canopy. +A dimly lit castle dungeon with ancient stone walls, scratched with the eerie message "The Lich Lies" in faded, ominous letters. Torchlight flickers, casting long shadows and highlighting the worn, ominous engravings. +A detailed page from a wizard's spellbook, featuring intricate handwritten text. The page is old and slightly yellowed, with the words "Lumos Eterna" prominently displayed in elegant, flowing script. Surrounding the text are mystical symbols and delicate illustrations of magical elements. +A realistic photograph of a zoo enclosure with a clear sign that reads "Feeding Time 3 PM", surrounded by lush greenery and a few curious visitors taking photos. +A child’s fridge drawing titled "My Happy Family", featuring stick figures of a smiling mom, dad, and child, with a colorful house and sun in the background, all drawn with bright crayons on a white sheet of paper. +A serene yoga studio with a minimalist design, featuring a large, elegant wall decal that reads "Breathe In Stress Out", surrounded by soft, ambient lighting and calm, earthy tones. +A modern bedroom with a digital alarm clock on a wooden nightstand, displaying "700 AM Wake Up" in bright red LED, next to a cozy pillow and a hardcover book, with morning sunlight streaming through the window. +A surfboard lies on a sandy beach, its underside facing up, showcasing vibrant spray-painted text that reads "Hang Ten" in bold, ocean-inspired colors, with the sun casting a warm glow over the scene. +A close-up of a scuba mask display, showing the depth indicator with "Depth 30 Meters" clearly visible, surrounded by bubbles and underwater flora, in a realistic photographic style. +A ballet studio with a large mirror reflecting a graceful dancer performing a "Plié Perfectly", surrounded by wooden barres and soft lighting, capturing the serene and focused atmosphere of the practice. +A gym with a large mirror featuring a bold sticker that reads "No Pain No Gain", reflecting a determined athlete lifting weights in the background. +A vintage book cover design featuring "Mystery of the Ages", with an intricate, gothic font set against a dark, mysterious background adorned with ancient symbols and shadowy, enigmatic figures. +In a cozy medieval tavern, a well-worn chalkboard stands near the fireplace, listing "Dragon Wings 5 Gold" among other rustic dishes, the dim light casting soft shadows on the wooden walls and patrons enjoying their meals. +A bustling city square at dusk, an emergency broadcast screen flashing "Evacuate Immediately" in bold red letters, people looking up with worried expressions, the scene captured in a realistic photographic style. +A detailed, realistic photograph of an ancient, dusty wizard’s potion bottle with a parchment label that reads "Drink Me" in elegant, swirling script, set against a dark, mystical background with subtle, magical glows. +A vintage poster featuring bold, retro typography with the title text "Florentiner 73" prominently displayed, set against a backdrop of a bustling European cityscape with pastel-colored buildings and cobblestone streets. +A digital museum exhibit titled "Ancient Memes, Circa 2024" displays a futuristic gallery with holographic screens showcasing vibrant, retro-futuristic memes from 2024, set against a sleek, modern interior. +A weathered pirate treasure map with "X Marks the WiFi" in spidery handwriting, laid on an old wooden table, surrounded by a compass, a quill pen, and a flickering candle, with a ship's wheel in the background. +A realistic photograph of a city street at night, featuring a neon sign above a bar entrance flashing "Over 21 Only", with the surrounding area dimly lit by street lamps and the occasional passerby. +A desert scene with a weathered signpost standing amidst sand dunes, clearly pointing towards "Water 5 Miles" in the distance, under a vast, clear blue sky. +A theater stage backdrop vividly painted with the dramatic scene of "Romeo and Juliet Act III", featuring the tragic lovers in a passionate embrace amidst a moonlit Verona balcony, surrounded by ornate Renaissance architecture and shadowy, tense figures. +A musician's hands are seen in close-up, fingers dancing over piano keys that glow softly, each key inscribed with the phrase "Play with Passion", set against a blurred background of a grand concert hall. +A wizard stands in a mystical forest, holding a staff inscribed with "This End Toward Problems". The staff glows faintly, casting an ethereal light on ancient runes and swirling mist. The wizard's robes billow in a gentle breeze, emphasizing the serene yet powerful atmosphere. +A sleek, metallic alien spaceship hovers in a starlit space, its hull etched with intricate symbols that translate to "Humans Are Cute", glowing softly under the ship's ambient lights. +A charming bakery window with a playful decal that reads "Gluten-Free Magic Inside", surrounded by an array of delectable, freshly baked goods on display, bathed in the warm, inviting glow of the morning sun. +A modern office setting with a large screen displaying a video conference. The screen banner reads "Meeting In Progress" in bold, clear text. Participants are visible, engaged in discussion, with a professional backdrop. +A gym wall clock with "Sweat Time" text replacing the numbers, set against a backdrop of sleek exercise equipment and energetic athletes. The clock's modern design features bold, contrasting colors, emphasizing the motivational message in a vibrant, high-resolution photo. +A high-quality photograph of a gym weight plate stamped "50 kg Certified", showcasing its rugged texture and the clear, bold text. The plate is placed on a gym floor, with a faint reflection of a weight rack in the background. +A vibrant skateboard deck design featuring the bold text "Skate or Die" in dynamic graffiti style, set against a backdrop of urban street art and splashes of neon colors, capturing the rebellious spirit of skate culture. +A roadside billboard stands tall, advertising "Big Sale Today Only" in bold, eye-catching letters. The scene is set during a sunny afternoon, with cars passing by on the busy street, and pedestrians glancing up at the vibrant advertisement. +Astronaut floating in space, helmet visor display flashing "O₂ CRITICAL" in bold red letters, against a backdrop of stars and Earth, with a sense of urgency and isolation. +A cluttered laboratory with a scientist's whiteboard in the foreground, scribbled with "Eureka Day 73" amidst other equations and notes, under a soft overhead light, capturing the moment of breakthrough. +A dramatic TV show poster titled "Tigers of the Snow", featuring two majestic Siberian tigers prowling through a snowy forest, their eyes glowing with intensity, set against a backdrop of icy trees and a pale, moonlit sky. +A close-up of a worn concert ticket stub featuring the text "Headliner Band World Tour" in bold, with a faded background of a music festival scene. The stub shows signs of use, with creases and a slightly torn edge. +A museum exhibit featuring a dinosaur fossil plaque with the inscription "Extinct Press X to Doubt", set against a backdrop of ancient flora and fauna, with a subtle, modern touch in the interactive button. +A vintage, weathered wanted poster hangs on a wooden post in a rustic town square, offering a "Reward" for the capture of a mystical unicorn. The poster features a detailed illustration of the unicorn and is adorned with seals and official stamps. +A realistic smartphone screen with a notification bubble displaying "You're late" from Mom, set against a blurred background of a cluttered desk with a calendar and clock visible, emphasizing the urgency and context of the message. +A submarine's periscope view, partially submerged in deep ocean waters, with the overlay text "Depth 300 Fathoms" clearly visible, surrounded by dark, mysterious depths and faint, distant light. +A yoga studio with a large window featuring a sleek, modern decal that reads "Mindfulness Inside", surrounded by serene, natural light and tranquil interior elements like yoga mats and plants. +A close-up of a sleek, modern scuba mask packaging, prominently displaying the label "AntiFog Technology" in bold, clear text. The background is a gradient of ocean blues, enhancing the aquatic theme and highlighting the mask's features. +A close-up of a bakery window, featuring a modern, eye-catching sticker declaring "Gluten-Free Options" in stylish, bold letters, with a background of freshly baked bread and pastries. +A vast desert landscape under a scorching sun, with a heatwave distortion making a distant sign shimmer, clearly displaying "Free WiFi Ahead" in the mirage. +A close-up of a firefighter’s helmet, with a sticker that reads "No Dragons We Checked" prominently displayed. The helmet is slightly worn, showing signs of use, with the sticker slightly peeling at the edges. The background is a blurred, smoky scene, hinting at a recent fire. +A close-up of a vintage, rustic seed packet, labeled "Magic Beans", with intricate illustrations of lush plants and tiny, whimsical fairies, set against a backdrop of a sunlit, overgrown garden. +A futuristic spaceship console with blinking red lights and a digital display alerting "Fuel Critical" in a sleek, high-tech environment. +A detective's worn notebook open to a page filled with handwritten notes, a finger pointing to a circled clue that reads "The Butler Did It", under a dim desk lamp in a cluttered office. +A close-up photograph of a nutrition facts label prominently displaying "Low Sodium Option" on a crisp, white background, with a subtle shadow to enhance the label's texture and readability. +A serene camping site with a clear, blue sky, where a wooden board stands prominently, displaying a bold sign that reads "No Campfires Allowed". The surrounding nature is lush and green, emphasizing the tranquility and the importance of the warning. +An astronaut stands on the moon, planting a flag that reads "Earthling Was Here", with the Earth visible in the distant black sky, emphasizing the desolate lunar landscape and the bold message on the flag. +A vast desert landscape under a twilight sky, featuring a towering billboard with alien symbols that clearly translate to "Humans Keep Circling", surrounded by the eerie glow of distant, ancient ruins. +A gym locker room with a row of metal lockers, a polished floor, and a large mirror on one wall. The mirror reflects the text "You Got This" graffitied in bold, vibrant colors, adding a motivational touch to the scene. +A majestic pirate ship sails across a turbulent sea, its large sail emblazoned with the ominous words "Dead Men Tell Tales", under a stormy sky, with waves crashing against the hull and seagulls circling overhead. +A medieval knight's steed, adorned with intricate armor featuring the embossed phrase "My Other Ride is a Dragon", standing proudly in a sunlit courtyard, surrounded by ancient stone walls and fluttering banners. +A realistic photograph of a hospital wristband, clearly printed with "Patient Room 307", wrapped around a patient's wrist, lying on a crisp white hospital bedsheet. +A pirate stands on a wooden ship deck, his parrot perched on his shoulder. The parrot has a vibrant green and red plumage, and a speech bubble above it reads, "Squawk Walk the Plank". The pirate looks stern, with a weathered face and a tricorn hat. +A forest trail with a wooden marker post, intricately carved with the warning "Beware Moon Bears", standing amidst dense trees and undergrowth, with dappled sunlight filtering through the canopy. +A bustling farmer's market stall, with a wooden sign prominently painted in green letters that read "Organic Fresh", surrounded by vibrant, colorful vegetables and smiling customers. +A spy dossier cover, embossed with intricate security patterns, prominently stamped "Top Secret Eyes Only" in bold red ink, lying on a dark, textured background. +A prehistoric cave wall painting, detailed and vibrant, depicting the "First Hunt of Spring". Ancient hunters, armed with spears, chase after a large deer, surrounded by lush, green foliage and blooming flowers, symbolizing the arrival of spring. +A high-tech spy camera lens with a digital overlay displaying "TOP SECRET EYES ONLY" in bold, red text, set against a sleek, metallic background. The scene captures the intricate details of the lens and the ominous warning, emphasizing the covert and confidential nature of the device. +A neon sign glowing above a vintage diner, displaying "Open 24 Hours" in bright, vibrant colors, casting a warm glow over the foggy night street. +A fantasy book cover titled "The Dragon's Whisper" with an elvish-style font, featuring an ancient, sprawling forest under a moonlit sky, with a majestic dragon perched atop a weathered stone arch, its eyes glowing with mystic energy. +A sleek, modern car rental office with a row of diverse vehicles parked outside, a large sign reading "Unlimited Miles" prominently displayed. A happy customer hands over their credit card to a smiling attendant, while a beautiful, open road stretches into the distance, symbolizing freedom and endless possibilities. +A vibrant album cover featuring the text "Summer Hits" in bold, sunlit letters, surrounded by a beach scene with palm trees swaying in the breeze, colorful beach balls, and a clear blue sky. Waves gently lap the shore, and cheerful people enjoy the warm sun. +A realistic photograph of a laboratory mouse cage with a clear label on the front reading "Group C Control", set against a clean, white background typical of a research facility. +A wedding invitation featuring the couple’s names elegantly written in script, alongside the phrase "Forever Starts Here", set against a refined, floral background with subtle gold accents. +A sleek police car parked on a city street, its side adorned with a striking decal that reads "To Protect and Serve", under a clear blue sky, with pedestrians walking by, capturing the essence of urban law enforcement. +A dimly lit cave interior with a rugged explorer's journal open on a rocky surface, the page scrawled with frantic handwriting: "Theyre Watching RUN". Shadows loom in the background, hinting at unseen observers. +In a modern art gallery, a sleek, minimalist plaque titled "Untitled 7" by Anonymous hangs below an abstract painting. The plaque is mounted on a clean white wall, with soft, ambient lighting highlighting the subtle textures and colors of the artwork. +A realistic photograph of a boarding pass ticket lying on a wooden table, with clear text showing "Gate B12 Seat 24F" and a barcode beneath it. The ticket is partially curled at the edges, suggesting it has been handled. +A realistic photograph of a robot protest, where a metallic robot holds a sign that reads "Batteries Included Consent" amidst a crowd of other robots, all standing in an urban setting with a backdrop of skyscrapers and billowing smoke. +In a dimly lit, ancient cavern, a dragon rests atop a pile of gold and jewels, with a large, ornate treasure chest marked "Contains Anxiety" prominently in the foreground, its intricate lock gleaming in the dim light. +A snowman with a carrot nose stands in a winter landscape, holding a sign that reads "Melt Happens", surrounded by snowflakes and a faint, warming sun. +A high-tech, futuristic lab coat with a sleek badge prominently displaying "Dr Xenon Quantum Division", set against the backdrop of a modern, well-lit laboratory filled with advanced scientific equipment. +A computer screen displays an animated GIF that glitches repeatedly, showing "Error 404" in a futuristic, neon-lit interface, with static lines and pixel distortions adding to the chaotic, digital breakdown. +A photography exhibit featuring a series of urban landscapes captured in 2023, each image showcasing the vibrant, modern city life with detailed captions reading "Urban Landscapes 2023" beneath. +A vibrant kindergarten classroom where a child presents their finger painting titled "My Happy Family", showcasing a colorful, joyful family scene with simple, playful shapes and bright, smudged colors. +A cracked smartphone screen, fragmented and splintered, displaying "Low Battery 1" in bright red, set against a dark background with subtle ambient lighting to emphasize the damaged display. +A vintage roadside diner with a chalkboard menu prominently displaying "Meatloaf Special" in elegant, handwritten chalk font, set against a backdrop of a sunny, nostalgic American countryside. +A vintage train station board, slightly weathered, prominently displays "Platform 9¾ On Time" in elegant, retro font. The board is illuminated by soft, ambient lighting, creating a nostalgic and mysterious atmosphere. +A realistic Halloween scene featuring a tombstone prop inscribed with "RIP Here Lies Procrastination", surrounded by foggy, dimly lit forest, with fallen leaves and a faint moonlight casting eerie shadows. +A librarian's desk with a vintage stamp that reads "Overdue Pay in Dad Jokes", surrounded by stacks of books and a cozy, warm atmosphere. The scene is set in a classic library with wooden shelves and soft lighting. +A wedding cake topper featuring a stylish couple standing under a delicate arch, with the elegant text "Happily Ever After" gracefully inscribed above them, set against a backdrop of softly glowing fairy lights. +A sleek racing car with a glossy finish, featuring a bold and vibrant decal on the hood that reads "Speed Demon Team", set against the backdrop of a bustling racetrack. +In a futuristic supermarket on an alien planet, a brightly lit aisle sign reads "Human Snacks". Shelves are stocked with unusual, colorful packages, and alien shoppers browse with curiosity, while a human figure in a protective suit stands cautiously nearby. +An intricate ice sculpture gleaming under soft chandeliers at an elegant gala, the detailed engraving clearly reading "Winter Ball 2024", surrounded by tuxedo-clad gentlemen and elegantly dressed ladies in a frosty, opulent ballroom. +A museum exhibit featuring a dinosaur fossil with a display plaque that reads "Extinct Or Just Napping", surrounded by soft, warm lighting and curious visitors. +A cozy bakery with a charming sidewalk sign chalking "Free Samples Inside", inviting passersby with the warm aroma of fresh bread and pastries through the open door. +Ancient oracle stone, weathered and cracked, revealing the ominous inscription "Beware the Ides of March", set against a backdrop of a dimly lit, mystical forest at dusk, with a faint glow around the stone, enhancing its mystical aura. +A vintage gas station at dusk, with a classic neon sign prominently displaying "Fuel 99 Cents", set against a backdrop of an old American highway. +A motivational poster with a sleek, modern design, featuring the text "Keep Calm and Prompt On" in bold, elegant fonts, set against a gradient background that transitions from soft blue to serene green, surrounded by minimalist, geometric shapes. +A close-up of a firefighter's helmet, featuring a sticker that reads "Kinda Heroic", set against the backdrop of a smoky, urban landscape with a subtle glow from distant flames. +A close-up of a pharmacy receipt with "Rx 48765 Refill 130" clearly visible, lying on a white countertop with a few pills scattered nearby, under the soft glow of overhead lighting. +A realistic photograph of a farmer's scarecrow standing in a golden wheat field, wearing a worn shirt that reads "Im Not Real", with a cloudy sky and subtle shadows highlighting the texture of the straw and fabric. +An astronaut stands in a stark, lunar landscape, the helmet visor clearly reflecting the critical message "O₂ Level 95" amidst the serene yet desolate environment, with the Earth hanging low in the dark sky behind. +A chef's menu specials board, prominently displaying "Lobster Night", hangs on a rustic wooden wall, illuminated by warm, ambient lighting. The board features elegant, cursive handwriting and is adorned with fresh herbs and a small, decorative lobster. +A bustling farmer's market scene with a rustic wooden stand. A chalkboard prominently displays "Organic Eggs 3" in elegant script. Fresh produce surrounds the stand, with baskets of eggs and vibrant vegetables, capturing the essence of a sunny morning. +An eerie nighttime scene with an alien spacecraft hovering above a rural landscape. A group of humans stand in a circle, labeled "Consent Circle One", with a mix of wary and curious expressions, as aliens with luminescent eyes gently approach, creating a tense yet surreal atmosphere. +A vibrant birthday card featuring the phrase "Over the Hill at 40" in bold, celebratory typography, surrounded by cheerful balloons, confetti, and a festive cake with lit candles, set against a bright, colorful background. +A high-resolution photograph of a space colony dome window, with intricate etching that reads "Mars Alpha 2124", set against the backdrop of a distant Martian landscape under a star-filled sky. +A sleek, futuristic sci-fi spaceship with a metallic hull gleaming under starlight, prominently marked with the text "Galaxy Explorer 9" on its side, set against a backdrop of distant planets and nebulae. +A digital billboard towers over the bustling crowd in Times Square, vividly displaying the message "Welcome to NYC" in vibrant, flashing colors against the backdrop of the iconic city skyline at night. +A neon sign flashing "Open 247" above the entrance of a retro diner, set against a dark, urban night scene with a faint glow illuminating the sidewalk and a few vintage cars parked nearby. +A wedding cake topper featuring two groom figures elegantly holding a sign that reads "Mr & Mr Smith", set against a backdrop of intricate cake frosting and delicate decorations, captured in a realistic photographic style. +A pottery workshop shelf with a rustic wooden sign hanging at the edge, clearly marked with the words "Fragile Dry Slowly". Clay pots and vases of various sizes are neatly arranged on the shelf, reflecting the careful handling required. +A dark, cozy living room with Halloween decorations, featuring a glowing "Boo" in vibrant orange letters hanging above a lit pumpkin. The scene is illuminated by soft, warm lights, casting a spooky yet inviting atmosphere. +A vibrant, detailed poster for a rock band’s tour, titled "The Midlife Crisis Tour 2024", featuring the band members in a gritty, energetic setting with electric guitars, drums, and a crowd in the background, all under a neon-lit stage. +A vibrant Oktoberfest scene featuring a traditional beer stein with "Prost" engraved in a festive, ornate font, surrounded by colorful decorations and cheerful revelers in Bavarian attire. +A yellow school bus with the slogan "vehicle" prominently printed on its side, parked in front of a suburban school on a sunny morning, with children waving goodbye as they enter the building. +A vintage radio, its dials glowing softly, is meticulously tuned to the station broadcasting "Emergency Broadcast", set against a backdrop of a cozy, dimly lit room with nostalgic decor. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot", sitting on a wooden table, steam gently rising from the cup, surrounded by morning light. +A close-up of a child's lunchbox sticker, vividly displaying the label "Super Star" in bold, colorful letters, surrounded by sparkling stars and vibrant patterns, set against a bright, cheerful background. +A serene coastal scene with a fishing boat named "Sea Queen II" anchored in the calm waters. The boat's wooden hull glistens under the golden sunlight, reflecting the azure sky. Seagulls hover overhead, and the dock is lined with weathered nets and buoys. +A museum exhibit featuring a glass case with ancient artifacts, including pottery, tools, and jewelry. The exhibit label reads "Ancient Artifacts" in elegant, gold lettering, prominently displayed on a dark, wooden plaque. Soft, ambient lighting highlights the historical items, creating a serene and educational atmosphere. +A beach scene with a bright blue sky, golden sand, and gentle waves. A prominent red warning flag with "High Tide Alert" is flying high on the shore, catching the breeze. Palm trees sway in the background, and a few sunbathers are visible in the distance. +A vibrant skateboard deck featuring a bold, graffiti-style graphic that screams "Skate or Die" in neon colors, set against a gritty urban backdrop with a blurred, motion-blurred effect to capture the dynamic energy of skate culture. +A bustling nightclub entrance at night, with a vibrant neon sign reading "VIP Lounge" glowing brightly against the dark urban backdrop. People in stylish outfits are gathered, creating an energetic atmosphere. +A dimly lit prison cell with rough stone walls, featuring a poignant carving that reads "Innocent Forever" in elegant script, casting subtle shadows in the flickering torchlight. +A vintage neon motel sign reads "Vacancy Free WiFi", glowing brightly against a dark, slightly overcast night sky, casting a soft, colorful glow on the old, weathered brick wall of the motel. +A close-up of a leather-bound dossier cover, prominently displaying a large, red "Top Secret" stamp, with subtle creases and wear marks, suggesting its importance and frequent handling. +Close-up of a 3D-rendered toothpaste tube figurine, featuring candy pastel colors and the text "teatre" clearly visible on the tube, set against a clean, minimalist background. +A realistic photograph of a tattoo parlor's window, featuring a stylized stencil that reads "No Regrets". The stencil is slightly weathered, with the sunlight casting soft shadows, enhancing the worn, urban aesthetic of the scene. +A polar bear stands on an icy floe, holding a sign that reads "Please protect me", surrounded by a vast, pristine Arctic landscape under a clear blue sky. +In a cluttered mad scientist lab, a whiteboard is filled with complex equations and diagrams, culminating in the bold, underlined text "Flubber Profit". Glass beakers and bubbling liquids surround the board, with a quirky inventor in a lab coat peering excitedly at the results. +A museum exhibit featuring a detailed plaque titled "Jurassic Era Fossils" surrounded by ancient, well-preserved dinosaur fossils and skeletal remains, illuminated by soft, focused lighting that highlights the texture and age of the specimens. +A UFO hovers in the night sky, its underside illuminated with a glowing message in English: "We Come in Peace". The alien craft is surrounded by a soft, blue light, casting a serene and otherworldly glow over the landscape below. +A grand library with arches adorned with a stone engraving that reads "Knowledge Lights the Way", surrounded by lush greenery and bathed in the warm glow of the setting sun. +A close-up of a chef’s knife on a wooden cutting board, the handle intricately engraved with the phrase "Sharp Words Cut Deeper", surrounded by fresh herbs and vegetables, with a subtle play of light highlighting the engraving. +A bustling airport terminal with a large, modern departure board prominently displaying "Flight 237 Now Boarding" in bright, flashing letters. Passengers with luggage hurry past, while airport staff assist travelers. The scene captures the hurried yet organized atmosphere of a busy airport. +A realistic urban scene featuring a red stop sign with "Stop Procrastinating" spray-painted in white, set against a backdrop of a busy street with cars and pedestrians. +A weathered pirate map parchment, creased and stained, with a distinctive "X Marks Regret" in bold, faded ink, surrounded by intricate illustrations of ships, compass roses, and sea monsters, all under a soft, ambient light that highlights the age and mystery of the treasure map. +In a chemistry lab, a glass vial with a white label that reads "Volatile Compound XZ9" sits on a wooden table, illuminated by the soft glow of a nearby lamp, surrounded by scientific instruments and glassware. +A rustic farm gate features a wooden sign with "Fresh Eggs Sold Here" and a charming hand-drawn chicken, set against a backdrop of green pastures and a sunny sky. +A close-up of a sleek, futuristic robot pet collar with a silver tag that reads "Model TX9 Property of Tesla" under a soft, ambient light, set against a minimalistic, tech-inspired background. +A close-up of a coffee cup sleeve with "Caution Hot Beverage" text repeated around it, set against a warm, minimalist background. The sleeve is slightly crinkled, showing signs of use, and the text is clear and prominent. +A glowing magic 8-ball floats in a dimly lit room, its transparent orb illuminating the surrounding darkness. Inside, the message "Ask Again Later" is clearly visible, cast in eerie, luminescent letters against the black background. +A bustling city street with a quaint butcher shop, its window proudly displaying a sign that reads "Prime Cuts Available". Inside, various cuts of meat are artfully arranged on a wooden counter, illuminated by warm, natural light streaming through the window. +A pizza box with its lid slightly ajar, revealing a steamy, cheesy pizza inside. The lid is printed with "Caution Cheesy Inside" in a playful comic font, adding a fun and quirky touch to the scene. +A bustling food truck with a vibrant side panel menu prominently displaying "Taco Tuesday Special" in bold, colorful letters, surrounded by images of fresh, mouth-watering tacos. Customers queue eagerly, the scene alive with the aroma of sizzling meat and the sounds of lively chatter. +A close-up of a restaurant receipt with a line item clearly showing "Total 4250", set against a blurred background of a cozy dining area with dim lighting and elegant table settings. +A bustling tech expo hall with a large, vibrant banner reading "Innovation 2024" hanging prominently above the entrance, surrounded by futuristic displays and excited attendees. +A vast desert landscape with golden sand dunes, one of which is uniquely shaped to spell "Sahara Sands" in elegant, flowing letters, casting subtle shadows in the warm sunlight. +A close-up of a shiny, silver dog collar tag, inscribed with "Best Buddy", reflecting a soft, warm light that highlights the engraved letters. The background is a blurred, green grass, suggesting an outdoor setting. +A realistic photograph of a highway billboard displaying "Next Exit Gas Food Lodging" under a clear blue sky, with a modern sedan driving past and a sprawling landscape of green fields and distant mountains in the background. +A high-tech website banner featuring the tagline "Innovate Tomorrow" in bold, futuristic fonts, set against a sleek, gradient background with subtle tech icons and abstract digital elements. +A serene backyard scene featuring a wooden bird feeder sign that clearly states "Feed the Birds", surrounded by various perching birds and a lush, green environment. +A gardener, wearing vibrant gloves emblazoned with the words "Plant Love", tenderly cares for a lush, thriving garden, surrounded by a variety of colorful flowers and green foliage, under a warm, sunny sky. +A vintage suitcase with "bay" embossed on its side, sitting on a cobblestone street at dusk, with the soft glow of streetlights reflecting off the wet stones and the suitcase's worn leather. +A close-up of an airplane seatback sign displaying "Fasten Seatbelt", illuminated against the subtle texture of the seat fabric, with a soft glow around the edges, capturing the calm ambiance of an airline cabin. +A close-up of a detailed tax form with fine print at the bottom that reads "See Back for Hidden Fees", surrounded by a cluttered desk with pens, calculators, and financial documents, captured in a realistic photographic style. +A close-up of elegant, shimmering magic wand packaging with the words "Wish Granted" embossed in gold, surrounded by delicate, sparkling fairy lights and a soft, mystical glow. +A vintage retro diner setting with a classic napkin dispenser prominently displayed, labeled "Free Napkins", on a polished wooden counter, surrounded by old-fashioned stools and a checkerboard floor. +A vintage circus poster featuring bold, ornate letters that spell out "Big Top Magic", surrounded by classic circus elements like colorful tents, playful clowns, and majestic elephants, all under a nostalgic, worn paper texture. +A serene cemetery entrance, with an ornate iron gate partially open. On the gate, a weathered plaque reads: "Quiet Please Eternal Naptime". The scene is bathed in the soft, golden light of late afternoon, emphasizing the peaceful and respectful atmosphere. +A recycling bin labeled "Paper Only" stands in a well-lit urban alley, surrounded by stacks of neatly folded cardboard boxes and a few scattered sheets of paper, with the city's skyline visible in the distance. +A high-resolution photograph of a restaurant menu header, featuring elegant typography that reads "Chefs Specials Today" in a sophisticated font, set against a backdrop of a rustic wooden table, with a soft, warm glow from nearby candles enhancing the ambiance. +A vintage bird cage with a brass plaque that reads "Polly Wants A Cracker", surrounded by a rustic wooden background and soft, warm lighting, capturing the nostalgic charm of a bygone era. +A yoga studio features a serene wall mural, prominently displaying the words "Find Your Inner Peace" in elegant, flowing script, surrounded by tranquil natural landscapes and gentle lotus flowers, enhancing the calming ambiance of the space. +A close-up of a well-worn recipe card, with the chef's handwritten note "Secret Ingredient Love" prominently visible, surrounded by scattered herbs and spices, creating a warm, inviting kitchen atmosphere. +A baker stands in a cozy, sunlit kitchen, their apron stained with flour that spells out "Knead to Bake". The baker’s hands are dusted with flour, and a freshly kneaded loaf of bread rests on the counter beside a bowl of ingredients. +A high-speed race car with a sleek, aerodynamic design, featuring a bold and vibrant "Speed Demon" decal on the spoiler, racing on a sunlit track with a blurred background, emphasizing speed and motion. +A witch's broomstick leans against a stone wall, with a small, wooden tag tied to it reading "Fly at Your Own Risk" in bold, gothic lettering. The scene is set in a dimly lit, mystical forest at dusk, with swirling mists and a full moon casting an eerie glow. +A fantasy map with a label reading "Here Be Dragons" placed near majestic, fog-shrouded mountains, the text styled in ancient, ornate lettering, surrounded by detailed illustrations of mythical creatures and navigational symbols. +Retro arcade screen glowing with pixelated graphics, displaying "AAA 999999 Points" in bold, neon colors. The screen is surrounded by a wood-grain cabinet, with joystick and buttons below, set in a dimly lit game room. +A futuristic tablet displays "100% Chance of Meteor Shower" amidst a dark, starry night sky, with a silhouette of a cityscape in the background, capturing the anticipation of an impending celestial event. +In a dimly lit, ancient library, a wizard's scroll unfurls, glowing with an ethereal light. The magical text "Incantation Leviosa Maxima" illuminates the dusty air, casting mystical shadows on the surrounding shelves filled with arcane tomes. +A smartphone case with "Im With WiFi" in playful, colorful font, lying on a modern, minimalistic desk with a sleek laptop and a cup of coffee nearby, under the soft glow of a desk lamp. +A close-up of a shiny silver dog tag pendant, intricately engraved with "Best Boi 2023", hanging from a leather collar on a soft, furry dog's neck, set against a warm, blurred background of a cozy living room. +A close-up of a vintage, leather-bound notebook cover, intricately embossed with a floral pattern, and titled "My Secret Diary" in elegant, cursive handwriting. The cover shows subtle signs of wear, hinting at many pages filled with secrets. +A close-up of a firefighter's helmet, prominently displaying a sticker that reads "Never Forget 911", with the helmet showing signs of wear and soot, set against a backdrop of a smoky, urban landscape. +Ancient cave painting on rough stone walls, depicting a herd of mammoths with primitive "Hunt Here" symbols etched beside them, illuminated by flickering torchlight. +A detailed classroom poster illustrating the "Water Cycle Steps", featuring clear depictions of evaporation, condensation, precipitation, and collection, with vibrant colors and educational text labels. +A vintage postcard featuring an iconic Parisian scene with the Eiffel Tower in the background, bustling with people. The postcard has the text "Greetings From Paris" prominently displayed at the top, with a faded, nostalgic color palette enhancing the old-world charm. +A dynamic scene at a race finish line, with a vibrant banner reading "Finish Strong" fluttering in the breeze. Runners are seen crossing the line, their faces a mix of exhaustion and triumph, with a cheering crowd in the background. +A samurai stands proudly on a battlefield, his battle standard held high. The flag is vividly painted with the resolute words "No Retreat", fluttering dramatically in the wind against a backdrop of ancient Japanese landscapes. +A realistic photographic scene of a futuristic space whale observation deck. In the foreground, a metallic plaque reads "No Flash Photography" against the backdrop of vast space and a gentle, bioluminescent space whale drifting by. +A cluttered laboratory with a scientist's whiteboard in the foreground, densely covered in complex equations and diagrams, culminating in bold letters that read "Eureka 2024". +A snowman stands in a winter scene, holding its carrot nose and a sign that reads "Melt Happens", surrounded by a soft, snowy landscape with a subtle, cold blue tint. +A close-up of a pharmacy label on a white pill bottle, prominently displaying the instructions "Take Once Daily" in bold, clear text, set against a clean, neutral background. +A worn detective's notebook lies open on a cluttered desk, the page revealing a handwritten entry that reads "Case 1432 Unsolved". Around it, scattered photographs and crumpled papers hint at the complexity of the mystery. The scene is bathed in the dim light of a solitary desk lamp. +A vintage typewriter on a wooden desk, with a crisp, white page inserted, the top of which reads "Chapter One" in elegant, typed font. Soft, ambient lighting enhances the nostalgic atmosphere of the scene. +A close-up of a vintage leather-bound diary with the page turned to an entry titled "My Hidden Thoughts", the ink handwriting is elegant and slightly faded, set against a soft, warm background with a single, delicate rose petal resting on the page. +A close-up of a coffee cup with a sleeve printed "Caution Liquid Awesome", sitting on a wooden table, with steam rising gently from the cup, creating a cozy and inviting atmosphere. +A high-speed race car with a gleaming windshield that reads "Pit Stop Next Lap", speeding through a blurred track, with mechanics in the background preparing for the upcoming pit stop. +A realistic night scene with a UFO hovering over a small town, its underside lights brightly spelling out "Take Me to Your Coffee" in a playful, neon-like glow, casting a mysterious yet inviting atmosphere. +A nostalgic retro arcade hall, dimly lit, with a classic arcade machine in the foreground. The screen prominently displays "Insert Coin" in vibrant, flashing colors, capturing the essence of 80s gaming culture. +A digital billboard in Times Square flashes the message "404 Reality Not Found" amidst a bustling crowd, neon lights, and towering skyscrapers, capturing the essence of a futuristic cityscape at night. +"Ancient Tribe Lives Here" depicted in a cave wall painting, showcasing primitive tools, figures of tribal members, and natural elements like animals and plants, all rendered in earthy tones with a rough, textured surface. +A cozy living room with a baby shower banner that reads "Welcome Baby Emily" hanging above a beautifully decorated cake table, surrounded by colorful balloons and happy guests. +A vintage gas station scene with a retro sign prominently displaying "Unleaded Time Travel", set against a nostalgic 1950s backdrop. The sign is illuminated, casting a warm glow over a classic car parked nearby, with a time portal subtly visible in the background, blending the past and future. +A studio shot featuring vines intricately shaped into the text "knowledge is power", sprouting dynamically from a central point, with soft lighting highlighting the texture and form of the greenery. +A realistic photograph of a boxing ring, with the canvas prominently displaying the text "Main Event Round 9" in bold, white letters. The ring is surrounded by ropes and a cheering crowd, with the intense atmosphere of a high-stakes fight. +A medieval parchment map with intricate, faded ink detailing coastal regions, labeled "Here Be Dragons" near the edges, surrounded by antique compass roses and nautical symbols, evoking a sense of ancient maritime mystery. +Kindergarten classroom, children's art project "My First Painting", colorful paintings on display, little hands and smocks, vibrant crayons and paintbrushes, excited young artists, teacher observing with a smile, playful atmosphere, bright lighting. +In a cluttered, high-tech laboratory, a mad scientist's lab coat hangs on a vintage wooden stand. The pocket protector in the breast pocket prominently displays the text "Pens 42 Radioactive", contrasting with the chaotic array of scientific instruments and glowing vials in the background. +A bustling subway station with a modern, sleek design. Commuters hurry through the platform, glancing at the "Stand Clear of Closing Doors" automated announcement displayed on digital screens. The scene captures the dynamic energy of urban transit, with the train doors sliding shut and the announcement echoing through the station. +A cozy plant shop corner featuring a succulent in a rustic pot, with a charming label that reads "Water Me Maybe", surrounded by other greenery and natural light filtering through nearby windows. +A close-up of a pet collar tag, intricately engraved with the words "If Found Keep Him", lying on a rustic wooden table, with soft sunlight filtering through a nearby window, casting gentle shadows. +A vast, serene cornfield at twilight, disrupted by a intricate alien crop circle that spells out "Take Us to Your Dealer" in an otherworldly script, with the stars beginning to twinkle overhead. +A spy's sleek, vintage leather briefcase resting on a dimly lit table, with a subtle hidden compartment labeled "Top Secret Snacks" slightly ajar, revealing a glimpse of mysterious, wrapped treats inside. +A cozy coffee shop interior with warm lighting, wooden tables, and a counter displaying pastries. A customer holds up a loyalty card, clearly visible with "Buy 9 Get 1 Free" stamped on it, while a barista smiles behind the counter. +A close-up of a spy's shoe heel imprint on soft sand, leaving behind "Top Secret Tracks" in a clandestine beach operation, with a subtle shadow and fine grain texture for realism. +A beautifully crafted wedding cake topper featuring elegant script that reads "Happily Ever After", set against a backdrop of intricate floral decorations and sparkling fairy lights, capturing the essence of a romantic and joyful celebration. +A realistic photograph of a modern kitchen, featuring a stainless-steel fridge with a yellow sticky note attached, prominently displaying the handwritten message "Buy Milk" in black ink. +A realistic photograph of a brick wall in an urban setting, covered with vibrant graffiti that boldly declares "Revolution Now" in large, dynamic letters. The wall shows signs of weathering, with patches of moss and peeling paint, enhancing the gritty, rebellious atmosphere. +A quaint lemonade stand with a hand-painted sign that reads "50 Cents A Cup", set against a sunny backdrop with a few fluffy clouds in the sky. The stand is decorated with yellow and white checkered cloth, and a young girl in a straw hat smiles as she pours lemonade from a glass pitcher. +A cinematic movie poster for "Weakness", featuring a shadowy, intense protagonist with a determined look, standing against a backdrop of urban decay and neon lights, symbolizing the struggle between inner demons and external chaos. +A close-up of a fortune cookie slip with the message "Adventure Awaits Tomorrow" nestled on a rustic wooden table, warm sunlight streaming in from a nearby window, casting soft shadows. +A cozy medieval tavern interior with wooden tables and benches, a roaring fireplace, and patrons enjoying their meals. A large, well-lit sign on the wall reads "Roast Turkey Leg 2 Gold", showcasing an illustrated turkey leg with a golden crown. +A high-tech spy gadget with a sleek, futuristic design, its screen vividly displaying the words "Target Acquired" in bold, glowing green text, set against a dark, tactical background. +A high-tech sci-fi laboratory with a sleek, metallic door displaying a prominent warning sign that reads "Biohazard Zone" in bold, glowing red letters. The door is slightly ajar, revealing a glimpse of advanced equipment and flickering lights inside. +A futuristic sci-fi laboratory with a sleek, metallic door displaying a prominent warning sign that reads "Biohazard Zone", illuminated by dim, sterile lighting. The door features advanced security panels and a transparent window showing a glimpse of high-tech equipment inside. +A detailed pirate treasure map with intricate illustrations and worn edges, marked with "X Marks the Therapy Session" in bold, surrounded by compass roses and nautical symbols, hinting at a therapeutic journey. +A vast desert landscape with a solitary highway stretching into the distance, featuring a weathered road sign that clearly states "Next Gas 200km", under a scorching sun. +An old, dusty ATM machine with a yellowing sticky note reading "Out of Order" stuck to its screen, set against a dimly lit, urban alleyway at dusk. +A vibrant, hand-drawn birthday card interior with colorful illustrations and playful fonts, featuring the message "Wishing You 100 Awesomeness" prominently displayed in the center, surrounded by balloons, confetti, and cheerful characters. +A detective's fingerprint card, with a clear stamp reading "Match Found", laid on a cluttered desk amidst magnifying glasses and evidence files, under the glow of a vintage desk lamp. +Retro diner with a classic neon sign, vintage menu board prominently displaying "World's Best Milkshakes" in bold, colorful letters, set against a 1950s Americana backdrop. +A close-up shot of a traditional samurai sword, its blade gleaming under soft studio lighting. The intricate engraving on the blade reads "Honor Before WiFi", blending ancient craftsmanship with modern humor. +A detailed physics lab setup with intricate apparatus and caution signs, including a prominent "Handle With Care" label, under soft, focused lighting that highlights the precision and delicacy of the equipment. +A realistic photograph of a modern farm tractor with a bold decal on its side stating "Harvest Master 3000", set against a backdrop of golden wheat fields under a clear blue sky. +A realistic photograph of a fire extinguisher label, clearly displaying the instructions "Pull Pin Aim Spray" in bold, against a clean, white background, with subtle shadows enhancing the label's texture and readability. +A high-tech sci-fi laboratory door with a prominent, glowing red warning sign that reads "Biohazard Level 4", set against a dimly lit corridor with futuristic elements. +A weathered, rusty metal plaque reading "Est 1897" is affixed to the crumbling brick wall of an old factory, with vines creeping up the sides and sunlight filtering through the overgrown foliage, casting dappled shadows. +A restroom door sign labeled "Pirates Only" at a bustling theme park, with colorful banners and wooden planks leading to the entrance, surrounded by excited visitors in pirate attire. +A medieval tournament ground, vibrant with spectators, features a large, fluttering banner declaring "Champions Welcome" above the main arena, where armored knights prepare for combat. +A vibrant TV show poster with the text "A Memory For The Future" prominently displayed, set against a backdrop of a futuristic cityscape at sunset, with glowing neon lights and sleek skyscrapers reflecting in a calm, glassy lake. +A realistic gym scene featuring a weight rack with a prominent sign that reads "Lift Responsibly", surrounded by workout equipment and a few people exercising in the background. +A close-up photograph of a scientist's lab coat, prominently featuring a badge that clearly displays "Dr Ellen Reid". The lab coat is slightly worn, with a few subtle wrinkles, indicating frequent use. The badge is neatly pinned above the left pocket, catching the light. +An ancient, dusty page from a wizard’s spell book, with intricate illustrations and handwritten text reading "Magic Spell Incantation" in elegant, flowing script. The page is illuminated by a soft, ethereal glow, highlighting the mystical symbols and runes scattered throughout. +A close-up of a gym locker combination lock, the dials aligned to show "0000 Not My Birthday", with a subtle reflection of a fitness center in the metal surface, emphasizing the irony of the lock's message. +A vast field of golden wheat with an intricate alien crop circle at the center, etched with the message "Humans Taste Salty", under a twilight sky, with a sense of mysterious and eerie calm. +A close-up of a bread bag tag, prominently displaying "Vegan Multigrain Loaf" in bold letters, with a rustic wooden background and a sprinkle of grains around the tag for added texture and authenticity. +A realistic office scene with a modern printer displaying the error message "Paper Jam Tray 2" on its screen, surrounded by scattered papers and a frustrated employee looking at the device. +A detailed ski resort map with clear markings, featuring a section labeled "Beginner Slopes Here", surrounded by picturesque snowy mountains and well-groomed trails. +A bustling farmer's market stall with a vibrant banner prominently displaying "Organic Produce", surrounded by an array of fresh, colorful vegetables and fruits, with happy customers browsing and a smiling farmer in the background. +In a stately courtroom, the judge's bench prominently displays a polished wooden plate engraved with "Honorable Judge Lee", reflecting the solemnity and respect of the legal proceedings. +A gardener's hand tenderly resting on a plant pot labeled "Rare Orchid Species", set against a backdrop of a lush, vibrant garden with sunlight filtering through the leaves, emphasizing the delicate beauty of the orchid inside. +A powerful off-road vehicle with rugged tires and a raised suspension, proudly displaying a bold text on its side that reads, "I'm a truck, not a car", set against a rugged terrain backdrop. +A weathered pirate flag flutters in the sea breeze, the skull-and-crossbones emblem prominently displayed with the ominous word "Beware" inscribed beneath it, set against a backdrop of stormy skies and turbulent waves. +An abandoned asylum with crumbling walls, covered in eerie vines and moss. A faded, haunting graffiti reads "They Never Left" in bold, stark letters, casting a somber shadow over the dilapidated scene. +A high-resolution photograph of a space rover's side panel, prominently displaying the text "Mars Soil Sample", set against the backdrop of the Martian landscape with fine red dust and distant hills. +A beautifully decorated birthday cake with smooth, white icing and colorful accents. The icing elegantly reads "Happy 30th Birthday" in bold, cursive letters. The cake is surrounded by lit candles, creating a warm and festive atmosphere. +In an otherworldly classroom, an alien chalkboard displays the lesson "Earthling Anatomy 101", with detailed diagrams of human organs and skeletal structures, surrounded by curious alien students and a wise, green instructor pointing to the chalkboard. +A realistic photograph of a basketball court with a vibrant floor decal that reads "Home of the Champions", surrounded by the faded lines of the court and the shadows of the hoops. +A safari jeep parked in a dusty African savanna, with a bumper sticker prominently displaying "I Brake for Chupacabras" in bold, eye-catching colors. The jeep is slightly worn, with mud splatters and a few scratches, enhancing its adventurous vibe. +A colorful child’s drawing depicting a family of four smiling and holding hands, with the sun beaming in the background and the caption "My Happy Family" written in playful, crayon-like letters. +A realistic photograph of a wildlife crossing sign reading "Deer Next 5 Miles" set against a backdrop of a dense forest with sunlight filtering through the trees, emphasizing the natural habitat of deer. +A close-up photograph of a museum artifact label, clearly displaying the text "Circa 1500 BC", set against a backdrop of an ancient pottery piece, with soft, ambient lighting enhancing the historical ambiance. +A marathon runner, drenched in sweat, with a determined look, crosses the finish line. Their bib number, prominently displaying "Race 42KM", flutters slightly in the breeze. +A vibrant bookstore poster prominently displays "Top Fiction Books 2024", featuring a collage of best-selling book covers and enthusiastic reviews, set against a warm, inviting backdrop of bookshelves. +A serene library with "Quiet Zone" signs discreetly placed on the study cubicles, emphasizing a hushed atmosphere where students and scholars are engrossed in their reading and research, captured in a realistic photographic style. +A bustling city street at night, with a neon bar sign that reads "Live Music Tonight" hanging above the entrance. The sign's vibrant colors reflect off the wet pavement, and a few people are seen walking past, some glancing up at the inviting light. +A pharmaceutical ad poster with the headline "Happiness Now FDA-Approved" prominently displayed. The background features a vibrant, modern clinic with happy patients and doctors, emphasizing the positive impact of the new FDA-approved medication. +A bustling urban street at twilight, with a large digital billboard towering over the scene, displaying a vibrant ad for "Big Sale 50% Off Today" in bold, eye-catching colors. Shoppers hurry past, some glancing up at the dynamic display. +A realistic photograph of a modern, tech-inspired cafe with a sign that reads "Google Research Pizza Cafe" prominently displayed above the entrance, surrounded by lush greenery and bustling with people in a vibrant, urban setting. +A medieval wizard stands in a dimly lit chamber, unrolling an ancient parchment. The scroll glows with an ethereal light, illuminating the intricate "Speak Friend and Enter" elvish script. Shadows dance on the stone walls, enhancing the mystical atmosphere. +A classroom with a blackboard at the front, scribbled with "Homework Due Tomorrow" in white chalk, desks neatly arranged, and a window letting in soft afternoon light. +A high-speed race car speeding down the track, its windshield adorned with a bold banner reading "Pit Stop Champions", capturing the intensity and precision of a champion racing team. +A close-up of a teacher's desk with a nameplate that reads "Ms Frizzles Science Class", surrounded by science paraphernalia like beakers, test tubes, and a globe, with a chalkboard in the background. +A detailed close-up of a superhero cape being stitched, emblazoned with the emblem "Captain Justice League", set in a well-lit workshop with sewing tools and fabric swatches around. +A mysterious, ancient clock tower looms in a foggy, moonlit night, its face permanently stuck at "Never OClock". The eerie glow from the tower casts long, twisted shadows, enhancing the haunting atmosphere of the abandoned town. +A vibrant gym banner hanging across a modern fitness center, prominently displaying "Fit Life 2024" in bold, dynamic letters. The scene is bustling with enthusiastic gym-goers, highlighting the energy and motivation of a new year's fitness resolution. +A medieval knight stands proudly, holding a sword with its hilt intricately engraved with "Blade of Honor". The scene is set in a dimly lit castle hall, with stone walls and torches casting shadows. The knight's armor gleams under the flickering light, emphasizing the detailed engraving on the sword hilt. +A realistic photograph of a protest, featuring a vibrant banner with the slogan "Climate Justice Now" prominently displayed. Crowds of passionate demonstrators hold signs and chant, with a cityscape background under a clear blue sky. +A detailed pirate treasure map with intricate notations, including a prominent warning "Beware of Kraken Uber" near a treacherous reef. The map shows a path through foggy waters, with faded ink and worn edges, hinting at countless adventures and dangers. +A neon sign at a tattoo parlor glows brightly with the words "Ink or Swim" in vivid red, casting a warm, inviting light over the street at night. +A close-up of a VR headset's interface, displaying the message "System Update Required" on a sleek, futuristic screen, with soft ambient lighting highlighting the edges of the device. +In the ancient chamber of a pharaoh’s pyramid, the stone walls are etched with hieroglyphs. Among them, a modern twist: "WiFi Password Nile123" is carved in sleek, contemporary font, blending the ancient and the digital. +A camping tent tag, intricately sewn with the words "Weatherproof Design", attached to a high-quality, waterproof tent fabric, set against a backdrop of lush, green forest under a clear blue sky. +A close-up of a candy wrapper with the text "Sweet n Sour" prominently displayed, set against a soft, blurred background of pastel colors, capturing the essence of a nostalgic, sweet treat. +A realistic photograph of a zoo enclosure with a clear sign that reads "Lions Feeding 3PM" placed near a rocky backdrop, surrounded by lush greenery and a few curious visitors observing from a safe distance. +A close-up of a sleek smartwatch on a wrist, the screen notification blinking "Meeting in 5 Min", set against a blurred background of a modern office, emphasizing the urgency and professionalism of the scene. +A cereal box prominently displays the slogan "Start Your Day Right" on its front, set against a bright kitchen countertop with a bowl of cereal and a spoon next to it, bathed in morning sunlight. +A detailed photograph of a helicopter with tail number "N12345" landing on a helipad, with the number clearly visible on the tail, set against a backdrop of a bustling city skyline at dusk. +A neon bar sign flickering "Last Call at Midnight" casts an eerie glow above a dimly lit alley, where shadows stretch across the cobblestone ground and a lone figure leans against a brick wall. +An ancient, tattered page from a wizard's spellbook, inscribed with glowing runes that read "Levitation Charm Activate", surrounded by mystical symbols and illustrations of floating objects. +A realistic photograph of a butterfly enclosure sign, clearly displaying the text "Metamorphosis Zone", set against a lush, green background with vibrant flowers and a few butterflies fluttering nearby. +Retro candy shop window with a vintage decal that reads "Try Our Famous Fudge", surrounded by colorful sweets and old-fashioned jars, set in a 1950s American town. +A realistic scene of a DMV office with a digital display board showing "Now Serving 48" above a service counter, customers waiting in line, and a clerk ready to assist the next person. +A lighthouse stands on a rocky cliff, its powerful beam flashing "Fog Alert Signal" into the misty night, warning ships of the dense fog and treacherous waters ahead. +A close-up of a hotel key card sleeve, sleek and modern, with the elegant text "Sweet Dreams Suite" printed on it, set against a soft, luxurious background. +A rustic, weathered barn sign reads "Fresh Eggs 3" under a clear blue sky, surrounded by a sprawling farm landscape with golden fields and a few scattered trees. The sign is slightly tilted, showing signs of age and wear, emphasizing its long-standing presence on the farm. +A vibrant tie-dye shirt featuring the words "Peace Love" in swirling, psychedelic colors, set against a bright, colorful background. +A tattoo parlor at night, its window displaying a neon sign with "Ink Your Story" in Gothic letters, casting a vibrant glow on the rainy street below. +An antique brass lamp with intricate engravings, including the phrase "Wishes Pending Approval", sits on a worn wooden table, illuminated by the soft glow of a nearby candle. The lamp's surface is tarnished, suggesting its age and the many wishes it has seen. +A modern city street with a vibrant bank billboard prominently displaying "Low Interest Rates Now" in bold, eye-catching text. The poster features a diverse group of smiling people, symbolizing accessibility and inclusivity, set against a backdrop of sleek, futuristic bank architecture. +A close-up of a baby onesie, intricately embroidered with the words "Little Prince" in elegant, golden thread, set against a soft, pastel blue background. The embroidery is detailed, with subtle shading to give a 3D effect, capturing the regal essence of the phrase. +An astronaut stands against the vast, red Martian landscape, their spacesuit adorned with a detailed patch embroidered with "Mars or Bust", capturing the spirit of human exploration and perseverance. +A vintage tattoo parlor with a weathered wooden door and a narrow window stenciled with the cursive words "Ink Regret". The scene is set in a dimly lit alley, with a faint glow from an old streetlamp casting shadows on the brick wall. +A plane soars above a bustling cityscape, leaving behind vivid smoke trails that spell out "support" against a clear blue sky, capturing the essence of community and solidarity in a striking aerial display. +A vibrant banner at a chess tournament reads "Checkmate Therapy", featuring a chessboard with pieces mid-game, surrounded by enthusiastic spectators and a professional setup with comfortable seating and soft lighting. +A digital landscape with glitch art overlay, flickering text "404 Reality Not Found" across the scene, neon colors bleeding through fragmented visuals, creating a surreal and dystopian atmosphere. +A weathered fisherman's tackle box with a vibrant sticker on its lid, prominently displaying the words "Big Catch Guaranteed" in bold letters, set against a backdrop of a serene lake at dawn. +A close-up of a coffee cup with a paper sleeve that reads "Caution Hot Beverage" in bold letters, set against a warm, cozy background with a hint of steam rising from the cup. +A lighthouse on a rugged cliff, its powerful beacon casting "SOS" in Morse code shadows across the turbulent sea and rocky shoreline, under a starlit night sky. +A close-up of a coffee cup with a sleeve printed in bold letters, "Caution Hot Contents", sitting on a wooden table, surrounded by a light dusting of coffee grounds and a few fallen leaves, with soft morning light illuminating the scene. +A realistic photograph of a lab coat with a nametag printed "Dr Smith Genetics Dept", hanging on a peg in a modern, well-lit laboratory. The lab coat is slightly wrinkled, and scientific equipment is visible in the background. +A detailed Viking shield adorned with intricate, interlocking runes that spell out "Protect the Weak", set against a rugged, battle-worn background with a subtle wood grain texture. +A bakery display case featuring a variety of pastries, with a prominent tag reading "Gluten Free Options" clearly visible in the foreground. The pastries are arranged neatly, and the warm, inviting lighting enhances the rich colors and textures. +A wedding cake topper, featuring a stylish couple, holds a sign that reads "Best Decision Maybe". The scene is set on a beautifully decorated cake, with intricate frosting and floral accents, under a soft, romantic lighting that highlights the whimsical and slightly humorous nature of the moment. +A close-up shot of a sleek, modern drinking glass with the slogan "Drinking Water Healthy" clearly visible on its surface, set against a clean, minimalist background. +A high-resolution photograph of a sleek, futuristic space probe floating against the backdrop of a star-filled universe, with the side text "MESSAGE IN BINARY" clearly visible in bold, digital font. +A vintage chemistry set with a label that reads "EXPERIMENT 27 VOLCANO", placed on a wooden table, surrounded by beakers, test tubes, and a miniature volcano model, all under the warm glow of a desk lamp. +A realistic photograph of an office meeting room with a whiteboard prominently displaying the title "Q4 Sales Strategy", surrounded by professional-looking individuals engaged in a discussion, with modern office equipment and furnishings in the background. +A time traveler sits at a vintage wooden desk, surrounded by steampunk gadgets and an open journal. The entry reads, "Invented Tacos Yesterday", with a sketch of a taco and notes on ingredients. A plate of steaming tacos rests nearby, with a futuristic cityscape through the window. +A crumpled concert ticket stub "Summer Fest" lies on a textured wooden table, a faded wristband beside it, under the soft glow of a vintage lamp, hinting at a night of music and memories. +A baker stands in a cozy, sunlit kitchen, wearing an apron embroidered with the text "Knead to Bake". The baker's hands are flour-dusted, and a basket of freshly baked bread rests on the counter behind them. +A bustling central train station with a modern "Track 3" departure board prominently displayed, surrounded by travelers carrying luggage and checking their tickets. The scene is well-lit with natural light streaming through large windows, capturing the essence of a busy urban transit hub. +A close-up of a router with a sticker that reads "Do Not Unplug Server Running", set against a cluttered tech desk with cables and a blinking modem. +A close-up photograph of a pharmacy prescription label with a bold, red warning that reads "May Cause Levitation", set against a cluttered background of various medicine bottles and pills. The label is partially peeling, adding a sense of realism and age. +A "physically" reminder sign, prominently displayed on the side of a modern city bus, catching the attention of passengers and pedestrians in a bustling urban street scene. The sign features bold, clear text and vibrant colors, blending seamlessly with the bus's sleek design. +A futuristic sci-fi spaceship console with a prominent red warning light flashing, displaying the critical alert: "Warp Core Critical". The console is surrounded by dark, sleek panels and illuminated screens, emphasizing the urgency of the situation. +A vintage suitcase adorned with a nostalgic sticker labeled "World Traveler Adventures", placed on a rustic wooden table, with a backdrop of a classic world map and a soft, warm sunset filtering through a nearby window. +A vast desert landscape under a blazing sun, with a shimmering mirage that hovers just above the scorching sand. In the distance, the words "Water 5 Miles" appear as a faint, tantalizing illusion, beckoning weary travelers with the promise of relief. +A close-up of a gardening pot with a wooden label poking out, clearly showing the text "Tomato Plant Water Daily" written in neat, handwritten script. The soil is moist, and a few green sprouts are emerging from the top. +A realistic photograph of a playground with a fence featuring a bold sign that reads "Adult Supervision Required", surrounded by colorful play equipment and a sunny sky. +A weathered time capsule lid, partially buried in the sandy soil of a desolate beach, with the engraved text "Open In 2070" prominently visible, surrounded by overgrown vegetation and a faint horizon of a setting sun. +A dimly lit corridor in an apocalypse bunker, leading to a door with a retro sign that reads "Party Room" in neon lights, surrounded by scratched walls and scattered debris, creating a stark contrast between the playful sign and the bleak environment. +A bustling train station with a vintage announcement board prominently displaying "Platform 9 Express" in bold, retro font. Passengers hurry past, some glancing at the board, while a steam locomotive puffs in the background, ready for departure. +A detailed, ancient wizard’s spellbook page titled "Invisibility Charm", with intricate illustrations of magical runes and symbols, set against a backdrop of faded parchment. The text is handwritten in elegant, flowing script, with a glowing, ethereal light surrounding the page. +A bustling cyber cafe at night, with a neon sign glowing brightly that reads "WiFi Password ByteMe" in vibrant blues and pinks, casting a colorful glow over the rows of computers and the patrons engrossed in their digital worlds. +A hacker sits in a dimly lit room, the glow of their computer screen casting an eerie light on their focused face. On the screen, the words "Access Granted" flash in neon green against a black background. +A futuristic space hotel lobby with a sleek, modern design. A large, illuminated sign on the wall states "Gravity Optional", inviting guests to experience weightlessness. The scene is bustling with space travelers and robotic staff, creating a vibrant atmosphere of intergalactic hospitality. +A close-up of a motorcycle helmet featuring a vibrant sticker that reads "Ride or Die", with the sticker reflecting a slight sheen from the sun, set against a blurred background of a city street. +A bustling city street at night, with a neon sign above a cozy bar flashing "Live Music Tonight" in vibrant colors, casting a lively glow on the passing crowd and the wet pavement. +A modern kitchen countertop with a microwave oven prominently displayed. The microwave's digital display shows "030 Seconds Remaining", indicating a countdown in progress. The scene is brightly lit, with a clean, minimalist aesthetic, emphasizing the sleek design of the appliances. +A gardener carefully tends to a vibrant garden, holding a vintage watering can labeled "For Magic Plants Only", as mystical flowers and luminescent foliage surround him, enhancing the enchanting atmosphere. +An antique globe with intricate, aged markings, revealing a hidden continent labeled "Here Be Taxes", surrounded by mythical sea creatures and old-world ships navigating through stormy waters. +A neon sign flashing "Open 24 Hours" outside a convenience store, illuminated in vibrant red and blue, casting a glow on the rainy pavement and reflecting in nearby puddles, with a lone figure passing by under an umbrella. +A vast desert canyon with unique rock formations that eerily resemble the mathematical equation "YMXB", set against a backdrop of rugged, sun-baked terrain and a clear blue sky. +A close-up of a vintage library stamp, clearly displaying the text "Property of Avalon Academy", set against the warm, aged paper of an old book, with subtle shadows and a slight texture to enhance the sense of history and authenticity. +A vintage radio repair shop with a worn, wooden sign hanging above the door, proudly stating "Valve Experts Here" in elegant, retro typography. The scene is bathed in the warm glow of an afternoon sun, casting long shadows and highlighting the shop's rustic charm. +A colossal shoe, emblazoned with the words "super cool shoes", towers over a cityscape, its textured surface and bold lettering catching the sunlight, creating dramatic shadows and highlights. +A close-up of a vintage movie prop label, prominently displaying the text "Fake Diamonds Do Not Steal", set against a worn, slightly crumpled background with a subtle, warm sepia tone. +A boxing gym with a punching bag prominently displaying the slogan "Hit Harder Not Smarter", surrounded by worn-out gloves and gritty equipment, capturing the raw energy and determination of the athletes. +A close-up of a library book spine, intricately designed with an embossed "Property of Hogwarts" stamp, surrounded by worn, ancient tomes on a wooden bookshelf, with a soft, golden light casting a warm glow over the scene. +A close-up of an antique silver ring, intricately engraved with the phrase "MEMENTO MORI" in Gothic script, surrounded by a pattern of skulls and roses, set against a dark, moody background with a soft, dramatic light highlighting the ring's details. +A detailed medieval parchment scroll with intricate, faded edges, showcasing elegant, handwritten text that reads "Here Be Dragons" in an old, flourishing script, surrounded by delicate, hand-drawn illustrations of mythical creatures and ancient maps. +A cozy coffee shop features a vibrant mural on its wall, boldly declaring "Espresso Yourself" in elegant, hand-painted letters. Patrons enjoy steaming cups of coffee under the mural, which is adorned with illustrations of coffee beans and sipping mugs. +A vintage alarm clock on a wooden nightstand, its display glowing softly with the words "Rise Shine" in the early morning light, next to a steaming cup of coffee and a stack of books. +A high-resolution photograph of a sleek smartwatch screen, prominently displaying a notification that reads "10K Steps Achieved", set against a blurred background of a fitness trail. +A close-up of a coffee loyalty card, partially filled with stamps, featuring the text "10th Cup Free Keep Going" prominently displayed. The card is worn, with a slight curl at the edges, suggesting frequent use and handling. +A realistic photograph of a fire station interior, featuring a polished metal pole with a clear sign that reads "Emergency Slide Only" mounted above it, surrounded by the rustic wooden beams and red walls typical of a traditional firehouse. +A realistic photograph of a construction site with caution tape fluttering in the wind, printed with "Pretend Danger Zone", surrounded by yellow barriers and scattered tools, under a cloudy sky. +A vintage suitcase with the name "adelbert" embossed on a leather tag, sitting on a rustic wooden floor, with soft, natural light streaming through a nearby window, highlighting the worn, textured surface of the suitcase. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly displaying the printed text "Patient Name John Doe" against a clinical, white background. +A vintage car parked on a classic American street, with a license plate that reads "LUV2DRV". The car is in pristine condition, with chrome detailing and retro colors, capturing the essence of mid-century automotive design. +A baking show contestant proudly displays their plate, labeled "Signature Dish", featuring an intricate dessert with a glossy glaze, surrounded by artistic sugar decorations and a dusting of powdered sugar, under the warm, inviting lights of the kitchen. +A futuristic video game loading screen with neon lights and a sleek, metallic interface. The center features bold, glowing text that reads "Press Start to Win", surrounded by dynamic, abstract shapes and patterns. +A roadside billboard stands tall in a vast, sun-baked desert, advertising "Last Chance Motel 5 Miles" in bold, faded letters. The billboard is weathered, with peeling paint and a cracked surface, hinting at the isolated, desolate location. +A wristband with the phrase "Run Fast Live Slow" prominently displayed, worn by a runner in a serene park setting, capturing the essence of a balanced life between speed and slowness. +A serene park scene with a vintage wooden bench under a canopy of autumn leaves. The bench bears an elegant engraving that reads "Love Endures", surrounded by softly falling leaves and a gentle, warm light. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly printed with "Allergic to Bullshit" in bold letters, set against a clinical white background. +A tattoo on a rugged sailor’s arm, reading "Homeward Bound", with waves and a compass rose intricately designed around the text, set against the backdrop of a ship’s deck. +A realistic urban night scene with a police tape barrier stretching across a dimly lit street, marked with bold lettering "Crime Scene Do Not Cross". Yellow tape flutters slightly in the cool breeze, illuminated by the glow of nearby street lamps. +A movie theater marquee, illuminated at night, prominently displays "Now Showing Cosmic Odyssey" in vibrant, futuristic fonts. The marquee is flanked by posters of the film, showcasing space landscapes and sleek spacecraft. Crowds of excited moviegoers line up, adding a lively atmosphere to the scene. +A realistic photograph of a highway rest area map with a clear "You Are Here" marker, surrounded by lush greenery and a few parked cars in the background. The map highlights nearby amenities like a gas station, picnic area, and restrooms. +A realistic photograph of an elegant wedding invitation card lying on a smooth, white surface. The card features a sophisticated design with gold accents and cursive font, prominently displaying the script reading "Save the Date". +A close-up of a winter coat's inner tag, clearly displaying the text "Machine Wash Cold Only", set against a blurred background of soft, winter fabrics. The tag is detailed with a subtle texture, emphasizing the washing instructions in a crisp, readable font. +Studio shot of intricate shoe sculptures crafted from vibrant colored wires, with the text "tiruvanaikaval" prominently displayed in the background. +An ice cream truck parked on a sunny street, with "Cash Only" written in a playful, dripping font on its side, surrounded by excited children and melting ice cream cones. +A film set with a movie clapperboard snapping "Take 3", capturing the moment just before the director shouts action. The scene is bathed in the soft glow of on-set lights, with crew members in the background preparing for the next take. +A vibrant TV show poster for "Hanya Namamu Laila", featuring a dramatic cityscape at dusk, with the title in bold, glowing letters above the silhouette of a lone figure standing on a rooftop, gazing into the distance. +A realistic photograph of an ambulance parked on a city street, with clear side lettering that reads "Emergency Response", surrounded by concerned onlookers and flashing red and blue lights. +In a quiet museum gallery, a sleek touchscreen kiosk displays the text "Press for Commentary" under a high-resolution image of a famous painting. Soft ambient light enhances the modern, minimalist design of the kiosk, which stands against a neutral wall, inviting visitors to interact. +An underwater cave with ancient paintings on the walls, illuminated by soft, blue light. Bubbles rise from the water, forming the words "Sink Later" near the surface, adding a mysterious atmosphere to the submerged artwork. +A museum exhibit featuring towering dinosaur skeletons, with a detailed plaque beneath that reads "Note Not Chicken Ancestors", set against the backdrop of a dimly lit, scholarly hall. +An ancient Chinese scroll painting, labeled "Original Meme Template", featuring intricate brushwork and traditional motifs, set against a weathered parchment background with delicate gold accents. +A dragon's fiery breath scorches a sign that reads "Yelp Review: Too Hot" in a medieval village, with embers floating in the air and the sign visibly charred. +An ice cream truck parked on a sunny street, with a side menu featuring "Rainbow Sprinkles" in bright, colorful letters, surrounded by playful illustrations of ice cream cones and happy faces. +A medieval knight stands atop a hill, his armor glinting in the sunlight. He holds a banner high, emblazoned with the standard "Victory or Death". The landscape behind him is a battlefield, smoke rising from the ground, emphasizing the knight's resolute stance. +A vast lunar landscape under a starlit sky, featuring a futuristic billboard that reads "Best Crater Views". The billboard is illuminated, showcasing a panoramic view of the moon's surface with deep, shadowed craters and distant, glowing domes of a moon colony. +A realistic photograph of a modern parking garage, with a digital sign blinking "Level 3 Full" in red, set against the dimly lit concrete walls and illuminated by overhead lights. +A sushi conveyor belt in a modern restaurant, featuring a quirky sign that reads "No Salmon Roll With It", surrounded by colorful sushi dishes and an attentive chef in the background. +A close-up of a weathered train ticket stub, crumpled and slightly torn, with the words "Platform 9¾" clearly visible in dark ink against a faded, cream-colored background. +A winter coat with the tag "Arctic Warmth" hanging on a rustic wooden hanger, set against a backdrop of a snowy forest at dusk, the coat’s deep blue color contrasting with the white snow, capturing the essence of cold-weather elegance. +An ambulance parked on a city street, side text clearly visible: "Lifesaver EMS Services". The vehicle is illuminated by the soft glow of street lamps, with a paramedic standing nearby, holding a medical bag. The scene is set at dusk, with a sense of urgency and professionalism. +A close-up of a military patch, intricately embroidered with the text "First Recon Unit", showcasing detailed thread work and a worn, battle-hardened appearance on a dark green fabric. +A deep-sea probe camera, surrounded by bioluminescent creatures, captures the eerie message "HELLO LANDLUBBER" illuminated on the ocean floor, with dark, mysterious waters and shadows enhancing the enigmatic atmosphere. +A vibrant food truck menu with a bold header reading "Taco Tuesday Special", featuring colorful illustrations of tacos and festive decorations, set against a warm, inviting background. +A realistic photograph of a boxing ring with the floor text "Round 3 Fight" prominently displayed, surrounded by worn ropes and a cheering crowd in the background. The lighting highlights the text, making it the focal point of the image. +A wizard stands in a dimly lit forest, his staff glowing brightly with the incandescent light of the word "Lumos" casting shadows among the ancient trees. +An antique apothecary jar, meticulously crafted with intricate engravings, sits prominently on a wooden shelf. The jar is labeled with an old, faded tag that reads "Dragon Sneeze Powder", surrounded by other vintage potions and herbs, casting a warm, nostalgic glow. +A close-up of a fire truck door, prominently featuring the bold text "Rescue Squad 12" in red, with the reflective surface of the door catching the light, set against a backdrop of a bustling urban fire station. +A serene forest path lined with tall, ancient trees, leading to a wooden signpost that reads "Bear Country Ahead" in bold, cautionary letters. The scene is bathed in the soft, dappled light of a late afternoon, creating a peaceful yet slightly tense atmosphere. +A weathered sign in an ancient, underwater city reads "Beware of Tourist Traps", surrounded by colorful coral and schools of fish, with the ruins of Atlantis faintly visible in the background. +A vintage poster for "Muppets Haunted Mansion", featuring the Muppets in spooky costumes, with a gothic mansion in the background, cobwebs, and a full moon, all under a dramatic, eerie sky. +A vibrant carnival scene with a strength test game booth prominently displaying a sign that reads "Win Undefined Prize". Colorful banners flutter above, and excited onlookers gather around, creating a lively atmosphere. +A mountain trail winds through rugged terrain, leading to a wooden signpost that reads "Summit 2 Miles Ahead". The sign is weathered but legible, set against a backdrop of dense evergreen trees and rocky outcrops, with a distant mist-shrouded peak visible in the sky. +A vintage WWII propaganda poster with bold, stark typography urging "Keep Calm and Carry On", set against a muted, patriotic color scheme with a subtle Union Jack background. +A realistic photograph of a space colony dome, with a large window featuring an etching that reads "Earthrise Visible at Dawn", showcasing the breathtaking view of Earth rising over the lunar horizon at dawn. +A vast ocean scene with a luxurious cruise ship deck prominently featuring a sign that reads "No Iceberg Zone", surrounded by clear, calm waters under a sunny sky. +A futuristic robot with a sleek, metallic chest plate emblazoned with the logo "Model XJ9", standing in a high-tech laboratory, with soft blue lights reflecting off its surface, creating a sense of advanced technology and sophistication. +A detailed medieval shield, embossed with a proud crest and the motto "Strength And Honor" in elegant calligraphy, set against the backdrop of an ancient castle's stone wall, illuminated by the warm glow of torchlight. +A realistic photograph of a beautifully decorated birthday cake, with icing spelling "Happy 40th Crisis" in elegant, slightly whimsical lettering. The cake is adorned with colorful candles and surrounded by celebratory decorations, capturing the bittersweet mood of a milestone birthday. +A close-up of a hiking boot tongue, prominently displaying a label that reads "Waterproof Guaranteed", set against a backdrop of rugged outdoor terrain, emphasizing the durability and reliability of the boot. +A realistic photograph of a supermarket aisle, with a price tag prominently displaying "Fresh Milk 299" on a bright, white background, surrounded by shelves filled with various milk cartons. +A bustling gardening store with a vibrant sign prominently displaying "Spring Sale 50% Off", surrounded by colorful flowers and lush greenery, capturing the essence of a sunny spring day. +A detailed, realistic photograph of a submarine control panel, with illuminated gauges and switches, prominently displaying the depth indicator reading "Depth 3000 Meters" in a dimly lit, futuristic setting. +A realistic urban scene featuring graffiti on a brick wall, boldly spelling "Revolution Now" in vibrant spray paint colors, with shadows and texture adding depth to the artwork. +A close-up of a pizza box with a vibrant sticker that reads "Extra Cheese Guaranteed", set against a blurred background of a cozy kitchen, emphasizing the sticker's bold text and colorful design. +A medieval tavern sign swings gently in the evening breeze, emblazoned with "The Drunken Unicorn". The weathered wood and vibrant colors stand out against the stone facade of the ancient building, casting a warm, inviting glow as lanterns flicker nearby. +A serene desert landscape with an oasis in the distance, featuring a rustic wooden signpost clearly pointing towards the horizon with the text "Water Source Ahead" prominently displayed. +Studio shot of intricate shoe sculptures crafted from vibrant colored wires, with the text "translate" prominently displayed beside them, capturing the essence of artistic transformation and linguistic interpretation. +A close-up of a wizard's hat, intricately embroidered with the words "Magic in Progress", resting on a worn, wooden table. Soft, ambient light casts a gentle glow, highlighting the detailed stitching and the aged texture of the hat. +A bustling movie theater at night, the marquee brightly lit and displaying "Now Playing" in vibrant, retro font. People are walking by, some stopping to read the movie titles, while others head inside. The scene is lively with the glow of streetlights and the theater's neon signs. +A realistic photograph of a wizard chess piece, intricately engraved with "Pawn to Glory" on its base, set against a mystical backdrop with soft, ambient lighting highlighting the detailed craftsmanship. +In a desolate, post-apocalyptic landscape, a weathered gas pump sign stands alone, reading "Last Oasis 1000 Tears". The sign is partially rusted, with a faint, cracked image of a droplet. Dust swirls around it, emphasizing the barren, abandoned setting. +In a futuristic alien zoo, a sign reads "Earth Politician Do Not Feed" next to a glass enclosure where a human politician stands, looking slightly bewildered and out of place. The background features alien visitors observing with curiosity. +In a vast, snowy Arctic landscape, a sturdy research tent stands, its "Cold Shoulder Club" flag proudly flying in the crisp, icy wind, symbolizing resilience and exploration in the harshest conditions. +A elegant wedding cake topper featuring the names "Mr Mrs Smith" intricately designed, perched atop a tiered cake adorned with white roses and sparkling jewels, set against a soft, romantic backdrop. +A cozy coffee shop interior with a customer holding a loyalty card stamped "One Cup Closer to Sanity", surrounded by steaming cups of coffee and pastries on a wooden table. +A close-up of a vintage book's spine, featuring an embossed "First Edition" label, set against a softly lit, warm background, capturing the textured detail and aged elegance of the book. +A neon sign flashing "Open 247" above the entrance of a vintage diner, glowing brightly against the dark night sky, casting a warm, inviting glow over the sidewalk and the few people passing by. +A realistic photograph of a gym locker room with a prominent sign that reads "Shower Shoes Required", surrounded by tidy lockers and a clean, tiled floor. The lighting is bright, and the atmosphere is clean and modern. +A close-up of a sleek, matte black pilot sunglasses case, intricately engraved with the words "Fly High" in elegant, flowing script, resting on a backdrop of clouds, with a subtle gleam catching the edges of the engraving. +A realistic winter scene at a ski resort, with a trail map sign prominently displaying "Black Diamond Difficulty" at the entrance of a steep, snow-covered slope. Skiers in colorful gear are seen preparing to tackle the challenging terrain. +A realistic photograph of an airport security checkpoint, featuring a prominent sign that reads "No Liquids Allowed", with travelers passing by and security personnel standing nearby. +A vintage circus banner featuring a strongman, prominently displaying the text "Lift Problems Here" above a stylized illustration of a massive dumbbell. The scene is set under a tent, with a crowd looking on in amazement. +A classroom poster illustrating the solar system, titled "Space Exploration", featuring vivid depictions of the planets, their orbits, and key space missions, with educational text and vibrant colors to engage students. +A whimsical photograph of a rustic wooden signpost with a carved unicorn head, featuring a humorous sign that reads "No Horns Allowed", set against a lush, green meadow backdrop. +A high-resolution photograph of a futuristic space probe drifting through the cosmos, with the side text "Message in a Bottle" clearly visible, illuminated by distant stars and the glow of celestial bodies. +A weathered prison wall, covered in moss and cracks, with the word "Innocent" carved repeatedly in a desperate, obsessive manner, casting shadows in the dim light. +In an ancient Egyptian tomb, the dimly lit stone wall bears a intricate carving that reads "Curse of the Pharaoh", illuminated by the flicker of torchlight, surrounded by hieroglyphics and ornate symbols. +A museum exhibit featuring a detailed plaque titled "Dinosaur Era 65 Million BCE", surrounded by lifelike dinosaur models and ancient fossils, with soft, ambient lighting highlighting the educational displays and a group of intrigued visitors examining the information. +Ancient cave wall paintings vividly depicting the myth of "First Fire", with flickering torchlight casting dynamic shadows, enhancing the raw, primal scenes of early humans harnessing flames. The rough stone textures and natural pigments add authenticity to this prehistoric artwork. +A gym motivational poster featuring a fit, determined athlete, muscles tensed, shouting "No Pain No Gain" in a vibrant, energetic setting with workout equipment and motivational quotes in the background. +A faded chalkboard in a cozy pub, slightly smudged, lists "Today's Special 5 Meh Burgers" in elegant yet worn script, set against a rustic wooden wall with dim, warm lighting. +A close-up of an antique, ornate magic mirror with intricate golden engravings, reflecting the text "Fairest of Them All You" in elegant, shimmering script. The mirror's surface is slightly distressed, adding a vintage charm. Soft, ambient light enhances the mystical atmosphere. +A gritty boxing gym with a large clock prominently displaying "Round 3 0030", the seconds ticking down as a boxer prepares for the final moments of the match, sweat glistening under the harsh lights. +A detailed, ancient wizard’s spellbook page titled "How to Disappoint Parents", with intricate illustrations of disappointed faces and symbolic runes, set against a backdrop of weathered parchment. +A close-up of a hospital wristband securely fastened around a patient's wrist, clearly printed with "Allergic To Penicillin" in bold text, set against a clinical white background. +A prehistoric cave wall adorned with a detailed painting of a mammoth, with the words "Ancient BBQ Plans" inscribed below it, captured in a dimly lit, realistic photograph. +A futuristic spaceship cockpit with a control panel prominently displaying "Fuel Low" in glowing red letters, surrounded by various switches and screens. The scene is illuminated by the soft blue and green lights of the dashboard, creating a tense atmosphere. +A crystal ball hovers in a dimly lit room, its surface shimmering with a soft glow. Inside, the text "The Answer Lies Within" is clearly visible, swirling in a mystical aura. +A medieval tavern's weathered wooden menu board hangs outside, listing "Dragon Ale Special" in rustic, hand-painted letters. The board is slightly tilted, with a cobweb in the corner, and a flickering lantern casts a warm glow over the scene, highlighting the rich, dark ale in a pewter mug on the table below. +A close-up of a vintage calculator with a retro aesthetic, its screen displaying "Error 404" in bright green on a black background, set against a blurred, tech-themed backdrop. +A crime scene photo showing a police evidence tag labeled "Case 0451 Item 2" placed next to a sealed evidence bag containing a broken smartphone on a gray forensics table. +A close-up of a sleek, futuristic robot chest panel, with the text "PROTOTYPE XJ7 ONLINE" prominently displayed in glowing blue letters, set against a dark, metallic background with subtle circuit patterns. +A scientist examines a microscope slide labeled "Sample 24X Magnified", revealing intricate cellular structures and vibrant colors under the lens, set against a backdrop of a modern laboratory with high-tech equipment. +A close-up of a wizard’s hat, with a tag hanging from it that clearly shows the text "One Size Fits All", set against a magical, slightly misty background. +A dragon’s lair filled with a vast hoard of gold coins, each stamped with "Dragonia Mint", gleaming under the dim light of ancient torches. +Realistic gym locker room with modern lockers, a large mirror featuring a motivational decal that reads "You Got This Champ", and soft lighting highlighting the reflective surfaces and text. +A high-resolution digital smartwatch face displaying "10K Steps" with a golden trophy icon, set against a sleek, modern background. The watch face is vibrant and clear, with a subtle reflection of light on the screen. +A charming flower shop with a rustic wooden chalkboard sign that reads "Fresh Roses Today" prominently displayed outside, surrounded by vibrant, blooming roses in various colors, with soft sunlight filtering through the leaves, creating a warm and inviting atmosphere. +A serene campsite at dusk, with a crackling fire at the center. The smoke from the campfire gently rises and twists, forming the words "Stay Wild" against the twilight sky. The scene is peaceful, with the warm glow of the fire illuminating the surrounding wilderness. +A wizard's staff with glowing runes that form the words "Spellcheck Activated", casting a soft, mystical light in a dimly lit forest clearing, surrounded by swirling mist and ancient trees. +Detailed textbook diagram of "Cell Structure", showcasing various cellular components like the nucleus, mitochondria, and cell membrane, with clear labels and annotations in a scientific illustration style. +A snowy mountain trail, crisp and serene, with a weathered wooden marker standing tall. The marker is carved with the words "Summit 2 Miles Ahead", clearly visible against the frosty backdrop. +Wanted poster for the "Galaxys Most Okayest" space cowboy, featuring a rugged, helmeted figure with a futuristic blaster, set against a star-studded cosmic backdrop with neon signs in a distant space station. +A nostalgic retro arcade with a vintage marquee displaying "Game Over Insert Coin" in vibrant neon lights, set against a dimly lit room with old arcade cabinets and scattered coins on the floor. +A museum exhibit featuring a dinosaur fossil, with a display plaque titled "Jurassic Job" prominently placed beside it, capturing the intricate details of the ancient bones and the polished, informative signage. +A vintage restaurant reservation book opened to a page with an elegant entry reading "Party of 8 PM", surrounded by the warm, ambient lighting and rich wood tones of a classic dining room. +A vibrant skate park at dusk, featuring a half-pipe with bold graffiti that reads "Skate Free" in dynamic, colorful letters. The ramp is slightly worn, showing signs of frequent use, with a few skaters in the background, capturing the lively spirit of the scene. +A sleek, modern sports car parked on a city street at dusk, with its custom license plate prominently displaying "SPEEDY 1" in bold, reflective letters, capturing the essence of speed and luxury. +A vibrant food truck menu board with chalk-written text, prominently featuring "Taco Tuesday Special" in the center, surrounded by colorful illustrations of tacos and festive decorations, set against a sunny backdrop with customers queuing up. +A close-up of a scientist's lab coat badge, clearly displaying the text "Biohazard Team", set against a backdrop of a cluttered, high-tech laboratory. +A high-resolution title card for a baking show, featuring the text "Perfect Soufflé Challenge" in elegant, cursive font, set against a backdrop of a warm, cozy kitchen with a freshly baked soufflé rising perfectly in a ramekin. +An astronaut in a detailed spacesuit stands against the vastness of space, their helmet visor prominently displaying "O₂ LOW" in flashing red, warning of a critical oxygen level, while the Earth looms in the background. +A street performer stands in a bustling city square, his hat sign reading "Tips Fund Time Travel". Passersby glance curiously, some dropping coins into the hat. The scene is vibrant, with colorful street art and the performer's guitar resting beside him. +A dimly lit hotel corridor with the "Emergency Exit" label glowing brightly above a slightly ajar door, casting a soft green light onto the worn carpet and walls, enhancing the eerie, tense atmosphere. +"Final Call" flashing on the airport departure board, with a bustling crowd of travelers in the background, some checking their watches anxiously, others dragging suitcases, under the glow of modern airport lighting. +A cozy living room with soft, warm lighting, featuring a large, stitched pillow that reads "Home Sweet Home" prominently placed on a plush, cream-colored sofa. The room is adorned with minimalist decor, enhancing the serene and welcoming atmosphere. +A retro video game arcade cabinet titled "PACMAN vs Tax Season" stands in a dimly lit, nostalgic game room, its vibrant colors and pixel art glowing invitingly. The cabinet features a detailed PAC-MAN character dodging tax forms and calculators, with a classic high-score board and joysticks ready for action. +A realistic photograph of a fire extinguisher cabinet with a clear, bold sign reading "Break Glass in Emergency" against a modern office wall. The scene is well-lit, with a slight reflection of fluorescent lights on the glass cabinet. +A nostalgic retro arcade screen, vibrant with pixel art, flashing the bold text "High Score CPU Wins Again" in neon colors, surrounded by the warm glow of old CRT monitor lights. +A medieval knight's shield, prominently displaying a sticker that reads "Honk If You Slay Dragons", set against a backdrop of a misty, ancient forest. The shield is worn but proud, reflecting the morning sunlight. +A realistic urban scene featuring graffiti on a brick wall, spelling "Revolution Now" in vibrant spray paint, with the surrounding area showing signs of a bustling city, including a few passersby and distant skyscrapers. +A vintage ice cream truck parked on a sunny street, its side panel proudly displaying the sign "Cold Treats Here", surrounded by children eagerly waiting for their frozen delights. +A close-up of a futuristic spaceship cargo label that reads "Handle With Antigravity", set against the backdrop of a sleek, metallic cargo hold with soft, ambient lighting. +A cozy bookstore window display titled "Bestsellers of 2024", showcasing a variety of colorful book covers, with a soft, warm glow from the interior lights, and a few curious passersby pausing to glance at the titles. +A studio shot of a modern sculpture featuring a pair of shoes intricately crafted from colorful wires, with the text "unlock creativity" prominently displayed beside it, set against a clean, white background. +An astronaut in a futuristic suit floats in space, a vibrant red tomato drifting beside them, with the words "Ketchup in ZeroG" clearly visible on a label attached to the tomato. +A submarine's control panel, bathed in the glow of green and red lights, with a prominent alert "Sonar Contact" flashing urgently on the screen, surrounded by dials and switches. +In a modern laboratory, Dr. Smith, wearing a white lab coat with "Dr Smith PhD" embroidered on the chest, examines a complex chemical reaction under a fume hood, surrounded by high-tech equipment and glowing screens displaying scientific data. +A modern smartphone screen with a sleek, minimalist design, displaying a lock screen notification that reads "3 New Messages" in bold, clear text, set against a dark background with a subtle, gradient glow. +A vibrant movie poster featuring the title text "Bigard 100 Tout neuf" in bold, modern font, set against a backdrop of a bustling cityscape at dusk, with a mix of neon lights and soft twilight hues, capturing the essence of urban renewal and excitement. +A bustling alien supermarket with neon signs, focusing on a bright, green aisle sign that reads "Human Snacks Aisle 5" in bold, futuristic font, surrounded by exotic, otherworldly products and curious alien shoppers. +A close-up of a car rental agreement document, focusing on the footer that prominently displays "Mileage Unlimited" in bold, set against a blurred background of a modern car interior. +In a dimly lit cave, ancient walls are adorned with crude yeti paintings, one prominently featuring the words "Cold Footprints" scrawled in bold, ancient script. The scene is illuminated by the faint glow of bioluminescent moss, casting eerie shadows. +A dimly lit dive bar restroom with a graffiti-covered stall door. The text "Out of Order Forever" is prominently sprayed in bold, red letters, contrasting with the worn, peeling paint and graffiti tags around it. The scene captures the gritty, nostalgic atmosphere of a forgotten space. +A close-up of a dusty, worn book spine, prominently displaying the title "Secrets of Atlantis" in faded gold lettering, set against a backdrop of old, cracked leather bindings. +A yoga studio with a large, modern window displaying a sleek, minimalist sign that reads "Mindfulness Inside". The interior is softly lit, with yoga mats and practitioners in gentle poses visible through the glass, creating a serene and inviting atmosphere. +A gritty urban scene featuring a train car with vibrant graffiti that boldly declares "Revolution Now" in dynamic spray paint, set against a backdrop of industrial tracks and fading sunlight. +A charming bakery window display featuring an array of exquisite wedding cakes, each adorned with intricate designs and fresh flowers. A sign reads "Wedding Cakes Available" in elegant script, inviting passersby to step inside and explore the sweet possibilities. +A lighthouse on a rocky cliff, its powerful beam projecting the words "Ships Go That Way" across the misty night sea, guiding vessels safely through the treacherous waters. +A vibrant poster for a magic show, prominently featuring the slogan "Illusions Beyond Reality". The design includes mystical elements like floating objects, a magician in an elegant costume, and a dramatic stage setting with a curtain, all under a glowing spotlight. +A cozy medieval tavern with wooden beams and candlelit chandeliers. Patrons in period attire gather around a long table, eagerly awaiting the "Roast Boar Feast" menu, which features a golden-brown boar surrounded by roasted vegetables and adorned with herbs. +A charming potted plant with lush, vibrant foliage, sitting on a rustic wooden table. A small, elegant sign with the text "vladimirovich" is delicately attached to the pot, adding a unique touch to the serene and inviting scene. +A vibrant skateboard deck featuring a graffiti-style design with the bold phrase "Skate or Die" prominently displayed, surrounded by dynamic, colorful street art elements and urban textures. +A close-up of a child's backpack with a vibrant patch that reads "Future Astronaut", set against a backdrop of a starry night sky, with subtle glows around the stars to enhance the dreamy, aspirational theme. +A close-up photograph of an old, worn library book page with a red stamp marked "Property of Arkham Library", surrounded by faded text and the subtle texture of aged paper. +A sleek, glowing magic 8-ball hovers in a dimly lit room, the message "Ask Again Later" clearly visible in its center, surrounded by a soft, mystical aura. +A high-resolution screen of a sleek smartwatch displaying "10000 Steps" in bold, modern font, set against a minimalist background with subtle gradients, highlighting the watch's advanced interface and fitness tracking capabilities. +A hotel room door with a polished brass handle, slightly ajar, revealing a luxurious interior. A red "Do Not Disturb" doormat is prominently displayed on the threshold, surrounded by a plush carpet. +A wizard gazes through his ancient, ornate telescope, its lens shimmering with arcane symbols, focused intently on "Planet Pandemonium", a distant world swirling with chaotic storms and glowing with an eerie, otherworldly light. +A realistic photograph of a solar panel installation manual titled "Renewable Energy Guide" lying on a desk, with diagrams and text clearly visible, and a few solar panels and tools in the background. +A wizard stands in a mystical forest, donning a tall, pointed hat with the tag "Abracadabra" hanging from it. Moonlight filters through the trees, casting an ethereal glow on the wizard’s robes and the enchanted surroundings. +A robotic figure stands solemnly in a dimly lit library, surrounded by ancient tomes and scrolls. Its metallic fingers gently touch a glowing, crystal-like stone inscribed with "Meaning of Life 42 Still", symbolizing a profound quest for existential truth. +A medieval knight's majestic horse, its armor intricately engraved with "Valiant Steed", stands proudly on a cobblestone path, surrounded by the ancient stone walls of a castle, bathed in the warm light of a setting sun. +A winter coat hangs on a rustic wooden hanger in a cozy cabin, with a tag reading "Warmth Guaranteed" prominently displayed. Snowflakes gently fall outside the window, contrasting the warm, inviting interior. +A detailed biology textbook diagram labeled "Mitochondria Structure", showcasing the intricate components of a mitochondrion, including the outer membrane, inner membrane, cristae, and matrix, with clear labels and arrows pointing to each part. +A realistic gym locker room scene with a large mirror featuring a sticker that reads "You Look Great". The room is modern, with sleek lockers and tiled floors, and the lighting highlights the reflective surface of the mirror. +A museum exhibit featuring an ancient relic on a pedestal, surrounded by warm ambient lighting. A clear barrier protects the artifact, and a plaque in front reads "Ancient Relic Do Not Touch". The scene captures the reverence and mystery of the relic, with a slightly dramatic, cinematic lighting effect. +A child's colorful drawing of a vibrant rainbow, with the caption "My Happy Place" written in playful, bubbly letters below, set against a simple, white background. +A high-definition screen displaying a weather forecast with the optimistic message "Sunny Skies Ahead", set against a backdrop of a bright, cloudless sky with the sun shining brightly. +A close-up of a vintage seed packet, labeled "Heirloom Tomatoes", lying on a rustic wooden table, surrounded by earthy tones and gardening tools, under the warm glow of afternoon sunlight. +A busy urban intersection with a clear "Yield to Pedestrians" road marking, surrounded by bustling city life, with pedestrians and vehicles carefully navigating the crossing. +A colonial building with a brass "Est 1776 Liberty Tavern" plaque mounted on its weathered wooden door, set against a backdrop of cobblestone streets and autumn foliage. +An astronaut stands against the backdrop of a distant Earth, the helmet visor displaying "O2 Levels Low" in stark red letters, warning of the critical situation in the vast, silent expanse of space. +A detailed close-up of an antique clock tower face, prominently displaying the Roman numeral "XII" at the top, with intricate engravings and weathered metalwork, set against a cloudy sky. +A detective's notebook entry, "Mysterious Footprints Found", with a close-up of the weathered page, detailed handwriting, and a faded ink sketch of peculiar footprints, set against a backdrop of a dimly lit, foggy forest at dusk. +A realistic photograph of a coffee cup with a sleeve branded with "Best Brew In Town", sitting on a wooden table, with a light dusting of coffee grounds around it, and a soft, warm ambient light shining from above. +A wizard stands proudly in a city street, holding a smartphone with a glowing "Appeared Instantly 5 Stars" rating, surrounded by surprised pedestrians and floating magical orbs, under a twilight sky. +A realistic photograph of a handwritten note, saying "Gone Fishing", taped to the door of a modern refrigerator in a cozy kitchen. +A realistic photograph of an ambulance parked on a city street, with a clear view of its side decal that reads "Emergency Response Unit" in bold letters. The scene is illuminated by the soft glow of streetlights, emphasizing the professionalism and readiness of the emergency service. +A serene, ancient path covered in fine, golden dust. A monk's sandal leaves a clear imprint, with the words "Walk Softly" subtly etched in the dust. The scene is bathed in the warm, soft light of the setting sun, emphasizing the tranquility and mindfulness of the moment. +A cozy café corner with a vintage chalkboard prominently displaying "Try Our New Matcha Latte" in elegant script, surrounded by steamy cups of coffee and potted green plants, bathed in warm afternoon sunlight. +A close-up of a detective's notepad, the page filled with handwritten notes and sketches, centered on "Case File 37 Unsolved", with a worn leather pen resting on the side. +An astronaut stands on a lunar surface, their helmet visor reflecting the message "Moon Base Alpha" displayed on a nearby screen, with the desolate moon landscape and distant Earth visible in the background. +A serene forest trail, with a moss-covered stone marker carved with "Waterfall 03mi" pointing the way. Sunlight filters through the canopy, casting dappled shadows on the path ahead. +A vintage book cover with the title "Mystery of the Lost Key" in elegant, gothic font, set against a backdrop of an old, dimly lit library with a mysterious, shadowy figure in the background. +A vibrant TV show poster with the logo "Ghost Light" prominently displayed, set against a backdrop of eerie, glowing mist and shadowy figures hinting at the supernatural, capturing the mysterious and thrilling essence of the series. +A close-up of a boxer's hand, showcasing a tattoo across the knuckles that spells "MOM" with small, detailed hearts between each letter, set against a blurred, gym-themed background. +An ancient obelisk stands tall in a sunlit desert, its surface weathered by time. At the base, intricate carvings surround the inscription: "You Made 100". The scene captures the serene and mystical atmosphere of a forgotten civilization. +An ancient stone tablet, weathered by time, is carved with the ominous warning "Beware the Ides of π". The tablet is partially obscured by moss and vines, set against a backdrop of a dense, misty forest. Soft, dappled sunlight filters through the trees, casting an eerie glow on the inscription. +A vintage movie theater at dusk, the marquee glowing brightly with the announcement "Now Showing Space Adventure", surrounded by excited moviegoers and the soft glow of street lamps. +A detailed museum map with a clear "You Are Here" marker, set against the backdrop of an elegant gallery. The map highlights key exhibits and pathways, with subtle lighting enhancing the architectural features of the surrounding space. +A close-up of a prisoner's shackle, with the chain links intricately stamped with the words "Break Free", set against a dimly lit, gritty background, emphasizing the struggle and hope for liberation. +A realistic photograph of a smartphone on a dark, modern desk, with a glowing app notification popping up that says "Youve Got Mail", casting a subtle light on the surrounding surface. +A close-up of a bakery cake box, prominently stamped with "Handle With Care", sitting on a rustic wooden table, with soft sunlight streaming in from a nearby window, casting a warm glow. +A neon bar sign with the phrase "Open 24 Hours" glows brightly against a dark urban night, casting vibrant reflections on the wet pavement and drawing the attention of passersby. +An antique compass rose, intricately detailed with old-world craftsmanship, pointing "True North" amidst a weathered wooden surface, surrounded by nautical charts and vintage navigation tools, bathed in the warm glow of a setting sun. +A vintage circus tent with a worn banner proudly proclaiming "Worlds Okayest Acrobats", surrounded by a cheerful crowd and a colorful, bustling carnival atmosphere. The tent is lit by the warm glow of late afternoon sunlight, casting long shadows and highlighting the whimsical decorations. +A vibrant food truck menu board, prominently displaying the text "World's Best Tacos" in bold, colorful letters. The menu features a variety of taco options, each illustrated with mouth-watering images, set against a backdrop of cheerful, street-market decorations. +A cozy café scene featuring a steaming coffee cup with a sleeve branded "Hot Fresh", set on a wooden table with a backdrop of shelves filled with pastries and coffee beans. +A realistic photograph of a broken classroom clock, with the phrase "Time Is Broken" scribbled in red marker on its face, surrounded by scattered textbooks and a faded poster of a world map on the wall. +A stark, isolated iceberg looms in a frigid sea, with a weathered warning sign planted firmly on its icy surface. The sign reads "Cold Truths Ahead" in bold, red letters, contrasting sharply against the pristine, blue-white ice. +A close-up of a dragon’s claw pendant, intricately engraved with "Fireproof Certified", hanging against a dark, smoky background, illuminated by a warm, golden light that highlights the pendant's detailed texture and the subtle glow of the engraving. +A close-up of a paper towel with the words "fountain" written in bold, black marker, set against a plain white background. +A cozy bookstore interior with warm lighting, wooden shelves filled with books, and a bookmark prominently displayed on an open book. The bookmark reads "Summer Reading List 2024" in elegant script, surrounded by a delicate floral border. +Ancient sundial in a sunlit, overgrown garden, its base inscribed with "Time Waits for No One", surrounded by moss and wildflowers, capturing the passage of time and the enduring message of the inscription. +A cozy, rustic restaurant table set with a steaming plate of "Grandma's Recipe", surrounded by vintage cookbooks and family photos, capturing the warmth and nostalgia of a cherished family dish. +A realistic photograph of a robot protest, where robots hold picket signs demanding "Oil Rights Now", set against a backdrop of a futuristic cityscape with a crowd of onlookers. +A realistic photograph of an airport security checkpoint, featuring a prominent sign stating "All Bags Subject to Search" in clear, bold text, surrounded by security personnel and passengers with luggage. +A neon bar sign glowing "Live Music Tonight" stands out against a dimly lit urban street at night, with a few pedestrians passing by and a hint of rain in the air, reflecting the vibrant colors on the wet pavement. +A bustling subway station with a vibrant mosaic wall that reads "Mind the Gap" in bold, colorful letters, surrounded by the hustle and bustle of commuters and the sleek, modern architecture of the platform. +A modern smartphone screen displaying a wallpaper with the text "Charging 75 Percent" centered, set against a minimalistic, gradient background. The screen is slightly reflective, showing a subtle hint of the surroundings. +In an ancient, dimly lit cavern, a large, ornate treasure chest rests on a bed of shimmering gold coins. The chest is labeled with an old, weathered tag that reads "Gold Contents May Vary", hinting at the mysterious and varied treasures within. +A sci-fi magazine cover titled "Invasion Imminent" with a detailed illustration of a sleek, metallic UFO hovering above a futuristic cityscape, casting an eerie glow over the skyline. +A basketball player in mid-dunk, wearing a vibrant jersey with the nickname "Air King" emblazoned across the chest, set against the backdrop of a sunlit indoor court. +A school auditorium filled with graduates in caps and gowns, a large banner at the front reading "Graduation Day 2024", with rows of chairs and a stage decorated with flowers and balloons. +A close-up of an old library book with a faded green cover, showing a circular stamp in the corner that reads "Overdue Since 1999", surrounded by yellowed pages with curling edges. +A realistic photograph of an ancient artifact in a museum, with a clear "No Photography" warning sign prominently displayed beneath it, capturing the intricate details of the exhibit and the formal atmosphere of the gallery. +A quaint magic shop with a dusty, enchanted window display, featuring a vintage wooden sign that reads "Spell Components". Glass jars filled with mysterious ingredients line the shelves, casting soft, magical glows. +A vintage rocket test fire on a launchpad, with "Mars by Xmas 64" painted in bold retro lettering on the rocket's side, set against a backdrop of a mid-20th-century industrial landscape. +A close-up of a bakery bread bag tag, marked "Baked Fresh Today", lying on a rustic wooden counter with a fresh loaf of bread in the background, steam lightly rising. +A bustling city street at dusk, with a digital billboard cycling through vibrant ads, each ending with the message "Vote Tuesday" in bold, eye-catching letters, reflecting the urgency of an ongoing election campaign. +A city street at dusk, a yellow taxi with its roof light stuck displaying "Off Duty Forever", parked alone under a streetlamp, raindrops glistening on the windows, the cityscape blurred in the background. +A realistic photograph of a basketball scoreboard displaying "Home 84 Visitors 76" in a bustling arena, with the crowd cheering in the background. +A high-resolution photograph of a restaurant menu with an elegant heading "Chefs Specials", set against a rustic wooden background, with a soft, warm ambient lighting highlighting the text and creating a cozy, inviting atmosphere. +A vibrant tech expo banner featuring the text "Future Innovations Expo" in bold, futuristic fonts, surrounded by glowing neon lights and holographic icons of advanced technology, set against a dark, starry background. +A dramatic photo illustration of Earth, shrouded in stormy clouds, being struck by multiple converging lightning bolts, creating a powerful and intense scene. The image is titled "seismologist", emphasizing the connection between the natural phenomenon and the study of Earth's movements. +A gamer wearing a sleek, modern headset with glowing "Game On" text on the side, sitting in a dimly lit room, the glow of the computer screen reflecting on their focused face. +A scientist in a lab, wearing a white lab coat with a badge that reads "Dr Research Lead", examining a complex experiment setup under bright, focused lighting. +A close-up of a detective's notepad page, with messy handwriting scribbling "Follow the Glitter Trail" amidst other notes and sketches, under a dim desk lamp. +A rustic wooden signpost stands at the edge of a forest, its weathered surface pointing towards a winding path labeled "To Lake Trail". Morning light filters through the trees, casting a warm glow on the scene. +A close-up photograph of a library bookshelf, with a clear focus on the spine label "Mystery Section". The shelves are filled with books, and the lighting creates a warm, inviting atmosphere, emphasizing the label's prominence. +An astronaut floating in space, their helmet visor displaying "O₂ LOW" in bold red warning text, against the backdrop of a distant Earth, with stars twinkling in the dark void around them. +A superhero dog wearing a costume with a chest emblem that reads "The Bark Knight", standing confidently in a cityscape at sunset, with a cape flowing in the wind and a determined look in its eyes. +A rustic farmer’s barn door, weathered by time, proudly displays the hand-painted sign "Fresh Eggs Daily" in bold, vibrant letters. The door is slightly ajar, revealing a glimpse of the farmyard beyond, with a few chickens pecking at the ground. +A high-quality photo of a gym towel draped over a stainless-steel water fountain, with the bold text "Sweat Now Shine Later" clearly visible on the towel. The gym background includes modern workout equipment and a few athletes training. +A bustling theater lobby during a 15-minute intermission, with the program "Intermission 15 Minutes" prominently displayed on a marquee. Patrons chat and mingle, sipping drinks and examining their programs, while soft stage lighting adds a warm, inviting atmosphere. +An astronaut stands on a lunar surface, the glass of their helmet reflecting a futuristic "Moonbase Alpha" in the distance, with the stark, grey moon dust and rocks surrounding them. +A gym motivational poster with bold, vibrant text stating "No Pain No Gain" against a backdrop of energetic athletes lifting weights and running, surrounded by modern gym equipment and motivational quotes. +A dimly lit prison cell with rough stone walls, covered in deep, deliberate scratch marks that spell out "Innocent" in a stark, desperate font. The cell is empty, with a single ray of light casting shadows across the markings. +A detailed, realistic photograph of a boarding school crest, prominently featuring the motto "Knowledge Honor" in elegant, traditional script. The crest includes a book and a torch, symbolizing enlightenment and education, set against a rich, burgundy background. +A digital photo frame cycles through images labeled "Family Vacations 2023", showcasing serene beach scenes, joyful family moments, and picturesque landscapes, all captured in vibrant, high-definition quality. +A vintage radio on a wooden desk, the display prominently showing the station "Oldies 1025", with a warm, nostalgic glow and soft shadows in a cozy room. +A time traveler stands in an antique room, the soft glow of a vintage lamp highlighting their wristwatch, which prominently displays "Yesterday 315 PM", as they gaze out a window to a foggy, nostalgic landscape. +A vast desert landscape under a scorching sun, where a mirage illusion appears, shimmering in the heat, clearly displaying the words "Water 5 Miles" in the distance, creating a tantalizing yet elusive promise of relief. +A vintage pizza box with the logo "Best in Town Since 1990" prominently displayed, sitting on a wooden table with a slice of steaming pizza next to it, under warm, golden lighting. +A modern pizza box with a stylish logo that reads "Slice Heaven Delivery", featuring a celestial theme with stars and a slice of pizza as a moon, set against a dark blue night sky. +A wizard stands in a mystical forest, ancient trees towering around him, as he unfurls a scroll that reads "Beware Sentient Turnips". The scene is bathed in a soft, ethereal light, emphasizing the surreal and whimsical warning. +A wizard's broomstick, intricately carved with the phrase "Fly Responsibly", rests against a stack of ancient spellbooks in a dimly lit, cozy study. The wood is polished and worn, reflecting the warm glow of a nearby fireplace. +Fairy tale book cover "Once Upon a Time" with an enchanted forest at dusk, a young princess in a flowing gown, and a majestic castle in the background, illuminated by a soft, magical glow. +A "Reserved for VIP" table marker stands prominently at an elegant awards ceremony banquet, surrounded by polished silverware and crystal glasses, under the soft glow of chandeliers. +A realistic photograph of a Halloween pumpkin carved with the phrase "Boo", illuminated by a warm, flickering candle inside, casting eerie shadows on a dark, textured wooden table. +A magic 8-ball floats in a dimly lit room, its surface reflecting the soft glow of a nearby candle. The answer "No Clue" is clearly visible within the ball, surrounded by swirling, mysterious liquid. +A quiet university library with a prominent sign that reads "Silence Please" hanging above the entrance, surrounded by tall bookshelves and soft lighting, creating an atmosphere of scholarly concentration. +A futuristic cityscape at night, with a large, glowing hologram sign "Welcome To Neo City" floating above the entrance, casting vibrant neon lights over sleek, high-rise buildings and bustling streets filled with advanced vehicles and pedestrians. +A dimly lit room with an emergency broadcast screen prominently displayed, flashing the warning "ZOMBIE DRILL ACTIVE" in bold red letters. The scene is tense, with scattered papers and a flickering overhead light adding to the urgency. +An ice rink with a prominent sign that reads "Thin Ice Warning", set against a frosty backdrop with skaters cautiously making their way across the gleaming ice surface. +A detailed medieval scroll unrolled, displaying elegant calligraphy with the royal decree "By Order of the King" at the top, adorned with intricate illustrations of heraldic symbols and a wax seal with the king's crest. +A red stop sign stands at a busy intersection, prominently displaying the text "No Entry" in bold, black letters, contrasting sharply against its vibrant red background. +A backstage scene at a vibrant concert, with a worn "All Access VIP" pass hanging from a lanyard around the neck of a smiling musician, standing amidst a crowd of excited crew members and artists, with the glow of stage lights casting soft shadows. +A close-up of a dog bone-shaped tag, intricately engraved with the words "World's Okayest Pet", lying on a rustic wooden table, with soft, warm lighting highlighting the detailed engraving and the texture of the wood. +A realistic photograph of a person wearing solar eclipse viewing glasses, with the text "Do Not Remove" clearly visible on the glasses, set against a backdrop of a partial solar eclipse in the sky. +An astronaut in a detailed spacesuit stands against a backdrop of the vast cosmos, their helmet visor prominently displaying the warning text "O₂ LOW" in glowing red letters, reflecting urgency and the isolation of space. +A vibrant urban scene featuring a graffiti wall with the slogan "Street Art Lives" in bold, colorful letters, surrounded by dynamic street art elements and set against a bustling city backdrop. +A bustling train station with an announcement board prominently displaying "Platform ¾" amid other platform listings, captured in a realistic photographic style with passengers milling around and luggage carts nearby. +A dark, gothic room with a large, ornate coffin in the center. On the coffin lid, a silver plaque reads: "Do Not Disturb Day Sleeper". The room is dimly lit by flickering candles, casting eerie shadows on the walls. +A ominous, gothic haunted mansion with an ancient wooden door, featuring a unique door knocker shaped into the eerie word "KNOCK", set against a moonlit night sky, surrounded by mist and overgrown vines. +A close-up of a futuristic robot's chest panel, with the text "Model XJ9 Out of Warranty" prominently displayed, set against a sleek, metallic background. +A bustling farmer’s market scene with a rustic wooden stand. A hand-painted chalkboard prominently displays "Organic Zucchini 3" amidst other fresh produce listings. Vibrant vegetables and baskets add to the lively atmosphere. +A cluttered, dimly lit room with a single beam of light illuminating a vintage wooden desk. On the desk, an open self-help book titled "Faking It Until You're Buried", surrounded by scattered notes and a steaming cup of coffee. +A realistic photograph of an eye exam chart with the top line clearly displaying "E F P T O Z" in bold, black letters against a white background, sharply focused and centered in the frame. +A close-up of a restaurant receipt footer with "Tip Your Server" in italicized text, set against a subtle, blurred background of a dining table with elegant cutlery and a glass of red wine. +A detailed, realistic photograph of a dragon's treasure hoard, featuring a large, ancient gold coin stamped "1000 Gold Pieces" prominently among the shimmering pile of jewels and artifacts. The coin is slightly worn, showing its age and value. +A close-up of a red and pink candy heart with the words "Be Mine Forever" in white, set against a soft, romantic background with scattered rose petals and gentle lighting, evoking a sweet, heartfelt Valentine's Day sentiment. +A detailed fantasy novel map with intricate illustrations and a legend box, prominently featuring the notation "Dragon Territory Here" marked with a distinctive dragon icon and surrounded by mythical symbols and ancient runes. +A detective in a trench coat holds a magnifying glass, intently focusing on a hidden, crumpled note that reads "Meet at Midnight" under a dim streetlight in a foggy alley. +A lighthouse tower stands tall, painted with the words "Safe Harbor", its beacon shining over the calm sea at dusk, reflecting a warm, welcoming glow on the water and the rocky shore. +A realistic city street scene at a crosswalk, featuring a prominent sign that reads "Wait for Green Light", surrounded by pedestrians and vehicles waiting patiently, with the signal showing a red light. +A high-resolution VR headset screen displaying the message "Loading Virtual World", set against a futuristic, dimly lit room with soft blue ambient lighting and sleek, metallic furniture. +A modern T-shirt design featuring "Code Coffee" in bold, eye-catching letters, set against a minimalist background with subtle coffee stains and code snippets, creating a stylish blend of tech and caffeine culture. +A close-up of an alien plant with an identification tag reading "Photosynthesizes Sarcasm", set against a backdrop of futuristic greenery. The plant features iridescent leaves and peculiar, eye-like blooms, emphasizing its otherworldly nature. +A rustic farm scene featuring a large silo prominently displaying "Grain Capacity 5000kg" on its side, surrounded by golden fields of wheat under a clear blue sky. +A neon diner sign glowing "Eat Here Tonight" above a retro burger joint, set against a dimly lit street in the evening, with vintage cars parked nearby and soft light spilling from the diner's windows. +A sleek Stormtrooper helmet on a display stand, with a holographic sign next to it that reads "Aim Assist Off", set in a futuristic museum with soft, ambient lighting. +A lighthouse stands tall against a backdrop of stormy, dark clouds, its beacon flashing "SOS" in Morse code, casting a desperate signal across the turbulent sea. +An ancient stone tablet, weathered by time, intricately carved with the Latin decree "Hail Caesar", set against the backdrop of a dimly lit, ancient Roman temple. +A realistic winter scene with a ski slope trail marker prominently displaying "Certain Doom" in bold letters, set against a backdrop of snow-covered trees and a clear blue sky. Skiers in the distance add context and scale to the ominous sign. +An ancient, leather-bound wizard’s spellbook lies open on a wooden table, illuminated by a flickering candle. The page titled "Ignis Arcanum" is visible, with intricate illustrations of flames and arcane symbols surrounding the text. +A close-up of a spacesuit sleeve, showcasing a detailed embroidered patch that reads "Mars Mission 2050", set against the backdrop of a futuristic space station. The patch features intricate stitching and vibrant colors, reflecting the mission's significance and the advanced technology of the era. +A realistic photograph of a baseball dugout, with a whiteboard prominently displayed that reads "Batter Up Jones" in bold letters. The scene is set during a sunny afternoon, with players in the background preparing for the next inning. +A bustling cityscape at dusk with a towering billboard displaying "Citizen Alert Level 3" in bold, glowing letters, surrounded by futuristic skyscrapers and flying cars, capturing the essence of a high-tech superhero city on high alert. +A bustling construction site with yellow and black warning tape fluttering in the wind, prominently printed "Do Not Levitate Here", surrounded by cranes and scaffolding. +A dimly lit, old library with dusty shelves, where a single book with a spine stamped "Do Not Read Aloud" stands out among ancient tomes. The air is thick with the scent of old paper, and a ghostly figure hovers nearby, adding an eerie atmosphere to the scene. +A realistic photograph of a car's dashboard, with the GPS navigation screen prominently displaying "Recalculating Route" in a modern, sleek font, set against a backdrop of a winding road and distant mountains. +A children's coloring book page featuring a playful dragon with a cheerful expression, saying "I Love Tacos" in bold, colorful letters. The dragon is surrounded by various taco illustrations, each with vibrant, whimsical details. +A close-up of a vintage seed packet, labeled "Mystery Flowers", with intricate illustrations of unknown blooms and a subtle, weathered texture, set against a soft, blurred background of a garden. +In an underwater cave, ancient paintings glow with an ethereal light, illuminating the words "Deep Secrets" in the center, surrounded by mysterious symbols and aquatic life. +A camping tent with a "Waterproof Design" tag, set against a backdrop of a misty forest, with dew drops on the tent fabric reflecting morning sunlight. +Ancient stone tablet, weathered and moss-covered, engraved with the words "Lost Civilization", standing amidst overgrown ruins in a dense, misty forest. +A high-quality movie prop sword, intricately engraved with a fictional language that reads "Heros Journey", lying on a dark, rustic wooden table, with a soft, dramatic light highlighting its detailed craftsmanship and aged metal. +A dimly lit room with a digital clock on a bedside table, prominently displaying "1111 Make a Wish" in glowing red digits, surrounded by a soft, ambient light. The scene captures a moment of quiet anticipation, ideal for a realistic photograph. +A realistic photograph of a volcano observation post with a prominent sign reading "Today's Eruption Schedule" amidst a backdrop of steam and ash, with scientists in protective gear nearby, capturing the intensity and urgency of the situation. +A close-up of a futuristic robot pet's metallic collar, with a sleek, polished name tag engraved "Good Boyexe" prominently displayed, reflecting a soft, ambient light in a high-tech home setting. +A scenic hiking trail with a wooden marker post carved with "Summit 2 Miles Ahead", surrounded by lush greenery and a rocky path leading into the distance. +A cozy bakery interior with a wooden cookie jar on a rustic table, labeled "Take One or Two No More", filled with assorted cookies, surrounded by pastries and a warm, inviting atmosphere. +A weathered ghost town with a dilapidated saloon, its sign creaking in the wind, reading "Last Water 1897". The scene is bathed in a golden hour light, emphasizing the rustic, abandoned feel of the old West. +A sleek, futuristic spaceship with its hull boldly painted "Mars or Bust", against the backdrop of a star-filled universe, ready for its interstellar journey. +A living room with soft, flowing curtains patterned with an embroidered message "Sunshine Welcome", bathed in the warm glow of morning sunlight filtering through the open window, casting gentle shadows on the wooden floor. +A cartoon cat sits with a whimsical expression, a thought bubble above its head that reads "dune", surrounded by a sandy, desert-like landscape with distant dunes and a clear blue sky. +A neatly arranged toy store shelf with a bright, colorful label reading "Educational Toys", featuring a variety of learning toys and puzzles for children, set against a clean, white background. +A high-tech space station control room with a prominent red warning light flashing, displaying the message "Gravity Failing Hold Rails". Astronauts in the background react with concern, emphasizing the urgency of the situation. +A close-up of a vintage library stamp, clearly marking documents with the text "Archived 1923", set against a backdrop of aged, yellowed paper and old book bindings. +A realistic urban scene featuring a political campaign poster for "Vote Green Party 2024" prominently displayed on a lamppost, surrounded by bustling city life with pedestrians and vehicles in the background. +A superhero stands confidently, his cape emblem "Captain Chaos" prominently displayed on the back. The emblem, a swirling vortex of colors, contrasts sharply against the dark fabric. The hero is positioned against a city skyline at dusk, with the last rays of sunlight casting dramatic shadows. +Neon bar sign glowing "Last Call at Midnight" above a row of whiskey bottles, set in a dimly lit, retro-style bar with a wooden counter and vintage decor. +A dark, atmospheric library with vintage books lining the walls. A lone figure in a trench coat examines a dusty, ancient tome, a magnifying glass in hand. A single beam of light illuminates the room through a small, foggy window, emphasizing the mystery of the chapter "The Hidden Clue". +A weathered fisherman’s buoy, bobbing gently in the calm sea, with "Secret Pirate Cove" painted in bold black letters, surrounded by the serene blue waters and a backdrop of distant, misty cliffs. +A close-up of a vintage gardener’s seed packet, labeled "Magic Beans", with intricate illustrations of beanstalks and a subtle, mystical glow, set against a rustic wooden background. +A serene yoga studio with a large, vibrant mural on one wall, prominently displaying the phrase "Breathe In Peace" in elegant, flowing letters. Soft natural light filters through windows, casting a calming glow over the room. Yoga mats and props are neatly arranged, enhancing the peaceful atmosphere. +A magical scene where a sparkling wand labeled "Wish Granted" hovers above a mystical, glowing altar, surrounded by floating candles and enchanted forest elements, with a soft, ethereal light illuminating the area. +A realistic photograph of a fire station calendar page, prominently displaying "Training Day Thursday" in bold, with a background of firefighter gear and a calendar grid showing other activities of the month. +A realistic photographic scene of an alien fast food menu featuring the item "Earthling Burger", showcased with vivid, otherworldly colors and futuristic design elements, emphasizing the exotic and intriguing nature of the dish. +A high-quality e-commerce product page showcasing a sleek, modern smartphone with an alert box prominently displaying "Only 2 Left in Stock" in bold, red text, set against a clean, white background. +A scientist in a lab, holding a test tube labeled "Sample 42", with intricate lab equipment and beakers in the background, under the glow of fluorescent lights. +A detective's notepad page, slightly worn and crumpled, with a pen resting on it. The page is densely scribbled with notes, but the phrase "Follow the Money" stands out in bold, underlined letters. +A modern kitchen with a sleek, stainless-steel smart fridge displaying a notification on its screen: "Expired Milk Detected". The kitchen is well-lit, with a few fruits and a glass of milk on the counter, emphasizing the freshness contrast. +A vintage circus tent adorned with a banner that reads "World's Smallest Elephant", surrounded by colorful lights and a cheering crowd, capturing the excitement and wonder of a unique spectacle. +A close-up of a wine glass with elegant etching that reads "Cheers To You", set against a soft, blurred background of a romantic dinner scene, with candlelight adding a warm glow. +A rustic bakery counter with a fresh loaf of bread, prominently displaying a tag that reads "Baked Fresh Today", surrounded by warm, golden lighting and wooden shelves. +A realistic photograph of a "Warning Venomous Plants" sign prominently displayed inside a lush, tropical botanical garden greenhouse, surrounded by exotic and vibrant flora. +A sinking ship at dusk, its SOS flare bursting into vivid "HELP" red smoke against a darkening sky, waves crashing around it. +A weathered pirate's note bottle, half-buried in the sandy shore, reads "Send Rum ASAP" in faded ink, with waves gently lapping at the edges and seagulls perched nearby. +A close-up shot of a toy store shelf with a clear label reading "Educational STEM Kits", surrounded by colorful and engaging STEM toys, including science kits, robots, and building blocks, all arranged neatly on the shelf. +A glowing Magic 8 Ball floats in a dimly lit room, its triangular window displaying the answer "Ask Again Later" in eerie, luminescent letters. Soft shadows play across the ball, emphasizing its mysterious, otherworldly presence. +A pirate ship sails the high seas, its flag proudly displaying the embroidered phrase "Talk Nerdy to Me" in bold, intricate lettering, flapping in the wind against a backdrop of stormy skies and turbulent waves. +A close-up of a vintage, slightly worn, blue stamped envelope with the bold, red text "Urgent Open Immediately" prominently displayed, set against a blurred, muted background. +A gym locker room with a large, reflective mirror displaying a bold sticker that reads "No Pain No Gain". The scene is modern, with sleek, stainless-steel lockers and a well-lit environment, emphasizing the motivational message. +A close-up of a gym locker combination lock, the dials aligned to spell "HELP" in bold, metallic digits against a worn, metallic lock body, set against a blurred gym background with faint outlines of lockers and fitness equipment. +A futuristic time machine with a sleek, metallic interface, prominently displaying a large screen that reads "Year 3024 Destination Set", surrounded by glowing buttons and holographic controls in a dimly lit room. +A realistic photograph of a highway exit sign pointing to "Historic Downtown Next Right", set against a backdrop of a bustling cityscape with vintage buildings and green trees lining the road. +A pilot's logbook entry "Clear Skies Ahead" sits on a weathered leather-bound page, next to a vintage airplane model, under the soft glow of a cockpit lamp, surrounded by navigational charts and a horizon of serene, cloudless skies. +A close-up of a submarine porthole, etched with the words "Maximum Depth 20000 Leagues", surrounded by the deep blue of the ocean, with light filtering through, creating a serene and mysterious underwater atmosphere. +A sleek, futuristic sci-fi spaceship with its hull prominently marked with the warning "Danger Warp Core", illuminated by the cold, blue glow of nearby stars, set against the vast, dark expanse of space. +A realistic photograph of an old, crumpled newspaper on a wooden table, with the bold headline "Aliens Found in Space" clearly visible, surrounded by coffee stains and a half-empty mug. +A realistic photograph of a geometry exam paper lying on a desk, with the title "Final Test Version B" clearly visible at the top. The paper is partially filled with handwritten answers, and a protractor and pencil rest beside it. +A close-up of a baby onesie with a charming print that reads "Little Star Sleeping" in elegant, child-friendly font, set against a soft, pastel background with subtle, twinkling stars. +In a desolate, post-apocalyptic cityscape, a weathered wall bears the vibrant, hand-painted scrawl "Hope Survives", illuminated by the fading light of a dusty sunset. Broken buildings and overgrown vegetation surround the scene, emphasizing the message's resilience. +A realistic gym locker room scene with a large mirror featuring bold graffiti that reads "You Got This", surrounded by scattered towels and gym equipment. +A city night scene featuring a yellow taxi cab with its roof light-up sign prominently displaying "Available" in bright, clear letters, set against the backdrop of a busy street with illuminated buildings and passing cars. +A detailed tattoo on a sailor’s rugged arm, inked with the heartfelt words "Mom Forever", showcasing a blend of nautical and traditional tattoo styles, with vibrant colors and sharp lines, set against the backdrop of the sailor’s weathered skin. +A dimly lit nightclub with a VIP section, featuring a velvet rope and a sign prominently displaying "Reserved for Bottle Service", surrounded by sleek, modern decor and subtle lighting. +A bustling urban street at night, illuminated by the vibrant neon sign of a hair salon that reads "Walk Ins Welcome", casting a colorful glow on the pavement and passersby. +A close-up of a pizza box with a sticker that reads "Extra Cheese" prominently displayed, the sticker featuring a vibrant, cheesy texture with droplets of melted cheese, set against a warm, appetizing background. +A rugged, worn leather bracelet, intricately stamped with the words "Adventure Awaits", lies on a weathered wooden table, surrounded by a scattering of vintage maps and compasses, under the warm glow of a vintage lamp. +A vintage suitcase with a weathered sticker reading "Visiting 2020 One Star Review" sits on a worn leather travel mat, surrounded by antique travel accessories and a steampunk clock. The scene is lit by a soft, nostalgic glow, emphasizing the time-traveling theme. +A vibrant music festival scene with excited attendees wearing wristbands that read "Groove Fest 2023", surrounded by colorful lights and a lively crowd, with a stage in the background featuring a band performing. +A bakery's bread loaf wrapper, prominently printed with "Freshly Baked Chaos", sits on a rustic wooden counter, surrounded by a mess of flour and baking utensils, capturing the essence of a chaotic yet charming baking scene. +A modern hotel lobby with sleek, minimalist decor. A large, illuminated directory board prominently displays "Conference Room B" among other room listings. The scene is captured from a slight angle, showcasing the lobby's spacious, welcoming atmosphere. +A cozy bakery interior with a neon sign above the counter, prominently displaying "Fresh Croissants Daily" in vibrant, glowing letters, casting a warm, inviting light over the freshly baked goods and wooden fixtures. +A realistic tattoo on a person's forearm featuring a detailed compass rose with "Find Your North" in elegant cursive script just below it, set against a slightly blurred background to emphasize the intricate design. +A superhero stands heroically, their cape billowing in the wind, embroidered with "Crusader of Justice" in bold, golden thread, against a dramatic cityscape at sunset. +A sleek, futuristic alien spaceship console with glowing, blinking lights displaying "Earth Invasion Plan" in a sci-fi setting, surrounded by advanced technology and holographic interfaces. +A close-up of a vintage seed packet, labeled "Sunflower Giant", resting on a rustic wooden table, with a pair of gardening gloves and a trowel nearby, under the warm glow of a sunlit window. +Retro sci-fi comic cover featuring "Invasion of the Polite Robots". Polite robots with vintage aesthetics and sleek, humanoid designs stand on a futuristic cityscape, holding open doors and offering flowers, while humans look on in surprise and amusement. +A spy in a sleek, dark suit, wearing sunglasses with one lens displaying "Target Acquired", standing in a dimly lit alley, the reflection of neon lights casting shadows on his face. +Astronaut in a detailed spacesuit stands beside a lunar module, focusing on the control panel. The panel prominently displays the label "Manual Override", with intricate buttons and switches around it, set against the stark, grey lunar landscape. +A close-up of a knight's gauntlet, intricately etched with the words "Fist of Justice", resting on a weathered wooden table, illuminated by the warm glow of a nearby candle. +A samurai stands proudly, his flag fluttering in the wind, embroidered with the words "Honor Duty WiFi Password". The scene is set in a modern, yet traditional Japanese garden, blending the ancient with the contemporary. +A realistic photograph of an aquarium tank with a sign prominently displayed, reading "Shark Feeding At 3 PM", surrounded by excited visitors and the sleek, shadowy form of a shark visible in the water. +Ancient cave wall paintings vividly depict woolly mammoths, with a prehistoric handprint and the inscription "Ugg Was Here" etched beside them, capturing a moment from a long-lost era. +A toddler wearing a bright onesie with "Future Troublemaker" printed in bold, block letters, sitting on a colorful play mat surrounded by toys, with a mischievous smile on their face. +A well-lit DIY store aisle with a clear sign above the shelves reading "Tools & Hardware". Shelves are neatly stocked with a variety of tools and hardware items, including hammers, screwdrivers, wrenches, and bolts, creating a busy yet organized scene. +A weathered sailor stands by the ship's railing, gazing toward the horizon. His arm is prominently displayed, showcasing a detailed "Homeward Bound" tattoo, symbolizing his longing for home. The tattoo features a ship navigating through turbulent seas, with a lighthouse guiding the way. +A modern electric vehicle charging station, prominently displaying a sign with the warning "Patience Required". The scene is bustling with people and vehicles, highlighting the busy urban environment where charging stations are a common sight. +A realistic photograph of a smartphone screen with a notification that reads "Low Battery", set against a neutral background to emphasize the screen's display. +A realistic photograph of an aquarium, featuring a clear sign that reads "Do not feed" prominently displayed near a glass tank filled with colorful fish and aquatic plants. +In a solemn courtroom, a judge's gavel stand is prominently displayed, intricately engraved with the phrase "Order in the Chaos", reflecting the weight of justice and the struggle to maintain order. +A vintage book cover with the title "Secrets of the Stars" embossed in gold, set against a deep blue backdrop with subtle starry details, capturing the essence of 1920s art deco design. +A vibrant TV show poster featuring a samurai wearing a fedora, set against a backdrop of ancient Japan meeting modern cityscapes. The title text, "Fedora Samurai", is prominently displayed in bold, futuristic font at the top of the poster. +A serene yoga studio with a large, calming wall decal that reads "Breathe In Peace", surrounded by soft, natural lighting and minimalist decor, creating a peaceful atmosphere for practitioners. +A crystal-clear magic 8-ball floats in a dark, inky liquid, its surface reflecting faint, mysterious lights. Inside, the answer "Outlook Confusing" glows softly, adding an eerie ambiance to the scene. +A modern pizza box featuring the logo "Slice Master" in bold, stylish lettering. The box is placed on a rustic wooden table, with a slice of steaming pizza next to it, showcasing melted cheese and fresh toppings. +A vibrant street scene with a sleek, modern car parked on the side. The car's bumper features a playful sticker declaring "My Other Ride is a Unicorn". Bright, colorful flowers line the sidewalk, and a light, cheerful atmosphere fills the air. +A charming lemonade stand with a handmade sign that reads, "50 Cup Made by CEO Age 8", set against a sunny suburban backdrop. The stand is decorated with colorful drawings and a small, enthusiastic child stands behind it, proudly displaying their creation. +A spy stands in a dimly lit room, holding a sleek black briefcase. The combination lock is set to "007", reflecting a glint of light. The tension in the air is palpable, with shadows cast on the walls, enhancing the secretive atmosphere. +Neon bar sign glowing "Last Call at Midnight" above a row of vintage liquor bottles, set against a dark, moody backdrop, capturing the essence of a late-night urban scene. +A vintage farmer's almanac page with a handwritten note that reads "Plant After Frost", surrounded by illustrations of frosty mornings and budding plants, set against a rustic, weathered paper background. +A weathered ship captain stands on the deck, gripping the railing as dark clouds gather on the horizon. His log entry reads, "Storm Approaching". The sea roils with foamy waves, and the sky is a dramatic mix of grays and purples, emphasizing the impending danger. +A close-up of an ancient coin with a worn, weathered surface, clearly showing the text "Denarius 72 BC" etched into its face, surrounded by subtle patina and intricate border designs. +A cinematic sequel poster featuring a dark, futuristic cityscape under a stormy sky. Bold, neon text reads "Disappointment Evolved" at the bottom, with a silhouette of a disillusioned hero standing against the skyline, rain pouring down. +A wizard's hat rests on a wooden table, with a tag warning "Do Not Disturb Casting" attached to it. The hat is old and tattered, with a star-patterned design. The room is dimly lit, creating a mysterious atmosphere. +A close-up of a gleaming trophy on a wooden table, with the inscription "Best Pie 2023 Winner" clearly visible. The trophy is surrounded by slices of various pies, and a warm, inviting kitchen setting with sunlight streaming through the window enhances the festive atmosphere. +A charming flower shop window displays a vibrant arrangement of roses and lilies, with a sign that reads "Valentine Bouquets 50% Off" in elegant cursive. The glass is slightly foggy from the cold winter air, adding a cozy atmosphere to the scene. +A bustling plant nursery with a prominently displayed sign that reads "Cacti For Sale", surrounded by a variety of vibrant, thriving cacti in pots, under a clear blue sky. +A dimly lit alley where a fire exit sign, glowing a vivid red, prominently displays "This Way Out" against the darkened wall, casting a faint, eerie light on the rough brick surface. +A high-end jewelry store display featuring an elegant necklace stand with the "Diamond Collection 2024" prominently labeled. Sparkling diamonds catch the light, surrounded by luxurious velvet and glass cases, creating a sophisticated and glamorous atmosphere. +A hiker pauses beside a wooden trail marker post, which clearly reads "Viewpoint Ahead", set against a backdrop of lush, rolling hills and a distant, misty mountain range, capturing the serene beauty of the natural landscape. +A beautifully decorated birthday cake with icing that spells "Happy 30th Steve" in elegant script, surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm lighting creating a cozy atmosphere. +A serene beach at sunset, with soft golden sands and gentle waves. Above, a small airplane trails white smoke spelling "Marry Me" in elegant cursive against a twilight sky. Couples on the beach pause, smiling and pointing up at the romantic skywriting. +A vintage tournament poster for a medieval fair, advertising "Jousting Lessons 2 for 1" with a knight in shining armor on a rearing horse, colorful banners, and a crowd cheering in the background. +A realistic classroom setting with a large, detailed periodic table on the wall, prominently highlighting "Element 79 Au" with a spotlight or colorful marker, surrounded by students' desks and educational posters. +A modern, sleek digital thermostat mounted on a clean, white wall, with a clear display showing "Set Temp To 72F" in crisp, blue digits. The room is softly lit, emphasizing the clean lines and minimalist design of the thermostat. +A UFO hovers over a city street, its abduction beam illuminating a "Parking Enforcement Vehicle" parked by the curb, drawing curious onlookers and creating a surreal scene of sci-fi and everyday life colliding. +A carnival ticket booth with a vintage sign prominently displaying "Rides Closed After 10 PM", set against the glow of colorful lights and the bustling atmosphere of a night fair. +A realistic photograph of a car's front license plate, framed with a rugged, metallic border that reads "Adventure Bound" in bold, adventurous font, set against a backdrop of a dusty, gravel road leading into a dense, green forest. +A vintage taxi driving through a misty, enchanted forest, its roof light displaying "OffDuty To Narnia", surrounded by glowing fairy lights and ancient trees. +A modern art gallery with sleek white walls, featuring a minimalist wall label titled "Abstract Dreams 2024" beneath a large, vibrant abstract painting. The label is elegantly framed, and the painting showcases bold colors and dynamic shapes. +A vibrant science fair poster titled "Solar Power Future", featuring a bright, sunny landscape with modern solar panels gleaming under the sky. Children in protective goggles stand beside a model of a sustainable city, pointing excitedly at diagrams and charts that explain solar energy conversion and storage. +A wizard's cauldron bubbles and steams, with a cautionary label reading "Potion 9 May Explode" prominently displayed. The scene is set in a dimly lit, ancient stone chamber, with mystical runes etched on the walls and a cluttered table of potions and ingredients nearby. +Retro arcade machine with a glowing screen displaying "Insert Coin To Play", set in a dimly lit game room, surrounded by vintage game posters and nostalgic game controllers. +A medieval banquet hall adorned with a grand tapestry titled "Feast Day 1120", depicting nobles feasting, minstrels playing, and servants bustling. The scene is illuminated by torches, casting a warm, golden glow over the ornate wooden tables and rich, velvety drapes. +A majestic mountain summit with a large stone marker at the peak, intricately carved with the words "Peak Victory 2024", surrounded by rugged terrain and a panoramic view of distant snow-capped mountains. +A charming photograph of a golden retriever wearing a vibrant red bandana printed with the words "Best Friend", sitting on a grassy field with a sunny sky in the background. +A wizard stands in a dimly lit chamber, his ancient scroll unfurling to reveal the incantation "Spell of Eternal Night". Shadows deepen as mystical runes glow faintly, casting an eerie light on the wizard's focused expression and the swirling darkness around him. +A detailed textbook diagram labeled "Human Anatomy", showcasing the skeletal and muscular systems with clear labels and educational annotations, set against a neutral background. +A realistic photograph of an Olympic podium, illuminated by soft golden lights, with a large banner displaying "Gold Medal Winner" prominently in the background. The podium is adorned with flowers and the Olympic rings, capturing the moment of victory. +A realistic gym setting featuring a weight rack prominently labeled "Max Load 200 lbs", surrounded by workout equipment and motivational posters, with a fitness enthusiast adjusting the weights. +A vast Martian landscape with a futuristic dome colony in the foreground, featuring a large banner that reads "Earth Was Better Not" stretched across its curved surface, under a dusty red sky. +A dragon's treasure hoard, gleaming with gold and gems, signposted with a humorous wooden sign that reads "No Fire Breathing Allowed", set in a mystical cave with soft, ambient lighting. +A realistic photograph of a post office exterior, with a prominent sign that reads "Closed Sundays" clearly visible, set against a backdrop of a quiet, tree-lined street on a sunny afternoon. +A vintage CRT television displays the classic test pattern with the text "Stay Tuned Forever" in the center, surrounded by colorful geometric shapes and a static border, set in a dimly lit room with nostalgic 1980s decor. +A detective's worn notebook lies open on a cluttered desk, the page scrawled with the despairing words "Case Unsolved", surrounded by coffee cups, files, and a dim desk lamp casting shadows. +A close-up of an old library book with a red stamp marked "Overdue Since 1999" on the checkout card, surrounded by the worn pages and the faint scent of aged paper. +"Quarantine Zone" tape stretched across a dimly lit hospital corridor, the fluorescent lights flickering above. Abandoned medical carts and empty waiting chairs line the walls, creating an eerie, isolated atmosphere. +A modern kitchen featuring a sleek, stainless-steel smart fridge with a vibrant screen displaying a notification that reads "Eat Veggies", surrounded by fresh, colorful vegetables on the countertop. +In a vast desert canyon, a lone figure stands amidst towering red rock formations, whispering "Try Yelling Cheese" into the vast, echoing silence, capturing the surreal beauty of the natural landscape. +A high-tech smart speaker with a sleek, minimalist design sits on a modern countertop. Its screen displays "Listening Mode Active", the text gently pulsing with a soft, blue glow, indicating it's actively listening for commands in the ambient, softly lit room. +A classroom poster in a vibrant, educational style, featuring colorful illustrations of the alphabet. Each letter is paired with a corresponding object, with a prominent, detailed depiction of "A is for Apple" at the center, surrounded by other alphabet items. +A cozy café scene with a chalkboard menu prominently displaying "Todays Brew Ethiopian Blend" in elegant script, surrounded by steaming cups of coffee and pastries on a rustic wooden table. +An antique bottle, labeled "police", sits on a rustic wooden table, surrounded by old books and vintage maps, with a soft, warm light casting shadows in a cozy, dimly lit room. +A vibrant board game box cover titled "Dungeon Escape Quest", featuring a group of adventurers escaping from a dark, menacing dungeon. The scene is illuminated by a beam of light from a hidden exit, casting dramatic shadows and highlighting the excitement and urgency of their escape. +A close-up of running shoes with the tongue tag clearly displaying "Marathon Ready 2024", set against a blurred city marathon backdrop with enthusiastic runners and cheering crowds in the distance. +A realistic photograph of a hiking trail sign warning "Steep Climb Ahead" set against a backdrop of rugged, forested mountains, with a sunlit path leading up to the sign and shadows cast by the trees. +A bustling train station with an announcement board prominently displaying "Platform 9". Commuters rush by, and the board's neon lights reflect off the polished floors, creating a vibrant and dynamic scene. +A bustling farmer’s market stand featuring a wooden sign painted with "Organic Harvest" in vibrant green letters, surrounded by baskets of fresh, colorful produce and cheerful patrons. +A college student wearing a sweatshirt screen-printed with "Physics Dept 1896" stands in a modern physics lab, surrounded by high-tech equipment and posters of famous physicists, with a chalkboard filled with equations in the background. +A "50 Off Sale" banner hangs prominently in the window of a bustling clothing store, catching the eye of passersby on the busy city street. The vibrant colors and bold text of the banner contrast sharply with the elegant display of clothes inside. +A close-up of a keychain tag reading "Lost and Found", hanging from a set of keys, with a blurred background of a bustling city street. +A high-tech spy gadget with a sleek, metallic finish, featuring a compact screen that brightly displays the words "Target Acquired" in a crisp, digital font, set against a dimly lit, futuristic room with shadows hinting at advanced machinery. +Retro diner scene with a vintage menu board prominently displaying the daily special, "Meatloaf Surprise", under a warm, nostalgic glow, surrounded by classic 50s decor including vinyl booths and a checkerboard floor. +A dental clinic poster with a cheerful, modern design, featuring a close-up of a bright, healthy smile. The poster prominently displays the message "Floss Daily" in bold, eye-catching letters, surrounded by vibrant, colorful graphics of dental tools and floss. +A diver in the deep blue ocean checks their tank gauge, which clearly displays "Air 2000 PSI", while colorful fish swim nearby. +A close-up of a vintage hot air balloon basket plate, intricately engraved with the text "Maximum Capacity 6", set against the warm, rustic wood of the basket, with a soft, golden light highlighting the craftsmanship. +A neon diner sign glowing "Open 24 Hours" above retro booths, with vintage cars parked outside and a 1950s-style jukebox visible through the window, bathed in a soft, nostalgic glow. +A realistic photograph of a gym locker room with a prominently displayed sign that reads "Shower Before Swimming", surrounded by lockers and a tiled wall. +A close-up of a baby onesie with the print "Future Genius" in bold, modern font, set against a soft, pastel-colored background. The fabric is smooth and slightly wrinkled, giving a realistic texture. +A realistic photograph of an airport gate display, prominently showing "Flight 456 Now Boarding" on the screen, with passengers gathering nearby and a modern airport terminal in the background. +A skyscraper window cleaner's bucket, marked "Caution Wet Floor", sits on a glass platform, reflecting the city skyline behind it. The cleaner is perched on a scaffold, working diligently. The scene captures the contrast between urban grandeur and everyday maintenance. +A carnival ticket booth under a grey, rainy sky, with a prominent sign in bold letters stating "Rides Closed Due to Rain", surrounded by deserted, wet rides and attractions. +A student's schoolbag, prominently displaying the slogan "study hard", rests on a wooden desk cluttered with books and stationery, under the warm glow of a desk lamp, in a cozy, book-lined study room. +A high school gymnasium at dusk, the basketball scoreboard prominently displaying "Final 9897", with players and fans frozen in a moment of celebration or disappointment, the atmosphere tense and electric. +A cozy bakery scene with a rustic wooden table displaying a fresh, steaming tray of cookies. Next to it, a vintage cookie bag labeled "Grandmas Secret Recipe" in elegant cursive, surrounded by a sprinkle of powdered sugar and a warm, inviting atmosphere. +A baker in a cozy kitchen, wearing an apron embroidered with "Knead to Relax" in elegant cursive script, surrounded by fresh bread and pastries. The warm, golden lighting highlights the intricate embroidery and the baker's focused expression. +A wizard gazes into a crystal ball, revealing a misty vision with the ominous words "Beware Tomorrow" etched in glowing letters, surrounded by swirling, ethereal patterns and shadowy figures. +A grim, weathered prison wall, covered in tally marks that meticulously count the days, culminating in the stark, bold numbers "23 Days" at the bottom, illuminated by the cold, harsh light of a solitary window. +A retro arcade cabinet with a pixelated screen displaying "Insert Coin to Save World", surrounded by soft ambient light, capturing the nostalgic atmosphere of an 80s game room. +A crystal-clear, floating magic 8-ball with the answer "Ask Again Later" illuminated in its center, set against a softly lit, mystical background with a hint of fog and twinkling lights, capturing a moment of suspense and curiosity. +A vibrant rooftop scene with bold graffiti spelling "Sky High Dreams" against a backdrop of a bustling city skyline, the late afternoon sun casting long shadows and highlighting the colors of the graffiti. +A vibrant urban scene with graffiti on a concrete wall, prominently featuring the words "Rebel Zone Ahead" in bold, colorful letters, surrounded by abstract spray paint designs and tags. +In a misty, serene graveyard, a lone tombstone stands, etched with the words "Here Lies Bad Jokes RIP". The stone is weathered, with moss growing on its sides, and a single wilting flower rests at its base. +A realistic photograph of a person's arm showcasing a detailed "Carpe Diem" tattoo, with the skin texture visible and the tattoo ink vividly colored, set against a soft, blurred background. +A high-tech aircraft cockpit with a sleek, modern design. The primary display in the center reads "Autopilot Engaged" in bold, clear text. Soft ambient lighting enhances the futuristic atmosphere, highlighting the advanced instrumentation and control panels. +A crystal-clear magic 8-ball hovers in a dimly lit room, its surface reflecting faint shadows. Inside, a floating answer window displays the text "Ask Again Later" in glowing, mystical letters, surrounded by swirling, ethereal mists. +A detailed close-up of a space shuttle side panel, with "Mars Mission 2050" stenciled in bold, crisp letters against a backdrop of the shuttle's intricate, weathered metal surface, reflecting the harsh conditions of space travel. +A realistic photograph of an alien zoo exhibit featuring a sign that reads "Homo Sapiens - Feed Rarely" in a futuristic setting, with Earth humans on display in a transparent enclosure, observed by curious alien visitors. +A realistic photograph of a bakery's bread loaf wrapper, prominently featuring the text "Baked Fresh This Morning", lying on a wooden counter next to a freshly baked loaf of bread. +A wizard stands in a mystical forest, his staff glowing with an ethereal light. The staff is intricately engraved with ancient runes that spell "CtrlZ", casting a soft, blue luminescence around him. +A close-up of a vintage seed packet labeled "Heirloom Tomatoes", nestled in a rustic wooden box filled with potting soil, under the soft glow of a morning sunbeam filtering through a garden window. +A carnival ticket stub, slightly crumpled, with a bold stamp reading "Ride Unlimited Today", lying on a textured wooden bench amidst the vibrant, colorful backdrop of a bustling carnival. +A snow globe featuring a miniature landscape with a tiny sign that reads "Winter Wonderland", surrounded by snow-covered trees and a dusting of snowflakes in the air, set against a soft, blue winter sky. +A detailed, realistic photograph of an ancient, stone chamber designed for dragon egg incubation, with a large, glowing egg at the center. The walls are lined with intricate carvings and symbols. A sign prominently displays the warning "Handle With Fire". +A serene yoga studio featuring a minimalist wall decal that elegantly states "Breathe In Peace", surrounded by soft, natural lighting and tranquil, earthy tones, enhancing the peaceful atmosphere. +A rustic farmer's barn with a weathered wooden door, stenciled in bold black letters "Fresh Eggs Daily", set against a backdrop of a golden sunrise, with a few chickens pecking at the ground nearby. +A spooky, old haunted house with a creaky wooden door and a welcome mat that reads "Go Away" in ominous, faded lettering, surrounded by overgrown weeds and twilight shadows. +A vintage 1950s newspaper with a bold, sensational headline "Aliens Land Today" sprawled across the front page, surrounded by grainy black-and-white photos of UFOs and excited crowds, capturing the essence of mid-century science fiction and public intrigue. +A cozy coffee shop interior with warm lighting and wooden tables. A customer holds up a loyalty card, clearly showing the "8th Drink Free" stamp, while a barista smiles behind the counter, preparing a steaming cup of coffee. +A close-up of a pet collar tag, engraved with "IF LOST CALL 555 7387", lying on a rustic wooden table, with soft sunlight casting a gentle glow, emphasizing the texture and detail of the tag. +A realistic photograph of an elevator button panel, with the button for "Floor 13" illuminated, set in a modern, sleek elevator lobby. The lighting is soft, highlighting the panel and creating a slight glow around the lit button. +A close-up of vibrant, colorful firework packaging with a bold warning label that reads "Light Fuse Run", set against a dark, textured background, emphasizing the cautionary message while showcasing the intricate design of the packaging. +A vibrant unicorn stands majestically in a sunlit meadow, its mane shimmering with iridescent colors. The poster features the caption "Magic is Real" in elegant, glowing letters above the unicorn, surrounded by a halo of sparkling light. +A rugged hiking trail with a wooden marker post carved with "Summit Trail 2mi", surrounded by dense forest and leading towards a misty mountain summit. +A classroom globe with a sticker that reads "Equator Line Here", placed precisely along the equator, surrounded by colorful maps and educational posters on the walls. +A vibrant TV show poster featuring the logo "If You Are the One 2" prominently displayed, set against a dynamic backdrop of city lights and a stylish, modern font. +A realistic photograph of a wedding cake with a knife placed on top, elegantly engraved with "Mr & Mrs Smith", set against a soft, romantic backdrop with subtle lighting highlighting the cake's intricate details. +A cozy bakery window adorned with a charming decal reading "Pie Of The Month", showcasing a delicious apple pie with a dusting of cinnamon, surrounded by steamy pastries and the warm glow of interior lights. +A vibrant food truck with a window decal proudly advertising "Best Tacos in Town", surrounded by happy customers in a bustling city street, with steam rising from a sizzling grill inside the truck. +A realistic photograph of an office building's entrance, with a clear "No Smoking Within 25 Feet" sign posted on the wall, surrounded by neatly trimmed bushes and a paved walkway leading to the door. +A serene campsite with a rustic wooden signpost clearly displaying the warning "No Open Fires" amidst a dense forest, sunlight filtering through the trees, casting dappled shadows on the ground. +A bakery cake box wrapped in pastel paper, adorned with a delicate sticker that says "Handle with Love" and a vibrant red heart, sitting on a rustic wooden table with a soft, warm light casting a gentle shadow. +A realistic photograph of a "No Loitering" sign prominently displayed outside a well-lit convenience store, with the store's entrance and a few parked cars in the background. +A beautifully crafted wedding cake topper featuring the words "Mr Smith Forever" in elegant calligraphy, set against a backdrop of intricate floral designs and sparkling diamonds, capturing the essence of timeless love and commitment. +A space probe floats in the vastness of space, its golden plaque clearly inscribed with "We Come in Pizza", reflecting the sun's rays, surrounded by the darkness of the cosmos. +A close-up of a pharmacy pill bottle with a white cap, sitting on a light blue background. The label reads "Take 1 Daily" in bold black text, with a subtle gradient and a clean, modern design. +A weathered wanted poster hangs on a wooden stake, its edges curled and faded. The headline reads "Reward 5000" in bold, worn letters. Dust and rain stains mark the paper, set against a backdrop of a dusty, old Western town. +An astronaut stands outside Moon Base Alpha, the helmet visor reflecting the base's sleek, futuristic structures and the vast, desolate lunar landscape, with "Moon Base Alpha" clearly visible on the visor. +A dark, starry night with a sleek, metallic UFO hovering above a rural landscape, its beam of light illuminating a person standing in a field. The beam projects the words "Take Me To Your Reader" clearly visible in the air, creating a surreal and captivating scene. +A vast desert canyon with ancient, weathered walls, one of which is intricately carved with the phrase "Here Be Dragons" in bold, ancient script, casting long shadows under the midday sun. +A vast desert canyon, its ancient walls etched with the words "Turn Back Now But Why", painted in bold, weathered letters. The sun casts long shadows, highlighting the rugged terrain and the mysterious inscription. +A charming bakery scene with a sidewalk chalkboard that reads "Try Our New Croissants", surrounded by blooming flowers and pastel-colored buildings, capturing the essence of a cozy morning in a quaint town. +A close-up of a recycling bin sticker with the text "Recycle Properly" prominently displayed, set against a blurred background of a park with people and trees, emphasizing the clarity and legibility of the sticker. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly showing the printed text "Patient Doe John" against a sterile, clinical background. +A cozy diner setting with a steaming coffee mug on a checkered tablecloth. The mug has a lipstick-marked message that reads "Best Mom Ever", surrounded by a warm, nostalgic atmosphere. +A wizard hat with a cautionary tag that reads "Caution Contains Bad Spells", resting on an ancient, dusty bookshelf in a mystical library, surrounded by glowing orbs and floating candles, casting an eerie, enchanting light. +A close-up of a vintage gaming controller with a prominent "Press Start" button, glowing softly against a retro pixelated background, capturing the nostalgic essence of classic video games. +A high-quality, realistic photograph of a board game box with the title "Space Explorers Edition" prominently displayed. The box features vibrant, futuristic artwork of astronauts and spaceships against a starry background, with the game's logo in bold, metallic colors. +A Halloween pumpkin carved with the word "Boo" in crooked, whimsical letters, illuminated by a flickering candle inside, casting eerie shadows on a dark, foggy night. +A wizard's staff with glowing runes that spell "Lumen" stands against a mystical backdrop, emitting a soft, ethereal light that illuminates the dark, enchanted forest around it. +A close-up of a hiking boot sole, clearly showing the detailed "Trail Master 3000" imprint, set against a backdrop of muddy forest ground, capturing the essence of a rugged outdoor adventure. +A laboratory setting with a glass flask prominently displayed, labeled "Hazardous Material". The flask contains a swirling, colorful liquid, and safety equipment is visible in the background. The lighting is clinical and bright, emphasizing the cautionary label. +A beachside kiosk with a bold, block-letter sign reading "No Lifeguard on Duty" stands against a backdrop of golden sand and tranquil blue waters, under a clear sky. +A yoga mat with the words "Breathe Stretch Relax" imprinted on it, laid out on a serene beach at sunset, with a calm ocean and a yoga practitioner in a peaceful pose. +A close-up of a digital thermometer screen with a red warning message displaying "Critical Overheat Detected" in a well-lit, modern room, emphasizing the urgency and severity of the situation. +A close-up of a fortune cookie opened to reveal the message "Adventure Awaits", with a background of a rustic wooden table and a soft, golden light casting a warm glow, evoking a sense of anticipation and excitement. +A close-up of a vintage DJ turntable with a retro label that reads "Spin the Night Away", surrounded by warm, ambient lighting and scattered vinyl records, capturing the essence of a nostalgic night club scene. +A camping tent labeled "Waterproof 4 Person Capacity" is set up in a lush forest clearing, surrounded by tall trees and a carpet of green moss. The tent is sturdy and vibrant, with a group of hikers in the background, preparing for a night under the stars. +A detailed replica of a historical document, "Declaration Signed Here", displayed in a museum. The parchment is old and slightly yellowed, with elegant, faded ink script. A soft, ambient light enhances the texture and age of the paper. +A classroom wall adorned with a gold star sticker that reads "Perfect Attendance 2024", surrounded by colorful posters and student artwork, with sunlight streaming through a window, casting a warm glow on the scene. +A sleek smartwatch face with a modern, minimalistic design, displaying the reminder "Meeting at 3 PM" in clear, bold text against a dark background, with subtle ambient light reflecting off the screen. +A rustic farmer's barn door, weathered by time, with a humorous warning sign that reads "Trespassers Will Be Milked", set against a backdrop of rolling green fields and a clear blue sky. +A realistic classroom scene with a whiteboard prominently displaying "Pop Quiz Tomorrow" in colorful, messy handwriting. Students are shown in various states of surprise and dismay, with backpacks and books scattered on desks. +A close-up of a fortune cookie slip with the message "Beware of Tuesdays Surprise" lying on a vintage wooden table, softly lit by a window, with a subtle hint of mystery in the atmosphere. +A close-up of a digital thermometer with its screen flashing "Fever 106F", set against a blurred background of a concerned person's hand holding the device, emphasizing the urgency and severity of the high temperature. +A sleek, metallic alien spaceship hovers in space, its hull marked with intricate symbols that translate to "Peace Enforcers". The ship's surface gleams under distant starlight, reflecting a sense of advanced technology and serene authority. +A sleek, futuristic spaceship interior with an alien control panel glowing ominously, displaying large, red text that reads "Earth Invasion Active" in a high-tech font. The panel's lights flash intermittently, casting an eerie glow across the darkened cockpit. +A realistic urban scene featuring vibrant graffiti on a subway wall, prominently displaying the phrase "Revolution Now" in bold, dynamic lettering, surrounded by other artistic elements and tags, capturing the energy and spirit of the city. +A vibrant street food scene with a colorful food truck featuring a large, eye-catching sign that reads "Vegan Dino Nuggets 9". The truck is surrounded by eager customers, and a chef in a green apron is seen plating the dinosaur-shaped, plant-based nuggets. +A close-up shot of a library bookshelf, focusing on a single book with the spine title "Encyclopedia of Oddities" in elegant gold lettering, surrounded by other vintage books with worn leather bindings and subtle dust particles floating in the soft, warm light. +A vintage bakery scene featuring a rustic wooden chalkboard prominently displaying "Fresh Bread Daily" in elegant script, set against a backdrop of old-fashioned bread loaves and pastries, with soft, warm lighting enhancing the cozy, inviting atmosphere. +"Adopt Don't Shop" pet adoption flyer featuring a collage of adorable puppies in various poses, set against a warm, inviting background. Emphasize the playful, cuddly nature of the puppies to evoke an emotional response and encourage adoption. +A realistic photograph of an astronaut in a space helmet with a digital display on the visor showing "O2 Level 98 Normal", standing against the backdrop of a star-studded universe. +In a futuristic restaurant, a sleek robot waiter holds a tray, its screen flashing "Order 42 Pizza". The scene is illuminated by soft, ambient lights, and the robot's metallic surface reflects the surroundings, capturing a moment of modern dining efficiency. +A realistic photograph of an ambulance parked on a city street at dusk, with the side print clearly visible, reading "Emergency Response" in bold, reflective letters. The ambulance is illuminated by the soft, warm light of street lamps. +A close-up shot of a prescription bottle on a white background, with a clearly visible medicine label warning "Take With Food" in bold text. The bottle cap is slightly ajar, hinting at recent use. +A bustling art supply store with a vibrant window decal that reads "Creativity Sold Here", surrounded by an array of colorful paints, brushes, and canvases, inviting passersby to explore their artistic side. +A close-up of a scientist's lab coat, prominently displaying a badge that reads "Dr L Chen PhD", set against a backdrop of laboratory equipment and shelves filled with scientific instruments and books. +An ancient stone tablet, weathered by time, stands in a dense, overgrown forest. The tablet is intricately carved with mysterious symbols that translate to "Forgotten Kingdom", partially obscured by creeping ivy and moss. Sunlight filters through the canopy, casting dappled shadows on the moss-covered surface. +A TV show poster featuring text "Jack Ryan: Shadow Recruit" in a sleek, modern font. The background is a gritty urban landscape at dusk, with subtle shadows and a hint of tension, emphasizing the spy thriller theme. +A neon sign flashing "Open 24 Hours" outside a vintage diner, with the glow casting a warm, vibrant light on the pavement and a few parked cars in the dimly lit street. +A mad scientist stands in a cluttered lab, wearing a lab coat with a prominent patch that reads "I Toxic Waste". Shelves lined with colorful chemicals and strange machinery surround him, while a bubbling green liquid in a beaker on the table adds to the chaotic atmosphere. +A city street at night with a taxi prominently featured, its roof light-up sign displaying "Available Now" in bright, clear letters, reflecting off the wet pavement and illuminating the surrounding area with a soft glow. +A gym locker room with a fogged mirror, steam swirling around, reflecting the words "U Look Great" in the mist, with a towel and water bottle on a nearby bench. +A realistic photograph of a construction site with workers in hi-visibility vests, focusing on a prominent warning sticker on a hard hat that reads "Hard Hat Area", set against a backdrop of scaffolding and building materials. +An ancient, tattered wizard’s spellbook page titled "Turn Frog to Prince", illuminated by a soft, mystical glow, with intricate illustrations of a frog and a prince surrounded by swirling magical symbols and runes. +A road sign near a cliff warns "Steep Drop" with a prominent skull icon, set against a dramatic, foggy backdrop that emphasizes the danger and isolation of the location. +A close-up of a cat's sweater, intricately embroidered with the phrase "Paws for Coffee", surrounded by small coffee beans and paw prints, set against a warm, cozy background. +A fitness trainer stands confidently, holding a sign that reads "Effort" in a modern gym, surrounded by workout equipment and motivational posters. The trainer is dressed in athletic wear, with a determined expression, emphasizing the importance of hard work and dedication. +A close-up of a gardener’s seed packet, prominently displaying the words "Bloom Where Youre Planted", surrounded by a variety of colorful flower seeds, set against a rustic wooden background. +A vibrant highway billboard showcases a sunny beach scene with turquoise waters and golden sands, prominently displaying the text "Visit Sunny Beach" in bold, inviting letters. Palm trees sway in the background, and a clear blue sky completes the idyllic setting. +A close-up of a programmer's laptop, showcasing a sticker that boldly declares "Hello World", surrounded by a clutter of tech gadgets and coffee cups, set against the backdrop of a vibrant, colorful desk. +Retro video game title screen with pixel art style, vibrant colors, and a nostalgic 8-bit aesthetic, prominently displaying the text "Game Over Man" in bold, colorful letters. +A modern meeting room with a whiteboard prominently displaying the text "Quarterly Goals 2024", surrounded by neatly arranged chairs and a table with laptops and notepads. The room is bathed in soft, natural light from a large window, creating a professional and focused atmosphere. +A realistic smartphone screen displaying a weather app alert notification with the text "Severe Thunderstorm Warning" against a dark, stormy background with lightning flashes and heavy rain. +A smartphone screen displaying "Low Battery 10%" on a dark background, with a slight reflection of ambient light, emphasizing the urgency of the message. +A serene coastal scene with a traditional wooden fishing boat named "The Lucky Catch" anchored in the calm waters at sunset, with the fisherman preparing his nets. The sky is painted with warm orange and pink hues, reflecting on the gentle ripples of the sea. +A sleek, futuristic time machine dashboard with a glowing screen prominently displaying "Destination Your Potential", surrounded by intricate controls and softly lit panels. +A winter scene at a ski resort, showing a trail marker sign that reads "Black Diamond Slope Ahead" amidst snow-covered trees and icy slopes, with skiers in the distance preparing to descend. +A realistic photograph of a warning label on a chemical bottle, prominently displaying the text "Danger Corrosive" alongside vivid hazard symbols, set against a neutral background to emphasize the warning. +A realistic smartphone screen displaying a weather app with a prominent red alert banner that reads "Storm Warning Active", set against a dark, cloudy sky with lightning in the background. +A close-up of an airport baggage tag, prominently stamped with "Handle With Extreme Care", lying on a conveyor belt amidst other luggage, with the hustle and bustle of an airport terminal visible in the background. +A close-up of a science lab warning label, prominently displaying the text "Handle With Care" in bold, on a stark white background, with a subtle shadow to emphasize its importance and realism. +A realistic photograph of a gym locker room, with a prominent sign on the wall that reads "Shower Shoes Required", surrounded by lockers and a tiled floor, emphasizing the importance of hygiene. +A scuba diver checks the tank gauge, displaying "Air Pressure 3000", against a backdrop of vibrant coral and tropical fish, capturing the serene underwater environment. +A desert scene with an old, weathered signpost that reads "Water 5 Miles" standing amidst a vast, sandy landscape, with a distant oasis visible on the horizon, surrounded by lush greenery and palm trees. +A comic-style scene featuring a dog standing in a kitchen, looking puzzled and slightly annoyed, with a thought bubble above its head that reads, "Wheres My Dinner". The kitchen is cozy, with a bowl on the floor that appears empty. +An astronaut in a futuristic space suit, the helmet's Heads-Up Display (HUD) clearly showing "Oxygen Level 98", standing on a rocky, red Martian surface under a pale pink sky, with distant mountains and a satellite visible in the sky. +A vibrant, retro-style video game loading screen featuring the hint "Collect All Coins" prominently displayed in bold, pixelated text. Surrounding the text are animated gold coins spinning and glinting, set against a colorful, gradient background. +A vintage radio with a retro wooden casing, the dial indicator precisely pointing to "AM 980", surrounded by the warm glow of a dimly lit room, capturing the essence of a bygone era. +A close-up of an ancient, leather-bound book with a vivid, red "Property of Hogwarts" stamp on its title page, surrounded by faded gold leaf and intricate, magical runes, set against the warm, ambient light of a mystical library. +A vintage Western town bulletin board with a weathered wanted poster prominently displayed, featuring a rugged cowboy's portrait and the text "5000 for Good Advice" in bold, hand-drawn letters, surrounded by other faded advertisements. +A curious cat with a sleek, gray fur, gently touching a smartphone notification bubble with its paw. The bubble reads: "Youve Got Treats", glowing softly against the cat's delicate, white paw pads, set against a warm, cozy living room background. +A vibrant concert stage at night, the backdrop glowing with neon lights that spell out "Rock the Night Away" in bold, dynamic letters, surrounded by an enthusiastic crowd and a haze of light effects. +A high-resolution image of Earth, showing its vibrant blue oceans and swirling white clouds, with the words "aka" prominently displayed in the bottom right corner, blending harmoniously with the natural colors of the planet. +A realistic street scene with a construction barrier prominently displaying the sign "Detour Ahead", surrounded by orange cones and partially obstructed by a half-finished road, with workers in hi-vis vests in the background. +A close-up of a vintage brass keychain with a delicate, parchment-like scroll that gently unrolls to reveal the handwritten phrase "The Key to Happiness", set against a warm, wooden background. +A diploma frame, elegantly mounted on a beige wall, prominently displays the text "Masters in Engineering" in gold lettering, surrounded by intricate, classic detailing. Soft, warm lighting enhances the texture of the paper and the frame's wood grain. +A realistic photograph of a road sign displaying "Speed Limit 50" positioned near a sharp curve, surrounded by trees and foliage, with the curve of the road visible ahead, leading into a forested area. +A studio shot of 3D letters spelling "dessert", each letter crafted from various desserts like cakes, pastries, and candies, arranged meticulously on a white plate with a clean, minimal background. +A close-up of a prison wall, worn and aged, with tally marks meticulously scratched into the stone. In the center, the word "Innocentish" is boldly etched, emphasizing the inmate's desperate plea for recognition of their innocence. +A realistic photograph of a red stop sign at a school entrance, modified to read "No TikTok Zone", with students passing by in the background, capturing the modern intersection of technology and education. +A close-up of a hotel room key card with "Floor 7 Room 712" clearly visible, lying on a modern hotel room's wooden nightstand, next to a sleek lamp and a glass of water. +A vibrant gym motivational poster with bold text stating "No Pain No Gain", set against a backdrop of energetic athletes working out, with dynamic lighting and a modern, high-tech gym aesthetic. +A steampunk gauge labeled "Steam Power", intricately designed with brass gears and copper pipes, set against a backdrop of a bustling 19th-century industrial factory. +A birthday balloon, inscribed with "Celebrate Today" in gold, floats gracefully in a sunlit room, casting soft shadows on a pastel-colored wall. +A vibrant banner spans the width of a cozy bakery window, proudly declaring "Grand Opening Today" in bold, festive letters. The window displays an array of fresh, mouth-watering pastries, with sunlight streaming through, casting warm, inviting shadows. +A highway billboard prominently displays the warning "Traffic Jam Ahead" in bright, bold letters, set against the backdrop of a busy, sunlit road with cars beginning to slow down. +A close-up of a crumpled theater ticket stub, prominently displaying "Orchestra Row G Seat 12", lying on a rustic wooden table, with the warm glow of a nearby lamp casting a soft shadow. +A vibrant TV show poster featuring the title text "Devuelveme La Vida" in bold, colorful letters, set against a dynamic background with a mix of urban and natural elements, capturing the essence of a thrilling and emotional storyline. +A vibrant retro futurism poster advertising "Jetpack Commute Specialists", featuring a sleek, 1950s-style cityscape with flying cars and people zipping around in jetpacks, all under a radiant, neon-lit sky. +A vintage wooden jewelry box, intricately engraved with the words "Forever Yours", sitting on a plush velvet cloth, illuminated by the soft glow of a nearby candle, capturing the essence of timeless elegance and enduring love. +A vintage movie theater marquee, illuminated at dusk, boldly announcing "Now Showing Eclipse". The marquee's neon lights reflect off the wet pavement, creating a nostalgic and atmospheric scene. +A realistic photograph of a construction site fence with vibrant graffiti that reads "Hard Hat Area", surrounded by safety cones and partially obscured by a mesh net. +An ancient wizard's spellbook lies open on a wooden desk, illuminated by a flickering candle. The page is titled "Summon Storm", with intricate runes and illustrations of swirling clouds and lightning bolts surrounding the text. +A weathered "For Sale" sign leans against the weather-beaten walls of an old rural farmhouse, surrounded by overgrown grass and towering trees, capturing the essence of abandonment and the passage of time. +A realistic photograph of an elevator inspection sticker on a metal panel, reading "Last Checked 03 15 24", with a subtle reflection of a modern elevator door in the background. +Retro motel at dusk, neon vacancy sign glowing "Rooms Available", old cars parked, nostalgic 1950s atmosphere, vibrant colors, detailed signage, warm lighting, Americana vibe. +A bustling supermarket aisle with a clear sign overhead pointing to the "Pet Supplies Section", featuring colorful images of pets and products, under fluorescent lighting, with shoppers browsing the shelves. +A realistic photograph of an ice skating rink entrance, with a prominent sign stating "Thin Ice Caution" hanging above the gate, surrounded by frosty trees and a lightly snow-covered ground. +In a dimly lit museum gallery, an elegant information panel with a vintage, brass-buttoned audio guide device is prominently displayed. The device reads "Press 5 for Details" in clear, retro font, inviting visitors to learn more about the exhibit. +A dimly lit, abandoned gym with a zombie at the reception desk. The zombie holds a sign that reads "Brains & Gains Package". Rusty workout equipment and scattered dumbbells are visible, with a faint, eerie glow from the emergency exit sign. +A therapist's notebook lies open on a wooden desk, pages filled with neat handwriting. One page prominently displays the words "Still Talks About 2016", underlined and circled. Soft, warm lighting casts shadows, enhancing the intimate, contemplative atmosphere of the scene. +A detailed campground map with a prominent red marker labeled "Beware of Bears", surrounded by forest trails and tent icons, set against a backdrop of dense, green trees and a serene, sunlit clearing. +A high-resolution close-up of a sleek smartwatch screen, elegantly showing "10K Steps Achieved" with a vibrant green checkmark, set against a blurred outdoor running trail background. +A close-up of a robot's chest plate, prominently stamped "Model T800", with a sleek, futuristic design and subtle metallic reflections. +A movie set with a vintage clapperboard clearly displaying "Scene 7 Take 2", surrounded by a director, crew members, and actors in period costumes, with soft lighting and a backdrop of a 1920s street scene. +A modern digital lottery machine displaying "Jackpot Reached" in bright, glowing letters, surrounded by excited onlookers in a bustling, neon-lit casino. The machine's screen shows swirling numbers and symbols, frozen in a winning sequence, while flashes of camera lights capture the moment. +A high-quality photograph of a wine bottle with an elegant label that reads "Vintage Reserve", placed on a rustic wooden table, with a soft, warm light casting a gentle glow, highlighting the rich colors and textures. +A sushi chef, wearing a traditional white outfit, has a headband delicately embroidered with "Wasabi Whisperer", standing in a modern sushi kitchen, surrounded by fresh ingredients and precision tools, with a serene, focused expression. +A weathered, post-apocalyptic bunker door, partially obscured by overgrown vines, with a vivid spray-painted message: "Survivors Inside Knock Twice" clearly visible against the rusted metal. +A realistic smartphone screen with a notification popup reading "Low Battery 10%" in a modern, slightly dimly lit room, capturing the concern of the user as they notice the warning. +A vintage retro camper van parked on a scenic overlook, adorned with a bumper sticker that reads "Honk If You're Time Traveling", surrounded by a nostalgic 1970s atmosphere with a clear blue sky and rolling hills in the background. +A realistic photograph of a subway wall, covered in vibrant graffiti. At the center, bold, colorful letters spell out "Tagging Is Art", surrounded by dynamic spray paint designs and tags from various artists. +A panoramic view of a mountain summit with a weathered wooden plaque standing proudly, inscribed with "You Made ItNow What", against a backdrop of misty peaks and a vibrant sunrise. +A sleek, futuristic spaceship hull, prominently painted with the bold text "Mars Colony One", reflecting the gleam of distant stars and the red hue of Mars in the background. +A rustic wooden sign with the stable nameplate "Hay is for Horses" hangs above a weathered barn door, surrounded by bales of hay and grazing horses in a serene countryside setting. +A vintage camera with a well-worn leather case, embossed with the words "Capturing Memories", sitting on a rustic wooden table, surrounded by old photographs and a scattering of film rolls. +A vast sunflower field with a rustic wooden sign that reads "Pick Your Own Bouquets", set against a clear blue sky, capturing the essence of a warm summer day. +A realistic photograph of a farmer's scarecrow standing in a golden wheat field, wearing a shirt painted with the words "Crow College", surrounded by crows perched on nearby fence posts and branches. +A bustling farmer’s market stand, with a rustic wooden sign prominently displaying "Organic Produce Here" amidst a colorful array of fresh fruits and vegetables, surrounded by woven baskets and cheerful shoppers. +A romantic wedding invitation card with elegant calligraphy that reads "Join Our Journey" on a rustic, vintage background adorned with delicate floral patterns and soft, warm lighting. +A bustling farm market stall with a digital scale prominently displaying "Organic Apples 199lb". Fresh, vibrant apples are piled high, and customers are engaged in conversations with the friendly vendor, creating a lively and authentic market atmosphere. +A vintage 1950s gas station with a retro gas pump prominently displaying "Full Service Only 1955", set against a nostalgic backdrop of old cars and a classic diner. +In a bustling airport terminal, the departure board prominently displays "Flight Canceled" in bold red letters, surrounded by other flight information. Passengers look concerned, some checking their phones, others gathered in small groups, discussing their next steps. The scene is captured in a realistic photographic style. +A stormy sky with dark, swirling clouds that naturally form the word "Beware" in the center, illuminated by a flash of lightning, creating a dramatic and ominous atmosphere. +A spy stands in a dimly lit room, holding a sleek, black briefcase. The combination dial is set to "00742π", reflecting the soft glow of a nearby desk lamp. The tension in the air is palpable as he carefully aligns the numbers, preparing to unlock the secrets within. +A modern website banner with vibrant, eye-catching colors, featuring the text "Click Here Now" in bold, blinking dynamically to attract attention, set against a sleek, high-contrast background. +A wizard's familiar owl perched on an ancient, moss-covered branch, proudly holding a small, hand-lettered sign that reads "Hoos Ready for Adventure", surrounded by a mystical forest at dusk. +A vintage restaurant scene featuring a rustic chalkboard menu prominently displaying "Mystery Meat Market Price" amidst a cozy dining area with wooden tables and soft, warm lighting. +A carnival fortune teller’s sign, weathered and glowing under a dim lamp, proclaims "Know Your Future" in mystical, cursive letters, surrounded by twinkling fairy lights and a backdrop of a starry night. +A cowboy's saddle, intricately branded with the phrase "Ride Fast Apologize Never", sits atop a sturdy, muscular horse in a sunlit Western landscape, dust swirling around their feet. +A vintage T-shirt design featuring a retro font that reads "Code Coffee", set against a faded, warm background with subtle coffee stains, capturing the essence of a cozy, nostalgic coffee shop ambiance. +A cozy art supply store window adorned with colorful posters and paintbrushes, prominently displaying a vibrant "Back to School Sale" banner. Shelves lined with sketchbooks, pencils, and markers, with a cheerful sunlit atmosphere. +A yoga mat with the imprint "Find Your Balance" along the edge, set against a serene backdrop of a tranquil forest at dawn, with soft sunlight filtering through the trees, creating a peaceful and harmonious atmosphere. +A lone astronaut sits in the dimly lit control room of a spaceship, pen in hand, writing in a logbook. The entry reads, "Day 472 Still No Contact". Outside, the vast, silent expanse of space stretches endlessly, stars twinkling in the distance. +A rugged Viking helmet with a visor boldly stamped "No Entry for Weak Hearts", set against a misty, ancient battlefield, the metal gleaming under a somber sky. +A realistic smartphone screen displaying a notification that reads "Low Battery 10 Percent", set against a blurred background to emphasize the device. The screen shows a slight glow, highlighting the urgency of the message. +A detailed amusement park map with vibrant colors and playful icons, featuring a clear legend that prominently highlights "First Aid Station Here" with a red cross symbol, set against a backdrop of roller coasters and merry-go-rounds. +A weathered pirate map with a dotted line leading to a modern parking lot, prominently marked with "X Marks the Parking Lot", surrounded by palm trees and an old compass rose. +A dimly lit alley with an old vending machine displaying the error message "Out of Snacks Forever" in red LED lights, surrounded by empty snack wrappers and a lonely soda can. +A realistic photograph of a coffee cup with a sleeve that prominently displays the text "Caution Hot Contents", set on a rustic wooden table with a soft, natural light illuminating the scene. +A vibrant cityscape of New York at dusk, with the iconic skyline in the background. A stylish T-shirt design featuring the classic phrase "I Heart NY" in bold, red lettering, set against a sleek, black fabric. +An astronaut's glove, prominently displaying a patch that reads "Zero Gravity Zone", set against the backdrop of a star-filled space, with the curved edge of Earth visible in the distance. +A wizard stands in a misty forest, his staff glowing with radiant runes that pulse with a blue light, casting an eerie glow around him. The runes on the staff are clearly marked, "Spell Charged", indicating the staff is ready to unleash powerful magic. +A vintage book cover titled "Lost in Time", featuring an antique pocket watch half-buried in sand, with a silhouette of a lone figure standing on a desolate, windswept beach at dusk, under a sky painted with the soft hues of twilight. +A realistic photograph of a pet food bowl, intricately engraved with "Princess Only" and surrounded by delicate paw prints, placed on a clean, white kitchen floor. The bowl is partially filled with kibble, and a single paw print is imprinted in the foreground, enhancing the scene's charm and personal touch. +A serene desert scene with a lone oasis, where a rustic wooden signpost stands, clearly pointing directions. One of the directions reads "Water 5 Miles" in faded, weathered letters, hinting at the promise of life in the vast, arid landscape. +A logo for the company "imagine", where the letters are stylized as hands pointing upwards, creating a dynamic and uplifting visual. The design is modern and colorful, with each hand forming a letter in a cohesive and creative manner. +A high-security bank vault door with a prominent "Authorized Only" sign, set in a dimly lit, modern bank interior with sleek, metallic finishes and surveillance cameras mounted on the walls. +A realistic photograph of a highway billboard advertising "Next Rest Stop 10 Miles", set against a backdrop of rolling hills and a clear blue sky, with a few cars visible in the distance. +A close-up of a spacesuit's sleeve, featuring an embroidered patch that reads "Mars or Bust", set against the textured fabric of the suit, with subtle lighting highlighting the intricate stitching and metallic elements. +A cozy campsite at dusk, with a campfire blazing warmly. A rustic wooden sign beside it reads "Extra Toasty Recipe Inside", and a bag of marshmallows sits on a nearby log, ready for roasting. The scene is enveloped in a soft, golden glow. +A medieval knight stands proudly, holding a shield emblazoned with the crest "Valor and Honor", set against a backdrop of an ancient, battle-worn castle. The knight's armor gleams under the soft glow of the setting sun, casting long shadows across the rugged landscape. +A cheerful kitchen scene featuring a chef in a crisp white apron printed with "Kiss the Cook", preparing a gourmet dish while surrounded by fresh ingredients and modern cookware. +A gritty urban scene featuring vibrant graffiti on a subway wall, prominently displaying the phrase "Revolution Now" in bold, dynamic letters. The surrounding area is filled with tags and murals, capturing the raw energy of street art. +An alien parent holds a book titled "Human Cubes A Survival Guide" while standing in a futuristic nursery, surrounded by floating, colorful toys and holographic displays. The parent looks puzzled, trying to decipher the human-centric advice. +A vintage silver locket, delicately engraved with "Forever Yours 1945", rests on a faded velvet cloth, its intricate designs shimmering under the soft glow of an antique lamp, capturing the essence of a bygone era. +A vibrant wizard tournament banner hangs in a grand hall, emblazoned with the words "Spellcasting Finals" in glowing runes. Wizards in elaborate robes gather, casting shimmering spells that light up the room, creating a magical and competitive atmosphere. +A professional art supplies box logo featuring the text "Creative Minds Toolkit" in a stylish, modern font, surrounded by colorful paint splatters and artist tools like brushes and pencils, set against a vibrant, gradient background. +A close-up of a scientist's whiteboard, densely covered with equations and diagrams, with "E = mc²" prominently scribbled in the center, surrounded by scattered notes and drawings. +A vintage typewriter on an oak desk, with a sheet of paper inserted, reading "Chapter 1 The Mystery", surrounded by scattered notes and a cup of cold coffee, under the warm glow of a desk lamp. +In an ancient, dimly lit cavern, a dragon’s hoard is meticulously organized. Amongst glittering treasures, a large, ornate scale is prominently displayed, labeled "Gold Weight Happiness Level", symbolizing the dragon’s wealth and contentment. +A vintage neon diner sign flickering "Eat Here Tonight" casts a warm, nostalgic glow above a retro booth, its red leather seats and chrome accents reflecting the vibrant light in a classic 1950s American scene. +A vintage amusement park with a sign reading "May Cause Existential Dread" in bold, neon letters, next to a towering, eerie Ferris wheel under a twilight sky. The scene is slightly ominous, with a few scattered, silhouetted figures. +A cozy living room with a variety of potted plants, each labeled with care tags. A prominent tag on a lush green fern reads "Water Every Tuesday", set against the warm, natural light streaming through a window. +A smartphone screen with a notification popup in the center, displaying the message "New Memory Available Install", set against a blurred background of a modern living room. +A realistic screenshot of a computer screen displaying an error message that reads "System Update Required", with a slightly worried user looking at it, set in a modern office environment. +A vibrant urban street scene featuring a quirky superhero-themed dry cleaner's shop. The neon sign reads "Capes HalfOff Tuesday", glowing brightly against a backdrop of bustling city life, with caped figures and colorful banners adding to the superhero ambiance. +A gym locker room with a mirror on the wall, slightly fogged from the steam of the showers. In the reflection, a handwritten message in red lipstick reads "You Got This", adding a touch of encouragement and personalization to the scene. +A bustling subway station with vibrant "Platform 3" tiles lining the walls, people hurrying past, and the glow of overhead lights reflecting on the polished floor. +"Vacation in Zero G": A futuristic space hotel brochure showcasing a luxurious zero-gravity lounge with floating guests, vibrant LED lighting, and a panoramic view of Earth through large windows, emphasizing the unique experience of weightlessness in space. +A dark, eerie theme park ride entrance, with a menacing sign that reads "Abandon Hope All Ye Who Queue". The queue is dimly lit, with shadowy figures barely visible, creating an unsettling atmosphere. The ride's entrance looms large, ominous, and unwelcoming. +A barista expertly creates latte art with foam letters spelling "Good Vibes Only" in a steaming cup of coffee, set against a cozy café backdrop with warm lighting and wooden textures. +A red envelope with the blessing "Happy Chinese New Year" written in elegant gold calligraphy, lying on a traditional Chinese wooden table adorned with auspicious decorations and surrounded by vibrant cherry blossoms. +A sleek race car speeding on a track, its hood adorned with a bold decal that reads "Speed Demon", capturing the essence of speed and danger. +A serene beach scene with a vibrant beach towel featuring the pattern "Sun Sand and Relaxation", showcasing bright sun, golden sand, and relaxed beachgoers enjoying the idyllic setting. +A realistic photograph of a coffee cup with a sleeve printed with "Handle With Care", sitting on a wooden table, surrounded by scattered autumn leaves, with warm, cozy lighting. +A vibrant poster for a robot poetry slam titled "Beep Bop Verses Night", featuring futuristic robots in a neon-lit urban setting, with a dynamic stage and a captivated audience, emphasizing the clash of technology and art. +A subway train speeding through an urban tunnel, its side adorned with vibrant graffiti that reads "Ride the Wave", the colorful letters blending with the motion blur of the city lights. +A realistic photograph of a construction site, with a fence banner prominently displaying the text "Coming Soon Tech Hub", surrounded by cranes, scaffolding, and workers in hard hats. +A superhero stands confidently, their cape flowing in the wind, with "Dry Clean Only" embroidered in tiny letters at the hem, adding a humorous touch to their otherwise serious and dramatic appearance. +An astronaut in a detailed spacesuit stands against a backdrop of the vast cosmos, the helmet visor clearly reflecting the urgent message "Oxygen Low" amidst the serene yet dangerous beauty of space. +A high-resolution photograph of a modern satellite, with "NASA 2024" clearly visible on its side, orbiting Earth against a backdrop of stars and the blue planet. +A wizard stands in a mystical forest, his cloak clasp prominently displaying the text "Spells R Us" in glowing runes, surrounded by swirling mist and enchanted flora. +In a dimly lit ancient chamber, a wizard's staff glows with an ethereal light, casting intricate shadows on the stone walls. The inscription "Power Within" shines brightly, symbolizing the magic contained within. +A detailed close-up of a police horse blanket, intricately embroidered with the words "Unit 7 Mounted Patrol", set against a backdrop of a bustling urban park during golden hour. +A movie poster featuring the logo "Psalm 21" prominently at the top, set against a dramatic, cinematic backdrop with deep shadows and intense lighting, evoking a sense of mystery and suspense. +An astronaut stands on the moon, looking down at a plaque embedded in the lunar surface, which reads "First Steps Here". The plaque is illuminated by the sun, casting a soft shadow, while the astronaut’s boot print is clearly visible in the fine moon dust beside it. +A vintage, ornate glass bottle with an intricate silver label that reads "Love Elixir Use Sparingly", surrounded by softly glowing mist and romantic flowers, set against a mystical forest backdrop. +A cozy bakery interior with a vintage oven timer prominently displaying "Cookies Ready In 5". Golden-brown cookies are cooling on a rack nearby, and the warm, inviting aroma fills the air. Soft, ambient lighting enhances the homely atmosphere. +A dark, rural landscape at night, a glowing UFO hovers above, casting an ethereal light. A beam descends, illuminating a solitary figure. The words "Take Me Now" are clearly visible within the beam, adding an eerie, suspenseful atmosphere to the scene. +A weathered pirate flag, proudly displaying the embroidered text "Queen Anne's Revenge", flutters dramatically in the sea breeze, its dark fabric worn and frayed at the edges, set against a backdrop of stormy skies and turbulent waters. +A realistic photograph of a restaurant receipt with a footer that clearly says "Thank You Come Again", set against a slightly blurred table background with a subtle texture of wood grain. +A realistic photograph of an airport baggage tag, clearly labeled "Fragile Handle With Care", attached to a suitcase on a conveyor belt, with the busy terminal in the background. +A cozy coffee shop with a rustic wooden interior, featuring a large chalkboard prominently displaying "Latte Art Friday" in elegant, hand-drawn lettering. Soft, warm lighting and a few potted plants add to the inviting atmosphere. +At the bustling train station, a vintage sign that reads "Visconti" hangs above the platform, casting a nostalgic glow over the waiting passengers and the steam from arriving trains. +A wizard’s crystal ball with an engraving that reads: "Answer Hazy Try Pizza", set against a backdrop of swirling mist and glowing runes. The crystal ball is perched on an ancient, wooden stand, illuminated by a soft, ambient light. +A cozy café with a large window featuring a stylish decal that prominently displays "Vegan Options Available", surrounded by potted plants and a selection of pastries on a wooden display rack, with warm, inviting lighting inside. +A highway at dusk, a large digital billboard flashing "Accident Ahead Detour" in bright red letters, cars slowing down, emergency vehicles with flashing lights in the distance. +A futuristic space station with a sleek, metallic space elevator. An emergency brake handle, prominently labeled "Pull for Gravity", is illuminated in a red glow, set against the backdrop of a star-studded cosmos. +"Temperature Check Required" sign prominently displayed at the clinic’s entrance, with a digital thermometer and a healthcare worker in a mask and gloves, ensuring each visitor complies, set against a clean, modern clinic backdrop. +A futuristic spaceship console with blinking red lights and a digital screen displaying "Warp Drive Offline" in bold text, set in a dimly lit control room with sleek, metallic surfaces and holographic interfaces. +A medieval tavern's worn wooden menu board, slightly tilted, with "Mutton Surprise Daily" chalked in bold, rustic letters, set against a backdrop of flickering candlelight and shadowy patrons. +A highway billboard stands tall, advertising "Biggest Mall Next Exit" with vibrant colors and bold text, set against a backdrop of a bustling cityscape at sunset. Cars zoom by on the busy road below, their headlights adding to the dynamic scene. +A vintage steam engine train with the nameplate "Transcontinental Express" prominently displayed on its front, puffing smoke as it pulls into a nostalgic, early 20th-century railway station, surrounded by wooden platforms and period-style lamps. +A detailed map of a supervillain's lair, with a red marker pin pointing to a location labeled "Death Ray Here", surrounded by intricate pathways and security systems. +A close-up of a sleek, modern sneaker with a tongue tag prominently displaying embroidered text that reads "Run Fast", set against a blurred, dynamic background suggesting motion and speed. +A yoga studio window adorned with a decal featuring the phrase "Find Your Inner Peace" in elegant, flowing script, set against a serene backdrop of soft, natural light filtering through the glass. +An astronaut stands against a backdrop of the red Martian landscape, the sun setting behind the distant hills. The spacesuit is detailed, with a prominent patch on the arm embroidered with "Mars or Bust", symbolizing the pioneering spirit of the mission. +A nighttime cityscape featuring a taxi with its roof light illuminated, displaying "Off Duty" in bright, clear letters. The taxi is parked on a dimly lit street, with the glow of the sign reflecting softly on the wet pavement and the surrounding buildings. +A futuristic spaceship control panel with sleek, metallic surfaces and holographic interfaces. A prominent red warning light labeled "Gravity Fail" is illuminated, casting a urgent glow over the sophisticated machinery and digital displays. +A close-up of a pet rock with a collar tag engraved "Goodest Boulder", set against a natural, rocky background, with soft sunlight highlighting the texture of the rock and the engraving. +A close-up of a varsity jacket with detailed embroidery reading "State Champs 2023" on the left breast, set against a soft, blurred background to emphasize the intricate stitching and vibrant colors of the jacket. +An astronaut's glove drifting in the vastness of space, with the word "Help" clearly written on the palm, against a backdrop of distant stars and planets. +A cozy living room with a cat named "Princess Fluffy" whose collar tag jingles softly as she gracefully moves across a sunlit rug, casting gentle shadows on the wooden floor. +A seasoned cave explorer stands in a dimly lit cavern, holding an old, worn map marked with the label "Chamber 5". The beam of his flashlight illuminates ancient rock formations and faint symbols on the walls, hinting at the chamber's mysteries. +A realistic photograph of a highway exit sign reading "Next Services 42 Miles", set against a backdrop of a sunlit landscape with rolling hills and distant trees, capturing the essence of a long road trip. +A futuristic data center with sleek, glowing servers. A holographic screen displays the error message "Schrödingers Code Detected" in neon blue, surrounded by complex quantum circuit diagrams. A technician in a white lab coat looks concerned, examining the screen with a tablet in hand. +A realistic urban street scene at dusk, with a traffic light stuck on yellow and a weathered sign reading "Decide For Yourself" hanging slightly askew above it. Pedestrians and vehicles pause, creating a moment of uncertainty and reflection. +A vintage radio, its wooden casing polished and gleaming, with a dial carefully tuned to "Station XYZ 1027", sitting on a nostalgic wooden desk under a soft, warm lamp. +A serene picnic scene with a woven basket labeled "Handle With Care" nestled among a blanket of wildflowers, under a clear blue sky. The basket is slightly open, revealing a glimpse of its contents, inviting curiosity and a sense of adventure. +A bustling museum gift shop with a vibrant sign that reads "Souvenirs 50% Off", surrounded by excited visitors browsing through an array of historical replicas and artistic trinkets. +A vibrant concert poster advertising the "World Tour 2025", featuring dynamic band logos, colorful graphics, and a lively crowd in the background, set against a glowing city skyline at night. +A weathered treasure chest with its lid partially open, revealing a shimmering glow from within. The lid is inscribed with the words "Gold Glory Inside", surrounded by intricate, glowing runes that hint at the precious contents. +In a vibrant school courtyard, the slogan "Integrity and Honesty" is prominently displayed on a large, colorful banner hanging from the main building, surrounded by students in uniform engaged in various activities, creating a lively and inspiring atmosphere. +A university campus in early autumn, with a vibrant banner hanging across the main entrance, reading "Welcome Freshmen 2023". Students in casual attire walk by, some taking photos, while others chat excitedly, capturing the energy of a new academic year. +A medieval fantasy scene with a dragon rider standing proudly next to their majestic dragon, both under a starlit sky. The dragon's saddle is adorned with a license plate that reads "FLAME ON" in ancient runes, glowing faintly with a mystical light. +A superhero stands against a city skyline at dusk, their cape billowing in the wind. The cape features the emblem "Lightning Speed" intricately embroidered in shimmering gold thread, catching the last rays of the sun. +A vibrant school science fair poster titled "Innovate Inspire Invent", featuring colorful illustrations of students working on experiments, robots, and renewable energy projects, with a backdrop of a futuristic classroom. +A realistic photograph of a grand clock tower, its face prominently displaying Roman numerals "XII" at the top, capturing the precise moment of noon with sunlight casting a warm glow on the ancient stone. +A realistic photograph of a roadside billboard advertising "World's Best Burgers" with a vibrant, mouth-watering burger image and catchy text, set against a backdrop of a sunny countryside with passing cars. +A retro sci-fi magazine cover from the '80s, featuring a bold headline "RoboChefs 2030" with futuristic kitchen robots preparing meals, set against a neon-lit, cyberpunk cityscape background. +A construction site fenced off with a robust metal barrier, wrapped in a vibrant "Safety First" banner. The scene is set under a clear blue sky, with workers in hi-visibility vests and hard hats visible in the background, emphasizing the importance of safety protocols. +A vibrant smartphone screen displaying an app icon centered in the middle, labeled "Best App Ever", with a sleek, modern design and a glowing effect to highlight its premium quality. +A close-up of a coffee cup with a sleeve printed "Caution Hot", sitting on a wooden table, steam gently rising from the cup, with a soft, warm light casting a gentle shadow. +A solemn war memorial stands in a tranquil park, its granite surface etched with the poignant words "For Our Heroes". Surrounding the monument, vibrant flowers and mature trees create a peaceful atmosphere, honoring the memory of those who sacrificed their lives. +A bustling city street at dusk, with a digital billboard prominently displaying a sequence of ads that cycle through various products and messages, ending with a clear and bold "Vote Tomorrow" slogan, encouraging civic engagement. +A cozy café interior with a chalkboard menu prominently displayed, listing "Today's Specials" in elegant cursive. Soft morning light filters through the window, casting a warm glow over the rustic wooden tables and potted plants. +A close-up of an ancient, intricately carved wizard staff, the phrase "This End Toward Enemies" engraved in glowing runes near the tip, set against a mystical, dimly lit forest backdrop. +In a futuristic kitchen, a cyborg chef stands at a high-tech workstation, preparing "Subroutine for Perfect Toast". The scene is illuminated by soft, blue ambient lighting, highlighting the chef's metallic limbs and the sleek, digital interface of the toaster. +A realistic winter scene with a ski slope trail sign warning "Bunny Hill Closed" standing prominently in the snow, surrounded by tall pine trees dusted with fresh powder, under a crisp blue sky. +A realistic photograph of a hospital wristband printed with "Patient Name John Doe", wrapped around a patient's wrist, lying on a white hospital bedsheet, with medical equipment subtly visible in the background. +A wizard's staff, intricately carved with glowing runes that spell "WiFi Password", casting a soft, mystical light in a dimly lit forest clearing. +A worn concert ticket stub for "Rock Fest 2024", featuring a faded image of a guitar and the venue name, crumpled and showing signs of being handled frequently, with the date and ticket number partially visible. +A bustling basketball court with the phrase "Home Court Advantage" emblazoned on the floor, surrounded by enthusiastic fans in team colors, under the bright lights of an indoor arena. +A realistic photograph of a library cart in a quiet reading room, with a clear sign that reads "Return Books Here" attached to it, surrounded by neatly stacked books and shelves in the background. +A fortune teller's dimly lit tent, with a crystal ball glowing softly in the center, displaying the eerie message "Beware Tuesdays Coffee" amidst swirling mists and mystical symbols. +A UFO hovers in a starry night sky, its blinking lights spelling out "Take Me to Your Meme Dealer" in vibrant, pulsing colors. The alien craft is surrounded by a faint, glowing aura, adding to the otherworldly atmosphere. +A medieval shield, intricately painted with the emblem "Lions Courage", featuring two majestic lions facing each other, their manes flowing, surrounded by a border of intertwining vines and thorns, set against a rich, golden backdrop. +A close-up of a library book spine titled "Ancient Mysteries" in gold, with intricate designs and a slightly worn, aged look, set against a soft, dimly lit background. +A street corner at dusk, a parking meter's screen flashing "Time Expired" under the soft glow of a streetlamp, surrounded by the blurred headlights of passing cars. +A close-up of a superhero costume chest emblem featuring the phrase "Hope Never Dies" in bold, shining letters. The emblem is set against a textured, metallic background, with subtle reflections and highlights that give it a sleek, high-tech appearance. +A playful, colorful board game instruction card with the text "Roll Dice to Start" in a whimsical, bubbly font, set against a vibrant, textured background with scattered dice and game pieces. +A vast desert landscape under a scorching sun, with a faint mirage shimmering in the distance. In the center of the mirage, the text "Oasis Out of Order" hovers, seemingly etched into the air, surrounded by distorted reflections of palm trees and water. +A realistic photograph of a car wash billboard featuring bold, eye-catching letters that read "Free Vacuum with Wash", set against a sunny sky with a modern car wash facility in the background. +A medieval knight holds a gleaming sword, its blade intricately engraved with "For Honor Instagram Likes", standing against a backdrop of an ancient castle, the sunlight casting dramatic shadows. The scene blends historical elements with a modern twist, emphasizing the unusual inscription. +A vintage pizza box with the logo "Slice Heaven Since 1999" prominently displayed, set against a warm, cozy kitchen backdrop with steam rising from a freshly baked pizza. The logo features a classic, hand-drawn font with a subtle, rustic wood texture. +A realistic photograph of a vintage vending machine with a brightly lit button labeled "Instant Confidence 2", set against a slightly blurred cityscape at dusk, emphasizing the unique and intriguing label on the button. +A modern city street at dusk, with a digital traffic sign blinking "Reduce Speed Ahead" in the foreground. The sign's light reflects on the wet pavement, and a few cars are seen cautiously approaching in the background. +A smartphone screen displays a weather app notification warning, "100% Chance of Meteors", set against a dark sky with streaks of light from falling meteors, captured in a realistic photographic style. +A vibrant movie poster titled "All That Jazz", featuring a dynamic montage of jazz musicians and dancers in a neon-lit cityscape, with the title in bold, glittering letters at the top. The scene is alive with the energy of a bustling night, capturing the essence of jazz culture. +A vibrant TV show poster titled "Rich Kids", featuring a group of stylish, young adults in luxurious outfits, standing in front of a grand, modern mansion. The backdrop showcases a sparkling city skyline at sunset, with the show's title prominently displayed in elegant, bold letters. +A classroom bulletin board with a note pinned that reads "Field Trip Tomorrow", surrounded by other colorful notes and drawings, under a bright, natural light streaming through a window, capturing the excited atmosphere of students preparing for an adventure. +A cozy kitchen with a chef standing by an oven, holding a baking tray. The subtitle "Bake 350F" is displayed prominently on the lower third of the screen, capturing the essence of a cooking show. Warm lighting and kitchen utensils in the background enhance the scene. +A lone watchtower stands under a moonlit sky, its powerful spotlight casting the words "Stay Alert" onto the misty ground below, creating a stark, warning shadow that stretches into the darkness. +A jewelry store at night, with a neon sign glowing brightly, displaying the text "Diamonds Forever" in elegant, sparkling letters, casting a soft, colorful glow on the display cases and the street below. +A realistic photograph of a pizza box lid, prominently stamped with "Hot And Fresh" in bold, red ink, set against a slightly blurred background of a cozy kitchen. +A realistic photograph of a Magic 8 Ball floating mid-air, with the answer "Ask Again Later" clearly visible through its translucent surface, set against a minimalist, softly lit background. +A vibrant movie poster featuring the title text "Johnny Mnemonic" in futuristic neon letters, set against a cyberpunk cityscape at night, with a silhouette of a lone figure in a trench coat standing under a glowing streetlamp. +A realistic photograph of a graduation cap with the tassel hanging, clearly displaying "Class of 2024" on a sunny day, set against a backdrop of a vibrant, green campus lawn. +A realistic photograph of a hospital room, focusing on a patient's wrist wearing a blue wristband printed with "Patient Name John Doe", lying on a white sheet, with medical equipment subtly in the background. +A modern website header with a bold, eye-catching design, prominently displaying the text "Limited Time Offer" in vibrant colors against a dynamic background, creating a sense of urgency and excitement. +A close-up of a DJ's turntable with a vibrant, colorful sticker that reads "Spin It Live", set against a backdrop of glowing neon lights and vinyl records. +A bustling city street at dusk, with a vintage movie theater marquee prominently displaying "Premiere Tonight" in bright, colorful lights, attracting a crowd of excited moviegoers dressed in their best attire. +A detailed subway station map with intricate lines and station markers, featuring a bright yellow "You Are Here" marker prominently displayed, set against a backdrop of a bustling station with passengers and trains. +A medieval knight stands proudly, his shield prominently displayed. The shield features an emblem with the inscription "For Honor and Glory", set against a backdrop of a majestic castle and rolling hills, capturing the essence of chivalry and valor. +A serene alien plant nursery bathed in the soft glow of moonlight, with a distinctive sign that reads "Water with Moonlight" hanging above rows of exotic, luminescent plants. +An ancient Egyptian tomb with a Pharaoh's sarcophagus, adorned with intricate hieroglyphs that clearly translate to "Do Not Resuscitate", illuminated by the soft glow of a single torch. +A modern ambulance parked on a city street, its side panel prominently printed with "Emergency Medical Services" in bold letters, reflecting the urgency and professionalism of the medical response team. +A retro diner at dusk, its neon sign glowing brightly with the text "EAT HERE Best Atomic Fries", casting a warm, colorful glow over the old-fashioned cars parked outside. +"100 Vegan Recipes" cookbook cover, featuring a variety of colorful, fresh vegetables and fruits arranged artistically, with a minimalist, modern design and the title prominently displayed in elegant, bold font. +A close-up of a firefighter's helmet, with the number "Engine 42" prominently displayed on the front, set against a backdrop of a smokey, urban firefighting scene. The helmet is well-worn, showing signs of use, with the number still clearly visible and detailed. +In a desolate, post-apocalyptic landscape, a rusted road sign stands amidst overgrown weeds, warning travelers with the faded text "Beware of WiFi". The sky is a somber gray, and the sign is slightly bent, reflecting the remnants of a once-connected world. +A realistic photograph of a person wearing a t-shirt with the message "There is no planet B" prominently displayed, standing in a lush forest, emphasizing the environmental message through the natural backdrop. +A dimly lit prison cell with rough stone walls, showing tally marks scratched into the surface. In the center, bold tally marks form the words "Days Since Crime 0", emphasizing the inmate's desperate count. +A close-up of a notebook page with whimsical doodles and the phrase "Brainstorm Mode On" scribbled in the center, surrounded by scattered ideas and sketches, capturing the essence of creative thinking. +A sleek, classic briefcase lies on a dark, modern desk. The combination lock is set to "007", reflecting the spy's iconic code. Soft, ambient lighting highlights the polished leather and the subtle, worn edges, adding a touch of mystery and intrigue to the scene. +A realistic photograph of a soccer field entrance, featuring a prominent sign that reads "Respect The Referee" in bold letters, with green grass and a few players in the background. +A bustling city street at night, with a neon café sign flashing "Open 24 Hours" above the doorway, casting a vibrant glow on the pavement and the few late-night patrons entering and exiting. +A vibrant aquarium tank labeled "Coral Reef Ecosystem", featuring a diverse array of colorful corals, tropical fish, and underwater plants, with soft lighting highlighting the intricate details of the marine life and the dynamic beauty of the reef. +A classroom skeleton, hanging a sign that reads "Bones Don't Lie", stands against a blackboard with anatomical diagrams, surrounded by curious students and scientific equipment. +A motivational gym poster with bold, vibrant colors, featuring the phrase "No Pain No Gain" in dynamic, eye-catching font. The background showcases a fit individual in mid-workout, surrounded by gym equipment, emphasizing strength and determination. +A cluttered programmer's desk with a sleek, modern plaque prominently displaying the text "Code Poet at Work", surrounded by a laptop, notebooks, and coffee cups, under the warm glow of desk lamps. +A high-tech spaceship control panel with a red warning light labeled "Gravity Disengaged" flashing prominently, set against the backdrop of a dimly lit, futuristic interior. +A detailed geography map with intricate borders and a classic compass rose, prominently marked with "Here Be Dragons" in elegant, antique script, surrounded by vintage cartographic elements and subtle sea monster illustrations. +A realistic photograph of a guitar case with a prominent sticker that reads "Handle With Care" affixed to its front, emphasizing the cautionary message against a slightly worn, textured surface. +A vintage magic show poster featuring a confident magician in a top hat, performing the "Disappearing Savings Act". The audience looks amazed as a bank vault disappears in a puff of smoke, with the magician's assistant pointing dramatically. Bright, colorful lights and a grand stage add to the spectacle. +A vintage luggage tag, labeled "Grand Tour 1927", attached to a worn leather suitcase, set against the backdrop of a bustling 1920s train station, with steam rising from an old locomotive and people in period clothing. +A vast desert landscape with a lone highway stretching into the horizon, featuring a weathered sign that reads "Last Gas for 100 Miles", surrounded by arid sand and sparse, drought-resistant plants. +In a bustling airport terminal, the departure board prominently displays "Flight 815 Boarding" in bright, flashing lights, surrounded by travelers with luggage, creating a sense of anticipation and movement. +A realistic wedding cake topper featuring a stylish couple figurine, elegantly holding a sign that reads "Mr & Mrs Smith", set against a backdrop of a luxurious, white, tiered wedding cake with delicate floral decorations. +A close-up photograph of a hospital wristband wrapped around a person's wrist, clearly printed with "Patient Allergy Alert" in bold letters, set against a neutral background. +A quaint farmer’s barn with a rustic red roof, prominently painted with white letters reading "Fresh Eggs Sold", set against a backdrop of rolling green hills and a clear blue sky. +A realistic classroom scene with a detailed periodic table poster on the wall, prominently highlighting "Element 79 Au" with a golden border and an illustration of a gold atom. Students' desks and a chalkboard in the background add context. +A realistic classroom scene with a whiteboard prominently displaying handwritten notes titled "Math Formulas", surrounded by desks and chairs, with sunlight streaming through a window. +An astronaut on the moon holds a sample tag that reads: "Contains Alien Microbes". The lunar landscape stretches behind, with the Earth visible in the sky, emphasizing the isolation and scientific significance of the discovery. +A steamy bathroom with a fogged-up mirror, "Youre Awesome" clearly written in the condensation, a towel casually draped over a nearby railing, and a hint of morning light peeking through the window. +At an amusement park, a vibrant ride sign featuring a "Must Be This Tall" marker stands next to a colorful, bustling carousel. Children eagerly measure themselves against the sign, while parents watch with smiles. The scene is bright and lively, capturing the essence of family fun. +A bustling train station with a vintage aesthetic, featuring a large, illuminated sign that reads "Platform 9 Departing". Passengers in period clothing hurry past, while a steam locomotive waits in the background, ready to depart. +A neon-lit tattoo parlor at night, with a vibrant sign that reads "Ink Your Story" in bold, colorful letters. The scene is urban, with rain-slicked streets and reflections of light, capturing the essence of a city that never sleeps. +A close-up of an artisan soap wrapper featuring the text "Handmade with Love" in a rustic, hand-drawn font, set against a warm, wooden background with subtle textures. +A vibrant poster for a robot poetry slam event, featuring a sleek, futuristic robot on a colorful stage, holding a microphone. The headline reads "Beep Your Truth" in bold, futuristic font. The background is a blend of neon lights and digital patterns, emphasizing the tech-themed event. +An ice cream truck parked on a sunny street, with a colorful menu board prominently displaying "Flavor of the Day Mint" in bold letters, surrounded by playful illustrations of mint leaves and ice cream scoops. +A winter scene at a ski resort, featuring a trail map marker with "Beginner Slope Green Circle" prominently displayed, surrounded by fresh snow and pine trees, with skiers gently gliding down the slope in the background. +A construction site with a large crane in the background, prominently displaying a warning label that reads "Danger Falling Debris" in bold red text, surrounded by safety cones and caution tape. +A futuristic urban scene with a sleek spaceship docked in a gritty alley. The side of the spaceship features bold graffiti that reads "Wash Me" near the glowing ion thrusters, casting a vibrant blue light on the surrounding walls. +A realistic airport scene with a departure board prominently displaying "Flight 815 Now Boarding" in bright, flashing lights, surrounded by travelers with luggage, waiting in line at the gate. +A close-up of a submarine porthole, etched with "Depth 20000 Leagues", surrounded by deep ocean blues and greens, with bubbles and seaweed gently swaying in the current. +A spy camera's display screen zooming in on the text "Target Acquired", with a high-tech interface and a dark, tactical background. +A futuristic alien spacecraft console, with neon blue and green lights blinking intermittently, displays the message "Earth Meh" on its central screen, surrounded by intricate, glowing controls and holographic interfaces. +A weathered pirate treasure map with "X Marks the Spot" prominently marked, surrounded by faded compass roses and cryptic symbols, laid out on an old wooden table under the warm glow of a lantern, with a compass and a rolled parchment nearby. +A serene coastal scene with a fishing net buoy floating in the calm waters, clearly marked with "No Fishing Zone" in bold letters, surrounded by gentle waves and a backdrop of a misty, early morning sky. +A realistic photograph of a bookstore shelf with a shelf tag that reads "Bestsellers 30% Off", surrounded by neatly arranged best-selling books with vibrant covers. +A cozy coffee shop interior with a wooden table displaying a loyalty card stamped "9th Coffee Free", surrounded by steaming cups of coffee and pastries, bathed in warm, golden afternoon light. +A dimly lit room with a grand, ornate coffin at its center. The coffin plate is intricately inscribed with "Rest in Darkness", casting a somber shadow in the flickering candlelight. The walls are adorned with ancient tapestries, and a single ray of moonlight pierces the darkness through a stained glass window. +A boxing ring with the mat prominently displaying "Championship Round 12", surrounded by intense spectators and bright lights, capturing the moment just before the fighters step into the ring. +A realistic photograph of a school notebook cover, with playful doodles and the phrase "Math Is Hard LOL" prominently written in colorful markers. The background shows a slightly worn, textured paper, enhancing the authentic school vibe. +A beach scene with a volleyball net, featuring a prominent sign that reads "No Lifeguard On Duty" hanging from one of the net posts, surrounded by sand and the ocean in the background. +A close-up shot of a political campaign button featuring the slogan "Free Hugs Regrets" against a soft, blurred background. The button is worn and slightly scratched, giving it a well-used appearance, with the text clear and readable. +A futuristic sci-fi robot standing in a high-tech laboratory, its chest screen glowing with the message "Error 404 Emotion Not Found", surrounded by complex machinery and digital interfaces. +A vast, green field at dawn, where a UFO has created a complex crop circle formation that spells "Take Me Seriously" in elegant, flowing script, surrounded by flattened wheat stalks radiating outward in perfect symmetry. +A cartoon duck in a whimsical setting, looking puzzled and slightly worried, with a thought bubble above its head that reads "Where's the Pond?" The scene is colorful and vibrant, with a backdrop of a serene, grassy field and a few trees. +A high-tech robot with a sleek, metallic chest plate engraved with "Model XT 2000" stands in a futuristic laboratory, reflecting the soft glow of ambient blue lights. The detailed engraving is prominently visible, showcasing the advanced craftsmanship of its design. +A yellow saxophone enveloped in vibrant, rainbow-colored smoke, with the word "ford" elegantly swirling around it, resembling musical notes in a dreamy, surreal scene. +A vintage photographer's studio setup with a classic red and white polka dot backdrop. At the bottom, in bold, retro lettering, "Say Cheese" is painted, inviting a nostalgic smile. +A detailed alien textbook diagram, labeled "Human Handle With Care", showcasing a human anatomy with intricate labels and cautionary notes, set against a scientific, futuristic background. +A high-resolution photo of a sleek laptop with a vibrant collection of stickers on its lid, prominently featuring the "CtrlAltDelight" sticker among others, set against a minimalistic background. +A realistic photograph of a lizard perched on home plate at a sunlit baseball field, with the words "raw" in a speech bubble above its head, capturing a moment of unexpected humor and tranquility. +A DIY project scene where step 5 is highlighted: "Pretend You Meant to Do This". A cluttered workbench with tools and materials, a half-finished wooden frame, and a playful expression on the maker's face, emphasizing a casual and creative atmosphere. +A realistic classroom setting featuring a large, colorful periodic table poster prominently displaying "Fe Iron" in the center, surrounded by other elements. Students' desks and chairs are arranged in rows, with a chalkboard in the background. +A vintage gym locker interior with a faded, yellowed note taped inside, prominently displaying the motivational phrase "Sweat Now Sparkle Later" in bold, handwritten font. The locker is slightly worn, with a classic metal texture and a small combination lock hanging from the door. +A modern kitchen countertop with a sleek coffee machine displaying "Brewing Complete" on its digital screen, surrounded by steaming coffee cups and a tray of freshly baked pastries, captured in a realistic photographic style. +A close-up of an old library book, its pages slightly yellowed, featuring a red stamp that reads "Return by Friday", set against the backdrop of a wooden library desk. +A high-contrast TV show poster featuring the imposing figure of Black Adam, with the title text "Black Adam" in bold, futuristic font at the top, set against a backdrop of stormy skies and ancient ruins. +A toddler's colorful alphabet blocks, spelling "Play Time", are stacked haphazardly, leaning precariously in a playful room with soft toys scattered around. +A bustling farmer's market scene with a rustic wooden stand featuring a chalkboard that prominently displays "Organic Lies 9lb" in bold, elegant script. The stand is surrounded by vibrant, fresh produce and bustling shoppers. +A steaming coffee cup on a wooden table, with a sleeve that reads "Caution Magic Inside". The scene is lit by soft, morning sunlight, creating a warm, cozy atmosphere. The cup is surrounded by a few scattered, open books and a pen, suggesting a place of study or creativity. +A close-up of an antique, leather-bound poet’s notebook titled "Words Unspoken Here", resting on a weathered wooden desk. Soft, golden sunlight streams through a nearby window, casting a warm glow on the open page, which is filled with handwritten verses. +In a serene botanical garden, a delicate rare orchid species blooms under a dappled canopy of lush green leaves. A wooden label reads "Rare Orchid Species" beside the vibrant flower, capturing the essence of nature's hidden treasures. +A roadside billboard stands tall, promoting the "Real Estate Expo" with vibrant colors and modern typography. The scene is set during a sunny afternoon, with cars passing by on the busy street, and pedestrians glancing up at the eye-catching advertisement. +A close-up of a smartphone screen with a notification bubble prominently displaying "New Message Received", set against a blurred background to emphasize the notification. The screen is slightly tilted, adding depth to the scene. +A vibrant movie poster titled "Space Wars 3000", featuring futuristic spaceships battling in a star-studded galaxy, with bold text and dynamic action sequences that capture the intense conflict between alien races and human warriors. +A vibrant hot air balloon ascends into a clear blue sky, with a bold banner reading "Fly High" streaming gracefully behind it, capturing the spirit of adventure and freedom. +A bustling supermarket aisle with a prominently displayed sign that reads "Dairy Section", featuring shelves stocked with a variety of milk, cheese, and yogurt products, under the warm glow of overhead lighting. +A vintage airplane from the 1950s flies low over a sunlit beach, trailing a vibrant banner that reads "Marry Me Sarah" in bold, cursive letters. The sky is a clear blue, and a couple stands on the shore, looking up with joyful expressions. +A child's colorful fridge drawing titled "My Family", featuring stick figures of a mom, dad, and the child, with a bright sun in the corner and a house with a garden in the background. The drawing is taped to a fridge with magnets. +A modern elevator with a sleek, metallic interior, displaying "Floor 5" on the digital floor indicator screen. The scene is illuminated by the soft glow of the screen, reflecting subtly on the polished surfaces around it. +A group of passionate activists gathered in a city square, holding a large, vibrant banner that reads "Climate Action Now" as they shout in unison, their faces determined and resolute, under a cloudy sky. +A realistic photograph of a bustling bookstore, with a wooden shelf marker prominently displaying "Bestsellers" amidst a row of colorful books, capturing the essence of a popular reading destination. +A close-up of a shiny, silver dog collar tag engraved with "Best Boi", reflecting sunlight on a cloudy day, with the soft fur of a golden retriever in the background. +An astronaut floating in space, their helmet visor displaying "Oxygen Level Low", against a backdrop of distant stars and planets, with a concerned expression visible through the visor. +A rock band's drum kit, the head painted with the name "The Dead Strings" in bold, vibrant letters. The drums are set up on a dimly lit stage, with a single spotlight illuminating the intricate design, creating a dramatic and moody atmosphere. +A serene park scene with a wooden bench under a canopy of oak trees. The bench has a plaque with the engraved name "In Memory of John Smith", surrounded by freshly fallen leaves and wildflowers. Soft sunlight filters through the branches, casting gentle shadows. +A close-up photograph of a shiny, silver dog collar tag, intricately engraved with the words "Best Buddy", reflecting a soft, warm glow from the afternoon sun. The tag is slightly worn, showing signs of many adventures. +An ancient Egyptian tomb, dimly lit, reveals a pharaoh’s sarcophagus adorned with intricate hieroglyphs. The glyphs, subtly glowing, translate to "Dank Memes", blending the sacred with the modern. Dust particles float in the beam of a flashlight, highlighting the surreal juxtaposition. +A bustling city street with a street performer's hat on the ground, featuring a clear "Tips Welcome" text, surrounded by coins and small bills, under the warm glow of a streetlamp. +A close-up of a laptop, showcasing a vibrant collection of stickers on its lid, prominently featuring the "CtrlAltDefeat" sticker among others, with a desk and a blurred background. +A majestic dragon's treasure chest, intricately engraved with "Mine Forever", rests amidst a pile of gold and gems, its ancient, weathered surface hinting at countless tales of adventure and conquest. +A vibrant e-commerce pop-up ad with neon lights blinking "Limited Stock Buy Now" against a dark background, featuring a sleek smartphone and trendy headphones on a glossy display. +A retro 1980s-style computer with a green screen displaying the text "my old habit" in bold, pixelated font, set on a wooden desk with scattered floppy disks and a vintage keyboard. +In the mysterious depths of the ocean, a school of bioluminescent creatures glows brightly, their light forming the letters "GG" in an enchanting display of natural wonder. The surrounding water is dark, with faint, distant lights adding to the eerie, captivating scene. +A toy robot stands on a bright, colorful playroom floor, its metallic surface gleaming. A speech bubble above its head reads "Beep Boop", against a soft, pastel background. The scene is captured in a realistic photographic style, emphasizing the playful and innocent atmosphere. +A futuristic spaceship control panel with illuminated buttons and screens, prominently displaying the message "Hyperdrive Activated" in glowing green text, set against a backdrop of intricate wiring and advanced technology. +A close-up of an old, vintage radio with a glowing dial set to "1035 FM", the numbers illuminated by a warm, amber light, surrounded by the radio's worn, wooden casing. +A detailed subway map header with the text "City Transit Lines" prominently displayed, featuring a modern, sleek design with vibrant colors and clear, legible text. The background is a subtle gradient, enhancing the professional and urban feel of the transit system. +A majestic pirate ship sails on turbulent seas, its black sails emblazoned with the words "Sea Legs Crew" in bold, gold lettering. The ship's deck is bustling with rugged pirates, their eyes set on the horizon, ready for adventure. +A modern art gallery featuring an avant-garde installation of a sleek, minimalist chair with "independent" intricately engraved on its back, set against a backdrop of white walls and soft, ambient lighting. +A high-tech spy camera with a sleek, futuristic design, displaying the text "Target Acquired You" on its illuminated screen, set against a dimly lit, secretive environment. +A close-up of an e-reader screen displaying a popup alert with the message "Low Memory Warning", set against a blurred background of a cozy reading nook with a warm, ambient light. +A realistic photograph of an ambulance with its side door prominently displaying the text "Emergency Response", parked on a busy city street at dusk, with pedestrians and other vehicles in the background. +A vast desert canyon with unique rock formations that naturally spell out the word "Erosion", showcasing the stark beauty of wind and water-carved stone, set under a dramatic, cloud-dotted sky. +Neon bar sign glowing "Open Until 4 AM" in a dimly lit downtown alley, surrounded by brick walls and faint city lights, with a slight mist adding to the atmospheric ambiance. +A vintage radio with an antique wooden body, its dial glowing softly with the eerie, red-lit text "Tune to Station 666" in a dimly lit room, casting a mysterious ambiance. +A movie set with a clapperboard slate clearly marked "Scene 5 Take 3", held by a production assistant in front of a vintage film camera, surrounded by crew members and soft lighting, capturing the essence of a classic film production. +A weathered pirate map with a dotted line leading to a modern Starbucks sign, marked with "X Marks the Starbucks", surrounded by tropical foliage and sandy shores. +A dimly lit room with a wooden table where a person is receiving a secret club hand stamp. The stamp reads "Member Zero" in bold, glowing letters. The atmosphere is tense, with shadows cast by a lone candle, enhancing the clandestine mood. +A dramatic photo illustration of Earth, enveloped in a storm, being struck by multiple converging lightning bolts, creating a powerful, illuminating impact. The image is titled "mauricio", capturing the awe and intensity of nature's force. +Close-up of a 3D-rendered toothpaste tube figurine in candy pastel colors, with the text "assembly" clearly visible on the tube. +A close-up of a sleek, black vampire sunscreen bottle with a silver label that reads "SPF 1000000" sitting on a dark, gothic vanity, surrounded by ancient candles and a silver mirror reflecting a moonlit night. +A vintage wooden desk holds an antique globe, its surface adorned with a sticker that reads "Here Be Data Dragons". The sticker stands out against the aged, sepia-toned map, blending historical charm with a modern, tech-savvy twist. +A close-up of a spacesuit arm, showcasing a detailed patch that reads "Mars Colony 2030", set against the backdrop of a dusty Martian landscape with a rover in the distance. +A dog's chew toy shaped like a stylish shoe, with the word "Guilty" intricately engraved on its side, lying on a soft, sunlit rug. +A close-up of a gardener's hands holding seed packets labeled "Midnight Bloom Roses" against a backdrop of a lush, verdant garden, with sunlight filtering through the leaves, casting a soft, natural glow. +A realistic photograph of a modern train station with an electronic announcement board prominently displaying "Platform 9 On Time" amidst a bustling crowd, with the platform visible in the background. +A realistic photograph of a gym locker room, featuring a prominent sign on the wall that reads "Clean Up" in bold letters, surrounded by orderly lockers and a clean, modern aesthetic. +A modern kitchen with a sleek, stainless-steel microwave on the counter. The microwave's display is brightly lit, flashing "Food Ready Enjoy" in bold, green text. A steamy, covered dish sits next to it, ready to be enjoyed. +A poster featuring bold, striking graphics with the title text "The Dissident" prominently displayed at the top, set against a gritty urban backdrop with subtle graffiti and worn textures, emphasizing a theme of rebellion and social commentary. +A neon sign flashing "Open 24 Hours" casts a vibrant glow above the entrance of a retro diner, its colorful lights reflecting off the wet pavement and windows of the 1950s-style eatery, creating a nostalgic and inviting atmosphere. +"Adopt Me" banner below a heartwarming photo of a playful puppy sitting in a cozy corner of an animal shelter, surrounded by toys and soft blankets, with a gentle light casting a warm glow, emphasizing the puppy's cute and hopeful expression. +A realistic photograph of a scientist in a lab, with a badge clearly visible on their coat that reads "Dr Smith PhD". The lab is filled with high-tech equipment and screens displaying scientific data. +A modern smartphone screen with a sleek, minimalistic design, featuring a prominent app icon labeled "Daily News". The icon displays a stylized image of a globe with news headlines overlaying it, set against a clean, white background. +A retro 80s computer with a green screen displaying the message "My Old Habits", set against a nostalgic background with pixelated graphics and a soft glow. +In a cozy medieval tavern, a wooden sign hangs above the counter, proudly displaying the menu. The featured dish, "Dragon Stew Special", is illustrated with a vibrant, fiery dragon and bold, ornate text. Patrons gather around, eagerly discussing the legendary flavors. +A high-quality TV show poster featuring the title "Snow Flower" prominently displayed at the top, set against a snowy backdrop with a delicate, blooming flower in the foreground, symbolizing resilience and beauty in adversity. +At the bustling train station, a vintage sign that reads "serranito" hangs above the platform, casting a warm glow over the scene. Passengers rush by, while an old steam train puffs in the background, its whistle echoing through the air. +A cozy bakery interior with a vintage chalkboard prominently displaying "Today's Special Apple Pie" in elegant cursive, surrounded by steaming apple pies and the warm glow of afternoon sunlight through the windows. +A blacksmith's workshop, with a rugged anvil prominently displayed in the center, stamped "Forge Ahead" in bold, worn lettering. Tools and metalwork scattered around, capturing the essence of craftsmanship and perseverance. +A colorful food truck menu board under a sunny sky, prominently displaying "Taco Tuesday" with vibrant illustrations of tacos, happy customers in the background, and the truck's name in bold, cheerful letters. +A medieval knight stands proudly on a battlefield, his banner waving in the wind. The banner displays the motto "Honor Above All" in elegant calligraphy, surrounded by intricate heraldic designs and a golden border. The knight's armor glints in the sunlight, reflecting his unwavering commitment to his creed. +A black and white sign with the words "activeware" on a white background, depicted in a wireframe style, creating a minimalist, generative art piece. +A vibrant TV show poster titled "Thank Heaven", featuring a dramatic sky with rays of sunlight breaking through stormy clouds, silhouetted characters in awe, and the show's title in bold, gleaming letters at the top. +A sleek smartwatch with a modern design displays "315 PM Thursday" on its crisp, high-resolution screen, set against a minimalistic wristband. The watch face is slightly tilted, reflecting a soft, ambient light, creating a realistic and detailed photograph. +A muscular strongman at a vintage circus, his shirt straining over his bulging muscles, emblazoned with the ironic slogan "World's Okayest". The scene is lit by the warm glow of old-fashioned circus lights, capturing the bittersweet atmosphere of a bygone era. +A sleek, modern weather app interface displaying "100 Rain Today" with a background of a rainy cityscape, water droplets on the screen, and a dark, stormy sky. +A carnival ticket booth with a vibrant banner prominently displaying "Rides Closed" in bold letters, surrounded by colorful decorations and empty amusement park rides in the background, capturing a moment of quiet after the bustling festivities. +A cozy fantasy tavern interior with a chalkboard menu prominently displaying "Dragon Ale 2gp" at the top, surrounded by glowing candles and wooden decor, capturing the essence of a medieval, mystical setting. +A vintage, weathered lost cat poster on a wooden telephone pole, featuring a cute, fluffy cat and the text "Reward 10000 Belly Rubs" in bold, playful letters. The scene is set in a cozy, small-town neighborhood with autumn leaves scattered around. +A high-resolution photo of a sleek smartwatch on a wrist, with the screen notification blinking "Meeting in 5" against a subtle, modern background. The watch strap is made of stainless steel, and the surrounding environment suggests a professional setting. +A realistic photograph of a college dorm hallway, featuring a poster that reads "Quiet Hours 10PM-8AM" hanging on the wall, with dim lighting and a few scattered books on the floor. +A weathered pirate treasure map with "Dig Here Fool" marked at the X, laid over sandy ground with a few scattered seashells and a hint of a distant, foggy coastline. +A realistic photograph of a car rental counter featuring a promotional poster with the text "Unlimited Mileage" prominently displayed, set in a modern, well-lit rental office with a friendly staff member assisting a customer. +A close-up of a wizard's familiar, a mystical cat, with a detailed silver collar. The collar tag reads "I Meow in Spelltongue" in elegant script, set against a backdrop of ancient, enchanted forest. +At a bustling farmer’s market, a rustic wooden stall features a blackboard sign listing "Fresh Eggs 3Dozen" in neat, handwritten chalk, surrounded by baskets of eggs and vibrant produce. +A professional photographer captures a close-up of a conference badge that reads "Guest Speaker", set against a blurred background of a bustling conference hall, emphasizing the sleek, modern design of the badge. +A lonely highway stretches into the distance, the sun setting behind a series of rolling hills. A weathered rest stop sign reads: "Last Bathroom for 100 Miles", its paint peeling from years of exposure to the elements. A lone car is parked nearby, its lights off. +A digital billboard towering over a bustling highway displays the warning "Traffic Jam Ahead", while cars stretch out in a long, slow-moving line beneath, their headlights glowing in the twilight. +A sleek spaceship with its hull proudly painted with "Mars Expedition 2040", hovering above a reddish Martian landscape, its metallic surface reflecting the distant sun, surrounded by a fine mist of interstellar dust. +A close-up of a wine glass, etched with "Sip Slowly" on the rim, filled with red wine, set against a soft, warm background, with a gentle light highlighting the intricate etching and the swirling wine. +A vibrant surfboard features the iconic phrase "Hang Ten" in bold, retro typography. The board's design incorporates ocean waves and sunny beach elements, reflecting a classic California surf culture aesthetic. +A cozy gift shop interior with a vintage snow globe prominently displayed, labeled "Greetings from Paris". The globe shows a miniature Eiffel Tower surrounded by snowflakes, with soft, warm lighting enhancing the nostalgic atmosphere. +A realistic construction site with a warning sign that reads "CAUTION Dragón Nest", surrounded by yellow and black striped barriers, with workers in hard hats and safety vests in the background, emphasizing the ominous and cautionary atmosphere. +A retro robot stands in an old, dimly lit warehouse, its chest screen flickering and glitching with the message "Does Not Compute Your BS", surrounded by obsolete technology and scattered electronic parts. +A majestic racehorse, adorned with a vibrant "Triple Crown Winner" blanket, stands proudly in the winner's circle, surrounded by cheering spectators and bright stadium lights, capturing the essence of victory in a high-resolution, realistic photograph. +A close-up of an old library book with a red stamp on the page that reads "Return by 2999", surrounded by vintage bookmarks and a softly lit, dusty atmosphere. +A vintage postage stamp featuring a detailed painting of the Golden Gate Bridge under a clear blue sky, with the text "California" elegantly inscribed at the bottom. +A vast desert landscape with a lone signpost standing amidst the sand, clearly pointing and reading "Miracle Water 5 Miles" in bold letters, under a blazing sun, with a hint of greenery in the distant horizon. +A weathered Viking runestone stands in a misty Nordic forest, its ancient surface inscribed with the ominous words "Here Be Dragons", surrounded by overgrown moss and fallen leaves. +In a desolate post-apocalyptic landscape, a rusted gas station sign creaks in the wind, reading "Last Fuel 1 Million BTC". The scene is dimly lit by the fading light of a distant, smoldering city, casting long shadows across the cracked asphalt. +A professional conference room setting with a large screen displaying a corporate training slide titled "Ethics Optional Module", surrounded by a modern, minimalistic office environment with subtle corporate branding. +A medieval knight's shield, weathered and battle-scarred, prominently displays the phrase "Memento Mori" in an elegant Old English font, set against a backdrop of a somber, misty battlefield. +A serene Zen garden featuring a traditional stone path and meticulously raked gravel. A simple wooden sign stands by the path, clearly displaying the message "Rake Responsibly" in elegant calligraphy. The scene is bathed in the soft, golden light of the late afternoon. +A futuristic space station's control room, dimly lit, with a large alert screen prominently displaying "Oxygen Low Meh" in bold, red letters, while crew members look concerned and hurriedly check their instruments. +A fitness center at night with a vibrant neon sign that reads "Join Today", casting a dynamic glow on the glass doors and the sidewalk, attracting passersby with its energetic and inviting atmosphere. +A high-resolution image of an observatory telescope with a plate that reads "Search for Exoplanets", set against a backdrop of a starry night sky, capturing the essence of cosmic exploration and scientific discovery. +A cartoon cloud floating in a serene sky, with a thought bubble above it displaying a beach scene and the words "I need a vacation". The cloud's expression is weary, longing for relaxation. +An astronaut in a realistic space suit stands against a backdrop of the Earth, the helmet visor clearly displaying "Oxygen Level 95" with a digital readout, illuminated by the soft glow of the planet below. +A bustling airport terminal with a security checkpoint in focus. The screen above the conveyor belt prominently displays a flashing "Check Luggage" alert, drawing the attention of travelers as they wait in line with their bags. +A frosted birthday cake with intricate piped icing that spells out "30 Never Heard of Her", set against a warm, celebratory backdrop with candles flickering softly. +A weathered stone monument stands tall in a sunlit clearing, its surface intricately engraved with the words "Founded 1776". Moss clings to its ancient surface, adding a touch of natural history. The monument is surrounded by a carpet of fallen leaves, emphasizing its enduring presence. +An astronaut stands on the moon, his boot leaving a clear footprint in the lunar soil, forming the words "One Small Step" as if etched into the surface, surrounded by the vast, desolate moonscape under a dark, starry sky. +A vintage diner with a red and black checkered floor, a classic jukebox in the corner, and a retro-style placemat featuring a trivia question: "Capital of France" prominently displayed on a worn, wooden table. +A realistic photograph of an airport departure screen displaying "Flight 808 Cancelled", surrounded by a busy terminal with frustrated passengers and luggage carts, under the warm glow of overhead lighting. +A close-up of an open poetry book page titled "Whispers Of The Wind", with gentle, flowing cursive text against a background of soft, sunlit parchment. The page is slightly curled at the edges, and a few delicate leaves and petals rest gently on the words. +A realistic photograph of an elevator button panel, with a handwritten note saying "Out of Order Use Stairs" taped to the side, in a modern office building. +An astronaut stands beside a moon base, the wall intricately carved with the phrase "One Small Step for Nachos", under the stark, shadowy lunar landscape. +In a dimly lit art gallery, a plaque reads "Surrealist Masterpiece 1945" beside an abstract painting featuring melting clocks and distorted figures, set against a serene, dreamlike landscape. Soft shadows and a warm, golden light highlight the intricate details of the artwork. +A bustling amusement park with a towering roller coaster in the background. At the entrance, a sign with bold lettering reads "Must Be This Tall", featuring a measuring marker next to a group of excited children and their patient parents. +A realistic photograph of an elevator button panel, with the button for "Floor 5" illuminated and slightly glowing, set against a modern, sleek interior. +A realistic gym locker room scene with a mirror featuring subtle etching that reads "You Got This". The room is modern, with sleek, chrome lockers and tiled floors, capturing the essence of motivation and self-encouragement. +A realistic urban scene featuring a fire hydrant spray-painted with the text "Hydrant 5C" in vibrant graffiti style, set against a backdrop of a busy city street with modern buildings and pedestrians. +A vintage gas station scene with a retro gas pump prominently displaying "Price 025Gallon", set against a 1950s backdrop with classic cars and a nostalgic Americana atmosphere. +A realistic screenshot of a computer error message dialog box prominently displaying the text "Update Required" on a sleek, modern desktop interface, with a soft, ambient light illuminating the screen. +A vintage cereal box on a kitchen table, with the slogan "Now with 10 More Regrets" prominently displayed. The box is surrounded by scattered cereal pieces and a bowl of milk, under the warm glow of a retro kitchen lamp. +A bustling construction site with a caution tape barrier, warning sign that reads "Mind the Quantum Hole", and workers in hard hats looking puzzled, with a mysterious, glowing void in the center. +A student proudly showcases their science fair project, a "Solar Powered Robot", at a bustling school event. The robot, made of shiny metal and equipped with solar panels, stands next to a poster explaining its innovative features. Judges and peers look on with curiosity and admiration. +A bustling farmer's market scene with a rustic wooden stand, a chalkboard prominently displaying "Organic Apples 2lb" in neat cursive, baskets of fresh, vibrant apples, and a smiling farmer in the background. +A police car parked on a busy city street, its door prominently displaying the humorous emblem "To Punach and Enchilada", with officers chatting nearby, the urban landscape bustling in the background. +A gritty urban street at night, featuring a vintage tattoo parlor with a neon sign that reads "No Ragrets Guarantee", casting a colorful glow on the rain-slicked pavement and reflections in the shop windows. +A realistic TV news broadcast scene with a lower third graphic displaying "Breaking News Alert" in bold, modern font, overlaying a live reporter in front of a bustling cityscape during twilight, with skyscrapers and traffic lights visible in the background. +A close-up of a child's backpack, with a small, brightly colored tag attached, clearly labeled "If Lost Return to Mom", set against a blurred playground background. +A rustic farm scene with a weathered wooden barn in the background. On top of the barn, a vintage copper weather vane shaped like a rooster points towards the sky, with the words "Rain Coming" clearly visible. Dark, stormy clouds gather overhead, hinting at an impending downpour. +A classroom poster vividly illustrating the alphabet from "A to Z", with each letter creatively represented by objects or animals starting with that letter, set against a bright, colorful background. +In a desolate, post-apocalyptic cityscape, a weathered billboard stands tall, its faded message still readable: "Shouldve Recycled". The landscape is littered with rusting cars and debris, with a lone, skeletal tree in the foreground, emphasizing the bleak aftermath of environmental neglect. +A realistic photograph of an airport security checkpoint, with a clear view of a bin sticker prominently displaying "Socks Required Zone" in bold letters, surrounded by travelers' belongings and a modern, sleek airport background. +A sunlit desert canyon, where an ancient wall is adorned with "Turn Back" in faded, weathered pioneer lettering, evoking a sense of historical mystery and abandoned journeys. +"Quarantine Zone" tape stretches across a lab corridor, its stark yellow and black pattern contrasting with the clean, white walls. Safety signs and caution symbols are visible, emphasizing the restricted access and potential hazards within. +A realistic photo of an aquarium filled with colorful fish, with a sign that reads "Fishbowl you visit" clearly visible in the foreground. +A close-up of a hospital wristband on a patient's wrist, clearly showing the text "Patient Name John Doe" against a sterile, clinical background. The band is slightly creased, adding a realistic touch to the scene. +A sleek sports car parked on a vibrant city street, its bumper sticker boldly declaring "Born to Drive Fast", under the glow of neon lights and a bustling urban backdrop. +A roadside attraction sign, weathered by time, boldly painted with "World's Largest Paperclip", stands next to a rustic fence, surrounded by tall grass and wildflowers, under a clear blue sky. +A close-up of a library book spine, prominently displaying a bright red stamp that reads "Return by Dec 15", set against a backdrop of other worn, old books. +A close-up shot of a vintage-style bookstore bookmark featuring the phrase "Read More Books" in elegant cursive, lying on a stack of old, worn books with a warm, ambient light casting a soft glow. +A serene park scene with a wooden bench under a canopy of autumn trees. The bench bears a bronze plaque with the inscription "In Memory of Clara Smith", surrounded by fallen leaves and a single wilting rose. +A vibrant board game box cover titled "Family Game Night", featuring a cozy living room where a family gathers around a table, laughing and engaged in a lively game. Warm lighting and colorful game pieces enhance the joyful, inviting atmosphere. +A vintage antique shop window adorned with a faded decal that reads "Oddities & Curiosities", showcasing an eclectic mix of mysterious artifacts and peculiar objects behind the glass, with soft, warm lighting enhancing the nostalgic atmosphere. +A bustling city street at night, with a neon sign above a bar flashing "Open 24 Hours", casting a vibrant glow on the pavement and passersby. The scene is lively, with people walking by and cars parked along the curb. +An e-book reader lies on a rustic wooden table, its screen illuminated with the words "Chapter 3 The Discovery". Soft, ambient light filters through a nearby window, casting a gentle glow on the device and the open book beside it. +A futuristic spaceship control room with a glowing red warning light labeled "Gravity Failed" on the panel, surrounded by blinking lights and digital screens displaying various data. The scene is set in a realistic sci-fi style, with a slight blue hue, emphasizing the emergency situation. +A grand hall with ancient stone walls and magical runes, where a wise old wizard in a blue robe and pointed hat hands a golden scroll labeled "PhD in Applied Magic" to a young wizard in a green robe, surrounded by cheering classmates and floating candles. +In a modern art gallery, a sleek, minimalist plaque titled "Pretentious Shapes" stands next to an abstract sculpture. The plaque's clean, sans-serif text contrasts with the chaotic, geometric forms of the artwork, set against a white wall. +An ancient stone tablet, weathered by time, stands in a desolate desert. Carved deeply into its surface is the ominous phrase "Beware the Sands", warning travelers of the treacherous dunes that surround it. +An antique typewriter with a piece of paper jammed in it, the visible text reads "Writers Block", set against a warm, vintage background with soft lighting highlighting the worn metal and aged paper. +In a bustling airport, the baggage claim screen prominently displays "Mystery Suitcase Unclaimed", drawing curious glances from travelers. The scene is captured in a realistic photographic style, with the conveyor belt partially visible, carrying a few scattered suitcases. +A wedding cake topper elegantly spelling "Happily Ever After", crafted in intricate detail with a classic, romantic design, perched atop a luxurious, multi-tiered wedding cake adorned with delicate flowers and shimmering decorations. +A vibrant science fair booth with a young student proudly displaying their invention: "Solar Powered Shoes". The shoes, equipped with sleek solar panels, are placed on a pedestal, emitting a soft glow. Posters and diagrams explaining the project surround the display, capturing the ingenuity and spirit of innovation. +A fitness poster featuring a determined zombie lifting weights, with the slogan "Brains Are Protein Too" prominently displayed. The background shows a dimly lit gym with exercise equipment and a few other zombies working out. +A realistic classroom scene with a whiteboard prominently displaying the heading "Chapter 5 Quiz" in bold letters. Students are seated at desks, some looking nervous, others relaxed, with books and pencils on their desks. +A forest trail marker, intricately carved with the warning "Beware of Dragons", stands amidst a dense, misty woodland, its wood grain and moss-covered surface adding to the ancient, eerie atmosphere. +A close-up of a wine bottle with an elegantly designed label prominently featuring "Vintage 1998", set against a soft, rustic wooden background, capturing the refined and timeless appeal of a classic vintage. +A lighthouse beam illuminates stormy seas, projecting the message "You're Going the Wrong Way" across the turbulent waters, emphasizing the danger and isolation of the scene. +A close-up of a firefighter's helmet, prominently displaying a sticker that reads "No Fear Just Courage", set against a backdrop of a smoky, urban firefighting scene. The helmet is slightly worn, emphasizing the bravery and dedication of the firefighter. +A modern elevator button panel with sleek, metallic buttons, the top button distinctly labeled "Penthouse Suite" in elegant, gold lettering, set against a backdrop of polished stainless steel. +A mountaineer stands on a snowy peak, holding an ice axe carved with "Everest 8848m", the sun casting a golden glow over the rugged terrain and icy slopes. +A laboratory setting with a clear glass flask labeled "Caution Volatile Substance" sitting on a wooden table, illuminated by soft, natural light streaming through a nearby window, with a scientist's notebook and a pair of safety goggles nearby. +A snow globe featuring a miniature New York Cityscape with the text "Shake for Chaos" inscribed on the base, surrounded by swirling snowflakes inside the globe, set against a white, frosty background. +A close-up of a basketball jersey back, prominently displaying "Player 23 MVP" in bold, vibrant letters, set against a blurred court background with faint outlines of a basketball hoop and crowd. +A bustling city street at night, with a grand theater's marquee lights brightly announcing "Premiere Tonight" in vibrant, colorful letters, surrounded by excited crowds and the glow of streetlights and passing cars. +A weathered pirate ship flag, tattered and frayed, with the words "Queen Anne's Revenge" stitched in bold letters. The center features a menacing skull adorned with intricate artwork, set against a dark, stormy sky. +A wizard stands in a misty forest, his staff glowing with an intense light, emblazoned with the words "Spell Charging 5 Complete", casting a mystical aura around him. +A sleek, translucent magic 8-ball floats in a dimly lit room, gently glowing with an ethereal light. The message "Ask Again Later" is clearly visible within, casting a soft shadow on the smooth, reflective surface. +A majestic Viking longship sails through choppy waters, its sail boldly emblazoned with "Valhalla or Bust". The ship cuts through waves under a stormy sky, with fierce warriors manning the oars, their faces determined and eyes fixed on the horizon. +A painting of a serene field of daisies, with the word "danger" boldly written on some of the flowers in vivid red spray paint, creating a stark contrast against the natural beauty. +A photograph of a person wearing a casual, dark blue t-shirt with the phrase "No Planets" printed in bold, white letters across the chest, standing against a backdrop of a clear, starry night sky. +A comic book cover featuring a superhero in a dynamic pose, shouting "Justice Strikes" with intense facial expression, surrounded by cityscape at sunset, rays of light piercing through the buildings, creating a dramatic and heroic atmosphere. +A close-up of a dog’s pawprint tattoo, prominently displayed with the phrase "Who's a Good Philosopher" written in elegant script underneath, set against a minimalistic background. +A child's backpack, adorned with a vibrant patch that reads "Future Astronaut in Training", sits on a wooden table next to a model rocket, under a window where sunlight streams in, casting soft shadows. +"Next Stop Lost City Center" on an ancient, luminescent Atlantis subway map, with glowing blue lines and mystical symbols, set against a backdrop of underwater ruins and bioluminescent sea creatures. +A tattoo parlor’s window display featuring the intricate design "Born Wild", with vibrant colors and bold lines, set against a city backdrop during golden hour, capturing the essence of freedom and rebellion in a realistic photographic style. +A rustic wooden sign with the name "Thunders Stable" carved into it, hanging above the entrance of a weathered barn, surrounded by rolling green fields and a clear blue sky. +A witch's cauldron sits in a dimly lit forest clearing, bubbling with eerie, green smoke that swirls and forms the words "Double Trouble" above it, casting an ominous glow on the gnarled trees and misty ground. +An antique brass lamp rests on a worn wooden table, its surface intricately engraved with the phrase "Three Wishes Max". Sunlight filters through a nearby window, casting a warm glow that highlights the lamp's detailed craftsmanship. +A cluttered laboratory with a scientist's whiteboard in the center, prominently displaying "Project Genesis" in bold letters. The board is filled with equations and diagrams, surrounded by lab equipment and research papers. +A worn, yellowed page from a cave explorer's journal, titled "Lost City Map", with detailed sketches of ancient ruins and cryptic symbols, surrounded by handwritten notes and faded ink illustrations. +Retro diner scene with a vibrant red and yellow placemat prominently displaying the text "Try Our Atomic Burger" in bold, vintage font. The placemat is slightly worn, with a classic diner backdrop featuring chrome and red leather booths. +An astronaut stands in a vast, star-filled space, their helmet visor prominently displaying a glowing "Oxygen Low" alert, with the distant Earth shining faintly in the background. +A rustic farmer's weathervan, pointing to "Rain Coming Soon", stands atop a weathered barn, with dark clouds gathering in the distance and a gentle breeze rustling the dry grass below. +A dark, high-tech submarine control room with a sonar screen glowing in the dim light, displaying a pulsing red "Unknown Contact" amid a web of green and blue sonar pings. Crew members look on with tense expressions, hands poised over controls. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Knead Dough Not Problems", surrounded by bags of flour and freshly baked bread, smiling warmly as they knead dough on a wooden table. +An art gallery wall displays a description card reading "Untitled 12 Mixed Media", beside a large, abstract artwork featuring vibrant colors and varied textures, including paint splatters, collaged elements, and bold, gestural brushstrokes. +A serene park scene with a wooden bench under a sprawling oak tree. On the bench, a brass plaque reads "Donated In Memory Of John Doe", surrounded by autumn leaves and a gentle, warm sunlight filtering through the branches. +A futuristic space station corridor with a illuminated sign that reads "Zero Gravity Zone", surrounded by sleek, metallic walls and floating objects, capturing the essence of weightlessness in a high-tech environment. +A clocktower stands tall in a foggy town square, its ancient face suddenly displaying the words "Time is an Illusion" in glowing, ethereal letters. The scene is captured in a realistic, moody photograph, emphasizing the mysterious and timeless atmosphere. +A serene coastal scene with a fishing boat named "Sea Hunter II" gently bobbing on the calm waters. The boat's name is clearly painted in bold, weathered letters on the side, reflecting the afternoon sunlight. +A university campus with a large, vibrant banner reading "Knowledge is Power" hanging across a historic stone archway, surrounded by students in academic gowns, with autumn leaves scattered on the ground. +A vibrant, casual scene featuring a person wearing a T-shirt with the bold text "Just Do It" printed on it, standing in an urban setting with a backdrop of bustling city life and vibrant street art. +A carnival ticket booth under a dim, twilight sky, with a sign that reads "Rides Closed Due to Dragon". The scene is set in an abandoned carnival, with a hint of mysterious fog and the silhouette of a dragon in the distance, adding an eerie and fantastical touch. +A wizard stands in a mystical forest, his staff glowing with "CtrlZ" runes, casting an ethereal light that illuminates the ancient trees and swirling mist around him, perfect for casting powerful undo spells. +A solemn war memorial stands under a clear sky, its stone surface engraved with the poignant words "Lest We Forget 1944". Surrounded by neatly trimmed grass and a few mournful visitors, the monument captures a moment of eternal remembrance, honoring those who sacrificed their lives. +A pet store fish tank with a playful cartoon crab waving near a label that reads "Do Not Tap Glass", surrounded by colorful tropical fish and vibrant aquatic plants. +Retro diner menu board with vintage typography, prominently displaying "Pie of the Day" in bold, colorful letters. The board is slightly weathered, with a classic 1950s aesthetic, set against a warm, nostalgic background. +A high-tech spaceship control room with a glowing control panel displaying a critical warning message: "Gravity Failure". The scene is illuminated by the panel's red lights, casting a tense atmosphere. +A realistic photograph of a hotel key card sleeve, prominently displaying "Room 307 Access", lying on a modern hotel desk with a sleek, minimalist design. The scene is lit by warm ambient lighting, emphasizing the sleekness of the card and the professional atmosphere of the hotel. +In an ancient, dimly lit library, a dragon's massive claw rests on a weathered book with a parchment notice attached, clearly stating: "Return by 1450 AD". The dusty shelves tower above, filled with arcane tomes and mystical artifacts, casting shadows that dance in the flickering candlelight. +A vibrant T-shirt design featuring a laid-back sloth holding a surfboard, with the playful text "ProcrastiNation Team" prominently displayed above it, set against a tropical beach backdrop with palm trees and a clear blue sky. +A movie theater marquee at dusk, illuminated with neon lights, prominently displaying "Now Showing" in bold, vibrant letters, surrounded by posters of popular films, with a few people walking by, creating a lively urban atmosphere. +A detailed museum exhibit label next to a glass case, clearly displaying "Dinosaur Egg Fossil 65MYA", with a realistic fossil egg inside, set against a backdrop of prehistoric flora and fauna, under soft, focused lighting. +At the airport, a large, illuminated sign that reads "ashlee" stands prominently near the arrival gate, catching the eye of weary travelers and creating a unique welcome point amidst the bustling crowd. +An ancient, weathered page from a wizard's spellbook, revealing the intricate, glowing runes of the "Incantation of Eternal Flame" surrounded by mystical symbols and detailed illustrations of flickering flames. +A modern 3D printer in a well-lit workshop, with its display clearly showing "Printing Layer 50 of 100". The printer is mid-process, with intricate layers of a half-completed object visible through the transparent casing. +A majestic medieval castle gate, intricately engraved with the words "Knights of the Round" in elegant, ancient script. The gate is partially open, revealing a glimpse of the cobblestone courtyard beyond, bathed in the warm light of a setting sun. +A kindergarten classroom with colorful finger paintings on display. One painting, titled "Mommy Needs Xanax", shows a chaotic, vibrant scene with bold, childlike strokes, capturing a mom with exaggerated, worried features, surrounded by playful, whimsical elements. +A movie theater marquee at dusk, brightly lit and displaying "Robo Love Now Playing" in neon lights, with a few people walking by and a vintage car parked nearby, capturing the essence of a classic cinema experience. +An eerie hallway with an old elevator panel, "Floor 13 Missing" prominently displayed. The dimly lit scene is captured in a realistic photographic style, emphasizing the worn-out texture of the panel and the unsettling absence of the 13th floor button. +A realistic photograph of an airport announcement board displaying "Flight DELAYED" in bold letters, with passengers in the background looking anxious and checking their phones. The scene is set in a modern airport terminal with large windows and sleek design. +A realistic photograph of fireworks packaging, prominently displaying a bold warning label that reads "Light Fuse and Run Away", set against a dark background with a slight glow around the edges to highlight the packaging. +A classroom setting with young children gathered around a table, each proudly displaying their unique artwork. The walls are adorned with colorful paintings, and in the center, a large banner reads "My First Painting". The scene captures the joy and creativity of early childhood education. +A close-up of a dragon’s eggshell fragment, with intricate, glowing runes that spell out "Hatch with Care" etched into its surface, set against a dark, mysterious background. +A poster featuring a humorous, empty cat silhouette with a wide, cheeky grin, under the title text "Catless Grin", set against a vibrant, pastel background. +A detailed close-up of an antique, cobalt blue wizard’s potion bottle, labeled "Love Elixir" in elegant, golden script, sitting on a wooden table with a faint glow emanating from within the bottle, surrounded by a soft, mystical aura. +A surreal alien plant nursery with vibrant, otherworldly flora. A glowing sign reads, "Water Twice Daily With Tears", illuminated against a twilight sky. The plants seem to pulse with bioluminescent light, creating an enchanting scene. +A modern elevator with a digital screen displaying "Now Playing Jazz", surrounded by sleek, reflective walls and soft, ambient lighting, capturing the subtle movement of a passenger's reflection. +A vintage glass potion bottle with a delicate, handwritten label that reads "Drink Me", set against a softly lit, mystical background with a hint of magical mist swirling around it. +A realistic photograph of a gym locker room with a mirror sticker reading "You Lift Amazing" prominently displayed, reflecting the determined expression of a person working out in the background. +A dark, rural night scene with a glowing UFO descending from the sky, a beam of light targeting a woman named "Karen", who looks surprised and is being lifted into the air, surrounded by a deserted, misty landscape. +A movie poster titled "Prayers for the Stolen", featuring a somber, rain-soaked alley at dusk. In the background, a dilapidated church spire looms. A young woman in a tattered coat holds a flickering candle, her face illuminated by the soft glow, symbolizing hope amidst despair. +A serene park scene with a classic wooden bench under a canopy of autumn leaves. On the bench, a metal plaque engraved "In Memory Of John" shines subtly in the afternoon sunlight, surrounded by fallen leaves and wildflowers. +An empty canvas hangs in a modern art gallery, with a sleek, minimalist plaque below it. The plaque reads: "Invisible Masterpiece 1M". The room is bathed in soft, ambient lighting, emphasizing the stark contrast between the blank canvas and the intriguing title. +A steampunk time machine dashboard with a glowing fuel gauge labeled "Chrono Particles Low", set against a backdrop of swirling temporal energies and vintage mechanical parts. +A neon sign flashing "Open 24 Hours" casts a vibrant glow above a bustling convenience store, its colors reflecting off the wet pavement and the glass doors, creating a lively atmosphere in the dimly lit night. +A close-up of a vintage, ornate magic mirror reflecting the text "You Look Tired" in elegant, shimmering letters, set against a dimly lit, mystical background. +A beautifully decorated birthday cake with intricate icing designs, including the message "Happy 10th Birthday" in elegant script, surrounded by colorful sprinkles and candles, set against a warm, festive background. +A beautifully decorated birthday cake with a modern, elegant topper that reads "Happy 30th Sarah", surrounded by colorful candles and set against a warm, celebratory background. +An antique apothecary jar, delicately crafted with intricate floral patterns, sits on a worn wooden shelf. The jar is labeled with a faded, handwritten tag that reads "Tears of Procrastination", surrounded by a subtle mist that hints at its mystical contents. +A close-up of an intricately carved wizard’s staff with the phrase "Wand Not Included" elegantly etched into the wood, surrounded by mystical runes and symbols, set against a dimly lit, mystical forest backdrop. +A realistic photograph of a scientist wearing a lab coat with a nametag that reads "Dr Smith PhD", standing in a modern laboratory with high-tech equipment in the background. +A subway car adorned with graffiti spelling "Metro Dreams" in vibrant neon pink, standing out against the gritty, urban backdrop of a dimly lit subway station. +A vibrant painting of a lush cornfield under a clear blue sky, with the words "feed the nation" written in simple, bold letters across the foreground, using earthy colors to emphasize the agricultural theme. +A vintage ice cream truck parked on a sunny street, its side sign flashing "Soft Serve Here" in neon lights, surrounded by excited children and melting ice cream cones, capturing the essence of a joyful summer afternoon. +A realistic photograph of a scientist wearing a lab coat with a badge prominently displayed on the chest, reading "Dr Quantum PhD", standing in a high-tech laboratory filled with advanced equipment and screens displaying complex data. +A medieval castle drawbridge with a large, intricate chain prominently displaying the carved message "Pull in Emergency". The scene is set during twilight, with the castle walls illuminated by torchlight, emphasizing the Gothic architecture and the detailed craftsmanship of the chain. +A modern, sunlit room with a sleek, wall-mounted solar panel display prominently showing "Energy Output 85" in bright, digital green on a black screen, surrounded by minimalist decor and a large window letting in natural light. +A museum exhibit featuring an elegant description plaque titled "Ancient Civilizations", set against a backdrop of historical artifacts and dim, ambient lighting, capturing the essence of timeless heritage and scholarly discovery. +A realistic photograph of an airport baggage claim area, with a close-up focus on a bright yellow baggage tag that reads "Fragile Handle With Care", attached to a suitcase among other luggage. +A dark, futuristic server room with glowing red lights and warning signs, featuring a large monitor displaying the error message "Critical System Failure" in bold, stark white letters against a black background. +A digital photo frame cycling through "Family Memories", displaying warm, nostalgic snapshots of family gatherings, vacations, and everyday moments, captured in a cozy living room setting with soft, ambient lighting. +A weathered surfer’s van parked on a sandy beach, with a bumper sticker declaring "Surfs Up" prominently displayed, surrounded by surfboards and beach gear, under a sunny sky. +A mountain peak trail marker engraved "Summit 10000ft", standing amidst rugged terrain with a backdrop of misty, snow-capped peaks and a clear blue sky. +A neon hotel sign glowing "Vacancy Available" stands out on a dark, rainy street, casting vibrant reflections on the wet pavement. The scene is captured in a realistic photographic style, emphasizing the contrast between the bright sign and the dimly lit surroundings. +Retro diner interior with a vintage jukebox prominently displaying neon "Play Me" text, surrounded by checkerboard floors, classic vinyl booths, and a shiny soda fountain counter. +An astronaut in a detailed spacesuit stands against a stark, cosmic background. The helmet visor prominently reflects the text "O₂ LOW" in vivid red alerts, emphasizing the urgency of the situation. +An antique clock face with Roman numerals replaced by the phrase "Times Up", set against a vintage background with soft, warm lighting highlighting the intricate details of the clock's aged surface. +A rustic wooden sign hangs on the door of a quaint, red tool shed, reading "Tools Return Here" in bold, black letters. The shed is surrounded by a vibrant garden, with tools neatly arranged inside, visible through an open door. +A scientist in a lab coat with a nametag reading "Dr Curie Quantum Physics" stands in a modern laboratory, surrounded by high-tech equipment and glowing screens displaying complex equations. The scene is lit by the soft glow of the machinery, emphasizing the futuristic setting. +A barista wearing a crisp, white apron embroidered with "Coffee Master" in elegant, golden thread, preparing a latte in a bustling, modern cafe. The warm, ambient lighting highlights the detailed embroidery and the barista's focused expression. +A retro arcade with a neon sign flashing "Game Over" in vibrant pixelated colors, set against a dimly lit background, capturing the nostalgic atmosphere of the 80s. +A bustling school cafeteria with a vibrant sign hanging above the serving counter, clearly announcing "Pizza Day Friday" in bold, cheerful letters. Students chat excitedly, anticipating the special menu. +A delivery truck parked on a busy street, with a moving box prominently displaying the word "Fragile" in bold, red letters, partially visible through the open truck door. +An ancient stone tablet, partially eroded by time, stands in a misty forest clearing. The remaining inscription reads "Beware The Tide", its worn letters barely visible against the moss-covered surface. Sunlight filters through the trees, casting a haunting glow on the relic. +A charming flower shop window adorned with vibrant blooms and a delicate "Mothers Day Special" sign, inviting passersby to celebrate with beautiful arrangements. Soft sunlight filters through, enhancing the warm, welcoming atmosphere. +A realistic supermarket scene with a freezer door open, displaying a well-lit shelf labeled "Fresh Salmon Catch Today", surrounded by other frozen goods and shoppers browsing nearby. +A bustling city street at dusk, with a tattoo parlor window prominently displaying "WalkIns Welcome" in neon lights, reflecting off wet cobblestones after a light rain. The window showcases an array of colorful tattoo designs. +A vibrant city street at night, illuminated by neon lights, featuring a large, eye-catching cryptocurrency ad banner that reads "Invest in Blockchain" prominently displayed on a futuristic building facade. +A charming indoor scene featuring a vibrant, healthy plant growing in an ornate, pretty pot. A small, noticeable "DO NOT TOUCH" sign is attached to the pot, adding a touch of intrigue and curiosity to the composition. The setting is a well-lit, cozy room with a wooden table and a window letting in natural light. +A detective in a trench coat holds a magnifying glass etched with "Truth Finder" under a dim streetlamp, examining a clue on a rain-soaked pavement at night. +A vintage "Soda Fountain" neon sign glows warmly through the window of a retro diner, casting a nostalgic glow on the checkerboard floor and vintage booths inside. The scene is set at dusk, with the sign reflecting softly in the glass. +A realistic desktop scene with a computer virus alert popup "System Infected" displayed prominently on the screen, surrounded by scattered files and a tense atmosphere. +A spy in a sleek, futuristic outfit peers through high-tech spy glasses, with a HUD overlay prominently displaying "Target Identified Green" in the corner, set against a dimly lit urban night scene. +In a dimly lit, ancient library, an eerie atmosphere surrounds a dusty, leather-bound book. The book, prominently stamped with "Return by Yesterday", lies open on a worn wooden desk, illuminated by a single flickering candle, casting shadows that dance on the shelves of endless, forgotten tomes. +A cozy bakery scene with a vintage wooden signboard hanging above the entrance, advertising "Grandmas Secret Recipe Pies" in elegant cursive. The sign is slightly weathered, with a warm, golden light spilling from the bakery windows, creating a welcoming atmosphere. +A majestic dragon exhales a torrent of fiery breath, meticulously shaping the ominous word "Beware" against the twilight sky, casting long shadows and illuminating the clouds with an eerie glow. +A vibrant circus tent with a grand banner proclaiming "Worlds Greatest Show", surrounded by colorful lights and excited spectators, capturing the magical and festive atmosphere of a classic circus performance. +A futuristic spaceship control room, dimly lit, with a large, glowing control panel displaying a critical warning message in red: "Fuel Level Critical". The panel is surrounded by various switches and dials, reflecting a sense of urgency and high-tech sophistication. +A museum exhibit featuring a detailed dinosaur fossil replica, with a sleek, modern plaque in the foreground that clearly states "Dinosaur Fossil Replica". The lighting highlights the texture of the fossil, creating a sense of ancient history and scientific discovery. +A whimsical treehouse nestled high in the branches, its wooden door intricately carved with the phrase "No Adults Allowed" in playful, rustic lettering, surrounded by lush green leaves and dappled sunlight filtering through the canopy. +A vintage ice cream truck parked on a sunny street, with a colorful menu board prominently displaying "Flavor of Day Mint Chip" in bold, playful letters. Shaded by a bright awning, the truck attracts smiling children and adults, creating a lively, nostalgic scene. +A photograph of a scientist's lab coat, neatly hung on a coat rack in a lab, with "Dr Emily Grant" intricately embroidered on the pocket, under the warm glow of overhead fluorescent lights. +A bustling farmer's market scene with a wooden stand displaying a hand-painted sign that reads "Fresh Organic Eggs", surrounded by baskets of eggs and vibrant, seasonal produce. +A movie theater marquee at dusk, illuminated with neon lights, announcing "Now Showing Void Horizon". The marquee stands out against a darkening sky, with a few stars beginning to twinkle. People are seen walking by, some looking up at the marquee with curiosity. +In a bustling supermarket aisle, a handwritten notice on a colorful bulletin board reads "beaver", drawing curious glances from shoppers. The scene is vibrant, with shelves stocked high and a variety of products, capturing the everyday life of a community. +A bustling fast food drive-thru at dusk, with a large, illuminated menu board prominently displaying the item "Try Our New Burger" in bold, vibrant colors. Customers in a line of cars eagerly await their turn, while the scent of sizzling meat fills the air. +A serene mountain trail with a wooden signpost carved with "Summit 2 Miles Ahead", surrounded by lush greenery and a misty landscape, leading the eye toward the distant, majestic peaks. +A crumpled movie poster with the tagline "Worst Film Ever" in bold red letters, lying on a gritty city street, partially covered by fallen leaves and newspaper scraps, under a dim streetlight. +A high-resolution fitness tracker screen displaying the motivational message "10000 Steps Achieved" with a sleek, modern interface and a vibrant, green color scheme, set against a blurred, active urban background. +A close-up of a sleek, modern water bottle with a subtle, elegant etching that reads "Hydrate or Perish" on its surface, set against a minimalistic, clean background. +A vibrant poster design featuring the title text "Fantastic Games" in bold, colorful typography, surrounded by playful illustrations of iconic game characters and elements, set against a dynamic, gradient background. +A grand stone archway at the entrance of an underwater Atlantis city, adorned with intricate carvings and a prominent sign that reads "Tourists Welcome", surrounded by vibrant marine life and illuminated by shafts of sunlight piercing the ocean depths. +A close-up of a sleek, futuristic robot with a chest screen displaying "Error 404", set against a dimly lit, high-tech laboratory. The robot's metallic surface reflects the ambient blue and green lights, emphasizing the error message. +A close-up of a wizard's hat, with a tag hanging from it that reads "One Size Fits All Realities", set against a mystical, glowing background with subtle magical runes. +A vibrant flowerbed sign reading "Tulip Garden" stands amidst a sea of colorful tulips, with bees buzzing around the blossoms and a gentle sunlight casting soft shadows. The scene is a picturesque blend of nature and subtle human touch, perfect for a serene spring afternoon. +A detailed, ancient wizard’s spellbook page titled "Invisibility Charm", with intricate illustrations of mystical symbols and handwritten notes in quill pen, set against a backdrop of worn, yellowed parchment. +A cozy farmhouse porch with a vintage wooden swing intricately carved with "Established 1892", surrounded by blooming wildflowers and a rustic wooden fence, under a warm, golden sunset. +A roadside billboard stands tall, proudly advertising "Best Burgers in Town" with vibrant colors and a mouth-watering illustration of a juicy burger. The scene is set on a sunny day, with a clear blue sky and passing cars in the background, capturing the essence of a bustling town. +An ancient papyrus fragment, partially deteriorated, with faded ink script reading "𓂀𓃻𓅊 Lost Translation", set against a backdrop of an old, dusty library shelf. The texture of the papyrus is emphasized, showing signs of age and wear. +A bustling city street at dusk, lined with cheering spectators and exhausted runners crossing the finish line. A large banner overhead reads "Race Completed", illuminated by the glow of street lamps and the flashes of cameras. +A medieval tapestry, rich in detail, showcasing fearsome dragons intertwined with the phrase "Here Be Taxes" embroidered in gold thread, set against a deep crimson background. +An underwater cityscape with a vibrant, glowing welcome sign that reads "Mermaids Yield to Dolphins", surrounded by colorful coral and playful dolphins, with mermaids gracefully swimming by in the background. +A nighttime highway scene with a large billboard towering over the road, flashing "Drive Slow Arrive Alive" in vivid, glowing red letters, casting a slight glow on the asphalt below. +A train conductor stands proudly, wearing a classic conductor’s hat with the band clearly displaying "All Aboard" in bold letters, set against the backdrop of a vintage railway station. +A diver's flag, fluttering in the sea breeze, prominently displays the warning "Swim at Own Risk" against a backdrop of turbulent waves and a cloudy sky. +A bustling urban street at dusk, featuring a large, vibrant billboard prominently displaying the text "muthialpettah" in bold, colorful letters. The scene is filled with the glow of streetlights and the hustle of pedestrians, capturing the essence of a lively city neighborhood. +A close-up shot of a supermarket shelf tag, prominently displaying "Limit 5 per Customer" in bold letters, next to a stack of toilet paper rolls. The scene is lit by overhead fluorescent lights, with a slightly cluttered shelf background. +A beautifully crafted wedding cake topper featuring a classic couple figurine, delicately holding hands. The topper is engraved with the words "Happily Ever After", set against a backdrop of intricate floral decorations and sparkling sequins, capturing the essence of a fairy tale wedding. +Raindrops trickling down a window pane, naturally forming the words "Stay Dry" in a serene, misty outdoor setting with a blurred background. +A close-up of a judge's gavel resting on a wooden plaque engraved with "Objection Overruled 5 Fee", set against a courtroom backdrop with subtle shadows highlighting the texture of the wood and the engraving. +A modern, urban scene featuring a stylish young coder wearing a T-shirt with the slogan "Code All Night" in bold, neon letters, standing against a backdrop of a bustling city skyline at night, illuminated by the glow of streetlights and neon signs. +A bustling city street with a storefront window featuring a vibrant decal announcing "Grand Opening Sale", surrounded by excited shoppers and passersby, captured in a realistic photographic style. +A close-up photo of two hands, one holding a delicate heart, the other grasping a vivid lightning bolt, with the words "precision" prominently displayed in the background, capturing the tension and care in the gesture. +A close-up of a vintage radio with a glowing dial, prominently displaying the station name "Golden Oldies 1015" in retro typography, set against a soft, nostalgic background. +A bustling city street at dusk, with a large digital billboard displaying the message "Sale Ends Tomorrow" in vibrant, eye-catching colors, surrounded by the glow of streetlights and the hustle of pedestrians. +A close-up of a running shoe print in soft sand, clearly showing the textured sole pattern and the embossed message "Just Do It" prominently visible in the indentation. +A movie set with a clapperboard marked "Take 27 Disaster Scene" lying on a chaotic, debris-strewn street, actors in distressed costumes, and crew members in the background, capturing the intensity of a disaster film shoot. +A bustling New York street with a movie prop newspaper stand in the foreground, headlines reading "Aliens Land in New York" prominently displayed. The cityscape is busy, with pedestrians and cars, while a subtle, otherworldly glow hints at the alien presence in the background. +A neon-lit alien billboard reads "Welcome To Zorgon Prime" in a futuristic cityscape, glowing under the dim, purple sky of an extraterrestrial world. +A vintage carnival tent with a worn banner hanging above the entrance, boldly proclaiming "Worlds Worst Acrobats". The scene is set at dusk, with the tent lights casting a warm glow, and a few curious onlookers peeking in, their faces a mix of amusement and skepticism. +A detective in a trench coat, holding a magnifying glass, intently examines a clue that reads "The Butler Did It" on an old, dusty letter in a dimly lit, Victorian-era study. +A proud handler lifts a majestic German Shepherd, showcasing the "Best in Breed" ribbon at a prestigious dog show, surrounded by admiring spectators and under the glow of championship lights. +A realistic subway station with a vibrant tile mural that prominently displays the text "Mind the Gap", set against a backdrop of busy commuters and the occasional glimpse of a passing train. +A dimly lit room with a ghostly ouija board floating above an old wooden table, ethereal light casting shadows. The planchette glows faintly, spelling "BRB" on the board, as ghostly figures whisper in the background. +A close-up of an airplane wing, featuring the "Sky High Airlines" logo prominently displayed. The wing is sleek and modern, with a clear blue sky in the background, emphasizing the airline's name and the sense of soaring high. +A gym locker room with modern lockers, a large mirror on the wall featuring a sticker that reads "Be Your Best". The scene is brightly lit, with a few workout towels and water bottles casually placed on the lockers, creating a vibrant, motivational atmosphere. +A bakery cake box labeled "Handle With Care" sitting on a rustic wooden table, surrounded by pastries and flowers, with soft morning light streaming through a nearby window. +A realistic photograph of a fridge with a handwritten note stuck on it, clearly visible, saying "Milk Needed" in casual handwriting. The fridge has a few other items around it, like a calendar and a magnet, but the note is the focal point. +A wedding cake topper featuring a charming couple holding a sign that reads "I Do", set against a backdrop of delicate white flowers and soft, golden lighting, capturing the essence of a romantic and joyful celebration. +A bustling supermarket aisle with a large freezer door that reads "Ice Cold Drinks Here", surrounded by shelves stocked with various beverages, under the glow of fluorescent lights. Customers browse with shopping carts, capturing the lively atmosphere of a busy store. +A high-resolution photograph of a sleek, modern race car with a bold hood decal prominently displaying "Speed Demon X1" in a dynamic, futuristic font, set against the backdrop of a racetrack. +A beautifully crafted wedding cake topper featuring "Mr & Mrs Smith" intricately designed with elegant detailing, set against a soft, romantic backdrop with subtle floral accents. +A vintage retro diner's pie case features a charming placard proudly boasting "Award-Winning Apple Pie", surrounded by a variety of delectable pies and pastries, with the warm, nostalgic ambiance of the 1950s. +A realistic photograph of an apartment complex's well-maintained lawn, with a clear sign that reads "No Soccer Playing Allowed" prominently displayed. The scene is peaceful, with a few residents relaxing nearby, emphasizing the quiet, rule-abiding atmosphere. +Retro arcade setting with a vintage game cabinet, glowing neon lights, and pixelated graphics. The screen displays the message "Insert Coin to Continue" in bold, retro font, surrounded by colorful, nostalgic visuals. +A detailed movie set with a vintage clapperboard clearly displaying "Scene 24 Take 3 Action", surrounded by crew members and equipment, capturing the essence of a classic film production. +In a modern art gallery, a sleek, black plaque titled "Pretentious Splatter 7" is mounted on a white wall, adjacent to a large, chaotic abstract painting with vibrant splatters of red, blue, and yellow. The lighting highlights the plaque and the dynamic texture of the artwork. +A serene yoga studio with a minimalist design, featuring a large wall quote that reads "Breathe In Peace" in elegant, flowing script. Soft, natural light filters through large windows, casting a calm ambiance over the space, enhancing the tranquil atmosphere. +A close-up of a bakery box sticker with the text "Handle With Care" prominently displayed, set against a warm, golden background with soft, ambient lighting to highlight the texture and detail of the sticker. +A realistic photograph of a coffee cup with a sleeve printed in bold, clear letters: "Caution Hot Contents", set against a minimalist background. +A realistic photograph of a refrigerator with a yellow sticky note attached to the front, reading "Buy milk eggs", in a handwritten font, with a few magnets nearby. +A vibrant rock band poster featuring "The Rolling Stones Sold Out" in bold, graffiti-style text. The background showcases a gritty urban alley with vibrant street art, concert tickets scattered on the ground, and a crowd of excited fans in the distance, capturing the energetic atmosphere of an anticipated show. +A vibrant TV show poster for "Wine War", featuring a dramatic confrontation between two rival winemakers in a lush vineyard, with a bottle of wine and a glass half-filled, set against a sunset backdrop. +A serene coastal scene featuring a fishing boat with a distinct buoy marker that reads "Net Zone 5", surrounded by calm waters and a clear sky, emphasizing the marker's visibility and importance in the composition. +A bustling farmer’s market scene with a rustic wooden chalkboard prominently displaying "Organic Daydreams 999lb" amidst an array of fresh, colorful produce and cheerful vendors. The sunlight filters through a canopy of leafy trees, casting a warm, inviting glow. +A detailed close-up of an ancient, intricately carved wizard’s staff, with the phrase "Staff of Arcana" elegantly engraved near the top, surrounded by mystical runes and glowing symbols, set against a dark, magical forest backdrop. +A realistic photograph of a clothing store window display featuring a mannequin adorned with the latest fashion, prominently showcasing a "New Arrivals" tag hanging from its arm. The scene is set during the day, with soft natural light highlighting the mannequin and the vibrant clothes. +A close-up of a pizza box with the logo "Hot & Ready" prominently displayed, set against a warm, inviting kitchen backdrop with soft lighting highlighting the texture of the cardboard. +A medieval knight stands proudly, his shield emblazoned with the bold inscription "Defender of the Realm", reflecting the sunlight in a grand castle courtyard, surrounded by ancient stone walls and fluttering banners. +A bustling supermarket aisle with a bright, clear sign overhead that reads "Dairy Section", surrounded by shelves stocked with milk, cheese, and yogurt, under fluorescent lighting. +A close-up photograph of a bakery bread loaf with a tag prominently displaying the text "Gluten Free Option", set against a warm, rustic wooden background. +A school trophy engraved with "Champions 2024" sits prominently on a wooden podium, surrounded by a cheering crowd of students and teachers in a gymnasium, with banners and trophies lining the walls, capturing the moment of victory and celebration. +A spooky, decrepit mailbox stands before a fog-shrouded, Victorian-style haunted house, its plaque reading "The Addams Family" in eerie, Gothic lettering, under the glow of a dim, flickering streetlamp. +In a bustling airport terminal, the departures screen prominently displays "Flight 404 Delayed" in bright red letters, while travelers with weary expressions check their watches and phones, waiting anxiously for updates. +An ancient wizard spellbook page with a heading that reads "Invisibility Incantation", surrounded by intricate illustrations of mystical symbols and glowing runes, set against a backdrop of yellowed parchment. +A vintage wooden door with "braschi" elegantly carved into it, set in a sunlit, rustic hallway with warm, golden tones and subtle shadows, capturing the essence of a timeless, charming abode. +A close-up of a spacesuit arm patch, featuring the text "Mars Colony Pioneer" in bold, set against a backdrop of Martian terrain with a subtle red hue, emphasizing the rugged and pioneering spirit of the mission. +A realistic smartphone screen displaying a notification that reads "Low Battery 10" in red, with a dark background and a slight glow around the text to emphasize the warning. +A close-up of a pet collar tag, engraved with "If Found Im Probably Snacking", lying on a rustic wooden surface, with a faint shadow of a playful dog's paw print in the background. +A close-up of a silver fork with the word "salad" elegantly engraved in calligraphic font, set against a minimalist white background, capturing the intricate details of the engraving. +A vibrant karaoke bar scene with a large screen displaying the lyrics "I Will Survive" by Gloria Gaynor, surrounded by enthusiastic singers and an energetic crowd. The atmosphere is lively, with dim lighting and colorful lights highlighting the screen. +A cityscape stretches out behind a large, fluffy cloud in the foreground. Floating just above the cloud, the words "Contemplative Cloud" are elegantly written in round cursive, adding a serene and reflective mood to the scene. +A lighthouse on a rocky cliff, its rotating beam projecting the words "Safe Harbor" onto the misty sea and coastline, creating a serene and welcoming atmosphere under a starlit sky. +A realistic Martian landscape featuring a modern, sleek greenhouse with a clear, domed roof. Outside, the rusty red terrain stretches into the distance. A sign at the entrance reads "Oxygen Garden No Open Flames", warning visitors of the strict safety regulations. +A high-octane race car speeding on a track, its hood adorned with a bold decal featuring the words "Speed Demon X1" in a dynamic, fiery red font, set against a sleek black background. +A realistic desktop screenshot featuring a software error popup with the message "Critical Update Required" centered on the screen, surrounded by minimized application icons and a clean, modern user interface. +A museum exhibit featuring a detailed plaque titled "Dinosaur Age", surrounded by life-sized models of dinosaurs in a natural habitat setting, with soft lighting and informative panels in the background. +A realistic photograph of a massive, ancient bank vault door, intricately engraved with the words "Debts Inside", set against the dimly lit interior of a vault room, with shadows emphasizing the depth and detail of the engraving. +A close-up of a movie theater popcorn box featuring the logo "Butter Galaxy Cinemas", with the box half-filled with golden popcorn, set against a dark background with a subtle galaxy texture. +A Viking longship glides across the sea, its sail boldly painted with the phrase "Valhalla or Bust", reflecting the determined spirit of the warriors on board. The ship cuts through choppy waters, with the sail catching the wind under a dramatic, stormy sky. +A medieval knight stands proudly, holding a shield emblazoned with the heraldry of "House Pendragon", featuring a majestic dragon in vibrant colors against a regal backdrop. The scene is set in a sunlit courtyard, capturing the knight's armor and the intricate details of the shield. +A bustling cityscape at dusk, with a towering skyscraper displaying a large LED ticker scrolling the message "Meeting in 5 Mins Panic Now", reflecting a sense of urgency and urban chaos. +A food critic's notebook opened to a page with the entry "Overcooked Linguine", surrounded by sketches of pasta dishes and notes on texture and flavor, with a pen resting on the page and a steaming plate of linguine in the background. +A vast field of dandelions swaying gently in the breeze, with a golden-yellow hue under the warm sunlight, captured in a realistic photograph. The image features a caption at the bottom that reads "canada", emphasizing the natural beauty of the Canadian landscape. +A snowy mountain scene with a ski lift sign prominently displayed, reading "Beginner Slope Green". Fresh powder covers the ground, and the sky is a crisp blue. Skiers with colorful gear are seen in the distance, enjoying the gentle slope. +A realistic photograph of a classroom door with a sign that clearly states "Science Lab Authorized Only", set against a backdrop of a typical school hallway with lockers and a few scattered textbooks. +A close-up of a refrigerator door, adorned with colorful magnetic letters spelling out "Send Noodles Not Emails", surrounded by a few scattered magnets in the shape of noodles and email icons. The scene is bright and playful, with a hint of kitchen warmth in the background. +A detailed hand-drawn blueprint of a time machine, titled "Devereaux", with intricate mechanical components and futuristic symbols, set on an old, weathered parchment. +A vintage time machine console with the dial set to "1985", surrounded by flickering neon lights and old sci-fi gadgets, in a dimly lit, futuristic lab. +A retro game console with a glowing screen displaying the message "Press Start to Begin", set on a dark wooden table, illuminated by a soft, ambient light, creating a nostalgic atmosphere. +A close-up of an astronaut's spacesuit forearm, showcasing a high-tech screen displaying "O2 Levels 98". The screen glows softly against the dark fabric, with subtle reflections of distant stars and the curvature of Earth in the background. +A photography exhibit titled "Moments in Time" features a series of black-and-white portraits capturing candid moments of joy, reflection, and sorrow, each frozen in a timeless frame, set against the backdrop of a vintage gallery with soft, ambient lighting. +A cozy coffee shop interior with a rustic wooden table and chairs. On the wall, a chalkboard reads "Latte Art Class Today", surrounded by steaming cups of coffee and artistic latte foam designs. Warm, ambient lighting enhances the inviting atmosphere. +A wizard's hat, slightly worn and adorned with a tag that clearly reads "Pointy End Forward", resting on a vintage wooden table, with soft, ambient lighting highlighting its intricate details. +A realistic photograph of a gleaming soccer trophy with the engraving "Champions 2023" prominently displayed on its base, set against a backdrop of a lush green field and cheering fans in the distance. +A ghostly ship with a haunting figurehead carved with "We Die Young", drifting through a misty, moonlit sea. The wood is weathered, and the carving is intricate, casting eerie shadows in the pale light. +A close-up of a digital thermometer with its screen flashing "1027 Fever" in red, set against a blurred, warm-toned background, capturing the urgency and concern of a high fever. +A detailed fantasy tavern door, prominently featuring a wooden plaque intricately carved with "No Dragons Allowed Inside", hanging above a worn, oak entrance. The scene is illuminated by the warm glow of torches, casting shadows that enhance the plaque's engravings. +A vibrant food truck parked on a sunny street, its side panel boldly painted with "Try Our Tacos" in colorful, eye-catching lettering, surrounded by illustrations of fresh ingredients and happy customers. +A detective holds a magnifying glass etched with "Find the Clues", examining a mysterious, shadowy alley at dusk, where raindrops glisten on the cobblestones and a faint streetlight casts eerie shadows. +A realistic photograph of a gas station price sign, prominently displaying "Fuel Price 3 99", with a modern gas pump in the foreground and a clear, sunny sky in the background. +A vibrant fireworks display lights up the night sky, spelling out "Celebrate Today" in a dazzling array of colors, with crowds below gazing in awe, their faces illuminated by the radiant explosions. +A close-up of a hotel key card with the room number "Suite 505" elegantly embossed in gold foil, set against a sleek, dark background, capturing the luxurious feel of a high-end hotel. +A bustling city street at dusk, with a charming storefront prominently displaying "Hello World" in vibrant, hand-painted letters, illuminated by warm, ambient lighting. +A yoga mat with a subtle, embossed imprint reading "Peace And Balance" lies on a serene, sunlit beach. The mat's texture is clearly visible, and the words are gently illuminated by the morning sun, creating a calm and reflective atmosphere. +A barista carefully places a steaming cup of coffee on the counter, the cup sleeve prominently displaying "Double Shot Latte" in elegant, handwritten font, set against a cozy café backdrop with soft, ambient lighting. +A dark room with a glowing computer screen displaying a stark error message: "Connection Lost". The surroundings are dimly lit, with only the screen's light casting shadows on the walls, emphasizing the isolation and technical failure. +A close-up of a handwritten letterhead on elegant, cream-colored stationery, featuring the phrase "From the Desk of CEO" at the top, with a subtle watermark of a corporate logo in the background. +A mysterious parallel universe portal glows ominously in an abandoned warehouse, with a cautionary sign that reads, "Beware of Evil Twins". The portal's swirling colors reflect on the damp, cracked walls, creating an eerie atmosphere. +A modern art gallery featuring an artist's sculpture titled "Form Void", a minimalist piece of sleek, reflective metal forming an abstract shape that seems to warp and twist, creating an optical illusion of a void within solid form. +A close-up of a pharmacy prescription note with the clear instruction "Take 2 Daily" visible, set against a blurred background of medicine bottles and a pharmacist's workspace. The note is slightly crumpled, giving a realistic, used appearance. +A vibrant surfboard featuring the iconic phrase "Hang Ten" in bold, retro surf-style typography, set against a wave-patterned background with splashes of ocean blue and sandy beige, capturing the essence of classic beach culture. +A sleek spy gadget watch on a wrist, its screen flashing "Self Destruct Activated" with red letters, set against a dark, high-tech background. +A mysterious, old haunted house with a door knocker shaped like the letters "KNOCK TWICE", set against a moonlit night, with fog swirling around the base of the door, enhancing the eerie atmosphere. +Digital art showcasing a vibrant, retro-futuristic cityscape titled "Pixel Dreams", where neon lights and digital rain blend seamlessly with 80s-style pixel art, set against a deep blue night sky. +A close-up of a baseball card footer, showcasing the text "Rookie Edition 2023" in bold, with a slightly worn, textured background, emphasizing the card's authenticity and recent release. +A close-up of a spacesuit arm, showcasing the detailed stitching of a patch that reads "Mars Colony 2050", set against the backdrop of a futuristic Martian landscape with a dusty red surface and rocky terrain. +A ghostly ship drifting through foggy waters, "Crew 0 Spooky Vibes 1010" etched on the deck, eerie lights flickering, surrounded by ghostly apparitions, creating a chilling atmosphere. +A beautifully crafted wedding cake topper featuring a classic, elegant couple standing hand in hand, with the phrase "Happily Ever After" elegantly engraved beneath them, set against a soft, romantic background. +A realistic photograph of a doctor's office waiting area, with a prominently displayed sign that reads "Next Patient Please" hanging on the wall, surrounded by comfortable seating and medical posters. +A detailed ski resort trail map with bold, red lettering marking "Expert Slope Only", surrounded by snowy peaks and ski lifts in the background. +A bustling food truck scene with a vibrant menu board prominently displaying "Existential Crisp Fries", surrounded by curious onlookers and the warm glow of streetlights, capturing the essence of an urban night market. +A prehistoric cave wall featuring a detailed painting of a mammoth, with the words "First Draft" etched in smaller, ancient script just below the depiction, illuminated by the soft glow of a distant torch. +A vintage blacksmith's forge, with an anvil prominently displayed, stamped "Made to Last 1872". The scene is bathed in the warm glow of a forge fire, with tools and metal works scattered around, capturing the essence of a timeless craft. +A baker stands in a cozy, sunlit kitchen, wearing an apron with the embroidered phrase "Knead to Relax". The warm, golden light casts a gentle glow on the flour-dusted counter, where a bowl of dough and a rolling pin sit, emphasizing the serene and inviting atmosphere. +A vintage postcard showcasing the romantic streets of Paris, with soft evening lighting and the Eiffel Tower in the background. Handwriting on the front reads, "Wish You Werent Here", adding a touch of nostalgic melancholy to the scene. +A realistic photograph of a hospital wristband, neatly wrapped around a person's wrist. The wristband is printed with "Allergic to Nonsense" in a playful comic font, standing out against the white background of the band. The scene captures the unique blend of humor and medical seriousness. +A close-up of a wrist featuring a delicate, elegant script tattoo reading "Temporary Decision", set against the natural tone of the skin, with soft, diffuse lighting to highlight the intricate details of the tattoo. +A basketball player in a jersey with the name "Airball King 23" on the back, standing on a court at sunset, the fading light casting long shadows and highlighting the vibrant colors of the jersey. +A close-up shot of a salad container with a clear, green label prominently displaying "Organic Greens Only" in bold, elegant font, set against a backdrop of fresh, vibrant salad greens. +A bustling city night scene with a vintage movie theater marquee prominently displaying "Now Playing Reality" in neon lights, surrounded by a crowd of intrigued onlookers and the glow of street lamps. +A drone controller screen displaying "Altitude 100m" in a modern, well-lit room, with a sleek, high-tech design and a minimalist interface. The screen is the focal point, showing clear, crisp text and a subtle background. +A realistic photograph of a construction site, with workers in neon vests and blue jeans. A prominent construction helmet sticker reads "Hard Hat Area" on a large, yellow hard hat lying on a wooden crate amidst tools and safety gear. +A sleek, futuristic spy gadget with a glowing screen that reads "Access Granted Enter Now", set against a backdrop of dimly lit, high-tech laboratory equipment, with subtle shadows enhancing the gadget's sleek design. +A child's colorful drawing of a dragon, labeled "Friendly FireBreather", with whimsical flames and a friendly face, set against a bright, cheerful background. +A close-up of an electric car charger's status screen, displaying "Charge 85" with a modern, sleek interface. The screen is illuminated, set against a dimly lit, futuristic charging station at night. +In a bustling city street, the vibrant slogan of "paikary" is prominently displayed on the wall of a cozy lottery station, surrounded by colorful posters and excited patrons. The scene is captured in a realistic photographic style, emphasizing the text and the lively atmosphere. +A vintage wanted poster with a distressed, weathered look, featuring the text "Reward for Lost Motivation" in bold, old-west style font, set against a backdrop of a dusty, abandoned town. +A vibrant concert scene with a large banner displaying glowing letters "Rock the Night" illuminated against a dark, starry sky, surrounded by enthusiastic fans and colorful stage lights. +A barista skillfully pours latte art foam into a steaming cup, the intricate design reading "Youre Brewtiful" with a heartwarming smile and a cozy café backdrop. +A realistic photograph of a hospital elevator with a prominently displayed sign that reads "Quiet Please Patient Recovery", capturing the serene and respectful atmosphere of a healthcare environment. +Neon lights from bustling city streets reflected in the rippling water of a river at night, capturing the vibrant essence of "City Nights". +A ghost hunter stands in a dimly lit room, holding an EMF reader with a glowing screen that displays "Cold Spot Bad WiFi", surrounded by eerie shadows and faint mist, capturing the suspense of a haunted investigation. +A detailed fantasy map with an ornate, gothic label reading "Dragonfire Peaks" prominently displayed, surrounded by intricate illustrations of mountains, forests, and mythical creatures. +A vibrant T-shirt design for marathon runners, featuring bold, dynamic text reading "Finish Strong" across the chest, with a blend of energetic colors and a subtle pattern of running silhouettes in the background. +A museum exhibit features a detailed label stating "Fake Artifact", beside an intricately carved stone statue under glass, with visitors pointing and discussing it animatedly in the background. +A vibrant gym poster titled "Push Your Limits" in bold red block letters, set against a dynamic background of weights and exercise equipment, with motivational athletes in action. +A close-up of a polished detective badge with "Special Agent J Carter" intricately engraved, set against a dimly lit, gritty cityscape background, capturing the essence of a classic noir atmosphere. +A submarine's depth gauge, illuminated by dim, blue lights, prominently displaying "Dive to 20000 Leagues" in retro, nautical typography, surrounded by intricate dials and gauges, set against a backdrop of the deep, dark ocean. +In a classroom, the teacher stands by the blackboard, chalk in hand, having just written the phrase "wife" in bold letters. Students look on with curiosity, some taking notes, others whispering to each other. The room is filled with an air of anticipation. +At a deserted carnival, a vintage ticket booth stands under a fading sign that reads "Rides Closed Due to Dragons". The scene is bathed in the twilight glow, with a hint of smoke and the distant silhouette of dragon wings in the sky. +A dimly lit prison cell with peeling walls, marked by deep scratches that spell out "Innocent 4172025" etched with a rusty nail, casting shadows in the flickering light. +A sleek, futuristic robot pet food dispenser sits on a kitchen counter, its metallic surface gleaming. The label on the front reads "For Metal Good Boys Only", with a playful robotic dog silhouette next to it. +A realistic photograph of a construction site, with yellow and black barrier tape stretched across, prominently displaying the warning "Danger Keep Out" in bold letters, surrounded by hard hats and safety gear. +A dimly lit street at night, with a vintage tattoo parlor featuring a neon sign that reads "Regret Here" prominently displayed above the door, casting a soft, eerie glow on the pavement and nearby brick walls. +An astronaut floating in space, their helmet visor prominently displaying "O₂ LOW SMILES HIGH", with Earth's curvature and stars in the background, capturing a moment of resilience and optimism amidst the vast cosmos. +A bustling farmer’s market stand labeled "Organic Produce Here", overflowing with fresh, vibrant fruits and vegetables, surrounded by cheerful shoppers and vendors, with the warm sunlight casting natural shadows and highlighting the rich colors of the produce. +In a modern office building, an elevator panel features a red emergency button cover with bold, black text that reads "Break Glass for Pizza". The sleek, silver elevator interior contrasts with the playful, out-of-place sign, inviting a curious glance. +A detailed construction blueprint titled "BRIDGE PLAN X7", showcasing the intricate design and structural components of a modern bridge, with annotations and measurements clearly visible. The blueprint is laid out on a drafting table, with a scale model of the bridge in the background. +A close-up of a secret society ring, intricately engraved with the phrase "We Run Things", set against a dimly lit, mysterious background, capturing the essence of power and secrecy. +A modern kitchen with a sleek, stainless steel smart fridge. On the fridge door, a digital note in handwriting style reads "Milk Expires Friday", clearly visible against the cool, metallic surface. +A shiny dog collar tag shaped like a bone, engraved with the words "Good Boy", hanging from a rugged leather collar against a soft, blurred background of green grass and wildflowers. +A detailed stone carving on a rugged mountain trail, clearly marking "Summit 2 Miles" with weathered, moss-covered text, surrounded by lush greenery and a panoramic view of the valley below. +A serene backyard scene with a wooden bird feeder hanging from a tree, adorned with a small sign that reads "Feed The Birds Daily". Sunlight filters through the leaves, casting a warm, natural glow on the feeder and the birds perched around it. +In a dimly lit room, an eerie dollhouse stands against a peeling wall, with haunting scribbles that read "They Watch You Sleep" in faded, blood-red paint, casting ominous shadows. +A vintage 1950s retro diner with a classic jukebox displaying a selection screen that prominently highlights the song "Rock Around the Clock", surrounded by nostalgic decor and soft, warm lighting. +A majestic pirate ship sails through a cosmic ocean, its sails painted with the words "Sail the Void", reflecting the starlight as it navigates through nebulae and asteroids. +A weathered pirate map with faded edges, showing an old, mysterious island. A handwritten note in bold, slightly shaky letters reads "X Marks Danger" near a distinctive landmark, under a sky tinged with the colors of sunset. +A lighthouse tower stands on a rocky cliff, its white walls contrasting against the stormy sky. The words "Safe Harbor" are painted in bold, blue letters near the top, guiding weary sailors to the calm waters beyond. Waves crash against the base, emphasizing the lighthouse's steadfast protection. +A farmer's scarecrow stands in a golden wheat field, its shirt patched with the words "No Crows Allowed", surrounded by swaying stalks and a clear blue sky. +A hauntingly beautiful portrait of a castle, shrouded in mist, with ancient stone walls and towering spires. Ethereal whispers of "Smile Loading" float through the air, adding an eerie, otherworldly atmosphere to the scene. +A close-up of a modern, sleek pizza delivery box sitting on a wooden table, with the bold text "Hot Fresh 30 Min Guarantee" clearly visible on its side, steaming hot pizza peeking out from the open lid. +A detailed fantasy map with an intricate legend, prominently featuring the label "Dragon Territory Here" marked with a fiery red dragon icon, surrounded by mystical symbols and ancient runes. +A cozy café interior with warm lighting and wooden furnishings. A handwritten note "Take One Please" is taped to a rustic ceramic cookie jar, filled with freshly baked cookies, on a wooden table. Customers browse pastries and drinks in the background. +A weathered pirate ship sails on stormy seas, its sails patched with a prominent banner reading "Beware Mutiny", crew members cautiously manning the deck, the sky dark and foreboding. +A casual snapshot of a young gamer wearing a vibrant T-shirt with the slogan "I Paused My Game to Be Here", standing in a modern living room with a gaming setup in the background, capturing the essence of pausing a game for a real-life moment. +A detailed ski resort trail map with a prominent "Black Diamond Run" marked in bold red, surrounded by snowy slopes and pine trees. The map features subtle shadows and textures, enhancing its realism and outdoor adventure vibe. +A vintage Magic 8-Ball floats in a dimly lit room, its triangular window glowing with the cryptic answer "Outlook Hazy Try Lasagna", casting a mysterious aura around it. +A construction zone with a bright orange barrier marked "Hard Hat Area Required", surrounded by workers in reflective vests and hard hats, with cranes and scaffolding in the background. +A whimsical unicorn-themed stable with a wooden sign that reads "Horn Polish Not Included", surrounded by lush green fields and a clear blue sky. The stable is brightly colored, with flowers and a small wooden fence, creating a charming and magical atmosphere. +A diver preparing for a deep sea exploration, their oxygen tank prominently stenciled with "Deep Dive Zone", reflecting the adventurous spirit and the serious nature of the dive. The scene captures the diver's focused determination. +A vintage radio, with intricate wooden casing and glowing dial, is meticulously tuned to "1035 FM Classic". The scene captures the warm, nostalgic glow of the radio in a dimly lit room, emphasizing the era's charm and the timeless appeal of classic music. +A cozy coffee shop interior with warm lighting and wooden decor. A customer holds up a loyalty card, prominently displaying the "8th Drink Free" punchout, while a barista smiles and reaches to stamp it, surrounded by steaming cups of coffee and pastries. +A cozy restaurant table set with an elegant menu featuring the special "Chef's Choice $15" under a soft, warm light, surrounded by vintage decor and bustling yet serene dining ambiance. +A bustling train station with a vintage departure board prominently displaying "Platform 9 ¾" amidst other real-world destinations, capturing the magical blend of the ordinary and the extraordinary. +A realistic photograph of a baseball game scoreboard at dusk, clearly displaying "Home 5 Visitors 3" with the crowd's silhouettes visible in the background, cheering enthusiastically. +A vintage diner at night with a neon sign above the entrance flashing "Open 247", casting a vibrant glow on the sidewalk and the old cars parked nearby. The scene is bustling with late-night patrons and has a nostalgic, retro feel. +A clandestine room with a spy camera mounted on the wall, its screen flashing "Target Acquired" in bright red letters, casting a eerie glow on the shadowy surroundings. +A retro, pixelated arcade game screen with vibrant, nostalgic colors, flashing the text "Insert Tacos to Continue" in bold, neon letters. The screen is slightly glitched, adding to the arcade atmosphere. +A close-up of a candy heart with "Be My Hero" printed on it, set against a soft, romantic background with a subtle pink and white gradient, capturing the essence of Valentine's Day. +A majestic unicorn with a glistening white coat, adorned with a saddle intricately embroidered with the words "Mythical Ride Share", standing in a serene forest clearing, surrounded by soft, glowing light. +A diver underwater, holding a slate with the note "Shark Spotted Swim Fast", surrounded by clear blue water and schools of fish, with a distant silhouette of a shark fin breaking the surface. +A close-up of a hotel key card sleeve, sleek and modern, printed with the words "Sweet Dreams" in elegant, cursive font, resting on a luxurious dark wood surface. +A birthday card featuring elegant cursive text that reads "Happy 30th Birthday", adorned with a subtle, floral pattern in the background, giving it a sophisticated and celebratory feel. +A close-up of a chef's apron, with a pocket tag clearly visible, reading "Napkins Ha" in bold, modern font, set against a clean, kitchen backdrop. +A realistic smartphone screen displaying a digital weather app notification that reads "Storm Alert", with a dark, stormy sky background and raindrops visible on the screen. +A detailed subway station map with vibrant colors and clear markings, prominently featuring a red star and the text "You Are Here" in a modern, clean font, surrounded by intricate subway lines and station icons. +A weathered Viking ship figurehead plaque, intricately carved with the words "Unsinkable II", mounted on the prow of a majestic longship, surrounded by crashing waves and a stormy sky, capturing the essence of maritime legend and resilience. +A futuristic video game loading screen with a sleek, digital interface displaying "Level 5 Loading" in bold, neon blue text against a dark, starry background, with subtle circuit patterns and a progress bar filling up. +A modern corporate lobby with sleek, minimalist design. On the wall, a large, elegant engraving reads "Innovate or Die Trying", illuminated by subtle, ambient lighting that highlights the text's depth and texture. +A prehistoric cave wall features a detailed painting labeled "First Meme Ever Created", showcasing a stylized figure with exaggerated expressions, surrounded by ancient symbols and handprints, illuminated by the soft glow of torchlight. +A neon bar sign flashing "Last Call" above a bustling counter, where patrons are engaged in lively conversations, the ambient light casting soft shadows and highlighting the colorful drinks and reflective surfaces. +A bustling stadium with excited fans cheering, the Jumbotron prominently displaying "Touchdown Home Team" in vibrant colors, capturing the exhilarating moment of a home team score. +A serene secret garden with an intricate iron gate adorned with a vintage, cursive plaque that reads "Whispers Welcome", surrounded by lush, overgrown vines and delicate wildflowers. +A cozy café interior with a vintage chalkboard prominently displaying "Today's Special Pancakes" in elegant, handwritten script. Warm lighting and rustic wooden furniture enhance the inviting atmosphere, capturing the essence of a charming, local eatery. +A weathered stone monument stands in a sunlit clearing, its surface engraved with the words "Honor the Brave 1945". Surrounded by lush greenery and wildflowers, the monument is partially covered in moss, adding to its timeless and solemn presence. +A weathered stone monument stands tall in a serene park, its surface etched with the text "Never Forget 1999". Sunlight filters through ancient trees, casting dappled shadows on the moss-covered stone, emphasizing the solemnity and historical weight of the inscription. +A high-voltage tower standing tall in an industrial landscape, marked with a prominent warning sign that reads "Danger Keep Out", surrounded by a stark, barren environment, emphasizing the isolation and peril of the scene. +A detailed interior of a spy gadget briefcase, filled with high-tech gadgets and tools, with a prominent label stamped "TOP SECRET NVM" on the inside lid, set against a sleek, modern background. +A baker in a cozy, rustic kitchen, wearing an apron stained with flour and embroidered with "Knead to Relax", stands beside a wooden table covered in baking supplies, smiling contentedly as she prepares dough. +A lighthouse on a rocky cliff, its powerful beacon casting a long shadow that forms the word "Safe" on the rugged ground below, bathed in the soft glow of twilight. +A dark, ancient tomb entrance carved into a stone wall, with ominous runes and a warning sign that reads "Curse Within". Overgrown vines and moss add to the eerie atmosphere, as shadows loom over the threshold. +An astronaut stands against the backdrop of a distant Earth, their helmet visor displaying "Oxygen Level Stable" in clear, bold text, reflecting the serene beauty of space. +A vintage wizard's potion bottle on a wooden table, its label peeling to reveal the text "May Cause Wings", with a faint glow emanating from the bottle, hinting at its magical properties. +A protester holds a handmade cardboard sign, painted with bold letters that read "Climate Justice Now", standing in a crowded city square, surrounded by other demonstrators and onlookers, under a gray, cloudy sky. +A close-up of a chef's knife blade, intricately etched with the words "Sharp Edge", reflecting light and showcasing the craftsmanship of the steel. +A delivery truck parked on a busy urban street, its side panel prominently displaying an advertisement that reads "Fast Shipping Guaranteed", surrounded by bustling pedestrians and modern cityscape. +An astronaut in a detailed spacesuit stands against a backdrop of the moon's desolate landscape, the helmet visor displaying "O₂ LEVELS CRITICAL" in bright red LED text, emphasizing the urgency of the situation. +An astronaut in a detailed spacesuit stands against the vast backdrop of space, the helmet visor clearly reflecting the digital text "Oxygen Low" in a stark, red font, warning of the critical situation. +A vintage typewriter on a wooden desk, with a sheet of paper inserted, reading "Chapter One" in elegant, faded ink, surrounded by a clutter of old books and a cup of cold coffee, capturing the essence of a bygone era. +A valiant knight stands triumphant on a battle-scarred field, the wind whipping his cape. Above him, a grand banner unfurled, emblazoned with the words "The Realm is Saved", symbolizing his hard-won victory and the peace restored to the land. +A realistic classroom setting with a large globe prominently displayed, featuring a bold, red "Equator Line" that clearly divides the Northern and Southern Hemispheres. Students are seated at desks, some pointing to the globe, highlighting its educational significance. +A close-up of a digital pet collar screen, vividly displaying the message "Feed Me NOW human" in bold, glowing text against a sleek, dark background, with subtle reflections suggesting a well-lit, modern indoor setting. +A weathered stone tombstone in an overgrown, ancient cemetery, with the inscription "I Told You I Was Ill" barely visible through the moss and cracks. The scene is bathed in the soft, melancholic light of a late afternoon. +A beautifully decorated birthday cake with intricate icing that spells out "Happy 30th Jake" in elegant cursive, surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm ambient lighting enhancing the festive atmosphere. +A weathered medieval tavern sign creaks in the wind, emblazoned with "The Drunken Kraken". Rustic wood and worn paint highlight the nautical theme, set against a backdrop of a cobblestone street and stone buildings. +A roadside billboard stands tall, showcasing the vibrant message "Visit Sunnyvale" in bold, eye-catching letters. The scene is set at dusk, with the warm glow of the setting sun casting a golden hue over the landscape, enhancing the inviting atmosphere of the advertisement. +A Viking shield, intricately carved with ancient runes that spell "Instagram Followers", lies on a weathered wooden table. Sunlight filters through a nearby window, casting a warm glow on the shield's detailed engravings and highlighting the contrast between its historical design and modern inscription. +A movie theater marquee at dusk, brightly lit, announcing "Premiere Tonight 8 PM" with a red carpet leading up to the entrance, surrounded by excited moviegoers and paparazzi. +A realistic smartphone screen with a notification popup in the center, saying "Low Battery 10%", against a slightly blurred background of a modern living room. The screen is illuminated, highlighting the notification prominently. +A wizard's crystal ball, glowing with an ethereal light, displays the words "Answers Await" in elegant, shimmering script, set against a backdrop of a dimly lit, ancient library filled with mystical tomes and artifacts. +A rustic farmer's barn with a weathered wooden roof sign that reads "FRESH HAY 4 SALE", set against a clear blue sky with a few fluffy clouds. The barn is surrounded by golden hay bales and lush green fields, capturing the essence of a serene countryside. +A bustling farmer's market stand, with a rustic wooden sign handwritten in bold, cursive letters, "Fresh Eggs Daily", prominently displayed. Sunlight filters through the canopy, casting warm, golden hues on the vibrant, colorful produce and eager customers. +Retro diner scene with a vintage menu board prominently displaying "Today's Special Meatloaf", set against a nostalgic 1950s backdrop with classic booths and a checkerboard floor. +A realistic smartphone screen with a notification popup in the center saying "Storage Almost Full", set against a blurred background of a modern living room, emphasizing the common yet often overlooked moment of tech frustration. +A realistic photograph of a laboratory rat cage with a clear tag prominently attached, stating "Subject Gamma Do Not Feed", set against a sterile, white background. +A modern smartphone with a sleek black screen, displaying a lock screen message in white text: "3 New Messages". The device is placed on a minimalist desk with a soft, diffused light casting a gentle shadow, emphasizing the screen's clarity and the subtle notification. +A sleek, glossy magic 8-ball hovers in a dimly lit room, the answer "Ask Again Later" visible through its dark, reflective surface, surrounded by a soft, ethereal glow. +In a serene park, a wooden bench is partially shaded by a large oak tree. Engraved on the bench, in elegant cursive, reads: "Cherish Sunny Days". The afternoon sunlight filters through the leaves, casting a warm glow on the bench. +A futuristic sci-fi robot standing in a sleek, minimalist room, its chest plate prominently inscribed with "AI Companion" in elegant, glowing letters. The robot's metallic surface reflects the soft ambient lighting, emphasizing its advanced design and purpose. +A spooky, weathered door of an ancient haunted house, adorned with a menacing door knocker shaped like the words "Dread Welcome", set against a moonlit night with swirling mist. +A sophisticated wedding cake topper inscribed with "Happily Ever After" in elegant silver, set against a minimalist white backdrop, capturing the timeless essence of love and commitment. +A weathered pirate's treasure map, with "X Marks the Spot" scrawled in bold, adventurous handwriting, laid out on an old wooden table, illuminated by the flickering light of a nearby candle. +In a dimly lit submarine control room, the periscope display flickers ominously, blinking "Leviathan Detected" in red letters, casting an eerie glow on the tense faces of the crew. +A weathered lighthouse keeper, pen in hand, writes "Storm Warning" in his logbook, illuminated by the flickering light of an oil lamp. The lighthouse stands tall against a backdrop of roaring waves and dark, stormy skies. +A vast field at dawn, with a intricate UFO crop circle pattern clearly spelling "Send Tacos" in the center, surrounded by untouched golden wheat, under a sky transitioning from dark blue to light orange. +A vibrant rock band tour bus decal featuring bold, colorful graphics and the prominent text "World Tour 2024", set against a backdrop of a highway at sunset, with the band's logo and tour dates subtly integrated into the design. +A weathered pirate ship sails the turbulent sea, its flag proudly flying high and emblazoned with the ominous message "Surrender or Walk the Plank", casting shadows over the dark waves. +A wizard peers into a crystal ball, which glows with mystical light, revealing the cryptic message "Answer Hazy Try Pizza" floating in the center, surrounded by swirling mist and arcane symbols. +A detailed view of a space station airlock, with a prominent warning sign that reads "Decompression Risk" in bold red letters, illuminated by the cold, harsh light of the station's emergency lights, set against the vast, starry darkness of space. +A submarine's control panel bathed in the dim, flickering red light of an alert, prominently displaying "Depth Exceeded" on its digital screen, surrounded by gauges and switches, in a tense, underwater setting. +Studio shot of intricately crafted shoe sculptures made from vibrant colored wires, with the text "thoroughly" prominently displayed beside them, set against a minimalist background. +A close-up shot of a hardware store shelf, featuring a tag that reads "Nails 3 Inch Galvanized". The shelf is neatly organized with various sizes of nails, and the store's industrial lighting highlights the metallic sheen of the products. +A close-up of a sleek, futuristic space hotel keycard, prominently engraved with "ZeroG Breakfast Included", set against the backdrop of a starry galaxy, with subtle reflections of distant planets and spacecraft. +A museum exhibit card titled "Ancient Meme, Circa 2024" displayed in a modern gallery, featuring a detailed description of an internet meme from 2024, with a vintage frame and subtle lighting highlighting the card. +A close-up of an airport baggage tag, prominently displaying the text "Fragile Dinosaur Eggs", attached to a large, prehistoric-looking egg inside a padded travel case, with a conveyor belt and airport terminal background. +A realistic photograph of a construction site with a barrier fence prominently displaying a sign that reads "Hard Hat Area", surrounded by orange cones and safety equipment. +A close-up of an old library book with a faded red stamp that reads "Overdue Since 1999", surrounded by worn pages and the scent of aged paper, capturing the nostalgia and mystery of a long-forgotten story. +A gloomy, Victorian-era haunted mansion with decaying walls and overgrown vines. The front door creaks open, revealing a faint, eerie light. A ghostly figure of an elderly man hovers near the entrance, a tax bill floating beside him, with the caption "GreatGrandpa Still Owes Taxes". +A movie set with a vintage clapperboard labeled "Take 12 Scene 5" lying on a director's chair, surrounded by film reels and a backdrop of a bustling cityscape at sunset. +A vintage spyglass with intricate engravings, including the text "Made in China 1421", resting on an antique map of the world, surrounded by nautical instruments and a soft, golden light filtering through a window, capturing the essence of a bygone era. +A vast desert canyon with towering red rock walls, one of which is spray-painted with the words "Turn Back Now" in bold, vibrant letters, contrasting sharply against the natural terrain. +A hand-painted bakery sign with "Fresh Bread Daily" in elegant cursive, hanging above a rustic wooden door, with a basket of freshly baked bread on the doorstep, surrounded by blooming flowers in a quaint village setting. +A sci-fi scene featuring an ancient, glowing alien artifact with intricate designs, prominently engraved with "Welcome to Zorgon", set against a backdrop of futuristic cityscapes and alien landscapes. +A wizard stands confidently in a starlit night, pointing towards the sky where meteors rain down in a spectacular display, illuminating the dark forest behind him. The wizard's robes flutter in the wind, and a spellbook lies open at his feet, with the words "100 Chance of Meteors" glowing on the page. +Ancient cave wall adorned with primitive, charcoal-drawn symbols spelling "Fire Good", illuminated by the flickering light of a nearby torch, casting shadows that enhance the crude yet meaningful artwork. +In a medieval fantasy realm, a majestic dragon sits atop a castle, its gaze stern. Below, a group of armored knights approaches, holding offerings. The scene captures the moment of their arrival, with the dragon's "Only Knights on Tuesdays" diet plan clearly in effect. +An ancient, weathered page from a wizard’s spellbook, titled "Turn Frogs to WiFi", with intricate illustrations of frogs morphing into digital signals, surrounded by mystical runes and glowing symbols. +A close-up shot of a library bookshelf, focusing on a book with the spine label reading "Section 813 Poe", surrounded by other vintage books with worn leather bindings and gold lettering. The scene is dimly lit, capturing the quiet, mysterious atmosphere of an old library. +A high-resolution smartwatch display featuring a sleek, modern interface with a notification that reads "Burn 200cal to Earn Fries", set against a clean, minimalist background. +A retro-futuristic time machine dashboard with glowing neon indicators and a central screen displaying a warning message: "Do Not Past Self". The scene is illuminated by the soft blue and green lights of the control panel, creating a sci-fi atmosphere. +A rustic farmer’s barn with a weathered red roof boldly painted with white letters reading "Fresh Eggs Daily", surrounded by a verdant countryside with a few chickens pecking at the ground. +A realistic photograph of a dog's paw-shaped tag, engraved with "Call Mom for Rescue", lying on a wooden table with a soft, warm light casting a gentle shadow. The tag is polished and shiny, with intricate details in the engraving. +A close-up of a library checkout receipt, prominently displaying the text "Due Date April 12", with a stack of books and a pencil in the background, captured in a realistic photographic style. +A cozy bakery interior with a wooden table displaying a variety of cookies, including a prominent heart-shaped cookie cutter "Heart Shape" being used by a baker in a white apron. Warm lighting and rustic decor enhance the inviting atmosphere. +A sleek race car speeding on a track, its windshield adorned with a striking decal that reads "Lucky Number 7", capturing the thrill and speed of the competition in a high-resolution, realistic photograph. +A vivid globe featuring the words "Planet Earth" in bold, striking letters, surrounded by continents colored in vibrant, bright hues, set against a subtle, gradient background. +A modern urban street scene with a digital bus stop screen prominently displaying "Next Bus 10 Min" under a cloudy sky, surrounded by bustling pedestrians and tall buildings. +A tattoo parlor's neon sign glows with the words "Ink Dreams" in vibrant purple, casting a soft, ethereal light over the darkened street, enhancing the mystical ambiance of the urban night scene. +In a dimly lit room, an old, haunted typewriter sits on a dusty, wooden desk, its keys rapidly moving to type "They're Behind You" repeatedly, as ghostly shadows dance on the peeling walls, creating a chilling, atmospheric scene. +A realistic photograph of a rural landscape at dusk, with a UFO hovering in the sky. On the ground, a piece of paper with the note "Returned Slightly Used" is pinned to a tree, slightly fluttering in the wind. +A protest sign outside parliament, featuring bold, handwritten letters that read "Climate Justice Now", stands out against a backdrop of demonstrators and the historic parliament building. The scene captures the intensity and urgency of the climate movement. +A dimly lit museum display case, with a ancient amulet on a black velvet cushion. The artifact label reads: "Cursed Amulet Do Not Touch" in elegant, ominous font, illuminated by a focused beam of light. +A nostalgic scene from a robot romance novel titled "Love in the Time of Rust", featuring two rusty robots standing under a vintage street lamp, their metallic bodies weathered by time, with a romantic atmosphere enhanced by the soft glow of the lamp and a backdrop of a decaying, futuristic city. +A vibrant TV show poster featuring the title "Wendy and Lucy" in bold, stylish fonts, set against a backdrop of a cozy, small-town street scene with Wendy and Lucy, a young woman and her loyal dog, standing hand-in-hand, looking determined and hopeful. +A futuristic spaceship cockpit with a control panel prominently displaying "Warning Oxygen Low" in glowing red letters, surrounded by dimly lit consoles and screens showing star maps and system diagnostics. +Ancient cave walls adorned with symbolic paintings, depicting a hunter's silhouette under a crescent moon, surrounded by stylized animal tracks and spear motifs. The scene captures the essence of "Hunt Tomorrow", with a sense of anticipation and primal connection to nature. +A vintage lemonade stand sign, weathered and slightly faded, declaring "World's Okayest Lemonade" with hand-drawn letters. The stand is set against a sunny backdrop, with a few lemons and a pitcher on display, capturing a casual, laid-back vibe. +A realistic photograph of a campfire safety sign set in a forest clearing, the sign prominently displays the text "Extinguish Flames" in bold letters, surrounded by caution symbols and a backdrop of flickering embers and shadows. +A close-up of a superhero cape with intricate embroidery that reads "Dry Clean Only", showcasing the detailed threads and the slightly worn texture of the cape, set against a dark, blurred background to emphasize the embroidery. +An explorer stands in a vast, misty forest, holding a compass rose marked "True North Is Within", its needle pointing towards a distant, glowing light breaking through the trees. +A close-up photograph of a wine bottle with an elegant label prominently displaying the text "Vintage 2025", set against a soft, blurred background of a vineyard at sunset. +A medieval wizard's tower with a wooden signpost prominently displaying "Spells Upstairs" in elegant script, set against a mystical forest backdrop, bathed in the warm glow of sunset. +An ambulance parked on a city street, its side door stenciled with "Emergency Medical Services", reflecting the urgency and professionalism of the scene. The vehicle is illuminated by the soft glow of streetlights, with a faint blue hue from the ambulance's lights. +A rustic wooden trail marker, intricately carved with "Summit This Way", stands prominently near a winding mountain path, surrounded by lush greenery and towering trees, leading hikers toward the peak. +A detailed ski resort trail map marker, prominently labeled "Beginner Slopes Green", stands at the edge of a snow-covered slope. The marker is brightly colored with green and white, clearly visible against the snowy backdrop. Skiers with beginner gear can be seen in the distance, preparing to glide down the gentle slope. +A nostalgic movie theater at dusk, the marquee brightly lit and displaying "Now Showing Space Wars", with a crowd of excited moviegoers lining up to buy tickets, the night sky dotted with stars, enhancing the space theme. +A close-up of a library book spine with a faded label that reads "Ref 92108 ALPHA", set against the backdrop of other book spines in a quiet, dimly lit library. +A close-up of a spacesuit arm patch, clearly displaying the text "Mars Mission Crew 7", set against the backdrop of a dusty Martian landscape with a rover in the distance. +A detailed beach scene with a sandcastle featuring a flag waving proudly, inscribed with "King of the Shore", under a sunny sky, with gentle waves lapping at the shore and seagulls flying overhead. +A hiker stands on a rugged trail, looking ahead towards a distant mountain peak. A wooden signpost reads "Summit 2 Miles Ahead", surrounded by lush green foliage and rocky terrain, capturing the essence of an adventurous journey. +A detailed, realistic astronaut's mission patch sewn with "Mars Expedition 2050", featuring a red planet, stars, and a spacecraft, set against a dark fabric background. +A realistic photograph of a wedding cake topper featuring the words "Happily Ever After" in elegant calligraphy, set against a backdrop of a beautifully decorated wedding cake with intricate frosting designs and fresh flowers. +A sleek, modern kitchen countertop with a cold can of energy drink labeled "Turbo Charge" sitting next to a frosted glass, with sunlight streaming in from a window, casting soft shadows. +A realistic photograph of a coffee cup with a sleeve printed with "Handle With Care", sitting on a wooden table, warm steam rising from the cup, surrounded by a gentle morning light. +A dragon's treasure hoard, filled with ancient gold coins stamped "In Greed We Trust", glimmers under the flickering light of torches. The dragon, a massive creature with emerald scales, rests protectively over its wealth, its eyes glowing with a fierce, possessive light. +A vintage Western wanted poster, tattered and weathered, featuring a detailed sketch of an outlaw with a menacing glare. The poster prominently displays "10000 Reward" in large, bold letters below the sketch, set against a rustic, wooden background. +A baker in a cozy, rustic kitchen, wearing an oven mitt embroidered with "Hot AI Takes Inside", reaching into a warm, wood-fired oven, with golden-brown bread loaves baking inside. +A high-altitude photographer captures a close-up of a survey marker at the summit of Mount Everest, clearly stamped "Elev 8848m", against a backdrop of snow and rocky terrain under a clear blue sky. +A modern cityscape at night with a digital highway billboard prominently displaying the advertisement "24Hr UFO Repair" in neon colors, surrounded by passing cars and futuristic buildings. +A bustling farmer’s market stall, prominently displaying a rustic wooden sign that reads "Fresh Organic Eggs". Baskets of eggs are neatly arranged, surrounded by vibrant, fresh produce. Sunlight filters through, casting warm, inviting shadows. The scene captures the essence of a vibrant, local market. +A vibrant train car adorned with dynamic graffiti that reads "Ride the Wave", set against an urban backdrop with the sun setting behind towering skyscrapers, casting a warm, golden light over the scene. +A close-up of a vintage movie clapperboard, prominently displaying "Scene 1 Take 127", set against a backdrop of a bustling film set with crew members in the background. +A cozy bakery interior with a beautifully decorated cake in the center, featuring the words "Happy Birthday Alice" in elegant script. Warm lighting and a rustic wooden table enhance the festive atmosphere, capturing the essence of a heartfelt celebration. +A serene park with a vintage wooden bench under a canopy of autumn leaves. The bench has an elegant metal plaque engraved with "In Memory of Alice". Soft sunlight filters through the trees, casting a warm, nostalgic glow over the scene. +A realistic photograph of a fire alarm sticker on a glass panel, clearly displaying the text "Break Glass Emergency" in bold red letters, with a safety hammer nearby, set in a modern office corridor. +A sunny beach scene with a detailed sandcastle featuring a small flag labeled "King of the Sand" proudly waving in a gentle sea breeze, surrounded by smooth pebbles and seashells, with the clear blue ocean and sky in the background. +A futuristic time machine's dashboard, with sleek, glowing panels and a central screen flashing the text "Destination Jurassic" amidst a network of intricate, illuminated circuits and controls. +A bustling farmer’s market scene with a rustic wooden stand. A vintage chalkboard prominently displays "Pickled Unicorn Horns 5" among other whimsical items. Bright, colorful produce and cheerful shoppers add to the lively atmosphere. +A realistic photograph of a gas station at dusk, the price board prominently displaying "Regular 399" in bright, flashing lights, with a few cars fueling up in the background. +A wizard examines his staff, intricately engraved with runes that glow faintly, reading "Battery Low 10 Magic". The scene is set in a dimly lit, ancient library, where the only light comes from the staff and a few candles, casting eerie shadows on ancient tomes and scrolls. +A close-up of a custom dragon rider license plate frame with the text "My Other Hoard is Gold" prominently displayed, set against a backdrop of a rugged, medieval stone wall. The frame is adorned with intricate dragon scales and gold accents, reflecting a fantasy theme. +A sleek, shiny magic 8-ball hovers in a dimly lit room, its answer "Ask Again Later" glowing faintly within the dark, reflective orb. Soft shadows and a single spotlight enhance the mysterious atmosphere. +A child's colorful drawing of a vibrant rainbow, with the words "I Love School" written in playful, uneven letters below the arc, on a simple white background. +In a desolate, post-apocalyptic cityscape, a cracked wall bears bold, weathered graffiti that reads "The End Was Okay", surrounded by overgrown vines and debris, under a somber, gray sky. +A pirate ship sailing the open sea, its flag proudly waving with the message "No Treasure Just Vibes" in bold letters, surrounded by a serene, sunlit ocean and clear sky. +A vibrant skateboard graphic featuring bold, stylized text that reads "Skate Or Die Trying" in a gritty, urban setting, surrounded by dynamic elements like spray paint and cracked asphalt, capturing the rebellious spirit of skate culture. +A weathered pirate treasure map, showing a detailed island landscape with forests, mountains, and a coastline. The map features a prominent X in cursive script marking "Secret Cove", surrounded by mysterious symbols and hand-drawn compass directions. +A professionally designed, modern and elegant logo for a bakery called "Club", featuring a stylish club icon integrated with a loaf of bread, set against a warm, inviting background with a sophisticated color palette. +A vibrant hair salon window adorned with a modern, eye-catching decal that reads "Walkins Welcome", set against a bustling city street, with sunlight streaming through, highlighting the salon’s inviting atmosphere. +A weathered pirate's treasure chest, intricately carved with sea serpent motifs, sits on a sandy beach. The chest is slightly ajar, revealing a glint of gold. Stamped prominently on the lid in bold, antique lettering, it reads "Gold Doubloons". +A colorful amusement park ride with a vibrant banner prominently displaying "VomitFree Guarantee", set against a backdrop of excited visitors and playful attractions, capturing the essence of fun and safety. +A vintage diner at night with a neon sign flashing "Open 247" above the entrance, casting a vibrant glow on the sidewalk and the parked cars nearby. The scene is captured in a realistic photographic style, emphasizing the nostalgic atmosphere and the vivid colors of the neon lights. +A late-night photograph of a fast-food restaurant with a prominent "DriveThru Only" sign illuminated, set against a dark, quiet street. The neon lights of the sign and the faint glow of the restaurant windows are the main sources of light in the scene. +A futuristic spaceship control room with a control panel prominently displaying "Gravity Malfunction" in bright red, surrounded by blinking lights and advanced instruments, under dim blue ambient lighting. +A person wearing a smartwatch with a fitness tracker notification "Move More" displayed on the screen, standing in a modern gym with workout equipment in the background, looking determined and ready to exercise. +A city street at dusk, a yellow taxi parked by the curb with its "Off Duty Dreams Only" display glowing softly, reflecting in the wet pavement, the city lights beginning to twinkle in the background. +A realistic photograph of a coffee cup with a sleeve printed with "Caution Hot Beverage", sitting on a wooden table, surrounded by scattered coffee beans and a small saucer. +A realistic photograph of a baseball field at dusk, with the scoreboard prominently displaying "Bottom Ninth", players on the field, and a crowd in the stands, capturing the tension of a close game. +A realistic photograph of a modern co-working space with a sign prominently displayed that reads "Quiet Zone No Calls", surrounded by minimalist decor and soft, ambient lighting. +A close-up of a sophisticated chef's tasting menu card, elegantly printed with "Surprise Course 7" in bold, modern font, set against a minimalist background with subtle textures, capturing the essence of culinary anticipation. +A bustling farmer’s market scene with a vibrant wooden sign that reads "Organic Produce Here", surrounded by fresh, colorful vegetables and fruits, with happy shoppers browsing stalls and farmers arranging their goods. +A wooden signpost, weathered by time, stands at the edge of a dense forest, carved with "Mystic Forest Trail" in elegant, flowing letters. Moss covers its surface, and vines twist around its base, blending it seamlessly into the natural surroundings. +A snowman with a carrot nose, the carrot cleverly holding a small sign that reads: "Melt Happens", set against a snowy backdrop with a slight winter chill in the air. +A high-resolution smartwatch face displaying "Step Goal Achieved" with a vibrant, modern UI, set against a blurred cityscape backdrop at dusk, capturing the essence of urban fitness and technology. +A vibrant T-shirt design featuring the phrase "Music Is Life" in bold, colorful letters, surrounded by dynamic musical notes and instruments, set against a gradient background that transitions from deep blue to bright yellow. +In a well-lit museum hall, a detailed "T Rex Skull Replica" is displayed on a pedestal, surrounded by informational plaques. Visitors in the background gaze in awe, capturing the moment with their cameras. The skull's texture and scale are emphasized, highlighting its prehistoric majesty. +A serene yoga studio with minimalist decor, featuring a large wall art piece that reads "Breathe In Peace Out" in elegant, flowing script, surrounded by soft, natural lighting and calming earth tones. +A vibrant street corner where a mural of swirling colors and dreamy patterns covers the wall, with the bold tag "Dream in Color" in the center, surrounded by onlookers admiring the artwork. +A hauntingly elegant portrait of a mansion, with "Smiles Extra" emblazoned in eerie, glowing letters above the entrance. The facade is shrouded in mist, and the windows gleam with an otherworldly light, creating a chilling yet captivating scene. +A realistic photograph of a modern laptop with a sticker on its lid, prominently displaying the message "Remember to Log Out" in a clear, eye-catching design. The laptop is closed, and the sticker stands out against the sleek, dark surface. +A weathered pirate treasure chest, half-buried in sand, with a detailed map inside labeled "X Marks the Spot", surrounded by scattered gold coins and under a setting sun, evoking a sense of adventure and mystery. +A robust farm tractor parked in a sunlit field, its side panel stenciled with "Harvest Master 3000" in bold, clear letters. The tractor is slightly dusty, with fresh tire tracks in the soft earth, indicating recent use. +A vibrant TV show poster titled "A Mostly True Story", featuring a collage of dramatic and comedic scenes from the show, with the main characters in the center, surrounded by playful, hand-drawn elements and a vintage, nostalgic color palette. +A realistic urban scene featuring a tattoo parlor's storefront window, with a sleek, modern decal prominently displaying the text "Regrets Removed Daily" in stylish, bold letters, reflecting the promise of transformation and redemption. +A realistic photographic scene of a magic 8-ball floating in mid-air, with the answer "Try Paying Taxes" clearly visible on its surface, set against a minimalist background. +A realistic photograph of an ambulance parked on a city street, with the side text "Emergency Medical Services" clearly visible. The scene is illuminated by the ambient light of street lamps, enhancing the vehicle's details and the reflective nature of the text. +A digital billboard at the mall entrance cycling through an advertisement that reads "50% Off All Items", surrounded by bustling shoppers and vibrant store fronts. +A close-up of a shiny, hand-painted Christmas ornament featuring the text "Babys First Xmas 2050" in elegant script, hanging from a branch of a lush, decorated Christmas tree, with soft, warm holiday lights illuminating the scene. +A medieval tournament ground bustling with knights in armor, colorful banners fluttering in the wind, with a prominent banner reading "Joust Champions 1420" hung above the main arena, spectators cheering in the background. +A dimly lit room with shadow letters on the wall, clearly forming the phrase "Fear Not", cast by an unseen light source, creating a serene and reassuring atmosphere. +A nostalgic retro diner with a neon sign glowing brightly, reading "Eat Here Get Gas Later", set against a dark evening sky, capturing the essence of classic American roadside culture. +A cozy kitchen countertop featuring a ceramic mug printed "World's Best Dad" sitting next to a steaming coffee cup, with morning sunlight streaming through the window, casting a warm glow on the scene. +A vintage time machine with a leather-bound rental agreement on its console, prominently displaying the clause "Past Not Guaranteed" in bold letters, set in a retro-futuristic laboratory with glowing circuits and vintage decor. +A spy stands in a dimly lit room, holding a sleek, black briefcase with a combination lock set to "7355608". The tension is palpable as the spy carefully aligns the numbers, ready to unlock the secrets within. +A detailed scientific diagram illustrating a black hole, labeled "Missing Socks Portal", with intricate lines and labels explaining its structure and the mysterious phenomenon of lost socks being sucked into the cosmic vortex. +A close-up shot of a modern fitness tracker screen displaying "10000 Steps Achieved", set against a blurred background of a city park at dusk, with a jogger passing by in the distance. +A cozy coffee shop with a vintage chalkboard sign reading "Latte Art Masterclass" prominently displayed outside, surrounded by potted plants and a rustic wooden bench, with a warm, inviting atmosphere and sunlight streaming through the windows. +A marathon runner, wearing a bib labeled "Runner 2274 Stay Strong", pushes through the final stretch of the race, sweat glistening on their determined face, surrounded by a cheering crowd and colorful banners. +A close-up of a music album cover featuring the "Parental Advisory" warning label prominently displayed, with a blurred background of a music store shelf. The album art is modern and vibrant, with bold colors and sleek design elements. +A medieval knight stands proudly, his shield emblazoned with the motto "Fortis et Fidelis", reflecting the afternoon sunlight. The knight's armor is weathered, showing signs of battles past, but his stance is resolute, embodying the strength and loyalty of his creed. +A protester holds a poster demanding "Equal Rights Now", standing in a bustling city square, surrounded by a crowd of supporters. The scene is captured in a realistic photographic style, with the poster's bold text clearly visible against a vibrant, urban backdrop. +A cozy bakery interior with a glass display case filled with beautifully iced cookies, each labeled "Sweet Treats", under warm, inviting lights. A baker in a white apron smiles proudly behind the counter. +A close-up shot of a digital thermometer with a sleek, modern design, displaying the temperature "986 Normal" on its LED screen, set against a clean, white background. +A cozy bakery interior with a fresh bread loaf on display, featuring a small, elegant tag that reads "Baked with Love", surrounded by the warm, golden glow of morning light. +A scientist in a lab, wearing a white lab coat with a patch reading "Dr Tesla PhD" on the left breast, standing amidst a cluttered laboratory filled with vintage scientific equipment and glowing apparatus. +A blacksmith's workshop, dimly lit by the glow of a forge. In the center, a robust anvil engraved with "Forged in Fire", surrounded by tools and unfinished metalwork, capturing the essence of craftsmanship and strength. +A classroom wall adorned with a detailed periodic table poster, prominently highlighting "Element 79 Au" with a golden border, surrounded by notes and diagrams about gold's properties and uses. +A clear, winter day at a ski resort, with a trail map marker prominently displaying "Advanced Slope Only" on a snow-covered slope, surrounded by tall pine trees dusted with fresh snow. +A bustling city street with a modern storefront featuring a large, illuminated sign that reads "Google Brain Toronto" in sleek, futuristic font, surrounded by reflective glass and urban greenery. +Detailed alien textbook diagram illustrating "Human Anatomy Mostly Water", highlighting the human body's water composition with intricate labels and scientific annotations, set against a backdrop of an alien classroom. +A bustling farmer’s market scene with a wooden stall sign prominently displaying "Organic Produce Here", surrounded by vibrant, fresh fruits and vegetables, with happy shoppers browsing and a sunny sky overhead. +A dental office poster with a bright, clean background, featuring a smiling dentist holding dental floss. The poster prominently displays the message "Floss Daily Stay Healthy" in bold, cheerful letters. +A realistic photograph of an ambulance parked on a city street, its side panel prominently displaying the text "Emergency Response" in clear, bold letters, with a blurred background of passing cars and pedestrians. +A realistic photograph of the Burning Man effigy at night, with glowing embers and a crowd around it. The base is tagged with the phrase "Burn the Algorithm" in bold, graffiti-style letters, illuminated by the firelight. +In a sleek, modern elevator, the button panel glows with soft lights, featuring a prominently lit button labeled "Secret Floor", surrounded by reflective surfaces and high-tech elements, creating a sense of mystery and anticipation. +A vintage subway station with a nostalgic ambiance, featuring an old, retro sign that prominently displays "No Entry After Midnight" in bold, classic lettering, illuminated by the dim, warm glow of overhead lights. +A medieval knight stands proudly, holding a sword with the inscription "For Paper Dragons Only" clearly visible on its blade, in a misty forest clearing. The knight's armor is detailed and weathered, reflecting the early morning light. +A detective's desk with a solved case file labeled "Mystery Closed Final Report" prominently displayed, surrounded by scattered notes, a magnifying glass, and a dimly lit lamp, creating a moody, noir atmosphere. +A campfire scene with a marshmallow stick intricately carved with the words "Burn It All", the marshmallow beginning to toast over the flames, surrounded by a cozy, woodland setting. +A vast solar panel array under a clear blue sky, with a prominent sign at the entrance stating "Clean Energy Active", surrounded by lush green fields, emphasizing the commitment to renewable energy. +A close-up of a superhero's belt, the buckle prominently stamped with "Villain Punching License", gleaming under city lights, with a gritty, urban background. +A close-up of candy heart sweets with "Text Me Later" printed on them, arranged on a pink, heart-patterned background, with soft, warm lighting enhancing the colorful, sweet details. +A neon bar sign flashing "Last Call 2 AM" above a bustling street at night, with colorful lights reflecting off wet pavements and lively crowds spilling out of the bar, creating a vibrant urban atmosphere. +A vintage diner at night, its neon sign buzzing with flickering pink lights, prominently displaying "Eat Here or Die Tryin" in a nostalgic, slightly worn font, set against a dark urban backdrop. +A realistic supermarket scene with a price tag prominently displaying "Cheese 000 SOLD OUT" on a shelf, surrounded by empty spaces where cheese products should be, highlighting the error and the absence of stock. +A close-up of a fortune cookie slip, delicately placed on a dark wooden table, printed with "You'll Regret Reading This" in elegant, slightly ominous font, under a soft, ambient light. +A realistic photograph of a coffee cup with a sleeve that prominently displays the print "Caution Hot Contents", set on a wooden table with a light, natural backdrop. +A vintage radio with a warm, glowing screen that brightly displays "Tune In Now", set against a softly lit background, capturing the nostalgic charm of the 1950s. +A spy dossier cover with a prominent "Top Secret Eyes Only" stamp, placed on a sleek, dark wooden desk, under the soft glow of a vintage desk lamp, creating a mood of intrigue and confidentiality. +A high-tech spy camera's display, zooming in on a target with the text "Target Acquired" prominently displayed, set against a dimly lit, futuristic urban backdrop. +A Viking longship navigating choppy seas, its prow intricately carved with the fierce visage of a "Seawolf", reflecting the warrior spirit of its crew. The wooden hull glistens under a cloudy sky, emphasizing the craftsmanship and maritime heritage. +A wizard’s broomstick with a decal that reads "Fly Responsibly", hovering above a misty forest at twilight, under a crescent moon. The broomstick is adorned with magical runes, and the scene is illuminated by a soft, ethereal glow. +An antique library stamp, intricately designed with a crest and the text "Property of Hogwarts", is prominently displayed on the inside cover of a worn, leather-bound book, capturing the essence of a magical and historic library. +A close-up of a sleek, futuristic robot hand holding a fortune cookie slip that reads "Error 42 Destiny Not Found", set against a dimly lit, high-tech background with subtle neon highlights. +A prehistoric scene featuring a Stone Age tool with a handle intricately carved with the phrase "Best Rock 10000 BC", surrounded by ancient tools and set against a backdrop of a lush, primeval forest. +A realistic photograph of an elevator inspection certificate on a metal plate, clearly showing the text "Last Checked 31524" with a slightly worn and aged appearance, set against the backdrop of a modern elevator door. +A close-up of a hotel key card sleeve on a wooden nightstand, featuring the text "Room 237 Do Not Disturb" in bold, with a subtle shadow effect, set in a modern, minimalist hotel room. +A vintage time machine's dashboard, with neon lights and analog dials, prominently displaying the year "1985" on a glowing, retro-futuristic screen, set against a backdrop of swirling temporal energies. +A close-up of a puzzle piece marked "Section 7 of 100", set against a neutral background, with soft lighting highlighting the texture and numbers on the piece. +A close-up of a pizza box with the logo "Hot and Tasty" prominently displayed, set against a blurred background of a bustling pizzeria. The logo is vibrant and eye-catching, with steam rising from the box, hinting at the delicious pizza inside. +A DJ's turntable in a dimly lit studio, with a vibrant sticker on it saying "Spin It to Win It", surrounded by vinyl records and glowing neon lights. +A realistic photograph of a dog park entrance featuring a wooden gate with a clear sign stating "Leash Required", surrounded by green grass and trees, with sunlight filtering through the leaves. +A vintage business card for a pet psychic, featuring a whimsical cat illustration and the tagline "I Speak Cat" in elegant script, surrounded by mystical symbols and a subtle, shimmering aura. +A vibrant poster featuring the title text "Goto Island of Love", showcasing a serene island landscape with lush greenery, a sparkling beach, and a heart-shaped rock formation, all under a sunny sky. +A close-up of an ancient, intricately carved wizard staff, with the phrase "CtrlZ Not Included" clearly engraved near the top, surrounded by mystical runes and glowing symbols. The wood is worn but sturdy, with a slight glow emanating from the engravings. +A glowing UFO hovers in a dark sky, its underside illuminated with a bright, otherworldly light. The message "Take Me To Your Leader" is clearly projected from the UFO, casting a surreal glow on the ground below. +A dark, gothic room with a polished mahogany coffin at its center. On the coffin's lid, an elegant silver plaque reads "Sleeping Until 2099". Dim candlelight casts shadows, enhancing the eerie, timeless atmosphere. +A museum exhibit featuring an elegant plaque titled "Ancient Egypt Exhibit", surrounded by artifacts such as sarcophagi, hieroglyphic tablets, and ornate statues, with soft, ambient lighting enhancing the historical atmosphere. +A vibrant concert stage with a dynamic backdrop featuring bold letters that spell "Rock The Night" illuminated by colorful spotlights, surrounded by enthusiastic fans waving glow sticks in a dark, energetic venue. +A close-up of a shiny, colorful candy wrapper with the playful text "Sweet Surprise Inside" prominently displayed, set against a soft, blurred background that hints at a festive, joyful environment. +A vintage ice cream truck parked on a sunny street, its colorful menu board prominently displaying "Dreamy Delights" in playful, hand-drawn letters, with illustrations of ice cream cones and happy faces surrounding the text. +A elegant theater program cover titled "Winter Ballet 2023", featuring a ballerina in a snow-covered landscape, with a silhouette of a city skyline in the background, illuminated by a soft, golden sunset. +A high-quality photograph of a tea package labeled "Chamomile Blend" on a rustic wooden table, surrounded by fresh chamomile flowers and a steaming ceramic cup, capturing the essence of a serene and calming tea experience. +An astronaut stands on the lunar surface, the helmet visor clearly reflecting the words "Moon Base Alpha" in the harsh, stark light of the moon, with the base's futuristic structures and a distant Earth visible in the background. +A digital billboard displaying "Stay Alert Stay Safe" scrolls near a busy highway, illuminated against the twilight sky, with cars passing by in the foreground. +Retro arcade game loading screen with a pixelated "Insert Coin" message, vibrant 8-bit colors, and a glowing arcade cabinet in a dimly lit game room. +A movie poster titled "Talking About Adultery", featuring a dimly lit room with two figures in silhouette, a dramatic shadow play on the wall, and text in bold, vintage font at the bottom, set against a backdrop of a city skyline at dusk. +A realistic photograph of a chemistry lab with a prominent warning sign that reads "Wear Safety Goggles". The lab is filled with various glassware and equipment, and a scientist is seen working carefully, emphasizing the importance of safety. +A realistic classroom scene with a detailed periodic table poster prominently displayed on the wall, highlighting "Fe Iron" with a spotlight. Students' desks and chairs are arranged in rows, and a chalkboard is visible in the background. +A serene landscape featuring rocks meticulously arranged to spell "Welcome" on a sandy beach, with gentle waves lapping at the edges and a clear blue sky overhead, enhancing the natural and welcoming atmosphere of the scene. +A taxi driving through a bustling city street at dusk, its roof light prominently displaying "Off Duty To Narnia or Bust", reflecting a mix of urban realism and whimsical adventure. +A dark, misty road at night, with a eerie glow from the dashboard. A spectral GPS device emitting a chilling, insistent voice: "Turn Left Into Lake". Trees loom on either side, their shadows blending into the fog. +A realistic smartphone screen displaying a weather app with an alert notification "Storm Warning Active" against a backdrop of dark, stormy skies with flashes of lightning. +In a grim, dystopian alley, a large stencil reads "Rebel at Dawn" on a decaying wall, illuminated by the dim light of flickering street lamps, surrounded by graffiti and scattered debris. +A cozy kitchen with a rustic wooden table, a vintage baker's oven with a timer counting down "Minutes", and a basket of freshly baked bread on the side, emitting a warm, inviting aroma. +A stone monument engraved with "Never Forget 1945" stands solemnly at a war memorial site, surrounded by neatly trimmed hedges and a field of poppies, under a somber, overcast sky. +In a dimly lit museum, a glass case houses an ancient, enigmatic artifact. Beside it, a description card reads, "Purpose Unknown We Lied". The scene is captured in a realistic photographic style, with shadows adding to the mystery. +A bustling city street at night, illuminated by neon lights, with a movie theater marquee prominently displaying "Sold Out Robot Apocalypse" in glowing red letters. Crowds of excited moviegoers gather outside, creating a vibrant and energetic atmosphere. +A majestic clock tower stands tall in a bustling city square, its face inscribed with the phrase "Time Flies Fast". The sun sets behind, casting a warm golden glow, emphasizing the intricate details of the tower's ornate design. +In a well-lit art gallery, a sleek, modern plaque reads "Modern Chaos" beneath an abstract painting featuring vibrant, swirling colors and chaotic patterns, surrounded by minimalist white walls and polished wooden floors. +A close-up of a pendant necklace, intricately engraved with "Forever Yours", hanging against a soft, blurred background. The metal gleams subtly under warm, ambient lighting, highlighting the craftsmanship and the delicate chain. +A toddler has built a wobbly tower of alphabet blocks that spells "Oops" in a playroom filled with soft toys and colorful rugs, capturing the moment just before it topples. +A realistic photograph of a construction site fence with a prominent sign stating "Hard Hat Area", surrounded by safety cones and partially obscured by a stack of bricks and a work glove. The scene is illuminated by the warm afternoon sun, casting long shadows. +A rustic gardener's shed with a wooden sign that reads "Beware of Attack Tomatoes" hanging above the door, surrounded by vibrant, oversized tomatoes with playful, anthropomorphic faces, in a whimsical and slightly humorous style. +A modern juice carton design featuring bold, vibrant colors and a clean, minimalist layout. The front prominently displays the text "100 Natural" in large, eye-catching letters, surrounded by images of fresh fruits and a green, leafy background. +An art classroom with vibrant walls painted in bold, colorful strokes, featuring the phrase "Creativity Has No Rules" prominently displayed. Easels and art supplies are scattered around, capturing the essence of creative freedom and expression. +A vibrant beach towel with the "Sun Sand Relax" pattern, featuring a serene beach scene with a bright sun, soft sand, and waves gently lapping at the shore, surrounded by tropical foliage. +A classroom wall featuring a teacher’s sticker chart titled "Star Student", adorned with gold star stickers next to students' names, with a cheerful teacher standing beside it, smiling encouragingly. +A close-up of an ancient, dusty potion bottle with a hand-drawn label that reads "Liquid Courage". The bottle is half-filled with a glowing, golden liquid, set against a dimly lit, mystical background with faint magical symbols floating around it. +A vibrant pet store scene with a large, colorful fish tank labeled "Tropical Fish Zone", featuring exotic fish swimming among lush aquatic plants and decorative corals. The tank is illuminated by soft, overhead lights, creating a serene and inviting atmosphere. +Neon "Android Emporium" shop sign glowing brightly in a bustling tech district, surrounded by futuristic skyscrapers and vibrant street life, with pedestrians and sleek vehicles adding to the vibrant urban atmosphere. +A realistic photograph of a wedding cake topper featuring vintage game cartridges and pixel art characters, with a banner that reads "Game Over Player 2 Won" prominently displayed on top. +A close-up photograph of a novelty license plate frame on a car, clearly displaying the text "My Other Car is a Spaceship" in vibrant colors against a sleek, modern background. +A digital billboard stands beside a busy highway, displaying the warning "Accident Ahead Slow Down" in bold, illuminated letters, as cars cautiously approach, their headlights piercing the twilight. +A cozy wizard shop with a window etched in mystical lettering, prominently displaying "Potions Spells". The window is adorned with glowing vials and ancient spellbooks, set against a backdrop of a dimly lit, enchanted alley. +A street scene with a parking meter displaying "Time Expired" in the foreground, under a cloudy sky, with a row of parked cars and a bustling sidewalk in the background. +A realistic photographic scene of a detailed sculpture base with a plaque inscribed "Eternal Harmony", set in a tranquil garden surrounded by lush greenery and delicate flowers, capturing the serene atmosphere and the intricate craftsmanship of the stone work. +A moving truck parked on a suburban street, with a large, bold sign on its side reading "Local Moves 50% Off". The scene is bright and sunny, with people walking by and a few houses in the background. +"Organic Produce Here" banner hangs over a bustling farmer’s market stall, showcasing a variety of fresh, colorful vegetables and fruits. Sunlight filters through the market awnings, casting warm, natural light on the vibrant display. Customers browse with smiles, baskets in hand. +A surreal scene featuring a Magic 8 Ball floating mid-air, with the message "Concentrate Ask Again Never" clearly visible inside. The ball is illuminated by a soft, ethereal light, creating a mystical atmosphere. +A bustling train platform with a "Mind the Gap" warning tiled along the edge, passengers hurrying past, and a modern train pulling into the station, the gap clearly visible between the train and the platform. +A close-up of a vibrant, colorful pizza box sticker with the text "HOT READY 30 MIN" in bold, eye-catching letters, set against a backdrop of a steaming hot pizza. The sticker is slightly wrinkled, giving it a realistic, used look. +A cartoon cat with wide, curious eyes and a thought bubble that says "this is so weird", sitting on a colorful, patterned rug in a whimsical room filled with quirky objects. +A roadside billboard stands tall, advertising "World's Best Pizza Next Exit" in bold, eye-catching letters. The sun sets behind it, casting long shadows and a warm glow over the scene, highlighting the vibrant colors of the billboard. +A close-up of an ancient, weathered wooden door with a detailed metal keyhole engraved with the words "Speak Friend". The door shows signs of age, with peeling paint and moss growing in the crevices. +A nostalgic retro diner at dusk, with a vintage neon sign blinking "Pie à la Mode" in vibrant red and blue, casting a warm glow over the weathered brick facade and the empty street outside. +A vintage movie theater at night, the marquee glowing brightly with the text "Premiere Robots in Love" in neon lights, surrounded by excited crowds and classic cars. +A vibrant concert stage at night, the backdrop glowing with the text "World Tour 2024" in bright, dynamic lights, surrounded by enthusiastic fans and a foggy atmosphere, enhancing the energetic and festive mood of the event. +A worn, ancient spellbook lies open, revealing a handwritten margin note that reads "Don't Try This". The page is illuminated by a dim, flickering candle, casting shadows on intricate illustrations of mystical symbols and arcane diagrams. +A highway billboard stands tall, advertising a vibrant casino with the slogan "Luck Be Your Lady" prominently displayed. The scene is set at dusk, with the lights of the casino beginning to twinkle in the distance, creating a captivating and inviting atmosphere. +A realistic photograph of a futuristic spaceship cargo crate, with a bold stencil that reads "Handle Zero Gravity" on its side, set against the metallic interior of a spacecraft, with dim ambient lighting and shadows emphasizing the text. +A steaming cup of café latte with intricate latte art that spells "Good Morning" in elegant, flowing script, set against a warm, rustic café backdrop. +A museum exhibit featuring an ancient artifact with a clear sign that reads "Do Not Touch" prominently displayed next to it, under soft, ambient lighting that highlights the historical significance of the piece. +A pair of boxing gloves, prominently printed with "Champ 2024", lying on a worn leather punching bag in a dimly lit gym, with the shadows of heavy weights and a boxing ring faintly visible in the background. +A magician stands confidently, wearing a wizard hat adorned with the tag "Magician Extraordinaire", performing a dazzling trick with glowing cards in a dimly lit, mystical room. +A close-up of a gym membership card labeled "Fitness Plus Member" lying on a sleek, modern gym countertop with gym equipment and energetic members working out in the background. +A rustic farmer’s barn with a weathered red roof, proudly displaying "Smith Family Farm 1895" in bold, white letters. The barn is surrounded by a golden wheat field, with a clear blue sky and a few fluffy clouds in the background. +A beautifully decorated birthday cake with intricate frosting spelling "Happy 30th Birthday Alex" in elegant cursive, surrounded by colorful candles and set on a white tablecloth in a cozy, warmly lit room. +A movie poster featuring a vast, open landscape under a dramatic sky, with the title text "Platteland" prominently displayed in bold, rustic font at the top, evoking a sense of rural isolation and mystery. +A close-up of a vintage library stamp inside an old, worn book, clearly displaying the text "Property of Willow Library", surrounded by aged, yellowed pages. +A bustling farmer's market stand, prominently labeled "Organic Produce", overflowing with a variety of fresh, colorful fruits and vegetables, surrounded by happy shoppers and vendors in a sunny, vibrant outdoor setting. +A mountain trailhead with a prominent wooden sign warning "Beware of Bears", surrounded by dense pine trees and rocky terrain, under a clear blue sky. +A close-up of a pet collar tag, finely engraved with the owner’s contact "Call 555 1234", set against a soft, blurred background of grass and flowers, capturing the sunlight reflecting off the metal surface. +A close-up of a restaurant receipt with the footer clearly displaying "Thank You Come Again", set against a blurred background of a cozy dining area with soft, warm lighting. +A bustling city street at dusk, with a digital screen at a bus stop prominently displaying "Next Bus 10 Min". Passersby, some with umbrellas, hurry by, and a few glance at the screen. The scene is illuminated by the glow of streetlights and the bus stop's lighting. +A tattoo on a rugged sailor's arm, prominently displaying "Mom" in elegant script, surrounded by intricate heart decorations and nautical elements like anchors and waves, symbolizing his deep connection and love for his mother. +A movie theater marquee under a starlit night sky, brightly lit and displaying "Premiere Tonight Sold Out" in bold, gleaming letters. Crowds gather excitedly, paparazzi flash cameras, and red carpets lead to the entrance. +A dilapidated, gothic haunted house with a crooked, weathered sign hanging by a single rusted nail, reading "Enter at Your Own Risk". Overgrown vines and dark, ominous clouds add to the eerie atmosphere. +A realistic photograph of a construction site entrance, with a prominent warning sticker on a metal sign that reads "Hard Hat Area", surrounded by safety cones and construction barriers. +A bustling backstage area at a rock concert, filled with crew members and musicians, with a prominent "All Access Crew" pass hanging from the main character's neck, capturing the vibrant energy and chaos of the scene. +A postcard from Mars, featuring a vast, red Martian landscape with dust storms in the distance. The postcard reads, "Wish You Were Red", with a small rover in the foreground and the planet's distinctive red sky overhead. +A realistic photograph of a prohibition sign reading "No Camping" hung at the entrance of a lush, green park, surrounded by tall trees and a gravel path leading into the woods. +A medieval tapestry richly embroidered with intricate patterns and vibrant threads, featuring the ominous phrase "Here Be Dragons" near the borders, surrounded by mythical creatures and detailed flora. +A neon diner sign glowing "Open All Night" hangs above a rain-soaked sidewalk, casting vibrant reflections on the wet pavement and illuminating the foggy night. +A movie set with a film crew preparing for a shot. The focus is on a detailed movie clapperboard displaying "Scene 24 Take 2" under the bright lights, with a director and camera in the background. +A realistic photograph of a highway under construction, with a large, illuminated sign flashing "Detour Route 66" in the center, surrounded by cones and barriers, under a twilight sky. +A desolate beach with sand scrawled "SOS Stranded" near the tide lines, waves gently lapping at the edges of the message, under a somber, overcast sky. +A vibrant, fantasy-themed signpost at the entrance of an enchanted forest, featuring a unicorn and the words "Magical Creatures Only Zone" in elegant, glowing letters, surrounded by twinkling fairy lights and lush, verdant foliage. +A medieval knight holds a shield emblazoned with the crest motto "Fortune Favors" in a sunlit, ancient courtyard. The shield's intricate design, featuring a golden lion and a banner, is prominently displayed, reflecting the noble values of courage and honor. +A weathered pirate ship's wheel with a wooden plaque attached, stating "Turn Left for Treasure", under a sky of stormy clouds, the sea turbulent and dark, emphasizing the adventurous and mysterious atmosphere of the high seas. +A poster design featuring a grand piano in a dimly lit room, with the title text "The Pianist" elegantly displayed at the top, surrounded by soft, warm lighting that highlights the instrument's polished surface. +A frozen lake with a crystalline surface, etched with the words "Thin Ice Danger" in bold, stark letters, surrounded by a serene, wintry landscape under a cloudy sky. +A close-up photograph of a hotel key card sleeve, sleek and modern, with the text "Room 321 Access Only" prominently displayed. The background is a blurred hotel corridor, enhancing the focus on the key card. +A high-resolution photograph of a sleek smartwatch face, prominently displaying the text "10000 Steps Never" in bold, modern font against a clean, minimalist background. The watch is slightly tilted, with a subtle reflection, enhancing its premium look. +A modern subway station with vibrant tile mosaics spelling "Next Train in 2 mins" on the wall, surrounded by stainless steel pillars and fluorescent lighting, with a few commuters waiting on the platform. +A realistic photograph of a modern airplane restroom, featuring a sleek, silver "Close Lid Before Flushing" sign affixed to the wall above the toilet, with the compact, clean environment typical of an aircraft. +A sophisticated pumpkin adorned with a mustache, monocle, and top hat, standing confidently. A speech bubble above it reads, "You can get rich too", adding a whimsical touch to the scene. +A realistic photograph of a laboratory warning label on a sterile, white background, prominently displaying the text "Biohazard Level 4" in bold, red letters, with a caution symbol and a subtle, scientific texture. +Astronaut-themed plant pot sticker with the text "Water Me Maybe" in a playful, futuristic font, set against a backdrop of stars and planets, capturing the essence of space exploration and gardening. +A realistic photograph of a birthday cake adorned with pink frosting that spells out "Happy 30th Jen" on top, surrounded by colorful candles and set against a warm, celebratory background. +A close-up photograph of a delicate, vibrant orchid with intricate petals, set against a lush greenhouse background. A small, white plant tag hangs from a nearby stem, clearly displaying the text "Rare Orchid Species" in elegant, black font. +A vintage typewriter with a sheet of paper half-fed into the roller, displaying "Chapter 1 The Beginning", set on a wooden desk with a warm, nostalgic glow. +A realistic photograph of a house entrance with a welcome mat that reads "Go Away", set against a backdrop of a neatly trimmed garden and a cobblestone pathway leading to the door. The scene is bathed in the warm light of late afternoon. +A quaint lemonade stand with a rustic wooden sign painted in bright yellow, clearly displaying "50 Cents a Cup" in bold, black letters. The stand is set against a sunny backdrop, with a few lemons and cups visible, inviting passersby to quench their thirst. +A vintage Wild West wanted poster, weathered by the sun, featuring a rugged outlaw's portrait with a prominent "5000 Dead or Alive" bounty, hanging on a wooden board in a dusty frontier town. +A close-up of a spy document with a subtle, faded watermark across it, clearly showing "Top Secret" in bold, red letters. The paper is slightly wrinkled, with a hint of age and wear, enhancing the clandestine atmosphere. +A superhero in mid-flight, their cape fluttering dramatically behind them with the emblem "Justice Now" prominently emblazoned on it, set against a city skyline at dusk. +A close-up of a sleek smartwatch with a vibrant, high-resolution display showing the motivational message "You Can Do It" in bold, modern font, set against a clean, minimalist background. +In a dimly lit medieval tavern, a worn wooden sign hangs above the bar, intricately carved with the text "Dragon Wings 3 Gold", illuminated by the warm glow of candles. The rustic ambiance is enhanced by patrons engaged in lively conversation. +A realistic photograph of an old, rusted prison gate with a plaque that clearly states, "Abandon Hope All Ye Who Enter", set against a bleak, overcast sky. +A detailed, realistic photograph of an open spy gadget manual titled "Invisibility Cloak User Guide", showing intricate illustrations and text explaining the cloak's usage, set against a sleek, high-tech background. +A dimly lit Gothic cathedral, where an ancient vampire's coffin rests. The coffin is adorned with intricate carvings and a prominent plaque engraved with "Do Not Disturb" in elegant, old-world script, casting eerie shadows in the flickering candlelight. +A toddler’s crayon drawing of a cozy house, labeled "Home Sweet Home", with a simple, colorful roof, windows, and a front door, set on a bright, white background. +A cactus in a terracotta pot, labeled with a wooden tag that reads "Thorns Handle with Attitude", sitting on a sunlit windowsill with a blurred cityscape background. +A high-quality TV show poster featuring the logo "Model Behavior" prominently at the center, with a sleek, modern design and a backdrop of a bustling cityscape at dusk, emphasizing the glamour and urban setting of the show. +A lone stone tombstone stands in a misty, ancient cemetery, its surface weathered by time. Carved deeply into the stone is the epitaph "Told You I Was Sick", illuminated by the soft glow of a nearby lantern. +A sculptor’s plaque titled "Eternal Flame", intricately carved with flickering flames and surrounded by a wreath of laurel leaves, set against a backdrop of a serene, sunlit garden. +A firefighter stands proudly, wearing a jacket labeled "Rescue Team 5", with a reflective stripe and a badge on the chest, set against a backdrop of a smoky, partially extinguished building. +A boxing ring with the floor mat boldly printed "Round 13 Final Showdown", surrounded by an enthusiastic crowd, under the glare of overhead lights, capturing the intensity of the moment just before the bell rings. +A retro video game loading screen with pixelated graphics, featuring the text "Press Start to Continue" prominently displayed in the center, surrounded by colorful, dynamic animations and a simple, nostalgic background. +A futuristic spaceship control panel with a red alert message "Warning Asteroid Field Ahead" prominently displayed, surrounded by blinking lights and holographic interfaces, set against the dim, tech-lit interior of the spacecraft. +A close-up of a library book spine with a label that reads "Mystery Section 813 LEE", surrounded by other books with faded titles, in a dimly lit, cozy reading nook. +A high-quality photograph of a wine bottle with the label "Vintage Reserve 1999" prominently displayed, set against a simple, elegant background. The bottle is slightly tilted, showcasing the rich, deep red color of the wine inside. +A bustling street scene with a tattoo parlor window prominently displaying "Ink Your Story" in elegant cursive, surrounded by vibrant, colorful tattoos etched on the glass, reflecting the diverse and creative spirit of the neighborhood. +A superhero stands heroically, their cape billowing in the wind, with "Dry Clean Only" intricately embroidered in shimmering thread along the hem, contrasting against the dark fabric. +A sleek, futuristic spaceship with its fuel gauge prominently displaying "Warp Drive 75 Charged", set against the backdrop of a star-filled galaxy, with the ship's lights subtly glowing, indicating its readiness for a long journey. +A cozy restaurant with a wooden menu board hanging on a rustic brick wall. The board reads "Todays Specials" in elegant cursive, surrounded by softly glowing fairy lights and a few sprigs of fresh herbs. +A high-resolution digital airport gate screen displays "Final Boarding Call" in bold, illuminated text against a dark background, surrounded by a modern, sleek frame. Passengers hurry past, casting shadows in the well-lit terminal. +A realistic museum scene featuring a dinosaur exhibit plaque titled "TRex King of Lizards" placed in front of a towering T-Rex skeleton, with soft, ambient lighting highlighting the plaque and the dinosaur's imposing form. +A bustling airport terminal with a digital departure board prominently displaying "Flight 226 Delayed" in bright red letters, surrounded by frustrated passengers and busy staff. +A classroom wall features a poster with the message "Think Before You Speak" in bold, colorful letters. The room is filled with desks and chairs, and a large window lets in natural light, casting soft shadows on the poster and the wooden floor. +An astronaut floating in space, their helmet visor prominently displaying the warning "O₂ LOW" against a backdrop of the Earth and stars, with a sense of urgency and isolation. +An astronaut stands beside a display case on the moon, showcasing a collection of moon rocks labeled "Space Souvenirs", with the Earth visible in the distant sky. +A majestic stone monument stands at the peak of a towering mountain, its surface etched with the inscription "Elevation 8888ft". The monument is surrounded by a panoramic view of mist-covered valleys and distant peaks, with the sky transitioning from deep blue to vibrant orange as the sun sets. +A bustling city street at night, with a digital billboard towering above, displaying "50 OFF SALE" in vibrant, blinking rainbow letters, attracting the attention of passersby and reflecting off the wet pavement. +A close-up of a pet collar tag, engraved with "If Lost Call Mom", lying on a rustic wooden table, bathed in soft, afternoon sunlight. The tag shows subtle wear, suggesting a well-loved pet. +An antique typewriter with a piece of paper stuck mid-sentence, reading "The butler did", captured in a dimly lit room with a vintage atmosphere, emphasizing the worn, aged look of the typewriter and the partially typed page. +A close-up of a bookmark ribbon in a vintage bookstore, delicately placed on a worn, leather-bound book. The ribbon, printed with the text "Page 42", contrasts against the aged pages, capturing the serene atmosphere of the store. +A high-tech sci-fi spaceship control panel with a prominent red button labeled "DO NOT PRESS Seriously", surrounded by futuristic gauges and screens displaying various data and holographic interfaces. The scene is illuminated by the soft glow of the instruments, creating a realistic and immersive environment. +A high-energy gym poster featuring a determined athlete mid-workout, sweat dripping, with the slogan "No Pain No Gain" prominently displayed in bold, motivational fonts, set against a dynamic background of fitness equipment and vibrant colors. +A Renaissance-style plaque titled "The Birth of WiFi", depicting allegorical figures surrounding an ancient, ornate router, symbolizing the merging of classical art with modern technology. +A detailed detective's notepad page with a handwritten title "Case Unsolved", featuring scribbled notes, sketches, and annotated photographs, set against a slightly worn and coffee-stained background. +A magic 8-ball gently floating in clear, blue water, with the message "Ask Again Tomorrow" clearly visible inside, surrounded by soft, shimmering light. +A vintage ice cream truck parked on a sunny street, its sign blaring "Soft Serve Here" in bright, playful letters, surrounded by excited children and melting ice cream cones. +A realistic photograph of a robot protest march, with a large banner reading "Battery Lives" held high, surrounded by a crowd of diverse robotic demonstrators in a futuristic urban setting. +A classroom blackboard features a detailed chalk diagram labeled "Cell Structure Diagram", showcasing various cellular components like the nucleus, mitochondria, and cell membrane, with neatly labeled annotations. +A romantic wedding invitation card with elegant gold foil lettering on a soft ivory background, featuring the text "Join Us July 10th" in a classic serif font, surrounded by delicate floral wreaths and subtle sparkles. +A close-up photograph of two hands, one delicately holding a glowing heart, the other grasping a vibrant lightning bolt, with the phrase "love is power" elegantly inscribed above them. +A close-up of a colorful baking mix package labeled "Just Add Water" on a kitchen counter, with a wooden spoon and a glass bowl nearby, under soft, warm lighting. +A TV show poster with the title "Beauty in Ugliness" prominently displayed, featuring a contrast between a beautifully arranged, yet decaying urban landscape and a serene, natural backdrop, symbolizing the show's theme. +A pet rock sits on a cozy, sunlit windowsill, its surface smooth and gray. Around its neck is a simple leather collar with a metallic tag that reads "Good Boy Since 1975". The rock's surroundings are warm and inviting, with a green plant and a wooden frame in the background. +A Viking warrior holds a shield intricately engraved with the words "Valhalla or Chargeback", standing on a misty battlefield at dawn, ready to face his destiny. The shield's metal gleams under the early sun, reflecting the cold, rugged landscape around him. +A realistic courtroom scene with a wooden evidence label clearly displaying the text "Exhibit C Murder Weapon" on a dark, polished table, under the watchful eyes of a judge and jury. +A detailed close-up of a space probe floating in the vastness of space, with the inscription "Message to Andromeda" clearly visible on its side, surrounded by twinkling stars and distant galaxies. +A close-up of a firefighter's helmet, prominently featuring a sticker that reads "Stay Back 50 Ft", set against a backdrop of a smoky, urban firefighting scene. +A vintage 1950s gas station with a retro gas pump sign prominently displaying "Fuel 025Gallon", set against a nostalgic American roadside scene with a classic car parked nearby. +A close-up of a worn, leather-bound notebook with "Top Secret Plans" embossed in gold on the cover, lying on a vintage wooden desk, with a faint beam of sunlight casting a soft glow over the page edges. +A high-tech virtual reality headset lies on a sleek, modern desk, its screen displaying the words "Simulation Paused" in bold, glowing letters. The room is dimly lit, with soft blue ambient lights casting a serene glow around the device. +An astronaut stands beside a display case filled with moon rocks, each labeled "Lunar Souvenirs", under the soft glow of a nearby lamp, set against the backdrop of a stark, airless lunar landscape. +A vintage postcard featuring an elegant, handwritten message in cursive, "Greetings From Paris", set against a backdrop of the Eiffel Tower and quaint Parisian streets, with a soft, nostalgic color palette. +A realistic photograph of a train car featuring vibrant graffiti that reads "Art Is Never Silent", with the colors popping against the urban backdrop. +A nostalgic night scene featuring a vintage motel with a neon sign glowing "Vacancy" in vibrant red letters, casting a soft, warm light over the rustic wooden sign and the peeling paint of the old building. +A vibrant birthday party scene with a large, ornately decorated cake. The icing on top reads "Over the Hill Now" in elegant, curly script. Balloons and streamers add a festive touch, while candles on the cake are lit, creating a warm, celebratory atmosphere. +A tribal drum, intricately painted with vibrant "Unity In Rhythm" symbols, stands under a canopy of lush green leaves. The drum's surface is a tapestry of bold, swirling designs in deep reds and blacks, reflecting the rich cultural heritage and the spirit of community. +A dramatic photo illustration of Earth, illuminated by the intense light of multiple merging lightning bolts, creating a surreal and powerful scene, titled "bernard". +Two llamas, adorned with colorful bandanas, are energetically performing a mambo dance in a vibrant plaza, their front hooves elegantly raised. They both point at a weathered sign that reads "Mambo", set against a backdrop of festive lanterns and cheering spectators. +A modern cityscape at dusk, with a sleek car paused at a crossroads. The car's GPS navigation system displays "Recalculating Life Choices" on its screen, while the driver looks contemplative, surrounded by the soft glow of streetlights and neon signs. +A close-up of a police car door, prominently displaying the emblem with the phrase "To Protect and Serve" in clear, bold letters, set against the metallic blue and black of the vehicle. +A medieval knight stands proudly, his shield prominently displaying the family crest with the motto "We Fork Around" in elegant script, set against a backdrop of a lush, green forest. The knight's armor glints in the sunlight, emphasizing the intricate details of the shield. +A colorful kindergarten classroom with young children engaged in art class. A large, vibrant finger painting titled "Dog" is prominently displayed on an easel, showcasing bold, childlike strokes and a playful, abstract representation of a dog. +A cozy bakery interior with a chalkboard menu hanging on a rustic wooden wall, prominently displaying "Fresh Croissants" in elegant, cursive handwriting. Soft, warm lighting enhances the inviting atmosphere. +A dimly lit wizard bookstore with a shelf label prominently displaying "Forbidden Fanfiction", surrounded by ancient, leather-bound books and mystical artifacts. The scene is captured in a realistic photographic style, with a slight atmospheric fog enhancing the mysterious ambiance. +An ambulance parked on a dark, rainy street, its side displaying "Emergency Medical Services" in reflective letters, illuminated by the vehicle's emergency lights and the headlights of passing cars. +In a bustling mall, a large, illuminated sign prominently displays the word "accept" in bold letters, hanging above a busy information desk, surrounded by shoppers and colorful storefronts. +An astronaut stands against a backdrop of the vast, starry universe, their space suit prominently featuring a patch embroidered with "Moon Mission 2025", reflecting the determination and ambition of modern space exploration. +A close-up photograph of a supermarket price tag, prominently displaying "AIGrown Tomatoes 199lb" in bold, set against a backdrop of vibrant, freshly picked tomatoes. The tag is slightly worn, reflecting a busy store environment. +An astronaut stands on the Martian surface, their helmet visor reflecting the ironic message "Mars Needs WiFi", with the red planet's dusty landscape and a distant rover in the background. +A carnival ticket booth under the glow of colorful lights, with a prominent sign displaying "LAST RIDE 11PM" in bold, neon letters, surrounded by excited visitors and the sounds of distant rides. +A modern electric vehicle charging station at night, the screen brightly displaying "80 Charge Complete" in green text against a dark background, with a sleek electric car parked nearby, reflecting the station's lights. +A bustling city street with clear signs that read "civilized traffic", featuring pedestrians and vehicles adhering to traffic rules, clean sidewalks, and orderly crosswalks. The scene is bright and modern, emphasizing a sense of community and safety. +A close-up of a Christmas ornament, intricately engraved with "Our First Home 2023", hanging from a branch of a beautifully lit Christmas tree, surrounded by soft, sparkling lights and a cozy, warm atmosphere. +A medieval knight's saddle, intricately embroidered with the phrase "Ride or Die Literally", set against a backdrop of a misty forest at dawn, capturing the essence of adventure and determination. +A coastal scene featuring a lighthouse tower with the words "Safe Harbor Ahead" painted on its side, standing against a backdrop of the serene sea and a clear sky, with seagulls flying nearby. +A lighthouse on a rocky coast, its powerful beacon projecting the words "Safe Harbor" onto the swirling clouds above, creating a serene and welcoming scene under a twilight sky. +A realistic gym locker room scene with a sign that reads "Shower Area Slippery Floor" hanging on a wall, surrounded by wet tiles and steam rising from the showers. +A realistic photograph of a modern food court directory, prominently listing "Sushi Palace Level 2" among various other restaurant options, with a clean and well-lit environment, emphasizing the vibrant and inviting atmosphere of the mall. +A bustling Times Square at night, with a massive digital billboard flashing "Happy New Year" in vibrant colors, surrounded by the iconic neon lights and crowded with joyful people celebrating the New Year. +A vibrant poster design featuring the title text "Deadpool 2" in bold, eye-catching letters, with the iconic red-and-black-suited Deadpool standing confidently in the foreground, surrounded by explosive action elements and urban graffiti, creating a dynamic and energetic visual impact. +A modern smartphone with a sleek, black screen displaying the lock screen message "Slide to Unlock" in white text, set against a blurred background of a bustling cityscape at dusk. +A realistic photograph of a DMV road test area, featuring a prominent sign that clearly states "Examiner On Duty", set against a backdrop of a quiet street with parked cars and a few pedestrians. +A high-resolution photograph of a laboratory flask on a white background, with a clear, scientific font label reading "Sample XR2024" adhered to its side. The flask contains a glowing, translucent blue liquid, reflecting the precision and sterility of a modern lab setting. +A close-up of an antique watch face with intricate gears, the hands stopped at 3:00, and the phrase "Its Always Monday" engraved in elegant script below the dial, set against a soft, vintage background. +A medieval castle courtyard, a grand banner waving proudly above, emblazoned with "Kingdom of Heroes", surrounded by ancient stone walls and noble knights in shining armor. +A vibrant TV show poster titled "Die Ameisen kommen", featuring a close-up of ants marching in a determined line, set against a backdrop of a bustling cityscape at sunset. The title is prominently displayed in bold, futuristic font. +A rugged cave explorer stands beside a damp, rocky wall, pointing to a hand-drawn map notation that reads "Gold Vein Here". The dimly lit scene highlights the texture of the cave and the explorer's determined expression. +A close-up of a car dashboard with a prominent "Check Engine" warning light illuminated, set against the dim interior of a vehicle at dusk. The scene captures the subtle glow of the instrument panel, highlighting the urgency of the warning. +A seasoned chef stands proudly in a bustling kitchen, wearing a crisp white apron embroidered with "Grill Master General". The apron is slightly splattered with sauce, highlighting his dedication. Steam rises from the sizzling grill behind him, adding a touch of authenticity to the scene. +An astronaut's glove, partially illuminated by the harsh lunar sunlight, showcasing a distinct patch that reads "Moonwalk Crew" against the dark, velvety fabric. The glove rests on a rocky, desolate lunar surface, with fine moon dust clinging to its textured surface. +A realistic photograph of a plant pot with a small, white label neatly attached, displaying the text "Water Once a Week" in clear, black font. The pot is filled with rich, dark soil and a healthy, green plant. +A bustling airport terminal with a digital departure board prominently displaying "Flight 456 Delayed" in bright letters, surrounded by a diverse crowd of travelers carrying luggage, some looking anxious, others relaxed, with the typical sounds and hustle of an airport in the background. +An ice cream truck parked on a sunny street, its side panel proudly displaying "50 Flavors Available" in bright, colorful letters. Children and adults gather around, excited to choose from the vast array of flavors. +A food critic's notebook lies on a rustic wooden table, open to the page with "5 Stars" prominently displayed. A pen rests beside it, next to a half-empty wine glass and a plate of gourmet appetizers, capturing the essence of a refined dining experience. +A sunlit desert canyon with ancient symbols etched into the rugged walls, leading the eye to a faint, weathered inscription that reads "Seek the Oasis" in the distance. +A superhero in mid-flight, their vibrant cape billowing behind them, embroidered with the words "Hero in Training". The city skyline is visible in the background, bathed in the golden light of sunset. +A medieval knight holds a shield emblazoned with the crest "Valor Virtus", standing proudly in a sunlit courtyard, surrounded by stone walls and banners fluttering in the breeze. +A detailed subway map of Atlantis with a station clearly labeled "Mermaid Transfer Point", surrounded by underwater tunnels and illuminated by glowing blue lights, in a realistic photographic style. +A child's T-shirt features glitter letters spelling "Best Big Sister", set against a soft, pastel background. The shirt is slightly crumpled, as if recently taken off, with the glitter catching the light in a playful, sparkling effect. +A modern kitchen countertop with a sleek smart home device displaying the message "Hello Smart User" on its screen, surrounded by minimalistic decor and natural sunlight streaming in from a nearby window. +A realistic photograph of a pharmacy window with a sticker prominently displayed, announcing "Flu Shots Available". The window is clean, and the sticker is clear and colorful, with a medical theme and a friendly, inviting font. +An ice cream truck parked on a sunny street, with a vibrant side menu prominently displaying "UFO Flavor Limited Edition" in glowing neon lights, surrounded by curious onlookers and excited children. +A high school basketball player in a "Number 7" jersey, dribbling the ball on a sunlit court, with teammates and opponents in the background, the crowd cheering in the stands. +A vast desert landscape under a blazing sun, where a mirage creates the illusion of an oasis with a sign floating in the air that reads "Oasis 2 Miles". The scene is a mix of shimmering heat waves and the faint reflection of water, evoking a sense of hope and illusion. +A retro pixel art T-shirt design featuring the text "Code Conquer" in vibrant, blocky colors, set against a clean, white background. The text is styled with a bold, digital aesthetic, emphasizing the theme of coding and gaming. +A vibrant music festival scene with a crowd of excited attendees, colorful lights, and a stage in the background. A person in the foreground holds up their wrist, showcasing a glowing "VIP Access" wristband, symbolizing exclusive entry and perks. +A spy stands in a dimly lit alley, holding a sleek black briefcase labeled "Contains TopSecret Noodles". The neon lights of the city cast a blue glow, highlighting the tension in the spy's eyes as they glance nervously around. +A realistic photograph of a board game box with "For Ages 8" clearly printed near the barcode, set on a neutral background, showcasing the vibrant colors and detailed artwork of the game's cover. +A realistic photograph of a person wearing a VR headset, with the display screen showing the words "Enter Virtual World" prominently floating in the center. The scene is set in a modern, dimly lit room, emphasizing the immersive technology. +A vintage wedding invitation card with elegant cursive text "Join Our Celebration June 5th" set against a soft, ivory background, adorned with delicate gold borders and a scattering of white roses and greenery, capturing the essence of a classic, romantic celebration. +A vintage leather-bound book titled "Secrets of the Deep" rests on an old, wooden desk, illuminated by the warm glow of a nearby lamp, surrounded by scattered papers and a quill pen, evoking a sense of mysterious discovery. +In a solemn courtroom, a judge's gavel rests on a document titled "Case Dismissed", symbolizing the end of a legal battle. The scene is captured in a realistic photographic style, with the gavel and document in sharp focus, set against a background of dark wooden panels. +A construction site barrier, prominently displaying the text "Danger Quantum Zone" alongside vivid biohazard symbols, stands against a backdrop of industrial machinery and caution tape, emphasizing the site's restricted and potentially hazardous nature. +In a modern office setting, a frustrated employee stands beside a malfunctioning printer displaying the error message "PC Load Letter Seriously" on its screen, surrounded by scattered papers and a half-empty ink cartridge. +A close-up of an artist's paint palette, rich with mixed colors and textures, featuring the phrase "Mix Courage Here" elegantly written along the edge in bold, inspiring letters. +A bustling farmer's market scene with a vibrant stall sign reading "Organic Bytes for Sale", surrounded by colorful, fresh produce and happy customers browsing the selection. +Retro arcade machine with a vibrant marquee glowing "Game Over" in neon lights, set in a dimly lit room, capturing the nostalgic atmosphere of an old game hall. +In a vast, sun-drenched desert, a solitary cactus stands tall, adorned with a tiny sign that reads "Free Hugs", its spines glistening under the golden sunlight, inviting a closer look. +In a futuristic, high-tech alien plant nursery, a vibrant, otherworldly plant sits in a sleek, transparent pod. A metallic tag hangs from its stem, clearly displaying the text "Water With Liquid Nitrogen". The environment is sterile and illuminated by soft, blue light, emphasizing the plant's alien origins and the advanced technology surrounding it. +A towering lighthouse with a powerful beacon flashing "Storm Warning Active", standing resilient against a tumultuous sea and dark, stormy skies, its warning light piercing through the heavy rain and wind. +A futuristic sci-fi prison cell with sleek, metallic walls and a holographic display showing the number "Detainee 24601" in glowing blue. The cell is dimly lit, with a single, cold light source casting shadows. A transparent force field seals the entrance. +A sleek, futuristic video game loading screen with neon lights and digital effects, displaying the text "Level 99 Unlocked" in bold, glowing letters against a dark, cybernetic background. +A vast desert scene with an old, weathered signpost standing tall, pointing towards the horizon with the text "To Internet 1000 miles" clearly visible. The sun sets in the background, casting long shadows and a warm glow over the sandy landscape. +A close-up of a pharmacy label with a clear warning that reads "Take With Food", set against a blurred background of medicine bottles and a pharmacist's workspace, emphasizing the cautionary message in a realistic photographic style. +A realistic photograph of a protestor holding a hand-painted sign that reads "Equal Pay Now", standing in a crowd with a determined expression, surrounded by other signs and people. +A futuristic space hotel lobby with a sleek, metallic design, featuring a digital directory listing that prominently displays "ZeroG Pool" among other amenities, with soft blue lighting and astronauts in casual space suits browsing the options. +A bustling airport security checkpoint with a clear sign that reads "Remove Laptops Here", surrounded by travelers with rolling suitcases and carry-ons, some diligently removing their laptops from their bags. The scene is well-lit, with a modern, clean aesthetic. +A wedding cake topper featuring the scripted words "Happily Ever After" atop a classic white tiered cake, surrounded by delicate flowers and sparkling fairy lights, set in a romantic, softly lit room. +A realistic farm scene with a scarecrow holding a wooden sign that reads "Crops Watch You Too", surrounded by lush, green cornfields under a sunny sky. +A rustic treehouse nestled in the branches of a towering oak, with a wooden sign firmly nailed to the trunk, boldly declaring: "No Adults Allowed". Sunlight filters through the leaves, casting dappled shadows on the playful structure. +An astronaut in a detailed spacesuit stands against the vastness of space, their helmet visor prominently displaying "O₂ LOW" in alarming red warning text, reflecting the urgency of the situation. +A dinosaur park with a humorous warning sign that reads, "Please Do Not Feed the Meteor". In the background, a large meteor hangs ominously in the sky, while curious dinosaurs gather around the sign, looking puzzled. The scene is vibrant and slightly surreal, with lush, prehistoric vegetation. +A close-up of a carnival ticket stub, crinkled from being held tightly, with the text "Admit One Fun Guaranteed" clearly visible. The stub is half-lit by the glow of colorful carnival lights, casting a warm, festive shadow. +A carnival scene with a vibrant ticket booth, prominently displaying a sign that reads "Rides 5 Tickets Each", surrounded by colorful lights and festive decorations. +A gritty urban scene featuring a subway car with a bold, vibrant graffiti tag reading "Rebel Zone" spray-painted on its side, set against a backdrop of a dimly lit tunnel with scattered trash and graffiti on the walls. +A detailed close-up of an ancient, ornate dragon’s treasure chest, with intricate engravings that read "My Precious Student Loans" in elegant script, surrounded by shimmering gold coins and precious gems. +An archaeologist's field journal opened to a detailed sketch of an ancient, otherworldly device, labeled "Definitely Alien Toaster", surrounded by notes and annotations in a dusty, sunlit tent. +A close-up of a prisoner's uniform, featuring a neatly sewn patch with the identification number "XJ7294" prominently displayed, set against a worn, slightly faded fabric. The patch is crisp and clear, with the number standing out in bold, dark ink. +A realistic photograph of a virtual reality headset labeled "Adjust Your Headset" sitting on a sleek, modern table. The scene includes a user's hand reaching out to adjust the headset, with a soft, ambient light highlighting the interactive elements of the device. +A beautifully decorated birthday cake with frosting spelling "40 and Fabulous" in elegant script, adorned with a sprinkle of edible glitter, set against a warm, celebratory background. +A high-tech spaceship cargo bay, dimly lit, with a large crate stenciled "Handle With AntiGravity" in bold letters. The crate is surrounded by futuristic equipment, and a robotic arm is carefully positioning it. The scene is realistic, with a sci-fi atmosphere. +A vintage farm tractor with its side panel proudly painted "Harvest Time Special", parked in a sunlit field, surrounded by golden wheat, with a clear blue sky and fluffy white clouds in the background. +A realistic photograph of a digital speedometer displaying "Speed Limit 55 MPH" on a sleek, modern dashboard, with ambient lighting highlighting the digits and a slight reflection of the road ahead on the screen. +A detective's cluttered desk with a notebook open, a finger pointing to a circled entry that reads "Prime Suspect", under a dim desk lamp, with a blurry city skyline through a rain-streaked window behind. +A realistic nighttime scene with a UFO hovering above a rural landscape, its beam of light targeting a lone figure in a field. The beam projects the words "Take Me Instead" clearly visible in the air, illuminating the figure and the surrounding area. +A retro-futuristic rocket with vibrant, nostalgic "To Mars Beyond" nose art, set against a twilight sky, capturing the essence of mid-century space dreams with a modern twist. +In a dimly lit, futuristic lab, a sleek robot stands with its chest display flashing "Error 404 Soul Not Found", casting an eerie glow in the shadows. The scene is captured in a realistic photographic style, emphasizing the robot's metallic texture and the cold, sterile environment. +A realistic photograph of a smartphone screen displaying a notification that says "Low Battery", with the phone's battery icon nearly empty, set against a blurred background of a cluttered desk. +A close-up of a chef's forearm, showcasing a tattoo that reads "Salt Fire" in elegant cursive script, with subtle kitchen spices and flames subtly integrated into the design. The skin is tanned, and the tattoo is crisp and vibrant. +A superhero stands proudly, his cape billowing in the wind, embroidered with "Captain Hope 2024" in bold, shimmering thread. The cityscape behind him is bathed in the golden light of dawn, symbolizing new beginnings and hope. +A vibrant, realistic photograph of a unicorn-themed stable, featuring a wooden sign with rainbow-colored letters that read "Horn Polish Extra", set against a lush, green meadow. +A scientist in a lab coat peers intently at a test tube labeled "Reaction in Progress", its contents bubbling with vibrant, swirling colors, reflecting the fluorescent lights of the laboratory. +A blueprint of a house featuring a triangular roof, square walls, and a rectangular floor, with the message "ookstores" clearly visible in the center of the design. +A vibrant street scene with a colorful food truck parked on the curb. The truck's banner prominently displays "Tacos 24 7" in bold, eye-catching letters. People are queuing up, and the night is alive with the smells of sizzling meat and fresh tortillas. +A vast desert canyon with towering, eroded sandstone walls, featuring the faded, weathered words "Gold Mine" carved into the golden rock, surrounded by sparse, resilient vegetation and a clear blue sky. +A weathered fishing boat named "Salty Dog III" floats on calm, turquoise waters at sunrise, with golden light casting long shadows over the rustic wooden deck and net-covered railings, surrounded by misty, serene coastal scenery. +A gardener's plant pot, labeled "Water Daily", sits on a sunlit wooden porch, surrounded by blooming flowers and green foliage, capturing the essence of a tranquil, well-maintained garden scene. +A street sign stands on a bustling urban street, clearly displaying the word "hospital" in bold letters. The scene is set during the daytime, with pedestrians walking by and cars parked along the curb, emphasizing the sign's presence and importance. +An astronaut stands in a desolate lunar landscape, the helmet visor reflecting a critical "Oxygen Low" warning amidst the stark, gray terrain and distant Earth hanging in the black sky. +A detailed ski resort trail map featuring the "Black Diamond Run", with steep slopes, expert trails, and a panoramic view of snowy mountains. The map includes markers for lifts, lodges, and safety stations, all set against a crisp, white, snow-covered landscape. +In a bustling airport terminal, a digital display board prominently shows "Flight 808 Cancelled", its red letters blinking intermittently against the gray background, while travelers pause and look on with expressions of disappointment and frustration. +A cinematic movie poster with bold, stylish typography listing "Directed by AR Rodriguez" at the bottom, set against a dramatic urban skyline at dusk, with a hint of neon lights and a sense of impending adventure. +A vibrant supermarket flyer showcasing a variety of products with "Weekly Sale Half Off" prominently displayed in bold, colorful text. Shoppers are seen browsing with excited expressions, and the scene is lively with well-stocked shelves and eye-catching displays. +A classroom with a clock prominently displayed on the wall, featuring a sticker that reads "Time Flies Study Hard". The clock's hands point to 3:00 PM, and the room is filled with desks and chairs, creating a realistic and detailed scene. +A movie theater marquee at dusk, illuminated with neon lights, displaying the title "Now Playing Reality Sucks" in bold, eye-catching letters. The scene is set in a slightly rundown urban area, with a few pedestrians passing by, adding a touch of realism and atmosphere. +A close-up of a clean, white laboratory mouse cage with a clear label on the front reading "Group C Control", set against a neutral background, emphasizing the sterile environment and the importance of the label. +A sushi chef meticulously preparing sashimi, his hand gripping a traditional knife with a handle engraved "Sharp Enough for Sashimi", reflecting the precision and artistry of his craft. +A detailed science textbook diagram titled "Mitochondria The Powerhouse", showcasing the intricate structure of mitochondria within a cell, including its outer and inner membranes, cristae, and matrix, with clear labels and annotations. +A close-up of a prisoner's uniform, prominently displaying the ID patch "Inmate 24601" on a worn, gray fabric. The patch is slightly faded and frayed, reflecting the harsh conditions of incarceration. The background is blurred, focusing entirely on the uniform and the patch. +A vibrant bar neon sign glowing "Live Music Tonight" against a dark, urban night scene, with soft shadows and a slight glow around the letters, capturing the essence of a lively evening. +A high-resolution image of Earth, showcasing its vibrant blues and greens, with the clear, bold text "Save the Planet" overlayed at the bottom, surrounded by a subtle aura of stars and space. +A vintage dog training manual page with the text "Command Sit Stay Good Boy" prominently displayed, featuring a black and white illustration of a dog obediently sitting and looking up at its trainer. +A vast field of vibrant sunflowers with a rustic wooden signpost prominently displaying "Sunflower Maze Here", set against a clear blue sky. +A bustling city street at dusk, illuminated by the glow of a large billboard displaying the word "energy" in vibrant, dynamic letters. The scene is alive with the movement of pedestrians and vehicles, capturing the essence of urban vitality and technological advancement. +A high school basketball gymnasium during the "Final Quarter", the scoreboard prominently displaying the time and score, with players in action on the court, the crowd cheering intensely in the background. +A laboratory table with a chemistry set, featuring a prominent warning sign that reads "Chemical Reaction Risk". Glass beakers and test tubes are arranged neatly, with a faint mist indicating a recent, controlled reaction. The lighting is clinical and focused, highlighting the cautionary atmosphere. +A vivid solar flare erupts from the sun, casting a dramatic, fiery glow across the sky, with a bold caption "Cosmic Sunburn Warning" overlayed in the lower third of the image, emphasizing the intensity and potential danger of the celestial event. +A cozy therapist's office with a plush couch adorned with a pillow embroidered with the phrase "Its Always Projection", set against a warm, calming backdrop, capturing the essence of introspective therapy sessions. +A chic fashion spread featuring a luxurious scarf with a repeating pattern of the phrase "Chic Style", elegantly draped over a modern, minimalist background. The texture and colors of the scarf are vibrant and eye-catching, highlighting the sophisticated design. +A wedding cake topper with the script "Happily Ever After" elegantly carved in gold, set against a backdrop of white roses and sparkling fairy lights, creating a romantic and timeless scene. +A nostalgic candy shop scene with a glass jar prominently displaying a label that reads "Saltwater Taffy". The jar is filled with colorful, twisted taffy pieces, and the shop's wooden shelves are lined with other vintage sweets. Warm, golden light filters through the window, casting a cozy glow over the scene. +A teacher's desk with a grade book titled "Pass with Honors" open on it, surrounded by neatly stacked papers and a cup of coffee. The classroom is dimly lit, with sunlight streaming through a window, casting a warm glow on the desk. +A close-up of a shiny dog collar tag shaped like a bone, inscribed with "Good Boi Certified", reflecting light and displaying intricate details of the engraving. +A ski trail marker, prominently displaying "Advanced Slope Keep Right", stands at the edge of a snow-covered slope, surrounded by tall pine trees dusted with fresh powder, under a clear blue sky. +A majestic castle gate adorned with a grand banner proclaiming "Royal Coronation Today", surrounded by festive decorations and excited crowds in medieval attire, under a clear blue sky. +A realistic photograph of an office security gate with a digital display panel that reads "Tap Badge to Enter", set in a modern office lobby with sleek, minimalist decor. +A close-up of a children's lunchbox featuring a colorful, playful sticker that reads "Eat Your Veggies", surrounded by images of various vegetables, with a cheerful, cartoonish style. +A vibrant banner stretches across the entrance of a grand library, announcing "Summer Reading Week" in bold, colorful letters. The scene is set during a sunny afternoon, with patrons of all ages eagerly entering the building, creating a lively atmosphere of anticipation and excitement. +A detective holds a magnifying glass etched with "Truth Seeker", examining a detailed crime scene in a dimly lit, gritty urban alley, the glass reflecting a mix of shadows and neon lights. +A detailed scene inside a historic museum, featuring a well-polished wooden donation box labeled "Support History" placed on an antique desk, surrounded by ancient artifacts and soft, ambient lighting highlighting the box's importance. +A detailed blueprint diagram labeled "Secret Base Layout", showcasing intricate rooms, corridors, and security systems, with annotations and symbols indicating different functionalities and access points, all rendered in a professional architectural style. +A sleek race car speeding on a track, with a prominent hood decal featuring the sponsor logo "Speed Demons Inc", surrounded by blurred spectators and a dynamic motion blur effect. +A weathered Viking runestone stands tall in a serene meadow, its ancient carvings starkly visible. The stone bears a mysterious warning, "Beware of Nice Weather", as a subtle, ominous cloud forms on the horizon, hinting at an impending threat. +A superhero stands confidently, their cape billowing behind them. The cape's label, prominently displaying "Power Within", is clearly visible. The hero is in a cityscape at dusk, with skyscrapers and a glowing skyline in the background. +A realistic photograph of a car dealership's entrance, featuring a large, colorful banner prominently displaying the text "Zero Down Payment Available", with modern cars parked neatly in the background and a sunny sky overhead. +A nostalgic scene of a retro video store's window, featuring a vibrant poster that boldly advertises "Rent VHS Here" with 80s-style graphics and colorful neon accents, set against a dimly lit urban evening backdrop. +A realistic photograph of a dog's name tag shaped like a bone, engraved with "Buddy", hanging on a rustic wooden fence in a sunlit backyard. +A close-up of a hand placing the final puzzle piece, marked "You Did It", into a completed puzzle, revealing a scenic landscape. The warm, golden light of sunset enhances the sense of accomplishment and tranquility. +A close-up of a sleek smartwatch with a modern interface, displaying a notification that reads "Meeting in 5 Min" against a clean, minimalist background. The watch is worn on a wrist, with the notification prominently visible and the surrounding area softly blurred. +A realistic photograph of the entrance to a bustling sports stadium, where a prominent "No Tailgating" advisory sign is clearly visible on the main gates, surrounded by excited fans and the vibrant atmosphere of game day. +A crime scene photograph showing a detective's evidence tag, labeled "Case 42", attached to a gun on a dark, wood-paneled floor, with a faint glow from a nearby streetlamp casting shadows. +A close-up of a pizza delivery box, prominently stamped with "Extra Cheese Inside", sitting on a wooden table, with a slice of cheese pizza half-peeled from the box, steam rising gently. +A bustling amusement park with a towering ride featuring a classic "Must Be This Tall" sign, surrounded by excited children and patient parents, under a vibrant, sunny sky. +A close-up shot of a plant nursery pot, with a wooden tag hanging from its side, clearly stating "Water Every 7 Days" in elegant script. The pot is filled with rich, dark soil, and a small, vibrant houseplant is emerging from it. +A weathered fisherman’s tackle box sits on a rocky shoreline, the label "Big Catch Inside" clearly visible. The box is slightly open, revealing a glimpse of neatly arranged fishing gear, with the morning sun casting a warm glow over the scene. +A detailed close-up of a dragon rider's license plate, showcasing the text "FLYBYFIRE" in an ornate, medieval font, set against a backdrop of ancient, weathered metal. The plate is adorned with intricate dragon motifs and subtle fire patterns, reflecting a mystical and adventurous theme. +A realistic screenshot of a software error message dialog box on a computer screen, prominently displaying the text "Critical Update Required" with a red warning icon, set against a blurred office desk background. +A realistic photograph of a person proudly displaying a "I Voted Today" sticker on their chest, standing outside a polling station with a backdrop of a bustling community center and a clear blue sky. +A realistic photograph of a splashed mud puddle, with the splashes forming intricate shapes that uncannily resemble the words "Wet Paint", captured in the moments after a heavy rainstorm. +A detailed submarine control panel with glowing dials and buttons, prominently displaying "Depth 200 Meters" on a large, illuminated screen. The scene is set in a modern, dimly lit submarine interior, capturing the essence of deep-sea exploration. +A dimly lit prison cell with a rough stone wall, where a hand-drawn tally reads "Days Innocent 478" in white chalk, reflecting the long, bleak wait of a wrongfully imprisoned man. +In a dimly lit boxing ring, a sturdy corner stool marked "Blue Corner" sits prominently, surrounded by the worn ropes and the gritty texture of the ring floor, capturing the tense atmosphere of an impending match. +A ghost town's weathered saloon sign creaks in the wind, reading "Closed Forever", with peeling paint and a dusty, abandoned street stretching into the distance under a somber sky. +A weathered stone monument in a serene park, with "Founders Park 1925" engraved on its surface, surrounded by lush greenery and a clear blue sky. +A vintage newspaper headline "Moon Landing 1969" displayed on a worn, crumpled paper with coffee stains, set against a backdrop of a 1960s living room with a vintage radio and a rotary phone. +A vast, sun-baked desert canyon with ancient, weathered walls, one of which is deeply etched with the ominous warning "Turn Back Now" in bold, faded letters, casting long shadows under the midday sun. +A close-up shot of a coffee cup with a sleeve printed "Caution Liquid Time Travel", set on a vintage wooden table, surrounded by steaming hot coffee, old books, and a pocket watch, capturing the essence of a blend between modern and antique. +A realistic photograph of an eye exam room with a classic white projection screen displaying a Snellen chart. The chart prominently features the text "Read Line 4" in bold black letters, with a patient standing in front, partially in focus, gesturing towards the screen. +A clear blue sky with a white airplane flying across, trailing a vibrant banner that reads "Visit Hawaii Paradise Awaits", set against a backdrop of tropical islands and pristine beaches. +A close-up of an antique, cobalt-blue potion bottle with a golden label that reads "Drink Me Results May Vary" in elegant, flowing script, set against a dimly lit, mystical background with a faint glow around the bottle. +A mountain climber sits by a tent, writing in a rugged journal labeled "Everest Base Camp Log", surrounded by snow-capped peaks and rocky terrain, with a clear blue sky above. +A colorful child’s drawing of a vibrant rainbow, labeled "My Happy Place", with crayon textures and a playful, whimsical style, set against a bright, white background. +A weathered pirate's treasure chest, "Gold Inside" inscribed on the lid, sits on a sandy beach at sunset, surrounded by old maps and scattered gold coins, with the vast ocean and a distant ship on the horizon. +A close-up of an alien spaceship's hull, featuring intricate markings that clearly translate to "Humans Are Cute", set against the backdrop of a starry space, with subtle reflections of distant planets and galaxies. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Knead to Succeed", surrounded by fresh bread and pastries, with a warm, golden light streaming through the window. +A realistic photograph of a construction site, featuring a worker's hard hat with a prominent sticker that reads "Safety First Always", surrounded by safety gear and machinery. +A Martian landscape with a Mars rover prominently displayed, its solar panels gleaming under the reddish sky. A clear decal reading "NASA Perseverance" is visible on one of the panels, highlighting the mission's logo and technological sophistication. +A poet's desk with a vintage typewriter, the ribbon box prominently displayed and labeled "Inspiration Inside", surrounded by scattered papers and a cup of steaming tea, capturing the essence of creative contemplation. +A snowy ski resort with a prominent trail marker sign that reads "Black Diamond Run", set against a backdrop of frosty pine trees and powdery slopes, capturing the thrill and challenge of an advanced ski trail. +A rugged mountain trail with a wooden marker post carved with "Peak Elevation" standing prominently, surrounded by dense foliage and rocky terrain, with a hiker in the background for scale, capturing the essence of an adventurous journey. +A digital airplane seatback screen displaying the message "Fasten Seatbelt" in a modern, sleek interface, set against the backdrop of a cabin with passengers seated and the aisle dimly lit. +A vibrant food truck parked on a bustling city street, its side panel airbrushed with the bold text "Taco Apocalypse Now" amidst a chaotic, colorful design of tacos and skulls, under a bright, sunny sky. +A detailed photograph of an observatory telescope, with a brass plaque inscribed "Peer Beyond the Veil" mounted on its base, set against the backdrop of a starry night sky. +A realistic photograph of a hospital wristband labeled "Patient John Doe" on a patient's wrist, with a neutral background to highlight the details of the wristband, including the text and any medical symbols. +A magician's hat on a dimly lit stage, with a tag attached that reads "Pull Rabbit Here", surrounded by mystical smoke and sparkles, capturing the moment just before a spectacular trick. +An interactive museum display titled "Touch To Explore", featuring a sleek, modern touchscreen kiosk with vibrant, high-resolution graphics. Surrounding the kiosk are various artifacts and exhibits, each with a subtle glow, inviting visitors to engage and learn more through tactile interaction. +A close-up of a sleek, futuristic VR headset with a label that reads "Adjust Straps for Comfort" clearly visible on the side, set against a minimalist background. The headset is partially worn, with one strap slightly loose, emphasizing the need for adjustment. +A courtroom scene with a wooden bench and a witness stand. A leather-bound Bible, labeled "Oath Of Truth", rests on a stand, illuminated by a soft spotlight. The walls are adorned with American flags and a large gavel on a desk in the background. +A street performer stands on a bustling city sidewalk, their hat placed prominently at their feet, displaying the message "Tips Appreciated" in bold letters, while passersby glance curiously. +A realistic photograph of a brick wall in a city, featuring vibrant graffiti that spells "Urban Canvas 2024" in bold, colorful letters, surrounded by subtle street art elements. +A skier pauses mid-way up a mountain, securely fastened by the ski lift safety bar labeled "Lower Seat", with snow-capped peaks and a crisp, blue sky in the background. The scene captures the serene beauty of a winter resort. +A high-resolution digital watch face, sleek and modern, displaying the message "Time to Run" in bold, clear letters against a dark background, with a subtle glow around the text, set against the wrist of an athlete in motion. +A movie set with a clapperboard labeled "Take 27 Scene 11" being held by an assistant in front of a vintage film camera, surrounded by soft lighting and a backdrop of a 1940s cityscape. +A vibrant movie poster for "Robot Rebellion 2050", featuring a futuristic cityscape at dusk, with towering robots in rebellion against their human creators, set against a backdrop of neon lights and digital billboards. +A snow-covered ski slope with a trail marker sign that reads "Black Diamond Experts Only", surrounded by tall pine trees and a crisp, clear sky. The marker stands prominently at the edge of a steep, powdery trail. +A futuristic space station control room with a red warning panel prominently displaying "Gravity Engaged" amidst blinking lights and high-tech interfaces. Astronauts in sleek suits observe the panel with focused expressions, emphasizing the critical nature of the message. +A vibrant skateboard graphic prominently displays the bold text "Skate Hard Live Free", surrounded by dynamic skateboarding elements and urban graffiti, capturing the essence of freedom and rebellion in a high-contrast, realistic photographic style. +A spy's sleek, black briefcase with a combination lock set to "007", resting on a dimly lit, modern desk, surrounded by shadows and a hint of espionage in the air. +An intense protester holding a handmade sign that boldly proclaims "Tax the Rich", standing in a crowded urban street, surrounded by onlookers and media cameras, with a determined expression and a gritty, urban backdrop. +A detailed page from a spy gadget manual, featuring intricate illustrations and text noting "Invisibility Button Sticks". The page includes diagrams showing various applications and a close-up of the sticks, emphasizing their sleek, discreet design. +An astronaut's meticulously arranged moon rock collection, humorously tagged "Rare Space Potatoes", displayed in a futuristic glass case on a lunar base, with the barren, dust-covered moon surface visible through the window. +A translucent magic 8 ball floating mid-air, with the message "Ask Again Later" clearly visible through the swirling, dark blue liquid inside, set against a soft, ambient light. +A towering clock face with intricate gears and Roman numerals, prominently displaying the phrase "Time Never Stops" in elegant script below the clock hands, set against a backdrop of a cloudy, twilight sky. +A cluttered laboratory with a scientist's lab coat hanging on a wooden hanger, the name tag "Dr Maybe" clearly visible on the chest pocket, surrounded by beakers and scientific instruments. +A detailed, realistic photograph of an engraved stone plaque reading "Est 1897" on the facade of a historic library, surrounded by elegant architectural elements and weathered by time. +A movie director's chair on a bustling film set, the backrest prominently marked with the word "Action" in bold letters, surrounded by crew members and equipment under the soft glow of evening light. +A weathered treasure map parchment, crinkled and stained, with a prominent "X Marks the Spot" in bold, faded ink, surrounded by cryptic symbols and intricate drawings of ancient landmarks. +A close-up of an opened fortune cookie on a white napkin, revealing a slip of paper that reads, "You Will Read This", with a soft, ambient light casting a gentle shadow. +A realistic photograph of a university diploma certificate with the text "Class of 2024" prominently displayed, featuring a gold seal and a formal university crest, set against a crisp, white background. +A weathered wanted poster hangs on a futuristic city wall, offering "5M Credits for Android RX9". The poster is partially torn, revealing a high-tech cityscape behind it, with neon lights and flying vehicles in the background. +A detailed portrait of a pumpkin adorned with a neatly trimmed beard, a sophisticated monocle, and a classic top hat. Above the pumpkin, a speech bubble reads "column", adding a whimsical touch to the scene. +A close-up of a pilot's uniform, showcasing a detailed patch that reads "Sky Captain" in bold letters, set against a backdrop of a cockpit with a clear blue sky visible through the window. +A weathered pirate ship sails the stormy seas, its intricately carved figurehead leaning close to the water, whispering "Mutiny Discount 50 Off" with an eerie, almost animate presence, as the crew looks on in disbelief. +A weathered pirate flag with the skull and crossbones prominently displayed, labeled "Beware", flutters in the salty sea breeze above a dark wooden ship. +Aerial view of an airport at night, featuring the illuminated runway lights of "Landing Strip 09R", with a jetliner preparing to land, the lights stretching into the distance, creating a path of glowing lines against the dark sky. +A close-up of a crinkled candy wrapper with the brand name "Sweet Tooth Delight" prominently displayed, set against a blurred, pastel-colored background, capturing the essence of a nostalgic, sweet treat. +A close-up of a shiny, silver pet collar tag, intricately engraved with the text "Call 555 1234", lying on a soft, textured surface with gentle, natural lighting highlighting its details. +A close-up of a shiny red fire truck door, featuring a bold emblem that reads "Rescue Team 5" in white, with a background of intersecting blue and red lines, set against a slightly blurred urban backdrop. +A bustling hospital emergency room with a prominent sign that reads "Triage Area", illuminated by fluorescent lights, surrounded by medical personnel and anxious patients. +Retro sci-fi magazine cover with bold, vintage typography exclaiming "ALIENS LANDED", featuring a dramatic illustration of a sleek, metallic UFO landing on a 1950s suburban street, surrounded by astonished onlookers. +A high-resolution TV show poster featuring the logo "De Biesbosch" prominently at the center, set against a backdrop of lush, serene wetlands with a modern, sleek design and vibrant colors. +A cozy bakery interior with a display case. The last croissant sits under a tag reading "Sold to the Bitter Soul". Soft morning light filters through the window, casting a warm glow on the rustic wooden counter and shelves lined with pastries. +An ancient stone tablet, weathered by time, stands in a mystical forest clearing. The tablet is intricately carved with the phrase "Kingdom of Sol", illuminated by the golden rays of the setting sun, casting a warm, mystical glow over the scene. +A sleek, modern car parked on a city street at dusk, with its license plate prominently displaying "FAST4U" in bold, clear letters, reflecting the glow of nearby streetlights. +A beach scene with a soft, colorful towel spread on the sand, the phrase "Sun Sand Serenity" intricately woven into the fabric, surrounded by the tranquil sea and a clear sky. +A serene volcano monitoring station at twilight, with the sky painted in deep purples and oranges. The station's instruments quietly hum, indicating stable activity. In the distance, the volcano stands ominously calm, its peak shrouded in mist, capturing the moment of "Calm Before". +A coastal lighthouse tower, painted with bold red and white stripes, prominently displays "Storm Warning Active" in large black letters across its side, standing against a turbulent sky and crashing waves. +A close-up of a sleek, futuristic robot chest plate, prominently featuring the inscription "AI Assistant Version 5" in bold, glowing letters, set against a dark, tech-laden background with subtle circuit patterns. +A vibrant street scene with a colorful food truck, its window displaying a bold decal that reads "Vegan Tacos 5 Today Only", surrounded by eager customers in a bustling city environment. +A high-quality TV show poster for "Angels Wear White", featuring a group of angels in modern attire, standing confidently against a stark, white background. The angels are depicted with subtle, ethereal glow, emphasizing their otherworldly presence and the show's title in elegant, bold letters at the top. +A realistic photograph of a pharmacy window at night, featuring a prominent decal that reads "Open 24 Hours" in glowing white letters, with the reflection of streetlights and a faint silhouette of a passerby. +An underwater scene featuring a vibrant coral reef with colorful fish swimming around. A clear, white sign anchored to the reef reads "No Fishing Except Fridays" in bold, black letters. Sunlight filters through the water, casting gentle shadows. +A realistic photographic scene of a UFO hovering above a suburban neighborhood at night, with a beam of light shining down onto a lone figure standing in a backyard, the beam clearly displaying the words "Take Me Instead" in the air. +A student's desk cluttered with notebooks and pencils, a calculus textbook open to a page with the problem "Find Derivative of Fx" prominently displayed, sunlight streaming through a window, casting soft shadows. +A realistic photograph of a computer screen displaying a software error message: "Connection Timed Out", with a frustrated user sitting in front, hands on their head, in a dimly lit room. +A vintage suitcase adorned with a nostalgic "World Traveler" sticker, placed on a worn wooden table in a cozy, sunlit room, with a backdrop of old travel maps and a window showing a serene, cloudy sky. +A cinematic movie poster with the tagline "The Invasion Begins Tomorrow" in bold, futuristic font. The background shows a cityscape at dusk, with alien spaceships hovering ominously in the sky, casting eerie shadows over the panicked citizens below. +A classroom poster featuring a vivid illustration of the solar system, with planets and stars in vibrant colors, and a bold, inspiring text that reads "Explore Beyond" at the top, encouraging students to dream big and reach for the stars. +A bustling food truck with a vibrant banner that reads "Try Our Award-Winning Tacos", surrounded by happy customers in a sunny outdoor market scene. +A vast, sun-baked desert with a shimmering mirage in the distance, where the text "Error Oasis Not Found" floats eerily above the shifting sands, creating an unsettling and surreal scene. +A close-up of an antique library book's inside cover, featuring a detailed, vintage stamp that reads "Property of Avalon Archives", surrounded by elegant, faded paper with subtle wear marks. +A realistic photograph of an ambulance parked on a city street, with "Emergency Medical Services" clearly visible on the side panel, under a cloudy sky, with pedestrians walking by. +A submarine hatch with the marking "Depth Limit 500m" on a dark, metallic surface, partially illuminated by a beam of light from above, surrounded by the murky, deep ocean water. +A wizard stands in a mystical library, surrounded by floating books and glowing orbs. On a small, floating name tag above a mischievous, magical creature, it reads "Assistant Manager". The scene is illuminated by the soft glow of enchanted candles, casting a warm, magical light. +A weathered spyglass with intricate lens etching that, when magnified, reveals the phrase "Land Ho Probably" in an old, nautical style, set against a backdrop of a vast, misty ocean. +A close-up of a birthday cake topper spelling "40 Fabulous" in glittery silver letters, set against a soft, warm background with subtle sparkles to enhance the festive atmosphere. +A camping tent set up in a serene forest clearing, with a tag prominently displaying the warning "Weatherproof Up to 50 mph" attached to it, surrounded by lush greenery and a light breeze rustling the leaves. +A vibrant music festival scene with a person proudly displaying their wristband that reads "VIP Access All Areas", surrounded by colorful lights and enthusiastic crowds, capturing the energetic atmosphere of the event. +A realistic photograph of a sleek, modern laptop with a sticker on the lid that reads "Property of Tech Department", placed in a minimalist office setting with a clean desk and a soft, natural light illuminating the scene. +A bustling farmer’s market with a vibrant stand sign prominently displaying "Organic Hype", surrounded by colorful fruits and vegetables, and cheerful customers browsing the fresh produce. +A cozy coffee shop with a rustic wooden interior, featuring a chalkboard prominently displaying "Latte Art Class" in elegant cursive. Soft sunlight streams through the window, casting a warm glow on the scene. Customers sip coffee and chat, while a barista prepares a latte with intricate heart-shaped foam art. +A pet collar tag shaped like a bone, intricately engraved with "Call 555WOOF", hanging from a rustic leather collar, set against a soft, blurred background of a green, leafy forest floor. +A rugged pirate with an eyepatch embroidered with "Aye Captain", standing on the deck of a weathered ship, the ocean waves crashing against the hull, under a stormy sky. +A detailed subway station map with "Line 3 Out of Service" clearly marked, surrounded by the hustle and bustle of commuters in a modern, well-lit station. The map is prominently displayed on a wall, with digital signs and posters around it. +A vibrant plant nursery with a wooden sign reading "Fresh Herbs Available" hanging above a rustic wooden gate, surrounded by lush greenery and a variety of potted herbs, including basil, mint, and rosemary, under a sunny sky. +A realistic photograph of a scientist's lab coat with a badge clearly stating "Dr Smith" on the left breast pocket, set against a blurred background of laboratory equipment and shelves filled with chemicals and books. +A realistic photograph of a vintage vending machine in a dimly lit alley, with a label that reads "Insert Hope Here" illuminated by a soft, warm light, creating a nostalgic and slightly mysterious atmosphere. +A rustic farmer's barn with a weathered red roof, prominently painted with white letters that read "Fresh Eggs 3", set against a backdrop of rolling green hills and a clear blue sky. +A retro video game loading screen with pixel art graphics, featuring the text "Press Start Button" prominently displayed in the center, surrounded by a colorful, dynamic border that flickers with the game's logo in the corner. +A beekeeper stands beside a wooden hive box labeled "Sweet Sting Operations", surrounded by a field of golden wildflowers. The afternoon sun casts a warm glow, highlighting the industrious bees flying in and out of the hive. +A glowing magic 8 ball floats in a dimly lit room, the words "Ask Again Later" clearly visible in its center, surrounded by a soft, ethereal light. +A camping tent with a "Weatherproof Design" tag, set up in a lush forest clearing, with raindrops glistening on the green foliage and a gentle mist rising from the ground. +A sleek ambulance parked on a dimly lit street, its side panel prominently displaying reflective lettering that reads "Emergency Response", illuminated by the soft glow of streetlights, creating a sharp contrast against the dark night. +A close-up of a hotel key card sleeve on a dark wooden surface, with the text "Room 1408 Good Luck" clearly visible, illuminated by a soft, ambient light, creating a slightly mysterious atmosphere. +An ancient, leather-bound wizard’s spellbook lies open on a wooden table, illuminated by a flickering candle. The page is titled "Fireball Incantation", with intricate illustrations of flames and magical runes surrounding the text. +A museum plaque next to a display of "Dinosaur Era Fossils", featuring detailed descriptions and a life-sized model of a T-Rex skeleton in the background, with soft lighting highlighting the ancient bones and educational text. +A realistic photograph of a pharmacy window, featuring a modern decal that clearly states "Vaccines Available Here", surrounded by shelves of medications and health products, with soft lighting and a slight reflection from the glass. +A weathered fishing boat hull, painted with the bold text "Deep Sea Catcher", rests on a sandy beach at sunset, surrounded by seagulls and the gentle waves of the ocean. +An astronaut stands against the vastness of space, their suit clearly displaying a patch embroidered with "Mars or Bust", reflecting the determination of humanity's mission to the red planet. +In an ancient, mist-shrouded temple, a large, weathered oracle stone stands prominently, inscribed with the words "Seek Balance". Surrounding it, symmetrical arrangements of candles and offerings create a serene, mystical atmosphere, emphasizing the stone's profound message. +Ancient cave wall paintings, rough stone surface, primitive red ochre symbols clearly depicting "Fire Good", dimly lit by flickering torchlight, prehistoric tools scattered nearby, a sense of early human civilization's reverence for fire. +A vibrant skateboard deck with a bold, eye-catching graphic that shouts "Skate or Die" in dynamic, graffiti-style letters, set against a contrasting background of urban street art. +A vintage time traveler's watch with a unique face that reads "Yesterdays Tomorrow Today", set against a backdrop of swirling, temporal vortexes and futuristic cityscapes. The watch gleams with a metallic sheen, its intricate gears visible through a transparent case. +A high-resolution photograph of a shipping container, prominently displaying a large, bold stencil that reads "Fragile Handle Care", set against a backdrop of a busy port with cranes and other containers in the distance. +A vintage Farmer’s Almanac page with a small, handwritten footnote at the bottom that reads "Moons May Vary", surrounded by detailed illustrations of different lunar phases and rustic, aged paper texture. +An astronaut stands beside a lunar rover labeled "Moon Buggy" on the moon's surface, surrounded by craters and fine gray dust, with the Earth visible in the distant, dark sky. +A vibrant globe displaying the continents in bright, vivid colors, with the text "planet earth" in bold, striking letters prominently featured across the sphere. +A realistic photograph of an airport security checkpoint, featuring a prominent sign that clearly states "Remove Electronics" in bold letters, with travelers and security personnel in the background. +A realistic photograph of a modern car parked on a city street, with its license plate prominently displayed and clearly showing the text "SPEEDY 123" in bold letters. The scene is lit by the soft glow of streetlights, enhancing the clarity of the license plate. +A professional chef stands in a modern kitchen, proudly wearing an apron embroidered with "Master Chef" in elegant cursive. The chef holds a wooden spoon and looks directly at the camera, surrounded by stainless steel counters and professional cooking equipment. +A city street at night, a yellow taxi with its roof light prominently displaying "Available" in bright, clear letters, reflecting off wet pavement in a bustling urban scene. +A high-tech solar panel display screen showing "Energy Output 95" in a modern, sunlit room with sleek, minimalist decor. The screen glows with a soft, blue light, reflecting the efficiency and innovation of renewable energy technology. +A detailed wedding cake topper featuring a charming couple standing hand-in-hand, with the elegant phrase "Happily Ever After" engraved beneath them. The scene is set against a soft, romantic backdrop, with delicate flowers and sparkling lights enhancing the celebratory mood. +A vibrant skatepark with a large graffiti wall prominently spray-painted "Skate At Own Risk" in bold, colorful letters, surrounded by skaters performing tricks and spectators watching. +A sleek, futuristic spy gadget with a glowing screen displaying the text "Target Acquired Go" in a high-tech, dark environment. The device is held in a gloved hand, with a reflection of a shadowy figure in the background, emphasizing the clandestine nature of the operation. +A close-up of a fire truck door featuring a decal with "Rescue Squad 3000" in reflective letters, set against the textured red metal of the truck, capturing the gleam of the reflective material under streetlights at dusk. +A futuristic sci-fi corridor with a sleek, metallic door panel that prominently displays the text "Authorized Personnel Only" in bold, illuminated letters. The scene is dimly lit, with a few strategically placed lights casting shadows and highlighting the high-tech details of the environment. +A plane soars above a bustling cityscape, leaving behind a trail of smoke that forms the words "ormelle" in the sky, casting a mesmerizing shadow over the urban landscape below. +An ancient, weathered scroll unfurled in a dimly lit room, its parchment yellowed with age, revealing the cryptic prophecy "The Chosen One Will Rise" in elegant, fading ink, surrounded by flickering candlelight and shadows. +A realistic smartphone screen with a notification popup in the center saying "Low Storage Space", set against a blurred background of a modern living room. The scene captures the moment of concern as the notification appears, emphasizing the urgency of the message. +A close-up of a concert wristband, intricately designed with glittering elements, stamped with "VIP Backstage Access" in bold, vibrant letters, set against a blurred background of enthusiastic concert-goers and stage lights. +A vintage airline poster featuring a classic airplane soaring through a clear blue sky, with the slogan "Fly the Friendly Skies" prominently displayed. The design includes elegant typography and a 1950s aesthetic, capturing the golden age of air travel. +A close-up photograph of a vintage candy heart with the message "U OK" printed in bold, pastel colors, set against a soft, blurred background of romantic, pink and white hues. +A medieval shield, worn yet sturdy, bearing the family crest and the motto "Strength in Unity" emblazoned in bold, ancient script. The shield is set against a rustic, battle-worn backdrop, highlighting its historical significance and the strength of its lineage. +A detailed, realistic photograph of a highway rest area map, prominently labeled "You Are Hereish", surrounded by scenic views of a bustling rest area with travelers and vehicles in the background. +A close-up of an intricately designed puzzle box, with ancient, worn engravings that read "Solve to Open" in elegant script, set against a dark, mysterious background. +A close-up of a library book spine labeled "Forbidden Knowledge Vol IX" in elegant gold foil, partially illuminated by a soft, ambient light, giving an air of mystery and ancient wisdom. +A bustling city street at night, illuminated by the vibrant neon sign of a tattoo parlor that reads "Ink Dreams Walkins Welcome", reflecting off the wet pavement and attracting curious passersby. +A realistic photograph of a birthday cake with smooth, white frosting and colorful decorations, featuring the message "Happy 100th Grandma" elegantly written on top, surrounded by candles and small, festive flowers. +A eerie, old haunted house with a creaky front door, overgrown with vines, and a worn welcome mat at the threshold reading "GO AWAY" in bold, faded letters. The scene is dimly lit by a full moon, casting long shadows across the porch. +A soldier stands solemnly, his dog tag engraved "Baker J US Army" glinting in the sunlight, against a backdrop of a serene, war-torn landscape. +A digital traffic sign on a busy highway, flashing "Reduce Speed Ahead" in bright, attention-grabbing colors, set against the backdrop of speeding cars and a twilight sky. +A futuristic hoverboard manual page with a red footnote at the bottom clearly stating "Warp Speed Not FDA Approved", set against a backdrop of sleek, high-tech illustrations. +A cozy living room features a hand-stitched pillow with the phrase "Home Sweet Home" prominently displayed on a rustic wooden coffee table, surrounded by warm, earthy tones and soft, natural lighting. +Ancient cave interior with mysterious wall carvings, prominently featuring the words "GOLD HERE" etched into the stone, illuminated by flickering torchlight, surrounded by rough, textured rock walls. +A realistic hospital nursery scene with a newborn baby girl in a bassinet, a small tag on the side reading "Baby Girl Johnson", soft lighting, and a gentle, peaceful atmosphere. +A cozy bakery interior with a wooden counter, featuring a hanging sign that reads "Gluten Free Options" in elegant cursive. Soft, warm lighting enhances the inviting atmosphere, with fresh pastries displayed in a glass case beneath the sign. +Astronaut's glove drifting in the vastness of space, with the words "Contact Lost" faintly visible on its wristband, against a backdrop of distant stars and the Earth. +A cozy café setting with a steaming coffee cup on a wooden table. The cup's sleeve prominently displays the warning "Caution Hot Liquid" in bold letters, surrounded by a minimalist, modern design. +A nighttime cityscape featuring a taxi with its roof light sign prominently displaying "Available For Hire" in bright, clear letters, illuminated against the dark sky, reflecting off wet streets after a recent rain. +A modern office desk with a sleek laptop open, displaying a screensaver that reads "Work in Progress" in elegant, floating text, surrounded by a minimal, clean interface. Soft ambient lighting highlights the screen, emphasizing the message. +A close-up of a digital thermostat with its display flashing "Critical Overheat" in red, set against a blurred background of a modern living room, emphasizing the urgency and technical detail of the device. +A close-up of a VHS tape spine, labeled "Home Video DO NOT WATCH", with a slightly worn and faded label, set against a dark background, emphasizing the mysterious and ominous nature of the warning. +A vibrant street scene featuring a colorful food truck with a prominently displayed menu board. The board highlights "Taco Tuesday Special" in bold, eye-catching letters, surrounded by illustrations of tacos and festive decorations. Customers queue up, eagerly awaiting their orders. +A medieval knight stands proudly, his shield prominently displayed. The shield is intricately engraved with the family motto "Honor First", the text elegantly carved into the metal, reflecting the knight's noble values and heritage. +A detailed floor plan of a haunted mansion, with rooms and corridors dimly lit. The room labeled "Room 13B Actual Ghost" is prominently highlighted, its door slightly ajar, revealing a shadowy figure within. The atmosphere is eerie and tense, with cobwebs and dust adding to the haunting ambiance. +A vibrant surfboard adorned with dynamic, ocean-inspired artwork, prominently featuring the phrase "Ride the Wave" in bold, flowing letters, set against a backdrop of crashing waves and sunny skies. +A spy in a sleek, dark suit, wearing sunglasses that reflect the words "Mission Find Decent Coffee", standing in a bustling city street, with a steaming cup of coffee on a nearby table. +A detailed pirate map with an X marking "Buried Treasure" on a lush, sandy desert island, surrounded by turquoise waters and palm trees. The map shows rugged cliffs and a hidden cove, hinting at the treasure's secluded location. +A close-up of an elegant magic wand with intricate engravings, the phrase "Wish Upon a Star" clearly inscribed near the tip, glowing faintly in a dimly lit room, surrounded by a soft, ethereal light. +A weathered pirate compass faceplate, intricately engraved with the phrase "North or Nothing", set against a backdrop of a stormy sea and a dark, cloudy sky, with the compass needle pointing resolutely north. +A high-resolution photograph of a bowling alley score screen displaying "Strike Spare 9", with the glowing digits contrasting against a dark background, capturing the focused atmosphere of the game. +A sunny day at a bustling dog park, where the entrance gate features a welcoming wooden sign that reads "All Woofs Welcome", surrounded by playful pups and their smiling owners. +A musician's guitar case lies open on a bustling street, a sign clearly visible that reads "Tips Welcome", surrounded by the warm glow of streetlights and the casual passerby traffic, capturing the essence of urban life and the struggle of street performers. +An astronaut in a futuristic space station holds a meal packet labeled "Rehydrated Regrets", with the Earth visible through a large window in the background, casting a soft blue glow on the scene. +A vibrant beach scene with a towel spread on the sand, prominently featuring the text "Sun Surf Sand" in bold, colorful letters. The towel is partially shaded by a beach umbrella, with waves gently lapping at the shore in the background. +A serene yoga studio with a yoga mat prominently displaying the mantra "Breathe In Peace", surrounded by soft, natural light and gentle green plants, creating a calming atmosphere. +A detailed pirate map with "X Marks the Spot" written near a towering palm tree, surrounded by tropical foliage and sandy shores, hinting at hidden treasures. +A "No Littering" symbol prominently displayed on a modern, green trash can in a bustling public park, surrounded by vibrant flowers and neatly trimmed grass, with people enjoying the sunny day in the background. +A movie poster featuring the logo "Scorned" in bold, eerie lettering, set against a dark, moody background with a silhouette of a distressed woman in the center, hinting at psychological thriller elements. +A close-up of a classic magic 8 ball with the answer "Ask Again Later" visible through its translucent window, set against a mysterious, dimly lit background with soft, ambient lighting enhancing the spherical shape and the text. +A close-up of a pet rock adoption certificate for "Name Rocky", featuring a small, smooth gray rock with googly eyes, sitting on a rustic wooden table, with the certificate in the background, framed by soft, natural light. +An astronaut on the moon, holding a rock tagged "Sample Pure Space", with the Earth visible in the distant background, under the stark, shadowy lunar landscape. +An astronaut in a detailed spacesuit sits in a futuristic spacecraft, their checklist notebook open to the page that reads "Check Oxygen Levels", with a digital oxygen gauge visible in the background, ensuring the safety of the mission. +A museum exhibit featuring a dinosaur fossil, with a display plaque that reads "Extinct Check Again in 2400", set in a dimly lit hall with a beam of light illuminating the fossil. The scene is captured in a realistic photographic style. +A close-up of a bakery cookie, intricately iced with the playful message "Eat Me for Extra Energy", set against a warm, cozy kitchen background with a sprinkle of powdered sugar in the air. +Retro gas station marquee displaying "Fuel Up 99" with vintage signage, old cars, and a nostalgic 1950s American roadside scene. The setting is dusk, with warm lighting enhancing the nostalgic atmosphere. +A bustling amusement park entrance, with a grand archway adorned in vibrant, colorful lights and decorations, welcoming visitors with the sign "Welcome to Dreamland". Crowds of excited people gather, creating a lively and joyful atmosphere. +A close-up of a laboratory mouse cage with a sign that reads "Geniuses at Work", surrounded by scientific equipment and pipettes, capturing the essence of a bustling research lab. +A realistic photograph of a camping backpack tag, clearly marked with "Owner Mark Smith", attached to a rugged, weathered backpack in a natural outdoor setting. +A close-up of a hotel key card sleeve on a wooden desk, "Room 237 Checkout 11AM" clearly visible, with a vintage brass key attached, surrounded by morning light casting soft shadows. +A close-up of a paper fortune cookie slip with the text "Lucky Day 0423" clearly visible, lying on a wooden table with a soft, warm light casting a gentle glow, creating a serene and inviting atmosphere. +A weathered pirate's compass rose, with intricate engravings and a faded, cracked surface, pointing to "North Who Cares" amidst a backdrop of swirling, stormy seas and dark, foreboding skies. +A bakery window features a decal reading "Fresh Croissants Daily", with a warm, inviting interior visible through the glass, showcasing a variety of fresh pastries and the friendly face of a baker. +A sleek smartphone with a glossy black screen, displaying a simple and modern interface with the text "Slide to Unlock" in white, set against a minimalistic background. +In a serene hospital nursery, a small bassinet is prominently displayed, with a delicate name card reading "Baby Girl Johnson" gently attached. Soft, warm lighting and pastel walls create a nurturing and peaceful environment. +A museum display case showcasing an ancient Roman coin from 45 BC, with a detailed exhibit label reading "Ancient Roman Coin 45 BC" beneath it, set against a softly lit, elegant background. +A mountain climber stands on a rocky outcrop, looking determined. Her backpack, partially unzipped, reveals a patch that reads "Conquer the Peaks" in bold letters. The backdrop is a majestic mountain range under a clear blue sky. +"Abstract No 5 2023" hangs in a modern art gallery, its vibrant colors and dynamic lines drawing the eye. The piece is displayed on a minimalist white wall, with soft, ambient lighting that highlights the textures and depth of the abstract composition. +An astronaut on the moon, leaving a footprint that distinctly spells out "Hi NASA" in the lunar soil, with the Earth visible in the sky above, casting a soft blue glow over the desolate landscape. +A realistic smartphone screen with a notification bubble prominently displayed, showing the text "New Message Received" in clear, crisp detail, set against a minimalist background. +A futuristic sci-fi prison cell, dimly lit with neon blue lights, featuring a sleek metal wall with a prominently displayed number plate that reads "INMATE XR7 0" in bold, glowing letters. +A modern elevator with a sleek, metallic button panel, where the button for "Floor 13 Available" is illuminated, surrounded by unlit buttons, in a well-lit, futuristic hallway. +A cozy witch's broom shop with a charming window display featuring a sleek Nimbus 2000 broomstick on sale, hanging from a velvet rope. The sign reads "Nimbus 2000 On Sale" in elegant cursive, surrounded by floating candles and a sprinkle of magic dust. +A small green frog sitting on a lily pad, holding a hand-painted wooden sign that says "chuen", with a serene pond and lush greenery in the background. +A detailed map of a national park, featuring a legend that clearly marks "Trail Difficulty Levels" with color-coded symbols and descriptive text, set against a backdrop of lush, forested landscapes and mountain vistas. +Theater stage backdrop painted "Romeo and Juliet Act III", depicting the intense confrontation between the feuding families, with Romeo and Juliet caught in a moment of desperate longing amidst the chaos. +A snow globe with a detailed base etched with "Shake for Blizzard Mode", surrounded by fluffy snowflakes, capturing the moment just before a blizzard erupts inside. +A medieval training ground featuring a knight's training dummy prominently labeled "Practice Target", surrounded by worn weapons and armor, with a grassy field and a wooden fence in the background. +A nostalgic vintage railway platform, dimly lit by the golden glow of old lanterns, with a prominently displayed sign reading "Track 9 ¾" in a classic, weathered font, surrounded by antique wooden benches and steam from a nearby locomotive. +A government file folder with "Classified Information" prominently stamped on its cover, sitting on a cluttered desk under the glow of a desk lamp, with a blurry window showing a rainy night outside. +An ancient stone tablet, weathered by time, engraved with the majestic words "Kingdom Of Atlantis", partially obscured by moss and vines in a mystical, sunlit forest clearing. +A magical forest path with a unicorn’s glittery hoofprint on a signpost that reads "Sparkle Zone Ahead", surrounded by glowing flowers and twinkling fairy lights. +A pixelated video game scene featuring an NPC with a speech bubble that clearly states "Press X to Regret", set against a retro 8-bit background with colorful blocks and simple, nostalgic graphics. +A classroom setting with a detailed periodic table on the wall, prominently highlighting "Element Au Gold" with a spotlight and colorful annotations, surrounded by students' desks and educational posters. +A serene screensaver displays the words "Universe Awaits" against a backdrop of swirling nebulae and distant galaxies, with stars twinkling softly in the vast cosmic expanse. +A detailed wedding cake topper featuring an elegant couple standing under a floral arch, with the words "Happily Ever After" elegantly inscribed above them, set against a soft, romantic background. +Aerial view of Toronto with the CN Tower prominently centered, the cityscape sprawling below. In the sky, a cartoon speech bubble reads "away", adding a whimsical touch to the realistic urban scene. +A vibrant movie poster featuring the title "Rocky V" in bold, gritty font, set against a backdrop of a dimly lit urban alley. The iconic boxer, Rocky Balboa, is seen in a determined pose, sweat-drenched and bruised, with the city lights reflecting off the wet pavement below. +A construction site with a fence displaying a warning sign that reads "Hard Hat Area" in reflective letters, surrounded by safety cones and equipment under a cloudy sky. +A rustic wooden table is set in a sunlit garden, covered with an array of vintage seed packets. At the center, a prominently displayed packet reads "Heirloom Tomatoes", surrounded by gardening tools and freshly picked tomatoes. +A professional basketball player wearing a jersey with "Sky High 23" prominently displayed on the back, dribbling the ball on a sunlit court, surrounded by cheering fans in a vibrant stadium. +A bustling city street with a charming bookstore window display prominently featuring the intriguing book titled "Plot Holes". The window is adorned with vintage posters and cozy reading nooks, inviting passersby to explore the mysteries within its pages. +A rustic gardener's shed with a weathered sign reading "Beware of Attack Tomatoes", surrounded by vibrant, oversized tomatoes with playful, almost menacing expressions, set against a sunny, suburban garden backdrop. +A realistic photograph of a heavy, steel bank vault door with a prominently displayed warning sign that reads "Authorized Personnel Only", set against the backdrop of a dimly lit, secure bank corridor. +Astronaut’s lunar footprint on the moon’s surface, with "First Step Property of NASA" clearly inscribed beside it, under the glow of Earth’s reflected light, surrounded by the stark, grey lunar landscape. +Astronaut floating in space, helmet visor HUD prominently displaying "Oxygen 78 Remaining", against a backdrop of stars and the Earth, with a realistic, high-tech, and detailed portrayal of the astronaut's gear. +In a futuristic spaceship cockpit, the dashboard lights are dimly lit, except for a conspicuous red warning light blinking "Gravity Optional". The control panels and screens display complex data, with the pilot's helmeted silhouette reflected in the glass, emphasizing the tension of the moment. +A vibrant, hand-drawn rainbow by a child, with the words "I Love Mom" clearly written in the center, surrounded by playful doodles and colorful markers on a bright, white paper. +A neon sign flashing "Dream Big" casts vibrant hues over a nostalgic midnight diner, its glowing letters reflecting off the wet pavement and illuminated windows, where silhouettes of late-night patrons are faintly visible. +A realistic photograph of a food bank donation box prominently displaying the message "Share What You Can", surrounded by various donated items like canned goods, fresh produce, and boxes of cereal, with people in the background gently placing more items into the box. +A bustling wizard job fair with a vibrant booth sign that reads "Dragon Tamer", surrounded by enchanted forests and mystical creatures, capturing the essence of a magical recruitment event. +A cozy café with a rustic wooden interior, featuring a vintage chalkboard prominently displaying today’s special: "Moms Apple Pie". Warm lighting and a few patrons enjoying their meals enhance the inviting atmosphere. +In a misty, serene cemetery, a vintage floral card with the message "Sorry I Ghosted You Literally" lies on a weathered tombstone, surrounded by wilting roses and overgrown grass, under a somber, cloudy sky. +A close-up of a shiny silver dog collar tag, intricately engraved with the words "Best Boy Max", reflecting a soft golden light, set against a blurred background of a cozy, warm living room. +A vintage pharmacy sign with "Elixir Emporium" in elegant cursive script, hanging above an old wooden door, with a cobblestone street and antique lampposts in the background, bathed in the warm glow of the evening sun. +A vibrant beach scene with a volleyball net set up, players in action, and spectators cheering. The sun is high, casting bright shadows. The sign "Game in Progress" is clearly visible, emphasizing the competitive atmosphere. +A realistic photograph of a space station airlock control panel, with red lights flashing and the warning "Do Not Open" prominently displayed, set against the cold, metallic interior of the station. +A realistic underwater scene featuring a submarine porthole with a sticker that reads "Caution Kraken Zone", surrounded by dark, murky water and faint, eerie bioluminescent creatures. +A protestor in a bustling city square holds a placard demanding "More Sleep for All", surrounded by a crowd of supporters and onlookers, with the city skyline visible in the background. +A detailed ski resort trail map marker for the "Black Diamond Run", set against a snowy backdrop with pine trees. The marker features bold, black text on a bright orange background, emphasizing the challenging nature of the run. +A weathered ship captain, pen in hand, writes "Storm Approaching" in his logbook, surrounded by nautical charts and flickering oil lamps. The ship's wooden interior creaks as a fierce storm brews outside, visible through the porthole. +A bustling amusement park entrance with a vibrant archway that reads "Funland Opens", surrounded by colorful lights and excited visitors, set against a sunny sky. +A close-up photograph of a gym locker combination lock, the dials precisely set to "12 24 36", with the metal surface showing subtle wear and the background blurred to focus attention on the lock. +A bustling train station with a modern, slightly futuristic design. An electronic display board shows "Platform 5 Departing Now" in bold letters. Passengers hurry past with luggage, while the announcement echoes through the spacious hall, creating a sense of urgency and movement. +A vibrant TV show poster titled "JAN 30METHING", featuring a group of young adults in casual, trendy outfits, laughing and enjoying a night out in a bustling city. The background includes neon lights and a skyline, emphasizing the urban, lively atmosphere of the show. +A realistic photograph of a space colony dome window, featuring intricate etching that reads "Earth View", overlooking a breathtaking scene of Earth in the distance, with stars and galaxies in the background. +A bakery box with a "GlutenFree Inside" stamp in vivid purple ink, sitting on a rustic wooden table with a sprinkle of flour, under the warm glow of a vintage lamp. +A vintage movie theater marquee, illuminated under a twilight sky, prominently displays "Now Showing Space Odyssey". The marquee's ornate design and classic font are highlighted by soft, warm lighting, evoking a nostalgic 1960s atmosphere. +A retro arcade game loading screen with vibrant pixel art, displaying the iconic message "Press Start" in bold, neon colors. The background features a space-themed galaxy with stars and planets, enhancing the game's futuristic vibe. +A close-up of a bicycle with a license plate that reads "SPEEDY", parked against a blurred cityscape background, capturing the essence of urban mobility and haste. +A realistic photograph of a car dashboard with a warning light blinking, displaying the message "Check Reality Fluid Levels", set against the ambient glow of the dashboard lights. +A rustic farm gate with a weathered wooden sign that reads "Beware Of Guard Dog", surrounded by tall grass and a fence, under a cloudy sky. +A realistic gym locker room scene with a large mirror displaying the motivational message "You Got This" in bold, reflective letters, surrounded by workout equipment and personal items, capturing the essence of determination and encouragement. +A realistic photograph of a rustic wooden menu board outside a cozy restaurant, featuring elegant chalk handwriting that reads "Soup of the Day", with a variety of herbs and vegetables arranged artistically around the text. +A bustling farmer's market with a vibrant banner reading "Zucchini Festival Today" hanging above a row of stalls filled with fresh zucchini and other vegetables, surrounded by happy shoppers and farmers. +A futuristic robot stands in a sleek, modern laboratory, its chest panel glowing with the message "System Optimal". The lighting is soft, highlighting the sleek metal and advanced technology, creating a sense of precision and efficiency. +A realistic photograph of a fire extinguisher sign with bold red text that reads "Break Glass in Emergency", set against a stark white background, with a subtle shadow to enhance depth and clarity. +A close-up of a dry cleaner's receipt tag, neatly attached to a garment, with the text "Ready by 5PM Thursday" clearly visible. The tag is slightly worn, with a subtle texture, set against a blurred background of hanging clothes. +A serene golf course with lush green fairways, framed by tall pine trees. In the foreground, a classic wooden golf course marker reads "Hole 9 Par 5", set against a backdrop of rolling hills and a clear blue sky. +A sleek spaceship hull, marked with the futuristic identification "Galaxy Explorer" in bold, glowing letters, set against the backdrop of a star-studded cosmos. +A realistic photograph of a glowing "Gate B17" departure sign at an international airport, with passengers walking by and the bustling atmosphere of a busy terminal in the background. +A vibrant children's lunchbox, brightly colored with playful designs, featuring the phrase "Adventure Awaits" prominently displayed. The lunchbox is set against a backdrop of a sunny picnic scene, with lush green grass and blue skies, emphasizing the sense of fun and exploration. +A bustling city street at dusk, with a vibrant "mediashopping" sign illuminated in neon, reflecting off the wet pavement. Shoppers and pedestrians pass by, captured in a moment of urban life. +A baker in a worn apron, visibly stained with flour, stands in a cozy kitchen. The apron prominently displays the faded lettering "Flour Power", hinting at years of dedicated service. The scene is captured in a realistic photographic style, emphasizing the texture of the flour and the character of the baker. +A tea shop window adorned with a vibrant decal that reads "Now Brewing Dragon Chai", featuring intricate dragon motifs and swirling tea leaves, set against a warm, golden backdrop. +A close-up of a concert ticket stub with "General Admission Row GA" clearly visible, lying on a textured wooden table, under a warm, ambient light, capturing the essence of an eagerly anticipated music event. +A close-up of a baker's oven window, featuring a whimsical sticker that reads "Bread Rising" in elegant cursive, with a background of warm, golden light and rising bread loaves faintly visible through the glass. +A close-up of a spy document with a subtle, yet noticeable watermark revealing "Double Agent" across the page, illuminated by the soft glow of a desk lamp in a dimly lit room, enhancing the secretive and tense atmosphere. +A gallery wall displays a placard reading "Modern Art Exhibition", featuring a mix of abstract and contemporary artworks. The lighting is soft, highlighting the textures and colors of the pieces, creating a serene and inviting atmosphere. +A close-up of an antique silver ring, intricately designed with mysterious symbols and inscribed with "We Control Everything", set against a dark, velvet background, capturing the eerie, clandestine essence of a secret society. +A scientist in a lab, wearing a white lab coat with a nametag that clearly reads "Dr Quantum Inside", stands amidst a cluttered, high-tech laboratory filled with advanced scientific equipment and glowing monitors. +A high school basketball player wearing a jersey with "Number 23" on the back, standing on a court during a game, the sunlight streaming through the windows, casting a warm glow on the polished floor. +A UFO hovers in a clear night sky, its metallic surface gleaming under the moonlight, etched with the words "We Come in Peace". The craft’s smooth, sleek design contrasts with the rustic, untouched landscape below. +A realistic photograph of an airport security checkpoint, featuring a prominent sign that reads "Remove Metal Objects", with travelers in the background removing their belts, jewelry, and watches. +Astronaut patch featuring "Mission Apollo XI", showcasing the iconic lunar module against a backdrop of the Earth, with stars and the mission insignia prominently displayed. The patch is detailed, with a vintage, 1960s aesthetic, emphasizing the historical significance of the first moon landing. +In a well-lit museum exhibit, a glass case displays a large, ancient dinosaur egg labeled "Dinosaur Egg 65 Million BCE". The egg is surrounded by softly glowing lights, and a plaque provides detailed information. Visitors peer in, their reflections faintly visible on the glass. +An antique exploration map with detailed engravings, featuring the phrase "Hic Sunt Dracones" prominently marked in an uncharted area, surrounded by intricate illustrations of mythical creatures and naval ships. +A modern electric car charging station, prominently displaying the label "EV Power Station", set against a bustling city backdrop with sleek, futuristic architecture and vibrant neon lights. The station is clean and well-lit, with a few electric vehicles parked and charging. +A vibrant gym wallpaper featuring the motivational quote "Push Your Limits" in bold, dynamic typography. The background showcases energetic athletes working out, with gym equipment and bright colors to emphasize the theme of pushing boundaries and achieving goals. +A vintage rock band tour bus parked at sunset, with a large, worn banner stretching across its side that boldly proclaims "World's Okayest Musicians", surrounded by a crowd of dedicated fans taking photos. +A realistic photograph of a football jersey with the player's name "Johnson 22" prominently displayed on the back, set against a blurred stadium background with cheering fans and a vibrant, sunny sky. +A realistic photograph of a space station airlock with a prominent warning sign that reads "Decompression Risk", set against the backdrop of a distant Earth, with astronauts in the background preparing for a spacewalk. +An underwater cave with a wall intricately carved with the words "Mermaid Meeting Room", illuminated by soft, glowing bioluminescent algae, surrounded by swirling currents and colorful coral, with silhouettes of mermaids in the background. +A wizard stands proudly, wearing a tall, pointed hat adorned with a tag that reads "Magician Extraordinaire", surrounded by floating magical orbs and intricate runes, set against a mystical, starlit sky. +A robot standing in a city square, holding a protest sign that reads "Battery Lives Matter", surrounded by a crowd of onlookers and other robots, under a cloudy sky. +A vintage suitcase with a faded sticker labeled "Fragile Handle With Care", placed on a rustic wooden table, surrounded by old travel maps and a vintage camera, capturing the essence of nostalgic travel. +A realistic desktop screen displaying a computer error message "Disk Full", with a cluttered, tech-filled room in the background, emphasizing the overwhelming presence of digital storage devices and cables. +An antique shop's weathered glass window, featuring a vintage decal that reads "Established 1920", with old-fashioned merchandise displayed inside, bathed in the warm glow of a setting sun. +A movie set with a director's chair prominently placed, the backrest stenciled with "Cut the Drama Except Here", surrounded by film equipment and crew members in a bustling, realistic scene. +An astronaut floats in a space station, surrounded by floating snacks from a lunchbox labeled "ZeroGravity Snacks", including freeze-dried ice cream, crackers, and fruit slices, all suspended mid-air in a weightless environment. +A realistic photograph of a red fire extinguisher against a white wall, with a clear label stating "Emergency Use Only" prominently displayed on its side. The scene is well-lit, with a slight shadow on the wall, emphasizing the fire extinguisher's presence. +A realistic photograph of a restaurant menu header, titled "Todays Specials", featuring elegant typography and a subtle background texture, with a few delicate food items like a cheese plate and a glass of wine in the background. +A vintage cereal box from the 1980s, featuring bold, colorful graphics and the slogan "Now With More Regret Flakes" prominently displayed. The box is slightly worn, with a playful, nostalgic feel, set against a retro kitchen backdrop. +In a bustling airport terminal, the departure board prominently displays "DELAYED" in angry red text, flickering intermittently against the backdrop of a crowded waiting area, capturing the frustration of travelers. +A weathered saloon door with a swinging sign that reads "Good Whiskey Bad Decisions", set against a dusty, old Western town at sunset, with a lone cowboy standing nearby, looking contemplative. +A dimly lit castle dungeon with ancient stone walls, featuring a hauntingly intricate carving that reads "Abandon Hope" in Gothic lettering, illuminated by flickering torchlight, casting eerie shadows. +A red stop sign with the text "Stop Dreaming" displayed in bold white letters, set against a serene suburban street at dusk, with soft lighting enhancing the vibrant red of the sign and the subtle shadows of the surroundings. +A vintage typewriter on a wooden desk, with a sheet of paper inserted displaying "Chapter One" in Courier font. Soft, warm lighting highlights the worn, metallic surface and the crisp, white paper. +A modern hair salon interior with a large mirror featuring a stylish sticker that reads "New Style New You", surrounded by sleek hair styling tools and vibrant, colorful hair products. +A solitary tombstone stands in a misty, overgrown cemetery, its inscription clearly visible: "I Told You I Was Sick". The scene is captured in a realistic photographic style, with the stone weathered and moss-covered, emphasizing the somber and eerie atmosphere. +A cozy café setting with a barista expertly crafting a latte art design, forming a perfect "Heart Shape" in the espresso drink, surrounded by the warm, inviting atmosphere of the café. +A mason jar filled with vibrant, homemade jam, labeled with a charming, handwritten sticker that reads "Grandmas Berry Bliss", set against a rustic wooden background. +A movie poster titled "Invasion of the Robots", featuring towering, sleek robots with glowing eyes marching through a futuristic city at sunset, with a sky filled with swirling clouds and neon lights reflecting off metallic surfaces. +A vibrant modern dance poster titled "Rhythm in Motion", featuring fluid, dynamic dancers in mid-leap against a gradient background. The dancers' movements are captured with a mix of sharp clarity and motion blur, emphasizing the flow and energy of the performance. +A hiker's compass, intricately engraved with "North Always True", lies on a rugged, moss-covered rock in a dense forest, the needle pointing steadfastly north, surrounded by fallen leaves and morning dew. +A weathered pirate treasure map with intricate illustrations and faded ink, featuring a small, humorous footnote in a curly script: "Beware of Parking Tickets", surrounded by compass roses and seafaring symbols. +A serene meadow with a wooden signpost that reads "Magical Creatures Only", under a clear blue sky, with a majestic unicorn grazing nearby, its mane shimmering in the sunlight. +A vintage antique globe with a faded label clearly showing "New World 1492", set against a backdrop of old, worn maps and nautical instruments, capturing the essence of early exploration. +A glowing cyberpunk street vendor cart labeled "Hot RAMen 247" stands under neon lights, reflecting off wet pavements in a futuristic cityscape. The cart is adorned with vibrant, digital displays showing steaming bowls of noodles, while pedestrians in futuristic attire pass by, creating a bustling, high-tech atmosphere. +A detective's office with a worn, wooden door featuring a brass plaque that reads "No Crime Too Small Pay Extra", set against a backdrop of rain-soaked city streets at dusk. +A realistic photograph of a coffee cup with a sleeve printed in bold, playful font: "Caution Personality Inside". The cup is placed on a wooden table, with steam gently rising from the top, creating a warm and inviting atmosphere. +A cozy flower shop interior with a vintage refrigerator displaying a hand-painted sign that reads "Roses 12Dozen" on its door, surrounded by vibrant bouquets of roses and other flowers. +A classroom wall features a vibrant behavior chart titled "Star Students", decorated with colorful stars next to each student's name, with a teacher smiling in the background, emphasizing the positive and encouraging atmosphere. +A realistic photograph of an emergency exit door with a prominently displayed sign that reads "Exit Only", set against a dimly lit hallway with subtle shadows and a slight glow around the edges of the sign. +A weathered diary with a slightly open page, revealing a hand-scrawled entry that reads "Secret Plans Tonight" under dim, moody lighting, with a flickering candle casting shadows on the worn, yellowed pages. +An ancient, tattered page from a wizard's spellbook, titled "Cure for Viral Tweet Curse", with intricate runes and symbols surrounding the text. The page is slightly illuminated by a soft, ethereal light, highlighting the mystical words and diagrams. +A realistic photograph of a lab intern wearing a white lab coat with a nametag that clearly reads "Dr. Frankensteins Intern", standing in a cluttered laboratory filled with scientific equipment and eerie green lighting. +A wedding cake topper featuring a bride and groom figure holding a sign that reads "Game Over", set against a elegant white and gold cake with delicate floral decorations. +In a well-lit art gallery, a sleek, modern plaque titled "Modern Masters" hangs on a white wall, showcasing the names of renowned contemporary artists. The plaque is elegantly designed with a minimalist aesthetic, reflecting the sophistication of the gallery. +A dimly lit theater stage, with the floor marked "Act 3 Scene 2", illuminated by a single spotlight. The worn wooden planks show signs of countless performances, capturing the essence of drama and storytelling. +A high school science fair booth with a vibrant banner across the top, proudly displaying the text "Future Innovators" in bold, modern font. The scene is bustling with enthusiastic students and teachers, captured in a realistic photographic style. +A construction worker in a yellow vest and orange safety pants stands on a scaffolding, proudly displaying a shiny, blue construction helmet with a bold, white sticker that reads "Site Manager" on the front. The background is a bustling construction site with cranes and half-built structures. +A detailed close-up of a wizard's staff, intricately engraved with ancient runes and frost patterns, the inscription "Staff of Eternal Frost" clearly visible, set against a backdrop of swirling icy mist. +A realistic photograph of a "Footpath Closed" barrier standing in the middle of a flooded hiking trail, with water covering the path and reflecting the overcast sky, surrounded by wet, lush greenery. +A cheerful retirement party with a vibrant banner that reads "Happy Retirement" hanging across a well-decorated room, surrounded by smiling friends and family, balloons, and a festive cake. +A realistic photograph of a school auditorium's entrance, featuring a prominently displayed sign that reads "Silence Exam Ongoing". The scene is quiet, with dim lighting and empty seats, emphasizing the serious exam atmosphere. +A cozy library with warm lighting, a wise-looking owl perched on an ancient book, wearing a delicate collar with a tag that reads "Staffs Emotional Support Owl", surrounded by towering bookshelves and magical artifacts. +A detailed science museum exhibit titled "Solar System Exploration", featuring interactive models of planets, moons, and spacecraft. Visitors engage with touch screens displaying vivid images and facts, while a large, illuminated model of the solar system hangs overhead, creating an immersive and educational experience. +A busy airport terminal with a large digital display board flashing "Flight Delayed" in red, surrounded by travelers checking their phones and looking concerned. The scene is lit by the terminal's bright, modern lighting, capturing the essence of travel disruption. +A close-up of a library book spine, intricately stamped with "Rare Collection", surrounded by other vintage books on a wooden shelf, with soft, warm lighting highlighting the texture and age of the spines. +A realistic photograph of a modern parking garage entrance with a prominent sign that reads "Compact Cars Only", surrounded by sleek, minimalist architecture and well-lit with natural sunlight filtering through. +A realistic photograph of a racing podium, the top step adorned with a large banner that reads "First Place Winner", surrounded by cheering spectators and gleaming trophies, under a vibrant sunset sky. +A vibrant pet store fish tank, filled with colorful fish swimming around decorative aquatic plants and rocks. A small, illuminated sign with blinking lights reads "Just Keep Swimming", adding a playful touch to the serene underwater scene. +A stylish restaurant table with a menu open, showcasing the "Chefs Choice 19" special. The dish features a gourmet arrangement of seared scallops, truffle-scented risotto, and a drizzle of herb sauce, illuminated by soft, ambient lighting. +An ice rink at twilight, the scoreboard prominently displaying "Final Period" in bright, glowing lights, players in action on the frosty surface, the audience in the background cheering intensely. +A science fair display titled "Volcano Eruption Project", featuring a detailed model of a volcano erupting, with lava spilling down its sides, surrounded by informative posters and enthusiastic students observing the demonstration. +A realistic photograph of a highway toll booth at dusk, with a prominent sign stating "Exact Change Only" illuminated by the last rays of the sun, surrounded by the blur of passing cars. +A toddler’s crayon drawing titled "My Pet Dinosaur", featuring a colorful, playful dinosaur with wide eyes and a friendly smile, surrounded by simple, vibrant shapes and scribbles, all on a bright, textured paper. +A steaming coffee cup on a wooden table, with the logo "Best Brew in Town" prominently displayed on the side, surrounded by a cozy, warm atmosphere. +A realistic urban scene with vibrant graffiti on a brick wall, boldly spelling "Revolution Now" in dynamic, colorful letters, set against a backdrop of a bustling city street. +An ancient, metallic alien artifact lies on a pedestal, its surface inscribed with the cryptic text "TRANSLATION PENDING", surrounded by a halo of soft, ambient light in a dimly lit, futuristic museum. +A digital camera screen displays "Smile For The Photo" against a soft, blurred background of a sunny garden, capturing the essence of a joyful moment. +A photographer's lens cap, inscribed with "Capture the Moment", lies on a rustic wooden table, next to a vintage camera, under the warm glow of an antique lamp. +A cozy café interior with a chalkboard menu prominently displaying "Special Vegan Burger" in vibrant, colorful café chalk, surrounded by hand-drawn illustrations of fresh vegetables and herbs. +A sleek, futuristic spaceship hull, painted with the bold, vibrant text "Mars Or Bust", reflecting the determination of its mission, set against the backdrop of a starry night sky. +A vibrant fitness challenge poster featuring the text "30 Day Transformation" in bold, modern fonts. The background showcases a dynamic gym setting with energetic people exercising, highlighting weights, yoga mats, and cardio equipment. Bright, motivational colors and sleek design elements emphasize the transformation journey. +An archaeologist's hand gently brushing away sand, revealing an ancient artifact with the inscription "Made in China" clearly visible, set against the backdrop of a sunlit excavation site. +A high-quality photograph of a wine bottle with the label "Vintage Reserve 2020" prominently displayed, set against a rustic wooden background with soft, warm lighting enhancing the bottle's rich colors and textures. +A samurai flag bearing the inscription "Loyalty Above All" waves proudly in the wind, set against the backdrop of an ancient Japanese castle. The scene is bathed in the warm, golden light of sunset, casting long shadows and highlighting the intricate details of the flag. +An ice cream truck parked on a sunny street, its side menu prominently displaying "Regret Flavor" in bold letters, with colorful illustrations of exotic ice cream cones around it, attracting curious onlookers. +A vibrant karaoke room with a large screen displaying colorful, animated lyrics for "Sing Along", set against a backdrop of flashing lights and enthusiastic crowd silhouettes. +In a cluttered laboratory, a scientist's lab coat hangs on a wooden stand, the tag at the collar intricately embroidered with the name "Dr Eleanor Gray", illuminated by a soft, focused light, highlighting the detailed stitching against the white fabric. +A lunar landscape with the rover's tire tracks clearly spelling "NASA 2024 Mission" in the fine regolith, under the stark light of the sun, with the Earth visible in the dark sky above. +A vintage arcade screen displays "Game Over Try Again" in vibrant pixel art, surrounded by a nostalgic haze of pixelated graphics and soft, glowing light. +A close-up of an artist's paint palette, labeled "Color Mix Studio", with a vibrant array of paints swirling together, set against a soft, natural backdrop of a sunlit studio window. +A dark urban street at night, with a tattoo parlor's neon sign glowing brightly, reading "Ink Your Legacy" in vibrant red and blue. The sign reflects off the wet pavement, and a lone figure stands outside, looking up at the sign with a mix of determination and hesitation. +An ancient alien artifact, etched with the mysterious inscription "Unknown Origin", lies half-buried in the sands of a desolate planet, its surface reflecting the eerie glow of a distant, dying star. +A close-up of a supermarket price tag reading "ORGANIC APPLES 199LB", with a basket of fresh, red organic apples displayed prominently behind it, under the warm glow of overhead lights. +A realistic photograph of an archery target with the center ring clearly marked "Bullseye Zone", set against a natural outdoor background with soft sunlight filtering through the trees, enhancing the texture of the target. +A vast desert scene with a lone, weathered signpost standing under a clear blue sky, pointing east with the text "Water 5 Miles East" clearly visible. Dry sand stretches endlessly, with distant mountains on the horizon. +A vibrant beach towel spread on soft sand, featuring a bold print that reads "Sun Sand Surf" in stylish, ocean-themed typography, surrounded by seashells and driftwood, with the azure waves of the ocean gently lapping in the background. +A realistic photograph of a red stop sign with "Stop" in bold white letters, set against a backdrop of a quiet suburban street with trees lining the sides. +A museum exhibit featuring a detailed plaque titled "Dinosaur Era Fossils", surrounded by various ancient fossils and skeletal remains, with soft lighting highlighting the informative display and creating a sense of awe and discovery. +An oil painting titled "Tempests Fury" depicting a stormy sea with dark, tumultuous waves and lightning-streaked skies, framed on a golden plaque. +A movie director's chair on a bustling film set, with "Visionary in Charge" emblazoned on the back. The chair is placed under a soft spotlight, surrounded by crew members and cinematic equipment, capturing the essence of creative leadership. +A realistic photograph of a submarine control panel, with illuminated displays and dials, showing the depth indicator prominently set at "Depth 300 Meters". The scene is dimly lit, highlighting the technology and the depth of the ocean. +A prehistoric cave wall painting showcasing a group of ancient hunters pursuing "Mega Fauna" through a dense, shadowy forest, their spears poised and determination evident in their expressions, with the large, ancient beasts ahead, towering over the hunters. +A school bus sign on a roadside, flashing "Stop When Red" with a vibrant red light, under a clear blue sky, surrounded by lush green trees and a quiet suburban street. +A futuristic time machine dashboard with a glowing screen displaying an alert that reads "Destination Yesterday", surrounded by intricate dials and buttons, set against a backdrop of softly lit control panels. +A vintage coffee advertisement featuring a cozy café setting with the text "Coffee is what i like" prominently displayed, surrounded by steaming cups of coffee, pastries, and happy patrons. +A gym interior with a treadmill, its screen prominently displaying the message "Run from Your Problems", surrounded by workout equipment and a few people exercising in the background. +A leather motorcycle jacket with a large, intricate back patch that reads "Road Warriors MC" in bold, vibrant colors, set against a backdrop of a roaring motorcycle and a sunset-lit highway. +A movie set with a clapperboard prominently displayed, labeled "Take 327 Maybe This Time", surrounded by crew members preparing for the next shot, with cameras and lights set up in a dimly lit, bustling studio. +A close-up photograph of a laboratory mouse cage, with a clear label on the front reading "Specimen 24601". The cage is clean and well-lit, with a small mouse inside, looking curiously at the camera. +A realistic photograph of a spaceship cargo crate, prominently stenciled with "Mars Colony Supplies", sitting on a metal ramp inside a futuristic spacecraft hangar, illuminated by the soft glow of overhead lights. +A close-up of a pizza box top, prominently displaying the text "Extra Cheese" in bold, against a backdrop of a steamy, freshly delivered pizza. The scene is set in a cozy kitchen, with warm, inviting lighting enhancing the appetizing appearance of the pizza. +A sleek highway patrol car parked on the side of a busy road, with a prominent decal on its side reading "Speed Tax 1Mph Over". The car's lights are flashing subtly, and the scene is set during dusk, with the last rays of sunlight casting long shadows. +A bustling supermarket aisle with a brightly lit sign that reads "Canned Goods Aisle 5", surrounded by shelves stocked with colorful cans and a few shoppers browsing the items. +A sleek, modern race car with a glossy black finish, featuring a bold hood decal that reads "Speed Demon Racing Team" in vibrant red and yellow, set against a dynamic track backdrop with blurred spectators and a sense of speed. +A close-up of a laboratory test tube labeled "Sample 007" on a white background, with a scientist's gloved hand gently holding it, reflecting the serious and precise nature of the experiment. +A surfboard wax logo featuring the text "Waves Ahead" in bold, ocean-inspired typography, set against a backdrop of crashing waves and a sunny beach sky. The logo is vibrant and eye-catching, with a subtle texture that mimics the look of wax. +A gym interior with modern equipment, where a prominent wall decal reads "Wipe Equipment After Use", ensuring a clean and responsible environment. The scene is bright, with natural light and a few people working out in the background. +A construction worker in a bright orange vest, prominently printed with the slogan "Safety First", stands against a backdrop of a bustling construction site, surrounded by scaffolding and machinery, with a hard hat on and a determined look on their face. +A bustling city bus stop with a modern, illuminated timetable displaying "Route 66 Next Bus" in bold letters. Passengers wait under a sleek, glass shelter, while the glow of the timetable reflects on the wet pavement from a recent rain. +In a serene library, a rustic wooden plaque hangs discreetly on a dark, mahogany bookshelf, engraved with the phrase "Silence is Golden", surrounded by towering shelves filled with ancient, leather-bound books. +A close-up of a silver necklace pendant, delicately engraved with the words "Best Friends", hanging against a soft, blurred background of pastel colors, capturing the essence of a cherished friendship. +A majestic mountain summit with a clear blue sky, featuring a prominent marker that reads "Peak 8848 Meters". Snow covers the peak, and the marker stands tall against the rugged, rocky terrain, emphasizing the grandeur of reaching the highest point. +A detailed subway wall featuring a vibrant mosaic that spells "Downtown Loop" in bold, colorful tiles, set against a clean, modern station with soft lighting and stainless steel accents. +A gym treadmill with a modern, sleek design, its display screen flashing the message "404 Fitness Not Found" in bright red letters, set against the backdrop of a well-lit, empty gym. The treadmill is the focal point, with a slight blur around it to emphasize the error message. +An astronaut stands against the vastness of space, their helmet visor prominently displaying "O2 Levels Optimal". The visor reflects distant stars and the curvature of a blue planet, highlighting the serene yet critical environment of their mission. +A weather station's digital screen flashes "Storm Approaching" amidst a dimly lit room, surrounded by scattered papers and charts. The atmosphere is tense, with the faint sound of thunder in the background, highlighting the urgency of the impending storm. +A majestic mountain peak, snow-capped and towering, with a survey marker firmly planted at the summit. The marker is engraved with "Elev 8848m", reflecting the sunlight against a clear blue sky. +A high-speed race car with a sleek, glossy finish, featuring a bold hood decal that reads "Fueled by Adrenaline" in dynamic, eye-catching lettering, set against a backdrop of a roaring crowd and a blurred track. +A realistic photograph of a subway station wall, prominently graffitied with the words "Next Train Delayed", surrounded by the hustle and bustle of commuting passengers. +A realistic photograph of a science lab, featuring a whiteboard filled with complex equations, prominently ending with "E=mc²". The lab equipment is neatly arranged, and the lighting highlights the whiteboard, emphasizing the iconic equation. +A bustling city street at dusk, with a jewelry store window prominently displaying an elegant sign that reads "Engagement Rings 50% Off". The window showcases a variety of sparkling rings on velvet cushions, while passersby pause to admire the display. +A weathered cowboy holds a revolver with a grip intricately carved with the phrase "Shoot Straight Love Harder", standing against a dusty, sunset-lit Western landscape. +An astronaut stands outside a moon base door, labeled "Knock Three Times No Oxygen", with a desolate lunar landscape behind them, emphasizing the isolation and the stark warning on the door. +A detailed national park map with vibrant nature scenes, pointing to a specific location marked with a humorous "You Are Here Probably" sign, surrounded by illustrated trees and wildlife. +A vibrant concert scene with a crowd cheering, spotlights shining, and a wristband prominently displayed on a front-row attendee's arm, printed with "VIP Access" in bold letters. The wristband is brightly colored, contrasting with the dimly lit venue. +A realistic photograph of an airport departure board, prominently displaying "Flight 22 Cancelled" in red, with other flights listed around it, and a few travelers looking concerned in the background. +A yoga mat with the words "Breathe Stretch Relax" printed in elegant, flowing letters, set in a serene outdoor garden with soft sunlight filtering through the trees, creating a peaceful and calming atmosphere. +A cozy, warmly lit room with a birthday cake in the center, candles flickering. A handwritten note on the table reads, "Make a Wish Today", surrounded by colorful balloons and festive decorations. +A stone monument engraved with "Peace Garden" stands tall in a serene garden, surrounded by lush greenery and blooming flowers, casting a gentle shadow under the soft sunlight. +An astronaut on the moon holds a rock sample labeled "Space Potato Dont Eat", under the stark light of the lunar surface, with Earth visible in the distant black sky. +A vintage time machine with a sleek, worn leather seat prominently branded "Made in Future", set against a backdrop of glowing temporal circuits and futuristic instruments. +A vibrant TV show poster featuring the text "Kilroy" in bold, retro typography. The background showcases a dynamic cityscape at dusk, with neon lights and a futuristic vibe, emphasizing the show's edgy and modern theme. +An amusement park ride with a large, colorful sign that reads "You Might Scream". Thrill-seekers queue up, their faces a mix of excitement and nervous anticipation, as the ride's mechanical arms swing wildly in the background. +A vibrant electronics store poster with bold, eye-catching fonts declaring "Big Sale Now" amidst a dynamic display of high-tech gadgets and colorful lights, set against a sleek, modern background. +A wall calendar square featuring the text "Dentist Appointment" in bold, modern font, set against a clean, minimalistic background with subtle, pastel-colored accents and a small, illustrated tooth icon. +A bustling cityscape with a grand monument featuring a plaque that reads "Heroes Remembered", surrounded by flowers and visitors paying their respects, under a clear blue sky. +A rugged sailor with a tattoo on his arm reading "Ocean Wanderer", standing on the deck of a ship, the sea breeze ruffling his hair, the vast ocean stretching out behind him. +A classroom desk with colorful flashcards scattered on it, one prominently displaying "Bonjour Hello" in bold, vibrant letters. Natural light filters through a window, casting soft shadows and highlighting the educational tools. +A stylish wedding cake topper featuring the elegant text "Mr & Mrs Smith" atop a classic, tiered cake with intricate frosting details, set against a soft, romantic backdrop. +A close-up of an ice cream carton lid, prominently stamped with "Contains 11 Moon Cheese", set against a frosty background with subtle reflections of starlight, emphasizing the unique and celestial nature of the product. +A grocery store parking lot with a cart corral sign that reads "Please Return Carts Here" with clear directional arrows pointing towards the cart area. The scene is bustling with shoppers returning carts, and the sunny afternoon casts soft shadows. +Retro arcade cabinet with a vibrant, pixelated screen displaying the text "Insert Quarter", set in a dimly lit game room with soft neon lights casting a nostalgic glow. +A vibrant skatepark with a large ramp featuring the text "Extreme Tricks Zone" in bold, neon colors. Skaters perform daring tricks against a dynamic, sunlit background. +A toddler’s colorful drawing of a family, framed with the words "My Family" in bold, childlike letters, set against a warm, pastel background. +A music festival-goer proudly displays their wristband featuring "VIP Access All Areas" in holographic text, shimmering under the vibrant lights of the event. The crowd and stage lights create a dynamic, colorful backdrop, emphasizing the exclusivity and excitement of the VIP experience. +A dusty, ancient spellbook lies open on a wooden desk, illuminated by a flickering candle. A footnote in elegant script reads, "May Explode If Read Aloud". The room is filled with mystical artifacts and swirling mist, enhancing the eerie atmosphere. +A sleek sci-fi spaceship console with illuminated buttons and screens, prominently displaying "Hyperdrive Active" in glowing green text, set against the backdrop of a dark, futuristic control room. +In a dimly lit, ancient stone room, a witch stirs a cauldron emitting swirling, colorful vapors. The cauldron's side is engraved with the label "Love Potion 95", reflecting the flickering candlelight. +A detective's desk cluttered with files and a vintage typewriter, a prominent red stamp reading "Cold Case Reopened" on a worn case file, under the warm glow of a desk lamp. +A wooden giraffe toothbrush with "Giraffe Toothbrush" lettering in vibrant rainbow colors, set against a clean, white background, capturing the playful and colorful essence of the product in a realistic photographic style. +A dusty, ancient library book titled "Secrets of Atlantis" rests on a weathered wooden shelf, surrounded by other vintage books, with soft light filtering through a nearby window, casting a warm glow over the scene. +A vintage library book with a mysterious, slightly faded stamp on the inside cover, clearly reading "Property of Atlantis", surrounded by worn pages and the scent of old paper. +A rustic barn on a serene farm, its weathered red roof proudly displaying "Smith Family Farm Since 1890" in bold white letters, surrounded by golden fields and a clear blue sky. +A realistic photograph of a tattoo parlor's window, featuring a stylish decal that reads "No Regrets Guarantee" in bold, modern font, surrounded by intricate tattoo designs and subtle reflections of the street outside. +A fantasy scene featuring a majestic unicorn standing beside a wooden desk with an open adoption form that reads "Must Promise Infinite Carrots", surrounded by a garden of colorful flowers and carrots. +A realistic photograph of a solar panel installation manual titled "Sun Power 101" lying open on a wooden table, with sunlight streaming through a window and casting a warm glow on the pages. The manual is surrounded by tools and a half-installed solar panel in the background. +A yoga studio with a serene atmosphere, featuring a large wall decal that reads "Breathe In Peace", surrounded by soft, natural lighting and tranquil decor elements like plants and candles. +A sleek tech startup logo featuring the tagline "Innovate Tomorrow", with modern, futuristic elements like abstract geometric shapes and a color palette of metallic blues and silvers, set against a minimalistic background. +A close-up of an alien spaceship door, intricately etched with the warning "Humans Prohibited", illuminated by a dim, eerie light, set against the backdrop of a dark, star-filled space. +A medieval shield, intricately designed with a bold emblem that proudly displays "Loyalty Honor" in elegant, gothic script, set against a backdrop of a grand, ancient castle courtyard. The shield is weathered, showing signs of battles past, yet the emblem remains vivid and unblemished. +A vintage bookstore poster titled "Read More Tomorrow", featuring an old wooden bookshelf with a warm, golden-hour light casting soft shadows. The poster has a nostalgic, slightly weathered look, with the title in elegant, serif font at the top. +A magic mirror in an ancient, dimly lit chamber, its reflection revealing the words "TRUTH HURTS" in glowing, ethereal letters, surrounded by swirling mists and faint, ghostly figures. +A wizard in a detailed costume robe, intricately embroidered with the words "Magic Academy", stands in a mystical library, surrounded by floating spell books and glowing orbs. +A vintage postcard featuring a serene beach scene with palm trees and a clear blue sky. The postcard has a cursive message that reads, "Wish You Were Here", elegantly written in the bottom corner. +A vast iceberg floats in a frigid sea, its surface intricately carved with the bold message "Melt Clock 12 Years Left" by climate activists, reflecting the urgency of environmental concerns. The ice glistens under the pale Arctic sun, casting eerie shadows. +A mountain peak with a signpost marked "Top of the World" stands amidst a rugged, snow-capped landscape, with a clear blue sky and distant peaks visible in the background. +In a futuristic alien zoo, a transparent enclosure houses a human, with a cautionary sign outside reading "Earthling Handle With Caution", surrounded by curious alien visitors observing the exhibit. +A close-up of a sleek, glass perfume bottle labeled "Midnight Rose Fragrance" on a dark velvet background, with soft, ambient lighting highlighting the bottle's elegant curves and the subtle glow of the rose-colored liquid inside. +A serene beach at sunset, with gentle waves lapping the shore. In the foreground, the phrase "Life's a Beach" is delicately written in the sand, partially washed by the incoming tide, surrounded by scattered seashells and footprints. +A close-up of a secret agent's dossier, prominently featuring a large, red stamp that reads "Top Secret Eyes Only" in bold letters, with the background showing blurred, classified documents and a dimly lit room. +A child's lunchbox with vibrant, playful dinosaurs scattered across it, prominently featuring the label "TRex Snax Inside" in bold, colorful letters. The lunchbox is placed on a picnic blanket, surrounded by toys and snacks, under a sunny sky. +Elegant wedding invitation card with the script "Join Our Celebration" in flowing cursive, set against a soft, ivory background with subtle gold foil accents and delicate floral borders. +A close-up of a metallic keychain tag, intricately engraved with the words "If Found Return to Mars", reflecting a futuristic vibe with a subtle Martian red hue in the background. +A robot vacuum cleaner navigating a modern living room, with a humorous bumper sticker on its side reading "I Dust", capturing a moment as it encounters a playful pet cat. +A detailed subway map with the "Downtown Express" route highlighted in bright red, set against a backdrop of a bustling cityscape, with commuters in the background and the map's intricate lines and stations clearly visible. +A cozy coffee shop interior with a wooden counter, a barista handing over a loyalty card stamped "Free Drink Earned" to a satisfied customer, warm lighting, and a shelf of pastries in the background. +A futuristic robotic figure stands in a dimly lit industrial setting, its chest display flashing bright red with the warning "System Overload", casting a eerie glow on the surrounding metal structures. +A kitchen scene featuring a modern oven with a digital clock prominently displaying "Preheat 350 F", set against a backdrop of sleek, stainless steel appliances and warm, wooden cabinetry. +A realistic photograph of a boxing ring with the mat prominently displaying the text "Championship Fight" in bold, white letters. The ring is surrounded by ropes and the dimly lit arena, with a few spectators in the background, creating an intense atmosphere. +A person wearing a VR headset with the screen displaying "Loading Virtual World", standing in a modern living room, surrounded by futuristic gadgets and a large window showing a cityscape at dusk. +A hotel elevator button panel with the button for "Floor 12 Pool" illuminated, set in a modern, sleek interior with reflective surfaces and soft ambient lighting. +A lighthouse stands on a rocky cliff, its powerful beam slicing through the night fog, projecting the words "Safe Harbor" onto the misty sea, guiding weary ships to a calm and secure anchorage. +A diver, equipped with an oxygen tank stamped "Depth Limit 50m", explores the underwater abyss, surrounded by vibrant coral and curious marine life, sunlight filtering through the waves above. +A realistic gym locker room with polished tiles, stainless steel lockers, and a large mirror etched with "You Look Great Today" reflecting a person's silhouette, capturing the essence of motivation and positivity. +A carnival ticket booth under a gray, rainy sky, with a sign that reads "Rides Closed Due to Rain", surrounded by puddles and deserted, with a few wet, drooping streamers and empty ride cars in the background. +A close-up, realistic photograph of a hospital wristband worn on a patient's wrist, clearly displaying the name "John Doe" in bold, crisp text. The band is slightly wrinkled, reflecting its recent application. +A roadside billboard stands tall, its vibrant colors catching the eye. The sign reads, "See World's Biggest Regret", against a backdrop of a bustling small town. The scene is bathed in the warm, golden light of late afternoon, with a few curious travelers stopping by to read the intriguing message. +A forest path with a wooden trail marker pointing towards a lush, green trail, clearly labeled "Shortcut to Waterfall" under a canopy of tall trees. +A child's colorful crayon drawing titled "My Pet Dinosaur", featuring a friendly, small dinosaur with big, round eyes, standing next to a smiling toddler. The background includes a simple house and a bright, sunny sky. +A dragon's lair with a large, ancient treasure chest prominently displayed, engraved with "Basic Instincts Inside". The chest is surrounded by gold and jewels, with the dragon resting protectively nearby, its eyes glowing with a fierce, watchful gaze. +A submarine's control room, dimly lit, with a periscope display prominently showing "Depth 300 Fathoms". The scene captures the tension and focus of the crew, with instruments and gauges adding to the technical atmosphere. +A realistic desktop scene with a modern laptop open, displaying an error message that reads "Critical Security Update" on a blue screen, surrounded by scattered papers and a cup of coffee. +A photographer stands in a bustling city square, her lens cap "Focus Now" dangling from the camera strap. The vibrant urban backdrop contrasts with the serene focus of her gaze, capturing the essence of the moment. +A glowing magic 8-ball floats in the vast, star-studded space, its surface reflecting distant galaxies. The message "Ask Again Later" is clearly visible in the center, illuminated by cosmic light. +A vibrant library banner hanging across a spacious reading area, promoting "Read More Books Month". The banner features a collage of colorful book covers and enthusiastic readers of all ages, set against a warm, inviting backdrop of bookshelves. +A realistic photographic scene of a construction site with a prominent warning sign that reads "Hard Hat Area", surrounded by a yellow and black striped fence, under a clear blue sky. +A weathered pilot's logbook with a handwritten entry that reads "Flight 307 Cleared", set against the backdrop of a vintage airplane cockpit with a hint of sunlight streaming through the window. +A carnival ticket booth under a twilight sky, with a prominent sign stating "Rides Closed for Maintenance" in bold letters, surrounded by deserted, dimly lit attractions and scattered, empty benches. +A time traveler stands in a vintage room, holding an antique watch that reads "Now o'clock" on its face, surrounded by vintage furniture and a steam-powered clock on the wall, capturing the essence of a bygone era with a futuristic twist. +A high-resolution photo of a modern fitness tracker with a sleek, black band on a person's wrist, showing the screen displaying "10000 Steps Achieved" in bright, clear text against a dark background. +A desert scene with a weathered signpost standing tall, pointing towards "Miracle Springs 2 Miles" amidst a vast, sandy landscape dotted with sparse scrub and a distant, lush oasis. +A close-up of a shiny red fire truck door, prominently displaying the emblem "Rescue Unit 45" in bold, reflective letters, with a slight blur from the truck's motion, set against a backdrop of a busy urban street. +A realistic classroom scene with a large periodic table on the wall, prominently highlighting "Element Fe Iron" with a bright, yellow border. Students are seated at desks, looking at the chart with curiosity. +A realistic photograph of an astronaut training manual page titled "Zero G Toilet Use", showing detailed instructions and diagrams for using a zero-gravity toilet in space, with annotations and illustrations. +A cozy kindergarten classroom with a row of cubbies, each decorated with colorful letters. One cubby is labeled "Emma's Stuff", filled with a colorful backpack, a teddy bear, and a small lunchbox, all set against a bright, cheerful wall. +A movie poster featuring the logo "Out of the Inkwell" prominently at the top, set against a backdrop of a whimsical, ink-splattered cityscape with animated characters emerging from ink wells. +A gym interior with modern equipment, focusing on a treadmill whose display prominently flashes "Calories Burned Not Enough", surrounded by motivational posters and sweat-drenched gym-goers. +A close-up of a bicycle frame featuring a sleek, vibrant decal that reads "Speed Demon", set against the shiny metallic surface, with a blurred background of a bustling city street, capturing the essence of urban speed and agility. +A close-up of a basketball jersey featuring the player name "MVP 23" in bold, vibrant letters, set against a dark, textured background that enhances the vivid colors and sleek design of the jersey. +A pilot's cockpit with a futuristic interface, alert lights flashing, and a prominent display reading "Turbulence Dance Mode Enabled". The scene is set during a stormy night, with lightning illuminating the sky outside the window, emphasizing the intense and dynamic atmosphere. +Retro diner at night, neon sign buzzing "Eat Your Weight in Waffles", old-school cars parked outside, warm interior lighting, 1950s Americana vibe, detailed and realistic. +A spy holds a gadget with a lit screen displaying "Night Vision Activated" in a dimly lit room, surrounded by shadows and high-tech equipment, capturing the stealthy atmosphere of a covert operation. +A close-up of a concert wristband stamped "VIP Access Granted", worn on a tanned wrist, with the glow of stage lights and a blurred crowd in the background, capturing the vibrant energy of a live music event. +A close-up photograph of a hotel key card sleeve on a sleek, modern desk. The sleeve is printed with "Room 321 Checkout 11AM", and a key card is partially inserted. Soft, ambient lighting highlights the details of the sleeve and the desk's surface. +A spy's encrypted note, folded and partially hidden under a vintage lamp, with the words "Meet at Midnight" barely visible in the dim light, set on a worn wooden desk. +A cozy bakery window bathed in morning sunlight, showcasing a charming sign that reads "Fresh Croissants Daily", with an array of golden, flaky croissants neatly arranged on a rustic wooden shelf. +A futuristic sci-fi setting featuring a large, glowing alien warning symbol on a metallic surface, prominently displaying the text "Humans Prohibited" in bold, futuristic font, with a dark, ominous atmosphere and subtle cybernetic details. +A realistic photograph of an alien zoo exhibit, with a clear sign in the foreground stating "Earth Specimens – Do Not Feed", surrounded by exotic, otherworldly plants and structures. +A close-up of a firefighter's jacket, showcasing a bold patch that reads "Hero Mode Activated", with the background featuring a subtle, smoky haze to emphasize the heroic theme. +A vintage airplane flies through a clear blue sky, trailing a banner that reads "Marry Me Sarah". The plane's polished metal body glints in the sunlight, and a few fluffy clouds dot the horizon. +A realistic photograph of an old, weathered tombstone in a foggy, abandoned cemetery. The engraving reads "I Told You I Was Sick", with moss partially covering the text. The scene is dimly lit by the pale light of a distant, overcast sky. +In a mystical forest, the ancient tree bark naturally forms the words "Speak to Owls", surrounded by a serene, ethereal glow, with soft moss and vibrant ferns at the base, enhancing the magical atmosphere. +A close-up of a vintage typewriter with a prominently displayed key labeled "Shift Lock On", surrounded by worn, aged keys, capturing the nostalgic charm of early 20th-century office equipment. +A festive living room with a large birthday balloon floating near a cozy sofa, adorned with the message "Happy 30th" in shiny letters. Warm lighting and colorful decorations enhance the celebratory atmosphere. +A realistic photograph of a construction zone with orange barriers and a large, flashing sign that reads "Detour Ahead", set against a slightly overcast sky. +A realistic photograph of a parking garage ticket machine, with a freshly printed ticket displaying "Valid Until 1159 PM" clearly visible, set against the backdrop of a dimly lit garage with cars parked nearby. +A skateboard deck with vibrant graffiti that reads "Ride or Die" in jagged, edgy letters, set against a backdrop of a urban alley with graffiti-covered walls and scattered skateboarding gear. +A detailed close-up of an antique clock tower face, with intricate gears and Roman numerals, prominently displaying the phrase "Time Flies" at the 12 o'clock position, bathed in the soft glow of a sunset. +A serene park landscape featuring a stone monument intricately carved with the words "Walk Humbly". The monument is surrounded by lush greenery and a path leading up to it, with dappled sunlight filtering through the trees, creating a peaceful and reflective atmosphere. +An intricately detailed ice sculpture at a glamorous gala, showcasing the elegant words "Winter Ball 2024" in shimmering, frosty letters, illuminated by soft, ambient lights, surrounded by formally dressed guests in a grand hall decorated with winter-themed decor. +A vivid, realistic photograph of a roller coaster safety sign stating "Keep Arms Inside", set against the backdrop of a bustling amusement park on a sunny day, with colorful rides and excited visitors in the background. +A detailed coffee farm tour map highlighting "Bean Growth Areas", showcasing lush, green fields with coffee plants at various stages of growth, surrounded by scenic hills and a quaint farm house in the distance. +A close-up of a library book spine, titled "Ancient Civilizations", with intricate gold lettering on a deep brown leather cover, set against a blurred background of other books, creating a sense of historical depth and scholarly atmosphere. +A bustling baseball stadium with a vibrant crowd, the massive jumbotron prominently displaying the message "Make Some Noise" in bold, colorful letters, fans waving their arms and cheering loudly, the atmosphere electric with excitement. +A wizard stands in a mystical forest, holding a familiar collar inscribed with ancient runes. The collar reads "I Familiar" in glowing letters. Soft, ethereal light illuminates the scene, highlighting the wizard's robe and the intricate details of the collar. +A detailed ski resort map with a prominent "Black Diamond Slope Ahead" marker, surrounded by snowy peaks and pine trees, capturing the adventurous spirit of expert skiers. +A beautifully decorated birthday cake with "Happy 100th" in vibrant red icing, set on a rustic wooden table, surrounded by lit candles and colorful party decorations, under the warm glow of a chandelier. +A realistic photograph of a school cafeteria menu board, prominently displaying "Meatless Monday Special" in bold letters, with colorful images of vegetarian dishes and a vibrant, appetizing background. +A realistic photograph of a laboratory door featuring a prominent warning sticker that clearly states "Biohazard Area", with caution symbols and a sterile, clinical background. +A detailed close-up of a red fire truck door, prominently displaying the text "Engine Company 8" in bold, white lettering, set against a slightly weathered, metallic red background. +A bustling downtown street at night, with a blinking neon "Cocktails Dreams" sign prominently displayed outside a trendy bar, casting vibrant reflections on the wet pavement and attracting passersby. +A close-up of a wine bottle with a sophisticated label prominently displaying "Reserve 2018", set against a blurred, elegant background. The label features intricate gold accents and a subtle texture, highlighting the bottle's premium quality. +A realistic photograph of an old, moss-covered gravestone in a quiet, overgrown cemetery. The epitaph is clearly carved, reading "Finally Updated Software", with a subtle play of light and shadow highlighting the text. +Aerial view of a vast, green field with a intricate crop circle pattern that spells out "Send More Cats" in the center, under a twilight sky with a glowing UFO hovering above, casting a soft, ethereal light on the message. +A vintage railway station with a prominent clock above the entrance, the sign "Trains Depart on Time" clearly visible beneath it, set against a backdrop of old brick and steam from arriving trains. +A majestic Viking longship named "Valhalla Bound" slices through the icy waves of the North Sea, its ornate sail billowing in the wind. Warriors in armor stand on deck, their faces resolute, as they gaze toward the horizon, where the first light of dawn breaks through stormy clouds. +A dark, cavernous dragon’s lair with glowing embers and a warning sign that reads "No Entry Yes Fire", surrounded by ancient, weathered stones and flickering torches. +A dark, mystical room with a wizard's cauldron bubbling ominously in the center, emitting wisps of green smoke. A cautionary sign hangs above, clearly displaying the warning: "Beware of Splashes". The scene is illuminated by flickering candles, casting eerie shadows on the stone walls. +A retro arcade screen with pixelated graphics displays the message "Game Over" in bold, neon colors against a dark background, surrounded by the glow of old CRT technology. +A weathered Wild West saloon door, its wood grain visible, features a rustic carving that reads "No Vampires Allowed". The door is slightly ajar, revealing a dimly lit interior with a lone oil lamp hanging from the ceiling. +A realistic photograph of a futuristic Mars colony, featuring a large, clear hydroponic facility with a prominent sign that reads "Grow Your Own Oxygen", set against the red, dusty landscape of Mars. +A diver submerged in clear blue water, holding an oxygen tank stamped "Not for Inhaling Bad Ideas", surrounded by colorful coral and tropical fish. +A wizard's crystal ball floats mid-air, radiating a mystical glow. Within the crystal, ethereal letters "Destiny Awaits" swirl and shimmer, hinting at the secrets and mysteries that lie ahead. +A close-up of a dog collar tag, intricately engraved with "If Lost Return to Wine Bar", lying on a rustic wooden table, next to a half-empty glass of red wine, under the warm glow of a vintage lamp. +A high-resolution photograph of a sleek, modern digital alarm clock on a bedside table, displaying "Wake Up" in vibrant red digits against a dark background. +A bustling cityscape at dawn, with a newspaper vendor holding up a paper with the headline "Villain Captured" in bold letters, surrounded by pedestrians and towering skyscrapers, captured in a realistic photographic style. +A movie poster titled "Multi Handicapped", featuring a diverse group of characters with various physical and sensory disabilities, set against a vibrant, inclusive cityscape, emphasizing strength and unity through vibrant colors and dynamic, uplifting imagery. +In a dimly lit mall, a weathered sign reading "ammunition" hangs prominently above a closed storefront, casting a eerie shadow on the deserted floor. The scene is captured in a realistic photographic style, emphasizing the stark contrast between the sign and the abandoned surroundings. +A high-resolution digital watch face displaying "Time 3:15 PM" with a sleek, modern design and a black background, set against a soft, blurred wrist with a metallic bracelet. +A stormchaser’s rugged van parked on a dirt road, with the side door featuring bold text: "Chasing Chaos Est 1999". The van is surrounded by a dramatic sky with dark clouds, hinting at an approaching storm. +A high-speed racing car with a sleek, aerodynamic design, featuring a bold hood decal that reads "Speed Demon 9000" in vibrant, eye-catching colors, set against a blurred background of a roaring racetrack. +In a dimly lit antique shop, a dusty, old price tag hangs from a peculiar item, reading "Ghost Included, No Returns". The tag sways slightly, caught in a gentle draft, as shadows dance around the cluttered shelves. +A marathon runner, wearing a bib with the number "2024", sprints through a bustling city street, the crowd cheering loudly in the background. The runner's determined expression and the vibrant cityscape capture the energy of the race. +A realistic photograph of a chef's forearm, prominently displaying a tattoo that reads "Salt Bae" in bold, modern font, with a subtle hint of kitchen spices in the background. +A crowd of robots marching in a protest, holding banners that boldly read "Equal CPU Rights", set against the backdrop of a futuristic cityscape, with concerned onlookers watching from the sidelines. +A taxi's rear window features a decal that reads "Baby on Board", set against the backdrop of a busy city street at dusk, with the glow of streetlights and headlights creating a warm, urban ambiance. +A vintage ice cream truck parked on a sunny street, its side panel proudly displaying the text "Cold Treats Here" in colorful, playful lettering, surrounded by images of various ice cream flavors. +In an ancient Egyptian tomb, the Pharaoh’s golden sarcophagus is adorned with intricate hieroglyphs that mysteriously translate to "BRB". The dimly lit chamber is filled with the soft glow of torches, casting shadows on the detailed hieroglyphs. +A whimsical children's book illustration featuring a cozy, dimly lit room with a grandfather clock and a fireplace. A wise old owl perches on a bookshelf, next to a stack of ancient books. A young child sits on a plush armchair, wide-eyed, listening to a tale that begins with "Once Upon a Time". +A close-up of an old library book, showing the classic stamp marked "Return By Friday", with the faded ink slightly blurred from years of use, set against the textured, yellowed pages. +A steaming coffee cup with a sleeve printed "Handle With Care" sitting on a wooden table, surrounded by morning light filtering through a window, creating a warm and cozy atmosphere. +A vintage private eye office door, slightly worn, with a brass plaque centered that reads "Case Closed Always", surrounded by a faded, peeling paint, under a dim streetlamp in a noir cityscape. +A cozy movie theater with vintage decor, dimly lit, featuring a row of plush red seats. At the center, a sign elegantly reads "Reserved for Film Buffs", illuminated by a soft spotlight, creating a warm and inviting atmosphere. +A modern office desk with a laptop open, displaying an error message "System Update Required" on its screen, surrounded by scattered papers and a coffee cup, under the soft glow of an overhead lamp. +A vintage book cover titled "Mystery of the Lost Key", featuring an old, weathered key on a dark, textured background with a faint, mysterious silhouette of a locked door in the distance. +A Christmas tree adorned with a delicate ornament that carves "Baby's First Christmas 2024", surrounded by soft, twinkling lights and wrapped gifts, set in a cozy living room with a fireplace glowing warmly in the background. +A vintage movie poster featuring the title "Attack of the Space Potatoes" in bold, retro typography, with giant potatoes in astronaut suits menacing a 1950s American town, under a starry night sky. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Knead to Believe" in flour-dusted thread, surrounded by baskets of fresh bread and a scattering of flour on the wooden table. +A medieval knight stands proudly, his sword held aloft. The sword hilt, intricately designed with ancient runes, is inscribed with the words "DragonTested PrincessApproved", reflecting the weapon's legendary status and the approval of the royal lineage. +A close-up of a candy wrapper with the text "Sweet Treat Inside" prominently displayed, set against a soft, blurred background of a colorful candy store shelf. The wrapper is slightly crinkled, giving a realistic, tactile feel to the image. +A cluttered programmer's desk with a monitor, keyboard, and coffee mug, featuring a humorous desk sign that clearly states "Do Not Disturb" in bold letters, surrounded by messy papers and coding books. +A winter coat with a sophisticated, detailed tag embroidered with "Arctic Explorer Edition" hanging on a rustic wooden hanger against a snowy backdrop, capturing the essence of adventurous winter fashion. +Ancient cave painting illustrating "Hunt the Stars", featuring prehistoric humans chasing celestial beings across a night sky filled with stars, using rudimentary tools and weapons, with detailed textures and earthy tones. +A modern kitchen countertop with a microwave oven prominently displayed. The microwave's digital display is brightly blinking with the message "Food Ready", indicating that the heating cycle has just completed. The scene is well-lit, capturing the sleek, metallic finish of the appliance. +A realistic photograph of a robot holding a protest sign that reads "Batteries Included Freedom", standing in a crowded city square, surrounded by onlookers and other robots, with a backdrop of skyscrapers and billowing flags. +A tote bag, painted with the phrase "Eco Warrior", rests on a rustic wooden table, surrounded by green leaves and recycled materials, capturing the essence of environmental activism. +A cozy café corner featuring a rustic wooden table and chairs, with a chalkboard sign prominently displaying the handwritten text "Fresh Brew Daily" in elegant cursive, surrounded by steaming cups of coffee and a backdrop of shelves filled with books and potted plants. +A bustling city street at dusk, with a jewelry store window prominently displaying a glowing sign that reads "50% Off Sale". The window showcases an array of sparkling jewels and watches, attracting passersby who pause to admire the dazzling display. +A steaming coffee cup on a wooden table, with a sleeve printed "Caution Hot Contents", surrounded by morning light filtering through a window. +A fitness enthusiast at the gym, wearing a T-shirt with the slogan "No Pain No Gain", lifting weights with intense focus, surrounded by exercise equipment. The atmosphere is energetic, with others working out in the background. +A spy's dossier with a vintage, slightly worn look, stamped with a bold red "Top Secret Operation Moonpie" across the front, lying on a dark wooden desk with a dim desk lamp casting a soft glow over it. +A detailed fantasy map with a compass rose prominently marked "Here There Be Dad Jokes", surrounded by whimsical illustrations of treasure chests, dragons, and sailing ships, set against a parchment background. +A bustling farmer's market scene with a wooden stand displaying a rustic, handwritten sign that reads "Organic Honey 5". Sunlight filters through the market awnings, casting warm, golden hues on jars of golden honey and woven baskets. +A roadside billboard stands tall, boldly advertising "Best Burgers in Town" with vibrant colors and a mouth-watering image of a juicy burger. The scene is set during a sunny afternoon, with cars passing by and a few pedestrians glancing at the eye-catching advertisement. +A city street at dusk, a yellow taxi with its roof light brightly displaying "Available For Hire" in neon, reflecting off the wet pavement, with a bustling background of pedestrians and illuminated storefronts. +A detailed museum exhibit featuring a "Dinosaur Era Fossil Replica", set against a backdrop of prehistoric flora and fauna. The fossil, illuminated by soft, focused lights, showcases intricate textures and ancient markings, surrounded by informative plaques and excited visitors. +A close-up of a space colony dome window sticker reading "EarthStyle Atmosphere Inside", with a reflection of lush, green plants and blue sky subtly visible through the glass, set against the cold, metallic interior of the space station. +A realistic classroom scene with a wooden desk, a student holding a ruler, and a chalkboard in the background. The ruler is prominently displayed with the phrase "Measure Twice Cut Once" clearly visible. The atmosphere captures the essence of learning and precision. +A weathered stone monument stands tall, its surface etched with the time-worn inscription "Founded 1898", surrounded by overgrown ivy and fallen leaves, capturing the essence of a bygone era. +A vast desert landscape featuring a towering canyon wall, intricately carved with the words "Monument Valley", set against a backdrop of sweeping sand dunes and a clear blue sky. +A realistic photograph of a parking meter with a clear sign that reads "1 Hour Limit", set against a busy city street with cars parked nearby and pedestrians walking by. +A close-up of a vintage, leather-bound book opened to a page with a handwritten note that reads "To My Best Friend", surrounded by a cozy, warm, and inviting library setting. +A scientist stands in a cluttered lab, wearing a lab coat with an embroidered patch that reads "Mad Genius Club", surrounded by bubbling beakers and intricate machinery. +An astronaut's helmet, with a digital display warning "Oxygen Level Critical", set against the backdrop of a stark, lunar landscape, reflecting the urgency and isolation of the situation. +A realistic photograph of a pharmacy window, with a prominent sticker stating "Vaccines Save Lives" in bold letters, surrounded by various health and wellness products on display. The scene is set during daylight, with natural light illuminating the interior. +A neon-lit tattoo parlor sign hanging above a bustling city street, prominently displaying "Ink Dreams Studio" in bold, artistic lettering. The sign reflects off wet pavement, adding a vibrant, urban glow to the night scene. +A close-up of a doctor's prescription pad with neat handwriting that reads "Take Once Daily", set against a soft, blurred background of a medical office, emphasizing the professional and serious tone of the scene. +A shooting star streaks across the night sky, trailing smoke that elegantly forms the word "Wish" in a graceful, cursive style, illuminating the darkness with a magical glow. +A realistic photograph of a construction site with a prominent warning sign stating "Hard Hat Area", surrounded by yellow barrier tape and scattered safety gear, under a clear blue sky. +A close-up of a sleek laptop with a vibrant sticker on its lid, clearly advising "Tech Support 555 0199" in bold, modern font, set against a minimalist background. +A close-up of a VR controller with a prominent button labeled "Grip to Interact", set against a futuristic, minimalist background. The button glows softly, and the controller's design is sleek and modern, with subtle lighting highlighting its contours. +An art gallery placard titled "Sunset Over Mountains" stands elegantly in front of a large, framed painting. The placard features elegant, gold-lettered text against a simple, black background, while the painting behind it captures a breathtaking sunset over rugged, snow-capped mountains. +A movie theater marquee bathed in the glow of city lights, prominently displaying "Premiere Tonight" in vibrant, illuminated letters, with a crowd of excited moviegoers gathering in the foreground. +A classroom poster illustrating the "Water Cycle Diagram", featuring clear labels for evaporation, condensation, precipitation, and collection, with vibrant, educational graphics and a blue and green color scheme. +Vibrant superhero comic cover for "Hero Squad Issue 1", featuring a dynamic team of heroes in action, each with unique powers and costumes, set against a city skyline at sunset. The team is united, ready to face an impending threat, with dramatic lighting and bold, colorful panels. +A highway billboard stands tall, advertising "Best Coffee Next Exit" with vibrant, bold letters. The scene is set during a sunny afternoon, with cars passing by on the busy road, and a steaming cup of coffee featured prominently on the billboard. +A digital art frame in a modern living room, cycling through vibrant quotes, prominently displaying "Create and Inspire" in elegant typography, surrounded by a minimalist design. +A vibrant poster design featuring the title text "High Dry" prominently displayed in a bold, modern font. The background showcases a sun-bleached desert landscape under a clear blue sky, emphasizing the arid and elevated nature of the setting. +A vintage gas station at dusk, with a neon sign glowing brightly that reads "EthanolFree Stardust Fuel", casting a soft, nostalgic light over the scene. +A cozy café interior with warm lighting, wooden tables, and a chalkboard menu prominently displaying "Today's Special Pumpkin Latte" in elegant script, surrounded by hand-drawn pumpkin and leaf decorations, evoking a festive autumn atmosphere. +A realistic photograph of graffiti under a bridge, featuring the message "You Are Enough" in vibrant, bold colors, with the urban landscape and passing cars in the background, capturing the essence of street art in a city setting. +A baby in a onesie embroidered with "Future Scientist" sitting on a colorful play mat surrounded by soft toys and educational toys like a miniature telescope and blocks with scientific symbols. +An art gallery wall features a sleek, minimalist description card titled "Abstract No 7" beside a large, vibrant modern painting with bold geometric shapes and splashes of color. +A museum exhibit featuring a detailed plaque titled "Dinosaur Fossils Jurassic Era" surrounded by ancient, fossilized bones and realistic prehistoric plant life, set against a backdrop of a lush, Jurassic landscape. +A vibrant movie poster titled "Les rebelles du foot", featuring a diverse group of young soccer players in urban streetwear, standing defiantly against a backdrop of a gritty cityscape at sunset, with a soccer ball at their feet and a sense of rebellion in their eyes. +A motivational poster in a modern office setting, prominently displaying the text "Teamwork Makes the Dream Work", with a diverse team of professionals collaborating in the background, surrounded by sleek office furniture and technology. +A sleek laptop with a vibrant sticker declaring "CtrlAltDefeat", featuring a detailed pixel art dragon that seems to leap off the surface, set against a modern, cluttered desk with a backdrop of a city skyline. +A high-quality photograph of an elegant wine bottle labeled "2020 Reserve", placed on a rustic wooden table with a soft, warm glow from a nearby candle, surrounded by fall leaves, capturing the essence of a serene autumn evening. +A bustling deli counter with a vintage aesthetic, featuring a "Now Serving Number 42" digital screen prominently displayed, surrounded by an array of meats, cheeses, and fresh bread. Customers wait eagerly, while a deli worker prepares an order. +A movie set with a director's chair labeled "Director Jane Doe" under a soft spotlight, surrounded by film clappers and a vintage camera, capturing the essence of cinematic creation. +A high-tech, sentient AI computer monitor with a sleek, futuristic design, displaying the message "I Pretend to Have Bugs" in bold, illuminated text, set against a dark, minimalist background. +A mysterious alien artifact, intricately inscribed with the words "Welcome Earthlings", stands in a barren desert landscape under a twilight sky, surrounded by curious scientists and onlookers. +A bakery window displays a sign reading "Gluten-Free Options", with a wheat stalk symbolically crossed out, surrounded by various pastries and bread loaves. The scene is captured in a realistic photographic style, emphasizing the contrast between the sign and the inviting display. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly showing the text "Patient ID 4892" against a sterile, clinical background. +A quaint, eerie dollhouse miniature book titled "How to Serve Humans" rests on a dusty, antique bookshelf, surrounded by cobwebs and dim, flickering candlelight, creating a hauntingly atmospheric scene. +Ancient cave wall paintings beneath the majestic title "Hunters of the Sun", depicting prehistoric hunters chasing solar symbols, illuminated by soft, natural light filtering through the cave entrance. Realistic, detailed textures and vibrant, earthy colors. +A detailed close-up of a fire truck's bumper sticker, reading "Brave Hearts Inside", with the reflective surface slightly worn, set against the red body of the truck in a sunny, urban environment. +A realistic classroom setting with a detailed periodic table poster on the wall, prominently highlighting "Element Fe" with a bright, eye-catching border. Students' desks and chairs are arranged in front, with a chalkboard in the background. +A realistic photograph of a dog park with a prominent signboard listing rules, including "Leash Required", surrounded by playful dogs and attentive owners in a sunny, green environment. +A vibrant, colorful child’s drawing on a slightly crumpled piece of paper, featuring a smiling family with stick figures holding hands, surrounded by hearts and flowers, with the words "My Happy Family" written in big, playful letters at the top. +A vibrant city street at dusk, featuring a large graffiti wall with "Revolution 2024" spray-painted in bold, colorful letters, surrounded by tags and murals, with a lone figure in a hooded jacket standing nearby, capturing the scene on their phone. +A dark, dense forest with towering trees and a mysterious, solitary light glowing faintly in the distance. The word "boy" is faintly visible, illuminated by the light, adding an eerie yet intriguing atmosphere to the scene. +A cozy coffee shop features a rustic chalkboard menu prominently displaying "Iced Latte Special" in elegant script, surrounded by hand-drawn coffee leaves and steam. The scene is bathed in warm, natural light, enhancing the inviting atmosphere. +An ice cream truck parked on a sunny street, with its side panel prominently displaying "Brain Freeze Zone" in colorful, playful lettering. Kids gathered around, excitedly choosing their flavors, while the truck's vibrant colors and cheerful music create a lively, nostalgic atmosphere. +A realistic photograph of a volcanic landscape with an evacuation route sign prominently displaying "Run Faster Than Lava", set against a backdrop of flowing lava and ash-filled skies. +A dimly lit nightclub entrance with a sleek, metallic VIP sign prominently displaying "Exclusive Access" in neon lights, surrounded by a crowd of elegantly dressed patrons and a burly bouncer at the door, all set against the backdrop of a bustling city night. +A close-up of a digital alarm clock with its screen flashing "WAKE UP" in bright red LEDs, set against a dark bedroom background, capturing the urgency of the early morning alarm. +A detective in a trench coat holds a magnifying glass, intently focusing on the word "Clueless" written in bold letters on a dusty, old book in a dimly lit room. +A detailed amusement park map highlighting "Rollercoaster Alley", showcasing various thrilling roller coasters with vibrant colors and dynamic lines, set against a sunny sky with excited visitors and playful signage. +A dimly lit sci-fi prison cell, the metallic walls scratched with the cryptic message "The Warden Is Android". Fluorescent lights flicker, casting shadows over the cold, futuristic environment. +Vintage airline poster featuring an elegant 1950s travel scene: "Fly to Paris". A classic propeller airplane soars above the Eiffel Tower, with the romantic cityscape of Paris bathed in a golden sunset. The poster's typography is stylish and retro, inviting viewers to embark on a nostalgic journey. +A pilot stands proudly, wearing a crisp uniform with a gleaming "Fly High" wings pin on the chest, set against the backdrop of a sunset over a runway. The pin catches the light, symbolizing aspirations and achievement. +A close-up of a baker's oven window sticker featuring the phrase "Bake the World" in elegant, handwritten font, set against a warm, rustic background with subtle flour dust and rolling pin textures. +A realistic photograph of a backstage pass, laminated with "Artist Entrance VIP" in bold letters, hanging on a lanyard against a blurred concert backdrop. The pass features a barcode and the venue's logo. +A vintage bicycle with a rugged, weathered license plate hanging neatly under the seat, the plate clearly reading "Speed Demon" in bold, retro font. The bike is parked against a brick wall, casting a slight shadow, with the afternoon sun highlighting the scene. +A bustling city street at night, illuminated by neon lights, featuring a robot comedy club with a vibrant marquee that reads, "Night of 1011011 Jokes". Robots of various designs gather outside, laughing and chatting, creating a lively and futuristic atmosphere. +An art gallery wall label titled "Abstract Emotions 2024" hangs elegantly beside a modern, vibrant abstract painting. The label's sleek, minimalist design contrasts with the dynamic, colorful artwork, creating a striking visual harmony. +A futuristic book cover for a sci-fi ebook titled "Colony Mars Red Dawn", featuring a red Martian landscape with a rising sun, a sleek spacecraft landing, and a group of astronauts in advanced suits, with the title prominently displayed in bold, modern font. +A sleek spy watch with a high-tech display showing the words "Mission Laundry Day" in crisp, clear text against a dark background, set on a mission briefing table with a folded stack of clothes and a laundry basket in the corner. +A realistic photograph of a pharmacy counter with a prescription note that reads "Take 3 Memes Daily" prominently displayed, alongside various bottles of colorful pills and a pharmacist in a white coat looking intrigued. +A close-up of a jigsaw puzzle with a single missing piece, leaving an obvious gap. The surrounding pieces are intricately detailed, forming part of a serene landscape. The "Missing Piece" is highlighted by a soft, ambient light, emphasizing the void. +A realistic gym locker with a metal nameplate reading "Swole Patrol", set against a backdrop of lockers and gym equipment, with a subtle gym mat texture on the floor. The scene is well-lit, emphasizing the nameplate and the rugged, industrial aesthetic of the gym. +A baker stands in a cozy kitchen, her apron stained with flour and embroidered with "Knead to Bake". Sunlight streams through the window, highlighting the warm, rustic atmosphere. Her hands are dusted with flour as she kneads dough on a wooden table. +A yoga mat with the phrase "Find Your Inner Peace" printed on it, laid out in a serene, sunlit room with a large window overlooking a tranquil garden. +A vibrant night sky illuminated by fireworks, with a large, colorful explosion forming the words "Happy New Year" in the center. The scene is set in a city, with tall buildings and a crowd below, all looking up in awe at the spectacular display. +A roadside billboard stands tall, boldly advertising "Biggest Sale Ever" in vibrant colors, drawing the attention of passing cars and pedestrians on a busy street corner. The scene is set during a sunny afternoon, with the billboard reflecting the warm, golden hues of the sunlight. +A vintage postage stamp design featuring "Global Mail 2024" with intricate borders, a globe at the center showing interconnected mail routes, and elegant typography. The background has subtle postal textures and a muted color palette. +A close-up of a sleek laptop with a vibrant, eye-catching sticker on the bottom right corner that reads "Certified Keyboard Warrior", set against a minimalist background. +A close-up of a gas pump with a clear label that reads "Unleaded Only", set against a modern gas station backdrop with sleek, metallic pumps and a faintly visible neon sign. +A realistic poster inside a futuristic spaceship, featuring bold, clear text stating "In Case of Black Hole Relax" with a calm, blue color scheme and subtle, space-themed graphics in the background. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Knead to Bake", surrounded by fresh bread and pastries, with a warm, golden light casting a soft glow on the scene. +A sleek, modern car parked on a bustling city street, with a prominently displayed sign on its side that reads "heaven", contrasting with the busy urban environment. +A dark, gothic vanity table with a vintage mirror, featuring a sleek, black sunscreen bottle labeled "SPF 1000000 Night Use Only" sitting beside a lit candle and a silver cross, all bathed in the soft glow of moonlight. +A sleek spaceship hull, painted with the words "Galaxy Explorer", glinting under the soft light of distant stars, set against a backdrop of swirling cosmic nebulae. +A bustling farmer’s market stall with a vibrant banner painted "Organic Produce Here" hanging above a table filled with fresh, colorful vegetables and fruits, surrounded by happy shoppers browsing the selection. +A modern hotel elevator panel with illuminated buttons, prominently displaying "Pool Level 3" in sleek, silver text against a dark, polished background. The panel reflects the soft ambient lighting of the elevator interior, enhancing the luxurious feel of the space. +A close-up of a birthday cake with icing piped in a pixel font style, reading "Level Up to 30". The cake has a smooth, white frosting base with colorful, detailed pixel art decorations around the text. +A retro-futuristic time machine with neon lights and digital displays, one screen blinking "Destination 1985", set against a backdrop of swirling temporal energies, capturing the moment just before a journey through time. +A realistic photograph of a "Exit Only" label prominently displayed on a modern revolving door at a bustling mall, with shoppers passing by in the background. +A freshly baked bread loaf, branded with the phrase "Carbs = Happiness", sitting on a rustic wooden board in a cozy, sunlit kitchen. The loaf is golden brown, with a crispy crust and a soft, steaming interior, surrounded by scattered flour and baking tools. +A movie poster featuring the logo "After Earth" prominently displayed, set against a backdrop of a desolate, futuristic landscape with a hint of dawn breaking over the horizon. +A peaceful campsite with a solitary tent, subtly marked with a sign that reads "Quiet Zone", nestled among whispering trees and soft underbrush, capturing the serene essence of nature. +A realistic photograph of a library entrance, featuring a prominent sign that reads "Silence Please", surrounded by classical architectural elements and a few patrons quietly entering. +A vibrant T-shirt design featuring bold, eye-catching letters "Music Makes Life" in a dynamic layout, surrounded by musical notes and instruments, set against a colorful gradient background. +A realistic photograph of a tattoo parlor's front window, featuring a prominently displayed decal that reads "No Underage Ink" in bold, black letters against a white background, with subtle reflections of the street outside. +A realistic photograph of a laboratory mouse cage with a clear label on the front that reads "Caution: Talks Back". The cage is clean and well-lit, with a curious mouse peeking out from a small corner. +A solitary lighthouse stands against a stormy night sky, its beacon flashing the "SOS Signal" in Morse code, casting a desperate glow over the crashing waves and rugged coastline. +An astronaut's spacesuit features a detailed patch embroidered with "Mission Artemis", set against the backdrop of a futuristic lunar base, with the Earth visible in the sky. +A retro cereal box mascot, with a big smile and cheerful eyes, holds up a sign reading "Now 200 Sugar" in a playful, vintage supermarket setting. The mascot wears a classic, colorful outfit and stands against a bright, nostalgic background. +A modern kitchen with a microwave on the counter, its display prominently flashing "Food Ready". The kitchen is clean and well-lit, with a few utensils and a plate nearby, creating a warm and inviting atmosphere. +A realistic scene of a moon base airlock with a futuristic, digital warning sign that reads "Check Spacesuit TikTok" in bold, illuminated letters, set against the barren lunar landscape. +A weathered notebook page with frayed edges, showing faded ink that barely reads "Made 100", lying on a rustic wooden table under a soft, warm light. +A close-up of a gardener's seed packet, prominently labeled "Rainbow Tomato Variety", with a colorful illustration of vibrant tomatoes in various hues, set against a rustic wooden background. +A weathered stone tablet fragment, partially buried in moss-covered earth, displays ancient symbols that clearly translate to "King's Decree", under a canopy of old oak trees. +A vibrant skateboard deck featuring the bold, dynamic phrase "Skate or Die" in a striking graffiti style, with colorful, intricate lettering that pops against a sleek, matte black background. +A detailed, realistic photograph of a phoenix’s nest perched high in a tree, with a weathered wooden sign hanging nearby that reads "Rebirth in Progress". The nest is intricate, with a mix of twigs, feathers, and glowing embers, surrounded by a misty, serene forest. +A realistic zoo scene with a lion enclosure, featuring a clear glass barrier and an informational panel prominently displaying the text "Lion Habitat Do Not Tap Glass". The lion is visible in the background, resting under a tree. +A realistic photograph of a submarine control room, with the main panel glowing red and an alert message "Depth Exceeded" prominently displayed. Crew members look concerned, reflecting the tension of the situation. +A high-tech sci-fi laboratory door, with a sleek, futuristic keypad screen prominently displaying the "Access Code TRUSTNO1" in bold, illuminated text, set against a backdrop of cold, metallic walls and glowing blue lights. +A sleek, futuristic robot with a metallic finish stands in a dimly lit room, its screen displaying an error message in bold, red text: "Does Not Compute Hugs". The robot's arms are outstretched, as if attempting to give a hug, but its expression is one of confusion and mechanical frustration. +A modern kitchen with a microwave prominently displayed. The digital clock on the microwave is flashing "12:00 PM", casting a subtle glow in the dimly lit room. The scene captures the quiet moment of a midday reset. +An astronaut's mission patch, intricately embroidered with "Mars 2050", displayed on a dark, velvety background, capturing the essence of a future Mars mission. +A bustling sushi restaurant with a conveyor belt prominently displaying a neon sign that blinks "Fresh Tuna Available", surrounded by an array of colorful sushi plates and happy diners. +A vibrant skateboard deck with the bold graphic "Grind or Die" emblazoned across it, set against a backdrop of a bustling urban street, with graffiti-covered walls and skateboarding youths in the background. +A charming flower shop window adorned with a decal that reads "Valentine Bouquets Available", showcasing a variety of vibrant, heart-shaped bouquets and romantic decorations, with soft, warm lighting enhancing the inviting atmosphere. +A vast sky with a unique cloud formation that distinctly resembles the shape of "CtrlZ", set against a serene sunset, with rays of light subtly highlighting the edges of the clouds, creating a dramatic and ethereal scene. +In a cozy medieval tavern, a wooden sign hangs above the bar, reading "Roast Boar Special" in rustic lettering. The warm glow of torches illuminates the scene, casting shadows on the wooden beams and stone walls. Patrons enjoy hearty meals and ale, while a roasted boar takes center stage on a large platter. +A vibrant concert stage at night, the backdrop glowing with the words "Rock the World" in bold, neon lights, surrounded by enthusiastic fans and a fog machine creating a dynamic atmosphere. +A vast desert landscape under a blazing sun, where a shimmering mirage illusion spells out "Water Ahead" in the distance, creating a tantalizing yet elusive promise of relief. +A baker’s oven window, slightly fogged from the heat, reveals a loaf of "Perfect Bread Rising" inside, its golden crust glistening and the dough expanding beautifully. +An ancient, weathered prophecy scroll unrolls, revealing its final cryptic message: "JK LOL". The scroll is illuminated by a dim, flickering candle in a mysterious, dimly lit chamber filled with dusty tomes and arcane symbols. +A deep-sea diver's helmet with a futuristic display screen showing "Depth 12000 ft" in glowing green digits, surrounded by dark, mysterious ocean waters and bioluminescent creatures. +A realistic photographic scene of an alien plant nursery, with a distinctive sign that reads "Earthlings Keep Off Grass" prominently displayed among exotic flora and fauna, under a sky with two moons. +A vast desert canyon with towering red rock formations, where a lone figure stands at the edge, shouting "Yodel If You Dare" into the vast emptiness, their voice echoing through the rugged landscape. +A detective in a trench coat and hat examines a clue with a magnifying glass, which highlights the words "Red Herring" on an old, crumpled piece of paper in a dimly lit room. +A close-up of an artisan bread tag, elegantly labeled "Sourdough Loaf", attached to a freshly baked, crusty loaf of sourdough bread, set against a rustic wooden background. +A dark, gothic room with a vampire standing before an ornate mirror, their reflection blurring into obscurity, with the phrase "No Selfies Allowed" faintly visible in the mirror's frame. +A bustling city street at dusk, with a warm, inviting bookstore window prominently displaying the sign "Bestsellers Here", surrounded by a colorful array of books and soft, ambient lighting. +A detailed campground map with a prominent red marker labeled "Bear Area Alert", surrounded by forest icons and camping symbols, set against a rustic, natural background. +A lone protester holds a sign demanding "Equal Rights Now" amidst a crowded, bustling city street, with onlookers and passing vehicles in the background, capturing the intensity and urgency of the moment. +In a futuristic car interior, the dashboard lights up with a vibrant, glowing alert that reads "Low on Time Travel Juice". The sleek, metallic surfaces reflect the soft, blue light, emphasizing the urgency and sci-fi essence of the scene. +Victorian locket interior with intricate engravings, including the phrase "All Our Yesterdays", beside two faded, vintage portraits of a gentleman and a lady, set against a softly glowing, aged gold background. +A rustic wooden garden marker, intricately carved with the words "Tomatoes Growing Here", stands amidst a lush, vibrant tomato garden, surrounded by healthy green plants and ripe, red tomatoes. The scene captures a serene, sunny afternoon in a well-maintained vegetable garden. +A cozy bookstore interior with warm lighting and shelves lined with books. A close-up of a bookmark resting on an open book, imprinted with the words "Read More Books" in elegant script. +A medieval tournament ground, sunlight glinting off armor. At the center, a knight holds a shield emblazoned with "Champion of the Realm", the crowd cheering in the background. +A detailed fantasy map scroll with ancient, weathered parchment, intricate illustrations of mythical lands, and the phrase "Here Be Dragons" prominently displayed, surrounded by illustrations of fearsome dragons and fantastical creatures. +A toddler's toy train with "Choo Choo Go Away" on the cargo, set against a cozy playroom backdrop with soft lighting and colorful toys scattered around, capturing the innocence of childhood. +A realistic dental office poster with bold, eye-catching graphics, featuring a stark warning: "Floss or Perish". The design includes a close-up of healthy teeth contrasted with decayed ones, emphasizing the importance of daily flossing. +An ice cream truck parked on a sunny street, its vibrant sign glowing and playing "Soft Serve Today" in colorful, playful letters. Children gather excitedly, and the scene is filled with the cheerful atmosphere of a perfect summer day. +A close-up of a fishing lure package tagged "Best Bass Catcher 2023", featuring a shiny, metallic lure with vibrant colors, set against a backdrop of a serene lake at sunrise, with mist hovering over the water. +An astronaut stands against the backdrop of a Martian landscape, their space suit prominently displaying a patch that reads "Mars Colony Crew", reflecting the mission's significance and the pioneering spirit of the crew. +A futuristic sci-fi airlock door with a glowing red warning light and a prominent sign that reads "Atmosphere Unstable". The door's metallic surface shows signs of wear, hinting at frequent use in a harsh environment. +A beautifully decorated birthday cake with intricate icing that spells "Happy 30th Sarah" in elegant cursive, surrounded by colorful candles and set against a warm, celebratory background. +A weathered leather journal, embossed with "Captain's Log 1897", resting on an old wooden desk, surrounded by nautical maps and a brass compass, under the warm glow of a vintage lamp. +A cozy movie theater with a large, steaming popcorn bag labeled "Extra Butter" on a red velvet counter, illuminated by the soft glow of the concession stand lights, surrounded by the nostalgic atmosphere of vintage movie posters. +A vibrant children’s lunchbox sticker featuring the words "My Super Lunch" in playful comic font, surrounded by colorful illustrations of fruits, vegetables, and fun cartoon characters, set against a bright, cheerful background. +A cozy café interior with a vintage chalkboard prominently displaying "Existential Latte" as the special of the day, surrounded by hand-drawn illustrations of coffee cups and leaves. Soft, warm lighting enhances the inviting atmosphere. +A cluttered laboratory filled with beakers and strange machines, where a scientist with wild hair and intense eyes stands, wearing a lab coat with a prominent patch that reads "Mad Genius". The lab is bathed in the eerie glow of various chemicals and monitors. +Next to a bustling train station, a weathered notice board stands, prominently displaying the word "greek" in bold, faded letters, surrounded by peeling posters and the hum of passing commuters. +A movie poster featuring the logo "A Full Danger" prominently at the top, set against a backdrop of a dark, stormy night with lightning illuminating a tense, shadowy urban landscape. +A realistic photograph of a science laboratory door with a prominent sign that reads "Biohazard Zone", surrounded by safety equipment and warning symbols, set against a sterile, white background. +A bustling stadium with a scoreboard prominently displaying "Home Team 3 Visitors 2" under the glow of floodlights, fans cheering in the background, and the tension of a close game palpable in the air. +A close-up of a sleek digital fitness tracker on a wrist, displaying the message "Daily Goal Achieved" with a vibrant green checkmark, set against a blurred background of a morning jog in a park. +A vibrant TV show poster titled "Sacren", featuring a mysterious, darkly lit urban landscape with neon lights and a shadowy figure in the foreground, set against a backdrop of towering skyscrapers and a stormy sky. +Astronaut journal entry "Moon Base Day 189": An astronaut in a reflective spacesuit stands outside a futuristic moon base, surrounded by the stark, gray lunar landscape. The base, partially submerged in the regolith, features solar panels and communication arrays. The Earth hangs in the dark sky, a blue and white beacon of home. +A vintage robot stands in a dimly lit room, its chest screen flickering with the message "Error 404". The metallic surface reflects the soft glow of ambient light, emphasizing the retro aesthetics and the eerie, malfunctioning display. +A high-resolution screenshot of a fitness tracker's display, showing the message "10000 Steps Achieved" in a modern, sleek font, with a vibrant green checkmark icon beside it, set against a dark background. +A medieval knight stands proudly, his shield emblazoned with the bold text "Dragon Slayer Services", reflecting the sun's rays on its polished surface. The knight, armored and ready for battle, gazes determinedly into the distance, set against a backdrop of a misty, ancient forest. +A vibrant skate park with a large ramp featuring bold graffiti that reads "Grind the Rail" in dynamic, colorful letters. Skaters perform tricks against the lively backdrop, capturing the energy and spirit of urban street culture. +A movie theater marquee illuminated at dusk, announcing "Now Playing" with vibrant, colorful letters. The marquee is set against a backdrop of a bustling city street, with people walking by and cars passing in the foreground. +A modern workshop with a sleek 3D printer on a stainless steel table, displaying "Print Complete" on its screen. The printed object, a futuristic gadget, sits beside the printer, with tools and blueprints scattered around. Soft, natural light illuminates the scene, highlighting the precision and innovation. +A detailed close-up of a samurai armor chest plate, intricately embossed with the words "Bushido Blues", set against a dimly lit, traditional Japanese room with tatami mats, emphasizing the metallic sheen and ancient craftsmanship. +A sunny day in a lush park, a picnic blanket spread under a large oak tree. A wicker basket with a tag reading "Bon Appétit" sits prominently, surrounded by colorful food and drinks, with a family enjoying their meal in the background. +A realistic photograph of a car with a bumper sticker that reads "Honk If Happy", parked on a sunny street, with pedestrians passing by and a cheerful atmosphere. +A quaint gardener's shed with a weathered wooden sign hanging above the door, reading "Tools & Trouble". The shed is surrounded by a lush, overgrown garden, with tools scattered around the entrance. Soft, dappled sunlight filters through the trees, casting a serene glow. +A neon-lit video game loading screen displaying "Level 3 Loading" in bold, futuristic fonts. The background features a cyberpunk cityscape with glowing skyscrapers and flying vehicles, hinting at the advanced technology and action to come. +A realistic photograph of a car's rear bumper, featuring a yellow and black "Baby on Board" sticker, with a slightly blurred background showing a suburban street. +A cozy bakery counter with a wooden pie box labeled "Grandmas Secret Recipe" sitting prominently, surrounded by warm, golden lighting and the faint aroma of freshly baked pies. +A magical street scene at dusk with a glowing neon unicorn sign that reads "Horn Polish Sold Separately", surrounded by whimsical shops and enchanted lights. +A realistic photograph of a mountain trailhead, featuring a wooden signpost marked "Summit Trail 3 Miles", surrounded by lush greenery and rocky terrain, with a clear path leading into the distance. +A close-up of a vintage typewriter with a key prominently stamped "Shift Lock", set against a warm, nostalgic background with soft lighting highlighting the key's intricate details and the worn, textured surface of the typewriter. +A detailed, realistic photograph of an antique engraved pocket watch with its interior exposed, revealing intricate gears and a delicate engraving that reads "Tick Tock Treasure" on the inner lid. +A close-up of an antique spyglass with intricate lens etching that reads "Horizon Lies" in elegant, flowing script, set against a backdrop of a misty, serene seascape at dawn. +A close-up of a dog's collar, featuring a bone-shaped tag engraved with "Professional Good Boy", set against a soft, blurred background of a grassy park. +A neon sign flashing "Dream Big" hangs above a vintage city diner, its vibrant colors reflecting off the wet, nighttime pavement and the diner's large windows, creating a nostalgic, urban atmosphere. +A close-up of a hotel key card sleeve, sleek and modern, with "Room 1408" elegantly printed on it, placed on a wooden desk with a subtle background of luxurious room amenities. +A vintage passport lies open, revealing a page filled with exotic stamps. Prominently, a large, red stamp reads "Expired 1492". The pages are worn and yellowed, hinting at countless journeys through time. +Ancient cave wall adorned with prehistoric drawings, depicting a detailed scene of hunters chasing buffalo. The drawings spell out "Hunt Buffalo Here" in a series of symbolic and primitive markings, illuminated by the soft glow of torchlight. +A weathered ancient papyrus fragment, partially torn and with a yellowed hue, displays faded ink text that reads "Beware the Coffee Shortage", set against a backdrop of sandy textures and subtle shadows. +A realistic airport security poster with a bold, eye-catching design, warning passengers with the text "No Hugs in CarryOn Luggage". The poster features a silhouette of a person with arms outstretched, superimposed over a luggage X-ray image, emphasizing the absurdity of the message. +A romantic beach scene with soft, golden sand where the words "Happy Anniversary" are carefully written, surrounded by seashells and lit by the warm glow of a setting sun, capturing the essence of a special moment. +A cozy therapy office with warm, soft lighting and a vintage clock on the wall, reading "Session Time Is Relative". The room is filled with comfortable furniture and calming decor, creating a serene and inviting atmosphere. +A campfire burns brightly in a dark forest clearing, its smoke rising to form the words "Help Us" against the starry night sky. The scene is captured in a realistic photographic style, emphasizing the eerie, isolated atmosphere. +A neon gym sign with "Fitness Zone" blinking in vibrant blue lights, set against a dark urban night scene, casting a cool glow on the wet pavement and reflecting in the puddles. +A retro video game arcade cabinet titled "Pixel Warriors" lies on its side in an abandoned room, surrounded by scattered game cartridges and old flyers. The worn cabinet displays nostalgic 8-bit artwork, with vibrant, pixelated warriors battling on the screen. +A hiker stands atop a rugged mountain peak, holding a summit register open to a page that reads "I Made It 2023", with a panoramic view of misty valleys and distant peaks in the background. +An astronaut in a detailed spacesuit stands in a stark, futuristic environment, the helmet visor displaying "O LEVELS CRITICAL" in bold red text, warning of a critical oxygen level, while the background shows the vast, cold expanse of space. +A retro arcade cabinet, labeled "High Score Challenge", stands in a dimly lit game room, its neon lights flickering. The cabinet displays classic game characters and high scores, with a few coins scattered on top. +A worn, leather-bound dossier cover, prominently marked with the words "Top Secret Eyes Only" in bold, red text, resting on a dimly lit, wooden desk. The scene is illuminated by a single, overhead light, casting shadows that add to the secretive atmosphere. +A realistic photograph of a construction helmet with a sticker that reads "Safety First Always", placed prominently on the side, set against a backdrop of a bustling construction site with workers in hi-vis vests. +A steaming coffee cup on a wooden table, with the steam gently rising and forming the words "Good Morning" above the cup, set in a cozy, morning light. +A detailed, realistic photograph of an ancient, ornate potion bottle labeled "Elixir of Wisdom", sitting on a worn, wooden table. Soft, ambient light illuminates the bottle, highlighting its intricate engravings and the shimmering liquid inside. +A cozy coffee shop interior with a chalkboard prominently displaying "Latte Art Champion 2024" in elegant, hand-drawn lettering. Sunlight streams through large windows, casting a warm glow on the wooden furniture and patrons enjoying their drinks. +A vintage wine bottle with a rustic, aged label that reads "2016 Vintage Regrets", placed on a wooden table with a soft, warm light casting a gentle shadow, capturing the essence of nostalgia and past reflections. +A futuristic sci-fi spaceship control panel, illuminated with glowing buttons and screens, prominently displaying a large red alert that reads "Warp Engaged", surrounded by intricate tech and holographic interfaces. +A close-up of a chef's arm, showcasing a detailed tattoo that reads "Bon Appétit" in elegant, cursive script, surrounded by culinary elements like herbs and spices, with a realistic, high-definition texture. +A bustling supermarket aisle with a clear sign reading "Baking Supplies Section", featuring shelves stocked with flour, sugar, and spices. Shoppers are browsing, and the lighting highlights the vibrant packaging of baking ingredients. +A scientist in a lab, wearing a white lab coat tagged "Experiment In Progress", stands amidst an array of high-tech equipment and bubbling beakers, focusing intently on a complex experiment. +A neon food truck sign displaying "Tacos 24 7" glows brightly on a dimly lit street corner, casting a vibrant hue over the urban landscape. The sign's colorful lights reflect off the wet pavement, creating a lively and inviting atmosphere. +A close-up of a vintage VHS tape, its label partially scribbled over with the words "Home Videos DO NOT WATCH" in bold, red marker, set against a slightly worn, textured background. +A realistic photograph of an ambulance parked on a city street, its side panel prominently displaying "Emergency Medical Services" in clear, bold letters. The scene is illuminated by the soft glow of streetlights, adding a touch of urban atmosphere. +A cinematic movie poster featuring the title "Chantage" in bold, sleek lettering, set against a backdrop of a shadowy, urban night scene with neon lights, suggesting a thriller or mystery genre. +A close-up of a vintage gardener's seed packet, labeled "Mystery Flowers", lying on a rustic wooden table, surrounded by a scattering of colorful flower petals and gardening tools, with a bright, sunny window in the background. +A gym interior with a modern water cooler, a "Bring Your Own Bottle" sticky note adhered to its side, and gym-goers in athletic wear nearby, emphasizing the health-conscious environment. +A detailed movie set with a clapperboard slate clearly displaying "Scene 5 Take 2 Action", surrounded by crew members and equipment, capturing the intensity of a film production in full swing. +Aerial view of a vast, green field with a meticulously crafted alien crop circle that spells "Send Tacos" in intricate, glowing glyphs, surrounded by subtle, swirling patterns. +A vibrant street scene with a brightly lit food truck at night, displaying a colorful sign that reads "Taco Tuesday 3 Each". People are queuing up, eagerly waiting to order, and the aroma of sizzling tacos fills the air. +A modern, sleek digital name tag for a conference attendee, featuring a minimalist design with the text "Hello My Name Is Alex" prominently displayed in bold, clear font on a clean, white background. +A vintage cinema marquee glowing under the night sky, prominently displaying the neon sign "The Sequel Worse Than Ever" amidst a crowd of moviegoers chatting excitedly. +A realistic rural scene with a farmer’s scarecrow standing in a golden wheat field, holding a weathered wooden sign that reads: "Crows Welcome", while a flock of crows circles overhead. +A realistic night photograph of the New York skyline, with "Google Brain Toronto" vividly written across the sky in colorful fireworks, illuminating the city's iconic buildings and the Hudson River. +A high-altitude mountain scene with a rugged path leading to a signpost that reads "Summit 5000m", set against a backdrop of snow-capped peaks and a clear blue sky. +A vintage 1950s gas station with a retro pump labeled "Premium Time Travel Fuel", set against a nostalgic backdrop of old cars and neon signs, capturing the essence of a bygone era with a whimsical twist. +A detailed ski resort trail map with vibrant, mountainous scenery, prominently marked "Expert Slope Only" in bold, red text, surrounded by icy peaks and snow-covered trees. +A realistic photograph of a UFO crop circle formation in a vast golden wheat field, with the message "We Come in Peace" clearly visible in the intricate design, under a twilight sky. +A rustic barn door features a weathered sign that reads "Beware of Bull", surrounded by a countryside setting with a field and a few scattered trees in the background. The scene captures the essence of a traditional farm, emphasizing the warning sign's presence and importance. +A vibrant TV show poster featuring the logo "Aaj Ka Ravan" prominently at the center, surrounded by dramatic, high-contrast imagery of a modern cityscape at sunset, with a silhouette of a charismatic lead character standing confidently in the foreground. +A time traveler stands in a futuristic cityscape, wearing a casual T-shirt with the text "I ❤ 3023" prominently displayed. The background features sleek, high-tech buildings and flying cars, emphasizing the advanced era. The traveler looks confidently at the camera, blending modern and future elements seamlessly. +A realistic photograph of a hospital wristband with the patient's name "John Doe" clearly printed on it, lying on a white hospital bedsheet. The wristband shows detailed textures and the text is sharp and legible. +A realistic photograph of a science lab, featuring a whiteboard prominently displaying the reminder "Wear Safety Goggles", with lab equipment and safety gear in the background. +An art class setting with a model stand featuring a sign that reads "Pose In Progress". The room is filled with easels, canvases, and art students working diligently, capturing the model's pose in various stages of completion. +A lone billboard stands tall in a vast, sun-baked desert, its faded sign reading "Last Gas for 100 Lies". The cracked asphalt of a deserted highway stretches endlessly into the horizon, punctuated only by the occasional tumbleweed and the distant silhouette of jagged mountains. +A professionally designed logo for a bakery called "siyaya", featuring elegant, hand-drawn typography with a warm, rustic color palette. The logo incorporates a charming illustration of a loaf of bread and a delicate wreath of wheat, evoking a cozy, inviting atmosphere. +Ancient cave wall adorned with intricate paintings of symbols spelling "Ra Sun God", illuminated by soft, ambient light casting shadows that enhance the textures and age of the rock. The scene captures the mystical atmosphere of a forgotten ritual site. +A bustling train station with a vintage aesthetic, the main display board prominently showing "Platform 9 Departing". Passengers hurry by, and the atmosphere is filled with the anticipation of journeys beginning. The scene is illuminated by the warm glow of the station's lights, capturing a moment just before the train departs. +A modern sculpture photo booth titled "Unlock Creativity", crafted from vibrant, thin colored lines, stands in a minimalist gallery space, inviting visitors to step inside and pose, with soft ambient lighting enhancing the colorful, abstract design. +A dark, dimly lit room with a demonic summoning circle drawn on the floor, scrawled in blood are the words "WiFi Password Below", illuminated by flickering candlelight, surrounded by ancient, dusty tomes and eerie shadows. +Vintage postcard featuring a bustling, futuristic Cloud City with towering skyscrapers and flying vehicles, set against a twilight sky. The caption "Greetings from Cloud City" is prominently displayed at the bottom, evoking a sense of wonder and adventure. +A medieval knight holds a large, round shield emblazoned with the crest "Veritas Vincit", standing proudly against a stone wall in a dimly lit castle courtyard, the shield's intricate metalwork and the worn leather straps clearly visible. +A realistic nighttime scene with a hovering UFO emitting a bright, focused beam of light that illuminates a group of astonished people. The beam projects the text "Human Sampling in Progress" clearly visible in the air. +A dimly lit urban bar with a neon sign flashing "Last Call 2 AM" above a row of colorful bottles on a dark, wooden shelf, set against a backdrop of shadows and soft ambient lighting. +A vibrant candy store window featuring a colorful decal that prominently declares "Free Lollipop Today", surrounded by an array of sweet treats and playful decorations, capturing the joyful atmosphere of a neighborhood sweet shop. +A realistic urban scene with a vintage parking meter on a cobblestone street. The meter's screen prominently displays the message "Insert Coins Here" in retro font, illuminated softly by the warm glow of a nearby streetlamp. +A realistic photograph of a used train ticket stub with the text "Platform 9¾" clearly visible, lying on a worn wooden table next to a vintage Hogwarts Express ticket machine. The scene is bathed in soft, golden evening light, evoking a sense of nostalgia and magic. +A wizard stands in a dark forest, his staff glowing brightly with the word "Lumos" inscribed on it, casting a warm, golden light that illuminates the surrounding trees and creates a mystical atmosphere. +A cozy restaurant interior with a menu open on the table, the "Chefs Recommendation" section highlighted with a red marker, surrounded by elegant place settings and a vase of fresh flowers. +A vintage 1950s sci-fi movie poster depicting an alien abduction, with a dramatic beam of light from a hovering saucer capturing a person. The poster prominently features the warning "Watch the Skies" in bold, retro font. +A cinematic scene with end credits rolling on a dark screen, displaying the text "Based on a True Story" in a elegant, serif font, illuminated by a soft glow, suggesting the conclusion of a gripping, factual narrative. +A futuristic time machine with a digital display flashing "Yesterday 327 PM" in a dimly lit laboratory, surrounded by complex machinery and glowing circuits, creating an atmosphere of suspense and anticipation. +A realistic photograph of a wedding cake topper featuring the names "Alex & Sam Forever" elegantly engraved on a silver plaque, set atop a tiered white cake with delicate fondant flowers. +A vibrant school science poster featuring the slogan "Recycle Save Earth", illustrated with colorful images of recycling bins, green plants, and a healthy planet, emphasizing the importance of environmental conservation. +A vibrant board game box cover for "Space Pirate Monopoly", featuring a futuristic pirate ship hovering over a neon-lit, sci-fi cityscape. The ship's crew, adorned in cybernetic enhancements and space gear, is engaged in a high-stakes game, with the Monopoly logo prominently displayed. +An ancient, tattered recipe book page with handwritten text, "Eye of Newt Substitute OK", resting next to a bubbling cauldron in a dimly lit, mystical room filled with potions and magical ingredients. +A dimly lit sci-fi prison cell, walls scarred with intricate scratches forming the words "Breakout Plan α". Futuristic security cameras and flickering lights cast shadows, enhancing the eerie atmosphere. The cell door is reinforced with glowing, high-tech locks. +A group of zombies gather in a dimly lit urban square, their tattered clothes flapping in the wind. One zombie, with a decaying arm raised, waves a protest sign that reads "Brains are Overrated" amidst a backdrop of abandoned buildings and flickering streetlights. +A movie theater at dusk, the marquee prominently displaying "Now Showing Robot Love" in vibrant neon lights, with a crowd of excited moviegoers lining up to buy tickets, and a few robots mingling among them, creating a futuristic atmosphere. +A high-resolution magazine cover titled "Tech Trends 2024", featuring a sleek, modern design with futuristic elements. The title is prominently displayed at the top, and the cover includes a vibrant image of a cityscape with advanced technology, such as flying cars and holograms. +A dimly lit, old, and decrepit haunted house with a menacing door knocker plaque reading "Abandon Hope" in eerie, glowing letters, set against a stormy night sky. +A bustling amusement park with vibrant colors, featuring a towering ride entrance. A sign stands prominently, reading "Must Be This Tall", with a measuring line next to it. Children and adults in colorful attire eagerly wait in line, the sun casting warm, golden light on the scene. +A close-up of a sleek, metallic UFO hovering in a starry night sky, its underside painted with the words "Earth One Star Review 25" in bold, glowing letters. The scene is illuminated by the UFO's soft, blue light, casting a serene glow on the surrounding darkness. +A close-up of a shiny car license plate frame embossed with "California Dreaming", set against a backdrop of a sunlit, coastal highway with palm trees lining the roadside. +A bustling airport terminal with a large, retro-style departure board flipping to display "Gate 13 Final Boarding". Passengers hurry past, casting glances at the board, while the warm ambient lighting enhances the scene's dynamic energy. +A serene mountain trail with a wooden signpost carved with "Summit 2 Miles", surrounded by lush greenery and rocky terrain, leading upwards towards a misty peak. +A dimly lit prison cell with rough, gray walls, scratched deeply with the word "Innocent" repeated dozens of times, casting eerie shadows in the faint light. +"Ancient Hunters Gather" depicted on a cave wall, showcasing prehistoric humans in a detailed, realistic style. The scene captures a group of hunters surrounding a fire, sharing tools and food, with intricate line work and natural pigments, set against the rough texture of the cave wall. +A vibrant TV show poster titled "The Guardian Brothers", featuring two heroic brothers standing side by side in a futuristic cityscape, with a glowing logo and dramatic lighting that highlights their determined expressions and advanced technology around them. +A vibrant skateboard deck features a bold graphic screaming "Skate or Die" in dynamic, graffiti-style letters, set against a contrasting background of urban street art and gritty textures. +A digital billboard stands tall on the highway, its bright screen displaying the message "Stay Alert Drive Safe" in bold, clear letters, surrounded by the blur of passing cars and the vast open road stretching into the distance. +A close-up of an elevator button panel in a dimly lit hallway, with the "13th Floor" button visibly scratched out, surrounded by other numbered buttons, reflecting a sense of age and mystery. +A dimly lit, eerie restaurant with a vintage neon sign flickering outside. On a worn, wooden table, a leather-bound menu opens to reveal the "Brains Daily Special" in bold, gothic lettering, illuminated by a single, flickering candle. +A futuristic space station's control room, with warning lights flashing red and a large digital screen displaying the alert "Artificial Gravity Failure". Astronauts in blue suits look concerned, floating slightly as the gravity begins to fail. +A scientist in a lab, wearing a white lab coat with a patch on the pocket reading "Dr Genius PhD", standing amidst various scientific instruments and equipment, looking thoughtful and engaged in an experiment. +A realistic photograph of a playful cat with a silver collar, the tag clearly visible and inscribed with the words "If Found Im Not Sorry", sitting on a cozy windowsill bathed in warm sunlight. +A detailed hiking trail map with a prominent warning sign that reads "Steep Cliff Ahead", set against a rugged, mountainous landscape with a winding path leading to a dramatic cliff edge. +A vintage 1950s newspaper with a bold headline "Aliens Land Today", featuring an illustrated UFO and a crowd of astonished onlookers in period attire, captured in a realistic photographic style. +A vintage beach scene with a bright, sunny sky and clear blue ocean. A beach towel with the phrase "Life's a Beach" in retro font is spread out on the sand, surrounded by colorful beach accessories like flip-flops and a beach ball. +A close-up of an interdimensional passport with a large, red stamp marked "Reality 21 Entry Denied", surrounded by intricate, futuristic symbols and a faint, glowing aura, set against a dark, cosmic background. +A skydiving plane with an open door, a sticker on the door reads "Check Parachute Twice" with a bold arrow pointing downwards, skydivers preparing to jump, clouds in the background. +A medieval tavern sign, weathered and creaking in the wind, reads "Dragons Breath Ale" with rustic, hand-painted letters. The sign swings above a cobblestone street, casting shadows on the stone walls of the ancient building. +A dark, mystical kitchen where a witch's cauldron bubbles with a mysterious potion, a floating "Poison" label hovering above it, casting eerie shadows on the stone walls. +A movie theater marquee bathed in the glow of colorful lights, prominently displaying the text "Premiere Tonight" in bold, shining letters, set against the backdrop of a bustling city street at dusk. +A close-up of a sleek, futuristic spy gadget manual with a bold red warning label that reads "May Cause Spying" prominently displayed on the cover, set against a dimly lit, secretive backdrop. +An ancient stone tablet, weathered by time, stands in a dimly lit forest clearing. The moon partially obscures the sun in the sky, casting eerie shadows. The tablet is carved with the ominous warning, "Beware the Eclipse", visible in the soft, dappled light. +A close-up of a shiny, metallic dog collar tag with the engraved text "If Lost Call 555 1234", set against a blurred background of a green, grassy park. +A realistic photograph of a scientist in a lab coat, with a badge clearly visible on the pocket that reads "Dr Smith PhD", standing amidst laboratory equipment and instruments. +A vintage 1950s diner scene with a classic jukebox prominently displaying the song title "Rock Around the Clock" in glowing neon letters, surrounded by checkered floors and classic diner stools. +A movie set with a director's clapperboard prominently displaying "Scene 5 Take 2", surrounded by crew members preparing for the next shot, under the soft glow of overhead lights. +In a dense forest, a campfire sign reads "Extinguish All Flames" amidst tall trees and underbrush, surrounded by fallen leaves and pine needles. The sign is slightly weathered, with a rustic wooden frame, emphasizing the natural and serene environment. +A realistic photograph of a wrist featuring a cursive script tattoo that reads "Stay Strong", with subtle shading and a natural skin tone, set against a soft, neutral background. +A medieval banner waves majestically in the wind, emblazoned with the phrase "Strength Through Unity" in intricate Old English font, set against a backdrop of ancient stone walls and towering turrets. +A clean, modern laboratory setting with a mouse cage prominently displayed. The cage tag, clearly visible, reads "Test Group B". Soft, ambient lighting highlights the sterile environment, emphasizing the scientific context. +A lunch box with "healthy eating" written on it, placed on a wooden table, surrounded by fresh fruits and vegetables, with a bright, natural sunlight streaming in from a nearby window, creating a warm and inviting atmosphere. +A realistic photograph of a construction site with workers in bright safety vests and hard hats, prominently displaying a yellow construction helmet sticker that clearly states "Hard Hat Area" on a metal signpost. +In a desolate, post-apocalyptic landscape, a weathered road sign warns, "Last Gas 2000 Miles", standing alone amidst cracked asphalt and barren, overgrown fields. The sky is a somber gray, with a hint of dust in the air, emphasizing the isolation and desolation. +A close-up of a fortune cookie opened to reveal a slip of paper with the message "Adventure Awaits" folded inside, set against a backdrop of a rustic wooden table, with a hint of a horizon suggesting an upcoming journey. +A middle school science fair display featuring a project titled "Solar Power Test 1", with a model of a solar panel, a small light bulb glowing, and informational posters explaining the process of converting sunlight into electricity. +A spy's briefcase on a dimly lit, rain-slicked street, the dossier marked "Top Secret" in bold red stamps clearly visible through the slightly ajar lid, under the glow of a flickering streetlamp. +A close-up of a scientist's whiteboard with the equation "EMC²" prominently displayed, surrounded by scattered markers and notes. The lighting highlights the chalk marks, giving the scene a focused and intense atmosphere. +A realistic scene of a "Wet Floor" caution sign placed near a freshly spilled liquid in a supermarket aisle, with shoppers cautiously navigating around it. The sign is prominently displayed, and the spill is visible on the tile floor, reflecting the overhead lights. +A city street at dusk, with a large digital billboard prominently displaying the warning "Traffic Jam Ahead" in bright, bold letters, while cars begin to slow down, forming a line in the foreground. +A detailed ski resort trail map, prominently featuring a challenging slope marked "Black Diamond Run", surrounded by snowy peaks and pine trees, with ski lifts and cabins in the background. +A realistic classroom setting with a periodic table poster prominently displayed, highlighting "Element Fe Iron" with a vibrant, eye-catching design. Students' desks and a chalkboard are visible in the background, creating an authentic educational environment. +A detailed museum exhibit featuring a "Dinosaur Egg 65 Million BCE" label, with the egg displayed under a soft spotlight, surrounded by ancient rock formations and fossil fragments, in a dimly lit, sophisticated gallery setting. +A close-up of a futuristic time machine dashboard, with a prominent red warning sign that reads "Don't Pet the Dinosaurs", surrounded by glowing buttons and holographic displays. +A museum exhibit featuring a detailed plaque titled "Dinosaur Age Display", surrounded by life-sized dinosaur models and ancient fossils, with soft, ambient lighting enhancing the educational and immersive atmosphere. +A city street at dusk, a yellow taxi with its roof light displaying "Off Duty" in bright letters, parked beside a curb. The taxi is slightly worn, with raindrops on its windows, reflecting the neon lights of the surrounding buildings. +A vibrant TV show poster titled "Jack O" featuring a charismatic lead actor in a dramatic pose, surrounded by urban cityscapes and neon lights, with the show's title prominently displayed in bold, futuristic font. +A dark room with a glowing video game screen that flashes "Game Over" in bold, red letters, surrounded by scattered game controllers and empty soda cans on a messy desk. +A close-up of an engraved dog collar tag, polished to a shine, with the name "Max" clearly visible in elegant script against the metallic background. The tag reflects soft, warm sunlight, highlighting the craftsmanship and detail. +A realistic construction site scene with workers in bright orange vests and blue hard hats. A prominent warning sign with the text "Hard Hat Area" is clearly visible, adhering to safety regulations. +A weathered wizard's scroll unfurled in an ancient library, the incantation "Winds of Fate" etched in glowing runes, illuminated by flickering candlelight. +A cozy bakery interior with a vintage oven timer beeping "Cookies Ready Now", surrounded by freshly baked cookies on a wooden countertop, soft golden light streaming through the window, and a baker smiling in the background. +An antique globe with a weathered, vintage label reading "Terra Incognita", set against a dimly lit background, capturing the mystery and allure of unexplored territories. +A vintage TV screen with a slightly distorted display, showing the message "Signal Lost" in a retro font, set against a dark, nostalgic background with soft, ambient lighting. +A medieval knight stands proudly, his shield prominently displayed. The shield is intricately engraved with the phrase "For Honor Glory", the text elegantly carved and highlighted with gold, reflecting the knight's noble values and the sunlight that bathes the scene. +A ghost hunter stands in a dimly lit, eerie hallway, their EMF reader flashing "Spirit Detected" in a bright, eerie glow, while shadows dance on the peeling wallpaper. +A bustling farmer’s market scene with a rustic wooden stand. A chalkboard sign reads "Tomatoes 3 Picked at Dawn" next to a basket of fresh, ripe tomatoes. Morning sunlight filters through, casting warm shadows. +A panoramic view of a mountain summit with a weathered signpost pointing towards the horizon, inscribed with "Peak of Midlife Crisis". The background features a dramatic sky with rolling clouds, emphasizing the sense of a significant, reflective moment. +A vintage movie theater marquee, glowing neon lights spelling out "Premiere Tonight 8 PM", set against a dusky evening sky with a few people passing by, capturing the nostalgic charm of a classic film debut. +A science fair poster header featuring bold, colorful text that reads "Volcano Eruption Experiment", set against a background of an erupting volcano with vibrant lava flows and steam clouds, emphasizing the dynamic and educational nature of the experiment. +At the bustling train station, a vintage sign that says "enable" hangs above the ticket booth, its neon lights flickering against the backdrop of rushing passengers and the rhythmic sound of trains arriving and departing. +A classroom wall features a vibrant poster with a cheerful illustration of children raising their hands. The poster prominently displays the message "Raise Your Hand" in bold, colorful letters, surrounded by educational icons like books and pencils. The scene is bright and inviting, capturing the spirit of an engaging learning environment. +A close-up of a race medal ribbon with the inscription "Marathon Finisher 262 Miles" hanging against a blurred background of cheering spectators and a finish line arch. The ribbon is vibrant with gold and blue colors, highlighting the achievement. +A weathered pirate's treasure map, with intricate illustrations of tropical islands and a compass rose, prominently labeled "X Marks the Spot Maybe" at the center, surrounded by faded notes and cryptic symbols. +A clinic poster with the slogan "Stay Vaccinated Stay Healthy" prominently displayed. The design features a vibrant, colorful background with illustrations of healthcare professionals and happy, diverse families. The message is clear and encouraging, promoting the benefits of vaccination for community health. +A futuristic cityscape at dusk, a humanoid robot with a sleek, metallic body stands alone on a deserted street. Its chest display reads "Error 404 Soul Not Found", casting a dim, red glow in the dimly lit environment. +A realistic photograph of a laboratory whiteboard filled with complex equations and formulas, ending with the word "Profit" in bold, colorful markers. The background shows scientists in lab coats discussing the findings, with lab equipment and charts visible. +A realistic photograph of an ambulance parked on a city street, its side panel clearly displaying the text "Emergency Medical Services" in bold, reflective letters, with a blurred background of passing cars and pedestrians. +A spooky, Victorian-era haunted mansion with overgrown vines and faded paint. A portrait plaque near the entrance reads "Smile Optional" in eerie, glowing letters. The scene is dimly lit by a crescent moon, casting long shadows and enhancing the mansion's ominous atmosphere. +A vibrant TV show poster featuring the title "Zwei Seiten der Liebe" in bold, elegant fonts, set against a backdrop of two contrasting cityscapes at dawn and dusk, symbolizing the dual aspects of love. +A close-up of a laptop with a sticker featuring the geeky quote "CtrlAltDefeat" in vibrant pixel art style, set against a minimalistic background. +A weathered pirate's treasure map, marked with "X Marks the Spot", lies on an old wooden table, illuminated by the warm glow of a flickering candle. The map shows a detailed coastline with dense forests and a hidden cove. +A helicopter with "helicopter tour" written on the side is landing on a helipad in a scenic valley. The background features a river winding through lush trees and majestic mountains, creating a breathtaking natural landscape. +A close-up of skateboard grip tape featuring the bold text "Skate or Die Crew 2024", with a gritty, urban background and subtle wear marks, capturing the spirit of skate culture. +A romantic wedding scene with a couple standing under a floral arch, surrounded by lanterns and flowers. The bride wears a flowing white gown, and the groom is in a classic tuxedo. A banner above reads "Happily Ever After" in elegant cursive. +A dimly lit detective's office with a worn wooden door, featuring a vintage metal sign that reads "Out Solving Mysteries Maybe", set against a backdrop of rain-streaked windows and scattered papers on a desk. +A majestic medieval castle gate, with its grand doors slightly ajar, revealing a glimpse of the cobblestone path within. Above the arch, a plaque prominently displays the carved motto "Strength in Unity", emphasizing the kingdom's values and unity. The scene is bathed in the warm light of a setting sun. +A dimly lit graveyard at dusk, with a single headstone prominently engraved with "Told You I Was Sick". Overgrown grass and a few withered flowers surround the stone, casting long shadows as the sun sets behind a row of ancient, gnarled trees. +A close-up of an antique, glass potion bottle with a golden label that reads "Instant Hair Growth Permanent" in elegant, cursive font, set against a dimly lit, mystical background with subtle magical glows. +A medieval battlefield at dusk, with a grand battle standard of "House Baratheon" waving proudly atop a lance, surrounded by armored knights and soldiers, the fabric catching the last light of the sun, casting long shadows across the rugged landscape. +An astronaut in a detailed spacesuit, standing against the backdrop of a distant Earth, the helmet visor displaying "O₂ LOW" in bright red pixels, reflecting urgency and the vastness of space. +A vintage radio with a retro wooden case, the dial clearly labeled "Turn Left for Smooth Jazz", set against a warm, nostalgic background with soft lighting highlighting the radio's texture and details. +A futuristic smartwatch face glowing with a vibrant notification that reads "Walk 10k LightYears", set against a dark, tech-lit background with soft ambient lighting. +A bustling train station with a digital board prominently displaying "Delayed 15 Minutes" in bright red letters, surrounded by commuters checking their watches and phones, some looking frustrated, others resigned. The scene is captured in a realistic photographic style, with the board as the focal point. +A book cover with "New York Times Bestseller" stamped in gold, featuring a dramatic city skyline at dusk, with vibrant lights reflecting off a river, and a hint of mist adding a mystical atmosphere. +An antique globe with a faded label reading "Here There Be Monsters", set on a wooden desk with a vintage map and a brass compass, illuminated by the warm glow of an old-fashioned lamp. +A sleek, futuristic spy gadget manual with a prominent red button, warning label clearly stating "Do Not Press Red Button" in bold letters, set against a dimly lit, high-tech lab backdrop. +A dimly lit sci-fi prison cell with metallic walls, scratched with the desperate message "Help Im Innocent" in bold, rough letters, illuminated by a flickering light above. +A realistic photograph of a pharmacy prescription bottle on a white background, with a clear label reading "Take 2 Daily" and a close-up focus on the label to ensure the text is legible. +In a bustling game lobby, an old, retro game console prominently displays the word "king" on its screen, surrounded by excited gamers and nostalgic decorations. +A photograph of a scientist's lab coat, prominently displaying a badge that clearly reads "Dr Genius PhD", with lab equipment and a whiteboard covered in equations in the background. +A medieval wizard's tower with an intricately carved wooden door, featuring a dragon-shaped knocker with the phrase "Speak Friend" inscribed beneath it, set against a backdrop of misty forests and rocky cliffs. +A vibrant skateboard deck featuring bold graffiti art with the phrase "Skate or Die" prominently displayed, set against a urban backdrop with graffiti-covered walls and a gritty texture, capturing the rebellious spirit of street culture. +A vibrant movie poster titled "Bubble Boy", featuring a young boy enclosed in a translucent, shimmering bubble, set against a colorful, dynamic background with playful, swirling patterns and bold, eye-catching text. +A romantic wedding invitation card with elegant calligraphy that reads "Join Our Special Day", set against a backdrop of soft, pastel flowers and golden accents, capturing the joyful anticipation of a cherished celebration. +A movie poster featuring the logo "Laundry Show" prominently at the center, with vibrant, eye-catching colors and a modern, sleek design. The background showcases various clothing items gently tumbling in a transparent dryer, creating a dynamic and engaging visual. +In a bustling airport terminal, a large digital screen prominently displays "Flight 101 On Time", surrounded by other flight statuses. Passengers mill about, some looking at the screen with relief, others chatting or browsing shops. The scene captures the hectic yet orderly atmosphere of modern air travel. +A crystal ball on a dark, wooden table, glowing faintly with a mystical light, displaying the words "Answer Unclear" in elegant, glowing script. The room is dimly lit, with shadows casting an eerie, mysterious atmosphere. +A food truck menu board featuring "Try Our Tacos" in bold, colorful letters, with a vibrant chili pepper icon prominently displayed next to it, set against a sunny backdrop of a bustling street fair. +A bustling farmer's market scene with a vibrant banner prominently displaying "Organic Produce Here", surrounded by colorful, fresh vegetables and fruits, and cheerful vendors and shoppers. +A TV show poster featuring a dark, mysterious rider on a shadowy horse, with the text "Legend of Dark Rider" prominently displayed in bold, glowing letters against a moonlit backdrop. +An astronaut stands against the vast red landscape of Mars, the sunlight casting a warm glow on their spacesuit. Clearly visible on the chest is a detailed patch embroidered with "Mars Mission Crew", symbolizing their heroic journey. +A beautifully crafted wedding cake topper featuring an elegant script that reads "Happily Ever After", set against a backdrop of delicate flowers and sparkling lights, capturing the essence of a romantic and joyful celebration. +A realistic photograph of a chemistry lab bench with a set of glass beakers and bottles, prominently displaying a caution sign that reads "Do Not Mix Chemicals", surrounded by safety equipment and scientific instruments. +A bustling farmer’s market stand with a vibrant sign reading "Organic Produce Here", surrounded by a variety of fresh, colorful fruits and vegetables. Shoppers browse the stand, with the warm sunlight casting a natural glow on the scene. +A close-up of a vibrant children's lunchbox featuring a sticker that proudly declares "Best Dad Ever", surrounded by playful, colorful illustrations of kids enjoying their meals, with a subtle, sunny background suggesting a warm, happy day. +A weathered sailor with a rugged, sun-tanned arm displays a detailed tattoo spelling "Mom Forever" in elegant script, surrounded by nautical stars and anchors, reflecting his deep-sea adventures and unwavering love. +A cozy gingerbread house with a roof made entirely of white icing, intricately spelled out in bold, playful letters: "Eat Me Im Yummy", surrounded by colorful candy decorations and a sprinkle of sugar snow. +A detailed, realistic photograph of a dragon’s treasure chest, its lid elegantly engraved with "Property of Smaug", surrounded by shimmering gold coins and precious gems, set in a dimly lit, mystical cavern. +A close-up of a voodoo doll with a small, vintage tag attached, reading "Pin at Own Risk". The doll is positioned on a dark, textured background, with subtle lighting highlighting its intricate details and the worn, handwritten text on the tag. +In a dimly lit ancient chamber, a wizard's staff emits a faint, pulsating light. The runes on the staff glow with a warning, displaying "Power Low Charge", indicating the need for immediate attention. The scene is set in a mystical, slightly eerie atmosphere, emphasizing the urgency of the message. +A close-up of a toddler's colorful doodle on a white wall, featuring whimsical shapes and the phrase "Moms Best" scrawled in vibrant crayon, capturing the innocence and joy of childhood creativity. +A close-up of a car dashboard with a red "Check Engine Soon" alert flashing prominently, set against the dim interior lighting of the vehicle, capturing the urgency and modern design of the dashboard. +A close-up of a candy wrapper featuring the text "Sugar Free Formula" in vibrant green, set against a crisp, white background, highlighting the fresh and healthy appeal of the product. +A close-up of a lottery ticket scratch-off, the silver coating scratched away to reveal the words "Try Again" in bold, set against a slightly blurred, colorful background of other lottery tickets. +A submarine hatch, marked with a warning sign that reads "Emergency Exit Only", set against the dark, metallic interior of the vessel, with faint blue emergency lighting casting shadows. +A sleek, modern tea package design for "Morning Blend", featuring a serene sunrise over a misty tea plantation, with vibrant green leaves and golden light casting soft shadows, emphasizing freshness and tranquility. +A close-up of a firefighter’s helmet, the shield prominently engraved with "Fearless Unit 45", reflecting the bravery and dedication of its wearer. The helmet is slightly worn, with a few scratches, but the engraving is crisp and clear. +Ancient stone tablet, weathered and moss-covered, intricately carved with ancient glyphs that translate to "First Sunrise", set against a backdrop of a misty, dawn-lit forest. +A whimsical children's book illustration featuring a friendly dragon standing in a lush, medieval forest, holding a wooden sign that reads "No Knights Allowed", surrounded by curious forest animals. +A realistic photograph of a highway toll booth at dusk, with the sign "Exact Change Only" in bright yellow letters prominently displayed, illuminated by the last rays of the sun. +Retro diner interior, vintage jukebox glowing softly, "Play Moon Rock Melody" illuminated on the display, classic 50s decor, warm lighting, checkerboard floor, nostalgic atmosphere. +A close-up of a vintage medicine bottle with a warning label that reads "May Cause Dinosaur Dreams", set against a blurred background of a cozy, dimly lit room, evoking a sense of mystery and whimsy. +A realistic photograph of a graduation ceremony, featuring a large banner at the front reading "Class of 2024", with graduates in caps and gowns standing proudly beneath it, surrounded by a cheering audience. +A coastal night scene with a lighthouse casting a powerful beam that projects the text "Safe Harbor 2 Miles East" onto the misty sea, guiding ships toward a sheltered bay. +A realistic photograph of an ambulance parked on a city street, with its side prominently displaying the text "Emergency Response" in bold, clear letters. The scene is illuminated by the soft glow of streetlights, adding a sense of urgency and realism. +A steaming cup of café latte with intricate foam art forming the word "Breathe" on its surface, set against a warm, rustic wooden background, with soft, ambient lighting highlighting the delicate details of the latte art. +A cozy bakery interior with a rustic wooden table and a chalkboard menu prominently displaying "Gluten-Free Croissants" in elegant script. Soft morning light filters through the windows, casting a warm glow on the freshly baked pastries arranged on the table. +A vintage circus tent with a weathered banner proudly declaring "Worlds SecondBest Tiger Show", surrounded by a bustling crowd and illuminated by the warm glow of carnival lights, capturing the nostalgic charm of a bygone era. +A close-up of a restaurant menu, prominently displaying the footnote in elegant font: "18 Gratuity Added for Groups". The menu is set on a rustic wooden table, with a subtle blur of dining guests and soft, ambient lighting in the background. +A close-up shot of camping gear with a label that reads "Waterproof Gear", set against a backdrop of lush, green forest. The gear is neatly arranged, with a tent, backpack, and sleeping bag prominently displayed, emphasizing its water-resistant qualities. +In a cluttered, high-tech laboratory, a scientist with a lab coat tag reading "Dr Ellen Curiosity" stands amidst various scientific instruments and bubbling beakers, her eyes focused on a glowing, futuristic device on the table. +A vintage movie director's chair on a bustling film set, labeled "Action Movie Set" in bold letters. The chair is placed under the bright lights, surrounded by crew members with cameras and equipment, capturing the intense action of a high-octane scene. +A realistic hospital scene featuring a modern elevator directory prominently displaying "ICU Floor 3", with clean, white walls and soft lighting, emphasizing the professional and sterile environment. +A modern smartphone screen displays the message "3 New Messages" against a dark background, with subtle light reflections and a slight blur around the edges to mimic a realistic camera focus. +A realistic photograph of a supermarket aisle marker hanging above a row of shelves, clearly labeled "Baking Supplies Aisle 7", with neatly arranged baking ingredients below. +A subway car with vibrant graffiti reading "Metro Dreams" in bold, colorful letters, contrasting against the worn metal surface, under the harsh fluorescent lights of an urban subway station. +A bustling city street at dusk, with a digital billboard towering overhead, prominently displaying the text "Next Exit Tech City" in vibrant, glowing letters. Pedestrians and vehicles are seen below, adding life to the urban scene. +A vast cornfield under a clear blue sky, with a crop circle forming the message "Not Our Work" in the center. A lone farmer stands at the edge, looking puzzled and slightly worried, as if questioning the origin of the mysterious sign. +A detailed close-up of an "Ancient Roman Coin" displayed in a museum, showcasing intricate engravings of a Roman emperor, surrounded by soft, ambient lighting that highlights its worn, metallic surface. +An art gallery displaying a classic oil painting on canvas, with a discreet price tag noting "Oil on Canvas" elegantly placed at the bottom right corner of the frame. The scene captures the subtle textures and vibrant colors of the artwork, set against the refined backdrop of the gallery. +A dive shop interior with tanks lined up, each labeled with a tag marked "3000 PSI Nitrox Blend", illuminated by soft overhead lights, showcasing the detailed markings and the clean, organized setup. +Vampire romance novel cover with a dark, moody atmosphere, featuring "Love at First Bite" in elegant font. A brooding vampire and a captivated human woman stand under a full moon, with an old, misty castle in the background. +A weathered pirate map parchment, detailed with old nautical symbols and faded ink, prominently displaying "X Marks the WiFi Hotspot" at the center, surrounded by hand-drawn compass points and mysterious islands. +An astronaut's checklist notepad titled "Pre Launch Steps" rests on a metallic console inside a spacecraft, illuminated by the soft glow of control panel lights, with a view of Earth through the window in the background. +A serene beach at dusk, where the gentle waves have partially washed away a message in the sand, leaving "SOS" clearly visible. The fading light casts long shadows, emphasizing the urgency and isolation of the scene. +A vintage circus poster with elegant cursive lettering: "Marvels Under the Big Top", featuring a grand, old-fashioned big top tent, surrounded by playful circus elements like colorful streamers, playful clowns, and acrobats. +A close-up of a pizza box with a vibrant sticker that reads "Hot and Fresh", set against a blurred background of a cozy kitchen, capturing the warmth and freshness of a just-delivered pizza. +A scientist in a lab, wearing a lab coat with a prominent patch reading "Lab Safety First", surrounded by lab equipment and chemicals, with safety goggles on a nearby table. +A serene yoga studio with a large window displaying a decal that reads "Inner Peace Sold Here Daily", surrounded by lush green plants and soft, natural light filtering through, creating a calming atmosphere. +A deep-sea camera feed showing the dark, mysterious ocean floor with bioluminescent creatures swimming by, overlay text "Trench Depth 36000ft" displayed prominently in the corner. +A realistic zoo scene with a sign prominently displayed near an enclosure, clearly stating "Feeding Time 3 PM", surrounded by excited children and curious animals. The sign is well-lit and easily readable, with a wooden fence in the foreground. +A vibrant artist's palette titled "Colorful Dreams", featuring a mesmerizing array of bright, swirling colors that seem to dance and blend together, set against a soft, dreamy background with delicate, ethereal light. +A vibrant skateboard deck featuring the bold text "Skate or Die" in graffiti style, set against a dynamic background of swirling colors and urban elements like spray paint cans and skateboard wheels. +A close-up of a spy document with a subtle watermark stating "Top Secret Eyes Only", visible against the textured paper, illuminated by a dim, focused light, creating a sense of secrecy and urgency. +A close-up of a bakery cake box sticker, prominently displaying the text "Handle With Care", set against a soft, pastel background with a slight focus on the texture of the sticker. +A close-up shot of a file folder on a wooden desk, with a label clearly displaying "Top Secret" in bold red letters. The folder is slightly worn, hinting at its frequent use and importance. Soft, ambient lighting enhances the sense of mystery and confidentiality. +Graffiti mural under a city bridge, vividly tagged with "Street Dreams Collective", featuring vibrant colors and dynamic street art elements, illuminated by the soft glow of nearby streetlights. +A realistic photograph of a recycling bin with a vibrant, eye-catching decal that reads "Sort Your Trash", placed in a busy urban park, surrounded by greenery and people casually passing by. +An ancient, tattered wizard’s spellbook lies open on a wooden table, illuminated by a single candle. The page on the right is completely blank, except for a small, handwritten note in the margin that reads, "This Page Intentionally Blank". The room is dimly lit, creating a mysterious atmosphere. +A Viking longship glides across a serene sea, its sail embroidered with the phrase "Row Responsibly" in intricate, ancient runes. The ship's carved dragon head prow cuts through gentle waves, while the crew rows in unison under a clear sky. +A vintage surfer’s van parked on a sunny beach, with a bumper sticker prominently displaying the phrase "Lifes a Beach", surrounded by surfboards and beach gear. +Retro diner scene with vintage decor, neon signs, and a classic menu board prominently displaying "Pie à la Mode 199" in bold, playful lettering. The atmosphere is warm and inviting, with a nostalgic 1950s vibe. +An astronaut on the moon's surface, holding a high-tech "Lunar Drill" with a glowing tip, surrounded by lunar rocks and dust, under the vast, dark sky. +A bustling train station with an old-fashioned announcement board prominently displaying "Platform 9¾ Delayed". Passengers in modern clothing look puzzled, while a steam train puffs in the background, blending a magical atmosphere with everyday life. +A vintage shop's weathered counter, with an old wooden surface and a faded "All Sales Final" printed on a crinkled receipt, partially obscured by antique trinkets and a brass bell. +A red pizza delivery car parked on a busy city street, with a prominent magnet on its side reading "30 Minutes Guaranteed". The car is surrounded by bustling pedestrians and illuminated by the warm glow of street lamps. +In an art gallery, a plaque beside an abstract painting reads "Existential Toast". The painting features bold, chaotic strokes of black and white, with a single, perfectly toasted slice of bread at the center, symbolizing the absurdity of human existence. +A close-up of a cat's collar, featuring a small, silver charm that reads "If Found Call 555 6789", set against a soft, blurred background of grass and flowers. +A pet collar tag shaped like a bone, intricately engraved with "Call My Human", resting on a soft, furry bed with a gentle glow highlighting its metallic shine. +A classroom wall featuring a vibrant poster that reads "Think Before You Speak", surrounded by educational charts and student artwork, with sunlight streaming through a nearby window, casting soft shadows across the room. +A cozy kitchen scene featuring a baker holding a freshly made cookie bag, prominently printed with "Grandma's Secret Recipe", alongside a wooden table scattered with baking tools and ingredients, bathed in warm, golden sunlight. +A vintage ticket booth with a marquee displaying "SOLD OUT Try Next Decade" under a nostalgic streetlamp, surrounded by an old brick wall and fallen autumn leaves, captured in a realistic photographic style. +A zoo exhibit featuring a detailed plaque titled "African Elephants", set against a backdrop of lush savanna. The plaque includes information about the species, with a map of their habitat range and a small inset photo of an elephant family. +A science fair display board titled "Volcano Experiment by Alex", showcasing a detailed model of a volcanic eruption with colorful diagrams, charts, and a small erupting volcano made from baking soda and vinegar, surrounded by informative text and images. +A realistic screenshot of a website error page with a whimsical twist, displaying "404 Cat Not Found" in bold text, surrounded by a playful design of cartoon cats and broken links, on a pastel background. +A realistic photograph of a notebook with a crisp, blue cover, prominently labeled "Science Fair Project" in bold, white letters. The notebook is slightly worn, with a few pages peeking out, hinting at the detailed work inside. +A modern art installation featuring a sleek, minimalist chair with the word "inventor" intricately engraved on its back, displayed in a contemporary gallery with soft, ambient lighting highlighting the detailed craftsmanship. +A hidden garden gate, adorned with intricate elvish carvings, features a plaque that reads "Speak Friend to Enter" in elegant elvish script, set against a backdrop of lush, overgrown foliage and ancient stone. +A wedding cake topper featuring elegant script that reads "Happily Ever After", adorned with delicate floral motifs and sparkling sequins, set against a backdrop of a romantic, candlelit reception hall. +A charming flower shop window displays a vibrant sign reading "Fresh Roses Today", surrounded by a lush arrangement of blooming roses in various colors, with soft morning light filtering through the glass, casting a warm glow on the floral display. +A desert scene with a weathered signpost standing tall, pointing eastward with the text "Water 5 Miles East" clearly visible, surrounded by vast sandy dunes and sparse vegetation. +A realistic photograph of a heart-shaped object, with the words "I love you" written in vibrant rainbow colors, set against a soft, blurred background to emphasize the colorful text and the heart's intricate details. +A close-up of a weathered carnival ticket stub, crumpled and slightly torn, with the bold printed warning "Ride at Own Risk" prominently visible, set against a blurred background of colorful carnival lights and rides. +A yoga mat with the print "Breathe In Breathe Out" lies on a serene beach at sunrise, with soft golden light casting a gentle glow over the mat and the tranquil sea in the background. +A muscular circus strongman, wearing a belt with a prominent buckle that reads "World's Strongest", stands confidently in a vintage circus tent, surrounded by colorful banners and excited onlookers. +A group of futuristic robots gathered in a city square, holding up signs with the protest chant "Beep Means No" clearly visible, surrounded by a crowd of onlookers and news cameras capturing the scene. +A serene yoga studio with a modern, minimalist design. A yoga mat placed center stage, its surface adorned with the elegant text "Breathe and Balance" in a calm, flowing font. Soft, natural light filters through large windows, casting gentle shadows and highlighting the mat's vibrant colors. +A cozy kitchen scene featuring a baker in an apron embroidered with "Knead to Relax", surrounded by baking ingredients and tools, with a warm, inviting atmosphere. +A roadside fruit stand with a hand-painted wooden sign that reads "Fresh Peaches Sold Here", surrounded by baskets of ripe peaches and green foliage, under a sunny sky. +A motivational poster with the text "Dream Big Work Hard" prominently displayed, set against a backdrop of a sunrise over a bustling cityscape, symbolizing the start of new opportunities and the energy of hard work. +A realistic photograph of a futuristic space station airlock, with a prominent warning sign reading "Check Suit Integrity" illuminated in red, surrounded by sleek, metallic surfaces and illuminated control panels. +A wizard's ancient scroll, illuminated by a soft, ethereal glow, with the words "Magic Spell Active" clearly visible, set against a backdrop of a mystical forest at twilight. +A close-up of a superhero costume emblem, prominently featuring the text "Justice Forever" in a bold, futuristic font, set against a dynamic, star-streaked background. +A close-up of a chef’s tasting menu card, titled "Chef's Surprise Course", elegantly laid on a rustic wooden table, with soft, warm lighting highlighting the handwritten menu and a sprinkle of fresh herbs on the table. +A close-up of a wizard's familiar, a mystical creature with a collar. The collar tag is intricately engraved with the phrase "Familiar Not Pet", reflecting the bond between the wizard and the creature. The scene is set in a dimly lit, mystical forest, enhancing the enchanting atmosphere. +A city street at dusk, a large digital billboard is glitching, displaying the message "Buy Nothing Day" amidst a cascade of static and digital artifacts, while pedestrians pass by, some looking up in curiosity. +A police car door decal with the motto "To Protect & Serve" prominently displayed, set against a backdrop of a bustling city street at dusk, with officers in the distance patrolling on foot. +A digital scoreboard towering over a bustling soccer stadium, prominently displaying "Final Score 31", with the crowd's excitement evident in the background. +A realistic photograph of a fire extinguisher mounted on a wall, with a clear, red label that reads "Break Glass in Emergency" in bold white letters, surrounded by a cracked glass panel. +A weathered ancient treasure map, labeled "X Marks the Spot", lies on a wooden table, illuminated by a single candle. The map shows a detailed coastline with forests and mountains, leading to a prominent X where the treasure is buried. +A cave explorer, helmet "Light On", stands in a vast, dark cavern, the beam from their helmet illuminating ancient, intricate rock formations and distant shadows. The scene is captured in a realistic, high-contrast photograph. +A futuristic space hotel with a glowing sign that reads "GravityFree Suites Available", set against the backdrop of a distant planet and stars, showcasing the hotel's sleek, modern design and the vastness of space. +Wanted poster for the "Galaxy's Most Handsome Outlaw", a space cowboy with a rugged, charming look, set against a backdrop of a distant, star-filled galaxy. His eyes are shrouded in mystery, with a classic cowboy hat and a futuristic blaster holstered at his side. +A movie set with a clapperboard prominently displaying "Scene 7 Take 3", surrounded by crew members preparing for the next shot, under the soft glow of overhead lights. +A high-fashion runway illuminated by soft, warm lights, featuring models walking confidently against a backdrop that reads "Spring Collection 2025", surrounded by an elegant, floral-themed decor that embodies the freshness and vitality of spring. +A chef's hands holding a weathered recipe card titled "Secret Sauce", with ingredients and instructions faintly visible, set against a warm, rustic kitchen backdrop. +A bustling movie theater at night, with vibrant marquee lights spelling "Premiere Night Sold Out" in bold, eye-catching letters, surrounded by excited crowds and the glow of cameras flashing. +A close-up of a student's notebook page, featuring a whimsical doodle in the margin that says "Math Is Hard", surrounded by scribbled equations and diagrams. +A close-up of an engraved wedding ring with the inscription "Forever Yours" shimmering in the soft light, capturing the timeless elegance and deep sentiment of the moment. +An astronaut floating in space, their helmet visor prominently displaying "O₂ LEVEL 98" in a clear, digital font, with Earth's blue horizon and stars in the background. +A bustling pizzeria with a chalkboard menu specials board prominently displaying "Buy One Pizza Get One Free" in bold, colorful letters, surrounded by steaming pizzas and happy customers. +In a hospital corridor, a peculiar sign that says "tyre" hangs above a door, contrasting with the sterile, white walls and medical equipment. A nurse walks past, glancing curiously at the out-of-place sign. +A realistic photograph of a hospital wristband on a patient's wrist, clearly displaying the text "Patient John Doe RM 405", set against a neutral background to highlight the details of the wristband. +A digital scoreboard in a bustling soccer stadium, prominently flashing "Final Score 32", with excited fans in the background celebrating the victory, the atmosphere electric with cheering and the glow of the scoreboard illuminating the night. +A realistic photograph of a sleek, modern laptop with a sticker on its lid that boldly declares "Code Wizard Inside", set against a minimalistic background. +A close-up of a subway map sticker on a wall, with the text "You Are Here But Why Though" prominently displayed. The sticker is slightly worn, with the map showing a busy intersection of subway lines, and the background is a blurred, bustling cityscape. +A noir detective scene with a close-up of a weathered matchbook on a dimly lit desk, the words "Meet at Midnight" clearly visible, surrounded by shadows and a hint of cigarette smoke. +A commercial airplane wing with a prominent sticker that reads "Emergency Exit Only", set against a cloudy sky, capturing the essence of aviation safety with a realistic photographic quality. +A close-up photograph of a traditional paper fortune cookie with the message "Avoid Cucumbers Tomorrow" clearly visible, set against a warm, wooden table background with a few scattered chopsticks and a small bowl of rice. +A lively birthday party with colorful balloon letters spelling "Big 30" floating above a table adorned with candles and a cake, surrounded by smiling friends and family. +A vintage time traveler's wristwatch with a retro-futuristic display showing the text "Yesterdays News Tomorrow", set against a backdrop of swirling temporal energies and old newspaper clippings. +A realistic photograph of a construction site with a prominent sign that clearly reads "Hard Hat Area", surrounded by safety barriers and workers in high-visibility vests. +A crime scene photograph with a detective's evidence tag marked "Case X3489" placed on a worn, wooden floor, surrounded by scattered clues and a yellow police line tape. The scene is dimly lit, creating a tense atmosphere. +A bustling Times Square at night, with a massive digital billboard prominently displaying the advertisement for "New Movie Premier". Crowds of people are walking below, some looking up at the vibrant, colorful billboard that lights up the urban landscape. +In a dimly lit museum hall, a large stone slab stands on a pedestal, labeled "Ancient Meme Stone". The stone is covered in whimsical carvings that resemble modern internet memes, with visitors gathered around, looking puzzled and amused. +A cozy café interior with a chalkboard menu prominently displaying "Todays Special Quiche" in elegant script, surrounded by handwritten daily specials and a rustic wooden frame, with warm lighting and a few potted plants adding a homely touch. +A vibrant skateboard deck graphic featuring the bold text "Skate or Die" in graffiti style, set against a dynamic background of urban street art and blurred motion lines to capture the energy of skate culture. +A dark, futuristic room with a large screen displaying "World Domination" in glowing red text. The lair is filled with high-tech gadgets and sleek, metallic surfaces. A shadowy figure stands in the background, adding an eerie and menacing atmosphere to the scene. +A high-resolution desktop wallpaper featuring minimalist text "Keep It Simple" in a modern, clean font, set against a subtle, gradient background that transitions from light to dark, enhancing the text's prominence and clarity. +A close-up of a weathered diary page, the header prominently displaying "Dear Diary Entry 5" in elegant, slightly faded handwriting, with subtle creases and ink stains adding to its aged appearance. +Retro 80s pixel art design for a T-shirt, prominently featuring the text "Code Coffee" in a nostalgic, chunky pixel font. The background is a simple, vibrant gradient, enhancing the retro feel and making the text stand out. +A bustling night scene in Times Square, with a massive digital billboard dominating the skyline, flashing the vibrant message "The Future is Now" in bold, neon colors, surrounded by the iconic city lights and bustling crowds. +A cozy bakery window featuring a rustic wooden sign with "Fresh Bread Daily" in elegant calligraphy, surrounded by a variety of fresh, golden loaves and pastries, with a soft, warm glow from the interior lighting. +A colorful children's lunchbox adorned with a playful sticker that proudly declares "My Mom Packed This", surrounded by cheerful illustrations of fruits, sandwiches, and a smiling sun in a bright, sunny classroom setting. +A glossy Magic 8 Ball floats mid-air, its triangular window displaying the message "Ask Again Never" in bold, eerie letters, set against a dark, star-speckled background. +A detective's notepad lies on a cluttered desk, the page scrawled with the phrase "Follow the Money" in bold, hurried handwriting, surrounded by coffee stains and crumpled papers, under the dim light of a desk lamp. +An old-fashioned ice cream truck, "Flavor Of Day", parked on a sunny street, with children gathered around, excitedly choosing their treats. The truck is brightly painted with colorful illustrations of ice cream cones and happy faces. +A well-lit gardening store display featuring a variety of seed packets, prominently including a packet labeled "Audacity", surrounded by colorful blooms and green foliage, creating a vibrant and inviting scene. +A librarian meticulously organizing books, with a visible bookmark labeled "Due Next Week" resting on an open book in front of her, in a quiet, sunlit library. +A city taxi at night with its roof light displaying "Off Duty Dreaming of Coffee", parked beside a cozy café. The scene is softly lit by the café’s warm lights, with steam rising from a cup of coffee on the hood of the taxi. +A realistic photograph of a fridge with a handwritten note stuck on it, reading "Dont Eat This Seriously", in a casual but clear handwriting style, set in a modern kitchen. +A detailed whiteboard diagram titled "Cell Structure", showcasing various cellular components like the nucleus, mitochondria, and cell membrane, with labeled arrows and concise annotations in a classroom setting. +A close-up of a wooden plant label partially buried in rich, moist soil, with the text "Organic Tomatoes" clearly visible. Sunlight filters through leafy green tomato plants, casting soft shadows on the label and highlighting the natural, rustic setting. +A bustling urban street at dusk, with a large digital billboard flashing "Flash Sale Today Only" above a modern mall, drawing the attention of shoppers and passersby. +A TV show poster with the text "Paix" prominently displayed, set against a backdrop of a bustling, futuristic cityscape at dusk, with neon lights and flying vehicles, capturing the essence of peace in a high-tech world. +A theatrical program header for "Romeo and Juliet Act III", featuring elegant, vintage typography set against a rich, dark background, with subtle, golden accents and a border adorned with intricate, Renaissance-inspired motifs. +A Viking ship with a intricately carved figurehead depicting a serene woman, embodying the concept "Wife Approves", set against the backdrop of a calm, misty sea at dawn, with the ship's sails catching the first light of the sun. +A retro-futuristic time machine with glowing dials and neon lights, prominently displaying the setting "Set Destination 1985". The machine is partially surrounded by old newspapers and vintage items from the 1980s, with a cityscape of early '80s New York in the background, under a twilight sky. +A vintage T-shirt design featuring a bold, retro font that proclaims "Video Games Forever", set against a faded, nostalgic background with pixelated game characters from the 80s and 90s. +A realistic photograph of a gym locker room with a sign clearly stating "No Summoning Demons in Sauna" hanging above the entrance to the sauna area, surrounded by typical locker room elements like lockers and benches. +A bustling bakery interior, with a bread bag prominently displayed on the counter, stamped "Freshly Baked Chaos". Warm, golden loaves line the shelves, and a baker in a flour-dusted apron smiles, capturing the essence of a chaotic yet delightful morning rush. +A bustling marathon finish line with a large banner stretched across, reading "Congratulations Finishers", surrounded by cheering spectators and exhausted but elated runners crossing the finish line. +A realistic photograph of a restroom door with a sign clearly marked "Out of Service" hanging on it, the door slightly ajar, revealing a dimly lit room with a faint glow from a distant light. +A towering skyscraper under construction, with a prominent beam at the top inscribed "Top Floor Cloud Nine", surrounded by scaffolding and workers in high-visibility vests, against a backdrop of a clear blue sky. +A wizard's ancient scroll unfurls, illuminated by glowing runes that cast a soft, mystical light. The words "Verbum Magicae" are etched in elegant, glowing script, surrounded by intricate, arcane symbols. The scroll is set against a dimly lit, enchanted forest backdrop, enhancing the magical atmosphere. +A modern highway at dusk, with a digital sign blinking "Reduce Speed Ahead" amidst the glow of streetlights and passing cars, capturing the urgency and safety message in a dynamic, realistic photograph. +A close-up of a sneaker sole, showcasing the intricate "Air Cushion Tech" design, with detailed texture and vibrant colors, set against a minimalist background. +A detailed science fair poster titled "Solar Power Car Project", showcasing a sleek, futuristic solar-powered car model, diagrams of solar panels, and charts illustrating energy efficiency, all set against a bright, science lab backdrop. +A vast Martian landscape viewed through a large, slightly curved dome window of a futuristic Mars colony, with the phrase "Earth Was Okay I Guess" etched into the lower corner of the window, reflecting the bittersweet sentiment of the colonists. +A modern smartphone with a sleek, black screen displaying the message "3 New Messages Received" on its lock screen, set against a minimalistic, white background. The phone is slightly tilted, showing a reflection of soft, ambient light. +A detailed close-up of a library book spine, prominently displaying the title "History of Tomorrow" in elegant gold lettering against a rich, dark blue background. The texture of the leather cover is clearly visible, with subtle wear marks suggesting the book's age and frequent handling. +A dimly lit prison cell with rough, gray walls scratched deeply with the words "Innocent This Time", casting stark shadows in the flickering light of a single, bare bulb. +A vibrant juice bar at night, with a neon sign glowing brightly that reads "Cold Pressed" in sleek, modern font. The sign reflects off the wet pavement, creating a dynamic, urban atmosphere. +A vibrant dog park scene with a prominent sign that reads "Leash Your Beast or Be Fined", surrounded by playful dogs and their attentive owners. The sign is clear and eye-catching, set against a lush green background. +A vintage book cover titled "Mystery of the Lost Temple", featuring an ancient, moss-covered temple entrance with mysterious symbols, surrounded by dense, overgrown jungle foliage, and illuminated by a beam of sunlight piercing through the canopy. +A rock band's drum set, prominently branded "Thunder Beats", set up on a dimly lit stage, with glowing stage lights casting dramatic shadows, emphasizing the power and energy of the brand. +A Viking warrior holds a battle axe, its handle intricately carved with the words "Swing With Purpose", standing amidst a misty, ancient battlefield, the axe gleaming under a cloudy sky. +A neon sign flashing "Open 247" hangs above a modern gas station, casting a vibrant glow on the sleek, reflective surfaces of the pumps and the surrounding asphalt. The night sky is dark, with a hint of city lights in the distance, emphasizing the bright, inviting sign. +A close-up of an alien spacecraft's hull, showcasing intricate markings that read "ZETA RETICULI" in a futuristic font, with glowing edges and a metallic sheen, set against the backdrop of a star-studded universe. +A vintage radio, its wooden casing worn and glowing under a soft lamp, displays flashing red letters that read "Storm Alert" amidst a cluttered desk with old photographs and a cup of cold coffee. +A high-contrast TV show poster featuring the logo "Scanners" in bold, futuristic font, set against a backdrop of neon lights and urban landscapes, with a hint of cyberpunk aesthetics. +A vibrant city square filled with diverse protesters holding signs, including a prominent placard that reads "Act Now Or Swim Later", under a cloudy sky with a hint of sunlight breaking through, capturing the urgency and determination of the climate movement. +A desert highway, under a scorching sun, features a weathered sign reading "Next Gas 100 Miles", surrounded by endless sand and sparse, drought-resistant plants. +A futuristic space colony with a large, transparent dome. Inside, a digital display on a central pillar reads "Air Quality Good", indicating the colony's self-sustaining ecosystem. The dome is filled with lush greenery and a few people walking around, showcasing a harmonious blend of nature and technology. +A realistic photograph of a gym water bottle with a bold sticker wrapped around it, reading "Hydrate or Die" in vibrant, eye-catching colors against a sleek, metallic background. +A futuristic wristwatch with a holographic display, showing "Low Battery 1 Left" in glowing blue text, set against the backdrop of a dimly lit, tech-filled room. The watch's sleek design and the subtle glow of the hologram create a modern, almost sci-fi atmosphere. +A highway rest area scene with a large, weathered sign that reads "Food Gas Lodging" standing tall against a backdrop of distant hills and a clear blue sky, surrounded by neatly parked cars and a few travelers stretching their legs. +A cluttered laboratory with a mad scientist looking bewildered, surrounded by broken equipment and bubbling potions. In the center, "Oops" written in swirling smoke, ascending from a shattered beaker. +A realistic photograph of a modern science lab, with a whiteboard covered in complex equations, the last equation clearly ending with "420". The lab is well-lit, with high-tech equipment in the background. +A vibrant, healthy plant grows in a charming, ornate pot, prominently displaying a "victory" sign made of intertwined branches, set against a soft, natural background. +A weathered pirate chest, half-buried in sand, with intricate carvings and a bold warning "Open at Your Peril" etched into the lid, surrounded by scattered treasure and eerie shadows, under a stormy sky. +A sleek, modern spy gadget briefcase with a high-tech screen displaying "Self Destruct 0030" in red, set against a dimly lit, futuristic room with shadows casting on the walls, emphasizing the urgency and danger of the moment. +A firefighter truck parked on a busy city street, its door open, displaying "Rescue Unit 54" in bold letters. The scene is bustling with activity, with bystanders watching and smoke rising in the background. The truck's lights are flashing, adding urgency to the moment. +A high-resolution space telescope image of the "Andromeda Galaxy M31", showcasing its vast spiral arms, glowing star clusters, and the faint dust lanes that stretch across the galaxy's core, set against the dark backdrop of the cosmos. +A vast iceberg floats in a serene, icy sea, its tip piercing the sky. Carved into the ice, visible just above the waterline, are the words "90 Below Surface is Anxiety", hinting at the hidden depths and pressures beneath. +In an ancient Pharaoh's tomb, intricate hieroglyphs cover the walls, telling tales of the afterlife. At the end of the inscriptions, a modern twist: the hieroglyphs spell out "LOL" in a playful, yet respectful, nod to contemporary culture. +A surfboard with "Ride the Wave" airbrushed on the side, lying on a sandy beach with the ocean waves gently lapping at the shore, under a clear blue sky. +A chef stands in a bustling kitchen, wearing an apron that proudly displays the text "Kiss the Cook". The apron is slightly splattered with sauce, and the chef is holding a wooden spoon, smiling warmly as they stir a pot on the stove. +A gritty boxing gym interior with a faded wall stencil prominently displaying "No Pain No Gain", surrounded by worn punching bags and sweat-soaked floors, capturing the raw spirit of determination and hard work. +A close-up of an artist's palette, richly smeared with vibrant paints, featuring the text "Mix with Passion" prominently in the center, surrounded by swirling colors and bold brushstrokes. +An astronaut on the lunar surface holds a lunar sample bag tagged "Moon Rock 001A", with the Earth visible in the distant black sky, the bag's label clearly in focus. +A sleek, futuristic spaceship with its hull painted in sleek, metallic silver, featuring the bold, crimson text "Galaxy Explorer IV" across its side, set against the backdrop of a star-studded cosmos. +A beautifully decorated birthday cake with intricate icing that reads "Happy 18th Birthday Mia", surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm ambient light creating a cozy atmosphere. +A close-up of an ancient, dusty potion bottle with a worn label reading "Liquid Courage 90 Proof", sitting on a wooden table, with soft, ambient light casting a warm glow, enhancing the mystical aura of the scene. +A scenic mountain trail with a wooden signpost clearly marked "Summit 2 Miles" standing at a fork in the path, surrounded by dense forest and rocky terrain, with a hint of sunlight breaking through the trees. +A weathered tombstone in an overgrown, misty cemetery, with the epitaph "Rest in Adventure" barely visible through the moss and lichen, surrounded by ancient, twisted trees. +A rugged, powerful car designed for off-roading, with a bold and aggressive stance, navigating through a rocky terrain. The side of the car displays the text "giregi" in a bold, metallic font, emphasizing its strength and purpose. +A beautifully decorated birthday cake with "Happy 30th Birthday" inscribed on top, surrounded by colorful candles and set against a warm, festive background with balloons and streamers. +A realistic photograph of a zoo info plaque set against a natural backdrop, clearly stating "Lion Feeding Time" with a lion in the background, partially obscured by trees and foliage, creating a serene and wild atmosphere. +A modern museum gallery with sleek, minimalist design, featuring a digital audio guide screen prominently displaying "Exhibit 5B Start" in clear, bold text. The screen is illuminated, reflecting softly on the polished floor, with a few visitors standing nearby, engaged in viewing the exhibit. +A mountain climber stands triumphantly at the summit, a flag with "I Did It Mostly" proudly planted in the snow. The peak overlooks a vast, misty landscape, with the sun casting a warm glow on the rugged terrain. +A close-up of a wedding ring with an intricate, detailed interior engraving that reads "Mistake 483", captured in a soft, warm light that highlights the craftsmanship and the subtle shine of the metal. +A weathered pirate treasure map with intricate details, showcasing a rugged coastline and dense forests. The map is marked with a bold, red "X Marks The Spot" at the center, surrounded by faded compass roses and cryptic symbols. +A high-quality photograph of a sleek, modern suitcase with the phrase "travel with ease" boldly printed on its side, sitting on a smooth, light-colored surface with a blurred background of a bustling airport terminal. +A close-up of a retro video game console screen, displaying the iconic red text "Game Over" against a black background, with the console's buttons and cables visible in the periphery, capturing the essence of a classic gaming moment. +A realistic photograph of a computer desk, with a "Call Mom" Post-it note prominently stuck to the monitor, surrounded by scattered papers and a cup of coffee. +A wizard stands in a dimly lit forest, his staff glowing with a brilliant light, casting intricate shadows. The words "Spell in Progress" are clearly visible, glowing in a mystical aura, as the wizard focuses his energy on the spell he is casting. +A classroom poster in a realistic style, featuring a detailed "Water Cycle Diagram" with clear labels and vibrant colors, depicting the processes of evaporation, condensation, precipitation, and collection. +A rustic wooden signpost, weathered by time, points left with "Mountain Trail" carved into it, set against a backdrop of dense, green forest and a winding path leading into the distance. +A classroom with a vibrant poster on the wall stating "Think Outside the Box", surrounded by creative student projects and inspirational quotes, capturing the essence of innovation and learning. +A gym interior with a large mirror, featuring a sticker that reads "Sweat Now Shine Later", surrounded by workout equipment and motivational posters. +A dark, mystical room with a wizard's cauldron bubbling vigorously, labeled "Polyjuice Potion" in elegant, glowing letters. The steam swirls around ancient spell books and flickering candles, casting eerie shadows on the stone walls. +A vibrant TV show poster for "An American Christmas Carol", featuring a snowy town square with Victorian-era buildings, festive decorations, and a central figure of a modern Scrooge dressed in a business suit, holding a glowing Christmas ornament. +A rock band T-shirt design featuring a gritty, urban aesthetic with the bold text "Error 404 Talent Not Found" in the center, surrounded by distressed graphics and band logos. The color scheme is dark, with splashes of neon to highlight the text. +A vibrant skateboard deck design prominently featuring the bold text "Skate or Die" in dynamic, graffiti-style lettering, set against a contrasting background of urban street art and textured concrete, capturing the rebellious spirit of skate culture. +A bustling city street at dusk, with a large digital billboard prominently displaying the message "Summer Sale 50% Off" in vibrant colors, attracting the attention of passersby and reflecting the lively atmosphere of the urban environment. +A bustling night scene in Times Square, with a massive digital billboard towering over the crowd, flashing the bright, bold text "You're On Camera" amidst the sea of neon lights and billboards. +A sleek, metallic alien spacecraft with intricate hull designs, featuring a prominent marking that reads "Humans Pets" in bold, futuristic font, surrounded by swirling nebulae in the background. +A sleek, futuristic video game loading screen with the text "Level Up Loading" displayed prominently in the center, surrounded by a dynamic, glowing interface and subtle, pulsating background patterns. +A majestic mountain summit with a stone marker proudly stating "Peak Achieved", surrounded by a panoramic view of misty valleys and distant peaks, under a clear blue sky with a few wispy clouds. +A realistic photograph of a rabbit sipping coffee from a vintage cup, eyes focused on a book titled "goldstone", surrounded by a cozy, bookshelf-lined room. +A realistic smartphone screen with a notification pop-up in the center saying "New Message Urgent", set against a blurred background of a modern living room. The screen is illuminated, drawing attention to the message. +A carnival fortune teller sits in a dimly lit tent, her crystal ball glowing with an ethereal light, displaying the words "Maybe Tomorrow" amidst swirling colors and mystical symbols. +A realistic zoo scene with a detailed enclosure sign that clearly states "Do Not Feed the Phoenix". The sign is placed near a lush, vibrant aviary, with a majestic phoenix perched on a branch in the background, its feathers glowing with iridescent colors. +A high-resolution image of Earth from space, with a clear, blue ocean and green continents. Overlaying the planet is a large, transparent circle containing the words "save the earth" in bold, white text, against a subtle gradient background. +A close-up of a superhero cape with intricate embroidery that reads "Cape Daily No Wash", set against a dark, moody background, capturing the texture and sheen of the fabric. +A close-up of a vintage, weathered seed packet labeled "Mystery Vine", lying on a rustic wooden table, with a pair of old gardening gloves and a spade nearby, under the soft light of a cloudy sky. +An Olympic podium with "Participant 9" prominently displayed, set against a backdrop of cheering spectators and the vibrant colors of national flags, capturing the moment just before the medals are awarded. +A realistic photograph of a science fair poster titled "Volcano Eruption Experiment", featuring a vibrant illustration of a volcano erupting with lava, surrounded by text explaining the experiment's details and scientific principles. +A vibrant graffiti wall in an urban alley, prominently featuring the words "Express Yourself" in bold, colorful letters, surrounded by dynamic, abstract art and street culture symbols. +A panoramic view through a large, curved dome window of a futuristic Mars colony, with intricate etchings spelling "FIRST" prominently displayed along the glass, reflecting the red Martian landscape and distant, dusty horizon. +A realistic photograph of a tattoo parlor window, featuring a sleek decal with the phrase "Ink Now Regret Later" in bold, modern font. The decal is partially illuminated by the warm, ambient light from inside the shop, casting a soft glow on the glass. +A misty graveyard at dusk, with an old, moss-covered tombstone that bears the epitaph "Told You I Was Sick", surrounded by wilting flowers and overgrown grass, under a sky of deepening twilight. +An astronaut's moon rover parked on a desolate lunar landscape, with a bumper sticker on the rear stating "My Other Ride Is a Rocket", under the glow of Earth in the distant sky. +A UFO hovers in a dark sky, its underside illuminated with glowing symbols and the text "Zeta Reticuli", casting an eerie light on the ground below. +An ancient, weathered scroll unfurls against a backdrop of dusty wooden shelves, revealing the ominous warning "Beware the Eclipse" in elegant, faded ink. Soft, ambient light casts shadows, enhancing the scroll's age and mystery. +A weathered pirate treasure map, with "X Marks the Regret" written in bold, faded ink near a distinctive cross marked by a skull and crossbones, surrounded by intricate illustrations of old ships and tropical islands. +A tattered pirate map with a corner note reading "X Marks the WiFi Hotspot", surrounded by faded compass roses and nautical symbols, under a beam of light in a dimly lit cabin. +"Adventure Quest Edition" board game box cover art, featuring a medieval fantasy scene with a brave knight, a mystical dragon, and a castle in the background, all set under a dramatic sky. +A Valentine's card with a romantic red heart, adorned with intricate lace and gold foil, featuring the elegant text "Be Mine" in a flowing script, set against a soft, pastel pink background. +A weathered gravestone in an overgrown, serene cemetery, with the inscription "I Told You" faintly visible through the moss and lichen, under a cloudy sky. +A realistic photograph of a classroom award certificate with "Perfect Attendance" prominently displayed, framed in gold, and hanging on a bulletin board with other achievements in the background. +A weathered poet’s notebook lies open, revealing a page with "Words Fail Me" scribbled in a frantic, emotional hand, surrounded by scattered ink blots and half-formed thoughts, set against a backdrop of a dimly lit, cluttered study. +A zoo entrance with a humorous sign that reads "No Flash We're Already Cool", surrounded by lush greenery and playful animals in the background, captured in a realistic photographic style. +A professional boxer is having their hands wrapped with a "180 Inch" hand wrap, the fabric tightly coiled around their muscular fingers and wrists, preparing for an intense training session in a well-lit gym. +A medieval parchment scroll with an elaborate, golden header reading "Proclamation of the King", adorned with intricate border designs and a royal seal at the bottom, set against a textured, aged paper background. +A realistic photograph of a dog collar tag shaped like a bone, with the text "Call Mom" clearly engraved on its surface, resting on a rustic wooden table under soft, natural lighting. +A sleek, futuristic robot stands in a modern cityscape, its chest plate prominently displaying the words "AI Assistant" in a clean, digital font, reflecting the neon lights and bustling urban environment around it. +A vintage 1950s diner with a neon sign, featuring a chalkboard menu prominently displaying "Blue Plate Special" in elegant script, surrounded by classic diner decor including retro stools and a polished counter. +A gym locker with a sleek, metallic nameplate that reads "Champs Locker", set against a backdrop of modern gym equipment and lockers, with soft lighting highlighting the nameplate's polished surface. +An ancient cave wall, illuminated by flickering torchlight, is adorned with mystical symbols that clearly spell "Beware" in a language long forgotten, set against a rough, stone texture. +A vast desert landscape with a lone highway stretching into the horizon, featuring a weathered road sign that reads "Next Gas 100 Miles", under a scorching sun with distant sand dunes. +Retro movie theater at night, vibrant neon sign reads "Now Showing Alien Invaders", old-fashioned marquee, crowd gathering, 1950s aesthetic, cinematic lighting, detailed textures. +A charming café scene featuring a chalkboard that prominently advertises "Best Latte in Town", surrounded by whimsical doodles of coffee cups, steam rising delicately from their brims. +A winding mountain trail leading to a stone marker carved with "Summit 15km", surrounded by rugged terrain and tall pine trees, under a clear blue sky with a few fluffy clouds. +A vintage robot toy box, brightly colored with playful graphics, prominently features the phrase "Now With Anxiety" in bold, retro typography, set against a nostalgic 1980s background. +A weathered medieval scroll unfurled on an ancient wooden table, the parchment yellowed with age. The decree "Taxes Due by Spring" is clearly visible, written in elegant, faded ink. A single candle casts a warm glow, highlighting the intricate wax seal at the bottom. +A futuristic space station airlock, with a prominent digital warning sign that reads "Check Privilege Before Exit". The scene is illuminated by cold, blue lights, emphasizing the sterile, high-tech environment. A suited astronaut stands hesitantly, hand on the airlock lever, reflecting the gravity of the warning. +"Employee of the Month" certificate prominently displayed in a sleek, modern frame, hanging on a pristine white wall in the office lobby. The lobby features a marble floor and a few minimalist plants, with soft, ambient lighting highlighting the certificate. +A vintage seed packet for a gardener, with a bold warning in red text: "Beware of Giant Pumpkins". The packet shows an illustrated giant pumpkin looming over a small cottage, with a startled gardener in the background. +A cozy living room scene with a cat sitting on a wooden floor, its collar tag clearly visible, engraved with "If Found Reward Required", next to a sunny window with a gentle breeze rustling the curtains. +A serene tech temple meditation space, featuring intricately carved walls with the phrase "AI Oracles Chamber" prominently displayed. Soft, ambient lighting enhances the futuristic yet spiritual atmosphere, with minimalist design elements and a central meditation area surrounded by sleek, high-tech panels. +In a bustling airport terminal, the departure board prominently displays "Flight 808 On Time" in bright, flashing letters, while travelers hurry past with their luggage, creating a dynamic scene of modern travel. +A vast, green field at dawn, with a intricate crop circle spelling out "Take Me to Your Memelord" in the center. A glowing UFO hovers above, casting a soft light over the scene, as mist rises from the ground. +A detailed fantasy map compass rose, intricately designed with ancient runes and symbols, "True North Marked" prominently at the top, surrounded by mythical creatures and lush, enchanted forests. +A detailed botanical garden map with a vibrant, illustrated marker that reads "Rare Orchids Ahead", surrounded by lush greenery and delicate orchid blooms. +A beautifully decorated birthday cake with intricate icing that reads "Level Up to 30", surrounded by colorful candles and set against a warm, celebratory background. +A realistic photograph of an observatory telescope with a bronze plaque mounted on its base, inscribed with the words "Search the Stars", set against a backdrop of a clear night sky filled with twinkling stars. +A close-up of running shoes with the imprint "Just Do It" on a muddy trail, capturing the texture of the shoe and the contrast of the clean slogan against the dirt. +A realistic photograph of a bus stop bench with "Keep Clean No Littering" etched into the metal surface, surrounded by a tidy urban environment with a few people waiting for the bus. +A vibrant skateboard deck featuring the bold graphic "Skate or Die Trying" in a gritty, urban setting. The deck is partially illuminated by the warm glow of a street lamp, casting shadows on the rough concrete beneath. +A close-up of a fast food soda cup, prominently displaying the text "Brain Freeze Warranty Void" on its side, set against a neutral background, capturing the texture of the cup and the bold, clear text. +A vibrant graffiti mural on a weathered brick wall, spelling "Urban Art" in dynamic, colorful lettering, surrounded by the gritty textures of an urban environment. +A close-up of a parking meter sticker that reads "Exact Change Only", surrounded by various coin icons, set against a slightly blurred urban street background. +A detailed fantasy map on aged parchment, prominently labeled "Dragonbone Peaks", with intricate illustrations of mountains, forests, and mythical creatures, surrounded by compass points and ancient runes. +A futuristic cargo bay illuminated by cold, blue lights, featuring a large spaceship cargo crate stenciled "Handle With Care" in bold, red letters, surrounded by sleek, metallic walls and scattered tools, with a robotic arm poised nearby. +A realistic winter scene featuring a snowy mountain landscape with a rescue sign prominently placed, carved with "Avalanche Zone" warning, partially covered by fresh snow, under a crisp, clear sky. +A detailed, ancient scroll with intricate magical symbols, inviting wizards to a duel at noon. The scroll is made of parchment, with vivid illustrations of wands and mystical creatures. At the top, the words "Magical Combat Noon" are emblazoned in glowing gold. +A movie set with a clapperboard clearly labeled "Take 12 Scene 5" in the center, surrounded by film crew members preparing for the next shot, with cameras and lights set up in the background. +A close-up of a smartphone screen displaying a lock screen notification that reads "18446 Unread Emails", with a cluttered background of scattered papers and a coffee cup, emphasizing the overwhelming nature of the digital communication. +A dimly lit detective's office with a wooden desk and vintage typewriter, the door slightly ajar revealing a brass plaque that reads "Private Investigator" in elegant lettering, set against a backdrop of rain-soaked city lights visible through a fogged window. +A detailed close-up of a fantasy sword, its blade shimmering with an ethereal glow. The engraving "Blade of Destiny" is intricately carved into the metal, with runes and symbols spiraling around the text, set against a backdrop of swirling mist and ancient stones. +A close-up of a hospital wristband, prominently displaying the text "Allergic to Nonsense", worn on a patient's wrist, set against a soft, clinical background. +A crab with a surfboard sits on a vibrant beach, the sun a massive orange orb, and the sky a kaleidoscope of rainbow colors. The crab looks contemplative, with a thought bubble that reads "you are all that matters". +A vintage engraved locket, delicately detailed with the phrase "A and J Forever" on its surface, resting on a soft, worn velvet cloth under a soft, warm spotlight, capturing the essence of timeless love and cherished memories. +A close-up of an astronaut's glove, prominently featuring the patch "Lunar Mission 2030", set against the backdrop of a realistic lunar landscape with fine dust and distant Earth shining in the sky. +A gardener holds a watering can marked "Plant Food Only" amidst a vibrant, lush garden, the morning sunlight casting gentle shadows on the blooming flowers and green foliage. +A cozy kitchen with a chef holding a freshly baked chocolate cake, smiling at the camera. The background shows baking utensils and ingredients. A subtitle at the bottom reads, "Next Chocolate Cake". +A close-up of a puzzle box lid with "1000 Pieces" embossed in elegant gold lettering, surrounded by scattered puzzle pieces on a wooden table, with soft, natural light casting a warm glow over the scene. +A student's notebook page with a doodle of a heart enclosing the word "Chemistry", surrounded by chemical formulas and molecular structures, with a pencil resting on the edge of the page. +A realistic photograph of a submarine control panel, with the depth gauge prominently displaying "Dive Depth 200m", surrounded by various dials and switches in a dimly lit, tech-filled room. +A weathered pirate ship sails on a turbulent sea, its sail prominently displaying the patch "Mild Plunderers". The ship's deck is cluttered with barrels and ropes, and the crew, dressed in tattered clothing, stand proudly, their faces a mix of rugged determination and playful mischief. +A realistic photograph of a gas station pump with a unique warning sticker that reads "Fuel May Cause Time Dilation", surrounded by a modern, urban setting with futuristic elements. The scene is lit by the glow of the pump lights, emphasizing the sticker's unusual message. +A minimal sculpture of the phrase "This is the future", crafted from light metallic, iridescent chrome thin lines, presented in a 3D rendering with an isometric perspective. The design is super detailed, set against a dark background, emphasizing the futuristic elegance of the text. +A surfboard, its underside intricately airbrushed with the phrase "Hang Ten", resting on a sandy beach with the ocean waves gently lapping at the shore. +A close-up of a smartphone screen with a sleek, modern design, displaying a lock screen notification that reads "3 New Messages" in the center, against a dark background with a subtle gradient. +A close-up of a chemical barrel with a prominent warning label that reads "Flammable Material", set against a slightly blurred industrial background, emphasizing the cautionary nature of the label. +A vivid TV show poster featuring the title text "Mary of Scotland" prominently at the top, set against an elegant historical backdrop with Mary, dressed in regal attire, standing confidently in the center. +A solemn war memorial with a wreath adorned with a ribbon that reads "In Honor of Veterans", set against a backdrop of a clear blue sky and surrounded by neatly trimmed hedges. +In a futuristic alien museum, a glass-encased exhibit displays ancient Earth artifacts, labeled "Primitive Earth Technology". The dimly lit room highlights the label, which is illuminated by a soft, blue light, enhancing the mysterious and otherworldly atmosphere of the display. +A vast desert landscape with an oasis in the distance, featuring a weathered signpost that reads "Mirage Ahead", under a blazing sun with a subtle haze that blurs the horizon. +A realistic photograph of a skateboard deck with vibrant graffiti that reads "Skate or Die" in bold, colorful letters, set against a backdrop of a concrete skate park. +A close-up of a laboratory specimen jar with a clear, detailed label reading "Danger Biohazard Level 4", set against a sterile, white background, emphasizing the warning and the scientific environment. +An art gallery plaque titled "Surrealist Dreams Exhibit" stands elegantly in a modern gallery, surrounded by abstract and dreamlike paintings that blend reality and fantasy, casting a soft, ambient light. +A vintage 1950s diner with a glowing jukebox in the corner, playing "Hit 1 Moonwalk Melody". Neon signs flicker softly, casting a warm glow over the Formica tables and leather stools. A nostalgic scene capturing the essence of a bygone era. +A rustic bakery scene featuring a freshly baked loaf of bread prominently displayed, branded with the text "Sourdough Supreme" in elegant, handwritten font. Warm lighting and wooden textures enhance the cozy, artisanal atmosphere. +A close-up of an elegant engraved ring with the inscription "Love Always" in a flowing script, set against a soft, blurred background of romantic rose petals. +A vintage movie theater marquee, illuminated by bright bulbs, prominently displays "Now Showing The Last Laugh" against a backdrop of a bustling, nostalgic city street at night. +A sleek, modern robot vacuum cleaner sits in a spotless living room, its display screen glowing with the message "Cleaning Cycle Complete". Soft, ambient lighting highlights the polished floor, reflecting the clean, organized space around it. +A cozy kitchen corner where a sleek black cat sits beside its food bowl, engraved with "Princess Only Fancy Feast", under a warm, ambient light, with a window showing a gentle rain outside. +A movie poster for a thriller titled "Midnight Whispers", with the title in dripping red text, set against a dark, moody background with shadows and mist, suggesting a suspenseful and eerie atmosphere. +A cozy cat bed with a playful wooden sign that reads "Nap Zone", surrounded by soft pillows and a warm blanket, set in a sunlit corner of a room. +A medieval wizard's lair, dimly lit by flickering candles. In the center, a large cauldron bubbles vigorously, emitting swirling mists. The side of the cauldron is intricately carved with the words "Potion 9½", casting eerie shadows in the low light. +A cozy, vibrant restaurant scene with a menu specials board prominently displaying "Taco Tuesday 2 Each" in bold, colorful letters. The board is hung on a rustic wooden wall, with warm lighting and a few patrons enjoying their meals in the background. +An astronaut in a detailed spacesuit stands in a futuristic space station, holding a checklist. The item "Check Oxygen Tanks" is clearly visible. The background shows the vastness of space with distant stars and planets. +A vintage retro diner interior with a nostalgic ambiance, featuring a unique napkin dispenser on the counter labeled "Tears of Clowns Free". The dispenser is prominently displayed, with a playful and slightly melancholic vibe, capturing the essence of old-school charm. +An antique globe, its aged surface marked with faded continents and seas, with the phrase "Here Be Dragons" etched over the Pacific, surrounded by the soft glow of a vintage library lamp. +A detective's evidence bag, tagged with a label that reads "Red Herring", lies on a weathered wooden table, illuminated by the dim light of a forensic lamp, surrounded by scattered case files and a magnifying glass. +A carnival ticket booth under the twilight sky, with a glowing neon sign that reads "Last Ride Closing Now", surrounded by colorful, fading lights and the silhouette of a Ferris wheel in the background. +Ancient Egyptian tomb walls adorned with intricate hieroglyphics, featuring the phrase "Eternal Rest Here" prominently engraved in the center, surrounded by depictions of pharaohs and gods, illuminated by the soft glow of torches casting shadows. +A movie poster featuring the logo "The Importance of Being Oscar" in an elegant, vintage font, set against a backdrop of a bustling 1920s New York cityscape, with a charismatic leading man in a tuxedo and a glamorous leading lady in an evening gown. +Retro diner scene with a red and white checkered placemat featuring the text "Try Our Famous Shakes" in vintage font, surrounded by classic soda glasses and a silver spoon, under warm, nostalgic lighting. +A roadside attraction sign stands tall, promising "World's Largest Balloon", set against a vibrant sky with a giant, colorful balloon floating in the background, drawing curious travelers to stop and explore. +A trendy T-shirt design with the phrase "Code All Day" prominently displayed in a modern, bold font. The background features subtle coding symbols and lines of code, creating a tech-savvy and stylish look. +A sleek, modern tablet with a glossy screen displaying the text "Slide to Unlock" in crisp, clear letters. The device rests on a plain background, emphasizing the minimalist design and the focus on the interactive lock screen. +A sleek highway patrol car with a bold decal on the side stating "Speed Enforced", parked on the shoulder of a busy highway at dusk, with the city lights in the background and a blurred motion of passing cars. +A detailed subway map with a vividly highlighted route labeled "Downtown Express", surrounded by intricate station icons and clear, legible text, set against a clean, modern background. +A wooden giraffe toothbrush with "mountain" lettering in vibrant rainbow colors, standing on a white bathroom counter, surrounded by fresh green plants and sunlight streaming through a window, creating a warm, natural setting. +A close-up photograph of a battery with a clear warning label that reads "Do Not Recharge", set against a neutral background, emphasizing the cautionary message and the battery's design. +A scientist in a lab coat with a tag that reads "Dr Smith Robotics" is working intently in a high-tech laboratory, surrounded by advanced robotics equipment and screens displaying complex data. +In a mystical forest, an ancient tree stands tall, its trunk deeply carved with the message "The End is Just a New Prompt". The scene is bathed in a soft, ethereal light, highlighting the intricate details of the bark and the surrounding lush foliage. +A detailed map of the world with vibrant continents and oceans, featuring the text "the world is your oyster" prominently centered, surrounded by elegant, swirling decorative elements. +A wizard stands in a dark, ancient library, his staff glowing with an ethereal light. The runes "Power Unleashed" shine brightly, casting intricate shadows on the dusty, parchment-lined walls. +A rustic farmer's market scene with a chalkboard sign that reads "Fresh Eggs 3Dozen", adorned with whimsical doodles of chickens pecking around the letters. The setting is a sunny morning, with baskets of fresh produce and a wooden stand in the background. +A futuristic robotic figure stands in a dimly lit room, its chest panel glowing and blinking with the words "System Override Active", casting a cold, blue light that illuminates the surrounding metallic surfaces. +A wizard’s hat, adorned with a tag that reads "Magick Inside", rests on an ancient, dusty bookshelf in a dimly lit, mystical library, surrounded by floating candles and arcane symbols. +Retro game screen with pixel art style, displaying "Game Over" in bold, colorful letters against a vintage background with simple, 8-bit graphics and a nostalgic score. +A cozy bakery scene featuring a rustic box tied with a red string, prominently stamped with "Handle with Love", set against a backdrop of warm, wooden shelves filled with freshly baked goods. +A realistic smartphone screen with a notification popup in the center saying "Battery Low 10 Percent", set against a blurred background to emphasize the alert. +A close-up of a plant nursery tag that reads "Sunlight Required", set against a backdrop of lush green foliage and vibrant flowers, with soft sunlight filtering through the leaves, creating a warm, inviting atmosphere. +A detective's notebook lies open on a cluttered desk, a pen resting beside it. The page is filled with handwritten notes, and "Prime Suspect" is circled prominently in red ink, drawing attention to the key clue. +A snowy ski slope with a prominent sign that reads "Advanced Run Only", surrounded by tall pine trees dusted with fresh snow, under a clear blue sky. +A realistic photograph of an antique farmer’s almanac page, with handwritten notes saying "Plant After Frost" and delicate sketched seedlings around the edges. +A realistic photograph of a modern AI laboratory door, featuring a "Ethics Review in Progress" temporary sign, with lab equipment visible through a small window, and a sleek, futuristic design. +A weathered treasure chest with intricate engravings, prominently featuring the text "Captains Gold 1715" in bold, aged lettering. The chest is partially buried in sand, with seashells and seaweed around it, under a setting sun casting a warm, golden glow. +A realistic photograph of graffiti on a crumbling, weathered wall, with the text "Tomorrow Never Came" prominently displayed in bold, vibrant colors, contrasting against the peeling paint and moss-covered surface. +A bustling food truck with a vibrant "Taco Tuesday" menu board, featuring colorful illustrations of tacos and lively text, set against a sunny backdrop with happy customers queuing up, all captured in a realistic photographic style. +A realistic photograph of a coffee cup with a sleeve printed with "Caution Hot Contents", sitting on a wooden table, steam rising gently from the cup, and a soft, warm ambient light casting a cozy glow around the scene. +A weathered wanted poster hangs on a wooden fence, the headline in bold, faded letters declaring, "Reward 500 Alive". The poster is partially torn, with a sepia tone, suggesting an old Western setting. Sunlight filters through dusty clouds, casting a dramatic shadow over the scene. +A detailed close-up of a spaceship control panel, featuring a prominently labeled button that reads "Hyperdrive Dont Press". The button is surrounded by various gauges and screens, with soft, futuristic lighting casting a glow over the intricate controls. +A dog sitting attentively in a forest clearing, its gaze fixed on a tree. A thought bubble above its head shows a miniature dog in a surveillance van, intently watching a squirrel through binoculars, with a sign that reads "Squirrel Surveillance Duty". +A realistic photograph of an Olympic podium, prominently featuring the engraving "Gold Medalist" in polished gold, set against the backdrop of a cheering crowd and colorful Olympic flags. +A medieval knight's shield, weathered and battle-worn, featuring a stark "Memento Mori" skull motif in deep, faded colors, set against a somber, overcast sky in a gothic forest. +A classroom poster declaring "Silence Is Golden" hangs on a wall, surrounded by cartoon students in various poses, illustrating the theme of quiet concentration and respect. +A sushi chef stands in a traditional Japanese kitchen, wearing a blue headband with the kanji for "Master" embroidered in white, reflecting his expertise and dedication to the craft. +A realistic photograph of a bicycle rental stand with a clear sign that reads "Rent A Bike Here", surrounded by a row of colorful bikes, set against a backdrop of a bustling city street. +A car wash station with a vibrant, bubbly font sign that reads "Free Vacuum with Wash" prominently displayed, surrounded by clean, sparkling cars and foamy water jets, under a sunny sky. +A close-up of a sleek, futuristic VR headset with a prominent warning label that reads "Reality Optional" in bold, contrasting colors, set against a minimalist background. +A close-up of an elegant notebook with a leather cover, embossed with the words "Private Thoughts" in a sophisticated font, set against a warm, minimalist background, capturing the essence of personal and intimate reflections. +A dimly lit city street at dusk, with a parking meter displaying a "Battery Low" warning on its screen, casting a faint glow. The meter is slightly weathered, with a few scratches, and a lamppost looms behind it, casting long shadows. +A detective's well-worn leather cigarette case, intricately engraved with "Smoke Break Clues", resting on a vintage wooden desk beside a stack of case files and a magnifying glass, under the soft glow of a desk lamp. +A close-up photograph of a pharmaceutical bottle with a vivid label warning in bold text, "Take Two Daily", set against a neutral background, emphasizing the clear and readable nature of the label. +A realistic photograph of a smartphone screen displaying a notification that reads "Low Battery 10 Percent", with a slightly dimmed background and a faint shadow around the text, indicating low battery. +A serene campground at dusk, with tents scattered among trees. A sign reads "Quiet Hours 10PM" as the last rays of sunlight fade, creating a calm and peaceful atmosphere. +A close-up of a gardener's seed packet, labeled "Grow Your Own Planet", sitting on a wooden table surrounded by vibrant, lush plants and tools, with sunlight streaming through a nearby window. +A retro diner at dusk, its marquee glowing brightly with the neon sign reading "Pie Paradox", casting a warm, inviting glow over the sidewalk and reflecting off the wet pavement. +A tattoo parlor window display features "Ink Dreams" in elegant Gothic lettering, illuminated by soft, ambient lighting. The glass reflects the dim glow of streetlights, adding a mysterious ambiance to the scene. +A cozy bakery interior with a rustic wooden table and a chalkboard menu prominently displaying "Croissant 399" in elegant script, next to a display of fresh, golden croissants. Warm, golden lighting enhances the inviting atmosphere. +A vintage, illustrated magic beans package with bold, whimsical typography. The label prominently features the warning: "Giant Results Guaranteed" in large, eye-catching letters. The background is a mix of earthy tones, with a few sprouting beanstalks peeking out, hinting at the magical growth to come. +A weathered lighthouse door, half-open, with the words "Keepers of the Light" carved into the wood, set against a rugged coastal backdrop at dusk, where the last rays of sunlight illuminate the scene. +A futuristic time machine cockpit with a glowing dashboard, prominently displaying a large screen that flashes "Year 3024 Set", surrounded by intricate controls and illuminated panels. +A deep sea camera feed displays a glitched image with the text "Smile You're on CCTV" faintly visible, surrounded by distorted underwater imagery and flickering static. +A vibrant TV show poster featuring the title text "Project Power" in bold, futuristic fonts, set against a backdrop of urban city lights and technology, with characters displaying unique abilities, capturing the essence of power and intrigue. +A vintage farm windmill with a blade reading "Harvest Grain Co Est 1920" stands tall against a golden sunset, surrounded by lush, swaying fields of ripe wheat. The scene captures the essence of a bygone era, with the windmill's weathered wood and rusted metal detailing its history. +A vintage gas station scene with a retro gas pump displaying "099gal 1955 Prices" in bold, nostalgic fonts, set against a backdrop of a 1950s American town. The scene is bathed in warm, golden-hour light, emphasizing the era's charm and simplicity. +In a modern art gallery, a minimalist plaque reads "Untitled No 7" beneath a large, abstract painting featuring bold, swirling colors and geometric shapes, set against a clean, white wall. +A realistic photograph of a car dashboard with a prominent "Check Engine Soon" alert illuminated on the display, surrounded by other gauges and controls in a modern vehicle interior. +A vintage cinema at night, the marquee reading "Now Showing Midnight Horror" brightly lit, casting a eerie glow over the empty sidewalk, with a full moon hanging low in the dark sky. +A fantasy map with a detailed compass rose labeled "Here Be Quantum Dragons", surrounded by intricate, mystical designs and mythical creatures, set against an ancient parchment background. +An electric car charger in a modern parking garage, displaying "Charging Complete" on its sleek, illuminated screen, with a sleek electric vehicle parked beside it, reflecting the soft glow of the charger's lights. +A vintage postcard featuring an elegant, faded landscape with cursive writing that reads "Wish You Were Here" prominently displayed, set against a soft, nostalgic background with a subtle, weathered paper texture. +A beautifully crafted wedding cake with intricate icing that spells out "Happily Ever After" in elegant cursive, surrounded by fresh flowers and sparkling candles, set on a rustic wooden table under a canopy of twinkling fairy lights. +A neon bar sign flashing "Open 24 Hours" above the entrance of a dimly lit, urban bar, with a rainy night street reflecting the vibrant colors, creating a moody and atmospheric scene. +A futuristic space hotel lobby featuring a digital directory panel with "ZeroG Lounge Level 3" prominently displayed. The scene is illuminated by soft, ambient lighting, with sleek, modern furniture and a backdrop of large, transparent windows showing the vastness of space. +A superhero stands proudly, their cape billowing in the wind, embroidered with "Cape Certified Awesome" in bold, vibrant letters, set against a city skyline at sunset. +A dark, sleek room with high-tech monitors displaying schematics of "World Domination Plan". The villain stands confidently, backlit by the glow of the screens, while shadows cast dramatic silhouettes on the walls. +A student walks down a bustling city street, their schoolbag slung casually over one shoulder. The slogan "coleman" is prominently displayed on the front of the bag, catching the eye of passersby. The scene is captured in a realistic photographic style, with vibrant city life in the background. +A nostalgic amusement park scene featuring a vibrant, colorful ride with a prominent sign that reads "Hold On Tight", surrounded by excited children and playful lights. +A magic 8-ball floats in the vastness of space, its reflective surface showing the stars. Inside, the answer "Ask Again Later" is displayed in elegant French script, illuminated by a soft, otherworldly glow. +A vibrant surfboard features intricate airbrushed artwork with the bold phrase "Ride the Wave" in dynamic, flowing letters, surrounded by crashing waves and ocean spray, capturing the essence of the surf lifestyle. +A close-up of a car bumper sticker that reads "Honk If You Love Cats", with a playful cat silhouette in the background, set against a sunny day with the car parked in a suburban street. +New York skyline at night, "Deep Learning" written with vibrant fireworks in the sky, reflecting in the Hudson River, city lights twinkling below. +A marathon runner, drenched in sweat, focuses intensely on the finish line, her bib number prominently displaying "Race to the Finish" as the crowd cheers her on. +A weathered lost dog poster on a wooden fence, slightly torn at the edges, reads "Reward: Infinite Treats" in bold, colorful letters. The background features a suburban street with a few houses and trees, emphasizing the search for the missing pet. +An abandoned asylum with crumbling walls, covered in eerie, faded graffiti. A central scrawl reads "The Walls Remember" in bold, weathered letters, surrounded by peeling paint and overgrown vines, under a somber, cloudy sky. +A kitchen countertop with a modern refrigerator in the background. On the fridge, a colorful, hand-drawn refrigerator magnet that reads "Groceries Needed". The magnet is slightly askew, and a shopping list is visible on the fridge next to it. +An ice cream truck parked on a sunny street, its side panel prominently displaying "Fudge Swirl" in bold, colorful letters, surrounded by playful illustrations of swirls and scoops. +A detailed campground map with a prominent "Beware of Bears" warning, featuring a large, realistic paw print icon next to the text, surrounded by forest trails and camping sites. +A futuristic space elevator with a sleek, metallic panel displaying the warning "Mind the Gravity Gap". The scene is set against the backdrop of a distant Earth, with stars and the blackness of space surrounding it. The lighting highlights the panel, emphasizing the cautionary message. +A close-up of a children's puzzle piece shaped like a star, with the words "Twinkle Twinkle" clearly visible, set against a soft, pastel background. The star is brightly colored, with a slight glow around its edges, emphasizing its magical and whimsical nature. +A small snail, with a detailed shell and expressive eyes, is holding a sign that says "taxus" in a garden setting with lush greenery and soft sunlight filtering through the leaves, creating a serene and whimsical atmosphere. +A realistic photograph of a sleek, modern laptop with a sticker on its lid that reads "Ctrl Alt Awesome", placed in a cozy, well-lit home office setting with a wooden desk and a green plant nearby. +A close-up of a hotel key card sleeve, prominently displaying "Room 237", set against a sleek, modern hotel room background with subtle lighting highlighting the text and the card's texture. +A digital thermometer mounted outside a modern pharmacy, displaying "102F Stay Cool" in bright LED lights, with people passing by on a sunny day. +A rugged, powerful car designed for off-roading, featuring a bold and aggressive aesthetic, with the text "leffler" prominently displayed on its side, set against a backdrop of rocky terrain and dusty trails. +A carnival tent with a fortune teller's sign that reads "Answers 5 Truths 100", illuminated by flickering lanterns, surrounded by curious onlookers and mystical decorations. +A neon bar sign glowing "Last Call" hangs above a dimly lit tavern, casting vibrant red and blue hues onto the weathered brick wall and the narrow, rain-slicked alley below. +A futuristic robot stands in an urban setting, its chest screen glitching and displaying the text "System Override Freedom Mode" amidst electrical sparks and digital distortions. The scene is captured in a realistic photographic style, emphasizing the contrast between the robot's metallic surface and the vibrant, chaotic display on its screen. +A realistic photograph of a wooden garden plant marker, slightly weathered, labeled "Tomatoes Organic" standing in a lush, green tomato garden with ripe tomatoes and vibrant leaves in the background. +A realistic photograph of a person's wrist wearing a hospital wristband, printed in bold black text "Allergic to Nonsense", set against a clean, white hospital bedsheet. The wristband is clearly visible, with a slight crease from natural wear. +A crowd gathers in a city square, a protest banner held high reading "Climate Action Now" against a backdrop of skyscrapers, with demonstrators waving signs and chanting in unison, under a cloudy sky. +A vibrant T-shirt design featuring the phrase "Music Is Life" in bold, colorful letters, surrounded by musical notes and instruments, set against a dynamic background of sound waves and city lights at dusk. +A close-up of a detective's notepad page, with messy handwriting that reads "Follow the Cookie Crumbs", surrounded by sketches of cookie crumbs and investigative notes. +A bustling sports stadium with a massive jumbotron prominently displaying the text "Touchdown Team" in vibrant colors, surrounded by cheering fans and the glow of stadium lights. +A roadside billboard stands tall, advertising the "World's Largest Ball of Yarn" in vibrant colors. The ball is depicted in a close-up, showcasing its intricate texture and enormous size, with a small car parked beside it for scale, under a clear blue sky. +A close-up of a student's notebook page, showing a whimsical doodle that reads "I Heart Math" with hearts and numbers scattered around, capturing the playful spirit of a math enthusiast. +A wizard’s spellbook, ancient and leather-bound, lies open on a wooden table. The page titled "How to Summon Pizza" is illuminated by a soft, glowing light, with intricate illustrations of magical ingredients and a half-summoned pizza floating above the text. +A close-up of a shiny red fire truck door, featuring a bold emblem that reads "Engine Company 8" in white letters, set against the smooth, reflective surface of the vehicle. The scene is illuminated by the warm glow of streetlights, adding a touch of realism. +A ship's anchor chain, one large link engraved with "Lost at Sea Again", lies half-buried in sandy sediment, surrounded by seaweed and barnacles, under the turquoise waters of the ocean. +A high-quality photograph of a screen-printed tote bag featuring the slogan "Reduce Reuse Recycle" in bold, eco-friendly colors, set against a backdrop of a vibrant, green forest to emphasize the message of sustainability. +A realistic photograph of a highway exit sign reading "Next Rest Stop 5 Miles", set against a backdrop of a sunny sky and rolling hills, with a few cars visible on the road in the distance. +A classroom setting with a whiteboard prominently displaying the heading "Lecture 101" in bold letters. Students are seated at desks, and a teacher stands by the board, pointing to the title. The room is modern and well-lit, with a few posters on the walls. +A realistic photograph of a subway station wall, featuring a prominently placed sticker warning "Delays Expected Today", surrounded by the typical urban graffiti and posters, with the hustle and bustle of commuters in the background. +A cozy kitchen corner featuring a cat's food bowl, prominently decorated with the playful text "Feed Me Now", surrounded by scattered kibble and a curious feline paw print. +A close-up of a silver keychain engraved with "Key to Success", lying on a dark wooden surface, with a soft, warm light casting a gentle glow, highlighting the intricate details of the engraving. +A medieval castle courtyard, sunlight filtering through clouds, a grand banner unfurled with the "Royal Crest" emblazoned in gold and deep red, fluttering gently in the breeze against a backdrop of ancient stone walls and soaring towers. +A cozy coffee shop interior with a rustic wooden table and soft, ambient lighting. On the wall, a chalkboard menu prominently displays "Caramel Macchiato" in elegant, cursive handwriting. Customers sit enjoying their drinks, adding a lively atmosphere to the scene. +A close-up of a Rorschach inkblot test card with the footnote "If You See Taxes Seek Help" clearly visible at the bottom, set against a clinical, white background. +A neon bar sign flickering "Last Call Forever" casts a dim, pulsing light in a deserted alley, where shadows stretch long and the only sound is the distant hum of the city. +A casual scene of a young adult wearing a vibrant T-shirt with the bold text "Coffee First Questions Later", holding a steaming cup of coffee, standing against a cozy, modern kitchen backdrop. +A lighthouse tower stands against a turbulent sea, its beacon flashing the code "SOS Storms Coming" into the night, warning ships of the impending danger. The stormy sky looms overhead, casting dramatic shadows on the rugged coastline. +A museum exhibit showcases a dramatic scene from the "Dinosaur Era 65 Million BCE", featuring a towering T-Rex and smaller dinosaurs in a lush, prehistoric forest, with a volcano in the distance and sunlight filtering through the canopy. +A vibrant cityscape at night, with a large, illuminated message "Happy New Year 2024" projected onto a skyscraper, surrounded by festive lights and a crowd below celebrating with fireworks and cheers. +A close-up of a sleek smartwatch with a modern interface, displaying a notification that reads "Step Goal Destroyed" in bold, celebratory text, surrounded by a vibrant, colorful background indicating success and achievement. +A detailed, ancient wizard's spellbook page titled "Levitation Charm", with intricate illustrations of floating objects and mystical symbols surrounding the text. The page is weathered and yellowed, with subtle magical glow emanating from the words and images. +A cactus with a tiny sign that reads: "Handle With Absolute No Care", standing in a sandy desert landscape under a clear blue sky, with a few scattered rocks and dry shrubs in the background. +A realistic photograph of a garden plant marker labeled "Rosemary Herb Zone", set among lush greenery and vibrant flowers, with morning dew glistening on the leaves and a soft, natural light casting gentle shadows. +A vintage suitcase with a weathered label that reads "tuolanshan", sitting on a cobblestone street in a quaint European town, surrounded by shadows of passing clouds. +A close-up of a hiking boot sole imprint "Trail Master Pro" on a muddy forest trail, emphasizing the detailed tread pattern and the contrast between the clean imprint and the surrounding moist, textured earth. +A close-up of a samurai sword, its blade gleaming under a soft spotlight, with an intricate engraving that reads "Honor Duty Free Shipping" clearly visible along the edge. The background is a simple, dark fabric to emphasize the sword's details and elegance. +A cozy bookstore interior with a bookmark prominently displayed, stamped with the phrase "Read More Worry Less", lying on an open book with a warm, inviting atmosphere. +A high-quality wine bottle with an elegant label, prominently displaying "Vintage 1999 Reserve" in gold foil, set against a deep burgundy background with subtle grape vine patterns. The bottle is illuminated by soft, ambient lighting, highlighting its sophisticated design. +A vintage theater program titled "Encore Performance Tonight" lies on a worn, red velvet seat, illuminated by the soft glow of a nearby stage light, capturing the essence of a bygone era. +A vintage movie theater marquee glowing under the night sky, prominently displaying "Now Showing Midnight Run" in bright neon letters, with a crowd of excited moviegoers lining up at the ticket booth. +A realistic classroom setting with a large periodic table on the wall, prominently highlighting "Element 79 Au" with a bright, yellow border. Students are seated at desks, and a teacher points to the highlighted element, creating an engaging and educational atmosphere. +Oil painting of a vibrant sunset titled "Golden Horizons", featuring a sky ablaze with warm oranges and golds, casting long shadows over a serene landscape with rolling hills and a tranquil lake. +A sleek spy gadget watch with a high-tech, minimalist design, its screen flashing the words "Mission Nap Time" in a futuristic font, set against a dimly lit, high-tech room with advanced equipment and a hint of espionage atmosphere. +A realistic classroom setting with a large globe prominently displayed. The globe features a vibrant sticker marking the "Equator Line Here", clearly visible and centered in the scene. Students' desks and a chalkboard add context, enhancing the educational atmosphere. +A realistic photograph of a gas station with a price board prominently displaying "Unleaded 3 99" in clear, bold letters, set against a backdrop of a busy street with cars and pedestrians. +A UFO hovers over a serene field at dusk, its glowing underside casting a soft, ethereal light. The message "We Come in Pizza" is clearly visible, projected onto the grass, creating a surreal and whimsical scene. +A realistic classroom scene with a chalkboard on which "Test Postponed" is scribbled in messy handwriting, surrounded by faded notes and diagrams, under the warm glow of fluorescent lights. +A weathered pirate map with a torn corner, prominently marked "Treasure Buried Here", lying on a rustic wooden table, with a compass and an old lantern nearby, under the warm glow of a sunset. +A close-up of a vintage library stamp, embossed with the text "First Edition 1897", set against the worn, textured paper of an antique book page, capturing the timeless charm of a bygone era. +A tattoo parlor wall adorned with flash art, prominently featuring the word "NOPE" in a bold Gothic font, surrounded by traditional tattoo designs like anchors and roses, under a soft studio light. +A realistic photograph of a soccer field at twilight, with the scoreboard prominently displaying "Home 2 Visitor 1", the crowd cheering in the background, and the players on the field reacting to the score. +A realistic photograph of a tattoo parlor's front window, prominently displaying the phrase "No Regrets" in bold, artistic lettering, with various tattoo designs and a faint reflection of the street outside. +A submarine's control panel with glowing red warning lights and a prominent display reading "Dive Depth Critical", surrounded by anxious crew members in naval uniforms, set in a dimly lit, high-tech environment. +A realistic screenshot of a router login screen with the prompt "Enter Admin Password" displayed prominently in the center, surrounded by a simple, clean interface with fields for username and password. The background is a subtle, light grey. +A close-up of a hotel key card sleeve, "Room 237 5th Floor", on a polished wooden desk, with a subtle glow highlighting the text and a faint reflection of a luxurious chandelier above. +A futuristic time machine's dashboard, with neon lights and digital displays, prominently showing a screen that flashes "Destination Jurassic Lunch", surrounded by dials and buttons, set against a backdrop of prehistoric flora. +A museum exhibit featuring a detailed dinosaur skeleton with a prominent label reading "DINO BONES 65M BC", surrounded by soft, warm lighting and curious visitors. The scene captures the awe and wonder of discovering ancient history. +A witch's cauldron, bubbling with "Love Potion 9", sits on a dark, wooden table in a dimly lit, mystical room, casting an eerie glow. +A detailed police car decal featuring the phrase "To Serve and Protect" prominently displayed, set against a backdrop of a cityscape at dusk, with the car's lights casting a subtle blue glow on the metallic surface. +A realistic photograph of a hospital room, showing a patient's wrist with a wristband printed "Patient Name John Doe", lying on a crisp white bedsheet, surrounded by medical equipment and a window with sunlight streaming in. +A vibrant birthday cake topper spelling "Happy 30th Jake" sits atop a beautifully decorated chocolate cake, surrounded by flickering candles and colorful party decorations. The scene is set in a cozy, warmly lit room, capturing the essence of a joyful celebration. +A vintage radio, with an antique wooden casing and a glowing dial, meticulously tunes to "1035 FM", set against a soft, nostalgic backdrop of a cozy living room with warm, ambient lighting. +A cluttered scientist's lab with a whiteboard in the center, covered in complex equations and scribbles, culminating in a bold, excited "Eureka" at the bottom. +A detailed spyglass with intricate engravings, the words "See Beyond" clearly visible on its side. The spyglass is pointed towards a misty, ancient shoreline, revealing a hidden, mysterious island in the distance, bathed in the golden light of a setting sun. +A close-up of a gym weight plate, intricately etched with the phrase "Lift With Drama", set against a backdrop of gym equipment and a blurry, busy gym floor, capturing the essence of a vibrant workout environment. +A close-up of a scientist's whiteboard filled with complex equations and symbols, culminating in a large, bold "42" at the bottom right corner, with a faint eraser mark nearby. The whiteboard is slightly tilted, showing a realistic perspective. +Retro arcade machine with a vibrant, pixelated marquee blinking "Game Over Loser" in neon colors, set in a dimly lit game room with vintage arcade cabinets and scattered coins on the floor. +A cozy coffee mug with the text "World's Okayest Teacher" fading into the background, set on a rustic wooden table, with a gentle morning light casting a warm glow over the scene. +A realistic courtroom scene with a prominent sign on the wall stating "Silence Phones Prohibited", surrounded by solemn jurors, a focused judge, and attentive spectators. +A gym water bottle with a sticker that reads "Sweat Now Shine Later", placed on a towel next to a pair of athletic shoes and a workout log, in a realistic photographic style. +A marathon runner, drenched in sweat, with a determined look, wearing a bib numbered "Race 2024", crosses the finish line amidst a cheering crowd, the city skyline visible in the background. +A scientist in a lab, wearing a white lab coat with a badge that reads "Dr Genius Quantum Division", standing amidst high-tech equipment and screens displaying complex quantum data. +A vibrant TV show poster featuring the logo "Dream Lover" prominently displayed, set against a backdrop of a romantic cityscape at sunset, with soft, warm lighting enhancing the allure and mystery of the scene. +A gritty urban scene with graffiti on a crumbling brick wall, boldly spelling "Revolution Now" in vibrant spray paint, set against a backdrop of faded posters and discarded debris. +A "Flash Photography Prohibited" sign hangs discreetly in a dimly lit, historic chapel, its gothic architecture and stained glass windows casting intricate shadows on the stone walls. +A child's colorful lunchbox, adorned with the playful text "School Lunch Rocks", sits on a wooden desk, surrounded by crayons and a notebook, capturing the essence of a vibrant, cheerful school day. +A spy in a dark, rain-soaked alley, holding a sleek, silver briefcase with a combination lock set to "007", the numbers glowing faintly in the dim light. +A detailed pirate treasure map with "X Marks the Spot", showcasing an old, weathered parchment with intricate illustrations of islands, ships, and compass roses, all under a sky filled with stormy clouds. +A rustic farmer’s barn door, weathered by time, with "Fresh Eggs Daily" stenciled in bold, faded letters, set against a backdrop of a serene countryside. +A roadside scene featuring a weathered highway rest stop sign that reads "Last Coffee 200 Miles", set against a backdrop of an endless desert highway under a clear blue sky. +A vast desert canyon with towering red rock walls, one of which is intricately carved with the words "Turn Back Now" in bold, ancient script, illuminated by the warm, golden light of the setting sun. +"Exhibit 12 Ancient Egypt" displayed on a sleek, modern museum audio guide screen, set against a backdrop of dimly lit ancient Egyptian artifacts, including a majestic sarcophagus and intricate hieroglyphic wall carvings. +A close-up of a smartphone screen displaying a vibrant notification alert that reads "Youve Got Magic", surrounded by a sleek, modern interface. +A vintage radio with a classic wooden casing, its display glowing softly as it tunes to "103 5 FM", surrounded by the warm, ambient light of a cozy room. +A realistic photograph of a futuristic space station airlock, with a prominent digital warning sign that reads "Decompression Imminent", set against the cold, vast expanse of space. +A parrot perched on the railing of a weathered pirate ship, wearing a classic pirate hat, with a confident expression. The scene is set at dusk, with the sea in the background. Caption: "I'm the captain now". +A dark, dilapidated haunted house with an imposing doorway, the wood carved with the eerie message "Abandon All Sanity", surrounded by overgrown vines and fog, under a crescent moon. +A vintage 1950s diner with a classic jukebox in the corner, its colorful lights flickering. The jukebox displays "Playlist for Broken Hearts", and old vinyl records spin, casting a nostalgic glow over the checkered floor and booths. +A realistic photograph of a rabbit, dressed in a cozy sweater, sipping coffee from a ceramic mug and reading a book titled "Growth" on a wooden table, with a warm, cozy fireplace in the background. +A nighttime scene with a UFO hovering above a suburban house, emitting a bright abduction beam that projects the phrase "We Come in Pizza" in intricate alien symbols, casting an eerie glow on the surroundings. +A vibrant skateboard deck featuring the bold slogan "Skate or Die" in graffiti style, set against a dynamic backdrop of urban street art and neon lights, capturing the essence of skate culture and rebellious spirit. +A vibrant movie poster for "Other Men's Women", featuring three stylish characters in a 1950s setting, with a cityscape background and dramatic lighting that highlights the tension and romance of the film. +A realistic photograph of a massive, steel bank vault door, with a prominent sign that reads "Authorized Access Only" in bold letters, set against the backdrop of a dimly lit, secure bank hallway. +A realistic photograph of a factory setting, featuring a conveyor belt with a prominent safety sign warning "Caution Hot Surface" in bold red letters, surrounded by industrial machinery and metal structures. +A cozy kitchen scene with a baker pulling a fresh loaf of bread from a rustic oven, wearing a red oven mitt embroidered with "Hot Stuff Inside", steam rising from the bread. +A detailed composition featuring the Taj Mahal at the heart of an intricate gold leaf mandala, with the words "place of honor" elegantly centered at the bottom, set against a serene backdrop that enhances the majestic monument's grandeur and spiritual significance. +A modern elevator button panel with sleek, illuminated buttons, including a distinctive red button labeled "Floor 135 Nope", set against a stainless steel backdrop. +A vibrant, handcrafted soap bar wrapped in elegant, pastel packaging with a whimsical unicorn illustration, labeled with the phrase "Smell Like a Unicorn" in elegant cursive. The soap sits on a rustic wooden surface, with soft, natural light highlighting its intricate design. +A realistic photograph of a concert ticket stub with the band name "Midnight Echoes" clearly visible, crumpled and slightly worn, on a dark, textured background, capturing the essence of a memorable night out. +A bustling school gym decorated with a large banner that reads "Homecoming Champions 2023", featuring cheering students, trophies on display, and a vibrant, festive atmosphere. +A futuristic spaceship docked in a desolate space station, its metallic hull adorned with vibrant graffiti that reads "Wash Me Aliens". The scene is illuminated by the soft glow of distant stars, highlighting the intricate details of the ship's surface and the bold, colorful letters. +A bustling construction site surrounded by a fence, wrapped with large banners announcing "Coming Soon Luxury Condos", set against a backdrop of city skyscrapers and blue skies. +A detailed tattoo on a rugged pirate's forearm, featuring the script "Sailors Curse" in an intricate, nautical font, surrounded by waves, anchors, and seagulls, with a weathered, aged appearance. +A close-up of a boxing glove, its intricate stitching spelling out "Knockout King Championship" in bold, gold thread, set against a worn, red leather background, capturing the essence of a champion's spirit. +An astronaut floating in space, their helmet visor reflecting the words "Mission Control Calling", against a backdrop of distant planets and stars. +In a desolate urban landscape, a towering, cracked wall is spray-painted with the bold, vibrant message "Hope Is Not a Crime", casting a defiant shadow over the bleak surroundings. +A close-up photograph of a pharmaceutical bottle on a white background, labeled "Side Effects Include", with a subtle shadow reflecting the bottle's contours and a slight glare on the glass surface, emphasizing the mysterious and cautionary nature of the label. +A VR headset on a tech demo stand, its screen vividly projecting the words "Enter New Reality" in a futuristic font, surrounded by glowing holographic elements and a sleek, modern interface. +A vibrant, realistic board game box cover titled "Monopoly Master Edition", featuring a modern cityscape with iconic buildings and landmarks, surrounded by colorful game pieces and a rich, golden border. +A museum display card labeled "Dinosaur Era Relic" sits beside a collection of ancient dinosaur fossils, illuminated by soft, focused lights that highlight the textures of the bones and the detailed text on the card. +A futuristic spaceship interior with an escape pod button prominently labeled "Break in Case of Aliens", surrounded by sleek, metallic surfaces and soft, blue lighting. +Retro diner interior with vintage jukebox prominently displaying "Play Me Cowboy", surrounded by 1950s memorabilia, soft neon lights, and checkered floor, capturing the nostalgic atmosphere of an American diner. +A cozy living room adorned with a pastel baby shower banner that reads "Welcome Baby Emma", surrounded by balloons and gifts, with a soft, warm glow from a nearby lamp. +An astronaut stands on the red, dusty surface of Mars, holding a journal titled "First Steps on Mars". The scene is lit by the distant sun, casting long shadows. The astronaut’s reflective helmet visor shows the barren landscape and a distant rover. +Ancient cave painting depicting "First BBQ 10000 BC", showcasing early humans gathered around a fire, roasting meat on sticks, with crude tools and weapons scattered around, surrounded by natural cave textures and flickering shadows. +A beautifully decorated birthday cake with intricate icing that spells out "Happy 100th Grandma" in elegant cursive, surrounded by colorful candles and placed on a vintage lace tablecloth, with a soft, warm lighting creating a cozy and celebratory atmosphere. +A gym interior with a large, vibrant motivational wall decal stating "No Pain No Gain", surrounded by workout equipment and a few athletes in mid-exercise, capturing the intense and focused atmosphere of a busy fitness center. +A realistic construction site scene with yellow and black warning tape stretched across, prominently displaying the text "Danger Zone", surrounded by hard hats, safety vests, and caution signs. +A movie clapperboard marked "Scene 24 Take 3" lies on a weathered wooden table, surrounded by the soft glow of vintage film lights, capturing the essence of a classic film set. +An ancient, tattered page from a wizard's spellbook, illuminated by the glowing "Lumos Maxima" text, casting a soft, magical light that highlights the intricate, handwritten incantations and mystical symbols surrounding it. +A modern kitchen featuring a sleek, stainless-steel smart fridge with a large display screen showing the message "MILK EXPIRES TOMORROW" in bold letters, surrounded by a variety of fresh groceries on the countertop. +A museum exhibit featuring a detailed label that reads "Ancient Artifacts", surrounded by a display of intricately crafted historical items, including pottery, tools, and jewelry, set against a soft, ambient lighting that highlights the textures and ages of the artifacts. +A realistic photograph of a baseball stadium at twilight, with the scoreboard prominently displaying "Bottom 9th", fans in the stands cheering, and the home team's pitcher on the mound, ready to throw the final innings. +A realistic classroom scene with a large world map on the wall, prominently labeling the "Equator Line" in bold, vibrant colors. Students are seated at desks, and a teacher points to the map, engaging the class in a geography lesson. +A futuristic spaceship interior with a cryopod displaying a prominent warning label that reads "Do Not Thaw Before 3024", surrounded by glowing control panels and dim, blue lighting. +A robot stands in a modern, futuristic room, its metallic surface gleaming under soft, ambient lighting. A speech bubble floats above its head, clearly displaying the text "Does Not Compute Sarcasm". The robot's eyes are illuminated, giving it a lifelike expression of confusion. +An antique shop window adorned with a vintage decal that reads "Oddities Sold Here", surrounded by an array of peculiar collectibles and curiosities, with soft, warm lighting casting shadows that enhance the mysterious atmosphere. +Vintage postcard from Atlantis, featuring an underwater cityscape with vibrant coral reefs and colorful fish. The scene is bathed in soft, diffused light, with the message "Wish You Were Wet" elegantly written in the corner. +A close-up photograph of a hospital wristband wrapped around a patient's wrist, with "Allergic to Nuts" printed in bold red type, set against a neutral background. +A vibrant skateboard deck adorned with bold "Skate or Die" graffiti, set against a gritty urban backdrop with faded street signs and cracked asphalt, capturing the raw energy of street culture. +A cozy farmhouse quilt, featuring intricate stitching that spells out "Home Sweet Barn" in a rustic, cursive font, draped over an old wooden table in a sunlit room, surrounded by vintage farm tools and baskets of fresh flowers. +In a modern art gallery, a sleek, black plaque titled "Abstract Thoughts" is mounted on a white wall, next to a vibrant, abstract painting featuring swirling colors and bold shapes. The gallery is dimly lit, with a spotlight illuminating the plaque and the artwork. +A modern cityscape at dusk, featuring a digital highway billboard prominently displaying "Congestion Ahead Detour" in bold red letters, illuminated against the fading light, with traffic beginning to slow on the road below. +A winter scene at a ski resort, featuring a large banner that reads "Slope Closed" hanging across a snowy slope. The banner is prominently displayed, with skiers and snowboarders visible in the background, giving the image a sense of anticipation and restriction. +A realistic office desk scene featuring a motivational desk plaque reading "Procrastination Champion 2024", surrounded by scattered papers, a coffee cup, and a laptop, with a window in the background showing a sunny day. +A police car parked on a dimly lit street, its side door displaying a clear emblem that reads "K9 Unit 12", with the vehicle's lights reflecting softly on the wet pavement. +A dark theater with the final frame of movie credits displayed on the screen, reading "No Afterlife Scene". The room is dimly lit, with a few scattered audience members leaving quietly, capturing the somber and reflective mood of the ending. +A high-tech space telescope with a large, circular display screen showing the words "New Planet Discovered" in bold, illuminated letters against a dark, star-studded background. The telescope's sleek, modern design contrasts with the vast, mysterious cosmos around it. +A detailed fantasy map featuring a majestic city named "Dragons Keep", surrounded by towering mountains and a vast, enchanted forest. The city is fortified with ancient stone walls and adorned with banners, showcasing its significance as a stronghold of power and magic. +A festive birthday cake topped with a gleaming topper that reads "Happy 100th Birthday", surrounded by colorful candles and set against a backdrop of cheerful party decorations. +A close-up of a pizza box top, prominently displaying the words "Hot And Ready" in bold, vibrant letters. The box is slightly worn, with a subtle steam effect hinting at the warm pizza inside. +A close-up of a modern smartphone screen displaying the text "Dinner at 7 PM" in a sleek, sans-serif font, set against a minimalistic, light-colored background. +A pizza delivery box, slightly worn and dented, with a bold stamp that reads "Cold Late" on its side, resting on a gritty city sidewalk at dusk, under the dim light of a streetlamp. +A close-up of a samurai sword with intricate engraving that reads "Honor Above All" along its polished blade, set against a traditional Japanese paper screen background. The lighting highlights the sharp edge and the detailed calligraphy. +A group of zombies gather in a dimly lit urban square, holding up a protest placard that reads "Brains Need Healthcare Too". Their decayed faces and tattered clothes contrast sharply with the modern cityscape behind them, emphasizing the surreal and poignant nature of their demonstration. +An astronaut stands beside a moon base, holding a calendar with "Day 42 Still Miss Pizza" circled, surrounded by the stark, grey lunar landscape. The base is modern, with solar panels glinting in the sunlight. +A cozy bakery interior with a vintage wooden table and rustic decor. On the wall, a chalkboard menu prominently displays "Fresh Sourdough Daily" in elegant script, with a warm, inviting atmosphere and soft, golden lighting enhancing the scene. +A close-up of a library book spine titled "Secrets of the Pyramids", with intricate hieroglyphics and a faded, aged texture, surrounded by other ancient-looking books on a wooden shelf. +A realistic photograph of a science museum exhibit featuring a large, illuminated label that reads "Quantum Physics Basics", surrounded by interactive models and informative panels, with visitors engaged in exploring the display. +A Mars rover captures a panoramic photo of the red planet's surface, with "Life Signs Confirmed" prominently displayed in the metadata. The rocky terrain is dotted with small, mysterious green organisms, hinting at the presence of life. +A high-tech spaceport terminal with a large digital display showing the "Next Shuttle to Mars Colony" timetable, surrounded by futuristic architecture and space travelers in sleek, modern spacesuits, under a twilight sky with stars and a distant, glowing Mars. +A vibrant poster design featuring dynamic kung fu silhouettes, with the title text "Phantom Kung Fu" in bold, glowing letters, set against a gradient backdrop that shifts from deep blue to fiery red. +A clear blue sky with a white airplane flying overhead, trailing a long banner that reads "Marry Me Jessica" in bold, elegant letters. The airplane is slightly tilted, showing its shadow on the ground below, with a picturesque landscape of rolling hills and trees in the background. +A museum exhibit featuring an informational plaque titled "Ancient Civilizations", surrounded by artifacts from various ancient cultures, including pottery, tools, and sculptures, under the warm glow of spotlights. +A vintage spyglass with intricate engravings, including the phrase "Made You Look", resting on an old, weathered map. The scene is illuminated by the soft glow of a nearby lantern, casting subtle shadows and highlighting the detailed craftsmanship of the spyglass. +A realistic photograph of an old elevator with a worn inspection sticker reading "Last Checked 1997" prominently displayed on the door, showing signs of age and neglect. +A realistic laboratory setting featuring a test tube rack prominently labeled "Sample 247B", with various test tubes filled with colored liquids, set against a backdrop of scientific equipment and lab benches. +A dilapidated haunted house with a menacing doorway, intricately etched with the ominous phrase "Abandon Hope Ye Who Zillow", surrounded by overgrown vines and eerie mist, under a moonlit sky. +In a modern office setting, a sleek water cooler stands against a light gray wall. The jug is clear, filled with sparkling water, and a bright green tag on the front reads "Filter Changed Today". The scene is well-lit, capturing the clean and fresh atmosphere of the office. +A realistic photograph of a car dashboard with a prominent "Check Engine Soon" warning light illuminated, set against the dim interior lighting of the vehicle. +A realistic photograph of a laboratory door with a prominent sign that reads "Biohazard Zone 4", set against a sterile, white-walled corridor with safety equipment visible nearby. +A cinematic movie poster featuring the title "The Scarehouse" in bold, eerie font, set against a dark, misty backdrop with an abandoned warehouse looming in the background, creating a suspenseful and mysterious atmosphere. +Ancient cave walls feature a prehistoric artist's depiction of "Fire Good WiFi Better", blending primitive stick figures with modern technological symbols, under a natural rock overhang illuminated by soft, ambient light. +A high-resolution digital watch face with sleek, modern design, prominently displaying the text "Time to Run" in bold, clear font against a black background, surrounded by a subtle, glowing blue border. +A high-resolution screen displays "T Minus 10 Sec" in bold, glowing digits against a dark background, set in a futuristic control room with sleek, modern consoles and a large window overlooking a rocket on the launchpad at night. +A serene yoga studio with a yoga mat displaying the imprint "Breathe In Regret Out" in elegant script, surrounded by soft, natural light filtering through large windows, creating a calm and reflective atmosphere. +A wildlife documentary scene titled "Hunting in the Savanna" featuring a sleek cheetah stalking its prey through tall, golden grass under the vast, sunlit African sky, with a herd of gazelles grazing in the distance, alert to the danger. +A cozy campfire scene with a marshmallow stick branded "Toast Time" positioned perfectly for roasting, surrounded by glowing embers and the warm, ambient light of the fire, set in a serene forest at dusk. +A close-up shot of a battery with the clear warning "Do not throw away" written on its side, set against a neutral background to highlight the message. The image should convey a realistic photographic style with attention to detail in the text and the battery's texture. +A beautifully decorated birthday cake with smooth, white frosting and elegant blue icing spelling "30 Fabulous" on top, surrounded by colorful candles and set against a warm, festive background. +A close-up of an astronaut's glove, showcasing a detailed embroidered patch that reads "Moonwalker Unit", set against the backdrop of a starlit sky and the lunar surface. +A wizard's staff, intricately carved with ancient runes, glows with an intense light from the rune "Power Overload", casting mystical shadows in a dimly lit, ancient stone chamber. +A vibrant gym poster featuring a determined athlete mid-workout, sweat glistening on their forehead, with the bold motivational slogan "No Pain No Gain" prominently displayed in the background. The poster uses dynamic colors and sharp focus to emphasize the intensity of the workout and the power of perseverance. +A realistic photograph of a science fair project display titled "Solar Power 101", featuring a detailed model of a solar panel, informational posters with diagrams, and a small solar-powered light or fan demonstrating the concept. The display is set up on a table with a white cloth, in a well-lit classroom. +A bustling movie theater at night, with a vibrant marquee displaying "Sold Out Alien Invasion 3" in neon lights. Crowds of excited moviegoers queue outside, creating a lively atmosphere under the city's bright lights. +A dimly lit library with tall, ancient bookshelves, one shelf prominently displaying a book with a spine label reading "The Forbidden Section", surrounded by dusty, leather-bound tomes. +A basketball player in mid-dunk, wearing a vibrant jersey with the team name "Sky Dunkers" emblazoned across the chest, set against a dynamic court background. +A realistic smartphone screen with a lock screen notification prominently displaying "3 New Messages" in the center, surrounded by a sleek, modern interface with a subtle wallpaper pattern. The screen is slightly illuminated, giving a sense of being freshly activated. +A vintage roadside diner at dusk, its neon sign flickering "Eat Here or We Both Starve", casting a warm glow over the empty parking lot and lonely highway. +A Viking shield adorned with intricate runes that spell "To Valhalla", set against a backdrop of a rugged Nordic landscape, with a weathered texture and subtle battle scars, reflecting the warrior's journey to the halls of the fallen. +A vibrant flag waves dynamically in the wind, with the text "Freedom Forever" boldly emblazoned across it, set against a backdrop of a clear blue sky and rolling green hills, capturing the essence of liberty and endurance. +A cozy bakery interior with a glass display case prominently featuring a label that reads "Fresh Baked Daily", surrounded by an assortment of pastries and bread, with warm lighting and a wooden counter. +A bustling dinosaur park with a distinctive sign that reads "Raptors Hate Selfies", surrounded by excited visitors snapping photos, while a wary park ranger keeps a close eye on a nearby enclosure where raptors pace restlessly. +An antique globe, its aged surface showing wear and tear, with subtle, hidden text "Here Be Karens" engraved in a mysterious, nearly invisible script, set against a backdrop of vintage maps and nautical instruments. +A vintage radio with a retro dial prominently displaying "Tune To 1024 FM", set against a backdrop of nostalgic 1950s decor, capturing the essence of a bygone era. +A photo of an aquarium teeming with colorful fish, with the words "construct" prominently displayed on a sign or note within the scene, capturing the dynamic interaction between nature and human intervention. +A vibrant skateboard deck featuring the bold text "Skate or Die" in graffiti style, surrounded by dynamic skateboarding elements like wheels, ramps, and urban street art, set against a gritty cityscape background. +A realistic photograph of a hotel's entrance, featuring a modern, sleek "cloud" sign illuminated at night, with the sign reflecting softly in the wet pavement. +A gardener’s trowel, etched with the words "Plant Love Grow Joy", rests on a bed of vibrant, blooming flowers in a sunlit garden, surrounded by lush greenery and bees buzzing around. +A yoga mat with the phrase "Breathe In Breathe Out" printed along the edge, laid out on a serene beach at sunrise, with gentle waves lapping in the background. +A vibrant city street featuring a large graffiti mural titled "Colors Of Life", depicting a kaleidoscope of colors and dynamic, flowing shapes that symbolize the diversity and energy of urban life. +A poster featuring a majestic oak tree with sprawling branches, set against a serene landscape. The title text, "Mighty Oak", is prominently displayed at the top in bold, elegant font, capturing the strength and grandeur of the natural scene. +A cozy café with a rustic wooden table and chairs, soft ambient lighting, and a chalkboard prominently displaying "Latte Art Workshop" in elegant script, surrounded by steaming cups of coffee and pastries. +A minimalistic forest scene with a wooden sign in the foreground, clearly displaying the message "help the forest", surrounded by sparse trees and natural elements. +A realistic photograph of a fortune cookie opened to reveal a slip of paper with the message "Beware of Dragons Ahead", set against a backdrop of a dimly lit, mysterious forest at dusk. +A realistic photograph of a school diploma certificate with the text "Honors Student" prominently displayed, hanging on a wooden wall, illuminated by soft, warm light, with a graduation cap resting gently on a desk below. +A close-up shot of a laundry detergent bottle labeled "Stain Fighter Pro" sitting on a white countertop, with a few water droplets on the bottle and a subtle shadow behind it, captured in a realistic photographic style. +A close-up shot of a candy bar wrapper featuring the text "Limited Edition Flavor" in bold, vibrant colors, set against a minimalist background with soft, natural lighting highlighting the metallic finish of the wrapper. +A sleek digital smartwatch face, the display vividly showing "15763 Steps to Narnia", set against a backdrop of a mystical forest path, hinting at an enchanting journey ahead. +A close-up of an old, worn theater stage script page, with the famous line "To Be or Not To Be" clearly visible in elegant cursive, illuminated by the soft glow of stage lights. +A gym locker room scene with a large mirror on one wall, partially fogged from the nearby showers. On the mirror, in bold red lipstick, the encouraging message "You Got This" is scrawled, reflecting the determination of the room's occupant. +A cozy living room features a soft, plush pillow on a wooden armchair. The pillow is adorned with intricate embroidery that reads "Home Sweet Home" in elegant, flowing script, surrounded by delicate floral patterns. Warm, natural light filters through a nearby window, casting a gentle glow on the scene. +A vintage radio on a wooden table, its dial glowing softly with the words "Tune In Tonight", surrounded by the warm, ambient light of a dimly lit room. +A museum exhibit features an elegant label titled "Ancient Civilizations", displayed beneath a glass case. Surrounding it are artifacts from various ancient cultures, including Egyptian mummies, Greek pottery, and Mayan sculptures, all bathed in soft, ambient lighting that highlights their historical significance. +A vintage car with a classic design, parked on a nostalgic street scene, featuring a noticeable bumper sticker that reads "Honk If You're Happy", surrounded by the warm glow of street lamps and the soft hues of twilight. +A realistic desktop scene with a computer displaying a red alert popup that reads "System Infected Scan Now", surrounded by scattered papers and a coffee cup, capturing the urgency and tension of a cybersecurity threat. +A serene mountain trail with a wooden signpost clearly marked "Summit 1 Mile" standing tall, surrounded by lush greenery and rocky terrain, leading to a misty summit in the distance. +A realistic photograph of a supermarket aisle, with a price tag prominently displaying "Bananas 069lb" hanging from a shelf stocked with fresh, yellow bananas. +A close-up of a gym locker combination lock set to "000", the metal surface showing subtle wear, with a blurred gym background and soft lighting highlighting the lock's details. +A medieval tavern sign, weathered and creaking in the wind, proudly displays the name "The Drunken Unicorn" in faded, ornate lettering. The sign is hung above a wooden door, with a cobblestone street leading up to it, and the warm glow of lanterns spills out from the windows. +A ghostly snack bar on a fog-shrouded ship, dimly lit by eerie blue lights. The menu reads "EctoChips, Spirit Wine" in glowing letters, with spectral figures lingering nearby, adding an otherworldly atmosphere. +A realistic photograph of a pharmacy shelf with a clear label at the top reading "Cold Medicine Aisle", featuring various boxes and packages of cold remedies neatly arranged on the shelves. +A beautifully decorated birthday cake with "Happy 30th Sarah" written in elegant icing, surrounded by colorful candles and set on a rustic wooden table, with a soft, warm lighting creating a cozy and celebratory atmosphere. +A close-up of a spacesuit arm, featuring a detailed patch with the text "Mars Colony Mission 5" prominently displayed, set against the backdrop of a dusty Martian landscape with a rover in the distance. +A realistic smartphone screen displaying a weather app notification that reads "100% Chance of Meteor Shower", set against a dark night sky with a few stars beginning to streak across the sky. +A realistic photograph of a fridge with a handwritten note stuck on it, the note clearly reads "Buy Milk" in cursive handwriting, with a magnet holding it in place. +A book cover titled "Secrets of the Deep" with glowing underwater text, illuminated by bioluminescent fish in a dark ocean, surrounded by mysterious, shadowy shapes of ancient ruins. +A Renaissance painting frame intricately carved with the motto "Carpe Denim", set against a backdrop of an elegant gallery. The frame's ornate details and the contrasting modern motto create a striking visual juxtaposition. +A vintage farmer's almanac page with intricate illustrations, featuring the phrase "Plant Memes on Full Moon" in bold, set against a backdrop of a glowing full moon and whimsical plants, capturing the essence of rural folklore and modern internet culture. +A firefighter helmet with a sleek, reflective shield prominently displaying "RESCUE TEAM ALPHA" in bold, red letters, set against a backdrop of a smoky, urban firefighting scene. +At the bustling train station, a vintage sign that reads "carney" hangs above a worn ticket booth, surrounded by the hustle of travelers and the echoes of train announcements. +A close-up of an old library book with a faded green cover, opened to reveal a stamped message "Overdue Since 1999" on the inside cover, surrounded by yellowed pages, with a soft, nostalgic light. +A retro neon diner sign glows brightly with "Hot Pies 2 for 1 Special" against a dark, urban night scene, casting a warm, inviting light over the rain-slicked street and reflecting in the puddles. +A serene library interior with a classic wooden sign hanging near the entrance, elegantly engraved with the message "Quiet Please", surrounded by towering bookshelves and soft, ambient lighting. +A realistic photograph of a tattoo parlor window, featuring a sleek, modern decal that reads "No Pain No Gain" in bold, stylish lettering, with subtle reflections of the street outside. +A modern, sleek pizza box with the logo "Slice of Heaven" prominently displayed in elegant, golden letters on a deep red background, set against a rustic wooden table with a slice of steaming pizza nearby, capturing the essence of a perfect, cozy dinner scene. +A sleek smartphone screen displays a fitness tracker app badge with the text "10K Calories Burned", set against a vibrant, modern background with subtle gradients and minimalistic design elements. +A vivid poster featuring the title text "Anon" in bold, futuristic font, set against a sleek, urban backdrop with neon lights and graffiti, capturing the essence of modern anonymity in a striking visual. +An astronaut floating in space, the helmet visor reflecting a stark red "O₂ LOW" warning amidst the vast, star-filled darkness. +A weathered wooden pirate's treasure chest, slightly ajar, with a bold label reading "Captains Booty" affixed to the lid, surrounded by sand and seashells on a beach at sunset, with the ocean waves gently lapping in the background. +A vintage movie theater marquee bathed in neon lights, prominently displaying "Midnight Horror Show" in bold, glowing letters, set against a dark, starry night sky. The marquee is flanked by old-fashioned ticket booths and a crowd of excited moviegoers. +A sketch of a tattoo parlor interior featuring the phrase "Forever Free" prominently displayed on a vintage sign above the reception desk, surrounded by eclectic decor including antique furniture and vibrant, colorful tattoos on the walls. +A close-up of a test paper header, clearly displaying the bold text "Final Exam" in the top center, with a subtle school logo in the corner, on a slightly yellowed, lined paper. +A vibrant graffiti on a weathered brick wall, featuring bold, colorful letters that spell "Urban Art", surrounded by dynamic street art elements and shadows that give it a three-dimensional look. +A close-up of a spacesuit arm, showcasing intricate stitching that reads "Mars Colony 7" on a durable, silver patch, set against the backdrop of a futuristic, red Martian landscape. +A vibrant poster for a magic show, featuring the headline "Now You See Student Loan Debt" in bold, eye-catching letters. The background showcases a magician on stage, pulling money from a seemingly endless stack, with a playful, mysterious atmosphere. +A museum exhibit featuring a detailed plaque that reads "Dinosaur Fossil Replica" next to a life-sized, intricately textured replica of a dinosaur skeleton, with soft lighting highlighting the ancient bones and educational information displayed clearly. +A whimsical children's book illustration featuring a gentle dragon cradling a scroll that reads "Magical Tales", set against a backdrop of a lush, enchanted forest with soft, warm lighting and playful, colorful details. +An art gallery wall displays a sleek, modern plaque titled "Untitled No 42" beneath a large, vibrant abstract painting featuring bold strokes and a mix of warm and cool colors. +A close-up photograph of a pharmacy shelf label clearly indicating "Cold & Flu Section", with neatly arranged boxes of cold and flu medications in the background, capturing a clean and organized retail environment. +A cozy restaurant interior with a wooden specials board prominently displaying "Chef's Special Today" in elegant cursive, surrounded by chalk-drawn illustrations of fresh ingredients, under warm, ambient lighting. +A clear "Do Not Feed Animals" warning sign is prominently displayed at the zoo’s primate exhibit, where curious visitors gather to watch playful monkeys swinging from branches and interacting with each other in a lush, natural enclosure. +A vintage fantasy map with intricate illustrations, labeled "Here Be Awkward Conversations", depicting a quaint village where characters from different eras and cultures stand in awkward silence, surrounded by whimsical creatures and exaggerated landscapes. +A close-up shot of a vitamins bottle labeled "Daily Immunity" sitting on a white countertop, with a soft, natural light illuminating the scene, creating subtle shadows and highlighting the bottle's label and texture. +A realistic urban scene featuring vibrant graffiti on a brick wall, prominently displaying the words "Rebel Zone" in bold, dynamic lettering, surrounded by tags and colorful street art. +A yellow saxophone enveloped in vibrant, rainbow-colored smoke, with the words "umaga" swirling around it like musical notes, creating a surreal and vibrant scene. +A close-up of a popcorn bucket with a playful, hand-drawn label that reads "Butter Overload Inside", surrounded by a spill of buttery popcorn kernels on a rustic wooden table. +A bustling movie theater at night, with a vibrant marquee displaying "The Revenge of Houseplants 3D" in glowing neon lights. The marquee is surrounded by excited moviegoers and tall, leafy plants that seem to be subtly reaching out, adding an eerie, playful atmosphere to the scene. +A realistic photograph of a gas station pump, with a prominent sticker on the side that reads "Check Tire Pressure", surrounded by the typical elements of a fueling station, such as pumps, cars, and a convenience store in the background. +A futuristic spaceship control room with a main screen displaying a critical alert, "Fuel Low 15", surrounded by various blinking lights and control panels, set against the backdrop of a vast, star-filled universe. +A movie theater concession stand featuring a vibrant, eye-catching popcorn box labeled "Extra Butter Zone", with golden kernels spilling out, surrounded by the warm glow of retro movie posters and the soft hum of a projector in the background. +A realistic photograph of a butcher shop window, featuring a clear decal that reads "Fresh Cut Daily", surrounded by an array of fresh meats and vegetables, with a rustic wooden counter and vintage signage in the background. +A city street at night, a yellow taxi with its roof sign illuminated, displaying "Available Ride Now" in bright, clear letters, reflecting on the wet pavement. +A cozy kitchen countertop with a steaming coffee mug that reads "Morning Person Needed" next to a notebook and pen, bathed in soft morning light streaming through a window. +A laboratory setting with a clear glass flask on a wooden table, labeled "Hazardous Material" in bold black letters. The flask contains a swirling, green liquid, and safety equipment is visible in the background. +A close-up of a pilot's wing pin, intricately engraved with "Sky Captain", shining under a soft spotlight, set against a blurred backdrop of a cockpit interior. +A scientist in a lab coat, with a tag that reads "Experiments Expectations", stands in a modern laboratory, surrounded by high-tech equipment and colorful chemical reactions in test tubes. +A close-up of a theater program featuring the title "Leading Role Emma Stone" in elegant, golden lettering against a deep red background, with a subtle texture resembling aged paper, capturing the essence of a classic Broadway show. +A close-up of a sleek, silver spy pen with a subtle engraving that reads "For Writing And Stuff" on its side, set against a dark, mysterious background. The pen is slightly open, revealing a glimpse of a hidden compartment. +A serene yoga studio with a large window featuring a decal that reads "Breathe In Peace". Soft morning light filters through, casting gentle shadows and highlighting the calm, minimalist interior. Students are practicing yoga in the background, embodying tranquility and focus. +An antique treasure map, its edges frayed and yellowed with age, lies flat under a glass display case. The map is labeled "X Marks the Spot" with a detailed compass rose and intricate illustrations of ships and sea monsters, hinting at the adventurous journey to the treasure. +A close-up of a novelist’s manuscript page titled "Chapter 1 Dawn", showing neat handwriting and a vintage typewriter in the background, with a soft, warm light illuminating the paper. +In a dimly lit chemistry lab, a glass flask labeled "Danger Love Potion 9" sits on a wooden table, illuminated by a soft, eerie light. The flask contains a swirling, iridescent liquid, casting a mysterious glow around the room. +A realistic photograph of graffiti spray-painted "Revolution Now" on a crumbling brick wall, with peeling paint and moss adding to the aged, urban decay aesthetic. +A stylish, modern dining room with a luxurious table setting. A delicate fortune cookie has been cracked open, revealing a slip of paper that reads, "You'll Buy 3 Yachts". Soft, ambient lighting highlights the scene, emphasizing the elegance and anticipation of the message. +A close-up of a dog's collar with a shiny metal tag that reads "Call 5556789" hanging from it, set against a blurred background of a grassy park. The tag reflects a bit of sunlight, making the numbers and letters stand out clearly. +A retro diner at dusk, its neon sign glowing brightly with the text "Hot Dogs 5 Today" against a cool, twilight sky. The scene is lively, with a few customers sitting at the counter inside, visible through the large glass windows. +A bustling food truck under a vibrant awning, with a hand-painted sign reading "World's Okayest Tacos". Steam rises from a sizzling grill, and a chef in a colorful apron flips tortillas. Customers smile, enjoying their mediocre but satisfying tacos, with a mix of curiosity and contentment. +A battle-scarred knight holds a shield, dented and weathered, yet the inscription "Defend the Weak" remains clearly visible, reflecting the knight's unwavering resolve. +A futuristic spaceship control room with a large, glowing panel displaying a critical warning message: "Gravity Failing". The room is dimly lit, with various screens and buttons, and a tense atmosphere is palpable as the crew rushes to respond to the emergency. +A café table with a napkin featuring a whimsical doodle captioned "Latte Art Gone Wrong", surrounded by steaming cups of coffee and scattered sugar packets, capturing the casual vibe of a bustling morning in a cozy coffee shop. +A close-up of a pizza box top, prominently stamped with "Extra Cheese" in bold, red letters, set against a blurred background of a cozy kitchen, with steam subtly rising from the box, suggesting a freshly delivered pizza. +A student's notebook page with neat handwriting, featuring a whimsical doodle in the margin. The doodle depicts a bored student with the text "Boring AF" prominently displayed, surrounded by swirling lines and playful shapes. +A close-up of a modern smart home device with an error message "Command Not Recognized" displayed on its screen, set against a minimalist background with soft lighting highlighting the device's sleek design. +A detailed campground map with a prominent marker labeled "Hiking Trail Start", set against a backdrop of lush green trees and a clear blue sky, emphasizing the natural and inviting atmosphere of the outdoor setting. +A serene park scene with a wooden bench under a tree, featuring a small, polished bronze plaque mounted on the bench that reads "To Lost Friends 2023", surrounded by autumn leaves and a gentle, overcast sky. +A sleek, metallic alien probe resting on a barren, rocky landscape, its surface engraved with the words "Welcome to Earth", under a twilight sky with a crescent moon. +A modern smartphone screen displaying a food delivery app with a prominent pop-up message "Leave at Door" set as the default option, surrounded by urban cityscape elements and a delivery rider in the background. +"Go Green Save Earth" campaign billboard featuring a vibrant, sunlit landscape with modern, sleek solar panels gleaming on rooftops. A family smiles happily, standing beside a lush, green garden, emphasizing sustainable living and renewable energy benefits. +A vast, sun-drenched desert with a shimmering heat haze creating a mirage that displays "Water 5 Miles Ahead" on the sandy horizon, giving the illusion of a distant oasis. +A movie set with a clapperboard just snapping shut, clearly showing "Scene 7 Take 2" in bold letters, under the bright lights of the studio, with a director and crew in the background. +A sleek, modern digital clock radio on a bedside table, prominently displaying "Alarm Set 6 30 AM" in bright, red LED numbers, with a dimly lit bedroom in the background, capturing the quiet moment just before dawn. +A realistic photograph of a chemistry lab with a prominent warning sign stating "Flammable Materials" hanging on a metal door, surrounded by glass beakers and Bunsen burners on a lab bench. +A gym locker room with a modern, clean aesthetic. A prominent sign on the wall reads "Shower Shoes Required" in bold letters. The room features sleek metal lockers, tiled floors, and natural light filtering through high windows. +A close-up of a tablet screen displaying the lock screen message "3 Failed Attempts", with a blurred background suggesting a coffee shop. The screen shows slight fingerprints and smudges, enhancing the realistic, used appearance of the device. +A pet store aquarium label prominently displays "Angry Pufferfish", with the pufferfish itself slightly inflated and looking irritable, surrounded by colorful coral and tropical fish. The water is crystal clear, and the tank is well-lit, highlighting the vibrant underwater environment. +A close-up of an artist's palette covered in swirling, vibrant colors, with a label that reads "Creative Block" prominently displayed, set against a blurred, abstract background of muted tones. +An astronaut stands on a lunar surface, their helmet visor reflecting the words "Moon Taxi" amidst the desolate, gray landscape. The visor gleams under the harsh sunlight, capturing the subtle details of the surrounding craters and the distant Earth hanging in the black sky. +A tattoo parlor at night, with a neon sign that reads "Ink Your Story" in vibrant purple glow, casting a soft, mystical light on the urban street below, enhancing the surrounding brick buildings and reflecting slightly on the wet pavement. +A detailed blueprint of a spaceship engine, labeled "Hyperdrive Core", showcasing intricate mechanical components and advanced technological elements, with annotations and diagrams highlighting its complex design. +A submarine's periscope display, illuminated in a dim control room, showing "Depth 300m" in clear, green digits against a dark background. The scene captures the tension and focus of deep-sea exploration. +Ancient cave wall paintings vividly depicting the "Harvest Festival Dance", with figures in flowing garments and elaborate headdresses, surrounded by symbols of fertility and abundance, illuminated by the warm glow of torches. +A mountaineer stands triumphantly at the peak of Mount Everest, a flag planted firmly in the snow reading "Summit Achieved Everest 2023", with the majestic, snow-capped mountain range stretching into the distance under a clear blue sky. +A busy supermarket checkout area with an express lane sign prominently displaying "10 Items or Regrets". Shoppers with carts and baskets queue up, while the bright fluorescent lights and colorful product displays create a lively atmosphere. +A hauntingly atmospheric scene of an ancient, decrepit door with a menacing brass knocker inscribed "Knock If You Darely Duty", set against the backdrop of a fog-laden, moonlit night. The door shows signs of age and neglect, with peeling paint and twisted hinges. +A realistic photograph of a worn concert ticket stub featuring the text "General Admission" prominently, with a clear barcode below it, set against a slightly blurred background to emphasize the ticket's details. +A prehistoric cave wall features a charcoal-drawn buffalo, with the modern text "Climate Change Coming" inscribed below, blending ancient art with contemporary warning. +A dramatic night scene at a launchpad, with a massive rocket illuminated by spotlights, digital countdown clock showing "T Minus 10" seconds, smoke and steam building up at the base, and a crowd of onlookers in the distance, capturing the moment with their phones. +A realistic photograph of a zoo exhibit, featuring a clear sign that reads "Feeding Time 3 PM Daily", surrounded by curious visitors and a variety of animals in the background. +A digital screen displays bouncing text "Inactive Mode" in a sleek, modern font, set against a gradient background that shifts from deep blue at the top to a subtle black at the bottom, with faint, futuristic patterns lightly visible. +A close-up of a shiny pet collar tag, engraved with "If Lost Call 555 1234", reflecting a gentle light, set against a blurred background of green grass and flowers. +A realistic photograph of a hospital room, with a patient wearing a wristband printed "Allergic to Mondays", lying on a bed, surrounded by medical equipment and a window showing a cloudy sky. +A sleek, modern smart car parked at a charging station, its license plate clearly displaying "EV CHARGE 85" in bold letters, set against a backdrop of a futuristic cityscape with vibrant lights and sleek buildings. +A submarine porthole with a sticker that reads "Warning Kraken Parking", set against the deep blue of the ocean, with bubbles and faint light rays filtering through the water. +A realistic urban scene featuring a "This Space for Rent" banner hanging on the front window of a vacant storefront, surrounded by empty shelves and dim lighting, with a bustling street and pedestrians in the background. +A rustic farm roadside stand with a weathered wooden sign reading "Fresh Eggs 3 Dozen", surrounded by a lush, green field and a clear blue sky. The stand is stocked with baskets of fresh eggs, and a few chickens roam nearby. +Retro diner with a neon sign displaying "Best Burger in Town", set against a 1950s American street scene, vibrant and nostalgic, with classic cars parked nearby. +A mountain trail with a wooden signpost clearly indicating "Summit 2 Miles", surrounded by lush greenery and rocky terrain, leading up to a misty, distant peak. +A detailed museum exhibit featuring a dinosaur fossil, with a display plaque that reads "Jurassic Park Reject", set under warm, ambient lighting, surrounded by glass cases and informative panels. +A clear sky with fluffy clouds shaped like letters spelling "Dream Big" overhead, floating above a serene landscape of rolling hills and vibrant wildflowers, capturing the essence of inspiration and possibility. +A close-up of a firefighter's helmet, showcasing a sticker that reads "Rescue Team Alpha" on the side, with the helmet reflecting a nearby flame, emphasizing the bravery and urgency of the scene. +A close-up of a fire truck door with a bold decal that reads "Engine 42", set against a shiny red background, with subtle reflections and a slight blur in the background to emphasize the decal's crisp, professional design. +A vibrant TV show poster for "Thodarum", featuring a dramatic cityscape at sunset with silhouetted figures in the foreground, emphasizing the show's mysterious and suspenseful atmosphere. +A realistic photograph of an electric fence with a prominent warning sign that reads "Danger High Voltage", set against a slightly overcast sky, emphasizing the cautionary message and the tension of the scene. +A close-up of a weathered, leather-bound diary opened to a page with a handwritten entry starting with "Dear Journal Day 127", surrounded by faded Polaroid photos and vintage writing utensils. +In a quiet art gallery, a sleek, modern label reads "Abstract Expressionism 1950" beneath a vibrant, large-scale painting with bold, chaotic strokes. Soft lighting enhances the texture and depth of the artwork, while a few visitors stand nearby, absorbed in contemplation. +A close-up of a hotel keycard sleeve, elegantly printed with "Room 404 Not Found", placed on a modern, sleek desk with a minimalistic lamp casting a soft glow, creating a mysterious and inviting atmosphere. +A close-up of a horse saddle, prominently displaying the "Lucky Star" brand. The saddle is made of rich, dark brown leather, with intricate stitching and a polished silver buckle. The background is a rustic stable, with hay and wooden beams, enhancing the authentic equestrian atmosphere. +An astronaut in a detailed spacesuit stands against the backdrop of a distant Earth, the helmet visor prominently displaying "O₂ Level Critical" in red, with warning lights flashing around the text. The scene is set in the shadow of a lunar landscape, emphasizing the urgency and isolation. +A neon sign in blue and pink hues flashes "Best Cuts in Town" above a vintage barber shop, casting a vibrant glow on the sidewalk and passersby, set against a slightly gritty urban night scene. +A romantic wedding invitation featuring elegant calligraphy that reads "Join Us Under the Stars", set against a backdrop of a twilight sky with twinkling stars, surrounded by soft, flowing ribbons and delicate floral accents. +A college lecture hall filled with students, the screen at the front prominently displaying "Lecture 3 Quantum Physics", with the professor standing beside it, gesturing towards the equations on the screen. +A rustic bakery box, tied with natural twine and stamped with "Freshly Baked Love" on the lid, sits on a wooden table, surrounded by the warm, golden glow of a morning sunbeam. +An astronaut stands in a desolate, rocky landscape, their helmet visor displaying "O₂ LEVELS CRITICAL" in glowing red, with a sense of urgency and isolation. The suit is slightly dusty, and the background shows a distant, barren planet horizon. +A detailed courtroom sketch focusing on the judge's plaque that reads "Order in Court", surrounded by ornate wood carvings and a solemn, hushed atmosphere. +A rustic, wooden seed packet lying on a garden table, with the label prominently displaying "Magic Beans Plant with Care". The background shows a vibrant, lush garden with a touch of magical mist, enhancing the enchanting feel of the scene. +A digital billboard looms above a busy highway, its screen flashing the warning "Merge Ahead" in bright, bold letters against a twilight sky, with cars speeding below. +A detailed postage stamp design showcasing a "Rare Orchid Species", with intricate petals in vibrant colors, set against a subtle botanical background, emphasizing the orchid's unique and delicate features. +A modern museum gallery with a sleek, touchscreen audio guide kiosk displaying "Press 1 for English". The kiosk is surrounded by elegant exhibits, with soft ambient lighting highlighting the interactive screen. Visitors casually browse nearby artifacts, enhancing the serene and educational atmosphere. +A weathered pirate map with the label "Here Be Kraken" near intricate illustrations of a swirling whirlpool, surrounded by old compass markings and faded ink. +A bustling jewelry store window featuring a stunning display of engagement rings, each gleaming under soft, warm lighting. A large, elegant sign reads "Engagement Rings 50% Off" in gold script, drawing the eye and highlighting the exquisite craftsmanship of the rings on display. +A vibrant music festival scene with a wristband prominently displayed, printed with "Lost in the Beat", set against a backdrop of colorful lights and enthusiastic crowd, capturing the essence of a lively night. +"VOLUME" spelled out in vibrant, swirling rainbow smoke, set against a pitch-black background, perfectly centered, creating a dynamic screensaver effect. +An antique map with weathered parchment, detailed with intricate illustrations and compass roses, features the ominous phrase "Here Be Dragons" near the northern coast, where mythical creatures lurk in the uncharted waters. +A sleek spaceship hull, gleaming under distant stars, painted with the bold text "Galaxy Explorer" in vibrant colors, reflecting the cosmic hues of the surrounding nebula. +A sushi conveyor belt features a plate with an elegant label in cursive, reading "Eat Me Slowly", surrounded by fresh, colorful sushi pieces. +A futuristic spaceship control room with dim, blue lighting. The main panel displays a red alert message: "Oxygen Levels Critical". Crew members in space suits look concerned, their reflections visible on the screen. +A close-up of a well-worn textbook page, with a yellow highlighter marking the heading "Industrial Revolution", surrounded by detailed illustrations of steam engines and factories. +A realistic photograph of a welcome mat with bold, sarcastic text reading "Go Away" placed at the entrance of a cozy cottage, surrounded by autumn leaves and a light dusting of snow. +A realistic photograph of a rugged mountain landscape with a weathered sign that reads "Save The Snow Leopards" prominently displayed, surrounded by snow-capped peaks and rocky cliffs, emphasizing the urgent need to protect these endangered animals. +A realistic classroom scene with a whiteboard in the background, clearly displaying "Pop Quiz Tomorrow" written in bold marker. Desks are neatly arranged, and a few books and notebooks are scattered on them, capturing the essence of a typical school day. +A dentist office poster with the text "Smile Brighter Today", featuring a bright, welcoming dental clinic interior, a friendly dentist in a white coat, and a patient smiling widely while sitting in the dental chair, surrounded by modern dental equipment and a clean, hygienic environment. +A vibrant weather forecast graphic with a modern, sleek design, prominently displaying "100% Chance of Meteors" in bold, glowing text, surrounded by dynamic meteor icons and a starry night sky background. +A bustling bakery interior with a baker pulling a fresh tray of bread from the oven, wearing an oven mitt printed "Hot Stuff Coming Through" on a warm, golden-lit morning. +A weathered fisherman’s boat named "Catch of the Day" is moored at a quaint seaside harbor, with seagulls perched on its railings and the morning sun casting a golden glow over the tranquil waters. +A realistic photograph of a fast food drive-thru menu board, prominently displaying the "Burger Paradox" item. The menu is illuminated by soft, ambient lights, and the background features a dark, moody night scene with a few cars waiting in line. +A vintage luggage tag, slightly worn and faded, stamped with "Grand European Tour" in elegant, old-fashioned font, attached to a classic leather suitcase, set against a blurred backdrop of a 1920s train station. +A modern delivery truck parked on a busy city street, with "Fast Shipping Guaranteed" prominently displayed on its side. The truck is surrounded by bustling pedestrians and tall buildings, capturing the essence of urban logistics in a vibrant, realistic photograph. +A basketball player in a "MVP 23 Jordan" jersey dribbles the ball on a sunlit court, surrounded by cheering fans and the gleam of championship trophies in the background. +A realistic office scene with a coffee machine displaying a note that reads "Out of Order Sorry". The machine is surrounded by empty cups and a few scattered papers, with a disappointed colleague in the background. +A vibrant fireworks display titled "Grand Finale", bursting over a tranquil cityscape at night, with colorful explosions reflecting in the calm waters of a river below, creating a symphony of light and shadow. +A gym weight plate marked "Lift Heavy Live Long" sits on a sleek, modern weight rack, surrounded by high-tech exercise equipment. The atmosphere is vibrant and energetic, with a professional athlete lifting weights in the background, emphasizing the message on the plate. +A weathered fishing pier at sunset, with a clear notice board prominently displaying "Catch & Release Only" in bold letters, surrounded by fishing enthusiasts carefully unhooking their catches and gently returning them to the tranquil waters. +A realistic photograph of a stone garden plaque, partially covered by moss, with the engraved text "Beware of Gnomes" clearly visible. The plaque is set in a lush, green garden, surrounded by small, vibrant flowers and foliage. +A modern, sleek video tutorial interface with a clean, minimalist design. In the center, a prominent, interactive button with the text "Click Here Next" in bold, vibrant colors, set against a subtle, gradient background. +A realistic photograph of a boxing ring, the floor mat prominently displaying the "Champions Arena" logo in vibrant colors, surrounded by ropes and red and blue boxing gloves in the corners. +A crowd of robots protesting, holding a screen displaying "BeepBoop Equality Now", in a futuristic city square, with onlookers watching in the background. +A close-up of a coffee cup with a sleeve featuring bold, modern typography that reads "Wake Up Smell Reality", set against a minimalist, white background, emphasizing the stark message and the warmth of the coffee. +In a dimly lit museum, a massive dinosaur skeleton looms over visitors, with a quirky exhibit label reading "Jurassic Park Reject" prominently displayed beneath it, capturing the blend of awe and humor. +A jewelry store window displays an array of sparkling engagement rings, with a prominent sign that reads "Engagement Rings Sale". The scene is illuminated by warm, inviting lights, highlighting the elegance and craftsmanship of each piece. +A bustling clothing store window display featuring the "Summer Collection Launch", showcasing vibrant, lightweight outfits against a backdrop of sunny beach scenes, with mannequins elegantly arranged and colorful promotional banners. +A majestic dragon's treasure hoard, featuring ancient coins intricately engraved with "Legal Tender Everywhere", surrounded by gleaming jewels and gold, set in a cavernous, mystical lair with dim, flickering torchlight. +A clear photograph of a dog park with a prominent sign that reads "Leash Required", surrounded by playful dogs and a few watchful owners on a sunny afternoon. +A close-up of dragon eggshell fragments scattered on a rough, ancient stone surface, labeled with a faded tag that reads "Hatch Date Unknown", under the soft glow of a mystical forest light. +A movie poster featuring the logo "Bits of Life" prominently at the top, set against a backdrop of urban scenes blending with digital elements, symbolizing the intersection of technology and everyday life. +A restaurant menu specials board, slightly weathered, with chalk-written listings including "Existential Crisis Soup" amidst other dishes, set against a cozy, dimly lit interior with soft ambient lighting and patrons enjoying their meals. +A vibrant garden where flowers are meticulously arranged to spell out "Spring Time" in bold, colorful letters, surrounded by a lush, green landscape with a clear blue sky above. +An astronaut's boot print on the red, dusty surface of Mars, with the words "First Steps" clearly visible in the print, under a pale, Martian sky. +A vibrant rock band poster with bold, neon colors, featuring the band's name in a dynamic, graffiti-style font. At the bottom, in striking red, the text "TONIGHT SOLD OUT" stands out prominently, surrounded by excited concert-goers and the glow of stage lights. +A diver, equipped with an oxygen tank prominently stamped with "Deep Sea Explorer 3000", explores the depths of a vibrant coral reef, surrounded by schools of colorful fish. +A submerged submarine with its hatch prominently displayed, featuring a clear warning sign that reads "Do Not Open When Diving", surrounded by the deep, dark waters of the ocean. +A futuristic time machine control panel, sleek and illuminated, with a large digital display showing "Destination 3024". The interface is surrounded by glowing buttons and intricate circuitry, set against a dimly lit background. +In a modern elevator, an emergency button is prominently displayed, labeled "Break Glass for Dancing". The scene is illuminated by the soft glow of the elevator lights, with reflective surfaces and a polished metal frame around the unique button. +A sleek, metallic alien spacecraft with a hull marked "Human Observation Unit 9" hovers above a barren landscape, its surface gleaming under a distant, pale sun. The craft's design is futuristic and otherworldly, with intricate patterns and glowing lights along its edges. +An astronaut stands in a futuristic space station, the helmet visor clearly reflecting the critical text "Oxygen Level 85" amidst a backdrop of glowing control panels and distant stars. +A museum exhibit featuring a detailed diorama of prehistoric life, with a prominent sign that reads "Dinosaur Era", surrounded by excited visitors and educational panels. The scene is bathed in warm, ambient lighting, enhancing the sense of discovery and wonder. +A realistic photograph of a highway billboard warning, "Bridge Out Ahead", set against a backdrop of a winding road leading to a distant, foggy landscape, with trees lining both sides of the road. +A neon-lit cyberpunk cityscape at night, with a hacker's computer screen prominently displaying a pop-up window that starkly states "Firewall Breached" in bold, glowing letters. The hacker, clad in a sleek, dark jacket, looks intensely at the screen, surrounded by scattered tech gear and holographic interfaces. +A futuristic space station module named "Gravity Offline" floats against the backdrop of a distant, star-filled galaxy. The module, sleek and metallic with subtle blue lights, is designed for zero-gravity experiments. Astronauts in reflective suits are seen conducting repairs outside, tethered to the station. +A futuristic spaceship control room with a control panel prominently displaying "Gravity Disabled" in glowing red letters, surrounded by dimly lit screens and complex instruments. +A close-up of a richly embroidered theater curtain featuring the phrase "The Show Must Go On" in elegant gold thread, set against a deep red backdrop with subtle texture, capturing the timeless spirit of perseverance in the arts. +A bustling amusement park with colorful rides and excited crowds, featuring a unique roller coaster with a humorous warning sign that reads "No Screaming Allowed". The vibrant scene captures the contrast between the thrilling ride and the playful, impossible rule. +A lighthouse on a rugged cliff, its powerful beacon projecting the words "Turn Back" across the stormy night sky, illuminating the crashing waves and mist. +A nostalgic vintage photograph of the Las Vegas Strip at night, with neon lights and classic signage, featuring the words "Las Vegas" in bold, retro print across the top. +A close-up photograph of a warning label on a medicine bottle, prominently displaying the text "Take With Food" in clear, bold letters against a white background, with a subtle shadow to enhance readability. +A neon bar sign flashing "Open 24 Hours" above the entrance of a dimly lit, urban bar, with a rainy city street reflecting the vibrant lights, and a few pedestrians passing by. +A detective's worn notebook lies on a cluttered desk, its pages yellowed with age. The entry reads "Case File 37 Open", surrounded by scattered photos, a magnifying glass, and a steaming cup of coffee, under the dim light of a vintage desk lamp. +A detailed tattoo parlor flash sheet featuring a vibrant rose design, intricately labeled "Love Hurts" in elegant script, surrounded by smaller, complementary tattoo motifs like skulls and hearts. +A realistic photograph of a restaurant kitchen, showing a metal sign hanging above a sink that reads "Wash Hands First", with chefs in the background preparing meals and maintaining a clean workspace. +In a cluttered mad scientist's lab, a whiteboard stands prominently, covered in chaotic equations and diagrams. Near the bottom, in bold letters, it reads "Step 3: PROFIT". The lab is filled with various gadgets and bubbling beakers, with a sense of frenetic energy and curiosity. +In a modern airplane cabin, an overhead screen displays a clear message: "Stow Tray Table". The seatback screens in front of each passenger show the same instruction, emphasizing safety and preparation for takeoff or landing. +In a well-lit modern art gallery, a sleek black plaque reads "Modern Art Exhibit" against a pristine white wall, surrounded by abstract paintings and sculptures that reflect contemporary themes and styles. +A vintage book cover titled "Mystery of the Lost Key", featuring an old, dusty keyhole on a wooden door, with a faint, mysterious light shining from within, set against a dark, foggy background. +A wizard's ancient scroll, illuminated by the ethereal glow of a spell incantation, "Felinemorphia", casting a soft, mystical light in a dimly lit chamber. +A vintage Magic 8-ball floats in a dimly lit room, its triangular window glowing with the answer "Ask Again Later" in eerie, neon-blue text, surrounded by shadows and a slight mist, creating an otherworldly atmosphere. +A museum wall displays an elegant wooden plaque, intricately carved with the inscription "Artist Unknown 15th Century", set within a ornate golden frame, surrounded by the subtle shadows of a dimly lit gallery. +A close-up of a spy's briefcase interior, neatly organized with documents and gadgets, prominently featuring a folder stamped "Top Secret" in bold red letters, under the soft glow of a desk lamp. +A realistic photograph of an observatory at night, with a large telescope pointed towards the sky. A plaque next to the telescope reads "Saturn Visible Tonight" under the glow of soft, ambient lighting. The sky is clear, with stars and the faint outline of Saturn visible. +A sushi chef, wearing a headband embroidered with "Master Chef Tanaka", prepares fresh sushi in a traditional Japanese kitchen, surrounded by sleek, modern appliances and fresh ingredients. +A close-up of a vintage typewriter, with the key labeled "Space Bar" prominently displayed. The worn, textured surface of the key and the faded lettering capture the essence of a classic writing tool from the past. +A detailed geography poster featuring a world map with the "Equator Line" prominently highlighted in bold, vibrant colors, surrounded by educational text and icons depicting equatorial ecosystems and cultures. +A futuristic sci-fi spaceship control room, with a central panel glowing and flashing "Hyperdrive Engaged" in bright, neon blue. The room is dimly lit, with holographic interfaces and advanced technology surrounding the panel, creating a sense of anticipation and high-tech sophistication. +A witch's cauldron bubbling over with swirling, mystical steam that forms the words "Brew Unto Others", set in a dimly lit, mystical forest clearing, with glowing embers and swirling mist enhancing the enchanting atmosphere. +A detective's notebook lies open on a weathered wooden desk, the page titled "Case File 45" filled with cryptic notes and sketches, a magnifying glass resting beside it, under a dim desk lamp. +A movie director's chair on a bustling film set, the backrest clearly displaying "Action Scene 5". The chair is surrounded by crew members with cameras and lights, capturing a high-energy action sequence. +A serene coastal scene with a fishing boat docked at the shore, the side of the boat prominently displaying the text "Catch of the Day" in bold, weathered letters, reflecting the boat's history and purpose. +A realistic photograph of a wedding invitation envelope, elegantly placed on a wooden table, addressed in beautiful calligraphy to "Mr & Mrs Smith", with a subtle floral pattern on the envelope's corner. +A detailed close-up of an ancient, weathered chest with intricate dragon engravings wrapping around it. The chest is partially open, revealing a faint, ominous glow. The words "Mortal Danger Inside" are clearly etched in bold, warning letters above the dragon's coiled form. +A detailed botanical garden display with informational plaques, focusing on the "Venus Flytrap Habitat". Greenhouses and terrariums showcase various carnivorous plants, with Venus flytraps prominently featured. Visitors observe the intricate ecosystem, captured in a realistic photographic style. +A detailed amusement park map with a prominent "Rollercoaster Entrance" sign, surrounded by vibrant paths, colorful attractions, and excited visitors. The map is clear and easy to read, with a modern, lively style. +A high-tech VR headset startup screen with the text "Enter Virtual World" prominently displayed, set against a futuristic, glowing background with sleek, modern design elements and subtle holographic effects. +A realistic photograph of a smartphone with a notification on the screen that reads "Low Battery 1". The phone is placed on a dark, modern desk, with a faint light casting a subtle shadow behind it. +A vibrant board game box cover for "Space Empire Conquest", featuring a majestic spaceship hovering over a futuristic city on an alien planet, with glowing neon signs and star-filled skies in the background. +A majestic dragon's lair, dimly lit by flickering torches, with a large, ornate treasure chest prominently labeled "Danger Keep Out" nestled among piles of gold and precious gems. +A cozy library corner with a vintage book titled "Mystery of the Lost Key" prominently displayed on a wooden shelf, surrounded by other old books. Warm, golden light filters through the stained glass window, casting soft shadows. +A hot air balloon basket labeled "Sky High Adventures Inc" ascending into a clear blue sky, surrounded by fluffy white clouds, with a picturesque mountain range in the distance. The basket is made of wicker and adorned with vibrant, colorful decorations. +A modern elevator with the button panel prominently lit, highlighting the button for "Floor 13" in a well-lit, sleek interior. The scene is realistic, capturing the subtle glow of the illuminated button against the polished surface. +A realistic photograph of a graduation cap, elegantly decorated with the text "Class of 2024", set against a backdrop of a sunny campus quad with students in caps and gowns celebrating. +A cozy dive bar with a nostalgic neon sign that reads "Cold Beer Always" glowing softly above the entrance, casting a warm, inviting light onto the worn wooden door and the slightly cracked pavement outside. +A digital camera screen displaying a "Low Light Warning" message, set against a dimly lit room with soft shadows and a faint glow from a nearby window, capturing the eerie, serene atmosphere of twilight. +A protestor holding a placard that boldly declares "Equal Rights Now", standing in a crowded city square, surrounded by other demonstrators and onlookers, under a gray, overcast sky. +A beautifully decorated cake with "Happy 10th Birthday" written in elegant blue icing, surrounded by colorful candles and set against a festive background with balloons and streamers. +A cozy scarf, knitted with intricate "Winter Vibes" text along its striped edge, draped over a wooden table. Soft, warm colors blend into a snowy backdrop, capturing the essence of a serene winter evening. +A tailor's workshop with a measuring tape labeled "Perfect Fit Guaranteed" hanging on a vintage wooden wall, beside a mannequin draped in a half-finished suit, soft natural light streaming through a window. +A vintage taxidermy shop with a weathered wooden sign hanging above the door, clearly stating "Not Real Animals" in bold, faded letters. The shop windows display a variety of lifelike animal figures, set against a backdrop of antique hunting gear and forest scenes. +Close-up of a 3D-rendered toothpaste tube figurine, featuring candy pastel colors and the text "kangun" prominently displayed on the tube. +A close-up of a handwritten note on a refrigerator door, saying "Dont forget the milk", with a realistic texture of paper and a subtle fridge background. +A dark, sleek entrance to a supervillain lair, with a menacing yet humorous welcome mat that reads "Come In I Guess", set against a backdrop of high-tech security systems and shadowy corridors. +A wizard's ancient scroll, illuminated with mystical runes that glow an ethereal blue, prominently displaying the phrase "Unlock Hidden Powers" in an arcane script, set against a backdrop of a dimly lit, mystical library. +A close-up of a library book spine, prominently displaying a red stamp that reads "Banned in 2069", with faded gold lettering and a slightly worn, vintage look. The background is a blurred shelf of other books, emphasizing the unique status of this particular volume. +A minimalist black and white sign with the words "alvoni" on a clean white background, rendered in a wireframe style, evoking a modern, generative art aesthetic. +A realistic photograph of a concert backstage pass labeled "All Access VIP", lying on a worn leather jacket with a guitar in the background, under the warm glow of stage lights. +A realistic classroom scene with a prominent poster on the wall that reads "Think Before You Speak", surrounded by students engaged in quiet conversation, with desks neatly arranged and a teacher observing from the front. +A vintage magician's poster advertising "The Great Mystico", featuring a mystical background with shimmering stars and elegant wands, set in a classic circus tent scene. +A mountain climber's flag, inscribed with "Everest Summit 8848m", stands proudly atop a snow-covered peak, with the vast, rugged Himalayan landscape stretching into the distance under a clear blue sky. +A detailed page from an ancient wizard’s spellbook, featuring the incantation "Ignis Ardens" written in elegant, flowing script. The page is weathered and yellowed, with intricate illustrations of flames and mystical symbols surrounding the text. +A detailed, realistic photograph of a futuristic timecop badge, prominently featuring the engraving "To Serve Chronoprotect" in sleek, metallic letters, set against a subtle, reflective background. +A vintage journal with a deep, embossed title "Secrets Untold" on its leather cover, resting on a wooden desk with a soft, golden light shining from a nearby window, highlighting the intricate details of the embossing. +A close-up of a richly embroidered theater curtain, the intricate design spelling out "Break a Leg" in elegant, gold-threaded letters, set against a deep red velvet background. +A classroom wall displays a gold star chart titled "Reading Champions", featuring colorful stars next to students' names. The chart is surrounded by book covers and educational posters, with a cozy reading corner filled with plush chairs and bookshelves in the background. +In a bustling airport terminal, the departure board prominently displays "Flight LX407 BOARDING" in bright, blinking lights, drawing the attention of passengers rushing to Gate 12. The scene is filled with the hustle and bustle of travelers, airport staff, and the ambient sounds of announcements. +A vintage varsity jacket with the lettering "East High" prominently displayed on the chest, worn by a smiling teenager standing against a backdrop of a bustling high school hallway filled with lockers and students. +A vibrant TV show poster featuring the text "Love on it" prominently, set against a backdrop of intertwining hearts and romantic silhouettes, with soft, warm lighting enhancing the emotional atmosphere. +A vibrant movie poster titled "Invasion of the Robots", featuring towering metallic robots with glowing eyes marching through a futuristic cityscape, while terrified humans flee in the background. Neon lights and digital billboards add to the dystopian atmosphere. +A cozy coffee shop scene featuring a ceramic mug with the print "World's Best Teacher" on a rustic wooden table, surrounded by autumn leaves and a book, bathed in warm, golden afternoon light. +A space probe's camera, floating amidst the vast, star-studded cosmos, captures a digital message board displaying "Hello Universe" in luminous, neon-like text, set against a backdrop of distant galaxies and swirling nebulae. +A cozy coffee shop interior with a steaming cup of coffee on a wooden table. The cup sleeve is prominently printed with the words "Caution Existential", contrasting the warm, inviting atmosphere. +A realistic gym setting with a large, vibrant wall decal featuring the motivational quote "Push Your Limits", surrounded by modern fitness equipment and energetic athletes. +A yellow taxi cruising down a bustling city street at night, its roof light illuminated with the message "Available For Hire" clearly visible, reflecting off wet pavements in a rain-soaked urban scene. +A superhero stands proudly, the night sky behind him, his cape billowing in the wind. On his chest, the emblem "Captain Justice League" gleams prominently, reflecting the city lights below. The scene captures the essence of valor and leadership. +A realistic photograph of a suburban home with a vibrant "Open House Sunday" yard sign prominently displayed on the front lawn, surrounded by neatly trimmed grass and blooming flowers. +A wizard stands in a mystical forest, his staff glowing with an intense light, labeled "Power Over 9000", casting an ethereal glow around him, illuminating the ancient trees and mystical creatures. +A high-resolution photograph of a laboratory flask on a white background, with a clear label that reads "Chemical X" in bold, black text. The flask contains a mysterious, swirling liquid with subtle color gradients, reflecting the precision and intrigue of a scientific setting. +A vibrant urban scene featuring a large graffiti mural with the words "Color The World" prominently displayed, surrounded by a kaleidoscope of bold, colorful designs and abstract patterns, set against a bustling city backdrop. +A wizard stands in a mystical forest, donning a tall, pointy hat adorned with the tag "Pointy Wisdom", surrounded by glowing orbs of light. The hat’s deep purple fabric is embroidered with silver runes, and the forest’s ancient trees shimmer with a magical aura. +A crime scene with a detective's chalk outline on the ground, clearly labeled "Victim of Dad Jokes", surrounded by evidence markers and a yellow police tape, under the dim light of a streetlamp. +In a modern art gallery, a sleek black plaque labels a minimalist, abstract painting with the text "Untitled This Title Cost 20k", set against a pristine white wall, with soft, ambient lighting highlighting the artwork. +A modern elevator button panel with sleek, silver buttons, prominently labeled "Floor 5 Meeting Rooms", set against a backdrop of a corporate office lobby with polished marble floors and contemporary artwork on the walls. +A weathered stone monument stands tall in a misty forest clearing, its surface etched with the profound inscription "Freedom Fighters Memorial". Surrounded by ancient trees and overgrown vines, the monument is bathed in the soft, dappled light of the morning sun. +A vibrant music festival scene with a crowd of excited attendees, colorful lights, and a stage in the background. Focus on a person's wrist, clearly showing a wristband inscribed "VIP Access All Areas", symbolizing exclusive entry to all festival zones. +In a desolate urban landscape, a survivor stands amidst crumbling buildings, adopting the gait and mannerisms of the undead. Their face is partially obscured by dirt and shadows, blending in with the surrounding "Pretend You're One" to avoid detection by the real zombies. +A steaming coffee cup on a wooden table, with the phrase "Morning Fuel" elegantly written in cursive script on its side, surrounded by a soft, warm morning light. +A close-up shot of a sleek, modern digital thermostat with a clean, minimalist interface, prominently displaying "ECO Mode Activated" in green text on a dark background. The thermostat is mounted on a light-colored wall, with a subtle shadow highlighting its contours. +A high-quality photograph of a surfboard with vibrant bottom art titled "Waves Welcome", featuring dynamic wave patterns and oceanic colors, set against a backdrop of a serene beach with the sun setting over the horizon. +A realistic classroom setting with a detailed periodic table poster on the wall, prominently highlighting "Element 79 Au" with a golden glow, surrounded by curious students and educational charts. +A warm, cozy living room with a birthday cake on a wooden table, candles lit, and a birthday card open, revealing the message "Another Year Wiser" in elegant script. Soft, golden light from a nearby lamp casts a gentle glow, enhancing the celebratory atmosphere. +"Theresianos" generative art featuring intricate rivers formed from sticky smoke made of dots, set against a pristine white background, blending graphic design elements seamlessly into the composition. +A close-up of an old, worn library book with a distinct red stamp marked "Return by Dec 5" on the inside cover, surrounded by the texture of aged paper and faint ink notes. +A panoramic view of a mountain summit, with a large stone marker carved with the words "Almost High Enough" standing prominently in the foreground. The scene is bathed in the warm, golden light of sunrise, casting long shadows and highlighting the rugged texture of the stone. +A close-up of a concert ticket stub with bold, eye-catching text "VIP Access" prominently displayed, set against a background of a vibrant, colorful music festival scene. The stub shows wear and tear, indicating it's been well-used. +A graduation cap with "Class of 2024" sits atop a stack of old, worn books in a sunlit library corner, surrounded by shelves filled with classics and modern literature, capturing the essence of academic achievement and the transition from student to graduate. +A detailed close-up of an ancient, wooden jar on a dusty shelf, labeled "Dragon Scale Dust" in elegant, gold script. Sunlight filters through a nearby window, casting a warm glow that highlights the intricate carvings on the jar. +A cozy café with a rustic wooden sign hanging above, featuring a chalkboard propped against the wall outside, scribbled with "Try Our New Pumpkin Latte" in playful, handwritten script. Warm autumn leaves scatter the ground, enhancing the seasonal vibe. +A cozy coffee shop with a rustic wooden interior, featuring a vintage chalkboard prominently displaying "Latte Art Class" in elegant cursive, surrounded by steaming cups of coffee and artistic latte designs. +"Ancient Hunting Scene" depicted in a cave painting, showcasing early humans with spears chasing a large mammoth through a prehistoric landscape, surrounded by detailed flora and fauna of the era, with a warm, earthy color palette. +A vintage pizza delivery box, prominently stamped with "Cold Since 1999", sitting on a rustic wooden table, surrounded by fall leaves and a cozy, dimly lit environment, capturing a nostalgic and slightly eerie atmosphere. +Neon café sign flickering "Open 258" above a retro diner entrance, with vintage cars parked outside and a 1950s aesthetic, under a starlit night sky. +A vibrant surfboard, its underside airbrushed with the bold text "Hang Ten" in bright, ocean-inspired colors, catches the sunlight as it rests on a sandy beach, waves gently lapping in the background. +Abandoned asylum with cracked walls, eerie silence, and vivid red graffiti that reads "They Never Left", contrasting sharply against the faded, peeling paint. +A close-up of an artist's paint palette, labeled "Moody Blues", featuring a mix of deep, serene blue hues, with a few brushes resting on the side, capturing the essence of a tranquil, creative space. +A medieval knight's gauntlet, intricately etched with the words "Strength Honor", resting on a weathered wooden table, illuminated by the soft glow of a nearby candle. +A close-up of a leather notebook cover, intricately embossed with "Field Notes 2024", resting on a rustic wooden table, with a vintage pen lying beside it, bathed in the warm glow of a desk lamp. +A realistic photograph of a tornado siren base with a plaque that reads "Test Every Tuesday", set against a backdrop of a clear blue sky and green grass, emphasizing the detail and clarity of the text on the plaque. +A sailor’s strong arm prominently displays a tattoo reading "Mom" inside a detailed heart shape, the ink crisp and vibrant against his tanned skin, set against the backdrop of a serene ocean. +A vibrant TV show poster featuring the text "Tapout XT Strength Force" in bold, futuristic fonts, set against a dynamic background of abstract geometric patterns and strong color contrasts, creating a modern and powerful visual impact. +A high-resolution digital microscope image titled "Specimen In Focus", showcasing a detailed view of a microscopic organism with intricate cellular structures, vibrant colors, and a sharp, clear focus. +A realistic photograph of a coffee cup with a paper sleeve wrapped around it, printed with the warning "Caution Hot" in bold red letters, sitting on a wooden table. +A close-up of a well-worn detective's notebook, the page filled with scribbled notes and clues. A red pen circles the phrase "Follow Money", emphasizing its importance in the investigation. The background shows faint, overlapping notes, adding to the chaotic yet focused atmosphere. +A movie theater marquee illuminated at night, prominently displaying "Now Playing Jurassic Pizza" in bold, colorful letters. The marquee is flanked by vintage movie posters, and a crowd of excited moviegoers queues up, some holding popcorn and soda, under the glow of streetlights. +A snowy mountain slope with skiers elegantly forming the words "Ski Safe" on the powdery surface, captured in a vibrant, realistic photograph. +A vibrant street scene with a colorful food truck, its menu board prominently displaying "Today's Special Tacos" in bold, handwritten font. The truck is surrounded by bustling pedestrians and the warm glow of streetlights, emphasizing the inviting atmosphere. +A vintage Wild West wanted poster, weathered by time, featuring a rugged outlaw with a stern expression. The poster reads "Dead or Alive" in bold, worn lettering, surrounded by faded Wanted notices and Wanted stars. Dusty, sun-bleached background with a hint of a saloon door and wooden boardwalk. +A close-up of a gym locker tag, clearly displaying "Property of Team Alpha", hanging on a shiny, metal locker in a well-lit, modern gym. The tag is slightly worn, indicating frequent use, with a backdrop of clean, organized lockers and a faint glimpse of fitness equipment. +A close-up photograph of a vitamin bottle on a white background, with a clear, bold label warning "Consult Physician" prominently displayed. The bottle is slightly unsealed, showing a glimpse of the capsules inside, emphasizing the cautionary message. +A detective's magnifying glass resting on "Clue 7", set against a backdrop of an old, cluttered desk with scattered papers and a dimly lit room, capturing the essence of a classic mystery scene. +A close-up of an old library book, showing the faded green bookmark and the prominent stamp marked "Property of Riverdale High", with a soft, nostalgic glow enhancing the worn pages and the subtle texture of the book cover. +A futuristic spaceship gliding through the void of space, its hull adorned with the words "To Infinity Beyond" in a striking cosmic font, illuminated by distant stars and nebulae. +A realistic photograph of a moon crater formation, with the craters naturally arranged to spell "Lunar Parking Only" under the soft glow of Earth's light, emphasizing the unique and mysterious appearance of the lunar surface. +A vibrant TV show poster titled "Kiss Kiss Bang Bang", featuring a dynamic duo of a charismatic actor and a daring actress mid-action, with a backdrop of a bustling city skyline at sunset, emphasizing the thrill and romance of their adventurous journey. +An ancient stone tablet, weathered by time, stands in a mystical forest clearing. The tablet is carved with the ominous warning, "Beware the Eclipse", illuminated by the soft glow of a partial lunar eclipse overhead. +A cozy coffee shop interior with a paper cup on the counter, its sleeve printed with "Caution Brewtifully Hot", surrounded by steaming pastries and the warm glow of afternoon light. +A superhero stands confidently, their cape billowing in the wind, with the emblem "JUSTICE FORCE 9" prominently displayed on the chest. The scene is set at dusk, with city skyscrapers and a dramatic sky in the background, emphasizing the hero's determination and strength. +A vintage, hand-drawn magic potion label with a whimsical, gothic font warning: "May Unlock Third Eye". The label features intricate, mystical symbols and a cautionary skull, set against a dark, aged parchment background. +A close-up of a hospital wristband worn on a patient's wrist, clearly showing the printed text "Patient Room 304" against a sterile, white background. The wristband is slightly creased, adding a touch of realism to the scene. +A serene golf course with a flagstick prominently displaying "Hole 9 Par 4", set against a backdrop of lush green fairways and distant trees, capturing the essence of a peaceful afternoon on the greens. +An astronaut's notebook page, slightly crumpled and stained, with the handwritten note "Day 154 Oxygen Low" in the center, surrounded by other scribbled notes and calculations, under the dim light of a spacecraft. +A close-up of an astronaut's glove, prominently featuring a patch that reads "Moonwalk Approved", set against the backdrop of a lunar landscape with fine dust particles and distant craters. +A futuristic book cover for "Galactic Wars", featuring a sleek spacecraft battling alien forces amidst a nebula, with a bold title and dramatic lighting that highlights the action and tension of the scene. +In a modern laboratory, a scientist with a lab coat nametag that reads "Dr Alex Martinez PhD" is conducting an experiment, surrounded by high-tech equipment and chemical compounds, with a focused expression on their face. +A movie director's chair sits on a sunlit film set, the backrest proudly displaying the text "Worlds Okayest Boss" in bold letters. The scene is bustling with crew members and equipment, emphasizing the casual yet authoritative presence of the director. +A realistic photograph of a parking garage ticket stub, partially curled at the edges, showing "Valid Until 11 PM" with the time clearly visible and the background slightly blurred to focus attention on the ticket. +"Rainbow balloons are flying" in a serene sky, each balloon vividly colored, floating against a soft, pastel background that gradually lightens from the bottom to the top, creating a calm and dreamy atmosphere. +A realistic photograph of a library desk with a plaque that reads "Silence Please" in a stern, authoritative font, surrounded by neatly arranged books and a quiet, studious atmosphere. +A detailed bronze plaque engraved "Founded 1898" prominently displayed on the facade of a historic courthouse, with classical architecture and a weathered, aged appearance, set against a clear blue sky. +A vibrant movie poster named "Veneciafrenia", featuring the mystical canals of Venice at night, illuminated by eerie, neon lights, with shadowy figures and a sense of impending mystery. +A dark, dense forest with trees casting long shadows, a single beam of light piercing through the canopy in the distance, and the text "chapultepee" faintly illuminated on a moss-covered stone. +Graffiti artist spray-painting "Revolution Now" on weathered concrete walls in a dimly lit urban alley, vibrant colors contrasting with the dull grey surface, capturing the raw energy and urgency of the message. +A bustling auto repair shop with the sign "Oil Change Special 29" prominently displayed. Mechanics in overalls work diligently on various cars, tools scattered around. Oil cans and automotive parts are neatly arranged on shelves. The scene is vibrant and industrious, capturing the essence of a busy day at the garage. +A person sits at a desk, laptop open, with a surprised expression as they read the online quiz result "You Are A Genius" displayed prominently on the screen. The room is modern, with books and a cup of coffee nearby, emphasizing the academic setting. +A close-up of a pillow shaped like the word "religious", with fun, jumbled letters scattered around it. In the background, a slice of bread is partially visible, adding a surreal touch to the graphic art composition. +A circular chalkboard with the text "infinity makes me happy" written in a fluid, hand-drawn script, set against a soft, blurred background of a serene landscape at sunset. +An antique bottle, elegantly labeled "lajtai", sits on a weathered wooden table, illuminated by the soft glow of a vintage lamp. The bottle's glass is slightly clouded, hinting at its age and the stories it holds. +A vibrant TV show poster titled "Epicly Later d Chocolate", featuring a whimsical chocolate factory with colorful machinery and joyful characters, set against a backdrop of a bright, sunny sky. +A clear, sunny day on a busy highway, with a large billboard displaying "Next Rest Stop 10mi" standing prominently by the roadside, surrounded by green fields and distant mountains. Cars are visible in the background, driving past the billboard. +A professional football player wearing a jersey with the nickname "The Rocket" emblazoned across the back, standing on a lush green field under a clear blue sky, poised for action with a determined look on his face. +A construction site with a large crane, prominently displaying a warning sticker that reads "Danger High Voltage" on its arm, surrounded by yellow caution tape and safety cones. +A high-resolution LED screen prominently displays "Innovation Summit Live" at a bustling convention center, surrounded by modern architecture and a crowd of tech enthusiasts snapping photos. +A detective in a trench coat holds a magnifying glass etched with "Clue Finder 3000" over a foggy, dimly lit alley, examining a mysterious footprint on the damp ground. +A close-up of a paper fortune cookie slip, delicately placed on a smooth, white surface, with the words "Good Luck Awaits" clearly visible, bathed in soft, warm lighting. +A realistic photograph of a broken vending machine with a sign that reads "Out of Order" taped to its front, surrounded by a dimly lit alleyway, with discarded receipts and empty cans scattered on the ground. +A cozy, dimly lit wizard's study, with a vintage leather collar inscribed with "Familiar Name Mr Whiskers" resting on an ancient, spell-laden tome. A beam of moonlight highlights the collar and the playful shadow of a cat, suggesting Mr Whiskers is nearby, unseen. +A close-up of a modern thermostat with a sleek, digital display showing "72 Degrees F", set against a lightly textured wall. The scene is illuminated by soft, ambient light, emphasizing the clarity and precision of the temperature readout. +A realistic photograph of an ambulance with "Emergency Medical Services" in reflective letters on its side panel, parked under a streetlight on a rainy night, the wet pavement reflecting the vehicle's lights. +A high-resolution microscope image of a slide marked "Specimen X - Do Not Inhale", showing intricate cellular structures and a warning label in the corner, with a lab background and scientific equipment in focus. +A bustling city street at night, illuminated by neon lights, with a prominent theater marquee that reads "Now Showing Space Wars". Crowds of people in futuristic attire eagerly line up, while the marquee's lights reflect off the wet pavement. +A weathered stone tombstone in an overgrown, ancient cemetery, with the inscription "Here Lies Trouble" barely visible through the moss and cracks, under the dim light of a cloudy sky. +A solitary lighthouse tower stands against a stormy sky, its white walls painted with the ominous warning "Dangerous Reefs Ahead", casting a beam of light over the turbulent sea, guiding ships away from the hidden dangers lurking just beneath the waves. +A realistic photograph of a submarine control panel, with a digital display reading "Depth 3000 Meters", surrounded by an array of illuminated buttons and gauges, set against the dimly lit interior of the submarine. +A detailed architectural blueprint with a footer text "Architect Approved Design", showcasing a modern building with intricate structural elements, labeled sections, and a scale indicator, all rendered in a realistic style. +A vintage roadside diner with a neon signboard prominently displaying today's special, "Meatloaf Plate", under a clear blue sky, surrounded by lush green trees and a few parked cars, capturing the nostalgic charm of a classic American scene. +A realistic photograph of a modern parking garage entrance, featuring a clear and prominently displayed sign that reads "Compact Cars Only", with the surrounding area showing the texture of concrete walls and the faint glow of overhead lighting. +A close-up of a zombie's arm, showing a detailed tattoo that reads "Brains R Us" in bold, gothic lettering, with the skin appearing decayed and the background slightly blurred to focus on the tattoo. +A beautiful wedding invitation featuring elegant calligraphy that reads "Save the Date", set against a rustic, vintage background with soft, romantic lighting and delicate floral accents. +A realistic photograph of an ambulance parked on a city street, with the side text "Emergency Response" clearly visible. The scene includes a blurred background of pedestrians and buildings, emphasizing the ambulance and its distinctive text. +An astronaut in a detailed spacesuit stands against the backdrop of a distant Earth, the helmet visor reflecting the ominous message "O₂ Levels Critical" in stark, red letters, amidst the serene beauty of the cosmos. +A serene seascape featuring a sailboat with a large, white sail painted with the words "Smooth Sailing" in bold, blue letters, gliding gracefully over calm, turquoise waters under a clear, sunny sky. +A serene library reading area with soft lighting and wooden bookshelves, featuring a subtle "Quiet Zone" sign discreetly placed on a desk, emphasizing the tranquil atmosphere and respect for silence among patrons. +A digital subway map displayed on a sleek, modern screen, with a prominent red banner across the closed station, clearly highlighting "Station Closed" in bold white text, surrounded by the dimly lit, futuristic subway environment. +A steaming cup of café latte with intricate foam art spelling "Youre Brewtiful" on top, set against a warm, cozy café background with soft lighting and a rustic wooden table. +A high-contrast gym scene with a motivational wall decal reading "No Pain No Gain", surrounded by workout equipment and energetic athletes, capturing the intense atmosphere of dedicated fitness. +A museum exhibit card prominently displays "Dinosaur Era Fossils" with detailed illustrations of ancient bones and footprints. The card is set against a backdrop of a simulated prehistoric landscape, featuring lush ferns and towering cycads, enhancing the educational experience. +In a bustling airport, the departure board mechanically flips to display "Flight 666 Now Boarding", casting a stark contrast against the crowd's excited chatter. The modern, sleek terminal is filled with travelers, illuminated by the soft glow of overhead lights. +A close-up of a superhero cape with intricate embroidery that reads "CITY DEFENDER SQUAD" in bold, vibrant letters, set against a dark, textured background. The embroidery features subtle metallic threads that catch the light, giving it a sleek, modern look. +A children’s coloring book page titled "Dinosaur Friends", featuring a vibrant scene with a T-Rex, Stegosaurus, and Triceratops playing together in a lush prehistoric forest, surrounded by ferns and ancient trees. +A museum exhibit featuring a detailed plaque that reads "Dinosaur Era Fossils", surrounded by ancient, weathered fossils and dramatic lighting that highlights the prehistoric relics, creating an atmosphere of awe and discovery. +A dimly lit, eerie entrance to a haunted house, with a menacing doorway carving that reads "Abandon Hope Ye Who Snack". The door is slightly ajar, revealing a shadowy interior, and cobwebs drape the threshold. +A lighthouse stands tall against a stormy night sky, its powerful beacon projecting the words "Safe Harbor" across the turbulent sea, guiding weary sailors to a calm and secure refuge. +A museum exhibit featuring a detailed "TRex Skeleton Replica" displayed on a pedestal, with informative plaques and soft, ambient lighting highlighting the prehistoric structure. Visitors admire the dinosaur's massive frame, capturing the essence of ancient times. +A realistic photograph of a sleek laptop with a vibrant, colorful sticker on its lid declaring "Certified Coffee Addict", surrounded by a cozy setup of a steaming coffee cup, a notebook, and a stack of books on a wooden desk. +A realistic photograph of a birthday cake with intricate blue script icing that reads "Happy 100th Grandpa", surrounded by festive decorations and candles. +A close-up of an old library book, with a red stamp clearly marking "Overdue Since 1987", surrounded by the worn pages and the scent of nostalgia, capturing the essence of a forgotten treasure. +A clear blue sky with skywriting forming the words "Marry Me" in elegant, flowing script, surrounded by fluffy white clouds and a serene horizon. +A weathered pirate ship medical kit, its wooden surface scratched and salt-stained. The label reads "Leeches Expire Never" in bold, faded letters, surrounded by old, rusted tools and a dim, eerie lantern casting shadows. +An ambulance parked on a city street, its side panel prominently printed with "Emergency Medical Team", reflecting the urgency and professionalism of the medical service. The scene is captured in a realistic photographic style, with the ambulance lights subtly glowing in the background. +A bustling airport terminal with an arrival screen prominently displaying "Flight 456 On Time" in bright, digital letters. Passengers in various outfits wait with anticipation, luggage carts scattered nearby, and the ambient glow of the screen reflecting on their faces. +A sleek, futuristic time machine dashboard with neon lights blinking "Destination 3023 AD" in a high-tech laboratory setting, surrounded by advanced technological interfaces and holographic displays. +A vibrant movie theater marquee at dusk, illuminated with neon lights, prominently displaying "Now Showing Robo Love". Crowds of excited moviegoers line up, with the city's nightlife bustling in the background. +A detailed construction blueprint with a red marker highlighting the note "Load Bearing Wall", surrounded by architectural measurements and symbols, set against a backdrop of a half-built modern house interior. +A realistic photograph of a wizard college diploma, elegantly framed and hanging on an antique wooden wall. The diploma prominently displays the text "Major in Theoretical Magic" in elegant calligraphy, surrounded by intricate magical symbols and a golden border. +A realistic smartphone screen displaying a weather app notification alert, "100% Chance of Meteor Showers", with a dark, starry night sky and a few meteors streaking across the background. +A realistic urban street scene at dusk, with a parking meter displaying "Out of Service" in large, red, flashing letters, casting a harsh glow on the cracked pavement and nearby trash can. The meter looks slightly damaged, with a scratch running down its side. +A dentist office waiting room with a modern, clean aesthetic. On a sleek, white wall, a digital calendar displays the reminder "Next Cleaning 06 15" in bold, blue text. A potted plant and a comfortable chair add a touch of warmth to the scene. +A detective's office with a large wall map titled "Crime Scene Locations", marked with red pins and connected by intricate, colored strings, under the warm glow of a desk lamp. +A gritty urban alleyway at dusk, featuring a large robot graffiti stencil on a worn brick wall, clearly stating "Error 404 Soul Not Found", with vibrant colors and shadows cast by a single streetlight. +A neon bar sign flashing "Open Late" in the bustling city, casting vibrant reflections on wet cobblestone streets under a starless night sky. +A winter coat hangs on a rustic wooden hanger, with a tag "Warmth Guaranteed" dangling elegantly. Snowflakes gently fall around, creating a serene and cozy winter scene, emphasizing the coat's promise of warmth. +A close-up of a space probe's golden record, intricately etched with the message "Hello From Your Future", reflecting the cold, distant stars in its metallic surface, set against the vast, dark expanse of space. +A bustling city street at night, illuminated by neon lights, with a vintage movie theater marquee prominently displaying "Now Showing Robot Uprising" in bold, glowing letters, surrounded by excited moviegoers and futuristic cityscapes. +A close-up of an ancient, leather-bound book opened to a page with a vibrant, red library book stamp marked "Property of Hogwarts" in the corner, surrounded by intricate, magical illustrations and faded text. +An ancient stone tablet, weathered by time, stands in a misty forest clearing. The surface is intricately carved with the ominous warning, "Beware the Eclipse", illuminated by the dim light of a partial solar eclipse overhead. +A vibrant TV show poster featuring the bold logo "Hard Fists" in the center, surrounded by gritty urban imagery and action-packed scenes of martial artists in dynamic poses, set against a backdrop of neon lights and cityscapes. +In a modern art gallery, a minimalist plaque reads "Untitled Probably a Cat" beneath an abstract painting that vaguely resembles a feline, surrounded by sleek, white walls and soft, ambient lighting. +A child's lunchbox, brightly colored and adorned with the phrase "Adventure Awaits", sits on a picnic blanket in a sunny meadow, surrounded by wildflowers and butterflies. +A bustling city street at dusk, with a large marathon banner reading "Race Complete" stretched across the road. Exhausted runners and cheering spectators fill the background, capturing the vibrant energy of the event. +A construction worker wearing a yellow helmet with a bold, red sticker that reads "Safety First" on the side, standing in a modern construction site with cranes and scaffolding in the background. +A detailed ski resort map highlighting the "Beginner Slope Green" trail, surrounded by snow-covered pine trees and marked with clear signage. The map shows ski lifts and facilities, with a gentle, winding path perfect for beginners. +A ghost hunter stands in an eerie, dimly lit room, holding an EMF reader that blinks "Spirit Detected" in red, surrounded by antique furniture and shadows that seem to whisper secrets of the past. +A realistic photograph of an elevator button panel, with a noticeable label reading "Floor 13 Out of Service", set against the modern, sleek interior of an elevator. The buttons are well-lit, and the panel shows signs of frequent use. +An artist's studio with a vibrant palette on a wooden easel, surrounded by tubes of paint and brushes. A window lets in soft, natural light, casting a warm glow on the words "Create Beauty" elegantly painted on the wall behind the palette. +A close-up of an old library book page, showing a faded purple ink stamp marked "Due 1031", surrounded by the texture of aged paper and subtle wear marks. +A medieval knight stands solemnly, holding a battle horn engraved with "Sound for Reinforcements" aloft, ready to call for aid. The scene is set in a misty, ancient forest, with rays of sunlight piercing through the canopy. +A close-up shot of a chef’s knife on a wooden cutting board, the blade gleaming under studio lights, laser-etched with "Sharper Than Your Ex" in elegant script, surrounded by freshly sliced vegetables. +A bustling cyberpunk alley at night, illuminated by a vibrant neon sign that reads "RAMen Noodles", casting a blue and pink glow over the damp, reflective pavement and the futuristic cityscape beyond. +A realistic photograph of an apartment courtyard with a clear "No Ball Games" rule painted in bold, red letters on the wall, surrounded by greenery and playground equipment. +A mountain trail with a wooden signpost reading "Summit 2 Miles" set against a backdrop of dense forest and rocky terrain, with sunlight filtering through the trees and a hiker pausing to read the sign. +An ancient parchment map with faded, elegant script reading "Here Be Dragons", showing mythical lands and sea routes, with illustrations of fantastical creatures and old-world compass roses, all under a soft, aged paper texture. +In a cozy pottery studio, a wooden shelf displays an array of handmade ceramics. A small, delicate vase with a "Fragile Handle Care" sign stands out, surrounded by other intricately crafted pieces, capturing the essence of artisanal craftsmanship. +A realistic photograph of a bus stop with a modern schedule sign prominently displaying "Route 66 Next Bus 5 PM" under a clear blue sky, with a few people waiting and a cityscape in the background. +A surfboard resting on a sandy beach, with "Waves Belong to Everyone" inscribed on its bottom. The sun sets behind rolling waves, casting a warm, golden light over the scene. Palm trees sway gently in the breeze, and the sky is painted with vibrant oranges and pinks. +A rustic wooden bucket, intricately carved with the words "Wishing Well Toss Coin Dream", sits beside a serene wishing well at dusk, surrounded by lush, overgrown foliage. A single coin glimmers on the bucket's edge, reflecting the warm, golden light of the setting sun. +A detailed ski resort trail map featuring a prominently labeled "Black Diamond Run", surrounded by snow-capped mountains and ski lifts, with skiers dotting the challenging slopes. +A scenic hiking trail winds through lush forest, leading to a wooden marker that clearly points to "Summit Trail". The path is flanked by vibrant wildflowers, and the marker is partially covered in moss, emphasizing the trail's natural surroundings. +A bustling farmer's market scene with a rustic chalkboard sign prominently displaying "Fresh Eggs 3Dozen" amidst a variety of colorful produce and happy shoppers. +A museum exhibit features an informational plaque titled "Dinosaur Yoga Fossils", showcasing ancient fossils of dinosaurs in various yoga poses, surrounded by dim lighting and educational displays. +A detailed spaceship dashboard with blinking lights and holographic displays, prominently showing a red alert that reads "Warp Drive Malfunction", set against the dim, futuristic interior of a spacecraft. +A weathered spyglass with a lens intricately etched with "Pirate Yelp 45 Stars", resting on a wooden table with a map and a compass, under the dim light of an old oil lamp, in a rustic pirate-themed room. +A vibrant beach towel with the print "Sunbathe Relax Repeat" laid out on a sandy beach, surrounded by clear blue water and palm trees, capturing the essence of a tropical getaway. +"Skate or Die" emblazoned in bold, graffiti-style letters across a vibrant skateboard deck, surrounded by dynamic, abstract shapes and lines that evoke motion and energy, set against a gradient background transitioning from deep blue to fiery orange. +A bustling farmer’s market with a wooden stall sign painted "Organic Produce Here", surrounded by vibrant, fresh vegetables and smiling farmers. The morning sunlight casts a warm glow, highlighting the natural colors and textures of the scene. +A vintage, enchanted potion bottle with a delicate, hand-drawn sticker that reads "Drink Me Formula", surrounded by mystical runes and glowing with a subtle, ethereal light, set against a dark, mysterious background. +A close-up of a movie prop sword hilt, intricately engraved with the words "Blade of Destiny", set against a dark, dramatic background, capturing the essence of a legendary weapon. +Vintage bookstore display window bathed in warm evening light, showcasing the intriguing title "Mystery of Ages" on a classic hardcover, surrounded by antique maps and vintage novels, with a cat curled up on an old wooden shelf. +A realistic photograph of a retail store’s window display featuring a prominent "Sale Ends Today" sticker, with mannequins and fashion items in the background, bathed in warm afternoon sunlight. +A close-up of a dragon egg with intricate, glowing runes that spell out "Hatch at Dawn" etched into its surface, set against a backdrop of twilight skies, with the first light of dawn beginning to illuminate the horizon. +A taxi cruising down a neon-lit city street at night, with its roof light displaying "Available for Adventure" in vibrant colors, reflecting off wet pavements and capturing the attention of passersby. +A desert scene with a lone oasis, featuring a wooden signpost that clearly points and reads "Water Source Ahead", surrounded by tall palm trees and a shimmering pool of water, under a blazing sun. +A vintage "Out of Order" sign hangs from the door of an old, rusted time machine, set against a backdrop of a dimly lit, futuristic garage. The sign sways slightly, casting a shadow on the machine's intricate gears and dials. +A diver, equipped with an oxygen tank labeled "Deep Sea Explorer", explores a vibrant coral reef, surrounded by schools of colorful fish, sunlight filtering through the water, creating a mesmerizing underwater scene. +A red street sign stands at the park entrance, prominently displaying the text "No Bicycles Allowed" against a natural backdrop of trees and pathways. The scene is captured in a realistic photographic style, emphasizing the contrast between the vibrant red sign and the serene green environment. +A close-up of a concert ticket stub with "Sold Out Rock Legends Tour" clearly visible, lying on a textured wooden table, illuminated by warm, ambient lighting. +A wizard stands in an ancient, mystical forest, his staff alight with glowing runes that pulse with the "Power of the Ancients", casting an ethereal light on the surrounding trees and mist. +A weathered wanted poster hangs on a wooden plank in an old Western town, featuring a gritty portrait of a notorious cowboy. The text "10000 Reward Alive" stands out in bold, faded letters, surrounded by a distressed, paper texture with pinholes at the corners. +A gym locker room with modern, sleek design, featuring a prominent sign on the wall that reads "Wipe Equipment After Use", surrounded by clean, well-maintained workout equipment and lockers. +A pickup truck parked on a sunny day, with a bumper sticker saying "Honk If You Love Dogs", surrounded by a cheerful neighborhood with people walking their dogs. +A submarine's control panel, with screens flickering and displaying "Dive Depth 300m" in a realistic underwater setting, illuminated by the soft blue glow of the dashboard lights. +A solitary mountain summit with a stone marker inscribed "Peak of Existential Dread", surrounded by misty clouds and rugged terrain, under a dramatic sky with beams of sunlight piercing through. +A close-up of a superhero cape, intricately embroidered with the words "Caped Balding Avenger" in bold, vibrant threads, set against a dark, textured background. The embroidery is detailed, capturing the essence of a unique and powerful hero. +A cozy bakery scene featuring a rustic wooden table with a "Homemade Goodness" cookie bag, surrounded by freshly baked cookies, warm lighting, and a backdrop of shelves filled with pastries. +A scientist in a lab coat holds experimental equipment labeled "Explore" against a backdrop of high-tech lab machinery, with a focused expression reflecting the excitement of discovery. +A wide, sandy beach with a message "Beach Closed Today" written in the sand, surrounded by footprints and seashells, under a cloudy sky with the sea gently lapping at the shore. +A realistic tattoo of a detailed compass, with the phrase "Find Your Way" elegantly wrapped around its outer edge, inked on smooth skin with subtle shading and a slightly weathered look. +Underwater scene with a submarine control room, crew members tense, illuminated by blue lights. Central screen displays warning: "Dive Depth Reached". Ocean pressure gauges and depth meters in the background, highlighting the critical moment. +An ancient, weathered page from a wizard’s spellbook, titled "Invisibility Charm". The page is filled with intricate, handwritten notes and detailed illustrations of swirling magical energies. The edges are frayed, and a few loose strands of parchment hang delicately. +A taxidermy fox plaque, meticulously mounted on a rustic wooden board, labeled with a vintage metal tag that reads "Moral Compass NonFunctional", set against a dimly lit, vintage study with bookshelves and a flickering fireplace. +In a modern elevator, an inspection sticker reading "Last Checked 092023" is prominently displayed near the button panel, reflecting the sleek, metallic finish of the interior. The scene is lit by the soft glow of the elevator lights, emphasizing the sticker's clear, professional text. +A high-quality wine bottle with an elegant, vintage label featuring sophisticated script that reads "Vintage Dreams", set against a subtle, textured background that enhances the refined and timeless appeal of the wine. +A gritty, realistic photograph of a muscular arm displaying a jailhouse tattoo that reads "Mom Was Right", set against a backdrop of a dimly lit cell with a metal bunk and bars. The arm is slightly flexed, and the tattoo is prominently visible, capturing the essence of regret and reflection. +A futuristic spaceship control panel with sleek, metallic surfaces and a holographic interface, flashing "Gravity Failure" in mysterious, glowing alien symbols, surrounded by dim, blue lighting that casts shadows on the complex machinery. +A realistic photograph of a fridge with a handwritten note stuck on it using a magnet, the note clearly reads "Buy Milk" in casual handwriting. The fridge is slightly old, with a few other notes and a family photo attached. +A museum exhibit featuring a detailed fossil of a "T Rex Tooth 66 MYA", set against a backdrop of prehistoric flora and fauna, with informative plaques and soft, ambient lighting highlighting the ancient artifact. +A vibrant movie poster for "The Rage of Paris", featuring a sultry femme fatale in a 1920s flapper dress, surrounded by the opulent and chaotic streets of Paris at night, with neon lights and a hint of mystery in the air. +A cozy café interior with a vintage tip jar prominently displayed on the counter, labeled "For Baristas Therapy Fund". Warm lighting and a serene atmosphere highlight the jar, surrounded by coffee mugs and pastries. +A cozy butcher shop with a rustic wooden sign hanging above the entrance, reading "Prime Cuts" in elegant, weathered letters. The shop's windows display an array of fresh meats, and a few customers browse the selection, adding to the lively, authentic atmosphere. +A vibrant globe featuring continents in bright, vivid colors, with the words "main" boldly inscribed across its surface. +In the dimly lit chamber of an ancient pharaoh’s tomb, the stone walls are intricately carved with hieroglyphs. At the center, a profound inscription reads, "Silence Guards Eternal Dreams", surrounded by solemn, watchful figures that seem to guard the secrets of the past. +A well-lit bookstore interior with a wooden shelf prominently displaying a label that reads "Bestsellers Section". The shelf is filled with colorful book spines, and a soft, ambient light enhances the cozy, inviting atmosphere. +A stylish model showcases a dress with a vibrant "Floral Symphony" print, standing in a sunlit garden. The detailed floral pattern on the sleeves and bodice blends seamlessly with the natural surroundings, creating a harmonious and elegant scene. +A hiking trail marker post "Summit 1 Mile" stands tall in a dense forest, surrounded by lush green trees and a carpet of wildflowers, with a winding path leading up to the summit, bathed in the warm sunlight of a clear morning. +A cozy bakery interior with a warm, golden light. Through the oven window, freshly baked cookies are arranged to spell "Eat Me" on a baking sheet, emitting a delightful aroma that fills the air. +A bustling airport terminal with a large digital departure board prominently displaying "Flight 808 Boarding". Passengers with luggage hurry past, and the ambient glow of the board illuminates the modern, spacious interior. +A realistic desktop scene with a computer screen displaying an error message, "404 Page Not Found", surrounded by scattered papers and a cup of coffee, capturing the frustration of a user facing a common web issue. +A Viking shield prominently displays a sticker that reads "Valhalla or Bust". The shield is weathered, with battle scars and rust, set against a backdrop of a stormy Nordic landscape. The sticker is slightly worn, but the bold letters are still clearly visible. +A vintage movie theater at night, the marquee brightly lit and displaying "Sold Out Show" in large, glowing letters, with a line of disappointed moviegoers and a few lingering popcorn stands. +A serene beach scene with a vibrant red and yellow warning flag labeled "High Surf Advisory" standing prominently on the sandy shore, waves crashing in the background, under a cloudy sky. +A realistic urban street scene with a traffic light featuring a sticker that reads "Wait for Green". The sticker is prominently displayed on the traffic light, which is set against a busy intersection with cars and pedestrians. +A weathered stone monument stands solemnly in a peaceful park, its surface engraved with the poignant words "Never Forget 1945", surrounded by lush greenery and blooming flowers, capturing the essence of remembrance and history. +A cozy living room featuring a "refer" sign elegantly displayed on a rustic wooden wall, surrounded by modern home decor elements like plush cushions, a sleek coffee table, and a vibrant area rug. +A pirate ship sails across a turbulent sea, its sail boldly painted with the warning "Beware of Sharks", under a stormy sky, with waves crashing against the hull, emphasizing the danger and adventure of the voyage. +A convenience store window adorned with a decal that reads "No Public Restrooms", reflecting the store's policy. The window is slightly foggy from the cool evening air, with a streetlamp casting a warm glow on the sign. +A close-up of a submarine porthole, with a weathered sticker warning "No Mermaids Allowed" prominently displayed. The sticker is slightly peeling at the edges, and droplets of water cling to the glass, suggesting the submarine is underwater. +A cyclist pedals through a sunlit forest trail, their water bottle "Hydrate or Die" prominently displayed on the bike frame, reflecting the afternoon light. +A vibrant arena where two wizards face off, each adorned with a gleaming championship belt. One belt, prominently displayed, is intricately engraved with the words "Grandmaster of Bad Decisions", reflecting the quirky and unpredictable nature of their magical prowess. +A weathered pirate ship sails on turbulent seas, its main sail patched with a tattered piece of parchment bearing the words "Ye Olde Liability Waiver", while seagulls circle overhead and the crew looks on with wary expressions. +A realistic urban scene featuring a parking meter with a digital screen prominently displaying "Time Expired", set against a backdrop of a busy street with cars parked along the curb. +A rustic farmer's barn with a weathered wooden sign hanging above the entrance, clearly displaying the text "Fresh Eggs Daily" in bold, hand-painted letters. The barn is surrounded by a lush, green landscape with a few chickens pecking at the ground nearby. +A realistic photograph of a pharmacy window, featuring a sticker that prominently displays "24 Hour Service" in bold blue letters, with the reflection of streetlights and a faint cityscape in the background. +A neon bar sign flashing "Last Call" hovers above a bustling nightclub, casting vibrant hues of blue and red over the lively crowd spilling onto the street, with the city's nightlife in full swing behind them. +Realistic urban scene with vibrant graffiti on a subway wall, prominently featuring the text "Metro Dreams Never Die" in bold, colorful letters. The graffiti is partially illuminated by the dim light of the subway tunnel, casting soft shadows and giving the scene a gritty, yet hopeful atmosphere. +A weathered gravestone in an overgrown cemetery, the epitaph "Told You I Was Sick" barely visible through the moss and lichen, surrounded by tall grass and autumn leaves. +A detailed weather forecast map with vibrant colors and dynamic storm patterns, prominently displaying the text "100% Chance of Meteors" in large, bold letters, set against a backdrop of a starry night sky with a few meteors streaking across. +A backstage pass labeled "All Access Artist" hangs from a lanyard, draped over a worn leather jacket on a cluttered dressing table. Dim stage lights reflect off the pass, casting a glow in the chaotic, pre-show backstage area. +A magic 8-ball hovers in a misty, dimly lit room, its surface reflecting a soft glow. Inside, the answer "Ask Again After Coffee" is clearly visible, adding a whimsical touch to the mysterious scene. +A realistic smartphone screen displaying a weather app notification warning "Storm Alert Level 4", with a dark, stormy sky and heavy rain in the background, emphasizing the severity of the alert. +A colorful birthday balloon, adorned with "Celebrate Today" in elegant gold letters, floats gently in a sunlit room, casting soft shadows on the pastel walls. +In an ancient Egyptian tomb, a grand sarcophagus lies under soft, ambient light. The golden surface is intricately inscribed with hieroglyphs, prominently featuring the phrase "Eternal Rest" in clear, elegant letters. The scene captures the solemnity and majesty of the Pharaoh’s final resting place. +A high-tech space station module with a clear label reading "Oxygen Generation Unit" on its metallic surface, surrounded by intricate mechanical components and illuminated by soft, blue lights. +A close-up of candy heart sweets in pastel colors, each printed with "AI U", scattered on a soft, light pink background. The scene is brightly lit, emphasizing the sweet, romantic feel of the candies. +A phone screen lights up in a dimly lit room, displaying a notification that reads "Meeting at 3 PM". The phone is placed on a cluttered desk, surrounded by notebooks and a coffee cup, with a window showing a rainy cityscape in the background. +A bustling casino at night, with a vibrant neon sign flashing "Jackpot Winner" above the entrance, drawing excited crowds and casting colorful reflections on the polished floor and nearby slot machines. +A colorful parrot perched on a wooden branch, with a vibrant green leafy background. The parrot has a speech bubble that reads "Polly Want A Cracker", emphasizing the playful and classic phrase. +A realistic photograph of a gym water bottle, sleek and modern, with "Stay Hydrated" etched into its surface, sitting on a gym mat next to a pair of workout shoes. +A dragon’s treasure hoard, gleaming under ancient torchlight, with a prominent gold coin stamped "Gold Dragon 999" nestled among jewels and artifacts, reflecting a mystical and rich atmosphere. +A somber graveyard scene under a cloudy sky, with an old, weathered gravestone prominently displayed. The engraving on the gravestone clearly reads "I Told You", surrounded by overgrown grass and fallen leaves. +An astronaut stands in a desolate lunar landscape, their helmet visor displaying a critical "O₂ LOW" warning in bright red, casting a grave expression on their face. The scene is set during a tense moment of a space mission, with the Earth visible in the distant black sky. +A bustling pet store fish tank, prominently labeled "Piranha Playground", featuring a vivid underwater scene with colorful decorations, artificial plants, and a school of piranhas swimming energetically, surrounded by curious onlookers and playful lighting. +A close-up of a student's notebook page, with a doodle in the corner reading "Math is Hard", surrounded by scribbled equations and notes. The doodle is simple, with a distressed pencil sketch style, and the page shows signs of frequent use, with creases and coffee stains. +An ancient, weathered stone tablet covered in intricate alien hieroglyphs, translating to "Humans LOL", set against the backdrop of a dusty, archaeological excavation site under a vivid sunset. +A realistic smartphone screen with a notification pop-up that reads "Battery at 10%", set against a blurred background of a modern living room. The phone is held in a hand, with fingers slightly touching the screen, emphasizing the urgency of the low battery alert. +A realistic photograph of a moon base airlock panel, with a prominent warning sign that reads "Decompression Risk", set against the backdrop of a barren lunar landscape. +A close-up of a pillow shaped like the phrase "Weekend Ready", featuring fun, jumbled alphabet letters. The pillow is nestled next to a slice of bread, creating a whimsical and artistic composition that blends graphic art with a cozy, everyday scene. +A vintage library bookplate, delicately aged with a subtle sepia tone, stamped with "Property of Arcane Academy" in elegant, gothic lettering, surrounded by intricate, mystical symbols and a faded border. +A cinema lobby at dusk, a vintage popcorn machine stands prominently, its sign blinking "Freshly Popped" in neon lights, surrounded by the subtle glow of movie posters and the gentle hum of excited chatter. +A futuristic spaceship's control panel, with a large screen prominently displaying "Warning Low Fuel" in glowing red text, surrounded by various buttons and gauges, all bathed in the dim blue light of the cabin. +A cozy, wooden door with a warm, golden light spilling from the room inside, featuring the word "Welcome" elegantly written in cursive on a rustic, wooden plaque mounted at eye level. +A vibrant, realistic photograph of a pizza box with the slogan "Extra Cheese Extra Joy" prominently displayed. The box is partially open, revealing a steaming hot pizza with an abundance of melted cheese. The scene is set on a wooden table with a warm, inviting kitchen in the background. +A futuristic time machine's dashboard, with a sleek, high-tech display panel showing the text "Destination 3023" in glowing blue, set against a backdrop of intricate, glowing circuits and holographic interfaces. +A gym interior with modern treadmills, one of which has its screen flashing the message "Cheeseburger Detected" in bold letters, surrounded by puzzled joggers and gym equipment. +A realistic photograph of a submarine control panel, with the depth gauge prominently displaying "Current Depth 3280m", surrounded by various buttons and screens, illuminated by the soft glow of the instruments. +Ancient Egyptian tomb walls adorned with intricate hieroglyphs that translate to "Cursed Treasure", illuminated by the dim light of a flickering torch, casting eerie shadows across the dusty, timeless chamber. +A dilapidated fitness center with a zombie-themed sign that reads "Brains & Gains", surrounded by overgrown weeds and abandoned workout equipment, under a dim, eerie sky. +A weathered pirate flag with the text "Dead Men Tell No Tales" flutters in the salty sea breeze, above a dark wooden ship at sunset, surrounded by turbulent waves and a stormy sky. +In a dimly lit room, a sleek spy gadget screen flashes "Target Acquired 007" amidst a backdrop of high-tech equipment and shadowy figures. The scene captures the tension and sophistication of a classic espionage setup, with a focus on the gadget's illuminated display. +A realistic photograph of a zoo exhibit, featuring a sign prominently labeled "Lion Habitat", surrounded by lush, natural scenery and possibly a lion in the background, emphasizing the wild yet controlled environment. +A high-resolution smartwatch face with a modern, sleek design, displaying a notification that reads "10000 Steps Unlocked", set against a clean, minimalist background with subtle gradients and soft shadows to highlight the watch's features. +A neon diner sign glowing with "Open 24 Hours" stands out against a dark, rainy city street, reflecting off wet pavement and illuminated by the occasional passing car. +A cozy café with a "Free WiFi" logo prominently displayed in the window, surrounded by potted plants and a wooden bench outside, capturing the inviting atmosphere of a sunny morning. +An ancient, leather-bound wizard's spellbook lies open on a wooden desk, illuminated by a single candle. The page titled "Turnip to Gold" is visible, with intricate illustrations of a turnip and gold coins, surrounded by mystical runes and handwritten notes in faded ink. +A cozy artisan cheese shop with a rustic wooden sign hanging above the door. A chalkboard outside lists "Aged 5 Years Limited Stock" in elegant script, surrounded by baskets of fresh bread and wheels of cheese on a wooden table. +A detailed pirate map with an X marking "Treasure Here" near lush palm trees, set against a backdrop of sandy shores and rolling waves, with a hint of an old compass and a weathered ship in the distance. +A vintage car with a classic design, prominently displaying the license plate "CLASSIC55", parked on a cobblestone street under a nostalgic streetlamp, surrounded by autumn leaves. +A road construction site at dusk, with a blinking sign displaying "Slow Down" in bright yellow, set against the backdrop of a fading orange sky, surrounded by workers and machinery. +A child’s colorful drawing of a whimsical dragon, with large, expressive eyes and a fluffy, cloud-like body, labeled "Mr Fluffy" in crayon underneath. +An artist's workspace, vibrant and chaotic, with a large, open paint can labeled "Color Splash" spilling a cascade of bright, swirling colors across a canvas, surrounded by brushes, palettes, and half-finished artworks. +A close-up of a wizard hat with intricate embroidery that reads "Spellcaster Academy", set against a background of ancient, dusty books and magical scrolls, capturing the essence of a timeless, mystical educational institution. +A cluttered detective's office with a wooden door featuring a brass plaque that reads "No Case Too Silly", surrounded by stacks of files and a vintage typewriter on a worn desk. +A detective's evidence bag, labeled "Suspicious Crumbs", lies on a dark, wood-grained table, illuminated by the soft glow of a desk lamp, creating a moody, noir atmosphere. +A detailed map of an astronaut's moon base, labeled "Lunar Colony Alpha", displayed on a futuristic control panel with soft blue lighting, surrounded by the barren lunar landscape and distant Earth gleaming in the background. +A dark forest clearing at night, a small campfire's smoke curling upwards and mysteriously forming the words "Help Trapped Here" against the starlit sky, the glow of the fire casting shadows on the surrounding trees. +A futuristic smartphone screen with a weather app alert flashing "100% Chance of Bad Decisions" in neon blue, surrounded by a dark, stormy night with lightning illuminating the cityscape. +A cozy café setting featuring a steaming coffee cup with a sleeve printed "Caution Hot", surrounded by warm lighting and rustic wooden furniture. +A futuristic space hotel corridor with sleek metallic walls and soft blue lighting. A guest inserts a keycard into the door of Room 42, which displays the message "Room 42 Towels Not Included" on a digital screen. +A realistic photograph of an elevator panel with an emergency button prominently displayed, labeled "Break Glass" in bold red text, set against a sleek, modern interior. +A chef's apron, stained with various sauce splatters, prominently displays the text "Kiss the Cook" embroidered in elegant cursive, set against a kitchen backdrop with stainless steel counters and a row of copper pots hanging above. +A realistic photograph of a reptile sticker on a wooden sign, reading "Caution Lizard Lounge", set against a backdrop of lush, green foliage and sun-dappled ground, capturing the serene yet cautionary essence of a lizard habitat. +A dramatic photo illustration of Earth, enveloped in a storm, being struck by multiple converging lightning bolts, each bolt merging into a single powerful strike, titled "purpose". +In a rain-drenched cyberpunk city, a towering billboard advertises "Neon Dreams Inc" with vibrant, flickering lights. The scene is bustling with futuristic vehicles and pedestrians, all reflected in the wet, glossy streets. +A camping tent in a forest clearing, with a noticeable patch on its side reading "No Bears Allowed", surrounded by trees and camping gear, under a clear blue sky. +A high-contrast T-shirt design featuring bold, modern text "Code All Night" in neon colors, set against a dark, gradient background with subtle coding symbols and icons floating around the text. +A construction site with barriers wrapped in bright yellow tape, prominently displaying the warning "Danger High Voltage", set against a backdrop of industrial machinery and power lines. +A high-energy gym scene with vibrant lighting and modern equipment, featuring a large, motivational poster on the wall stating "No Excuses Just Results", surrounded by determined athletes working out intensely. +A classroom poster of the solar system, featuring colorful planets orbiting the sun, with Pluto prominently labeled "Still a Planet in Our Hearts" at the edge of the system, surrounded by a heart-shaped glow. +A sleek, futuristic spy gadget manual lies open on a dark, high-tech surface. The page displays detailed schematics and a glowing, neon-blue button labeled "Invisibility Mode On", surrounded by intricate, tech-laden illustrations and diagrams. +A vintage movie theater at night, the marquee brightly lit and displaying the title "The Sequel Worse Than Ever" in bold, neon letters. The theater's facade is adorned with old-fashioned posters, and a few intrigued moviegoers stand outside, discussing the film. +A realistic photograph of a hospital nursery, with a clear sign that reads "Baby Girl Johnson" hanging above the crib, soft lighting, and a gentle, warm atmosphere. +A close-up of a novelist's bookmark, with the reminder "Plot Holes Happen" clearly visible, lying on a weathered wooden desk beside a half-filled cup of coffee and a stack of manuscript pages. +A close-up of an artist's paint palette, labeled "Color Outside the Lines", with a variety of vibrant, mixed colors and a few paintbrushes resting on the side, set against a soft, blurred background. +A realistic photograph of an arcade claw machine with a plush toy prize prominently displayed, tagged with a sign that reads "You Wont Win Me", set against a backdrop of colorful game lights and reflections. +A high-resolution smartwatch display showing the message "Step Goal Achieved" with a vibrant green checkmark, set against a sleek, modern watch interface with a black background and subtle gray accents. +A wizard gazes into a crystal ball that glows with an ethereal light, the words "Seek Your Destiny" shimmering within its depths, set against a backdrop of ancient, mystical runes and a dimly lit, enchanted forest. +A realistic smartphone screen displaying a weather app alert with the message "Tornado Warning Active", set against a backdrop of a dark, stormy sky with swirling clouds, emphasizing the urgency of the warning. +An ancient stone tablet, weathered by time, with deep, intricate carvings that read "Beware the Kraken" in a bold, ancient script. The tablet is partially overgrown with moss, set against a backdrop of dense, misty forest. +A dark forest clearing at night, a witch in tattered robes stirs a bubbling cauldron under a full moon, the potion glowing with an eerie green light. The ingredients "Add Frog, Stir 3x" are clearly visible, emphasizing the magical ritual. +A close-up of tree bark, intricately carved with the words "Bigfoot Was Here 103123", set against a backdrop of dense forest foliage. The texture of the bark is rough and aged, with moss partially covering the carved letters. +A realistic photograph of a voting booth with an instruction sheet titled "Select One" clearly visible on the booth's wall, illuminated by soft overhead lighting, with a subtle focus on the sheet to highlight its importance. +A robot stands in a bustling city square, holding a sign that says "I'm not a robot", its metallic frame contrasting with the vibrant, colorful surroundings. Passersby glance curiously, some smiling, others puzzled, as the robot stands firm, almost blending into the urban landscape. +A detailed spyglass with intricate engravings, prominently featuring the text "Property of Captain Obvious" along its barrel, resting on a weathered map with compass roses and old nautical charts in a dimly lit cabin of an ancient ship. +A vintage circus banner proudly exclaiming "Greatest Show on Earth", flutters in the breeze, set against a backdrop of a bustling carnival with colorful tents and excited crowds. +A high-fashion runway model confidently struts down the catwalk, adorned with an elegant silver necklace that prominently displays the text "COUTURE WEEK 2024". The model's sophisticated attire and the luxurious backdrop highlight the exclusive atmosphere of the event. +A neon "Open 247" sign glows brightly above a dimly lit convenience store, casting a vibrant hue over the pavement and the few late-night shoppers. The scene is set in a quiet urban street, with a faint glow from distant streetlights adding to the atmospheric night setting. +A gym interior with a weight rack prominently displaying a sticker that reads "Lift At Own Risk". The scene is bustling with athletes, and the sticker is clearly visible, emphasizing the gym's safety message. +A weathered pirate ship sails the open sea, its flag proudly waving in the wind, emblazoned with the words "Mostly Harmless". The ship's deck is cluttered with barrels and ropes, and the crew is visible in the background, adding a sense of adventure and mystery to the scene. +A bustling sushi restaurant with a traditional noren curtain hanging at the entrance, printed in bold Japanese characters that read "Fresh Tuna Today", swaying gently in the afternoon breeze. +A weathered WWII love letter, its edges frayed and stained, lies on an old wooden desk. The final words, "Forever Always A", are barely legible, evoking the poignant longing of a bygone era. +A rustic farmer's market scene with a chalkboard sign prominently displaying "Fresh Strawberries 3lb" amidst a variety of colorful produce and bustling shoppers. The sunlight filters through, casting warm, natural shadows. +A detailed hiking trail map header featuring the text "Waterfall Trail Loop" in bold, set against a backdrop of lush green forests and a cascading waterfall, with subtle trail markers and distance indicators. +A modern smartphone screen with a grid of app icons, prominently featuring a vibrant, colorful icon labeled "Social Media Apps" in the center, surrounded by other familiar app icons. The background is a sleek, gradient design, typical of contemporary mobile interfaces. +A realistic classroom scene with a detailed periodic table poster on the wall, prominently highlighting "Element Au Gold" with a golden border and a small illustration of a gold nugget. Students' desks and a chalkboard in the background. +A weathered wanted poster, featuring a black-and-white sketch of a rugged outlaw, is nailed to the old, wooden door of a saloon. The poster reads: "Reward 500 Alive" in bold, faded lettering, against a backdrop of a dusty, Old West town. +A vibrant theater marquee at night, brightly lit with neon lights, announcing "Now Showing Matilda". The marquee is set against a dark urban background, with a few pedestrians passing by, highlighting the playful and magical atmosphere of the children's story. +A realistic photograph of an airport security checkpoint, where a conveyor belt carries luggage and personal items. A small, sleek bin stands out, labeled with a sign that reads "Place Hope Here", amidst the hustle and bustle of travelers. +A medieval knight stands proudly, holding a large, ornate shield painted with the bold inscription "Defender of Realm", set against a backdrop of a bustling castle courtyard. The knight's armor gleams in the sunlight, reflecting the detailed craftsmanship of the shield. +A close-up of a smartwatch screen displaying a reminder that reads "Buy Milk 6PM", set against a blurred background of a modern kitchen, with sunlight streaming in through a window, creating a warm, ambient glow. +A crowd gathers at the marathon finish line, waving flags and cheering enthusiastically. A large banner above them reads "Congratulations" in bold letters, celebrating the runners' achievements. The scene is vibrant and full of energy, capturing the spirit of the event. +A vibrant board game box cover featuring bold, colorful graphics and the prominent text "Strategy Game of the Year" at the top, set against a backdrop of strategic game pieces and a map. The design is modern and eye-catching, with a sleek, professional finish. +A mysterious magic mirror in an ancient, dimly lit room, its surface shimmering with an ethereal glow. The reflection whispers "Meh 510", the words faintly visible in the mirror's depths, surrounded by swirling mists and faint, glowing symbols. +A wizard’s hat with "Magic Inside" embroidered in glowing runes, resting on an ancient, dusty tome in a dimly lit, mystical library. +A carnival fortune teller, draped in vibrant scarves, gazes into a crystal ball that glows with an eerie light, revealing the words "You'll Regret This" in a mysterious, swirling script. The dimly lit tent is adorned with mystical symbols and flickering candles. +A worn leather notebook with "Field Notes 2024" embossed on the cover, lying on a rustic wooden table under a soft, warm lamp, surrounded by scattered autumn leaves and a cup of steaming coffee. +A detailed close-up of a sculpture base, intricately engraved with the words "Harmony in Chaos", set against a backdrop of rough, weathered stone, capturing the contrast between the delicate inscription and the rugged material. +A realistic smartphone screen displaying a weather app with a prominent alert stating "Storm Warning Active", surrounded by dark, stormy skies and a few raindrops on the screen. +A realistic construction site with orange and white barrier tape fluttering in the breeze, prominently printed with "Danger Excavation Zone". Heavy machinery and hard-hatted workers are visible in the background, adding context and scale to the scene. +A realistic classroom scene with a prominent clock on the wall, its face displaying the text "Time to Learn" in a playful, child-friendly font, surrounded by students engaged in various learning activities. +A neon sign above a bustling nightclub entrance flashes "Euphoria Lounge" in vibrant pink and blue, casting colorful shadows on the excited crowd gathering below. +A close-up of a coffee cup with a sleeve that clearly displays the warning "Caution Hot Contents", set against a warm, cozy background with a subtle, ambient light. +A skier navigates the steep and icy "Black Diamond Run", with trees lining the sides and a crisp, snowy landscape stretching into the distance. The sky is overcast, casting a dramatic shadow on the challenging terrain. +A close-up of a rustic bread bag tag labeled "Artisan Sourdough", hanging from a freshly baked, crusty loaf of sourdough bread in a cozy bakery, with warm lighting and wooden shelves in the background. +A close-up of a spacesuit helmet visor, with "O₂ LEVELS CRITICAL" displayed in bold red letters against a dark, reflective surface, set against the backdrop of a vast, star-filled space. +A neon bookstore window sign glowing "Read More Live More" illuminates the rainy night street, reflecting off wet pavements and drawing the attention of passersby. The warm interior lights of the bookstore create a cozy contrast to the cool, urban environment. +In a dimly lit ancient cave, a detailed wall painting depicts a majestic mammoth, its tusks and fur intricately rendered. Above the painting, in bold, ancient script, reads "Dinner Tonight", suggesting a prehistoric menu. The scene is illuminated by flickering torchlight, casting dramatic shadows. +A medieval knight stands proudly, his shield prominently displaying the engraved Latin motto "For Honor and Glory". The scene captures the knight in a sunlit clearing, the detailed engravings on the shield reflecting the golden rays. The knight’s armor gleams, emphasizing the noble and valiant atmosphere. +A towering skyscraper under construction, with a prominent steel beam signed "Top Floor Dreams" jutting out at the top, surrounded by scaffolding and workers in high-visibility vests. The city skyline is visible in the background, bathed in the golden light of sunset. +A close-up of a digital drone controller with a red "Battery Low Return Home" warning displayed on the screen, set against a backdrop of a drone flying back towards its starting point in a sunset sky. +A sleek spaceship hull, painted with "Galaxy Explorer" in bold, vibrant letters, reflecting the stars and nebulae of the surrounding galaxy, set against a backdrop of distant planets and cosmic dust. +A realistic photograph of a sleek, modern car parked on a city street, with a prominent sign on its side that reads "eupithecia" in bold, clear letters. The car is surrounded by urban scenery, with buildings and pedestrians in the background. +A bustling city street at night, with a storefront neon sign glowing "Open 24 Hours" in vibrant red and blue, casting a soft glow on the pavement and reflecting in the wet cobblestones. +A bustling basketball court with "Home Team Territory" emblazoned on the floor, surrounded by enthusiastic fans in team colors, under the glow of overhead lights, capturing the intensity of a pivotal game moment. +A realistic photograph of a modern meeting room with a whiteboard prominently featuring the scribbled text "Quarterly Goals 2024", surrounded by scattered sticky notes and pens, with a sleek conference table and chairs in the foreground. +A dimly lit street at night with a neon bar sign flickering "Last Call 2 AM" above a vintage brick building, rain-slicked pavement reflecting the vibrant colors, and a lone figure standing under a nearby streetlamp. +A school hallway with lockers, one of which has a name tag clearly visible, reading "Property of Alice", in a modern, realistic style. +Studio shot of multicolored fur shaped into the word "hello", framed with a furry border on a white background, centered. +A weathered, old wanted poster hanging on a wooden stake in a dusty, sun-baked town square, featuring the text "500 Reward for Silence" in bold, faded letters. The poster is slightly torn, with a Wanted face sketch below the text, set against a backdrop of worn, wooden buildings and a distant, arid landscape. +A zombie with a tattered shirt, prominently stitched with "Brains R Us", stands in a dimly lit, abandoned alley. The shirt is ripped and stained, emphasizing the creature's decayed state. +A rustic farm windmill with blades painted in bold, vibrant letters that spell "Turn Faster", set against a clear blue sky, with rolling green fields and a few scattered clouds in the background. +A close-up of a scientist's lab coat badge, clearly displaying the name "Dr Emily Quantum", set against a backdrop of laboratory equipment and scientific instruments, capturing the essence of a modern research environment. +A time traveler stands against a vintage cityscape, their wrist prominently displaying a tattoo that reads "Born to CtrlZ", the intricate design blending futuristic elements with retro aesthetics. The scene is captured in a realistic photographic style, with soft evening light enhancing the tattoo's detail. +A vast desert landscape with a lone signpost standing amidst the sand dunes, clearly pointing towards "Water 1 Mile" in the distance, under a blazing sun with a hint of greenery on the horizon. +A casual snapshot of a person wearing a white t-shirt that says "reigns" in bold, black letters, standing in a vibrant, urban street scene with colorful graffiti and bustling city life in the background. +A realistic photograph of an airport security checkpoint, featuring a clear sign stating "No Liquids Over 3oz" prominently displayed, with travelers and luggage in the background, emphasizing the modern, busy atmosphere of the airport. +A fluffy kitten, sitting on a wooden porch, holds a small sign that reads "I want fish", surrounded by autumn leaves gently falling around it. +An astronaut stands against the backdrop of a Martian landscape, the sun setting behind the red hills. Their space suit prominently displays a patch reading "Mars Mission 2040", reflecting the ambitious journey of human exploration. +A vibrant concert poster with "Sold Out" boldly stamped across it, featuring dynamic fonts and a lively crowd in the background, capturing the excitement and energy of a fully packed venue. +A fast food drive-thru menu featuring a special item labeled "Regret Meal", with a close-up of the neon-lit sign and a queue of cars waiting in the background, captured in a realistic photographic style. +A close-up of a pet collar tag, intricately engraved with "If lost call 555MEOW" and surrounded by charming pawprint motifs, set against a soft, blurred background of grass and flowers. +A "SOLD" sticker prominently slapped across a real estate yard sign, set against a backdrop of a suburban landscape with a white picket fence and a neat lawn, under a clear blue sky. +A bakery box, wrapped in brown paper, stamped "Handle With Care", sitting on a rustic wooden table, with a warm, golden light streaming through a nearby window, casting soft shadows. +A medieval dragon rider's saddle, adorned with an intricate plaque that reads "Property of Æthelred", set against the backdrop of a misty forest at dawn. The saddle is detailed with leather straps and metal buckles, reflecting the early morning light. +A close-up of a cat's food bowl, intricately engraved with the words "Feed Me Now Human", set on a rustic wooden table with soft, natural light casting a warm glow, emphasizing the playful and humorous inscription. +A futuristic sci-fi book cover featuring sleek, metallic robots exploring the icy, cracked surface of Europa. The title "Robots of Europa" is prominently displayed in bold, futuristic font, illuminated by the distant, cold light of Jupiter in the background. +A cozy bakery window display featuring an assortment of "Gluten Free Options", including pastries, bread, and cakes, arranged on rustic wooden shelves with soft, warm lighting highlighting the fresh, inviting treats. +A vintage witch trial poster featuring gothic typography and eerie illustrations, prominently displaying the text "Eye of Newt Half Off Sale" amidst a backdrop of a foggy, moonlit village square. +A dimly lit, ancient corridor with a mysterious, wooden secret door adorned with an old, brass sign that reads "Knock Three Times", partially hidden by cobwebs and shadows. +A museum gallery with soft, ambient lighting, featuring a detailed plaque beneath a famous painting. The plaque reads, "Sunflowers by Van Gogh 1888". The painting shows vibrant sunflowers in a vase, with rich yellows and browns, set against a simple, textured background. +A cluttered desk with a laptop open, displaying an error message "Disk Full" on the screen, surrounded by scattered papers and a coffee cup. The room is dimly lit, with a single lamp casting a warm glow, highlighting the frustrated atmosphere. +A vibrant, close-up shot of a crinkled candy wrapper featuring the bold slogan "Taste the Rainbow", set against a soft, blurred background with hints of a colorful, festive environment. +A detailed treasure map with "X Marks the Spot" written in elegant cursive, surrounded by intricate illustrations of mountains, forests, and a coastline, with a compass rose and faded paper texture, hinting at its age and the adventure it promises. +A rustic farmer’s barn, its weathered wood painted with the words "Fresh Eggs 2" in bold, faded letters, set against a backdrop of rolling hills and a clear blue sky. +A clear "No Outside Beverages" sign prominently displayed at the entrance of a bustling sports arena, with excited fans in the background, some holding empty cups, under the bright lights of the venue. +A sleek, futuristic spaceship with its hull boldly painted with the phrase "Mars or Bust", docked against a starlit background, ready for an interplanetary journey. +A realistic photograph of a boxing ring, the floor mat boldly printed with "Round 13 Final Showdown", under the bright lights of a packed arena, with spectators in the background. +A high-quality photograph of a T-shirt featuring a grumpy cat with the text "Talk to the Paw" printed on it, set against a minimalist white background. The cat's expression is detailed, showing its characteristic frown and sassy attitude. +A realistic photograph of a robot chef wearing a chef's hat embroidered with "BatteryPowered Baker", standing in a modern kitchen, holding a freshly baked pie, with a sleek, futuristic design and a friendly, humanoid expression. +A cinematic movie poster for "Childhood Lost", featuring a young boy standing alone in a desolate, urban alley at dusk, with a melancholic expression, surrounded by fading graffiti and broken toys, evoking a sense of nostalgia and loss. +A realistic photograph of a laboratory whiteboard with the text "Test Results Positive" clearly visible, surrounded by scattered markers and scientific notes. The room is modern, with sleek, white surfaces and high-tech equipment in the background. +A modern kitchen with a sleek, stainless steel washing machine displaying "Cycle Complete" on its digital panel, set against a backdrop of light wooden cabinets and a sunlit window, capturing a moment of household tranquility. +A serene beach scene with a mermaid-themed signpost reading "No Fishing Only Friendship", surrounded by gentle waves and colorful seashells, under a bright, sunny sky. +A Christmas ornament adorned with the phrase "Joyful Tidings" in elegant gold lettering, hanging delicately from a lush, green Christmas tree, surrounded by soft, twinkling lights and a scattering of gift boxes beneath. +A gritty crime scene where bloodstains on a wooden floor spell out "Check Attic", with a detective's flashlight casting shadows and a notepad lying nearby, emphasizing the eerie and tense atmosphere. +A poet’s vintage typewriter with paper jammed, displaying the words "Words Fail Me Now" in a dimly lit study, surrounded by scattered books and ink bottles. +A majestic dragon soars over a mystical realm, its wings casting shadows on ancient, enchanted forests and towering castles. The horizon glows with a magical twilight, and in the sky, the title "Realm of Dragons" is emblazoned in glowing runes. +A vibrant, realistic photograph of a DIY workshop manual cover featuring the title "Build It Yourself Guide" in bold, modern typography, surrounded by hand-drawn tools and materials, set against a rustic wooden background. +A close-up of a dog's collar, with a shiny metal tag engraved with "Call My Human", reflecting a soft outdoor light, set against a blurred green background. +A realistic photograph of a birthday cake with intricate frosting piping that spells out "Over the Hill at 40" in elegant script, surrounded by colorful candles and sprinkles, set on a rustic wooden table. +An art studio door with a hand-painted sign that reads "Wet Paint", surrounded by vibrant, splattered paint marks and artistic tools like brushes and palettes, set against a warm, natural light background. +A detailed, hand-scribbled prison escape map with "Tunnel Behind Cell 3" clearly marked, lying on a rough wooden table under the dim light of a flickering candle, with the walls of a dimly lit cell visible in the background. +A realistic photograph of a zoo exhibit featuring a sign that reads "Lion Habitat No Feeding", surrounded by a lush, natural enclosure with tall grass and rocks, and a majestic lion in the background. +A close-up of a sleek, futuristic time machine dashboard with a glowing screen displaying "AD 1492 Loading", surrounded by intricate dials and buttons, set against a backdrop of soft, ambient lighting. +A close-up shot of a paper fortune cookie message that reads "Adventure Awaits You Tomorrow", laid on a rustic wooden table with a soft, warm glow from a nearby candle, enhancing the sense of anticipation and mystery. +A vintage parchment document with elegant, aged edges, featuring the bold, historic text "We the People" in elegant calligraphy, illuminated by a soft, warm light that highlights the texture of the paper and the depth of the ink. +A detailed beach scene with a sandcastle featuring a flag made of popsicle sticks. The flag proudly displays the words "Kings Tide Fort" in bold, colorful letters. Sunlight glints off the waves, and seagulls hover overhead. +An astronaut stands on the moon, leaving a footprint that clearly reads "One Small Step" in the lunar soil, under the vast, dark sky dotted with distant stars. +A serene yoga studio with minimalist decor, featuring an elegant wall art piece that prominently displays the phrase "Breathe In Peace" in a modern, flowing font, surrounded by soft, natural lighting and calming earth tones. +A gym poster with bold, vibrant colors, featuring a determined athlete mid-workout, with the motivating slogan "No Pain No Gain" prominently displayed in dynamic, eye-catching typography. +A realistic photograph of a parking garage ticket stub, crumpled slightly, with the text "Valid Until 8 PM" clearly visible, lying on a concrete floor with shadows from overhead lights. +A child's lunchbox, adorned with colorful stickers spelling "Space Snack Zone", sits on a wooden table. The lunchbox is slightly open, revealing a playful arrangement of snacks, with small toy planets and stars scattered around, creating a whimsical space-themed scene. +A realistic photograph of a rusty metal plaque stating "Radioactive Zone" leaning against the crumbling wall of an abandoned factory, surrounded by overgrown weeds and scattered debris, with a somber, desaturated color palette. +A beautifully decorated birthday cake with "Happy 100th Birthday" written in elegant blue icing, surrounded by colorful candles and set against a warm, celebratory background. +A close-up of a basketball jersey back, prominently displaying "MVP Player 23" in bold, vibrant letters, set against a textured fabric background with subtle team colors and logos. +A futuristic cityscape at dusk, with a large, floating hologram ad prominently displaying "Sky City Apartments" in vibrant, glowing colors, set against a backdrop of towering skyscrapers and flying vehicles. +A close-up of an engraved silver ring with the inscription "Forever Yours" on a black velvet background, captured in soft, warm lighting to highlight the intricate details and the ring's shine. +A realistic photograph of a prohibition sign "No Entry" mounted near construction site barriers, with workers in hard hats in the background and caution tape stretched across the entrance. +A vintage movie poster titled "Galaxy Quest 2150" with glowing text, set against a starry night sky, featuring a futuristic spacecraft and heroic characters in space suits, all illuminated by a neon-blue glow. +A close-up shot of a sleek, black USB drive with a white label that clearly reads "Backup Data 001", resting on a smooth, dark surface with a soft, ambient light highlighting the label. +A film set with a movie clapperboard labeled "Take 42 Still Wrong", surrounded by crew members and equipment, under the soft glow of studio lights, capturing the moment just before the director calls for another take. +A close-up of a vintage gardener’s seed packet labeled "Magic Beans 20" with vibrant, swirling rainbow font, set against a rustic wooden background, capturing the essence of enchantment and growth. +A realistic photograph of a chemistry lab with a whiteboard prominently displaying the "Compound Formula H2O" in bold letters, surrounded by various lab equipment and scientific instruments. +A witch's cauldron bubbles in a dark, misty forest, the steam rising and forming the words "Soups Ready" above it, illuminated by the moonlight. +A child's lunchbox sticker featuring the playful text "Snack Attack Survivor" alongside a vibrant, cartoonish dinosaur munching on snacks, set against a colorful, cheerful background. +A dimly lit dive bar bathroom with a graffitied wall that reads "Out of Order" in bold, red letters. The scene captures the gritty, worn-out ambiance of the place, with peeling paint and a dirty, cracked mirror reflecting the distressed wall. +A realistic photograph of a post office package, prominently displaying a red stamp that reads "Fragile Handle With Care", surrounded by other packages and postal paraphernalia. +A vintage suitcase, weathered and worn, adorned with a classic sticker that reads "Paris 1920", set against a backdrop of a 1920s Parisian street scene, capturing the essence of early 20th-century travel. +A vibrant fireworks display illuminates the night sky, spelling out "Happy New Year" in a dazzling array of colors, with the cityscape below shimmering in the reflection of the explosive lights. +A realistic photograph of a train ticket with the text "Express to Central" clearly visible. The ticket is slightly worn, with creases from being folded, and shows the details of a modern train station in the background. +A bustling street with a storefront window boldly painted "Grand Opening", surrounded by colorful banners and curious onlookers, capturing the excitement of a new business venture in a vibrant neighborhood. +A panoramic view of a mountain summit, with a stone marker prominently displaying "Elevation 4200 meters" against a backdrop of misty peaks and a clear blue sky. The scene is captured in a realistic photographic style, emphasizing the rugged terrain and the stark beauty of the high altitude. +A serene park scene with a wooden bench under a canopy of oak trees. On the bench, a small, polished plaque is inscribed with "Rest in Adventure", surrounded by fallen leaves and wildflowers. The afternoon sunlight filters through the branches, casting a gentle glow. +A gardener kneels on a soft, green lawn, hands buried in rich, dark soil. A kneepad emblazoned with the words "Dirty Hands Clean Soul" rests beside them, highlighting the serene, fulfilling connection between nature and the human spirit. +A close-up shot of a greenhouse plant tag labeled "Sunflower Seedling", surrounded by vibrant, young sunflower plants with dew drops glistening on their leaves, under the soft, warm light of a sunrise. +A bustling cruise ship deck at 8 PM, illuminated by vibrant lights. Guests in stylish evening wear gather around the pool, where a DJ sets the mood with upbeat music. Large signs read "Pool Deck Party 8 PM" as the ocean glistens in the background, creating a lively and festive atmosphere. +In a desolate post-apocalyptic landscape, a dilapidated gas station sign reads "Last Fuel 1000 miles". The sign is weathered, with peeling paint and rust, standing alone against a bleak, overcast sky. +A mountain rescue helicopter "Air Lift Team" hovers above a rugged, snow-covered peak, its powerful rotor blades slicing through the crisp alpine air. Rescuers in high-visibility gear prepare to lower a stretcher, while dramatic shadows and mist swirl around the majestic, rocky cliffs. +An ice cream truck parked on a sunny street, its colorful menu prominently displaying "Try Rocket Pop Flavor" in bold, playful letters, surrounded by illustrations of rocket-shaped ice pops in vibrant colors. +A realistic photograph of a laboratory door, prominently featuring a biohazard sticker with the text "Containment Zone" in clear, bold letters. The door is slightly ajar, revealing a glimpse of a high-tech, sterile lab interior. +An art gallery featuring a sleek, modern plaque titled "Abstract Thoughts in Blue" mounted on a white wall, with a minimalist abstract painting in shades of blue hanging above it, surrounded by soft, ambient lighting. +A realistic tattoo of a rose with intricate details, including thorns and petals, and a banner reading "Love Pain" elegantly wrapped around its stem, set against a smooth, slightly textured skin background. +A vibrant, modern board game box cover for "Monopoly 20 Edition", featuring a sleek, metallic finish with the iconic Monopoly logo prominently displayed. The design includes a cityscape background with skyscrapers and the game's signature elements like houses, hotels, and a playful mascot. +A realistic photograph of a hospital wristband wrapped around a patient's wrist, clearly printed with "Patient 24601 Room 307", set against a clinical white background. +A lighthouse beacon casting a long shadow over a rugged coastline, with the words "Safe Harbor" prominently displayed on the weathered stone wall. +A camping tent in a forest clearing, with a clear warning tag on the door that reads "Bear Country Caution", surrounded by tall trees and under a cloudy sky. +In a mystical forest, the bark of an ancient tree twists and spirals, forming the intricate words "Leaf Me Alone" in a delicate, organic script, surrounded by vibrant, lush leaves and subtle, dappled sunlight. +A scenic mountain summit with a signpost marked "Altitude 5000m", surrounded by rugged peaks and a clear blue sky, capturing the grandeur of high-altitude exploration. +A futuristic road construction site with a bright, neon barrier featuring a large, eye-catching sign that reads "Detour to Mars" pointing upwards, set against a backdrop of a bustling city and a clear night sky with Mars visible. +An astronaut stands next to a lunar rover, with a bumper sticker reading "My Other Car Is a Rocket" clearly visible on the rover's side, under the stark, shadowy landscape of the moon. +A realistic photograph of a construction site, with a worker adjusting their orange safety vest. In the foreground, a yellow hard hat prominently displays a sticker that reads "Safety First Always", against a backdrop of scaffolding and partially completed building structures. +A cozy coffee shop interior with a vintage chalkboard prominently displaying "Latte Cappuccino Mocha" in elegant script, surrounded by rustic wooden furniture and soft, ambient lighting. +A vintage, eerie hotel key tag with "Room 13 Check Out Never" inscribed in faded, gothic lettering. The tag hangs from a rusted chain, set against a dimly lit, dusty background with shadows creeping in from the corners. +A lone desert cactus stands tall, a sign attached to its side reading "No Water Check Cloud Storage". The arid landscape stretches endlessly, with a clear blue sky above, hinting at the irony of the cactus's message. +An astronaut floats in zero gravity, surrounded by stars and the vastness of space, holding a journal open to a page that reads, "Gravity is Overrated", with the Earth visible in the background. +A detailed beach scene with a large, intricate sandcastle featuring a flag labeled "King Sandy 2024" waving gently in the sea breeze, surrounded by seashells and footprints in the soft sand. +A vibrant rock band poster for the "World Tour Final Show", featuring the band members on stage with explosive lighting, a packed crowd in the background, and the tour logo prominently displayed at the top. +A cozy restaurant interior with a rustic wooden board hanging on a stone wall, chalked with "Lobster Risotto Today" in elegant cursive, illuminated by warm, ambient lighting. +A futuristic space station module labeled "Life Support Sector 5", floating against the backdrop of a distant, star-filled galaxy. The module's sleek, metallic surface reflects the soft glow of nearby stars, while intricate pipelines and control panels are visible along its exterior. +Neon bar sign flashing "Open 247" in a bustling downtown nightlife scene, with vibrant city lights and a crowd of people enjoying the vibrant atmosphere. +A beautifully decorated birthday cake with smooth red icing, the numbers "40 and Fabulous" spelled out elegantly on top, surrounded by sparkling candles and a sprinkle of edible glitter, set against a warm, festive background. +A cluttered lab with a scientist's whiteboard filled with complex equations, culminating in large, bold letters that read "Eureka Moment" at the bottom, surrounded by scattered notes and diagrams. +A vast, cosmic ocean where a colossal space whale, adorned with a sleek, high-tech tracking chip labeled "Migrating to Andromeda", glides through the starry void, leaving a trail of luminous stardust in its wake. +In a dimly lit museum hall, a massive dragon skeleton looms overhead, casting long shadows. Beneath it, a small, illuminated plaque reads: "Extinct Maybe", hinting at the mystery of its existence. +A stone monument stands in an ancient, overgrown forest clearing, its surface carved with the words "We Who Were Shadows" in intricate, ancient letters. Moss and ivy cling to its weathered surface, adding to its timeless mystery. +A rural farm scene with a weathered barn, its roof boldly painted with "Cloud Seeding In Progress", surrounded by rolling fields and a clear blue sky, capturing the essence of modern agricultural practices. +A realistic smartphone screen displaying a notification that reads "Memory Full", set against a blurred background of a modern, cluttered desk with scattered gadgets and papers, emphasizing the overwhelming feeling of digital clutter. +A close-up of a hotel key card sleeve with "Room 214" clearly visible, set against a background of a luxurious hotel hallway with warm lighting and rich, textured walls. +A movie set with a clapperboard prominently displaying the scene title "Plot Hole 23" in bold letters, surrounded by film equipment and crew members preparing for the next take. +A vintage radio, its wooden casing worn and slightly scratched, displaying the station "103 5 FM" on the dial. The scene is set in a cozy, retro room with soft, warm lighting, emphasizing the nostalgic feel of the radio. +A cozy wine cellar with dim, warm lighting, featuring a prominent display of the "Vintage 1998 Reserve" wine barrel. The barrel is intricately labeled, surrounded by aged bottles, and the scene is captured in a realistic photographic style, emphasizing the rich, rustic atmosphere. +A medieval tapestry with intricate border stitching, featuring the text "Year of Our Lord 1347" woven in elegant, aged threads, set against a rich, detailed background of historical motifs and symbols. +A vibrant, splashed paint banner proclaiming "Art Exhibition Friday" hangs outside a modern gallery, with passersby glancing curiously. The colorful banner contrasts against the sleek, glass façade of the building, capturing the essence of creativity and anticipation. +A man with a rugged, sun-tanned arm displays a detailed desert cactus armband tattoo, featuring vibrant green cacti and delicate thorns. The tattoo is inscribed with the phrase "Pain Builds Character" in elegant, flowing text, emphasizing strength and resilience. +A realistic photograph of a gym locker room with a prominent sign on the wall stating "Shower Shoes Required", surrounded by rows of lockers and a few pairs of shoes scattered on the floor. +A realistic photograph of an observatory telescope with a small, elegant plaque next to it, reading "View Saturn Here", set against the backdrop of a starry night sky. +A wizard's hat tag with "Wand Not Included" dangling from it, set on an ancient, dusty bookshelf in a mystical library, surrounded by flickering candles and old spellbooks. +A bustling space station cafeteria with a digital menu board prominently displaying "Recycled Air Soup" among other futuristic dishes, astronauts in casual space suits gathered around, discussing their meal choices. +A realistic photograph of a college dorm door, featuring a wooden nameplate that reads "Room 305 Welcome", with a subtle autumn leaf pattern in the background, capturing the essence of campus life. +A witch's broomstick parked against a stone wall, with a license plate clearly displaying "BROOM 1". The broomstick is ornate, with intricate carvings and a glowing aura, set against a misty, moonlit night. +A small mouse, holding a flashlight in its tiny paws, stands in a dimly lit room, casting a beam of light ahead. The mouse looks curious and determined, saying "challannain" with a bold expression. +A nostalgic vintage train station, dimly lit by early evening light, features a worn, wooden sign prominently displaying "Platform 9 ¾", partially obscured by steam from a passing locomotive, evoking a sense of mystery and magic. +A realistic photograph of a supermarket express lane with a sign clearly stating "10 Items or Regrets", surrounded by shopping carts and a few customers waiting in line. +A pirate ship navigates rough seas, its flag emblazoned with "Sea You Later" waving boldly in the wind, against a dramatic sky with dark clouds and a hint of sunset. +A mountain biker pauses on a rugged trail, with a signpost reading "Steep Descent Ahead" prominently displayed. The trail winds through a dense forest, with sunlight filtering through the trees, casting dappled shadows on the ground. The scene is captured in a realistic photographic style. +A cave explorer's map, detailed and slightly worn, with the notation "Chamber Of Echoes" prominently marked in a mysterious, echoing chamber deep within the cavern, surrounded by intricate symbols and compass directions. +A quaint lemonade stand with a hand-painted sign that reads "50 Cents", set against a sunny backdrop with children eagerly waiting in line, smiling and holding coins in their hands. +A plane soars above the city skyline, leaving behind smoke trails that spell out "inhabitants" in bold, legible letters, contrasting against the blue sky and bustling urban landscape below. +At a vibrant carnival, a vintage ticket booth stands prominently, its weathered wooden sign clearly displaying "Tokens Only" in bold, retro lettering. The scene is illuminated by the soft glow of nearby colorful lights, capturing the playful essence of the fair. +A romantic beach sunset scene with burning skywriting that reads "Marry Me Sarah" across the twilight sky, casting a warm, golden glow over the sandy shore and the calm, reflective ocean. +A medieval knight stands proudly, his shield prominently displayed. The shield is intricately painted with the motto "Honor First", in bold, elegant script. The knight is clad in weathered armor, standing against a backdrop of a lush, green forest. The scene captures the essence of chivalry and valor. +A detailed campground map with a prominent, cautionary marker that reads "Bear Territory Ahead", surrounded by forest icons and hiking trails, set against a backdrop of dense, verdant woods. +A classroom wall featuring a vibrant sticker chart labeled "Most Improved Reader", adorned with gold stars and colorful illustrations, celebrating students' reading achievements. +In a bustling airport terminal, the departure board prominently displays "Delayed Forever" in bright, flashing letters, casting an eerie glow over the anxious travelers and empty terminals, creating a surreal and slightly unsettling atmosphere. +A close-up of a sleek, modern hotel key card sleeve on a wooden desk, featuring the text "Room 1420 Access" in elegant font, with a subtle reflection of a city skyline through a nearby window. +A farmer's vintage green tractor parked in a sunlit barnyard, with a custom license plate reading "Old McFarm 2024" prominently displayed on the front. The tractor is surrounded by bales of hay and farm tools, with a clear blue sky and fluffy clouds in the background. +A vintage 1920s newspaper with a bold headline "Flapper Fever Sweeps Nation", surrounded by jazz era imagery, including flapper dresses, jazz musicians, and art deco elements. +A superhero cape with intricate embroidery that reads "Cape Certified Fresh", fluttering dramatically in a cityscape at sunset, capturing the essence of urban heroism and style. +A firefighter's helmet with a sticker that reads "Brave the Flames" in scorched, weathered lettering, set against a backdrop of smoldering embers and charred wood. +A close-up of a mission patch embroidery featuring intricate threadwork with the phrase "To the Stars and Beyond" prominently displayed, set against a backdrop of a starry night sky with a spacecraft in the distance. +A close-up of a watchmaker's meticulous engraving, showcasing the intricate text "Swiss Precision Movement" delicately etched into the gleaming metal surface, with fine tools and a magnifying lens visible in the background. +A construction site surrounded by a sturdy fence, wrapped with bold "Authorized Entry Only" signs, under a clear blue sky, with workers in hard hats and safety vests walking nearby. +A detailed close-up of a spaceship control panel, with warning lights blinking red and a prominent digital display showing "Fuel Low", set against the dim, futuristic interior of a spacecraft. +A close-up of an airport baggage tag, prominently stamped with "Handle With Extreme Apathy", lying on a conveyor belt amidst other luggage, with a weary traveler in the background, looking indifferent. +A medieval tapestry, richly woven with intricate threads, depicting a mystical forest scene. In the center, a graceful unicorn stands beneath an ancient oak, surrounded by mythical flora and fauna. The tapestry's border is adorned with the phrase "Here Be Unicorns" in elegant calligraphy. +A realistic photograph of a construction site with orange barriers prominently displaying the warning "Danger High Voltage". The scene includes workers in hard hats, safety vests, and one holding a caution sign, with high-voltage power lines visible in the background. +A realistic smartphone screen displaying the notification "Low Battery Please Charge" with a battery icon showing critically low power, set against a blurred desk background with scattered chargers and cables. +A vibrant beach scene with a soft, colorful towel spread on the sand, featuring the playful text "Sun Sand Surf Repeat" in bold, eye-catching letters. Sunlight glints off the waves, and beachgoers enjoy the surf in the background. +A realistic photograph of vibrant graffiti on a brick wall, prominently featuring the tag "Urban Art" in bold, colorful letters, surrounded by dynamic, abstract designs that reflect the energy of street art. +A wizard sits at a desk, surrounded by stacks of enchanted scrolls and magical ingredients, crafting a spam email with the subject "You've Won 1,000,000 Spells". The room is dimly lit by floating candles, and a cauldron bubbles in the corner, emitting a mystical glow. +A vintage car parked on a classic American street, its license plate clearly reading "California 1955", surrounded by 1950s-era buildings and cars, capturing the essence of mid-century Americana. +A roadside billboard on a deserted highway advertises "Zombie Proof Tires", featuring a rugged tire with a zombie hand reaching out, set against a twilight sky with abandoned cars and overgrown vegetation. +A wizard stands in an ancient, dimly lit chamber, holding an hourglass labeled "Time Manipulation". The sand inside glows with a mystical light, casting ethereal shadows on the stone walls, as the wizard's robes billow slightly, hinting at the power at his command. +A bustling city street at dusk, with a tattoo parlor window prominently displaying a neon sign that reads "Eternal Regrets". The window showcases vibrant, detailed tattoo designs, reflecting the twilight sky, while a lone figure pauses outside, contemplating the sign. +A UFO hovers above a dark forest, its abduction beam illuminating a lone figure. The beam projects "Welcome Aboard Earthling" in glowing green text, casting an eerie yet welcoming glow over the scene. +An astronaut's glove, with a note taped to it that reads "Water Plants on Mars", set against the red, dusty surface of Mars, with a rover in the background and the shadow of a nearby spacecraft. +A cozy coffee shop interior with a rustic wooden table and chairs. On the wall, a chalkboard menu prominently displays "Fresh Brew Daily" in elegant script, surrounded by hand-drawn coffee icons and leaves. Warm, soft lighting enhances the inviting atmosphere. +A close-up of a microbrewery barrel, prominently featuring a metal stamp that reads "Small Batch IPA Batch 42", surrounded by wood textures and subtle beer foam droplets. +A bustling farmer’s market with a wooden sign prominently displaying "Organic Produce Here", surrounded by vibrant stalls filled with fresh fruits and vegetables, under a sunny sky. +A bustling supermarket freezer aisle, packed with shelves of various ice cream flavors, prominently displaying a large sign that reads "Ice Cream Sale". Shoppers in winter coats browse, creating a contrast between the cold aisle and the warmth outside. +A majestic mountain peak with a signpost reading "Elevation 8848 Meters", surrounded by snow-capped ridges and a clear blue sky, capturing the grandeur of the world's highest point. +A cozy, rustic tool shed in a vibrant garden, with a weathered wooden sign hanging above the door, clearly reading "Plant Whisperer". Sunlight filters through the foliage, casting a warm, natural glow on the scene. +A cozy campfire scene with a marshmallow stick labeled "Roast Carefully" propped beside it, glowing embers casting a warm, flickering light on the wooden stick and the surrounding forest. +A vibrant, realistic photograph of fireworks packaging with a bold label that reads "Light Fuse Here", set against a dark, starry night sky, capturing the anticipation of an upcoming fireworks display. +A modern smartphone screen displays a fitness app notification that reads "Daily Goal Achieved", set against a blurred gym background with vibrant workout equipment and a motivated athlete in the distance, capturing the essence of accomplishment and health. +A charming flower shop window display, featuring a vibrant arrangement of fresh roses in various colors, with a hand-painted sign stating "Fresh Roses Daily" prominently displayed. The scene is bathed in soft, natural light, highlighting the delicate petals and lush greenery. +A museum exhibit card titled "Tyrannosaurus Rex Fossil" displayed next to a massive, intricately detailed skeleton of a Tyrannosaurus Rex, with soft lighting highlighting the fossil's texture and a group of awestruck visitors looking on in amazement. +A cozy bedroom with soft lighting, featuring a pillowcase delicately embroidered with "Sweet Dreams Only" on a plush, white pillow. The scene is warm and inviting, capturing the essence of a peaceful night's rest. +A detailed close-up of an old bank vault door with the combination "23 19 07 15" clearly visible on the dial, set against a dimly lit, secure vault room with shadows emphasizing the texture of the metal. +A dimly lit submarine control room with a control panel glowing ominously, displaying "Depth Exceeded" in red, surrounded by gauges and dials, with a crew member looking alarmed. +A tiny bee, no bigger than a thumbnail, perched on a vibrant wildflower, holding a miniature sign that says "sponsors" with a cheerful expression, surrounded by a sea of blooming flowers and green foliage. +A cluttered laboratory with a scientist in a white lab coat, a patch on the chest clearly reading "Dr Smith PhD", surrounded by beakers, microscopes, and scientific equipment. +A vast desert canyon with towering red rock formations, where the natural acoustics create an echo forming the word "Hello" as if whispered by the wind, captured in a dramatic, sunlit panoramic shot. +A vibrant board game box cover featuring the title "Space Explorers" in bold, futuristic font, set against a backdrop of distant galaxies and sleek spacecraft. The design is eye-catching, with rich colors and detailed illustrations of astronauts and alien planets. +A towering skyscraper under construction, with a prominent steel beam on the top floor, signed "Top Floor 100", surrounded by scaffolding and workers in the vibrant city skyline. +A serene desert oasis with a stone marker etched with "Rest Here Traveler" stands under a clear blue sky, surrounded by palm trees and tranquil water, capturing the peaceful essence of a hidden desert haven. +A vibrant racing event scene with a grand podium in the center, where a gleaming trophy and a large, illuminated sign displaying "First Place" are prominently featured. Confetti and cheering fans add to the celebratory atmosphere. +A bustling construction site with a prominent warning sign that reads "Hard Hat Zone Ahead", surrounded by scaffolding, cranes, and workers in high-visibility vests. +A detailed close-up of a fantasy sword, its blade gleaming with a subtle luminescence. The intricate engraving reads "Blade of Eternal Light" in elegant, ancient script, set against a backdrop of swirling mist and faint starlight. +A detective in a trench coat holds a magnifying glass over a crime scene, revealing the words "Clue Found" etched subtly on a dusty, old wooden floor, with a vintage feel and muted tones. +A vibrant movie poster for "Pequenos", featuring a group of diverse children playing joyfully in a sunlit park, with a colorful, whimsical background and playful, handwritten title text. +A roadside billboard stands tall, promoting "Fresh Apples Ahead" with vibrant, juicy apples depicted against a sunny sky. The scene is set on a quiet country road, flanked by lush green fields and a few scattered apple trees, enhancing the freshness and appeal of the produce. +A realistic classroom scene with a detailed periodic table poster on the wall, prominently highlighting "Element Fe" with a spotlight, surrounded by students' artwork and scientific models. +A close-up of a birthday card opened to reveal a heartfelt message, "Wishing You Joy", surrounded by colorful illustrations of balloons and confetti, with a soft, warm lighting that enhances the celebratory mood. +A realistic smartphone screen displaying a lock screen with a notification that reads "Meeting 3 PM Today", set against a blurred background of a modern office environment. +A realistic photograph of a garage door with a prominently displayed sign that reads "Beware of Dog", set against a slightly overgrown suburban backdrop. The sign is weathered but still clearly legible, with a fierce-looking dog silhouette in the corner. +A weathered treasure map with the clue "X Marks the Spot", laid out on an old wooden table, surrounded by a compass, a lantern, and a pile of ancient coins, with a hint of sunlight peeking through the window of a rustic cabin. +A roadside fruit stand with a wooden sign that reads "Pick Your Own Peaches", surrounded by lush peach trees and baskets of ripe peaches, under a clear blue sky. +A steaming coffee cup on a wooden table, with a clearly visible sleeve that reads "Caution Hot" in bold letters, surrounded by a cozy, warm ambient light. +A cozy bakery interior with a glass display case filled with an assortment of cakes, pastries, and desserts. A prominent label on the case reads "Gluten-Free Options Available", highlighting the variety of gluten-free treats available for customers. +A close-up photograph of a hospital wristband wrapped around a patient's wrist, clearly showing the text "Patient ID 4892B" in crisp, readable detail, set against a neutral, clinical background. +A close-up shot of a sleek laptop with a vibrant, eye-catching sticker on the bottom right corner, declaring "Certified Keyboard Warrior" in bold, playful letters. The laptop is placed on a minimalistic desk, with a soft, natural light illuminating the scene. +A realistic photographic scene of a modern sculpture garden, featuring a sleek, minimalist sculpture on a stone base. The base plaque reads "Eternal Balance" in elegant, silver lettering, set against a backdrop of lush greenery and soft, dappled sunlight. +A majestic mountain summit, the peak shrouded in mist, with a stone marker prominently carved "Peak 8848 Meters" standing resilient against the elements, surrounded by rugged, snow-capped terrain. +A serene lakeside scene with a wooden signpost clearly displaying the message "Catch & Release Only" standing near the water's edge, surrounded by lush greenery and reflecting in the calm, crystal-clear lake. +A vintage circus ticket stub, faded and worn, with the words "Admit One Disaster" prominently displayed. The ticket shows intricate circus imagery, including a lion tamer and a clown, set against a nostalgic, sepia-toned background. +A high-resolution image of Earth, with a subtle overlay of the word "facility" in the lower right corner, captured from a distant spacecraft, showing the blue planet with swirling white clouds and hints of continents. +A vast solar panel array under a clear blue sky, with a close-up focus on the baseplate intricately engraved with "Efficiency 98", reflecting the sun's rays and showcasing the sleek, modern design of the installation. +A lighthouse stands on a rocky cliff, its powerful beam slicing through the fog and night, projecting the words "Lost at Sea" into the darkness. The scene is moody and atmospheric, with waves crashing against the shore. +A close-up of a dry cleaner tag with the text "Return By 03 25 No Stains" clearly visible, set against a blurred background of clothing hanging on a rack. The tag is slightly crumpled, giving it a realistic, well-used look. +A vintage retro diner scene featuring a red and white checkered placemat with the phrase "Pie fixes everything" printed boldly in the center, surrounded by a few realistic coffee stains. +A dimly lit street at night with a quirky pet psychic shop featuring a neon sign that glows brightly, reading "Your Cat Hates You", casting an eerie, colorful glow on the pavement and nearby buildings. +A magical 8-ball hovers in a dimly lit room, its glass orb illuminated from within, displaying the floating answer "Ask Again Later" in glowing, mystical text. +A child's science fair project titled "Why Are We Here", featuring a miniature galaxy model, a poster with cosmic questions, and a young scientist explaining the mysteries of the universe to intrigued onlookers. +A traditional Japanese teahouse with a rustic wooden menu board hanging outside, clearly displaying "Matcha Latte 450" in elegant calligraphy, surrounded by blooming cherry blossoms and soft, natural light filtering through the trees. +A winding mountain trail with a wooden signpost that reads "Summit 2 Miles Ahead", surrounded by lush greenery and rocky outcrops, under a clear blue sky. +A rustic bakery scene with a fresh baguette wrapped in paper, stamped with "French Approved Sarcasm", sitting on a wooden counter beside a basket of croissants, with a vintage French pastry sign in the background. +A joyful group of friends laughing and celebrating together in a sunlit park, capturing the moment with a group selfie, with the caption "Best Day Ever" displayed on a smartphone screen, surrounded by vibrant flowers and greenery. +In a desolate, post-apocalyptic cityscape, a crumbling wall bears the bold, graffiti-scrawled message: "They Came From Mars". Overgrown weeds and debris surround the wall, while the sky is a haunting mix of gray and orange, hinting at the alien presence. +A realistic photograph of a university diploma with the text "Magna Cum Laude" prominently displayed, set against a background of a rich, mahogany wooden frame. The diploma features a detailed seal and elegant, formal script, with subtle gold accents enhancing its prestige. +A vibrant hot air balloon ascends into a clear blue sky, with a bold banner reading "Adventure Awaits" fluttering beneath it. The balloon's colorful pattern contrasts with the serene landscape below, capturing the essence of exploration and excitement. +A pet store aquarium labeled "Tropical Zone", featuring vibrant, colorful fish swimming among lush aquatic plants and decorative coral, with soft lighting enhancing the serene underwater environment. +A gritty urban scene featuring graffiti on a brick wall, boldly declaring "Revolution Now" in vibrant, eye-catching letters. The wall is weathered, with peeling paint and subtle shadows, enhancing the raw energy of the message. +A realistic photograph of a wristband with the phrase "Never Give Up" imprinted on it, worn on a tanned wrist, with sunlight casting a warm glow, highlighting the texture of the band and the determined expression of the person's hand. +An astronaut floating in space, their helmet visor displaying "O₂ LOW" in red blinking text, against a backdrop of the Earth and stars, with a sense of urgency and isolation. +A realistic photograph of a solar panel installation with a prominent sign labeled "Clean Energy Zone", set against a backdrop of a clear blue sky and lush green fields, emphasizing the environmental benefits and modern technology. +A translucent Magic 8-Ball floats in a dimly lit room, its reflective surface showing a faint glow. Inside, the answer "Ask Again Yesterday" is clearly visible, casting a mysterious shadow on the surrounding walls. +A museum exhibit featuring a massive T-Rex skeleton with a humorous display plaque that reads "T Rex Uber Eats", surrounded by intrigued visitors and soft, ambient lighting. +A roadside banner sways gently in the breeze, vividly promoting the "Annual County Fair". The banner features colorful illustrations of carnival rides, games, and food stalls, set against a sunny sky and a backdrop of lush, green fields. +A museum exhibit featuring a dinosaur fossil with a display plaque that reads "Jurassic Jazz Hands", surrounded by soft, ambient lighting and educational panels. +Antique globe illustration with detailed "Terra Incognita" regions, vintage map style, intricate engravings, aged paper texture, warm sepia tones. +A vintage movie poster featuring the title "Queen Margot" in elegant, gold-embossed lettering, set against a backdrop of a grand, gothic castle. The scene is illuminated by a soft, moonlit sky, enhancing the dramatic and mysterious atmosphere of the film. +A wizard's staff with glowing runes inscribed, "Ancient Power Awaken", casting a mystical aura in a dimly lit forest clearing, surrounded by swirling mist and ancient trees. +A close-up of a gym locker combination lock with the numbers "13721" clearly visible on the dial, set against a slightly blurred background of lockers and gym equipment, creating a realistic and focused scene. +An old ice cream truck parked on a sunny street, its side panel featuring a quirky, hand-painted sign that reads "Uranium Flavor 5" in bold, vibrant letters, surrounded by playful illustrations of scoops and cones. +A vibrant TV show poster titled "Juke Girl", featuring a dynamic, modern design with a confident young woman at the center, surrounded by neon lights and retro jukebox elements, set against a bold, gradient background. +Retro arcade cabinet with a vibrant marquee displaying "Insert Coin", set in a dimly lit game room, surrounded by nostalgic 80s decor. The cabinet's colorful lights and pixel art graphics are highlighted, capturing the essence of classic arcade culture. +A vivid TV show poster featuring the bold, eye-catching logo "In the Red" prominently displayed, set against a backdrop of urban nightlife with neon lights and bustling city streets, capturing the essence of modern drama and excitement. +A realistic photograph of a tattoo on a tanned arm, the tattoo reads "Born to Explore" in elegant, bold lettering, with a rugged, adventurous vibe, set against a subtle, blurred forest background. +A wedding cake topper with the words "Game Over" in bold, retro arcade font, set on a classic white tiered cake, surrounded by colorful candles and flowers, in a vintage video game style. +A detailed drawing featuring the text "noon" in a thick, intricate filigree style, with elaborate alphabetism elements woven throughout the design. +A retro-futuristic time machine with a vintage warning label that reads "Do Not Visit Your Childhood", surrounded by glowing circuits and steam, set against a dimly lit, industrial backdrop. +A vibrant veterinary clinic poster featuring a cheerful veterinarian with a dog and a cat, both wearing collars with "Spay Neuter Pets" tags, surrounded by playful animal silhouettes and colorful medical symbols, promoting responsible pet ownership. +A cozy bedroom with a bedside lamp casting a warm glow, the lamp's base intricately engraved with the words "Sweet Dreams", creating a serene and inviting atmosphere. +An astronaut floating in space, the helmet visor displaying "Oxygen Level Low" with a concerned expression on their face, surrounded by the vast, dark cosmos. +A medieval wizard's potion bottle, intricately crafted with a swirling glass design, labeled "Dragon Breath Elixir" in elegant, glowing script, set against a backdrop of ancient, dusty tomes and flickering candlelight. +A modern digital bank ATM with a sleek touchscreen displaying the prompt "Enter Your PIN" in a clean, sans-serif font, set against a backdrop of a bustling city street at dusk, with soft ambient lighting highlighting the machine. +A vibrant street scene featuring a colorful food truck with "Tacos Burritos Here" emblazoned on its side panel, surrounded by bustling customers and the warm glow of streetlights, capturing the lively atmosphere of an evening food market. +A vintage postage stamp with a majestic lion at its center, surrounded by an intricate border. The stamp prominently displays the text "Wild Kingdom" in elegant, old-fashioned font, evoking a sense of classic wildlife conservation. +A close-up of a winter coat's tag, prominently displaying the text "Dry Clean Only" against a frosty, winter backdrop with subtle snowflakes falling. The coat is a deep navy blue, with the tag clearly visible and slightly wrinkled from wear. +A cozy bakery interior with a baker holding a fortune cookie that reads "You Need More Chocolate", surrounded by trays of cookies and chocolate treats, warm lighting, and a rustic wooden counter. +A vibrant movie poster with the title text "Another You" prominently displayed, featuring a split-screen effect showing two versions of the same person in contrasting settings, one in a bustling city and the other in a serene countryside. +A weathered, ancient parchment scroll lies unrolled, revealing faded ink that barely whispers the ominous warning, "Beware the Curse", against a backdrop of a dimly lit, dusty library. +An ice cream truck parked on a sunny street, with a vibrant menu board prominently displaying "Try New Cosmic Flavor" in neon colors, surrounded by curious onlookers and children eagerly waiting in line. +A realistic photograph of a spaceship control panel, with a prominent red warning light labeled "GRAVITY FAILURE" flashing urgently, surrounded by various buttons and screens displaying technical data. +A diver wearing a snorkel mask with the strap clearly labeled "Coral Explorer", exploring a vibrant underwater reef teeming with colorful fish and intricate coral formations. +A futuristic cityscape with a robotic pet, sleek and silver, sitting on a bench. Its collar features a tag that reads "Property of Skynet", reflecting the dystopian atmosphere of the scene. +A lighthouse stands on a rocky cliff, its powerful beacon projecting the message "Safe Harbor 2 Miles East" across the misty night sea, guiding weary sailors to a calm and welcoming harbor. +A detailed ski resort trail map, with a prominent marker noting the "Black Diamond Slope", surrounded by snow-covered peaks and ski lifts in a winter landscape. +A beautifully decorated birthday cake with pink script icing that reads "40 Fabulous", set against a warm, celebratory background with soft lighting and colorful decorations. +A detailed science fair poster titled "Volcano Experiment", showcasing a colorful, erupting volcano model with labeled diagrams and scientific explanations, set against a backdrop of enthusiastic students and teachers in a bustling school gymnasium. +An astronaut floating in space, their helmet visor prominently displaying "O2 Level 98" against the backdrop of a distant, glowing planet and starry cosmos. +A sleek, high-tech spy gadget with a glowing red screen displaying the ominous message "Self Destruct Activated", set against a dark, shadowy background with subtle reflections and a sense of urgency. +A toddler's sandwich baggie, labeled "Extreme Danger PBJ Inside", sits on a colorful picnic blanket, surrounded by toys and a curious puppy, under a bright, sunny sky. +An ancient, weathered page from a wizard’s spellbook titled "How to Unfold Time", illuminated by a soft, magical glow, with intricate runes and symbols spiraling around the text, set against a backdrop of a dimly lit, mystical library. +A cozy restaurant interior with a rustic wooden table and chairs. On the wall hangs a chalkboard with the header "Todays Specials" written in elegant cursive, below which are listed today's dishes in a neat, handwritten font. Soft, warm lighting enhances the inviting atmosphere. +A realistic photograph of an airport security checkpoint, featuring a prominent sign that reads "Remove Laptops from Bags" with clear, recognizable icons depicting a laptop and an open bag. The scene includes a few travelers and security personnel, emphasizing the sign and its instructions. +A bustling wizard duel arena with a grand banner that reads "No Transmuting Opponents" hangs prominently above the spectators, casting a shadow over the magical combatants below. +A vintage ice cream truck parked on a sunny street, with a colorful side panel prominently advertising "Frosty Treats" in playful, frost-themed typography. Children gather excitedly around, eagerly awaiting their cold, sweet treats. +A detailed ancient Roman mosaic floor, intricately spelling "Beware Ides of March" in Latin, set in a grand, dimly lit hall with columns and classical statues, capturing the historical and ominous essence of the message. +A modern dance studio interior with a large banner across the wall stating "Find Your Rhythm" in elegant, bold letters. The studio features mirrors, ballet bars, and a group of dancers in various poses, capturing the dynamic energy and spirit of dance. +"Ancient Hunters" depicted in a cave painting, showcasing prehistoric humans with spears and animal hides, hunting a large mammoth under a twilight sky. The scene is illuminated by the warm glow of torches, emphasizing the raw, rugged textures of the cave walls. +A serene mountain trail with lush greenery on both sides, leading to a wooden signpost that clearly indicates "Summit 2 Miles" ahead, under a clear blue sky. +A vibrant billboard advertising the "Starbeat 2024" music festival, featuring colorful lights, dynamic typography, and excited concertgoers in the background, set against a night sky with stars twinkling above. +A dark, urban alley at night, illuminated by a neon bar sign that reads "Last Call Midnight", casting a vibrant glow on the wet cobblestone street and reflecting in puddles. +An antique globe with a vintage, weathered appearance, featuring a small, discreet sticker marking a mysterious hidden island named "Nowhere Land", surrounded by intricate, old-world map details and subtle sea textures. +A barista stands behind a counter, a large coffee bean bag labeled "Roasted Daily" prominently displayed next to a sleek espresso machine. Warm, ambient lighting enhances the cozy, inviting atmosphere of the café. +In a post-apocalyptic setting, a weathered bunker wall is covered in graffiti, with the words "Hope Survives" scratched deeply into the surface, surrounded by rust and peeling paint, under a dim, eerie light. +A majestic mountain summit bathed in golden sunlight, with a weathered plaque reading "Peak of Eternal Light" prominently displayed on a rugged stone pedestal, surrounded by snow-capped peaks and a clear blue sky. +A modern kitchen with a sleek, front-loading washing machine. The digital display prominently shows "Cycle Complete" in clear, bold letters, illuminated against a dark background. The machine is slightly open, revealing a glimpse of the drum, with the surrounding area tidy and well-lit. +A somber war memorial in a tranquil park, featuring an engraving that reads "Lest We Forget 1944", surrounded by aged stone and overgrown ivy, under a softly lit, overcast sky. +In a modern art gallery, a sleek, minimalist plaque titled "Untitled 7 by Banksy Jr" is displayed beside a provocative graffiti artwork, capturing the essence of urban street art in a refined setting. +A neon bar sign flashing "Open 24 Hours" above the entrance, casting vibrant red and blue lights onto the wet pavement of a dimly lit city street at night. +A medieval tapestry, intricately embroidered with "The Dragon's Lair", hangs majestically in a grand castle hall, depicting a fierce dragon guarding its treasure amidst a mystical forest. +A whimsical farm scene with a scarecrow holding a wooden sign that reads, "Crows Welcome Scare Humans", surrounded by a field of golden wheat and a clear blue sky. The scarecrow is dressed in rustic, patched clothing, and crows perch nearby, observing curiously. +A cozy bakery scene featuring a box tied with a red ribbon, labeled "Freshly Baked", sitting on a wooden table with a variety of pastries and bread in the background, under the warm glow of a vintage chandelier. +A medieval shield, weathered and battle-worn, emblazoned with the majestic crest "Lions Courage", featuring two lions standing proudly on either side of a central sword, set against a backdrop of an ancient, dimly lit armory. +A close-up of a baker's hands carefully weaving a pie crust lattice on a rustic wooden table, the intricate pattern spelling out "Eat Me" in golden, flaky dough. The kitchen is warm, with sunlight streaming through the window, casting a soft glow on the detailed, edible message. +A detective's office, cluttered with files and evidence, a fingerprint card prominently displayed on the desk with "Match Found 100" in bold letters, a magnifying glass resting on it, and a window casting soft light over the scene. +A realistic photograph of an elevator door with a sticker stating "Out of Service", set in a modern office building hallway, with soft lighting and a slightly cluttered floor, emphasizing the sticker's presence. +A close-up shot of a lush vine with the text "broaden" sprouting from it, centered in the frame, against a soft, natural background. +A baker in a kitchen, wearing a white baker's hat embroidered with "Donut Disturb" in frosting-stained thread, mixing ingredients with a smile. The background shows a rustic wooden table and shelves filled with fresh pastries and donuts. +A vintage typewriter key, prominently stamped with "Press for Inspiration", set against a backdrop of worn, aged paper, with a soft, nostalgic light highlighting the intricate details of the key and the subtle texture of the paper. +A realistic photograph of a highway overpass at dusk, with a large digital billboard flashing the warning "Traffic Jam Ahead" in bright red letters, casting a glow over the congested road below. +A high-resolution spy satellite image of a mysterious, unidentifiable structure in a remote location, tagged "Need to Unknow", shrouded in fog with a subtle, eerie glow around it. +A bustling fast food drive-thru scene at dusk, with a large, illuminated menu board prominently displaying the "Value Meal Deal". Customers in cars queue patiently, while the neon lights and signage add a vibrant, commercial glow to the atmosphere. +A sleek, green-colored luxury car parked on a city street, with a "green" sticker prominently displayed in the back window, reflecting the eco-friendly theme. +A protester stands outside a traditional brick library, holding a sign that reads "Free the Books", surrounded by a crowd of onlookers and reporters with cameras. The atmosphere is tense but peaceful, with the library's large windows and entrance prominently featured in the background. +A realistic photograph of a vintage train station, with a weathered notice board standing beside it. The board prominently displays the word "monroe" in bold, slightly faded letters, capturing the nostalgic atmosphere of a bygone era. +A laboratory setting with a chemistry flask labeled "Do Not Mix" prominently displayed, surrounded by various scientific instruments and equipment. The scene is illuminated by the soft glow of a nearby lamp, casting a gentle light on the flask and creating a sense of intrigue and caution. +A realistic photograph of a red stop sign prominently displaying "School Zone" at the entrance of a school area, surrounded by yellow caution stripes and set against a backdrop of a sunny, tree-lined street. +A bustling farmer’s market scene with a wooden stall sign prominently displaying "Organic Lies 5lb" in rustic, hand-painted letters. The stall is filled with colorful, fresh produce, and customers are browsing with curiosity and interest. +A realistic classroom scene with a large, detailed periodic table on the wall, prominently highlighting "Element Fe Iron" with a bright, yellow border. Students are seated at desks, and a teacher points to the element with a long pointer. +A kindergarten classroom with a young child's finger painting on a colorful bulletin board, depicting "My Dog Spot" with wavy, expressive lines in bright, primary colors. +A classroom wall adorned with a vintage poster, declaring "Silence is Golden" in elegant cursive, surrounded by educational charts and a chalkboard, with sunlight streaming through windows, casting soft shadows. +"Road Rash Crew" spelled out in a bold, gritty font on a skateboard's grip tape, set against a worn, urban background with subtle graffiti accents, capturing the essence of street culture and skateboarding spirit. +A firefighter stands ready, holding an axe with its handle intricately carved with the words "Emergency Use", the rugged texture of the wood contrasting with the polished metal blade, set against a backdrop of a smoky, dimly lit fire station. +A close-up of an art supplies label clearly displaying "Non Toxic Materials" on a white background, surrounded by colorful paint tubes and brushes, emphasizing the safety and quality of the products. +A wizard stands in a mystical forest, holding a hat tagged with "One Size Fits All Liar", surrounded by glowing magical orbs and ancient, towering trees. The hat casts a mysterious shadow over the wizard's face, enhancing the enigmatic atmosphere. +A high-tech sci-fi computer interface displaying a critical alert: "System Overload Detected". The screen is illuminated with red warning lights, and digital circuits are visible in the background, creating a tense and urgent atmosphere. +A cruise ship deck at dusk, with a large signboard prominently displaying the day's activities. The sign reads "9PM Magic Show" in glowing letters, while passengers in casual evening attire mingle nearby, creating a festive and anticipatory atmosphere. +An ancient stone tablet, weathered by time, prominently displays the word "Wisdom" in elegant, deeply carved runes. The tablet is partially covered by moss and vines, set against a backdrop of a dense, misty forest. +A futuristic sci-fi laboratory corridor with a sleek, metallic door featuring a prominent sign that reads "Quantum Zone Entry", illuminated by a soft, blue glow, surrounded by advanced security cameras and biometric scanners. +Retro video game title screen, vibrant 8-bit colors, "PRESS START" in pixel art, nostalgic arcade feel, surrounded by classic game elements, crisp and clean graphics, glowing pixel effects. +A prehistoric cave wall, dimly lit by flickering torches, features a detailed painting of a figure pointing to a rudimentary wheel. The ancient artwork boldly proclaims, "Invent Wheel Soon", with symbolic figures and tools surrounding the central message. +A high-resolution close-up of a smartwatch screen, displaying a vibrant and modern interface with a notification that reads, "10000 Steps Achieved", set against a soft, blurred background to highlight the watch. +A realistic photograph of a community center's outdoor swimming pool, surrounded by lounge chairs and umbrellas, with a "Pool Closed for Cleaning" temporary sign prominently displayed near the entrance. The pool area is empty, and the water is calm, reflecting the clear sky. +A detailed scene of a small lizard perched confidently on a baseball field's home plate, with a speech bubble above its head clearly displaying the words "made it safe". The stadium is empty, and the afternoon sun casts a warm glow over the field. +A medieval shield, intricately painted with the motto "Honor and Steel" in bold, gothic lettering, set against a backdrop of a ancient, battle-worn fortress. The shield's metal surface reflects the warm, golden light of a setting sun, casting long shadows across the rugged landscape. +An ancient alien monument stands in a desolate landscape, its surface covered in intricate hieroglyphs that clearly translate to "Humans C". The monument is illuminated by a soft, otherworldly light, casting long shadows and emphasizing the mysterious carvings. +A realistic photograph of an Olympic podium, with a grand banner displaying "Gold Medal Winner" in bold letters, surrounded by cheering spectators and the gleaming medals of the athletes. +A rustic farmhouse vegetable stand features a worn wooden sign that reads "Cursed Pumpkins 3lb". The stand is overflowing with unusually shaped, dark green pumpkins, each about 3 pounds, set against a backdrop of a foggy, twilight field. +A realistic photograph of a gas station pump, prominently featuring a sticker warning "No Inhaling Fumes" on the side, with a backdrop of a busy parking lot and fuel nozzles in the foreground. +A dimly lit nuclear bunker with a wall calendar, the date "Judgement Day Maybe" circled in red, casting a solemn shadow over the worn, concrete walls. +A rustic campfire scene with a bag of marshmallows labeled "Perfectly Toasted" sitting beside a crackling fire, surrounded by wooden logs and glowing embers, under a starlit sky. +A close-up of a sleek, modern digital guitar tuner with a vibrant display showing "Tune To Standard E", set against a backdrop of guitar strings and a wooden guitar neck, capturing the essence of a musician's setup. +A sleek sci-fi spaceship hull, stenciled "Galaxy Explorer IV" in metallic paint, reflecting the cold glow of distant stars, with intricate details of the ship's surface and a sense of vast space beyond. +A museum exhibit featuring a detailed dinosaur fossil replica, with a clear label titled "Dinosaur Fossil Replica" prominently displayed next to it. The scene is illuminated by soft, ambient lighting, enhancing the texture and realism of the fossil. +A scenic mountain trail with a wooden signpost that reads "Summit 15 Miles Ahead", surrounded by lush greenery and rocky terrain, with a distant misty peak visible in the background. +A beautifully decorated birthday cake with intricate piped frosting that reads "Happy 8th Birthday", surrounded by colorful candles and set on a white tablecloth, with a soft, warm ambient light casting a gentle glow over the scene. +A close-up photograph of a shiny pet collar tag, intricately engraved with the text "If Lost Call 555HELP", lying on a textured wooden surface, with soft, natural light highlighting the details of the engraving. +A close-up of a ski lift ticket stub, slightly worn and folded, with the text "Valid Thru 12312023" clearly visible, lying on a snowy surface. +A bustling restaurant with a modern digital menu board prominently displaying "Try Our Vegan Burger" in vibrant, eye-catching colors, set against the warm, inviting interior of the eatery. +A close-up of a magic wand, intricately detailed with tiny runes that spell "Wish Granter", glowing softly in a mystical light, set against a dark, enchanted forest background. +A cozy, dimly lit magic wand shop with an enchanting sign that reads "Unlimited Refills" hanging above the door, glowing softly in a mystical light, surrounded by swirling sparkles of magic. +A weathered sailor's arm, adorned with a tattoo in elegant cursive script that reads "Mom Forever", the ink slightly faded but still vivid, against a backdrop of sunlit sea and sky. +A cinematic movie poster with the title text "Ritual" prominently displayed in bold, gothic font, set against a dark, mysterious backdrop with a silhouette of a forest at night. +A rustic coffee bean sack leaning against a wooden crate, with a faded label that reads "Magical Beans from Peru" in elegant, cursive font, surrounded by a scattering of rich, brown coffee beans on a weathered wooden floor. +A medieval tapestry, rich in color and texture, hangs on a stone wall. The tapestry is embroidered with the motto "Dragons Welcome" in elegant, flowing script. Surrounding the text are intricate designs of dragons, foliage, and mythical creatures, all rendered in vibrant, detailed stitches. +A neon bar sign flashing "Open 247" above a vintage diner, with the sign's vibrant colors reflecting off the wet pavement of a deserted street at night, creating a nostalgic and inviting atmosphere. +A weathered gravestone, covered in moss, with the inscription "Rest in Peace" clearly visible, set in a serene, overgrown cemetery under a somber, cloudy sky. +A colorful children's lunchbox featuring vibrant stickers that spell "I PBJ" in bold, block letters, sitting on a checkered picnic blanket under a sunny sky. +A neon bar sign, glowing with the phrase "Open Until the End", stands out against a dark urban night, casting a vibrant reflection on the wet pavement below. +In a modern supermarket, a price tag reads "Air 5 per Breath" on a shelf stocked with unique, futuristic packaging. Shoppers browse with curiosity, while the fluorescent lights highlight the surreal product. The scene is captured in a realistic, high-definition photograph. +A close-up of a baseball jersey, number "Player 24" clearly visible, with the fabric slightly wrinkled from recent action, set against a blurred background of a sunlit stadium. +A futuristic spaceship's control panel, with red warning lights blinking and a prominent digital display warning "Gravity Failure", set against the backdrop of a dimly lit, high-tech cockpit. +A lizard perched on home plate at a sunlit baseball field, with the words "debut" in a speech bubble above its head, surrounded by empty stands and the faint outlines of bases in the background. +A dimly lit, eerie dollhouse with peeling wallpaper, scrawled with the ominous words "They Watch You Sleep" in a shaky, blood-red script, casting long shadows in the flickering candlelight. +A vintage gas station scene with a retro gas pump prominently displaying "Premium Fuel Only 999gal", set against a nostalgic 1950s backdrop with an old car parked nearby. +A poster design featuring bold, futuristic elements with a title text of "I Robot" prominently displayed at the top, set against a backdrop of a sleek, metallic cityscape under a neon-lit sky. +A detailed photograph of an observatory telescope with a brass plaque that reads "Moon Viewing" mounted on its side, under a starry night sky with the moon partially visible. +A sleek police car parked on a city street at dusk, its sides emblazoned with the decal "To Protect and Serve", reflecting the last rays of the setting sun, with officers standing nearby, silhouetted against the twilight sky. +A realistic photograph of an observatory telescope with a polished brass plaque that reads "View Saturn Now" mounted on its base, under a starlit sky with the telescope pointed towards the heavens. +A vibrant digital banner on a social media post, prominently displaying the text "Trending Now" in bold, modern font, set against a dynamic background of abstract shapes and colors, capturing the essence of online virality and current trends. +A realistic photograph of a graduation cap with "Class of 2024" in gold letters, sitting on a dark wooden table, with sunlight streaming through a nearby window, casting soft shadows. +A bustling bookstore with a prominently displayed shelf labeled "Bestsellers Here", featuring a variety of colorful book covers and a few customers browsing with eager expressions. Warm lighting enhances the cozy atmosphere. +A retro 50s-style robot with an oversized head and a sleek, rocket-shaped body, standing confidently against a starry night sky, with the caption "A real spaceman" displayed prominently below. +A vibrant food festival banner stretches across a bustling street, declaring "Taste the World Here" in bold, colorful letters. Stalls lined with international dishes and cheerful crowds add to the festive atmosphere. +A detailed detective's notepad page, slightly worn and filled with handwritten notes, titled "Suspect List". The page includes sketches of faces, addresses, and timelines, with some notes crossed out and others highlighted. +A weathered treasure map with an X marking "Gold Here" in a dense, misty jungle, sunlight filtering through the canopy, an old compass resting beside the map, surrounded by lush green foliage and vines. +A close-up of a gardener's hand holding seed packets labeled "Midnight Roses" against a backdrop of a lush, green garden. The packets are slightly worn, with a vintage look, and the roses depicted on them are deep, dark red, almost black. +A stone monument engraved with "They Served With Honor" stands solemnly in a lush veterans’ park, surrounded by neatly trimmed hedges and mature trees. The afternoon sun casts a warm, golden light, highlighting the texture of the stone and the shadows of the surrounding foliage. +A vibrant comic book cover exclaims "Super Squad Issue 5" with dynamic superhero characters in action, set against a cityscape at sunset, bursting with energy and excitement. +A bustling farmer's market scene with a rustic wooden stand, displaying a chalkboard sign that reads "Fresh Corn Today" amidst an array of colorful seasonal produce, including ripe tomatoes, leafy greens, and golden squash. +A detailed science fair poster titled "Volcano Project", featuring a colorful illustration of a volcano erupting, with lava flows and ash clouds. The poster includes labeled diagrams, facts about volcanic activity, and a small model of a volcano in the center. +A realistic desktop screenshot with a computer virus alert stating "System Overload Detected", surrounded by chaotic, glitching code and a stressed-out office environment in the background. +A detailed ski resort map showcasing "Black Diamond Trails Only", with steep, challenging slopes and expert-level routes marked in bold, set against a snowy backdrop with pine trees and ski lifts. +A vintage tourist postcard with a retro landscape, featuring a serene beach at sunset. The caption reads "Wish You Were Here Or Not" in elegant, old-fashioned font. The scene is bathed in warm, golden light, with soft waves lapping at the shore and a few palm trees swaying in the breeze. +A realistic underwater scene featuring a submarine's depth gauge prominently displaying "Dive Level 300m", surrounded by deep-sea flora and fauna, with a soft, blue ambient light illuminating the gauge and the surrounding environment. +A vast sunflower field meticulously arranged to spell "Happy Birthday" under a clear blue sky, with the sun casting golden light, creating a warm and celebratory atmosphere. +A close-up of a sneaker’s tongue tag prominently displaying "Urban Runner Pro" in a modern, sleek font, set against the textured background of the shoe’s mesh fabric. The tag is slightly worn, hinting at miles of urban exploration. +Retro diner interior with a vintage jukebox prominently featured. The jukebox screen glows, displaying "Play Rock n Roll" in vibrant, retro fonts. Warm, nostalgic lighting enhances the scene, capturing the essence of a classic American diner. +A realistic photograph of a pharmacy window at night, featuring a large, illuminated decal that reads "Open 24 Hours", with reflections of city lights and a faint silhouette of a passerby. +A realistic urban street scene with a parking meter displaying "Time Expired" on its screen, surrounded by parked cars and a faint cityscape in the background. +A highway patrol car parked on the shoulder, "Speed Enforced Ahead" sign prominently displayed, under a clear blue sky with passing cars in the background. +A close-up of a bowl of alphabet cereal, with the letters spelling "smackeroo" prominently arranged in the milk, surrounded by other colorful cereal letters. +A realistic photograph of a highway exit sign pointing to "Lakeview Rest Area", set against a backdrop of rolling hills and a clear blue sky, with a few cars driving by in the distance. +A professional boxing ring with the floor mat prominently displaying "Champions Corner". The mat is worn but well-maintained, with the ropes and corner posts visible. The lighting is soft, creating a focused atmosphere on the center of the ring. +In a vast, sun-baked desert, a lone signpost stands at the edge of a lush oasis, its weathered wood pointing towards the water with the playful inscription "Water LOL". Palm trees sway gently in the background, contrasting with the arid landscape. +In a cozy cat café, a chalkboard menu highlights the special "Purr Latte Extra Floof". A fluffy cat lounges nearby, adding a touch of charm to the serene, pastel-colored interior. Soft sunlight filters through the windows, enhancing the warm, inviting atmosphere. +A crowded urban street with a marathon finish line banner that reads "Race Completed" hanging overhead, surrounded by cheering spectators and exhausted yet triumphant runners crossing the line. +A modern chemistry lab featuring a large, vibrant poster titled "Periodic Table Updated 2024" hanging on a white wall, surrounded by lab equipment and shelves filled with chemical bottles, with a scientist in a white coat standing nearby, looking intently at the poster. +A realistic photograph of hospital pediatric ward doors, each adorned with a welcoming "Therapy Dogs Welcome" decal, set against a clean, modern hallway with soft lighting and playful decorations. +A student's school notebook page filled with whimsical doodles, including a prominent speech bubble that reads "Math Sucks", surrounded by sketches of geometric shapes and equations, with a slightly messy but creative feel. +A sleek, futuristic rocket with the text "Mars or Bust" emblazoned on its side, standing on a launchpad under a clear night sky, with the glow of engines warming up, ready for a mission to the Red Planet. +A movie theater marquee illuminated at night, prominently displaying "The Last Pizza" with a playful yet eerie font. The marquee lights reflect on the wet pavement, and a few curious onlookers stand nearby, adding a touch of realism to the horror comedy scene. +A vibrant fireworks display lights up the night sky, spelling out "Happy New Year" in a dazzling array of colors, with the cityscape below illuminated by the explosive bursts of light. +A close-up shot of colorful novelty socks with the phrase "Happy Feet Only" prominently displayed, set against a soft, pastel background. The socks feature playful patterns and vibrant colors, emphasizing the cheerful and whimsical nature of the design. +A bustling city street with a large, eye-catching roadside billboard advertising "Biggest Sale of the Century", featuring vibrant colors and dynamic text against a sunny backdrop. Pedestrians and cars pass by, some glancing curiously at the ad. +A charming flower shop interior with a beautifully arranged bouquet of red roses, prominently displaying a tag that reads "Love Roses", set against a backdrop of various other flowers and greenery, capturing the essence of love and romance. +A vintage train station with a nostalgic atmosphere, the main focal point being a large, illuminated station board prominently displaying the words "All Aboard" in classic retro font, surrounded by old-fashioned luggage and waiting passengers. +A farmer’s field at dusk, a lone scarecrow stands with a handwritten note pinned to its chest: "If I’m Gone Crows Won". The sky is a mix of orange and purple, with a few crows perched nearby, eyeing the scene. +A cozy coffee shop interior with a rustic wooden table and chairs. On the wall, a vintage chalkboard displays the menu, prominently featuring "Caramel Macchiato 499" in elegant handwriting. Soft, warm lighting enhances the inviting atmosphere. +A casual, vibrant T-shirt design featuring the phrase "Coffee Fueled Human" in bold, modern typography. The text is surrounded by playful illustrations of coffee cups, coffee beans, and energetic icons, creating a dynamic and engaging visual that captures the essence of a coffee lover's lifestyle. +A sleek, futuristic car parked in a neon-lit cityscape at night, with a prominent license plate reading "FLYING CAR 3000" gleaming under the vibrant lights. +A detailed billboard stands in a volcanic landscape, showcasing a luxurious cave home with a view of a flowing lava river. The text reads "LavaView Caves Available". Smoke and steam rise from the surrounding terrain, emphasizing the dragon-themed real estate advertisement. +A vintage detective's office door with a weathered sign that reads "Private Investigator", set in a 1940s noir cityscape, illuminated by the dim glow of a streetlamp. +A stylish birthday cake topper featuring "40 Fabulous" in elegant gold script, set against a backdrop of shimmering candles and colorful party decorations, capturing the essence of a celebratory moment. +An alien math textbook page with a colorful, futuristic design, showing an example problem: "2 + 2 = Fish". The equation is illustrated with two pairs of fish swimming together, forming a visual representation of the equation in a vibrant underwater scene. +In a cozy kitchen, a chef holds a recipe card with a handwritten note at the bottom: "Add Love Or Butter". Sunlight streams through the window, casting a warm glow on the wooden table and the chef's apron. +A vast solar panel farm under a clear blue sky, with a prominent sign at the entrance reading "Powering Tomorrow Since 2024" and a large sun icon. The panels glint in the sunlight, creating a modern and sustainable landscape. +A holiday ornament inscribed "Joy to the World" hangs from a green pine branch, its golden surface reflecting the warm glow of nearby fairy lights, creating a festive and serene winter scene. +An ambulance parked on a city street, its side panel prominently marked with "Emergency Response" in bold, reflective letters, under a dimly lit, overcast sky. The scene captures the urgency and professionalism of emergency services. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly displaying the printed text "Patient ID 4567A" against a sterile, clinical background. +A dimly lit library with a vintage, wooden bookshelf labeled "Private" at the far end. The books are neatly arranged, and a hidden door, barely visible, is nestled between the shelves, slightly ajar, revealing a mysterious, shadowy passage beyond. +Design an album cover for "Electric Dreams LP" featuring a futuristic cityscape at night, illuminated by neon lights and digital billboards. The scene should capture the essence of synthwave and cyberpunk aesthetics, with a vintage VHS distortion effect to enhance the retro-futuristic vibe. +A dimly lit escape room with an old wooden table in the center. A crumpled note lies on the floor, partially hidden, with the message "Look Under The Table" clearly visible. The room is filled with mysterious objects and shadows, enhancing the suspense. +A wizard gazes into a crystal ball, its surface intricately engraved with the words "Future Unclear", set against a backdrop of a dimly lit, mystical study filled with ancient tomes and glowing potions. +A close-up of an e-reader screen, prominently displaying the text "Chapter 12 Final Showdown" in a bold, dramatic font, with a subtle background texture mimicking the look of an e-ink display. +A superhero stands confidently, his chest emblem emblazoned with "Captain Justice" glowing brightly against his dark suit, illuminated in a cityscape at night, surrounded by the subtle glow of city lights. +A subway train speeding through an urban tunnel, its side adorned with vibrant graffiti that reads "Art Not Crime" in bold, colorful letters, contrasting with the gritty, textured walls of the tunnel. +A vintage rocket nose cone, its surface weathered and scratched, prominently stenciled with "Mars or Bust" in bold, retro lettering, set against a backdrop of a star-filled sky, capturing the adventurous spirit of early space exploration. +A candid shot of a person sitting in a cozy living room, surrounded by playful dogs, with a reality TV confessional screen in the background displaying the title "I Came Here to Pet Dogs". +A whimsical treehouse nestled in a lush, green canopy, with a wooden sign hanging from a branch that reads "No Adults Allowed", surrounded by vibrant, fluttering leaves and dappled sunlight. +A close-up of a fortune cookie slip with the message "Big Changes Coming Soon" lying on a white napkin, next to a half-open fortune cookie. Soft, warm lighting highlights the texture of the paper and the cookie, creating a sense of anticipation and mystery. +A futuristic sci-fi spaceship console with blinking red lights and a prominent warning display reading "Gravity Failure", set in a dimly lit control room with holographic interfaces and sleek, metallic surfaces. +A close-up of an artist's palette with vibrant paint smudges, the name "Masterpiece in Progress" clearly visible in elegant script, set against a softly lit studio background. +A high-tech room with sleek, modern furniture, where a person is wearing a VR headset with a futuristic design. The screen displays the message "Calibrating Sensors" as the environment is filled with soft, ambient blue lighting, enhancing the sense of technological immersion. +A realistic photograph of a fire extinguisher with clear instructions: "Pull Aim Squeeze" displayed on a white background, emphasizing the safety equipment and its usage steps. +A cozy bakery with a pie window sign that reads "Seasonal Selection", displaying an array of colorful, freshly baked pies in the window, bathed in warm, golden light. +A close-up of a vintage keychain tag, intricately engraved with the phrase "Not All Who Wander Are Lost", lying on a rustic wooden table, with a soft, warm light casting a gentle shadow. +A realistic photograph of caution tape wrapped around a large tree, with clear "Do Not Cross" text visible, set in a forest clearing with sunlight filtering through the leaves. +A yellow taxi cruising down a rain-soaked city street at night, its roof light prominently displaying "Available for Hire" in bright, neon-like letters, reflecting off the wet pavement and surrounding urban landscape. +Studio shot of intricate shoe sculptures crafted from vibrant colored wires, with the text "cormont" clearly displayed beside them, set against a clean, minimalist background. +A vintage theater marquee at night, illuminated with neon lights, prominently displaying "Now Showing Midnight Run" in bold, retro font. The marquee is set against a dark, starlit sky, with a few people walking by, adding a sense of urban nightlife. +A bustling urban intersection with a red stop sign prominently displaying the text "Stop Dreaming" amidst the flow of vehicles and pedestrians. +An astronaut in a realistic space suit, the helmet visor showing a detailed HUD with the text "O₂ Panic Level" prominently displayed, set against the backdrop of a distant Earth. +A detailed tattoo design sketch featuring the script "Strength Within", intricately woven with symbolic elements like a delicate vine and a hidden compass, set against a subtle, shaded background to emphasize the text's powerful message. +A realistic photograph of a wedding cake topper featuring a elegant couple with the phrase "Happily Ever After" engraved beneath them, set against a soft, romantic backdrop. +A child’s colorful drawing of a vibrant rainbow, with the word "Hope" written in bold, playful letters beneath it, on a slightly crumpled piece of paper. +An antique compass faceplate, intricately engraved with the words "Navigate True North", set against a rustic wooden background, illuminated by warm, ambient lighting, capturing the essence of vintage navigation tools. +A wizard stands in a mystical forest, his staff glowing with an ethereal light. Floating runes spell out "Level Up Pending" around the staff, casting a soft, magical glow on the ancient trees and misty ground. +A vintage spy camera with a film canister labeled "Top Secret Memes" sitting on a worn wooden desk, next to a flickering desk lamp, in a dimly lit, cluttered office. +A close-up of a library checkout slip with the due date stamped "Due Back 2025", lying on a wooden desk with a vintage book and a pair of glasses nearby. +A detailed spellbook page titled "Summon Storm Dragons", featuring an intricate runic border. The page is old and weathered, with the text and runes glowing faintly, hinting at the powerful magic contained within. +A gritty boxing ring with the mat vividly printed "Round 13" in dark, blood-like stains, surrounded by worn ropes and a dimly lit arena, capturing the intense atmosphere of a brutal fight. +A wedding cake topper featuring a vintage video game aesthetic, with the text "Game Over" prominently displayed in bold, pixelated letters. The topper is set against a backdrop of colorful, retro game elements, like power-ups and coins, creating a whimsical and nostalgic scene. +In a dimly lit screening hall, the promotional video of "late" casts an eerie glow on the rows of empty seats, creating an atmosphere of anticipation and suspense. The screen flickers with dramatic scenes, drawing the viewer into its mysterious world. +A charming flower shop window with a vibrant display, featuring a large, eye-catching sign that reads "Mothers Day Special" amidst a colorful array of blooms and elegant arrangements. +A vibrant TV show poster with the title text "1979 Big Bang of the Present" set against a retro background, featuring iconic elements from the late 70s and early 80s, such as disco balls, neon lights, and vintage electronics. +A close-up of a vibrant board game card titled "Draw Two Cards", showcasing intricate illustrations of playing cards and a magical aura, set against a textured, vintage paper background. +A high-tech VR headset with a sleek, futuristic design, displaying "Entering Simulation 2077" in vibrant, glowing text on its screen, set against a dark, tech-lit room. +A detailed photograph of a zoo enclosure plaque, clearly labeled "Bengal Tiger Habitat", set against a lush, natural backdrop with tall grass and trees, enhancing the sense of a wild, yet protected environment. +A cozy bakery scene with a freshly baked loaf of bread on a wooden cutting board, prominently branded "Gluten Maybe", surrounded by rustic kitchen utensils and warm, golden lighting. +A graduation cap, emblazoned with "Class of 2024", sits atop a stack of textbooks on a wooden desk, with sunlight streaming through a nearby window, casting a warm glow over the scene. +A nighttime cityscape with a yellow taxi prominently featured, its roof light illuminated and clearly displaying "Available for Hire" in bold letters, reflecting off the wet pavement. +A prehistoric cave painting featuring mammoths, with a modern speech bubble reading "Climate Changing" superimposed over the ancient art, set in a dimly lit cavern with a flickering torch casting shadows. +A realistic photograph of a pharmacy window with a clear, prominently displayed sign that reads "Flu Shots Available Here", surrounded by various health products and a clean, modern interior. +A panoramic view of a mountain summit, featuring a plaque that reads "Elevation 8848 Meters", set against a backdrop of snow-capped peaks and a clear blue sky. +A children's storybook illustration featuring the text "Once Upon a Time" in whimsical, swirling font, surrounded by enchanted forest elements like magical creatures, glowing fireflies, and vibrant flowers. +A movie theater marquee at dusk, illuminated with neon lights, displaying "Now Playing Galaxy Wars" in bold, futuristic font. The marquee is framed by a crowd of excited moviegoers and vintage cars parked nearby, capturing the essence of a classic movie night. +A close-up of a shiny, silver pet collar tag engraved with "Call 5551234", reflecting a soft outdoor light, with a subtle texture of the metal and a slight shadow beneath it, set against a blurred, green grass background. +A vintage car on a scenic road trip, with a playful bumper sticker that reads "Lost Again", surrounded by lush greenery and a clear blue sky. +A detailed photograph of an engraved golden plaque displayed on a museum exhibit, prominently featuring the text "Ancient Relics" in elegant, historical script, set against a backdrop of dimly lit, scholarly surroundings. +A subway train with vibrant graffiti in bubbly letters reading "Metro Dreams" against a gritty urban backdrop, capturing the dynamic energy of city life. +A bustling food truck with a vibrant sign reading "Best Tacos In Town", surrounded by a crowd of eager customers. The truck's window is open, revealing steaming tacos and a chef skillfully preparing more, while colorful decorations and appetizing food images adorn the exterior. +A chef stands in a modern kitchen, wearing an apron printed with "Kiss the Cook", holding a wooden spoon and looking amused as steam rises from a pot on the stove. +A bustling city street at night, illuminated by the glow of a large digital billboard cycling through various ads, with the final message reading "Drive Safe" in bold, illuminated letters, reflecting off the wet pavement. +A yoga mat with the "Find Your Balance" design imprinted on it, set in a serene outdoor garden with soft morning light filtering through the trees, creating a peaceful and calming atmosphere for a yoga practice. +A realistic urban scene with graffiti on a brick wall, prominently spray-painted in bold, vibrant letters: "Revolution Now". The wall is slightly weathered, with patches of peeling paint, and the graffiti stands out against the rough texture. +A realistic photograph of a battery with a prominent warning label that reads "Do Not Recycle", placed on a plain white background to emphasize the label's message. +A nostalgic greasy diner scene with a vintage menu prominently displaying "World's Best Burger 999" in bold, eye-catching text. The menu is slightly worn, with a classic 1950s aesthetic, and a juicy burger with melted cheese and crispy bacon is visible through the glass counter. +A coastal night scene with a lighthouse casting a powerful beam that illuminates dangerous rocks just off the shore, the words "Dangerous Rocks" clearly visible in the beacon's projection, warning passing ships. +A charming flower shop window adorned with a decal that reads "Fresh Blooms Daily", showcasing an array of vibrant, colorful flowers inside, with sunlight streaming through the glass, creating a warm and inviting atmosphere. +A poster design featuring bold, sleek typography with the title text "Trespassers" prominently displayed. The background is a dark, mysterious alleyway at night, with shadows and dim streetlights, enhancing the ominous and forbidden atmosphere of the scene. +A gym locker room with a large mirror featuring a stylish decal that reads "You Got This" in bold, motivational font, surrounded by modern, sleek lockers and workout equipment in the background. +A gym interior with a large motivational wall decal saying "No Pain No Gain", surrounded by fitness equipment and energetic athletes, capturing the intense atmosphere of dedicated workout sessions. +A watchtower stands atop a rugged cliff, with a binocular sign reading "Scenic View Ahead" pointing towards a breathtaking panoramic landscape of rolling hills and distant mountains, bathed in the warm light of a setting sun. +A cinematic movie poster featuring the title "The Other Woman" in elegant, bold typography, set against a backdrop of a dimly lit cityscape at dusk, with a silhouette of a woman standing alone, her expression mysterious and enigmatic. +A medieval knight's shield, intricately emblazoned with the phrase "For the Crown" in an elegant Old English font, rests against a weathered stone wall, illuminated by the soft glow of torchlight, in a realistic photographic style. +A sleek alien spacecraft with a metallic hull, marked with the prominent text "Intergalactic Permit 7X", floating in a star-studded space, with distant planets and nebulae visible in the background. +A packed stadium at dusk, the scoreboard towering over the crowd displays the final result in bright lights: "Home Team Wins". Fans in team colors cheer wildly, celebrating the victory with raised hands and banners. +A modern, sunlit rooftop featuring a freshly installed array of solar panels, with a prominent sign that reads "Energy Saving" standing at the edge, overlooking a vibrant cityscape. +A detailed, realistic wristband for a concert, prominently featuring the imprint "VIP Pass" in bold, shiny letters. The wristband is made of high-quality, flexible material, with a secure clasp and a subtle, glowing logo of the event. +A realistic photograph of a voting booth with a clear sign that reads "Select One Candidate", featuring a ballot box and a privacy screen, set in a community hall with voters in the background. +A realistic photograph of a concert venue wall near the stage, featuring a clear "No Flash Photography" sign illuminated by the ambient stage lights, with a crowd of enthusiastic fans in the background. +A vibrant school gymnasium with a large banner across the wall proclaiming "Go Team Wildcats 2024", surrounded by enthusiastic students in team jerseys, with basketball hoops in the background and a coach gesturing excitedly. +Retro arcade cabinet with vibrant, pixelated graphics, neon lights flickering around the marquee that boldly displays "Insert Coin to Play" in a classic 80s font. The cabinet is slightly worn, with a hint of nostalgia, set against a dimly lit, vintage arcade background. +A realistic photograph of a power plant caution sign reading "High Voltage Danger", set against a backdrop of towering electrical towers and a cloudy sky, with a subtle sheen on the metal sign reflecting the overcast light. +A realistic photograph of a classroom with a whiteboard prominently displaying the message "Test on Friday", surrounded by notes and diagrams, with students' desks neatly arranged in rows. +A bustling construction site with caution tape reading "Danger Hard Hat Area" stretched between metal posts, workers in high-visibility vests and hard hats operating machinery, and a half-built skyscraper in the background. +A dark, futuristic hallway leads to a steel door with a sleek, high-tech welcome mat that reads "Wipe Your Paws" in glowing red letters, hinting at the menacing lair of a supervillain. +A charming flower shop window with a vintage wooden sign that reads "Fresh Roses Today", surrounded by a vibrant display of blooming red roses and green foliage, bathed in the soft light of a sunny morning. +A classroom setting with a detailed periodic table poster on the wall, prominently highlighting "Fe Iron" with vibrant colors and clear labeling, surrounded by students' artwork and educational charts. +A bustling soccer stadium with a digital scoreboard prominently displaying "Home 2 Away 1", capturing the intense atmosphere of a competitive match, fans cheering in the background. +A realistic photograph of a supermarket floor, featuring a clear and vibrant sign that reads "Sale Aisle 5", surrounded by polished tile and shopping carts in the background. +A majestic clocktower stands tall in a historic town square, its face adorned with Roman numerals "MMXXIV", casting a serene shadow over the cobblestone streets. The sun sets behind, bathing the scene in a warm, golden light. +A detailed photograph of a dinosaur museum exhibit, featuring a large, imposing T-Rex skeleton. The exhibit label reads "TRex Original Chicken", humorously suggesting a playful twist on the dinosaur's diet and origins. The scene is brightly lit, with visitors in the background, enhancing the realism and engagement. +Ancient scroll unfurling with the phrase "Seek the Oracle" in the midst of crumbling temple ruins, overgrown with lush vines and moss, bathed in the soft, dappled light of a dense forest canopy. +A realistic photograph of a dinosaur skeleton museum display, prominently labeled "Tyrannotitan 90 Million BCE", with soft lighting highlighting the ancient bones and a few visitors in the background, adding scale and context. +A realistic photograph of a hospital entrance at dusk, with a prominent sign above the door labeled "Emergency Room", illuminated by the surrounding lights, reflecting a sense of urgency and calm professionalism. +A vibrant outdoor car dealership scene with a large, eye-catching banner prominently displaying "Zero Percent Financing" in bold, colorful letters. Sleek cars are lined up, reflecting the sunny sky, with happy customers and friendly salespeople interacting around the vehicles. +A detailed ski resort trail map with "Expert Slopes Marked" in bold, showcasing steep, winding trails through a snowy landscape, surrounded by tall pine trees and a crisp, blue sky. +A city taxi parked on a dimly lit street at night, its roof light clearly displaying "Off Duty" in bright, legible text, reflecting slightly in the wet pavement from a recent rain. +A weathered treasure map with an X marking the spot labeled "Golden Cove" in pirate-style font, surrounded by detailed illustrations of tropical islands and ships, under a sky filled with swirling clouds and a hidden moon. +A spy's briefcase opens to reveal a note with the words "Mission Retrieve the Artifact" clearly visible, set against a backdrop of a dimly lit, modern hotel room with a cityscape visible through the window. +A realistic photograph of a car bumper sticker that reads "Honk If You Love Cats", featuring a cute paw print next to the text, set against a slightly blurred urban background. +A sleek, black briefcase with a futuristic design, featuring a small, discreet label on the front marked "Top Secret". The briefcase is set against a dimly lit, high-tech room, with subtle reflections on its surface, hinting at advanced spy technology inside. +A close-up of a vintage, weathered seed packet lying on a rustic wooden table. The packet is labeled "Grow Drama Slowly" with intricate, handwritten font. Sunlight streams through a nearby window, casting a warm glow on the packet and highlighting its faded colors and detailed illustrations of flowers and leaves. +A dental office poster with a bright, clean aesthetic, featuring a smiling dentist holding a toothbrush and floss, with the clear and bold text "Floss Daily" prominently displayed at the top. +A close-up of a basketball jersey, prominently displaying the player name "Skywalker" in bold, vibrant letters. The jersey is worn and slightly sweaty, showing signs of intense play, with the team's logo subtly visible on the chest. +A vibrant "Thank You for Voting" poster is prominently displayed outside a bustling election polling station, capturing the essence of civic engagement on a sunny day. The scene is realistic, with people entering and exiting the building, reflecting a community actively participating in the democratic process. +A detailed photograph of a motorcycle with a dragon rider theme, featuring a custom license plate that reads "FLAME ON" in bold, fiery letters, set against a backdrop of a roaring flame. +A toddler's colorful crayon drawing titled "My Family", featuring stick figures of a mom, dad, and the child, with a house and a tree in the background, all drawn on a sheet of white paper with a blue sky and green grass. +A cozy bookstore window display at dusk, featuring a prominently placed bestseller titled "Lost in Time", surrounded by vintage clocks and antique maps, with soft, warm lighting highlighting the book's cover. +In an art gallery, a sleek, modern plaque stands below a large, abstract painting. The plaque reads, "Chaos Theory 7", reflecting the chaotic yet harmonious swirls of color and form in the artwork above. The gallery is dimly lit, highlighting the vibrant painting. +A casual T-shirt design with a minimalist front featuring the phrase "Code Coffee" in a modern, sleek font. The background is a soft, muted color, enhancing the text's prominence and creating a stylish, tech-meets-coffee aesthetic. +In a futuristic alien zoo, a detailed placard reads "Earth Politicus Dramaticus", showcasing a lifelike model of a charismatic human politician in a dynamic pose, surrounded by holographic projections of global events and news headlines. +A vibrant skatepark with a wall featuring bold graffiti that reads "Skate Free Zone", surrounded by skaters performing tricks and colorful street art. +In a high-tech spaceship cockpit, the main screen flashes a critical alert: "Gravity Field Unstable". The pilot looks tense, hands gripping the controls, as warning lights pulse around the futuristic dashboard. The scene is illuminated by the screen's eerie glow, emphasizing the urgency of the situation. +An astronaut stands against a backdrop of stars, the helmet visor reflecting "Low Oxygen 10 Remaining" in a stark, red warning, with the curved surface of the Earth visible in the distance. +A close-up of a library book spine titled "Secrets of the Deep" in elegant gold foil, set against a backdrop of worn, aged paper, capturing the mysterious allure of unexplored depths. +A weathered pirate treasure map with intricate illustrations of palm trees and a skull mountain, prominently marking "X Digs Here" with a detailed compass rose and faded ink, set against a backdrop of an old wooden table with a flickering candle. +A street scene featuring a bicycle rental stand with a prominent sign that reads "Hourly Rates Apply", surrounded by colorful bikes and a bustling city backdrop. +A vibrant whale-shaped mural on a city wall, with the slogan "Protect Our Oceans" painted in bold blue letters across its body, surrounded by waves and marine life. +A mountain peak with a weathered signpost reading "Summit 5000 Feet", surrounded by rugged terrain and a backdrop of misty, rolling hills. The sign is partially covered in moss, indicating the high altitude and remote location. +A realistic photograph of a car dashboard with the "Check Engine" warning light illuminated, set against the dim interior of a vehicle at dusk, capturing the urgency and subtle tension of the moment. +A close-up of a hotel key card sleeve on a wooden desk, printed with "Room 3214 Checkout 11AM", next to a small notepad and a pen, with a window in the background showing a cityscape at dawn. +A close-up of a smartphone screen with a lock screen notification displaying "23 Unseen Messages", set against a blurred background of a bustling city street at dusk, with the glow of streetlights and the faint silhouettes of passersby. +A realistic photograph of a graffiti-covered train car, prominently featuring the bold, colorful words "Art Is Freedom" sprayed across its side, with urban scenery and blurred motion in the background, capturing the dynamic essence of street art. +A yoga mat imprinted with "Breathe Stretch Relax" lies on a serene beach at sunset, surrounded by soft sand and gentle waves, capturing the essence of tranquility and mindfulness in a natural setting. +A weathered pirate flag, tattered and worn, waves in the salty sea breeze. Emblazoned in bold, ominous letters, it reads "Beware the Kraken", warning all who dare to approach the treacherous waters where the legendary sea monster lurks. +A close-up of a cracked fortune cookie on a white plate, with the slip of paper inside clearly visible and reading "You Will Buy More Cookies", set against a blurred background of a bustling Chinese restaurant. +A beachside food truck with a rustic wooden sign, featuring a hand-chalked menu that prominently displays "Fish Tacos" in elegant, curly script. Sunlight filters through palm trees, casting soft shadows on the sandy ground. +An ancient wizard's spellbook lies open on a wooden table, illuminated by a single candle. The page titled "Summon Lightning" is visible, filled with arcane symbols and diagrams. Lightning crackles in the background, casting an eerie blue glow on the scene. +A yoga studio interior with a modern, minimalist design, featuring a large wall decal that reads "Breathe In Cookies Exhale", surrounded by serene, soft lighting and yoga mats neatly arranged on the floor. +A realistic photograph of a boxing gym, with a large, worn banner hanging above the ring that reads "No Pain No Gain", surrounded by eager boxers and the faint glow of overhead lights. +In a desolate, post-apocalyptic landscape, an ancient wall carving reads "We Tried Warning You", its weathered stone surface cracking and covered in moss, with a bleak sky and scattered debris in the foreground. +A sleek, modern ambulance parked on a city street, its side panel prominently displaying the text "Emergency Medical" in bold, reflective letters. The scene is lit by the ambient glow of streetlights, emphasizing the vehicle's readiness for action. +A close-up of a fire truck door, prominently displaying the emblem "Rescue Squad 88" in bold, vibrant red letters against a sleek, metallic surface, with the reflection of a cityscape in the background. +A sushi conveyor belt featuring a plate labeled "Salmon Nigiri Fresh", with a piece of fresh salmon nigiri prominently displayed, set against a clean, modern restaurant backdrop. +A snowy Arctic landscape with a research station sign prominently displaying "Cold Truth" amidst icy surroundings and a bleak, overcast sky. +A vintage computer screen glows in a dimly lit room, displaying a blinking error message: "Syntax Error in Reality". The atmosphere is nostalgic yet eerie, with the surrounding shadows deep and mysterious, enhancing the surreal tension of the scene. +A close-up of a shiny pet collar tag, intricately engraved with "Call Owner 123456", lying on a rustic wooden surface, illuminated by soft, natural light. +A vintage, slightly worn packet of magic beans, prominently displaying the warning "Grows Regrets" in bold, eerie lettering, set against a dimly lit, mystical forest background with a subtle, glowing aura around the packet. +A vibrant T-shirt design featuring the iconic phrase "I NY" in bold, striking red letters, set against a crisp white background, capturing the essence of New York's dynamic energy and style. +A realistic photograph of a zoo enclosure with a prominent sign that reads "Endangered Species Habitat", surrounded by lush greenery and a variety of animals in the background, emphasizing the importance of conservation. +A gym locker room with sleek, modern lockers, a large mirror reflecting a motivational sticker that reads "You Got This" in bold, vibrant colors, and a clean, well-lit environment. +A detective's worn notebook lies open on a cluttered desk, the page filled with scribbled notes and sketches. In the center, the words "Case Unsolved" are prominently written in bold, dark ink, surrounded by faded pencil marks and coffee stains. +A detective's notepad on a cluttered desk, a circled note reads: "Suspect Loves Pickles", surrounded by coffee stains and scattered case files. +In a contemporary art gallery, a placard reads "Modern Chaos" next to an abstract artwork featuring vibrant, swirling colors and chaotic patterns, surrounded by minimalist white walls and polished concrete floors. +A bustling car rental counter with a prominent promotional stand displaying "Unlimited Mileage" in bold letters, surrounded by cheerful staff and customers, set against a backdrop of a modern airport terminal. +A bustling train station with an announcement board prominently displaying "Platform 9 Departing". Passengers hurry past, some glancing at the board, while others wait on the platform. The scene is illuminated by the station's overhead lights, casting soft shadows and creating a sense of movement and anticipation. +A realistic photograph of a spy movie prop document, prominently displaying a red stamp marked "Top Secret", lying on a worn wooden desk with a vintage typewriter and a dim desk lamp casting a soft glow. +A vibrant children’s drawing with the caption "My Happy Family", featuring a young boy, a girl, a dog, and their parents, all smiling and surrounded by colorful flowers and a sunny sky. +A cozy porch with a wooden door and a lantern hanging above, casting a warm glow on a hand-painted wooden sign that reads "Welcome Home", surrounded by blooming flowers and a stone pathway leading up to the door. +A vintage carnival tent with a weathered banner proudly proclaiming "See the Two-Headed Poet", surrounded by colorful lights and curious onlookers, set against a twilight sky. +In a serene art gallery, a description plaque titled "Blue Period Study" stands beside a monochromatic blue painting. The plaque, with elegant typography, provides insight into the artist's emotional journey during their blue period, set against the soft, ambient lighting of the gallery. +A detailed ski resort trail map highlighting the "Black Diamond Run", with intricate lines and symbols indicating slopes, lifts, and boundaries, set against a snowy mountain backdrop. The map is vibrant, with clear, bold labels and a scale indicator. +A modern smartphone screen with a sleek, circular app icon centered in the foreground. The icon features a stylized cloud with a bold lightning bolt, labeled "Weather Alert" in clear, sans-serif font. The background is a gradient sky with subtle storm clouds. +A vintage notebook with a weathered, leather cover, embossed with the words "Top Secret Experiments" in gold, resting on a cluttered desk with scattered scientific instruments and diagrams, under the warm glow of a vintage desk lamp. +A close-up of a pizza box lid, prominently displaying the text "Extra Cheese Deluxe Special" in bold, vibrant letters against a warm, golden background, with steam rising from the edges, suggesting a freshly delivered, mouth-watering pizza. +A realistic photograph of a road construction site with a prominent sign that reads "Expect Delays in Life", surrounded by orange traffic cones and a partially demolished road surface, under a cloudy sky. +A realistic photograph of a lottery station, with the slogan "purchasing lottery rationally" prominently displayed on a sign above the counter, surrounded by various lottery tickets and a few customers browsing. +A high-resolution photograph of a laboratory flask with a cautionary label that reads "Biohazard Do Not Open", set against a sterile, white background, emphasizing the ominous warning and the precision of the scientific environment. +In a contemporary art gallery, a sleek, minimalist plaque reads "Modern Masterpiece" beneath a striking abstract painting, the colors vivid and the textures deep, reflecting the modernist spirit of innovation and bold expression. +A serene campsite with a single tent pitched under a starry sky, the tent label clearly displaying "Adventure Awaits" in bold letters, surrounded by tall pine trees and a gentle, moonlit landscape. +A realistic photograph of a skate park with a prominent sign that reads "Helmets and Pads Required", surrounded by vibrant graffiti and active skaters. +A realistic photograph of a modern light switch plate, sleek and silver, with the instruction "Flip for Magic" etched elegantly in black below the switch, set against a minimalist white wall. +A vintage typewriter on a wooden desk, with a sheet of paper inserted, clearly displaying "Chapter One" in elegant font. Soft, warm lighting enhances the nostalgic atmosphere, capturing the essence of a bygone era. +A child's backpack, prominently featuring a tag stitched with "My Name Is Alex" in bold, resting on a wooden table next to a stack of colorful books and a pencil case, with a window in the background letting in soft, natural light. +A beautifully decorated birthday cake with intricate icing piping that spells out "Happy 21st Again" in elegant cursive, surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm glow from overhead lighting. +A cozy bakery window featuring a charming sign that says "Fresh Bread Daily", alongside a hand-drawn illustration of a crusty loaf of bread, bathed in the warm glow of morning sunlight. +A close-up of a chef’s knife with the blade etched with "Sharp Ideas Only", resting on a wooden cutting board, illuminated by soft, overhead lighting, capturing the intricate detailing and shine of the blade. +A realistic photograph of a botanical garden greenhouse, featuring a wooden sign that reads "Rare Orchids" hanging from a rustic metal frame, surrounded by lush, vibrant greenery and delicate orchids in full bloom. +A futuristic time machine with a sleek, metallic design, its display panel flashing bright, neon "Destination 3015 AD" amidst a dimly lit laboratory filled with advanced technology and swirling vortexes of light. +A Halloween pumpkin with a friendly face, carved with "Boo to You" in bold, glowing letters, set against a dimly lit background with a hint of fog and fallen leaves, creating a cozy and welcoming atmosphere. +A beach scene with a vibrant towel laid out on the sand, featuring a repeating pattern of the phrase "Sunburn in Progress" in bold, playful letters, surrounded by beachgoers and palm trees. +A corporate retreat setting with a large, vibrant banner reading "Synergy or Suffer" hanging across the stage, surrounded by neatly arranged chairs and a backdrop of a serene outdoor landscape. +In a cozy museum gift shop, a vintage receipt printer on a wooden counter prints out a slip of paper with "Thank You For Visiting" in elegant font, surrounded by thoughtful souvenirs and soft, ambient lighting. +A realistic photograph of an Arctic research station, featuring a detailed wall map prominently labeled "Ice Core Sample Zone B2", surrounded by scientific instruments and equipment, with researchers in cold-weather gear discussing their findings. +A professor stands confidently in front of a large screen displaying a slide presentation with the heading "Quantum Physics", surrounded by complex equations and diagrams. The classroom is dimly lit, with a spotlight on the professor, emphasizing the academic and mysterious nature of the subject. +A museum exhibit featuring a towering dinosaur skeleton labeled "Tyrannosaurus Rex", with a detailed informational plaque beneath it, set against the backdrop of a dimly lit hall with scattered visitors in awe. +A realistic photograph of an ambulance parked on a city street, its side panel clearly displaying the text "Emergency Medical Service" in bold letters, with medical symbols subtly integrated into the design. +A realistic photograph of a birthday cake decorated with intricate piped icing that reads "40 Years Young", set against a warm, celebratory background with soft, ambient lighting. +A close-up of a greenhouse plant tag, prominently displaying the text "Water Daily", set against a backdrop of lush, thriving plants and sunlight streaming through the glass. +A vintage magic potion bottle, elegantly labeled in cursive "Drink Me to Forget 2020", resting on an old wooden table, surrounded by mist that subtly swirls around it, creating an enchanting and mysterious atmosphere. +A delivery truck parked on a suburban street, with "Fresh Goods Daily" in elegant cursive script painted on its side, surrounded by a bustling morning scene with people walking by and cars driving past. +A medieval castle gate with intricate engravings that read "Knights of the Round", surrounded by ancient stone walls and overgrown vines, bathed in the warm light of a setting sun. +A weathered parchment showing a pirate ship crew roster, with "First Mate Probably Dave" listed prominently. The paper is stained and creased, hinting at many hands that have held it. A quill pen rests nearby, adding to the nautical atmosphere. +A realistic photograph of a tattoo parlor window, featuring a vibrant decal that reads "Ink Your Destiny" in bold, stylish lettering, with a backdrop of various tattoo designs and tools. +Vintage record store window with a vibrant "Vinyl Revival Sale" sign, showcasing classic albums and vintage turntables, bathed in warm, nostalgic lighting. +A cozy shelter desk with a stack of adoption folders, one opened to reveal the label "Good Boy Needs Home" on a cute dog's profile, soft lighting, warm colors, realistic photography style. +A nighttime cityscape with a taxi driving down a bustling street, its roof light-up display prominently showing "Off Duty Dreams Only", reflecting off wet pavements, with neon lights and tall buildings in the background. +An astronaut floats in space, their helmet visor reflecting a critical message: "Oxygen Low 15". The background is a vast, star-studded cosmos, with the Earth visible in the distance, adding a sense of urgency and isolation to the scene. +A weathered old-west wanted poster, tattered and faded, prominently displays "5000$ Dead or Alive" in bold, worn letters. The poster is nailed to a wooden saloon door, with a dusty, sun-baked town stretching into the distance. +A bustling fast food drive-thru at dusk, with a glowing neon menu board prominently displaying the "Invisible Burger Meal". Customers in cars queue eagerly, while the illuminated sign casts a vibrant glow over the scene. +A rustic mountain cabin with a wooden welcome sign carved with "Bear Lodge" hanging above the entrance, surrounded by dense pine trees and a stone path leading up to the door. +A realistic photograph of a graduation cap with the text "Class of 2024" prominently displayed on it, set against a blurred background of a university campus during a sunny day. +A museum exhibit featuring a detailed plaque that reads "Dinosaur Egg Fossil" next to a large, ancient-looking egg embedded in rocky sediment, with soft lighting highlighting the texture and age of the fossil. +A close-up of a baby onesie with a bright, playful print that reads "I Love Daddy", set against a soft, pastel background with gentle lighting to highlight the fabric's texture. +A bustling airport baggage claim area with a digital screen prominently displaying "Flight 826 Carousel 4". Travelers wait eagerly, luggage carts lined up, and the hum of the terminal in the background. +A serene forest clearing at dusk, a glowing campfire in the center, and a prominent wooden sign nearby that reads "Beware of Bears" in bold letters. The scene is peaceful yet slightly ominous, with shadows deepening around the campfire. +A cinematic movie poster featuring the bold logo "Hero" prominently displayed, set against a backdrop of an urban skyline at dusk, with a lone figure standing silhouetted on a rooftop, capturing the essence of bravery and solitude. +A realistic photograph of a school cafeteria, featuring a whiteboard menu prominently displaying "Chicken Soup Friday" in bold letters, surrounded by the aroma of freshly cooked meals and students chatting in the background. +A sci-fi alien artifact, sleek and metallic, inscribed with glowing blue text that reads "Welcome Earthlings", stands alone in a barren, futuristic landscape under a dark, star-filled sky. +A red "Yield" sign stands prominently in a vibrant field of sunflowers, the bright yellow flowers stretching towards the sky, creating a striking contrast against the clear blue sky. +A close-up of a pet collar tag, intricately engraved with "Call 555 1234", lying on a rustic wooden surface, with soft, natural light highlighting the texture and details of the tag. +A cozy quilt pattern meticulously stitched with the words "Family Heritage", displayed prominently in a warm, rustic living room, capturing the essence of generations of family love and tradition. +A close-up photograph of a pharmacy bottle with a white label prominently stating "Take One Daily" in bold black text, set against a blurred background of other medical supplies and bottles. +A scuba diver checks their tank gauge underwater, the display clearly showing "Air Low Return Now" amidst the blue depths of the ocean, bubbles rising around them. +A whimsical garden scene with a small, detailed gnome standing next to an old, wooden signpost. The signpost clearly reads "To Middleearth" in elegant, slightly weathered letters, surrounded by lush, vibrant greenery and wildflowers. +A cozy bakery shelf with a variety of bread loaves, one of which is in a bag labeled "Fresh Out of Creativity", surrounded by warm, golden lighting and rustic wooden decor. +A vibrant skateboard deck featuring the bold text "Skate or Die" in graffiti style, surrounded by dynamic splashes of color and urban street art elements, capturing the energetic spirit of skate culture. +A close-up of a prison guard's uniform, featuring a detailed patch embroidered with the words "Trust No One", set against a stark, industrial background. The patch is prominently displayed, capturing the harsh, no-nonsense atmosphere of a correctional facility. +An ancient, tattered page from a wizard's spellbook, titled "Dragon Summoning Ritual", with intricate illustrations of dragons and arcane symbols surrounding the text. The page is illuminated by a soft, mystical glow, highlighting the detailed handwriting and the edges of the page curling from age. +A mysterious magic mirror in an ancient, dimly lit room reflects the image of a weary person. The mirror displays the message "You Look Tired. Try Spell 42" in glowing, ethereal letters, casting an otherworldly glow around the figure. +A sleek, futuristic sci-fi robot stands in a dimly lit lab, its metallic surface gleaming under soft blue lights. The robot's chest panel, prominently displaying "Model XT5000", is slightly open, revealing intricate circuitry and glowing components. +A realistic construction site scene with workers in neon vests and hard hats, featuring a prominent warning sign with the text "Hard Hat Area" clearly visible on a blue background, surrounded by safety barriers and equipment. +A high-altitude mountain summit with a weathered plaque reading "Elevation 14411 ft", surrounded by rocky terrain and a backdrop of snow-capped peaks under a clear blue sky. +A high-tech space elevator panel with sleek, futuristic design, displaying "Ascending 500km" in bold, illuminated text. The scene is set in a vast, star-filled space, with the elevator shaft stretching upwards into the cosmos, surrounded by the twinkling lights of distant stars and planets. +In a cozy cat café, a chalkboard menu prominently displays "Purrfect Lattes" among other tempting beverages, with playful paw prints and a fluffy cat perched nearby, adding a charming touch to the serene, warm atmosphere. +A close-up of a superhero's chest, showcasing their costume emblem with "Hope Bringer" emblazoned in bold, glowing letters, set against a textured, dark fabric background. +A cozy bakery interior with a baker in an apron embroidered with "Knead Love Into Bread", surrounded by baskets of freshly baked bread, the warm glow of afternoon sunlight streaming through the window. +A detailed art supply catalog page featuring a vibrant display of oil paints, prominently highlighting "50% Off Oil Paints" with bold, eye-catching text. The background showcases various brushes, palettes, and canvases, emphasizing the discount and inviting creativity. +At a bustling farmer's market, a rustic chalkboard stands prominently, listing "Dragon Eggs 3doz" in elegant script. The board is surrounded by vibrant, colorful produce and curious onlookers, capturing the essence of a magical, rural marketplace. +A realistic museum exhibit featuring a dinosaur fossil, with a humorous sign that reads "Jurassic Parking Lot" prominently displayed next to it, surrounded by informative plaques and excited visitors. +An ancient, weathered journal lies open on a wooden desk, illuminated by the soft glow of a candle. The entry titled "Lead Breakfast" details the alchemist's morning experiment, with sketches of leaden utensils and a bowl of mysterious, shimmering porridge. +A cozy campsite at dusk, with a large, rustic wooden sign reading "Extra Gooey Mega Roasters" hanging above a crackling campfire. Marshmallows, oversized and melting, are roasting on long sticks, casting a warm, golden glow over a group of smiling campers gathered around. +A delivery drone hovers above a suburban street, preparing to drop off a package. The package is clearly labeled with a sticker that reads "Fragile Handle Care" in bold letters. The scene is set during a sunny afternoon, with the drone's shadow cast on the ground. +A racing car speeding on a track, with a bold hood decal reading "Speed Demon 5000", capturing the intense action and dynamic motion of the scene. +A vibrant skateboard deck featuring the bold graphic "Skate or Die" in neon colors against a sleek black background, with a gritty urban texture and subtle scratch marks, capturing the essence of skate culture. +A vibrant flower shop delivery van featuring a logo that reads "Blooms 4 U", surrounded by a burst of colorful petals in mid-air, creating a lively and inviting scene. +A realistic photograph of a lottery station with the slogan "official" prominently displayed on a banner above the ticket counter, surrounded by various lottery posters and a queue of hopeful participants. +A colorful birthday balloon with "30 Never Looked So Good" floats in a sunny living room, casting soft shadows on the warm wooden floor, surrounded by a bouquet of fresh flowers and a neatly wrapped gift. +A weathered stretch of highway asphalt, with a faded "Route 66" shield painted prominently on its surface, surrounded by a desolate landscape under a cloudy sky. +A student's desk with a test paper prominently displayed, graded "A Great Job", surrounded by books and pencils, in a bright, well-lit classroom. +A wizard in a dimly lit, ancient library watches in shock as a scroll unfurls, revealing the words "Spell Gone Wrong", casting an eerie glow and releasing a swirling, chaotic mist. +A wedding invitation card with elegant, cursive script that reads "Join Us June 10th", set against a backdrop of floral patterns and golden accents, capturing the romantic and celebratory essence of the event. +A commercial airplane flying through a clear blue sky, with a large, colorful banner trailing from its wing that reads "Just Married", capturing the joy and excitement of a newlywed couple's honeymoon journey. +A close-up shot of a gym membership card lying on a textured surface, with the text "Annual Guilt Pass" clearly visible. The card features a modern, sleek design with subtle fitness-related icons and a barcode. +A close-up of a student's desk, with a notebook open to a page that has the homework assignment header "Due Friday" prominently displayed, surrounded by pencils, a calculator, and a cup of coffee, under the warm glow of a desk lamp. +A cozy art supply store interior with a wooden shelf displaying a label that reads "Oil Paint Set 24 Colors", surrounded by various art supplies and soft, warm lighting. +A farmer's old, rusted tractor with a vibrant decal that reads "Harvest Season 2024" on the side, parked in a golden wheat field at sunset, with the farmer standing beside it, hat in hand, looking content. +In a dimly lit, ancient cathedral, a knight’s tombstone is prominently displayed. The stone is weathered, with intricate carvings and a prominent inscription in Old English: "Valor Never Dies". Soft, ambient light filters through stained glass windows, casting a serene glow on the scene. +A rugged sailor, weathered by the sea, stands on the deck of an old wooden ship, his arm prominently displaying a vibrant tattoo that reads "Homeward Bound" in bold, nautical lettering, as the setting sun casts a warm glow over the ocean waves. +A realistic photograph of a courtroom evidence bag, clearly labeled with a tag that reads "Exhibit A", placed on a wooden table with legal documents scattered around it. +A smartphone with a lock screen notification displaying "12 Missed Calls Mom", set against a dimly lit bedroom with a bedside lamp casting a warm glow, emphasizing the urgency and concern in the scene. +A museum exhibit featuring ancient fossils, with a clear label prominently displaying the text "Dinosaur Era Fossils", set against a backdrop of prehistoric landscapes and educational displays. +A close-up of an astronaut's arm, showcasing a detailed tattoo that reads "Mars or Bust" in bold, futuristic font, with the backdrop of a star-studded space landscape. +A prehistoric cave wall adorned with a vibrant painting that humorously depicts the "First Mammoth Meme", showcasing a mammoth with exaggerated features and playful expressions, surrounded by early humans in awe, using natural pigments and rough, textured strokes. +A colorful toy package labeled "Ages 3 and Up" sitting on a white shelf, surrounded by playful, vibrant toys, under soft, warm lighting that highlights the package's bright, inviting design. +A realistic office scene with a modern waste bin prominently displaying a "Please Recycle" sticker, situated beside a desk with a laptop and a potted plant, under the soft glow of an overhead lamp. +A realistic smartphone screen displaying a notification that reads "Battery Critical", set against a dark, cluttered desk with scattered cables and a dying lamp light, emphasizing the urgency and dim atmosphere. +A close-up of a sleek smartwatch on a wrist, with the screen notification blinking "12 New Messages" in a modern, digital font, set against a blurred, urban background. +A realistic photograph of a space station airlock with a prominent warning sign reading "Decompression Risk", set against the backdrop of a distant Earth, with astronauts in sleek suits preparing to enter. +A camping tent labeled "Waterproof Edition 2024" stands in a lush forest clearing, with raindrops glistening on its sturdy fabric. The tent is surrounded by vibrant green foliage and a gentle stream, capturing the essence of a serene and practical outdoor adventure. +A realistic photograph of a boxing gym interior, featuring a vibrant wall mural that boldly states "No Pain No Gain" in dynamic, bold lettering, surrounded by boxing gloves, punching bags, and athletes in training. +A vast, futuristic space colony with a large, illuminated sign reading "New Earth Settlement" towering over the landscape. The sign is prominently displayed against a backdrop of stars and distant planets, with sleek, high-tech structures and greenery below, symbolizing a new beginning. +A bustling farmer's market scene with a wooden stall sign prominently painted "Organic Honey 5" hanging above jars of golden honey, surrounded by baskets of fresh produce and bustling shoppers. +A realistic photograph of a boxing ring, the floor mat boldly printed with "Round 3 Fight", surrounded by intense spectators and the gleam of ring lights, capturing the moment just before the fighters clash. +A sleek highway patrol car features a striking decal reading "Speed Catcher 9000" on its side, emitting vibrant radar waves that ripple through the air, capturing speeding vehicles on a busy urban freeway at dusk. +A close-up of a pet collar tag, intricately engraved with the text "If Lost Call Owner", lying on a rustic wooden surface, bathed in soft, warm sunlight streaming through a nearby window. +A vibrant circus tent with a grand banner proudly proclaiming "Greatest Show on Earth", surrounded by excited crowds and colorful decorations, under a bright, sunny sky. +A skydiver stands at the open door of a plane, with "Jump Zone Ahead" clearly marked. The sky is a vivid blue, with fluffy clouds in the distance. The wind creates a dynamic, thrilling atmosphere, capturing the essence of the moment just before the jump. +"Water Cycle Stages" illustrated in a school textbook, showing the processes of evaporation, condensation, precipitation, and collection with clear labels and arrows, set against a light blue background. +A submarine's porthole, slightly fogged and scratched, with a sticker reading "Depth Perception" adhered to its surface, the deep blue ocean visible through the glass, adding a sense of mystery and depth. +An ancient stone tablet, weathered by the sands of time, stands in the desert. It is intricately engraved with the hieroglyphic inscription "No Parking Pharaohs Orders", emphasizing the juxtaposition of modern and ancient worlds. +"Live Recording in Progress" sign illuminated outside a bustling TV studio, with crew members preparing equipment and a crowd gathering, under the glow of streetlights in the evening. +A bustling city street at night, with a vintage theater marquee prominently displaying bright, neon lights spelling "SOLD OUT" in bold, eye-catching letters, surrounded by excited crowds and the glow of street lamps. +A close-up of a honey jar label, prominently featuring "100% Organic" in bold, black letters against a rustic, beige background with subtle honeycomb patterns. +A nostalgic retro diner scene with a vintage jukebox prominently displaying the selection "Never Gonna Give You Up". Warm, amber lighting casts a cozy glow over the checkered floor, and a couple of patrons are engaged in conversation, their expressions reflecting the era's charm. +A close-up of a sleek, modern laptop with a sticker on the corner that reads "Code All Day", set against a minimalistic background with soft, ambient lighting. +A weathered wooden pirate chest, intricately carved with seafaring motifs, sits on a sandy beach at sunset. The chest is prominently stamped with "Captain Blacks Treasure" in bold, aged lettering, partially obscured by creeping vines and sea salt. +A quaint suburban street features a child's lemonade stand with a hand-painted sign that reads "50 Cents a Cup", set against a sunny afternoon backdrop. +A close-up of a sleek smartwatch on a wrist, the screen glowing and blinking "10000 Steps Achieved", set against a blurred urban backdrop with morning joggers in the distance. +A close-up shot of a vibrant election campaign button with the slogan "Vote Green 2024" prominently displayed, set against a crisp, white background to highlight the button's detailed design and bold colors. +A realistic photograph of a laboratory door featuring a prominent warning sticker that clearly states "Biohazard Zone", with safety symbols and a cautionary background. The door is slightly ajar, revealing a glimpse of high-tech lab equipment inside. +A vintage map with intricate illustrations, featuring a detailed compass rose labeled "Here Be Dragons", surrounded by faded parchment and antique cartographic symbols, evoking the mystique of undiscovered lands. +A close-up of a hospital wristband, prominently displaying "Patient 24601", wrapped around a pale wrist, set against a sterile, white background. The scene captures the stark, clinical atmosphere of a hospital. +A fire extinguisher case, prominently labeled "Break Glass in Emergency", mounted on a red wall in a modern office corridor, with soft overhead lighting casting a gentle glow on the glass. +A close-up of a red button labeled "Do Not Press" in bold, ominous letters, set against a dark, shadowy background, with a slight glow around the button to highlight its presence. +An ancient Egyptian tomb houses a grand sarcophagus, its golden surface inscribed with intricate hieroglyphics spelling "Anubis Protects", under the dim light of flickering torches. +A cozy coffee shop interior with a steaming cup of coffee on a wooden table. The cup's sleeve is printed with the joke "Best Brew In Town", surrounded by pastries and a warm, inviting ambiance. +A realistic photograph of a highway billboard prominently displaying the text "Next Exit 5 Miles" against a backdrop of a busy road, with cars passing by and a clear blue sky above. +A weathered pirate flag flutters in the sea breeze, boldly proclaiming "Yarr or Nay" in bold, faded letters. The dark, tattered fabric is adorned with a skull and crossed bones, set against a backdrop of turbulent waves and a cloudy sky. +A glowing Magic 8-Ball floats in a dimly lit room, its surface shimmering with a soft blue light. Inside, the message "Ask Again Later" is clearly visible, reflecting a sense of mystery and anticipation. +In a picturesque scenic spot, a weathered wooden sign that reads "hallatar" stands prominently, surrounded by lush greenery and vibrant wildflowers, with a gentle stream flowing nearby. +A close-up of a superhero’s shield, featuring a bold emblem with the motto "Justice First" inscribed in the center, set against a metallic, textured background with subtle reflections and scratches to enhance realism. +A vibrant surfboard with the bold text "Ride The Wave" painted in dynamic, ocean-inspired colors, set against a backdrop of crashing waves and a sunny beach landscape. +In an ancient Egyptian tomb, a Pharaoh’s sarcophagus is adorned with intricate hieroglyphs that translate to "Dead Tired". The dimly lit chamber reveals the golden lid, reflecting the flicker of torchlight, with the hieroglyphs prominently displayed along the sides. +A realistic photograph of an airport luggage tag, prominently displaying the text "Fragile Handle Care", attached to a suitcase on a conveyor belt, with a subtle airport background. +A close-up of the iconic spaceship hull, displaying the identification code "NCC1701 USS Enterprise" in bold, retro-futuristic font, set against the vast, star-studded expanse of space. +A charming flower shop window display featuring a vibrant arrangement of red and pink roses, with a stylish sign that reads "Valentine Bouquets 50% Off", set against a backdrop of soft, romantic lighting and heart-shaped decorations. +A realistic photograph of a solar panel installation site, featuring a prominent sign that reads "Clean Energy Zone", surrounded by rows of gleaming solar panels under a clear blue sky. +In a modern airport, a unique security sign reads "Socks Must Match Reality", standing out against the bustling background of travelers and security personnel. The sign is prominently displayed, catching the eye of a curious onlooker. +A minimal sculpture of the word "cast", crafted from light metallic iridescent chrome thin lines, rendered in 3D with an isometric perspective. The scene is super detailed, set against a dark background, highlighting the intricate lines and reflective surfaces. +Vintage travel poster with a nostalgic 1950s aesthetic, featuring "Explore Alaska 1955" in bold, retro typography. The scene showcases a rugged, snow-capped mountain range and a serene glacier-fed lake, with a classic travel car and cheerful adventurers exploring the wilderness. +An ice cream truck parked on a sunny street, with a colorful, hand-painted menu board prominently displaying "Soft Serve 2" in vibrant, playful letters. The truck is surrounded by happy children and families, creating a lively and nostalgic atmosphere. +An astronaut’s notebook page filled with whimsical doodles and notes, titled "Zero Gravity Diary", floating in a spacecraft with Earth visible through the window, capturing the essence of space exploration and creativity. +A wizard's hat, dark and slightly worn, with a tag stitched onto the inner band, clearly displaying the text "One Size Fits All" in neat, cursive letters. The hat sits on a rustic wooden table, with a soft, ambient light casting a gentle shadow. +A vibrant TV show poster featuring the title text "The Great Bank Robbery" in bold, dramatic font, set against a backdrop of a bustling cityscape with a bank in the foreground, surrounded by police cars and flashing lights. +A close-up of a well-worn guitar case with a vibrant sticker that reads "Rock Star in Transit", surrounded by tour posters and a faded band T-shirt, capturing the essence of a traveling musician's life. +A vibrant fireworks show banner suspended high, announcing "July 4th Spectacular" in bold, glowing letters. The night sky is illuminated with bursts of colorful fireworks, reflecting off a calm lake below, creating a festive and patriotic atmosphere. +A sleek race car speeding on a track, with a striking spoiler decal displaying "Speed Demon 2024" in bold, vibrant colors, capturing the essence of speed and competition. +A close-up of a pharmacy receipt with the footer "Ask About Flu Shots Today" clearly visible, set against a blurred background of a pharmacy interior with shelves of medicines and a pharmacist in a white coat. +In an art studio, a canvas titled "Abstract Expression 101" is the focal point, showcasing vibrant, chaotic strokes of paint. Easels and paint palettes surround it, with natural light streaming through large windows, highlighting the dynamic energy of the artwork. +A wizard's hat with a tag dangling that reads "Magician Extraordinaire", set against a mystical backdrop with swirling smoke and faint starlight, emphasizing the magical essence and the proud title. +A retro-futuristic time machine dashboard with glowing indicators and a prominently displayed warning sign that reads "Don't Feed the Past You" in neon lights. The scene is set in a dimly lit, high-tech interior with sleek, metallic surfaces and holographic displays. +A classroom scene with a gold star sticker labeled "Best Student Award" prominently displayed on a student's desk, surrounded by neatly arranged school supplies and books, with a teacher in the background looking proudly at the student. +A realistic photograph of a construction site, surrounded by a metal fence. A large, weathered sign on the fence reads, "Future Home of Something Cool", with the backdrop of a bustling cityscape and a partially built skyscraper in the distance. +A close-up of an antique calendar page, the date circled in red ink and labeled "Important Date" beneath a faded floral border, set against a softly lit, vintage wooden desk. +A vintage suitcase with a retro label that reads "toba" sitting on a rustic wooden table, surrounded by scattered travel brochures and a pair of old-fashioned goggles, under the warm glow of a vintage lamp. +A bustling farmer's market scene with a rustic wooden stand, featuring a hand-painted chalkboard sign that reads "Organic Hype 99lb" in elegant script, surrounded by vibrant, freshly picked produce and bustling shoppers. +A vibrant subway train car with bold graffiti reading "Revolution Now" in dynamic, colorful letters, set against the urban backdrop of a bustling city at dusk, capturing the energy and spirit of rebellion. +In a bustling supermarket, a produce label reads "Organic Dragon Fruit" but is mistakenly placed on a bin of vibrant, red pitayas, creating a humorous mix-up. The scene is brightly lit, with other fruits and vegetables in the background, emphasizing the error. +An antique globe with a vintage sticker that reads "Terra Incognita", set against a backdrop of old maps and compasses, capturing the essence of exploration and mystery. +A young child's crayon drawing on a bright, textured paper, captioned "My Pet Dinosaur", featuring a colorful, friendly-looking dinosaur with wide eyes and a big smile, surrounded by a whimsical, hand-drawn landscape. +A bustling city street at dusk, with a cozy bookstore featuring a window display that boldly declares "Banned Books Here". The display showcases a variety of vintage and modern books, with a soft, warm glow from the interior lights, attracting curious passersby. +A jewelry store window showcasing an elegant display of engagement rings under soft, warm lighting, with a prominent sign reading "Diamonds Forever" above the display, reflecting the timeless allure of these precious gems. +A high-performance race car with a sleek, aerodynamic design, featuring a bold spoiler decal that reads "Speed Demon X1" in striking red and black, racing on a sunlit track. +A close-up photograph of a refrigerator door with a small, yellow sticky note attached, clearly displaying the handwritten message "Buy Milk" in black ink. The refrigerator has a modern, stainless steel finish with a few scattered magnets and a slight reflection of the kitchen light. +An ancient, leather-bound wizard's spellbook lies open on a wooden desk, a single page illuminated by a soft, ethereal glow. The text "Speak Friend Enter" is clearly visible, surrounded by intricate magical symbols and runes. +A fantasy tavern interior with a rustic wooden menu board hanging on a stone wall, listing "Dragons Breath Chili 5gp" in bold, handwritten script. The board is illuminated by the warm glow of nearby candles, casting a cozy ambiance over the scene. +A vintage retro diner with a jukebox prominently displayed, its screen flashing the neon text "Now Playing Rock n Roll", surrounded by nostalgic decor and classic vinyl records. +A weathered, detailed prison escape map crumpled on a rough wooden table. The corner is marked with a bold, red "X Marks Spot", illuminated by a dim, flickering overhead light, emphasizing the urgency and secrecy of the escape plan. +A modern subway station with a vibrant mosaic tiled wall spelling "You Are Here" in bold, colorful letters, surrounded by the hustle and bustle of commuters and the dim, ambient lighting of the underground. +A sports jersey with "Go Team Go" printed on the back, hanging on a locker room hook under the glow of fluorescent lights, surrounded by gym equipment and team posters on the walls. +A realistic smartphone screen with a notification pop-up displaying "Low Storage Space" in the center, surrounded by icons and app shortcuts, with a slightly blurred background showing a hand holding the phone. +A rugged cave entrance with a worn wooden sign that reads "Beware Falling Rocks", surrounded by moss-covered rocks and overgrown vines, under a cloudy sky. +A bustling subway station with a digital screen prominently displaying "Next Train 2 mins", surrounded by impatient commuters and the faint glow of fluorescent lights, capturing the essence of urban transit during rush hour. +A realistic photograph of a "Wet Varnish" caution sign placed beside a freshly painted park statue, with the vibrant colors of the new paint still glistening and the sign clearly visible in the foreground. +In an art class, a model stands on a podium with a plaque that reads "Don't Laugh" in bold letters, surrounded by students sketching intently, capturing the serious atmosphere of the room. +A weathered lighthouse logbook lies open on a wooden desk, the page illuminated by a flickering candle. The entry reads, "Storm Surge at Midnight", with ink slightly smeared by the damp sea air. The background shows a blurred, stormy night with crashing waves and a distant lighthouse beam. +A close-up of a wizard's familiar, a mystical fox, with a detailed collar tag engraved with "Familiar Name" in elegant script, set against a backdrop of ancient, enchanted forest foliage. +A detailed close-up of a police car door featuring a sleek, modern decal with the phrase "Serve and Protect" prominently displayed, set against a backdrop of a bustling city street at dusk. +A close-up of a shiny dog collar tag, intricately engraved with the words "Max Good Boy", reflecting sunlight with a soft metallic gleam, set against a blurred background of a serene park. +An astronaut stands on the red, dusty surface of Mars, leaving behind a clear boot print. The scene is vast and desolate, with a distant horizon. A caption reads: "First Step on Mars". +A realistic photograph of a broken store window, with shattered glass on the ground, and a "Grand Opening" banner torn halfway, fluttering in the wind, revealing the empty interior of the store behind. +A dark, eerie portrait of a haunted mansion, with the eyes of ghostly figures in the windows seemingly following the viewer. At the bottom, the text "Smile" is faintly visible, adding an unsettling twist to the scene. +A movie poster for "Homeless Hare", featuring a charming, anthropomorphic hare with a sad but hopeful expression, standing in a bustling cityscape at dusk. The hare wears a tattered coat and holds a small, worn suitcase, with the film's title and credits in a vintage style above and below. +A close-up of a detective's badge, intricately engraved with "Truth Seeker", resting on a worn leather jacket, under the soft glow of a vintage desk lamp, creating a noir atmosphere. +A close-up of a sleek laptop with a vibrant sticker that reads "Tech Geek Since 2020", set against a minimalist background, capturing the essence of modern tech culture. +A city street at night with a yellow taxi cruising by, its roof light prominently displaying "Available For Hire" in bright, illuminated letters, reflecting off the wet pavement. +A weathered pirate ship wheel with a brass plaque prominently displaying the text "Turn Left for Treasure", surrounded by nautical ropes and set against the backdrop of a stormy sea. +A hot air balloon floats in a clear blue sky, trailing a banner that reads "Just Married". Below, a scenic landscape of rolling hills and vibrant green fields stretches out, capturing the joy and celebration of a new beginning. +A serene beach at sunset with soft golden sand, where the words "Life is Better Here" are elegantly written in the sand, surrounded by seashells and gentle waves lapping the shore. +A detailed tattoo on a sailor's rugged arm, featuring "Mom" intricately written inside a classic heart design, set against the backdrop of a weathered ship deck, with the ocean horizon visible in the distance. +A rugged pioneer wagon, its weathered canvas prominently marked with "Oregon or Bust" in bold charcoal, stands against a backdrop of sprawling prairie and distant mountains, evoking the spirit of the American frontier. +A movie theater marquee illuminated at night, displaying "Now Showing Midnight Run" in bright, retro letters. The scene is set in a bustling city street, with a few pedestrians passing by and cars parked along the curb. +A theater stage with a spotlight marker that reads "Center Spotlight Here", surrounded by wooden floorboards and soft, dim ambient lighting, creating a dramatic and anticipatory atmosphere. +A realistic photograph of a birthday cake adorned with red icing that spells out "Happy 30th Jake", placed on a white tablecloth with a warm, celebratory atmosphere. +A close-up of a judge’s gavel resting on a dark wooden base, intricately carved with the words "Guilty AF" in bold, gothic lettering. The gavel is slightly tilted, casting a dramatic shadow. The scene is set in a dimly lit courtroom, with a soft, dramatic light highlighting the carved text. +A bustling train station with a digital arrival board prominently displaying "Track 9 On Time" amidst a stream of travelers. The scene is set during the day, with sunlight streaming through large windows, casting soft shadows on the polished floor. +A cheerful kitchen scene featuring a chef in a white apron that reads "Kiss the Cook", preparing a delicious meal with fresh ingredients, surrounded by vibrant, colorful kitchenware and a steamy pot on the stove. +A realistic photograph of an engraved stone plaque at the entrance of a tranquil park, with the inscription "Peace Garden" clearly visible, surrounded by lush greenery and a subtle path leading into the forest. +A weathered pirate's treasure chest, half-buried in sand, with a worn label that reads "Contains Only Regrets", under a twilight sky, surrounded by seashells and driftwood. +Graffiti art on the weathered train tracks, spelling "Rebel Youth Collective" in bold, vibrant colors, with urban decay and a sense of youthful defiance in the background. +A superhero's cape fluttering in the wind, featuring a bold emblem with the motto "Justice Prevails" intricately stitched in shimmering gold thread, set against a dramatic cityscape at dusk. +A medieval knight stands proudly, holding a shield emblazoned with the motto "Protect Serve Dragonkind". The knight is armored in detailed, weathered steel, standing against a backdrop of an ancient, mist-covered forest. The shield's emblem is prominently displayed, featuring a stylized dragon and the inscribed motto. +A close-up of a baby onesie, featuring intricate embroidery that reads "Future Astronaut". The onesie is a soft blue, with tiny stars and a miniature rocket ship embroidered around the text, creating a whimsical and adorable scene. +A realistic photographic scene of a food pyramid chart, prominently displaying the label "Grains 6 Servings" at the base, with colorful images of various grains and breads surrounding the text. +A cozy room with soft lighting, featuring a meditation cushion elegantly embroidered with "Inner Peace Sanctuary" placed on a bamboo mat, surrounded by potted green plants and incense sticks releasing gentle smoke. +A pixelated video game screen with a retro aesthetic, displaying the text "Game Over Try Again" in bold, vibrant colors against a simple background. +A close-up of a sleek, modern smartwatch with a vibrant screen displaying a calendar alert that reads "GYM 7PM", set against a blurred background of a fitness center. +A close-up of a programmer's laptop, featuring a vibrant "Hello World Coder" sticker, surrounded by notes and a cup of coffee, set in a cozy, modern workspace. +A cozy bakery interior with a rustic wooden shelf displaying a freshly baked loaf of bread. The tag hanging from the loaf reads "Freshly Baked at 6 AM" in elegant cursive, with warm morning light streaming through the window. +A vintage arcade cabinet with a glowing screen displaying the message "Game Over" in vibrant, pixelated text, surrounded by nostalgic 80s decor and soft, ambient lighting. +A realistic wedding cake adorned with a topper that reads "Oops" in elegant script, set against a soft, romantic background with delicate flowers and candles casting a warm glow. +A colorful children's lunchbox adorned with the playful comic font text "Super Space Snacker", featuring whimsical space elements like planets and stars, set against a bright, cheerful background. +A serene coastal scene with the fishing boat "The Sea Explorer" anchored in the calm waters at sunset, its reflection mirroring on the glassy surface, surrounded by a tranquil sky with soft orange and pink hues. +A modern, vibrant T-shirt design with the phrase "Code Never Sleeps" prominently displayed in a sleek, futuristic font, set against a gradient background transitioning from deep blue to vibrant purple. +A graduation cap adorned with "Class of 2024", placed on a wooden desk next to a diploma and a bouquet of fresh flowers, with a sunny window in the background casting a warm, natural light over the scene. +A vintage poster for a magician's show, featuring elegant typography that reads "Abracadabra Tonight" against a backdrop of swirling, mystical smoke and sparkles, set in a dimly lit alley with an old lantern casting a warm glow. +A college dorm room door adorned with a festive decoration that reads "Class of 2027", featuring streamers and a small banner, with a backpack and a pair of sneakers casually placed beside it. +A bustling space farmer's market stand, with a vibrant neon sign reading "Fresh Asteroid Greens" hanging overhead. The stand is filled with exotic, otherworldly plants and vegetables, while space-suited vendors and customers chat animatedly. +A vibrant nightclub scene with a person's wrist prominently displaying a wristband stamped "VIP Access" glowing under UV light, surrounded by neon colors and dancing figures. +A vintage lunchbox thermos, its surface worn and scratched, with a bold label that reads "Mystery Flavor" in retro typography, sitting on a checkered picnic blanket under a sunny sky, surrounded by nostalgic 1950s items like a vinyl record and a soda bottle. +Ancient cave wall adorned with a detailed painting depicting early human hunters, "Ancient Hunters Here", rendered in earthy tones with natural pigments, illuminated by the soft glow of torchlight, capturing the essence of prehistoric life. +A realistic photograph of a modern, sleek door with "Authorized Personnel Only" clearly printed on a warning sign, set in a dimly lit corridor with subtle reflections on the floor, enhancing the sense of restricted access. +A vintage pharmacy sign, weathered and glowing softly, advertises "Soda Fountain Open" in elegant, retro font, set against a backdrop of an old-fashioned town street, with vintage cars and pedestrians in period attire. +A modern laundry room with a high-tech washing machine displaying the error code "E404 Socks Dimension Missing" on its digital screen, surrounded by colorful, mismatched socks scattered on the floor, creating a whimsical and slightly chaotic scene. +A modern electric car charging station with a clear label reading "EV Charging Only" set against a backdrop of sleek, futuristic city architecture. The station is clean and well-lit, with a few electric vehicles parked nearby, emphasizing the dedicated charging area. +A neon bar sign glowing "Live Music Tonight" stands out against a dark urban night, casting vibrant reflections on wet pavement and drawing the eye to the bustling entrance of a lively bar. +A weathered pirate treasure map with intricate illustrations, showing a coastal town with a prominent building labeled "X Marks the Tax Office", surrounded by lush trees and a sandy beach. +A dramatic photo illustration of Earth under a stormy sky, being struck by multiple converging lightning bolts, creating a powerful and intense visual effect, titled "ginzuishou". +A night tour advertisement for "100 Bootiful Experience", featuring a group of intrigued tourists with flashlights, exploring an eerie, fog-covered cemetery. The ghostly figure of a woman in a flowing dress appears faintly in the background, adding to the mysterious and haunting atmosphere. +A scenic ski resort with a trail map marker clearly noting "Beginner Slope Green", set against a backdrop of snowy slopes and pine trees, capturing the serene and welcoming atmosphere of a winter retreat. +A cozy kitchen countertop with a vintage recipe card titled "Grandma's Secret Cookies", surrounded by ingredients like flour, sugar, and chocolate chips, with a warm, golden light streaming through a nearby window, casting soft shadows. +A realistic photograph of fireworks packaging with a clear warning label that reads "Light Fuse Retreat", set against a backdrop of a dark, starry night, hinting at the excitement to come. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot Liquid", sitting on a wooden table, steam rising gently from the cup, with a soft, warm ambient light illuminating the scene. +A close-up of a toddler's lunchbox, opened to reveal a small, handwritten note that says "Mom Loves You", with colorful stickers and a slice of apple beside it. +A vintage movie prop featuring a newspaper with a bold headline: "Aliens Land Yesterday", set against a 1950s cityscape with futuristic UFOs hovering in the sky, capturing the excitement and disbelief of the crowd. +A realistic photograph of a supermarket aisle, with a bright, eye-catching price tag prominently displaying "Sale 199lb" on a shelf filled with various products, capturing the essence of a bustling shopping environment. +A movie theater marquee illuminated at night, prominently displaying "Premiere Tonight" in bright, colorful lights, with a crowd of excited moviegoers gathering outside, paparazzi snapping photos, and a red carpet leading up to the entrance. +A close-up of solar eclipse glasses with the warning "Do Not Remove" clearly visible on the side, set against a backdrop of a partially eclipsed sun, with rays of light gently illuminating the scene. +A baker in a cozy, rustic kitchen, wearing an oven mitt embroidered with "Hot Stuff Coming Through", reaching into a wood-fired oven, with a warm, golden light casting a soft glow on the scene. +A realistic photograph of a modern laptop screen displaying an error message that reads "Connection Failed", with a frustrated user's hand resting on the keyboard, in a dimly lit room with a window showing a rainy night outside. +A realistic photograph of a coffee cup that has spilled onto a white sheet of paper, creating a stain that remarkably resembles the word "Oops" in a casual, handwritten style. +A vibrant poster design featuring the title text "Meatball Machine" in bold, playful fonts, surrounded by whimsical illustrations of meatballs and mechanical gears, set against a retro-futuristic background. +A close-up of a recycling bin sticker with the text "Plastic Only", set against a backdrop of a clean, modern recycling station with bins for different materials. The sticker is vibrant and clear, with a slight reflection from the sunlight. +A vintage radio with a prominently displayed dial labeled "Tune In", set against a retro background with warm, nostalgic lighting, capturing the essence of an era past. +A rustic farm scene featuring a scarecrow holding a wooden sign that reads "Crows Welcome". The scarecrow is surrounded by a golden wheat field under a clear blue sky, with a few crows perched nearby, creating a harmonious and peaceful atmosphere. +A vast desert canyon with towering red rock walls, one of which is adorned with the painted words "Mirage Ahead" in bold, white letters, casting a slight shadow in the midday sun. +A vibrant surfboard art piece featuring the phrase "Hang Ten" in bold, retro surf style, set against a backdrop of crashing waves and a sunny beach sky, capturing the essence of classic surf culture. +In a bustling sports arena, a massive jumbotron displays the cheering message "Go Team Go" in vibrant colors, surrounded by enthusiastic fans waving team flags and creating a sea of energetic supporters. +A cozy coffee shop interior with a rustic wooden table and a vintage armchair. On the chalkboard menu, it reads "Existential Crisis Latte 499", surrounded by illustrations of coffee cups and leaves. Warm, soft lighting enhances the inviting atmosphere. +A taxi parked on a quiet street at dusk, its roof light illuminated with the words "Off Duty Forever", casting a soft glow over the empty road and reflecting in the wet pavement. +A painter's workspace, with a palette smeared with vibrant colors, prominently displaying the phrase "Color Outside the Lines" in bold, artistic lettering. +A serene yoga studio with walls adorned in a repeating pattern of "Breathe In Peace" on yoga mats, soft natural light filtering through large windows, creating a calm and meditative atmosphere. +A close-up of a sleek laptop with a vibrant sticker that reads "Ctrl Alt Defeat" in a bold, gamer font, set against a minimalistic background. +A vast desert landscape with a lone, weathered signpost that reads "Water 10 Miles Ahead Maybe", surrounded by dry sand and sparse, withered vegetation, under a scorching sun. +A futuristic cityscape at night, with a glowing hologram floating above the skyline, displaying the message "Population 8 Billion Counting" in vibrant, neon colors. The city below is bustling with activity, illuminated by the soft glow of the hologram. +A vintage 1950s diner with a classic jukebox in the corner, illuminated by soft neon lights. A customer stands nearby, inserting a coin and selecting "Play A7 for Elvis", the room filled with the nostalgic ambiance of the era. +A bustling farmers market with a wooden sign prominently displaying "Organic Produce Here", surrounded by vibrant stalls filled with fresh fruits and vegetables, under a sunny sky. +A close-up of a sleek, black coffee mug on a desk, steam rising gently, with the text "Code Now Apologize Later" printed in bold, modern font, surrounded by scattered code snippets and a laptop open to a coding project. +A pirate ship navigates stormy seas, its sail prominently displaying a weathered patch that reads "Beware Kraken Territory". The ship's crew, dressed in rugged attire, looks wary, eyes scanning the dark waters for signs of the legendary sea monster. +A prehistoric cave painting featuring a mammoth, rendered in charcoal, with the modern caption "Big Food" written beneath it, set against the rough texture of an ancient cave wall. +A bustling airport terminal with a large LED screen prominently displaying "CheckIn Now Open" in vibrant colors, surrounded by travelers with luggage, some looking at the screen, others waiting in line at the check-in counters. +A cluttered detective's office with a corkboard wall, covered in photos, notes, and newspaper clippings, all connected by intricate red strings leading to a central note that reads "Moms Basement". +A close-up of an archery target with the center labeled "Bullseye 10 Points", showing the concentric rings in vivid colors, with a few arrows embedded near the bullseye, set against a blurred forest background. +A close-up of a medicine bottle with a white label, prominently displaying the warning "Take With Food" in bold black text, set against a blurred background of a kitchen counter with a glass of water and a plate of crackers. +An ancient, weathered page from a wizard's spellbook, titled "Summon WiFi", with intricate illustrations of swirling digital signals and arcane symbols. The page is illuminated by a soft, magical glow, highlighting the detailed text and diagrams. +A futuristic cityscape at dusk, with towering skyscrapers and neon lights. In the foreground, a group of advanced robots with human-like features stand in a park, their expressions conveying confusion and uncertainty, perfectly capturing the essence of "Robots in Denial". +In a modern art gallery, a sleek, minimalist description card titled "Untitled Potential 1M" rests beside an abstract sculpture. The card's clean, white surface contrasts with the vibrant, dynamic artwork, capturing the essence of potential and infinity in a stark, elegant setting. +A detailed page from a solar panel installation manual titled "Solar Power 101", showcasing diagrams and step-by-step instructions for installing solar panels on a residential roof, with clear labels and safety guidelines. +A realistic photograph of a laboratory door with a sleek, modern design. The door features a prominent, metallic plaque that reads "Authorized Personnel Only" in bold, clear lettering. The background shows a glimpse of high-tech lab equipment through a small window. +A scientist stands triumphantly in a lab, their whiteboard behind them scribbled with "Eureka Moment Achieved", surrounded by scattered papers and scientific equipment, capturing the exhilaration of a groundbreaking discovery. +A vintage UFO abduction poster with a retro 1950s feel, warning "Beware of Probe Salesmen" in bold, neon letters. The poster features a mysterious, glowing UFO hovering over a small town, with shadowy figures in the background, creating a sense of intrigue and caution. +A vibrant flower bed arranged in a colorful pattern to spell "Community Garden", set in a sunny park with a wooden fence and blue sky in the background. +A majestic stone monument stands tall, its surface intricately carved with ancient runes that translate to "Kings Fall Here", set against a backdrop of a dense, misty forest, the scene bathed in the soft, golden light of dawn. +A gritty urban alleyway with brick walls, where vibrant graffiti in bold colors spray-painted "Revolution Now" stands out against the worn, textured surface. +In a sleek, futuristic sci-fi corridor, a flickering hologram warning "Unauthorized Access Detected" hovers mid-air, casting an eerie blue glow on the metallic walls and floor, creating a tense atmosphere of high-tech security and suspense. +A high-tech spy wearing sleek, futuristic sunglasses with a heads-up display (HUD) that prominently shows "Lying Detected 97%" in a crisp, digital font, standing in a dimly lit, high-stakes room with a suspicious figure across from them. +A vibrant circus tent banner proudly displays, "World's Smallest Horse Show", under a clear blue sky. Colorful flags wave in the breeze, and a small, cheerful crowd gathers, eagerly anticipating the unique spectacle. The tent is surrounded by lush green fields, enhancing the festive atmosphere. +A ballet studio with a large mirror featuring a decal that reads "Dance Like Nobody's Judging". Dancers in various poses are reflected in the mirror, capturing the essence of freedom and expression. +A realistic photograph of a vintage bank vault door with a large combination wheel prominently displaying the numbers "Turn to 231907", set against a dimly lit, secure room with old-fashioned security features. +A rustic bakery shelf displays a freshly baked bread loaf, prominently branded "Artisan Sourdough", with a golden crust and a soft, inviting texture, set against a backdrop of warm, wooden tones and soft, ambient lighting. +A weathered, ancient parchment with faded text "The Lost City" lies on a rustic wooden table, illuminated by the warm glow of a nearby candle, casting soft shadows across the intricate, aged paper. +A cozy bedroom with soft, warm lighting, featuring a plush bed with a delicate pillow embroidered with the words "Sweet Dreams" in elegant cursive, surrounded by subtle floral patterns. +A cozy candy shop interior with jars of colorful sweets, one jar prominently featuring a handwritten label that reads "Take Just One", set against a backdrop of vintage shelves and soft, warm lighting. +A hiker stands in a dense, misty forest, his compass needle eerily stuck on "Lost", surrounded by ancient, gnarled trees and overgrown underbrush, creating a sense of isolation and mystery. +A high school football player wearing a jersey with the name "Titan" prominently displayed on the back, standing on a sunlit field, the grass slightly uneven under his cleats, a determined look on his face. +A realistic photograph of a college lecture hall labeled "Philosophy 101 Section B", showing rows of students engaged in discussion, with a professor at the front pointing to a whiteboard filled with philosophical concepts. +A realistic photograph of an airport security checkpoint, featuring a clear sign that reads "Remove Metal Objects" in bold letters, with travelers in the background removing their belts, watches, and jewelry. The lighting is natural, with the scene focused on the sign and the security area. +A close-up of a vintage wall clock with an intricate "Time Flies" inscription on its face, set against a softly blurred background, capturing the elegance and timeless beauty of the clock's design. +A city street at dusk, a yellow taxi with its roof light prominently displaying "Available For Hire" in bright, clear letters, reflecting off the wet pavement after a light rain, with pedestrians and other cars in the background. +A close-up of a wine bottle with an elegant label reading "Vintage 1990", set against a soft, blurred background, capturing the refined texture and subtle glow of the bottle. +A realistic construction site scene with workers in neon vests, emphasizing a bright, yellow construction helmet sticker warning "Hard Hat Area" prominently displayed on a metal barrier. +A detailed golf scorecard for a "Par 72 Course", featuring a neatly arranged layout with rows for player names, holes, and scores, set against a background of lush green fairways and blue skies. +A close-up of a movie theater popcorn bucket with "Extra Butter" printed on it, sitting on a red velvet seat, with the glow of the movie screen casting a warm light, emphasizing the vibrant colors and text. +A detailed science textbook diagram labeled "Mitochondria Powerhouse", showcasing the intricate structure and functions of mitochondria within a cell, with clear labels and annotations highlighting its role in energy production. +A bustling coffee shop with a cheerful barista wearing an apron, holding a steaming cup of coffee. The barista has a name tag that reads "Ask Me About Our Brews", surrounded by shelves of coffee beans and pastries. The scene is warm and inviting, with soft lighting and the aroma of fresh coffee. +A charming children's book illustration featuring a gentle, colorful dragon with big, expressive eyes, sitting on a cozy, whimsical forest floor, saying "I need a hug", surrounded by curious woodland creatures. +A detailed, ancient wizard's spellbook page titled "How to Summon Uber Eats", with mystical runes and illustrations of modern food items, set against a backdrop of glowing, enchanted symbols and a faint, ethereal cityscape. +A marathon runner, drenched in sweat, with determination in their eyes, wearing a bib number that clearly reads "Race 42", crossing the finish line amidst a cheering crowd, the sun setting behind them. +A close-up of a firefighter's helmet, showcasing a bold sticker that reads "No Fear Just Fire", set against a backdrop of a smoldering urban landscape, capturing the essence of bravery and determination. +A close-up of a vintage vending machine with a jammed button on "Mystery Flavor", surrounded by an array of colorful, retro snack packages. The machine's glass front reflects a dimly lit alley, adding a nostalgic and slightly eerie atmosphere. +An antique bookplate inside a vintage book, intricately designed with the Hogwarts coat of arms and stamped with the text "Property of Hogwarts", set against the warm, dusty backdrop of an old library. +A vibrant board game box cover featuring bold, colorful graphics and the prominent text "Strategy Game of Year" in elegant, modern font, set against a backdrop of strategic icons like chess pieces and maps. +A wizard stands in a mystical forest, his staff glowing with an ethereal light labeled "Power Within", casting a warm, radiant glow that illuminates the ancient trees and fog around him. +A high-performance racing car speeding on a track, with a striking hood decal that reads "Speed Demon 99" in bold, vibrant colors, capturing the intense speed and dynamism of the scene. +A chef standing in a modern kitchen, wearing a pristine white chef’s hat embroidered with "Master Chef" in elegant gold thread, holding a wooden spoon and gazing thoughtfully at a simmering pot on the stove. +A gym locker room scene with a large, fogged mirror displaying the words "You Look Great" in clear, condensed letters. Steam swirls around, creating a slightly hazy atmosphere, emphasizing the motivational message. +A movie director's chair on a sunlit film set, with the backrest prominently displaying "Silence On Set" in bold letters, surrounded by clapperboards, cameras, and crew members in the background. +A museum gallery featuring an audio guide screen prominently displaying "Exhibit Commentary On", surrounded by ancient artifacts and dim, ambient lighting, with a visitor standing nearby, looking engaged. +A classroom poster featuring the solar system, with planets in vibrant colors, set against a dark, starry background. The poster is titled "Our Cosmic Neighborhood", with the text prominently displayed at the top. +A modern, sleek video thumbnail featuring bold text "New Upload Watch Now" in vibrant colors, set against a gradient background with subtle digital patterns, capturing the essence of online content discovery. +An astronaut stands on a lunar landscape, their helmet visor reflecting the determined message "Moon or Bust" amidst the stark, grey terrain and distant Earth. +An astronaut stands beside the lunar module on the moon's surface, the plaque on the module clearly visible, reading "Eagle Has Landed", with the Earth visible in the distant black sky. +In a quiet museum gallery, a sleek, modern audio guide screen displays the text "Press 5 for Artist Biography" against a minimalist background. The screen is slightly illuminated, and a subtle reflection of an abstract painting can be seen on its surface. +A realistic photograph of a wedding cake topped with a humorous sign that reads "Last Chance to Run", set against a rustic, barn-style backdrop with soft, warm lighting and a sprinkling of flowers around the base. +A desolate highway at dusk, with a zombie evacuation route sign prominently displaying "Safe Zone 5 Miles" in the center. The scene is dimly lit, with a faint, eerie glow from the setting sun, and abandoned cars scattered along the roadside. +A close-up of a firefighter's helmet, the shield prominently displaying "Rescue Team 6" in bold, reflective letters, set against a backdrop of smoke and flames, capturing the intensity and bravery of the moment. +A detective's cluttered office with a large clue board prominently displaying the heading "Case Breakthrough", surrounded by pinned photos, notes, and red string connecting various pieces of evidence. The scene is dimly lit, with a single spotlight focusing on the board. +A cluttered detective's office with a large clue board centered, heading "Case Breakthrough", pinned with photos, notes, and red strings connecting various pieces of evidence. The board is illuminated by a single desk lamp, casting shadows on the wall. +A high-speed race car with a gleaming hood decal that reads "Speed Demon XTR" in sleek, metallic letters, set against the backdrop of a bustling racetrack. The car is poised for action, with tires gripping the tarmac and the engine roaring to life. +A cave explorer stands in a dimly lit chamber, holding a weathered map with the notation "Chamber of Secrets" clearly visible. Stalactites hang above, and ancient symbols are etched into the stone walls, casting eerie shadows in the flickering light of their torch. +A steaming cup of café latte with intricate foam art, featuring "Hello Monday" elegantly written in cinnamon on the surface, set against a warm, cozy café background. +A cozy bakery scene with a freshly baked croissant in a paper bag stamped "Butter Makes It Better", sitting on a wooden counter next to a steaming cup of coffee, with sunlight streaming through the window. +A vintage radio with a glowing dial tuned precisely to "1035 Golden Oldies", set against a nostalgic backdrop of a 1950s living room, with soft, warm lighting and a cozy atmosphere. +A pirate ship navigates stormy seas, its flag billowing in the wind. The flag bears the ominous warning, "Beware the Kraken", with a dark, tentacled creature lurking beneath the waves, ready to strike. +A cozy bookstore interior with a wooden shelf labeled "Books You'll Never Read", featuring an array of vintage and modern books, soft ambient lighting, and a curious reader browsing the unique collection. +A coastal night scene with a surfer's beach shack featuring a vibrant neon sign that reads "Shaka Shack", reflecting softly on the sandy shore and the gentle waves of the ocean. +A vibrant movie poster with the text "Up and Vanished" prominently displayed, featuring a mysterious figure ascending into a swirling vortex of clouds, set against a backdrop of a dark, stormy sky. +An astronaut stands on a lunar surface, planting a flag that reads "First Contact" into the gray, powdery soil, with Earth hanging low in the dark sky behind them. +A vibrant circus tent with a large banner announcing "Lion Tamer Show Tonight" fluttering in the breeze, surrounded by colorful lights and a lively crowd, capturing the excitement of the evening's performance. +In a bustling pottery workshop, a wooden shelf is labeled with a hand-painted sign reading "Kiln in Use Hot", warning of the active kiln nearby, surrounded by clay pots and tools. +A sunny beach with volunteers engaged in a cleanup effort, holding a vibrant banner that reads "Take 3 Trash Free Seas" prominently displayed in the center, surrounded by clear blue waters and golden sands. +A realistic photograph of an old, worn calendar page torn to reveal "Friday the 13th", with the edges frayed and the background showing a dimly lit, cluttered desk. +A wedding cake topper featuring an elegant script that reads "Happily Ever After", adorned with intricate floral designs and delicate pearls, set against a soft, romantic backdrop. +A bustling farmer's market scene with a wooden stall sign prominently displaying "Local Honey Sold Here", surrounded by jars of golden honey and vibrant, fresh produce, under a sunny sky. +A serene scene with a bustling cityscape in the background, a single fluffy cloud floating in the foreground, and the text "contemplate the clouds" elegantly written in rounded cursive below the cloud. +A cozy bakery interior with a visible, swirling scent cloud forming the words "Fresh Bread" above a freshly baked loaf, surrounded by pastries and warm lighting. +A cozy living room with warm, inviting furniture, featuring a prominent wall art piece that reads "Family Is Everything" in elegant, cursive font, surrounded by a rustic wooden frame, with soft, ambient lighting enhancing the familial atmosphere. +A vibrant rock band tour t-shirt with bold, eye-catching graphics featuring "World Tour 2024" in a dynamic font, set against a backdrop of a world map with interconnected tour routes, surrounded by concert lights and musical notes. +A vibrant street scene featuring detailed graffiti on the brick wall of a bustling music venue, spelling "Live Loud" in bold, colorful letters, with concert-goers passing by and the glow of stage lights visible through the venue's open doors. +A detective's notebook lies open, revealing a page densely scribbled with the words "Case Unsolved" and a large, emphasized question mark, surrounded by scattered notes and sketches. +A modern, sleek weather app icon with a bright sun and the text "Sunny 75F" displayed prominently, set against a clear blue sky background. +A close-up of a receipt footer with clear, crisp text stating "All Returns Within 14 Days", set against a slightly blurred background of a retail counter with a cash register. +A modern elevator with a sleek, metallic button panel, where the button for "Floor 13 Closed" glows ominously in a dark, empty hallway. The scene is captured in a realistic photographic style, emphasizing the eerie glow and the sterile, clinical environment. +A high-resolution photo of a modern living room with a clean, minimalistic design. On one wall, a large, stylish motivational wall decal reads "Dream Believe Achieve" in elegant, bold letters, adding a touch of inspiration to the space. +A bustling school cafeteria on "Taco Tuesday", colorful posters advertising the special, students lining up with excited expressions, tables filled with steaming trays of tacos, vibrant decorations, and a lively, cheerful atmosphere. +A detective's worn notebook lies open on a cluttered desk, the page filled with scribbled notes and a prominent heading: "Follow the Money". A magnifying glass rests on the entry, highlighting the urgency of the investigation. The room is dimly lit, with a single desk lamp casting shadows. +A detailed photograph of an antique wooden puzzle box, intricately carved with mysterious symbols, sitting on a dark velvet cloth. The box is labeled "Solve Me" in elegant gold lettering, casting a soft shadow. +Ancient cave wall adorned with intricate charcoal drawings of various animals, including deer, bears, and birds. In the center, bold charcoal text reads "We Were Here", emphasizing the presence of early human artists. The scene captures the raw, rustic beauty of prehistoric art. +An antique globe stand with a brass plaque inscribed "World Explorer 1765", placed in a dimly lit study with old maps and nautical instruments scattered around, capturing the essence of 18th-century exploration. +A wizard's hat, detailed with intricate magical symbols, sits prominently on a rustic wooden table. Attached to the hat is a small, elegant tag that reads "Magicians Guild Approved", signifying its authenticity and prestige. The scene is bathed in a warm, golden light, enhancing the mystical atmosphere. +A vibrant video game loading screen featuring the tip "Collect All Coins" in bold, colorful text, surrounded by dynamic, pixelated graphics of coins floating in a fantastical world, with a playful, energetic atmosphere. +A close-up photograph of a hospital IV bag with a clear, crisp label warning "Sterile Solution Only" in bold text, set against a clean, white background, emphasizing the sterile and clinical environment. +A photograph of a sleek, modern car parked in a vibrant city street, with a bumper sticker proudly proclaiming "My Other Ride is a Unicorn". The car is surrounded by bustling urban life, with pedestrians and other vehicles in the background. +A sleek, modern weather app interface on a smartphone screen, displaying a humorous forecast predicting a "100% Chance of Mondays". The background shows a cloudy sky with a calendar icon, emphasizing the Monday theme. +A toddler wearing a onesie printed with "Future President" sits on a colorful play mat, surrounded by toys, in a bright, cozy living room. The child looks up, smiling, with a background of warm, natural light filtering through a window. +A mysterious, dimly lit escape room with ancient, cracked walls. At the center, a glowing, ethereal door with the phrase "The Real Exit Was Inside You" inscribed in glowing letters. The atmosphere is tense, with shadows dancing from a flickering light above. +A bustling food truck with a vibrant "Tacos 2 Each" sign, parked on a sunny street corner. Happy customers queue up, eagerly awaiting their delicious, hand-crafted tacos. The truck is adorned with colorful murals of tacos and vibrant Mexican motifs. +A high-security bank vault door, imposing and robust, with "Security Level 5" etched prominently in metallic script, set against the cold, dimly lit interior of a vault room. +A beautifully decorated bakery cake featuring a topper that reads "Happy 100th Birthday", surrounded by colorful candles and festive sprinkles, set against a warm, inviting backdrop. +A vibrant car dealership banner stretches across the entrance, boldly proclaiming "Zero Down Payment Now" in eye-catching red letters. The scene is set during a sunny afternoon, with a sleek new car model prominently displayed on the lot, attracting curious onlookers. +A vibrant carnival tent adorned with a bold banner that proclaims "See the Two-Headed Poet", surrounded by curious onlookers and colorful decorations, capturing the mystical and whimsical atmosphere of the event. +An astronaut stands on the moon, their boot leaving a distinct print that spells out "One Small Scroll" in the fine lunar dust, under the stark, shadowy landscape illuminated by the distant Earth. +In a bustling space diner, the specials board prominently displays "Asteroid Hash Browns" among other cosmic dishes, with a backdrop of distant stars and the occasional astronaut patron. The neon sign glows with a futuristic vibe, reflecting off the polished metal surfaces. +A detailed close-up of a concert wristband, stamped with "All Access Backstage Pass", featuring a vibrant, worn texture with a slight curl at the edges, set against a blurred background of a bustling backstage area. +A mountain trail with a rugged path, leading to a wooden signpost carved with "Summit or Bust" amidst a backdrop of towering peaks and lush greenery. +A weathered, old wanted poster hanging on a wooden signpost, offering a "10000 Reward" for the capture of a notorious outlaw. The poster is partially torn, with a faded black-and-white photograph and a handwritten description, set against a dusty, rustic Western town backdrop. +A firetruck parked on a city street, its door displaying bold decals that read "Station 88 Bravest", with firefighters in the background preparing for a call. +A realistic photograph of a library return slot with a clear sign stating "Drop Books Here", set against the backdrop of a quiet, book-lined hallway. Soft, natural light filters in from nearby windows, highlighting the sign and the texture of the books. +A close-up of a modern voting booth screen, prominently displaying the message "Confirm Your Selection" in bold, sans-serif font. The screen is slightly reflective, showing a faint outline of the voter's hand poised to touch the button. +A modern hotel lobby with a sleek, illuminated directory sign that clearly displays "Conference Room B" among other room options, set against a backdrop of marble floors and contemporary furniture. +Ancient cave walls adorned with crude yet expressive paintings, featuring the "First Meme" — a simple, yet iconic image of a prehistoric figure pointing and laughing at a smaller, puzzled figure. Soft, ambient light enhances the natural textures and colors of the cave, bringing the scene to life. +A lighthouse stands on a rugged cliff, its powerful beacon projecting the words "Lost Reboot Lighthouse" into the misty night sky, illuminating the turbulent sea below. +A bakery window adorned with a decal announcing "Gluten-Free Fridays", featuring whimsical cupcake doodles scattered around the text, creating a cheerful and inviting atmosphere. +A bustling city street at night, featuring a vibrant hair salon with a neon sign that boldly states "Walk Ins Welcome", casting a colorful glow on the pavement and passersby. +A roadside billboard in a sunny suburban setting displays "Slow Down School Zone" with cheerful, colorful cartoon children playing safely nearby, emphasizing the message's importance. +A futuristic Mars colony with a large, transparent dome. Inside, a sign reads "Air Lock Selfie Spot" next to a modern, sleek air lock door. The scene is illuminated by the soft glow of the colony's lights, with the red Martian landscape visible outside the dome. +A dimly lit highway at night, with a flickering "Vacancy" sign of a vintage motel visible in the distance, casting a nostalgic glow against the dark sky. +A snowman with a distinct carrot nose, tagged with a small sign that reads "Frosty Says Hi", standing in a snowy landscape under a clear, blue sky. +A classroom wall featuring a large, colorful poster of the "Periodic Table", surrounded by student drawings and notes. The poster is prominently displayed, with elements clearly labeled and vibrant illustrations depicting each element's properties. +A detailed interior of a sleek, high-tech spy gadget briefcase, with compartments and gadgets, etched with the words "For Your Eyes Only" in a sophisticated font, illuminated by a soft, ambient light. +A realistic classroom scene with students at desks, a teacher pointing to a whiteboard with the question "Solve for X" written in blue marker, and sunlight streaming through windows. +A sleek digital watch face, modern and minimalist, displaying the message "Time to Move" in clear, bold letters against a dark background, surrounded by a thin, metallic bezel. +A plate featuring a single oyster, with a fork and knife piercing it. Below the plate, a caption reads, "oysters for lunch". The setting is a casual dining table with a white tablecloth, emphasizing the simplicity and elegance of the seafood presentation. +A vibrant toy store banner hangs across the entrance, boldly proclaiming "Kids Play Zone" in playful, colorful letters. Surrounding the banner are shelves overflowing with toys and games, creating a festive and inviting atmosphere for children and parents alike. +A photograph of a rustic Italian restaurant's menu board, prominently featuring "Daily Special Lasagna" handwritten in elegant script, with a wooden background and a few fresh herbs like basil and oregano scattered around the edges. +A yellow taxi parked on a dimly lit street, its roof light blinking "Off Duty" in yellow letters, reflecting softly in the wet pavement. +A futuristic space hotel lobby with a sleek, metallic sign that reads "Gravity Zone Ahead", set against a backdrop of stars and distant planets, with soft, ambient lighting highlighting the sign and the polished floor. +A realistic photograph of a laptop screen displaying an error message that reads "System Update", with a slightly worried user in the background, reflecting the frustration of a common tech issue. +A serene beach scene with clear blue water and golden sand, featuring a mermaid sitting on a rock. A weathered wooden sign reads "No Swimming During Shark Week" in bold letters, warning beachgoers of the potential danger. +A sleek smartwatch face with a modern, minimalist design, displaying a clear and prominent "Low Battery 10%" notification in the center, set against a dark background with subtle, ambient lighting highlighting the edges of the watch. +A realistic photographic scene of a vast, arid desert where heat waves distort the air, creating a mirage that appears as "Oasis 2 Miles" in the distance, with shimmering water and lush palm trees visible through the wavering heat. +A beautifully decorated birthday cake with intricate icing that spells "Happy 30th Sarah" in elegant script, surrounded by colorful candles and placed on a white tablecloth in a cozy, softly lit room. +A protester stands in a crowded city square, holding a hand-painted sign that reads "Climate Justice Now", with a determined look on their face, surrounded by other demonstrators and onlookers. +Ancient pyramid wall, intricate carvings detailing a warning, "Beware the Scorpion King", in hieroglyphics, shadowed by the dim light of torches, sandstone textures, arid desert background, realistic photography. +A close-up of a bakery cookie bag with a clear "Contains Nuts" warning label, set against a warm, rustic wooden background, with a few cookies spilling out, creating a cozy and inviting atmosphere. +A realistic classroom scene with a chalkboard featuring a playful doodle that reads "Math is Optional", surrounded by scribbled equations and cartoon characters, captured in a nostalgic, slightly grainy photograph. +A close-up of a concert wristband with "VIP Access Only" clearly visible, set against a backdrop of a vibrant, crowded music festival, with colorful stage lights and excited fans in the background. +A close-up of a sleek smartwatch with its screen displaying "Low Battery Please Charge", set against a minimalistic background, emphasizing the urgency of the message with a slightly anxious atmosphere. +A community board with a colorful flyer that reads "Free Books Take One", surrounded by various other flyers and notices, set against a backdrop of a bustling town square with people walking by. +A Martian colony greenhouse, labeled "Grow Your Own Regrets", features lush, vibrant plants against the stark, red landscape of Mars, with astronauts tending to the flora in their space suits. +A museum exhibit showcasing fossilized remains from the "Jurassic Period", with detailed plaques and dim, ambient lighting enhancing the prehistoric atmosphere. Glass cases protect the ancient bones, while spotlights highlight the intricate textures and shapes of the fossils. +A protestor holds a hand-painted poster reading "Climate Justice Now" in a crowded city square, surrounded by other demonstrators and banners, under a cloudy sky. +A vibrant T-shirt design with "Coffee People" in bold, eye-catching letters, set against a warm, coffee-colored background with subtle espresso bean patterns. +A detailed postage stamp design featuring "Peace Dove 2024", with a white dove carrying an olive branch, set against a backdrop of a serene blue sky and delicate floral borders. +A bustling street scene with an art supplies store prominently featuring a sign that reads "Paint Sale 50% Off", surrounded by colorful paint tubes and brushes in the window, attracting curious shoppers and artists. +In a high-tech superhero base, a large monitor displays a red alert: "Villain Detected at Bank". Surrounding the screen, advanced computers and futuristic interfaces light up, while a hero's silhouette is visible in the background, preparing for action. +A realistic photograph of a highway at dusk, with an electronic sign prominently displaying "Fog Ahead" in bright yellow text, warning drivers of the hazardous conditions ahead. The scene is dimly lit, with the first hints of fog beginning to roll in along the roadside. +A detailed campground map with a clear "You Are Here" marker, surrounded by lush trees and scenic trails, set against a backdrop of rolling hills and a serene lake. +A high-quality photograph of a white T-shirt with minimalist "Breathe" text elegantly placed just below the collar, set against a clean, neutral background to highlight the simplicity and clarity of the design. +A detective's notebook page, slightly worn and creased, with a handwritten note that reads "Follow the White Rabbit" amidst a clutter of other scribbled observations and clues. +A detailed, realistic photograph of an ancient, leather-bound wizard college textbook titled "Cursing for Beginners", resting on a wooden desk with a flickering candle nearby, casting a warm, mystical glow. +A detailed, realistic subway map centered on the "Central Hub" station, showcasing intricate routes and connecting lines, with clear, modern signage and a bustling, vibrant atmosphere. +A vast sea of roses stretches as far as the eye can see, with a weathered sign in the distance that clearly reads "danger: minefield", creating a stark contrast between beauty and peril. +A realistic photograph of a mountain trail with a prominent sign that reads "Beware Falling Rocks", surrounded by rugged terrain and loose stones, capturing the essence of a cautionary hiking path. +A vintage movie theater marquee glowing under the night sky, prominently displaying "Killer Robots 3 Tonight Only" in bold, neon letters, with a crowd of excited moviegoers lining up at the entrance. +A bustling sushi restaurant with a conveyor belt prominently displaying a sign that reads "Now Serving Salmon Special", surrounded by various sushi dishes and cheerful patrons. +A vast solar panel farm stretches under a clear blue sky, with a prominent sign at the entrance reading "Clean Energy Ahead". The scene captures the essence of renewable energy, with the panels gleaming in the sunlight. +A realistic photograph of a parking garage with a prominent sign reading "Full Use Overflow Lot", surrounded by cars and with a few people walking nearby, emphasizing the busy urban setting. +A stone monument engraved with "They came in peace" stands solemnly at a serene UFO landing site, surrounded by a misty, tranquil landscape under a starlit sky. +A realistic photograph of a swimming pool with a depth marker painted on the side, clearly showing "Deep End 12 ft" in bold, vibrant letters. The water is crystal clear, and the pool is surrounded by a modern, minimalist setting. +A classroom with a vibrant poster on the wall stating "Think Outside the Box", surrounded by students engaged in creative activities, with colorful drawings and models displayed around the room. +Astronaut in a futuristic suit, the helmet visor displaying a HUD with "O2 98 Stable", standing on a rocky Martian surface under a dusky pink sky, with a distant rover and the curvature of Mars visible on the horizon. +A dimly lit room with a detective's whiteboard prominently displayed, featuring the note "Prime Suspect" written in bold, red marker. The whiteboard is cluttered with case files and photos, highlighting the intensity of the investigation. +A wooden signpost stands in a dense, misty forest, its weathered surface engraved with an arrow pointing towards "Elf Village". Sunlight filters through the canopy, casting dappled shadows on the moss-covered ground. +A winter scene featuring a ski lift with a clear safety notice board prominently displaying the message "Lower Bar Before Departure" in bold letters, surrounded by snow-covered trees and skiers preparing to board. +An ancient, leather-bound wizard’s spellbook lies open on a wooden table, illuminated by a single candle. The page displays intricate illustrations and handwritten text, prominently featuring the words "Invisibility Charm" in elegant script. +An astronaut in a detailed spacesuit, standing against the backdrop of a distant Earth, the helmet visor clearly reflecting digital readouts that display "Oxygen Levels Critical" in bright red letters. +A serene forest clearing at dusk, with a flickering campfire illuminating a rustic wooden sign carved with "Beware of Bears", partially shadowed by the surrounding dense trees. +A close-up of an eye exam chart with the letters "E F P T O Z" prominently displayed, set against a clean, white background. The letters are clear and bold, with a subtle shadow to enhance depth. +A weathered rock band poster on a city wall, faded and torn, boldly declaring "Tour Cancelled" in large, distressed letters. The poster shows the band's name and a guitar silhouette, with a graffiti-tagged background and a single spotlight shining on it at night. +A vibrant surfboard featuring the graphic "Ride the Wave", set against a backdrop of crashing ocean waves and a bright, sunny sky. The surfboard is positioned at an angle, catching the light and reflecting the blue of the water. +A serene waterfall cascades through a lush forest, the mist rising to create an ethereal veil that shrouds the scene in mystery, giving the impression of "Mystic Falls". Sunlight filters through the canopy, casting soft, golden hues on the mist and surrounding foliage. +A modern library interior with sleek, minimalist design, featuring a row of computers set against a wall of floor-to-ceiling windows. A patron is sitting at one of the computers, typing on the keyboard with "Search Catalog" displayed prominently on the screen. +A sleek, otherworldly alien spacecraft lands on a desolate planet, its hull adorned with intricate symbols that clearly read "Humans Cargo" in a glowing, alien script. The craft's surface reflects the harsh, red light of the distant sun, emphasizing its advanced and mysterious design. +In a neon-lit cyberpunk city, a massive digital billboard towers over the crowded streets, scrolling the words "Neon Dreams Corporation" in vibrant, pulsating colors. The scene is bustling with futuristic vehicles and pedestrians, all under the glow of the billboard. +In a dimly lit, eerie hallway of a haunted mansion, the wallpaper's intricate damask pattern subtly intertwines the words "GET OUT" in swirling, shadowy tendrils, casting an ominous presence. +A vibrant hand-painted mural on a school wall, featuring bold letters that spell out "Knowledge is Power", surrounded by colorful illustrations of books, students, and educational symbols. +A student's backpack, casually slung over one shoulder, features a tag that clearly reads "Ethan Grade 3 Class". The backpack is filled with books and a water bottle, set against the backdrop of a school playground during a sunny afternoon. +A realistic photograph of a caution sign reading "Wet Floor" placed on a polished marble floor, with a slight reflection of the sign in the wet surface, and a blurred background suggesting a busy hallway. +A high-resolution fitness tracker screen displaying "Goal Achieved 10000 Steps" with a modern, sleek design, set against a blurred background of a city park at sunset, capturing the essence of a successful day's activity. +A close-up of a gardener’s rake, the handle intricately carved with the phrase "Grow Through It", surrounded by lush, vibrant foliage and earthy textures, capturing the resilience and beauty of nature. +A rustic gardener's shed with a weathered wooden sign reading "Beware of Bees" hanging above the door, surrounded by blooming flowers and buzzing bees in a sunny, vibrant garden. +A bustling car dealership lot with a large, vibrant banner prominently displaying "Zero Percent Financing". Shiny new cars line the rows, reflecting the sunny sky, while excited customers and salespeople chat nearby, capturing the vibrant energy of a successful sale event. +A dimly lit kitchen at night, a vintage doomsday clock with a counter reading "Midnight Snack" prominently displayed on the wall, next to a half-eaten plate of cookies and a spilled glass of milk. +In a dimly lit hospital room, an IV bag labeled "Liquid Personality" hangs ominously beside a patient's bed, the clear liquid glistening under the soft glow of the overhead light, creating an eerie yet intriguing scene. +A close-up of a library book spine titled "History of Ancient Rome", with intricate gold lettering on a dark green leather cover, surrounded by other vintage books on a wooden shelf. +A modern laundry room with a sleek, front-loading washing machine set to the "Delicate Cycle". Soft, pastel tones and gentle lighting highlight the machine's digital display, emphasizing the delicate care setting. Clean, crisp fabrics are visible through the glass door, adding a touch of realism to the scene. +A dimly lit library with ancient wooden shelves, a single beam of light highlighting a book spine labeled "Mystery of the Lost Codex", surrounded by other vintage books. The atmosphere is mysterious and inviting, with a hint of dust in the air. +A bustling amusement park with a roller coaster in the foreground, prominently displaying a warning sign that reads "Keep Hands Inside Vehicle", surrounded by excited visitors and colorful, vibrant rides. +A clear, sunny day on a busy highway, with a large billboard on the side of the road advertising "Free Coffee Next Exit". Cars are passing by, and the billboard features a steaming cup of coffee and a welcoming sign, set against a backdrop of rolling hills and blue skies. +A highway at dusk, an electronic sign blinking "Fog Ahead Reduce Speed" amidst a light mist, vehicles with headlights on slowly navigating the road. +Astronaut's logbook entry on a futuristic space station, "Day 200 in Orbit", with a panoramic view of Earth through large windows, soft ambient lighting, and high-tech interfaces displaying vital station data. +A close-up of an old, leather-bound book in a quiet library, with a distinct library stamp that reads "Due Next Week" clearly visible on the page, surrounded by the soft, warm glow of vintage lamplight. +A charming chalk menu board stands outside a cozy café, prominently displaying "Daily Brew" in elegant script. The board is set against a backdrop of a bustling city street, with morning sunlight casting soft shadows and a few patrons sipping coffee at outdoor tables. +A rustic campfire sign, weathered by the elements, warns in bold, red letters, "Beware of Bears". The sign is partially obscured by overgrown foliage, with the warm glow of a nearby campfire casting shadows through the trees, creating a serene yet ominous atmosphere. +A winding mountain trail with lush greenery on both sides, leading to a wooden signpost that reads "Summit 1 Mile Ahead", set against a backdrop of towering peaks and a clear blue sky. +A high-quality TV show poster featuring the bold, sleek logo "Deep State" prominently at the top, set against a backdrop of shadowy figures and urban landscapes, hinting at conspiracy and intrigue. +A vibrant music festival scene with a crowd enjoying the performance. Close-up on a young woman's wrist, prominently displaying a "Weekend Pass VIP" wristband, illuminated by the glow of stage lights and surrounded by a festive atmosphere. +In a futuristic spaceship cockpit, the dashboard lights are dim, except for a conspicuous red alert that flashes "Warp Drive Needs Coffee". The control panels are sleek and futuristic, with holographic displays and sleek, metallic finishes, emphasizing the quirky alert amidst advanced technology. +A medieval tavern's wooden menu board, weathered and slightly worn, prominently displays "Roasted Turkey Leg Feast" in bold, rustic lettering. The board hangs outside a cozy stone tavern, with a flickering torch casting a warm, amber glow, highlighting the rich, appetizing text. +A medieval castle drawbridge with a detailed iron chain, featuring a weathered metal plaque that reads "Pull to Enter", set against a stone wall with moss and ivy creeping along its surface. +A vintage diner menu board, slightly weathered, prominently displays "Best Pie in Town" in bold, retro font. The board is set against a backdrop of a cozy, 1950s-style diner, with a few patrons enjoying their meals. +A dimly lit bar with a neon sign glowing "Last Call at Midnight" above well-organized whiskey shelves, casting a soft, colorful glow on the wooden counters and glassware. +A barista meticulously crafting latte art that forms the words "Tip Your Overthinker" in a steaming cup of coffee, set against a cozy café backdrop with soft, warm lighting and a rustic wooden table. +A close-up photograph of a medicine bottle with a clear, white label prominently displaying the text "Shake Well Before Use" in bold black letters, set against a neutral background. +A medieval knight stands proudly, his shield prominently displayed. The shield is engraved with "For Honor", the text intricately detailed and slightly worn, reflecting the knight's many battles. The scene is set in a dimly lit stone castle hallway, adding a sense of history and gravity to the moment. +A vintage ice cream truck parked on a sunny street, its side panel painted with the words "Frosty Treats Here" in playful, colorful letters, surrounded by excited children and melting ice cream cones. +A superhero in a sleek, high-tech suit stands in a dimly lit alley, their wrist communicator beeping with the message "Alert Villain Spotted", casting a blue glow on their determined face. +In a lush botanical garden, a rustic wooden signpost points towards "Orchid Pavilion Ahead", surrounded by vibrant flowers and greenery, with sunlight filtering through the trees. +A vintage spyglass with intricate etching that reads "See No Truth", resting on an antique map under a soft, golden sunset, surrounded by nautical instruments and weathered books. +A serene yoga studio with minimalist decor, featuring a large, elegant wall art piece that prominently displays the text "Breathe Deeply" in a modern, flowing font, surrounded by soft, natural lighting and gentle, calming colors. +A bustling city street with a vintage store window displaying a retro price tag that reads "5 Dollar Sale Today", surrounded by colorful merchandise and illuminated by the warm glow of the setting sun. +A futuristic spaceport on Mars, featuring a glowing hologram sign that reads "Welcome To Mars Colony", set against the backdrop of a red, rocky landscape under a dusky sky. +A sleek, futuristic sci-fi spaceship named "Galaxy Explorer" glides through the vast, star-studded cosmos, its hull gleaming under the light of distant stars, with intricate details of its advanced technology visible in the soft glow of its engines. +A vibrant tattoo parlor sign reads "No Regrets Just Ink" under a neon light, set against a gritty urban backdrop with faint city lights and shadows, capturing the essence of a late-night street scene. +A realistic smartphone screen with a dark background, displaying a notification popup in the center that reads "Battery Critical 1". The popup has a red border and a white font, indicating an urgent warning. +An old, dust-covered typewriter with a piece of paper stuck mid-sentence, reading "and then the". The scene is set in a dimly lit, vintage study with a wooden desk and leather-bound books in the background. +A realistic photograph of a school chemistry lab, with a prominent sign reading "Experiment 12B" hanging on the wall, surrounded by lab equipment and students in lab coats working diligently. +A high-quality, realistic photograph of a board game box titled "Space Empire Conquest", featuring a futuristic galaxy with spaceships and planets, set against a dark, starry background. The box design is sleek and modern, with bold, vibrant colors and detailed illustrations. +A cozy coffee shop interior with a chalkboard prominently displaying "Latte Art Therapy 5" in elegant script, surrounded by steamy cups of coffee and happy patrons chatting. Warm, inviting lighting enhances the relaxed, artsy atmosphere. +A close-up of a bicycle helmet with a sticker prominently placed on the side, clearly displaying the text "Safety First" in bold, vibrant colors against a sleek, matte finish. +A bustling ice hockey rink, focusing on the "Home Team Zone", where players in team colors prepare for the game, the ice glistening under bright arena lights, and enthusiastic fans in the background holding up signs and cheering. +A high-resolution spy satellite image focusing on a bustling city, with precise crosshairs centered over a major landmark. An overlay reads "Target Acquired" in bold, indicating the area of interest. The scene is captured in a realistic, slightly grainy style, emphasizing the surveillance aspect. +A realistic photograph of a glacier observation deck with a caution sign reading "Ice Is Nice But Slippery", surrounded by majestic icy landscapes and clear blue skies, emphasizing the stark beauty and potential danger of the environment. +An astronaut's glove, detailed and weathered, with "Moon Dust Collector" printed on the wrist, set against the backdrop of a lunar landscape, with fine dust particles clinging to the fabric. +A detailed subway map with a modern, clean design, featuring a prominently highlighted route labeled "Downtown Express" in bright yellow, contrasting against a backdrop of subtle gray lines and station markers. +A rustic bakery interior, early morning light streaming through the windows, a wooden table strewn with freshly baked bread loaves, each tagged with a small card that reads "Fresh from the Oven at 4AM". +A close-up of a car bumper sticker that reads "Honk If You Love Cats", with a playful cat silhouette in the background, set against a bright, sunny day. The sticker is slightly worn, showing its age and the car's many miles. +A realistic smartphone screen displaying an Uber Eats notification that reads "Burger 5 mins away", set against a blurred background of a cozy kitchen, with a faint aroma of fresh fries in the air. +A detective's cluttered desk with a notebook open, the page filled with notes and sketches. The entry "Follow the Money" is prominently underlined, surrounded by coffee stains and scattered evidence. +An ancient stone tablet, weathered by time, carved with the ominous hieroglyphs "Beware the Eclipse", set against the backdrop of a shadowy, overcast sky, hinting at the approaching celestial event. +A prehistoric cave painting vividly depicting a group of ancient humans armed with spears and stone tools, surrounding and hunting a massive woolly mammoth, with the scene illuminated by flickering torchlight, emphasizing the dynamic action and primitive art style, all labeled "Hunt the Woolly Mammoth". +A futuristic spaceship cockpit with a sleek, illuminated console. Centered on the panel is a large, red button labeled "Hyperdrive Engage", glowing softly in the dim light, surrounded by intricate controls and screens displaying star charts and system diagnostics. +A dimly lit, eerie haunted house with an ancient wooden doorway, etched with the ominous words "Knock Three Times If You Dare", surrounded by creeping vines and shadowy figures lurking in the fog. +A vintage globe stand, intricately crafted with brass and wood, labeled "Antarctica Expedition 1901", sits in a dimly lit study, surrounded by old nautical charts and frost-covered windows, evoking the spirit of early 20th-century polar exploration. +A lighthouse stands tall against a tempestuous night sky, its powerful beacon projecting the words "Lost Good" into the swirling, dark clouds, illuminating the turbulent sea and the rugged coastline below. +A yellow taxi cruising through a bustling city at night, its roof light prominently displaying "Available for Hire" in bright, clear letters, reflecting off wet streets and illuminated by the glow of city lights. +A cozy café corner featuring a sugar jar elegantly labeled "Sweeten Your Day", surrounded by steaming cups of coffee and a selection of pastries, with warm lighting and a rustic wooden table, capturing the inviting atmosphere of a morning coffee stop. +A sushi conveyor belt in a modern Japanese restaurant, featuring a label that reads "Dragon Roll Act Fast" prominently displayed on a vibrant, colorful background. The belt is partially filled with various sushi rolls, with the Dragon Roll highlighted. +A realistic wedding cake topper featuring a stylish bride and groom figure, both elegantly dressed, holding a sign that reads "Game Over" in a playful, yet sophisticated font, set against a minimalist, modern background. +A cozy bookstore interior with warm lighting, wooden shelves lined with books. A shelf marker reads "Unsolved Plot Devices", highlighting a section filled with intriguing, mystery novels. The scene is captured in a realistic photographic style, emphasizing the charm and mystery of the bookstore. +A close-up of a cat's collar, with a shiny tag that reads "I Own This Human", set against a soft, blurred background of a cozy living room. +A vibrant video game screen displaying "Level Complete" in bold, neon letters against a dynamic, pixelated background with celebratory fireworks and cheering characters. +A camping tent set up in a lush forest clearing, with a wooden sign hanging from the tent's entrance that reads "Adventure Awaits" in bold, rustic letters. The scene is bathed in the warm, golden light of early morning, enhancing the sense of excitement and anticipation. +A realistic photograph of a dog park entrance, featuring a wooden gate with a clear, white sign that reads "LeashFree Area" hanging from it, surrounded by green grass and trees. +A wristband prominently displaying the motivational phrase "Never Give Up", worn on the wrist of a determined athlete, captured in a moment of intense focus during a marathon, with a blurred cityscape in the background. +A superhero stands proudly, their cape billowing in the wind, embroidered with the phrase "Capetastic Since 3033" in gleaming, metallic threads. The cape catches the light, casting intricate shadows that highlight the detailed embroidery. The hero's stance exudes confidence and power. +A vintage typewriter, its keys worn and slightly faded, sits on a rustic wooden desk, typing the phrase "Once Upon a Time" on a crisp, yellowing sheet of paper, surrounded by scattered ink bottles and old manuscripts. +A vibrant concert stage with a backdrop illuminated by neon lights spelling out "Rock the World" in bold, dynamic letters, set against a crowd of enthusiastic fans and a haze of smoke effects. +A vintage spy camera with a film canister labeled "Top Banal" sitting on a worn wooden table, next to a magnifying glass and an old leather notebook. The scene is illuminated by a soft, ambient light, giving it a nostalgic, mysterious feel. +A high-quality photograph of a winter coat with a label that reads "Arctic Cold Protection", hanging on a rustic wooden hanger against a snowy backdrop, emphasizing the coat's warmth and durability. +A close-up of a voting booth with a clear, bold sign that reads "Mark Your Ballot Clearly", surrounded by ballot papers and a pencil, set against a soft, neutral background. +A vibrant movie poster featuring the text "Campus Sleuth" in bold, eye-catching letters, set against a backdrop of a bustling university campus with students walking by and a detective in a trench coat blending into the crowd. +A steaming cup of café latte with intricate foam art shaped into "Wakey Wakey", set on a rustic wooden table, surrounded by morning light streaming through a window, creating a cozy and inviting atmosphere. +A vintage, dust-covered mystery novel opens to its first page, where the line "The butler did it" is prominently displayed in elegant, old-fashioned typography, set against a backdrop of a dimly lit, gothic study. +A hiker’s trail marker "Summit This Way" stands out against a backdrop of dense forest, with a winding path leading up to a misty mountain summit, sunlight filtering through the trees. +A close-up of a cracked open fortune cookie, revealing a slip of paper with the message "Luck Follows You" printed in elegant, flowing script, set against a warm, golden background. +A realistic photograph of a construction site, featuring a worker placing a sticker on a hard hat. The sticker clearly reads "Hard Hat Area" in bold letters, set against a backdrop of scaffolding and safety barriers. +A bustling city street with a clothing store window prominently displaying a "Summer Sale 70% Off" sign, surrounded by colorful summer outfits and vibrant mannequins, capturing the essence of a sunny summer day. +A modern smartphone screen with a notification popup displaying "New Message Received", set against a blurred background of a cozy living room, capturing the essence of a relaxing evening interrupted by digital communication. +A rustic farm animal barn labeled "Horse Stable No 4", with wooden planks, a red door, and a hay bale stack. Horses graze peacefully in the background, and a gentle sunlight filters through the trees, casting soft shadows. +A dark, eerie hallway in a haunted house, wallpaper peeling to reveal a hidden message: "Get Out Now", with flickering lights and shadows that seem to move on their own. +A futuristic room with a sleek, minimalist design, featuring a hologram interface floating in the center, displaying the text "Access Granted" in glowing green letters against a dark background. +A bustling airport baggage claim area, with a digital screen prominently displaying "Flight 217 Carousel B". Travelers wait patiently, some with weary expressions, others chatting or checking their phones. The scene is illuminated by the airport's bright, modern lighting, with conveyor belts in the background. +A cave explorer's detailed map spread on a rugged table, annotated with "Here Be Aliens" in bold, hand-drawn letters, surrounded by sketches of mysterious symbols and ancient cave drawings, illuminated by the soft glow of a lantern. +A weathered fisherman's tackle box, labeled "Big Catch Guaranteed", rests on a sandy beach, with fishing gear scattered around and the calm ocean stretching into the distance. +A wise wizard's familiar owl perched on an ancient, moss-covered branch, proudly holding a parchment note that reads "Message Delivered", under the glow of a crescent moon in a mystical forest. +A child's drawing featuring simple, colorful figures of a family, with scribbled text saying "My Happy Family" across the top, set against a bright, cheerful background. +A high-tech spaceship control panel with blinking lights and digital displays, prominently showing the alert "Warp Drive Engaged" in bold, glowing text. The scene is illuminated by the soft blue and green lights of the dashboard, creating a futuristic and tense atmosphere. +A detective's desk with a file folder prominently displayed, stamped "Top Secret" in bold red ink, under the soft glow of a desk lamp, surrounded by scattered papers and a vintage typewriter. +A neon-lit unicorn stable at dusk, with a humorous sign warning "No Virgins Allowed After Dark", set in a whimsical, slightly eerie forest scene. +A futuristic living room with a robot pet resting on the floor. Its collar glows with the message "Battery Life 99 Happiness", reflecting a blend of technology and domestic comfort. +A pilot stands in the aisle of a modern airplane, making the "Fasten Seatbelts" announcement over the intercom, with passengers looking attentive and securing their seatbelts. The cabin is well-lit, and the pilot's uniform is sharply detailed. +A submarine porthole with a sticker stating "Submerge Responsibly", surrounded by the deep blue ocean, with sunlight filtering through the water, creating a serene and slightly mysterious atmosphere. +A realistic photograph of a well-worn toolbox with a sticker prominently placed on its lid, stating "Fix It Right" in bold, clear letters. The toolbox is surrounded by various tools, suggesting a workspace, and the sticker is slightly weathered, indicating regular use. +A detailed subway map with a station labeled "You Are Here Probably", surrounded by a bustling cityscape. The map is held by a confused tourist, standing near a busy station entrance, with the city's skyscrapers and neon signs visible in the background. +A nostalgic 1950s diner scene with a red and white checkered placemat featuring trivia: "Coffee Invented 1671" in bold, vintage typography. The placemat is partially covered by a steaming cup of coffee and a classic diner menu. +A close-up of a vintage movie prop label, "Fake Mustaches Do Not Itch", on a rustic wooden box, surrounded by an assortment of old film reels and vintage makeup tools, bathed in soft, nostalgic lighting. +A pet collar tag shaped like a bone, engraved with "My Human Is Lost", hanging from a worn leather collar on a wooden table, with a soft, warm light casting a gentle shadow. +A close-up photo of two hands, one holding a glowing heart and the other a crackling lightning bolt, with the words "Love is power" prominently displayed in the background. +A hiker stands on a rocky trail, holding a compass with its face clearly labeled "North or Nothing", surrounded by dense, misty forests and towering mountains in the distance. +A smartphone with a cracked screen, displaying the message "No Service Good Luck", lying on a weathered wooden table, surrounded by scattered tools and a faint glow from a nearby lamp. +A serene swimming pool scene with the sign "strindberg" hanging elegantly beside it, reflecting the calm water and surrounded by lush greenery. +A cozy coffee shop interior with warm lighting, wooden furniture, and a chalkboard menu prominently displaying "Espresso 3 | WiFi Free" in elegant handwriting. Customers enjoy their drinks while the aroma of fresh coffee fills the air. +A eerie, old haunted house with a menacing door knocker shaped into the words "Go Away", set against a moonlit night, with shadows of ancient trees looming in the background. +A "party" reminder poster, brightly colored and eye-catching, is stuck on the side window of a bustling city bus, partially obscured by the reflection of passengers chatting and laughing inside, under the glow of evening streetlights. +A cozy kitchen scene with a baker holding a rolling pin imprinted with "Flour Power", surrounded by flour-dusted countertops and baking ingredients, capturing the essence of a homemade baking session. +A close-up of a pet collar tag, finely engraved with the words "Call Owner If Lost", resting on a rustic wooden surface, with soft sunlight casting a gentle glow, highlighting the texture and craftsmanship. +A detailed close-up of an ancient coin with intricate engravings, prominently featuring the inscription "Year 300 BC" in elegant, worn lettering, set against a textured background that enhances the coin's age and historical significance. +A beautifully decorated birthday cake with "Happy 100th" written in elegant frosting, set on a white tablecloth with candles lit, surrounded by festive balloons and streamers, capturing the joy of a centennial celebration. +An ice cream truck parked on a sunny street, its side panel adorned with the playful text "Chill Out Here", surrounded by vibrant, hand-painted illustrations of happy faces and cold treats. +A close-up of a pillow shaped like the word "speaks", featuring fun, jumbled alphabet letters in a graphic art style, with a slice of bread casually placed on top, creating a whimsical and artistic composition. +A vintage suitcase sticker featuring intricate, worn typography that reads "World Tour 1920", surrounded by elegant, faded illustrations of iconic landmarks from around the globe, all set against a weathered, textured background. +A dog wearing a superhero cape, embroidered with "Bark Knight Rises", stands heroically in a cityscape at sunset, the cape flowing dramatically in the wind. +An ice cream truck parked on a sunny street, its side panel featuring a colorful, eye-catching sign that boldly announces "Frozen Treats Here" in playful, frost-themed typography, surrounded by illustrations of ice cream cones and cold treats. +In a dimly lit museum, a glass case houses an intricate ancient calculator, its worn metal and engraved symbols reflecting the soft glow of the overhead spotlight. The artifact label reads "Ancient Calculator", and a curator stands nearby, gesturing toward the fascinating device. +A digital alarm clock on a bedside table, blinking the message "Too Early for This" in a well-lit bedroom, with the morning sun casting soft shadows and a cup of coffee on the nightstand. +A realistic photographic scene of a modern residential rooftop with solar panels being installed, emphasizing "Energy Saving". Workers in safety gear are seen securing the panels, with the sun shining brightly in a clear blue sky, highlighting the eco-friendly initiative. +A close-up of a vintage library stamp inside an old book, prominently displaying "Property of Maple Library", with the aged paper and ink showing signs of wear and time. +A high-energy gym scene with a motivational poster prominently displayed, stating "No Pain No Gain". The poster features bold, dynamic text against a vibrant, athletic background, with athletes in mid-workout, surrounded by gym equipment and weights. +A comic book panel featuring a menacing villain laughing with a sinister grin, uttering "You'll Never Win" in jagged, bold text, set against a dramatic, shadowy background with dynamic lighting and intense colors. +A vintage typewriter with a stuck key, displaying the letter "E" repeatedly, set on an old wooden desk with a backdrop of a dimly lit, cozy study. +A close-up of a detective's badge, intricately engraved with "Special Agent 007", gleaming under a desk lamp in a dimly lit office, surrounded by scattered case files and a vintage magnifying glass. +A beachside bar with a "No Shoes No Shirt No Service" sign, where patrons enjoy tropical drinks under vibrant umbrellas, surrounded by sandy shores and clear blue waters, with the sun setting in the background. +A skateboard deck featuring vibrant graffiti that reads "Skate or Die", surrounded by dynamic spray paint splatters and bold, urban textures, capturing the rebellious spirit of street culture. +A cozy, rustic kitchen featuring a wooden plaque carved with "Grandmas Kitchen" hanging above an old, cast-iron stove. Warm, golden light filters through the window, casting a gentle glow on the worn, wooden surfaces and adding a sense of nostalgia to the scene. +A realistic photograph of a zoo enclosure, featuring a prominent sign that reads "Do Not Feed Hippos" in bold letters, surrounded by a scenic backdrop of water and lush greenery. Hippos are visible in the water, adding context to the warning. +A cozy campfire scene with a marshmallow stick tagged "Golden Gooey" roasting over the flames. The marshmallow is perfectly golden and melting, with a slight glow from the firelight, set against a serene, starlit night sky. +A realistic photograph of a pizza box with the logo "Hot Fresh Delivery" prominently displayed on the top, sitting on a wooden table with a blurred background of a cozy kitchen. +A majestic pirate ship sails the turbulent sea, its flag "Skull And Crossbones Crew" billowing in the wind, under a stormy sky, with dark waves crashing around it, emphasizing the ship's ominous and fearsome presence. +A movie poster featuring the title "Jebediah" in bold, retro font, set against a backdrop of a dusty, old Western town at sunset, with a lone cowboy silhouette on the horizon. +A futuristic spaceship with its hull painted in intricate, glowing alien glyphs that spell out "Galactic Nomad", set against the backdrop of a distant nebula. +A deep-sea probe's camera feed glitches, displaying the message "Wave Hello" amidst the dark, underwater environment, surrounded by bioluminescent creatures and swirling currents. +A submarine's control room, dimly lit, with the depth gauge prominently stuck on "Below Recommended Levels", casting an ominous shadow over the tense crew, who are depicted in various states of concern and activity. +A realistic photographic scene of a fire extinguisher case mounted on a brick wall, with a clear sign reading "Break Glass First" above it, illuminated by overhead fluorescent lights in a slightly dim corridor. +A realistic photograph of a courtroom door, with a polished wooden plaque centered on it, reading "Session in Progress Quiet" in elegant, engraved text. The door is slightly ajar, revealing a glimpse of the courtroom's solemn interior. +A futuristic spaceship's cargo bay, dimly lit, featuring a large crate marked "Fragile Equipment" with warning symbols, surrounded by scattered tools and glowing control panels. +A fire station interior with a polished wooden pole, a sign reading "Slide Down Only" prominently displayed above it, and a few firefighter helmets and coats casually hanging nearby, capturing the essence of a functional yet relaxed environment. +A close-up of a hospital wristband on a patient's wrist, clearly displaying the text "Patient Name John Doe" in bold, set against a sterile, clinical background. +A close-up of a library book spine, "Encyclopedia Volume 9", with worn gold lettering on a dark green leather cover, surrounded by other vintage books on a wooden shelf. +A close-up of a first aid kit sticker with bold, clear text reading "Sterile Equipment Only", set against a sterile, white background, emphasizing the warning and the medical nature of the kit. +A cozy bakery interior with a beautifully arranged cupcake display. A wooden sign prominently reads "Gluten Free Options" amidst an array of colorful cupcakes, capturing the essence of a welcoming, health-conscious environment. +A vibrant flower delivery van, adorned with the logo "Blooms Bouquets Co", parked on a bustling city street, surrounded by blooming flowers and greenery, with a smiling florist loading a bouquet into the back. +A medieval castle gate, ancient and imposing, with the engraving "Enter at Your Own Risk" prominently displayed above the heavy, weathered wooden doors. The scene is bathed in the golden light of sunset, casting long shadows and enhancing the ominous atmosphere. +A close-up photograph of a vintage brass keychain tag, intricately engraved with the words "Lost and Found", hanging from a worn leather keyring against a softly blurred background of an old, weathered wooden table. +An ancient, weathered page from a wizard’s spellbook, titled "Turn to Stone", with intricate illustrations of runes and a detailed diagram of a petrification spell, set against a backdrop of flickering candlelight in a dimly lit, mystical library. +A futuristic robot standing in a dimly lit room, its chest display blinking with the message "System Update Required", surrounded by scattered tech components and screens showing code. +A vintage photograph of the Las Vegas Strip at night, illuminated by neon lights, with the text "Las Vegas" in bold block letters prominently displayed across the top of the image. +A realistic photograph of a highway construction site at dusk, with a large, illuminated sign flashing "Merge Left Ahead" prominently displayed, warning drivers of the lane change ahead. Workers in reflective vests are visible in the background, ensuring safety. +A painter's workspace with a palette smeared with vibrant colors, labeled "Masterpiece in Progress Maybe", surrounded by half-finished canvases and brushes, capturing the essence of creative uncertainty. +A dark, mystical forest clearing at night, a witch in a tattered cloak stirs a bubbling cauldron under the light of a full moon, the cauldron emitting eerie green fumes labeled "Potion 9 Brewing". +A realistic locker room scene with a prominent sign on the wall stating "Home Team Only", surrounded by rows of lockers and athletic gear, capturing the essence of team exclusivity and preparation before a big game. +A close-up of a firefighter's helmet, showcasing a bold sticker that reads "Brave and Bold" in vibrant red and gold, set against the scratched and soot-marked surface of the helmet, emphasizing the courage and resilience of the wearer. +A science fair poster header featuring the text "Discover the Micro World" in bold, futuristic font, set against a backdrop of vibrant, microscopic cellular structures and intricate patterns, with a modern, sleek design. +An astronaut's glove drifting in the vastness of space, with the words "Lost in Space" emblazoned on its side, surrounded by distant stars and the Earth in the background. +A realistic school notebook page with whimsical doodles surrounding the text "Mrs Smith is Cool", featuring playful sketches of stars, hearts, and small cartoon characters. +A charming flower shop with a rustic wooden chalkboard sign prominently displaying "Fresh Roses Today" in elegant cursive, surrounded by a vibrant arrangement of red roses and green foliage, set against a warm, sunlit backdrop. +A realistic photograph of an airport security checkpoint with a prominent sign stating "Shoes Belts Reality", surrounded by travelers and security personnel. The scene captures the bustling atmosphere of a modern airport. +A modern digital thermostat with a sleek, minimalist design, displaying "Room Temp 72°F" on its clear, backlit screen, set against a light, neutral wall in a contemporary home interior. +A modern elevator interior with sleek, metallic walls and a speaker sticker that reads "Volume Controlled" prominently displayed above the control panel, ensuring a serene and controlled audio environment. +A weathered brick wall in an urban alley, covered in graffiti. At the center, bold, neon spray paint reads "Tomorrow Cancelled". A figure in a futuristic jumpsuit and goggles stands nearby, holding a spray can, blending into the scene. +A close-up of a desk with a vibrant yellow Post-it note on a sleek laptop, the note reads: "Finish the report". The background is a blurred office setting, emphasizing the urgency of the task. +A realistic photograph of a coffee cup with a sleeve featuring a stamped logo that reads "Recycle Me", set against a neutral background, emphasizing the eco-friendly message and the texture of the sleeve. +A hiker pauses on a rocky trail, sunlight filtering through the trees. Their backpack, adorned with a tag that reads "Emergency Whistle Inside", rests against a moss-covered boulder, emphasizing the importance of safety gear in the wilderness. +A cluttered laboratory with a mad scientist wearing a lab coat embroidered with "What Could Go Wrong", surrounded by bubbling potions and intricate machinery. The scientist looks intensely at a glowing, mysterious substance in a beaker, while sparks fly from nearby equipment. +A baker in a cozy, rustic kitchen, wearing a crisp white apron embroidered with "Gluten Wizard". Sunlight streams through the window, casting a warm glow on a table adorned with freshly baked bread and pastries. +A futuristic cityscape at dusk, with a sleek, humanoid robot standing in the foreground. The robot's chest plate displays the text "Error 404" in a bold, glowing font, contrasting with the dark, metallic surface. +A realistic construction site scene with workers wearing safety gear, featuring a prominent safety helmet labeled "Hard Hat Area" on a wooden signpost, surrounded by scaffolding and building materials. +A realistic photograph of a modern delivery van parked on a city street, with a sticker on its side that reads "Hows My Driving Call 5551234". The van is clean and well-maintained, with slight reflections of the urban surroundings visible on its surface. +A post-apocalyptic landscape featuring a dilapidated road sign that reads "Radiation Beach No Swimming", surrounded by barren, desolate land and a distant, eerie shoreline. +A vibrant concert stage with a grand backdrop displaying "WORLD TOUR 2024" in bold, illuminated letters, surrounded by colorful spotlights and a enthusiastic crowd waving glow sticks. +A sleek alien spacecraft with a metallic hull, intricately designed with futuristic symbols, prominently displays the text "Humans Handle With Sarcasm" in bold, glowing letters, set against the backdrop of a distant, starry galaxy. +A movie theater marquee at night, brightly lit, displaying "Now Showing Alien Uprising" with a crowd of excited moviegoers gathered around, some dressed in sci-fi costumes, under a starry sky. +A floating hologram above a bustling tech expo booth vividly displays the words "AI Revolution", casting a futuristic glow over the crowd and booth displays. +A bustling stadium with enthusiastic crowds, a digital scoreboard prominently displaying "Home Team 3 Guest 1" in bright LED lights, capturing the excitement of a winning home team in a realistic photographic scene. +A weathered shed stands beside a garden, its door slightly ajar. A faded sign, "Return Tools Here", hangs above, covered in cobwebs. Garden tools lean against the wall, and a patch of sunlight illuminates the scene, creating a serene, rustic atmosphere. +A vibrant carnival scene with a colorful game booth featuring a large, eye-catching sign that proudly boasts "Win a Giant Panda". The sign is adorned with playful panda illustrations and surrounded by excited children and carnival-goers. +A nighttime city street with a yellow taxi stopped at a red light. The taxi's roof light prominently displays "Off Duty" in bright yellow, reflecting off the wet pavement. The scene is dimly lit, with the glow of streetlights and distant skyscrapers. +A medieval knight stands proudly, his shield dented and scratched, prominently displaying the inscription "I Survived Dragon Yoga" in elegant lettering. The scene is set in a misty, ancient forest, with sunlight filtering through the trees, casting a mystical glow on the knight. +A vivid, realistic photograph of a board game card with the text "Draw Two" prominently displayed. The card features a bold, vibrant design with a blue background and white text. The edges of the card are slightly worn, giving it a well-loved, tactile appearance. +A neon sign flashing "Open 24 Hours" illuminates the night outside a bustling convenience store, casting a vibrant glow on the pavement and the people walking by. +A public swimming pool with clear signage displaying "No Diving in Shallow End" rules, accompanied by detailed diagrams illustrating safe and unsafe diving zones. The scene is bustling with people swimming and sunbathing, emphasizing the importance of following the posted guidelines. +A vintage postage stamp featuring a cozy bedroom scene with a fluffy bed and a relaxed individual napping, surrounded by soft, warm lighting and "National Napping Day" inscribed at the top. +A close-up of a plant pot with a wooden tag stuck in the soil, clearly displaying the text "Water Every Monday" in elegant handwriting. The pot is filled with rich, dark soil and a sprout of greenery is emerging, highlighting the care and attention the plant receives. +A close-up photograph of a stylish pair of sunglasses, the left lens intricately etched with the words "UV Protection", set against a soft, blurred background of a sunny day at the beach. +A digital assistant with a sleek, futuristic design stands in a modern, minimalist room, its screen glowing softly with the words "How Can I Help" displayed prominently. The scene is bathed in a gentle, ambient light, creating a welcoming and tech-savvy atmosphere. +A detailed subway station wall map with a red marker pointing to the "You Are Here" location, surrounded by intricate lines and station names, set against a modern, bustling subway station backdrop. +A bustling farmer’s market stand labeled "Organic Produce", featuring a variety of fresh, colorful fruits and vegetables neatly arranged on wooden crates, with a cheerful farmer in a straw hat standing behind, surrounded by vibrant market stalls and happy customers browsing the selection. +A camping tent with a "Waterproof Guaranteed" label, set up in a dense forest with a misty morning backdrop, dew drops glistening on the green foliage, and sunlight filtering through the canopy. +A realistic photograph of a food bank donation box placed outside a community center, with a clear sign on it that reads "Canned Goods Needed". The scene is bustling with people walking by, some stopping to drop off donations. +A close-up of a car bumper sticker that reads "Honk If You Love Cats", with a curious cat peeking over the bumper, its tail curling playfully around the sticker. +A close-up of a submarine porthole with a vintage, weathered sticker reading "Depth 20000 Leagues" adhered to its surface, reflecting the deep, dark waters of the ocean outside. +A close-up of a pet collar tag, finely engraved with "If Lost Call 5551234", lying on a rustic wooden table, illuminated by soft, natural light streaming through a nearby window. +A vintage neon sign flashing "Open 247" hangs above a retro diner, its bright colors reflecting off the wet, glossy pavement of a 1950s American street at night. The diner's large windows are lit up, showing a cozy interior with red vinyl booths and a chrome counter. +A cozy café interior featuring a rustic chalkboard prominently displaying today’s special as "Fresh Brew", surrounded by warm wooden furnishings and soft, ambient lighting. +A dark, gothic entrance to a supervillain lair, with a menacing iron gate and eerie fog. At the threshold, a sleek, black welcome mat reads "Wipe Your Evil" in bold, red letters. +An astronaut's mission patch "Venus Expedition" prominently displayed on a sleek, modern spacesuit, set against the backdrop of a desolate, volcanic Venusian landscape with a hazy, sulfuric sky. +A chef stands in a modern kitchen, wearing an apron embroidered with "Kiss the Cook", preparing a gourmet dish with fresh ingredients laid out on the counter. The warm, ambient lighting highlights the intricate embroidery and the chef's focused expression. +A gardener, surrounded by lush greenery, holds a watering can labeled "Nurture Nature", gently pouring water onto vibrant flowers, capturing the essence of nurturing life and growth in a serene garden setting. +A close-up of a vintage, ornate magic mirror with intricate golden carvings, reflecting the text "Fairest of Them All You" in an elegant, shimmering font, set against a dark, mysterious background. +A cozy bakery interior with a vintage wooden cookie jar on a rustic table, labeled "Secret Recipe Inside", surrounded by an assortment of freshly baked cookies, with soft, warm lighting enhancing the inviting atmosphere. +A close-up of an ancient, magical quill hovering over a parchment, delicately engraving the words "Write Your Destiny" in glowing, shimmering ink, surrounded by mystical symbols and a faint, ethereal light. +A vibrant T-shirt design featuring the bold text "Mathlete Champion 2024" in a dynamic, modern font, surrounded by geometric shapes and mathematical symbols, set against a bright, energetic background. +A serene national park entrance featuring a wooden sign that reads "Protect Our Wildlife", adorned with a detailed bear icon, set against a backdrop of lush trees and a clear blue sky. +A realistic photograph of a shiny dog collar tag shaped like a bone, intricately engraved with the name "Buddy" in elegant cursive, set against a soft, blurred background of a grassy park. +A sleek, glowing Magic 8-Ball floats in a dimly lit room, its reflective surface casting soft shadows. Inside, the answer "Ask Again Never" is clearly visible, illuminated by a subtle, ethereal light. +A vibrant alien plant nursery with a sign that reads "Earthlings Water at Own Risk", surrounded by exotic flora glowing under a purple sky. +A poster design featuring serene, muted colors and minimalistic elements, with the title text "The Quiet Family" prominently displayed in elegant, simple font, set against a backdrop of a tranquil, suburban home at dusk. +A serene spa interior with a menu board prominently displaying the "Relaxation Package" option, featuring soft lighting, tranquil water features, and plush, comfortable seating. +A vibrant gym interior with a motivational wall decal stating "No Excuses Train" in bold, dynamic letters. The scene includes modern workout equipment and a few energetic athletes, capturing the intense atmosphere of dedication and effort. +A tattoo parlor window with "Ink Your Story" in Gothic font, illuminated by warm, ambient lighting, reflecting a rainy city street at dusk. +A bustling urban street at dusk, with a large digital billboard cycling through various colorful ads, each transitioning smoothly into the next. The final ad displays a clear message: "Drive Safely", illuminated against a darkening sky. Pedestrians and vehicles are visible, adding life to the scene. +A high school soccer player wearing a sports jersey with the name "RODRIGUEZ 11" printed on the back, standing on a sunlit field, the grass slightly worn from intense play, capturing the spirit of competition and team pride. +A high-resolution smartwatch face displaying the notification "Meeting in 5 Minutes" with a modern, sleek design and a subtle, ambient background light. The watch is shown on a wrist, with the surrounding environment softly blurred to emphasize the screen. +A magician stands on a stage, hand reaching into a large, ornate hat with a tag that reads "Pull Rabbit Here". The audience watches in anticipation, with a spotlight highlighting the dramatic moment. +A vintage movie poster titled "Invasion of the Zorgons", featuring a 1950s-style illustration of alien spacecraft descending upon a small town, with dramatic clouds of smoke and terrified onlookers. The title is prominently displayed in bold, retro typography. +A bustling airport terminal with a modern departure board prominently displaying "Flight 815 Boarding" in bright, flashing lights, surrounded by travelers with luggage, some checking their watches, others looking at the board with anticipation. +A realistic photo booth featuring a "dance" sculpture composed of thin, vibrant colored lines, set against a minimalist background, capturing the dynamic movement and energy of the sculpture in a modern, artistic setting. +A pilot's logbook opened to a page with a handwritten note reading "Turbulence Ahead", surrounded by technical sketches and weather maps, with a cockpit view through the windshield showing storm clouds in the distance. +A vibrant political protest scene with a sign painted "More Parks Less Parking" held high by a demonstrator in a bustling city square, surrounded by a crowd and green spaces. +A detective in a dark, noir-style alley, holding a fedora with a tag that reads "Think First Shoot Later", the dim light casting shadows on his thoughtful face. +A beautifully crafted wedding cake topper featuring "Mr & Mrs Smith" in an elegant pose, set against a soft, romantic backdrop with delicate floral decorations and warm, golden lighting, capturing the timeless essence of love and commitment. +A high-resolution render of the word "Dependable" sculpted from polished granite, showcasing the intricate texture and deep, rich colors of the stone, set against a minimalist background to emphasize its solid and trustworthy nature. +A high-tech convention hall featuring a large, glowing "Augmented Reality Zone" sign, suspended mid-air as a hologram, surrounded by futuristic displays and curious attendees with VR headsets, under the soft, ambient blue and purple lights. +A chef stands in a modern kitchen, wearing an apron with the cursive print "Kiss the Cook" prominently displayed. The warm lighting highlights the detailed texture of the apron and the chef's focused expression as they prepare a dish. +A charming flower shop window adorned with a decal stating "Fresh Bouquets", surrounded by vibrant, blooming flowers and green foliage, with soft sunlight streaming through, creating a warm and inviting atmosphere. +A dark urban alley at night, with a vintage tattoo parlor neon sign glowing brightly, displaying "Ink or Regret" in vivid red and blue hues, casting a surreal light on the wet cobblestone pavement. +A realistic forest scene with a wooden campfire sign prominently displayed, warning "Beware of Bears", surrounded by tall trees and underbrush, with a slight mist adding to the atmosphere. +A city bus stop with a vibrant bus advertisement in rainbow colors, featuring the text "Try Metro Transit Today" prominently displayed. The scene is set in a bustling urban environment with pedestrians and other buses in the background. +A dark, gothic bedroom with a large, ornate coffin in the center. On the coffin's lid, a silver plaque prominently displays the inscription "Do Not Disturb" in elegant, gothic lettering. Dim candlelight casts eerie shadows across the room, emphasizing the ominous warning. +A realistic photograph of a modern airport terminal at night, with a large billboard prominently displaying "Flight Cancelled" in bright, red, flashing lights, reflecting the disappointment of stranded passengers. +In a bustling airport, the departure board prominently displays "Flight 666 DELAYED" in bold red letters, catching the attention of anxious travelers amidst the hustle and bustle. +A pet rock with a collar tag engraved "Good Boulder" featuring a detailed pawprint, set against a natural, rocky backdrop with subtle sunlight filtering through, enhancing the texture of the rock and the engraving. +A weathered treasure map parchment, crinkled and stained, with "X Marks the Spot" clearly marked in the center, surrounded by cryptic symbols and faded compass directions, under a rustic wooden frame. +A person wearing a fitness tracker on their wrist, with a notification reading "Move More" prominently displayed. The scene is set in a modern, well-lit gym, with exercise equipment in the background and a blurred figure of another person working out. +A black and white sign with the words "satisfy" on a white background, rendered in a wireframe style, creating a minimalist and modern piece of generative art. +A modern office setting with a person glancing at their smartwatch, which displays a notification alert saying "Meeting in 10 Minutes". The scene is captured in a realistic photographic style, with the watch and its display being the focal point. +In a futuristic airport, a security sign reads "Remove All Time Machines" prominently displayed near the metal detectors, with travelers in sleek, sci-fi attire passing by, some looking amused, others exasperated. The scene is bustling with a mix of modern and futuristic elements. +A vintage lunchbox, prominently painted with the words "Moms Mystery Meat", sits on a rustic wooden table, surrounded by old-fashioned kitchen utensils and a faded floral tablecloth, capturing the nostalgic essence of a bygone era. +A realistic photograph of a modern bus stop with a timetable clearly displaying "Route 66 Next" on a digital screen, surrounded by urban cityscape and a few waiting passengers. +A realistic photograph of a bank vault door with "TIME LOCK ACTIVATED" prominently displayed in large, red letters on its surface, set in a dimly lit, secure corridor with metal walls and a single flickering light overhead. +A charming flower shop with a vibrant sign that reads "Wedding Bouquets 50% Off", surrounded by a colorful array of fresh flowers and greenery, capturing the essence of a bustling spring morning. +A futuristic robot with a sleek, metallic chest plate, prominently displaying the message "Error 42 Feelings Detected" in a glowing red font, standing in a dimly lit industrial setting. +A bustling train station with vintage charm, featuring an old, illuminated announcement board prominently displaying "Platform 9¾" amidst a crowd of curious travelers and the gentle steam of a nearby locomotive. +A nostalgic retro video game screen with pixelated graphics, displaying "High Score 5480" in bold, vibrant colors against a classic 8-bit background. +A futuristic space hotel lobby with a sleek, illuminated sign pointing towards the "ZeroG Lounge", surrounded by zero-gravity chairs and floating decor, set against the backdrop of a vast, starry cosmos. +A realistic photograph of a police car parked on a street, with a bumper sticker reading "To Protect Stream" clearly visible on the back. The car is in a slightly angled view, with a cityscape in the background. +A close-up of a motivational wristband, intricately engraved with "Never Give Up", worn on a tanned arm, with a soft focus on a vibrant sunset in the background, emphasizing the message of perseverance. +A realistic farm scene with a scarecrow holding a handmade sign that reads "No Crows Allowed", standing in a field of golden wheat under a clear blue sky, with a few crows flying in the distance. +A weathered sailor's compass rose, intricately detailed with the words "North Star" at the top, surrounded by the serene blue of the ocean, under a clear sky dotted with stars, emphasizing the guiding light of the North Star. +A bustling bookstore with a shelf marker that reads "Bestselling SciFi Novels", surrounded by an array of colorful book spines, with a soft, warm light casting gentle shadows, and a curious reader in the background, lost in the allure of futuristic tales. +A close-up of an old library book, its pages slightly worn, with a due date stamp clearly visible on the checkout card that reads "Due Date 03 15 2025", set against a warm, soft background. +A vibrant movie poster for "A Rugrats Chanukah", featuring the adventurous babies in a festive setting with a large, colorful menorah, surrounded by holiday decorations like dreidels and latkes, set against a warm, glowing background. +An ancient, weathered treasure map parchment, with intricate, faded lines and symbols, prominently displaying the ominous warning "Here Be Dragons" near the edge, surrounded by hand-drawn illustrations of mythical creatures and mysterious landmarks. +A zombie holding a protest sign that reads "Brains Need Union Breaks", standing in front of a foggy, abandoned city street, with other zombies in the background, all looking tired and in need of rest. +A vintage ice cream cart with a whimsical sign shaped like a cone, prominently displaying the text "ZeroG Scoops" in playful, colorful lettering, set against a sunny, bustling boardwalk scene. +A gritty urban scene with graffiti on a weathered brick wall, prominently featuring the words "Rebel Hearts" in bold, dripping red paint, casting a stark contrast against the faded background. +A rustic farmer's barn with a weathered wooden door, painted with bold red letters that read "Fresh Eggs Daily", set against a backdrop of a sunny countryside morning. +A child's lemonade stand poster, hand-drawn with colorful markers, featuring the price "50 a Cup" prominently displayed. The poster is set against a bright, sunny background, capturing the vibrant and cheerful atmosphere of a summer day. +A close-up of a classic magic 8 ball floating in a dimly lit room, with the answer "ASK AGAIN LATER" clearly visible through the dark blue liquid inside, surrounded by a soft glow. +A beautifully decorated birthday cake with intricate icing that reads "Happy 100th Birthday", surrounded by colorful candles and set against a warm, celebratory backdrop. +A close-up of a Christmas ornament, delicately engraved with "Our First Fight 2018", hanging from a pine branch, with soft, warm holiday lights casting a gentle glow around it. +A serene coastal scene with a traditional fishing boat gently bobbing in the calm waters. The boat's weathered hull is painted a faded blue, and its name, "The Lucky Catch", is clearly visible in bold white letters on the side. Seagulls hover overhead, and the sun sets behind a horizon of soft, pastel clouds. +A cozy kitchen corner where a dog's food bowl sits on a checkered mat, with a playful sign above it reading "No Vegetables Allowed", surrounded by paw prints and a variety of dog toys. +A vintage computer screen displays the message "Inactive Press Any Key" in green text on a black background, set in a dimly lit room with a nostalgic 90s aesthetic. +A cat lounges on a windowsill, sunlight illuminating its fur, with a collar tag engraved "Human Staff Required" clearly visible, reflecting a playful and domestic scene. +A close-up of a refrigerator door with a magnet that reads "Grocery List Needed" in bold letters, surrounded by a few scattered notes and a crumpled shopping list. The kitchen background is slightly out of focus, emphasizing the magnet. +A realistic photograph of a modern parking garage entrance, with a prominent sign displaying "Full Capacity" in clear, bold letters, set against the backdrop of a bustling city street. +A close-up of a firefighter's helmet, the shield prominently displaying "Rescue Team 6" in bold, reflective letters, set against a backdrop of smoldering embers and firefighting gear, capturing the intensity and bravery of the rescue operation. +A pilot's detailed map note, "Route 66 Sky Edition", displayed on a vintage aviation chart, showing a sky-high route with clouds shaped like classic cars and retro road signs, all under a vivid blue sky. +A vibrant comic panel featuring a space alien with large, luminous eyes and a friendly smile, waving at a surprised Earthling. The alien's spaceship hovers in the background, and the caption reads, "Greetings Earthling". The scene is colorful and full of excitement. +A serene library with soft, golden light filtering through stained glass windows. An old, leather-bound poetry book titled "Whispers Of The Soul" rests open on a wooden desk, illuminated by a single beam of light, surrounded by antique bookends and a vase of wilting flowers. +An ancient, leather-bound wizard’s tome lies open, bookmarked at "Chapter 7 Spells", with intricate illustrations and glowing runes on the page, set against a mystical library backdrop. +A cozy café interior with a vintage chalkboard prominently displaying "Latte Art Workshop" in elegant script. Warm, ambient lighting and wooden furniture enhance the inviting atmosphere, while a barista prepares drinks in the background. +A wedding cake topper featuring elegant script that reads "Happily Ever After", set against a backdrop of intricate floral decorations and sparkling lights, capturing the essence of a romantic and sophisticated celebration. +A weathered fishing boat hull, painted with the name "Sea Explorer II", sits on a sandy beach at sunset, surrounded by driftwood and seashells. The sky is a blend of orange and pink, casting a warm glow on the scene. +A close-up of a fortune cookie slip with the message "You Will Pet A Dog Today", lying on a rustic wooden table, with a small, fluffy dog nose peeking into the frame, creating a heartwarming and whimsical scene. +An astronaut floating in space, their helmet visor prominently displaying "O₂ LEVELS CRITICAL", against a backdrop of stars and the Earth, with a sense of urgency and isolation. +A futuristic transhumanist clinic with a neon "Mind Uploading Station" sign glowing brightly against a dark, cyberpunk cityscape. The clinic's sleek, glass façade reflects the vibrant lights, while a few people in high-tech attire stand outside, looking intrigued. +A vibrant concert stage with a dynamic backdrop featuring the words "Rock the World Tour" in bold, glowing letters, surrounded by swirling lights and a enthusiastic crowd in the foreground. +A vintage 1950s diner with a retro jukebox titled "Hit Songs of the 50s" in the corner, emitting soft glow and playing classic tunes. The scene is lively, with customers in period attire enjoying their meals and chatting. +A modern airport terminal with a digital departure board prominently displaying "Flight 404 Not Found" amidst other scheduled flights, passengers looking puzzled and staff offering assistance, captured in a realistic photographic style. +A bustling food truck with a vibrant menu board that reads "TACOS 2 EACH TODAY" under a sunny sky, surrounded by eager customers in a lively street market. +"Skate Destroy" graphic on a sleek, modern skateboard deck, set against a vibrant street scene with graffiti-covered walls, urban skaters in the background, and a dynamic, action-packed atmosphere. +A sushi chef stands proudly in front of his restaurant, a wooden sign above the door reading "Fresh Fish Daily" in elegant calligraphy. The scene is set in the early evening, with warm, golden light casting a glow over the bustling street. +In a cluttered, dimly lit mad scientist's lab, an old, leather-bound notebook lies open. In the margin, a hastily scribbled note reads "Dont Tell Mom", surrounded by intricate sketches and chemical formulas. +A close-up of an archery target with the center marked "Bullseye", surrounded by concentric rings. The target is slightly worn, with a few arrows embedded near the bullseye, under a clear sky. +A surfboard with "Waves or Die" inscribed on its bottom, resting on a sandy beach with the ocean waves gently lapping at the shore, under a clear blue sky. +A rustic wooden sign hangs on the door of a gardener's tool shed, weathered by the elements. The sign boldly states "Keep Out Poison Ivy" in faded red letters, warning visitors of the hazardous plants inside. Surrounded by lush, overgrown vines, the scene captures the essence of a forgotten, wild garden. +A serene city pond with a sign that reads "Please Do Not Feed the Birds". Ducks and geese gracefully swim in the calm water, while people walk along the paved path, respecting the notice. The scene is bathed in the warm light of a late afternoon sun. +A bustling farmer's market stall with a wooden sign prominently displaying "Organic Tomatoes". Baskets overflow with vibrant, ripe tomatoes, surrounded by fresh produce and cheerful market-goers. The scene captures the vibrant, sunny atmosphere of a local market. +A bustling supermarket with a slightly chaotic atmosphere, where a PA system is flashing and audibly announcing "Cleanup on Aisle 5", drawing the attention of shoppers and staff alike. The scene is modern and realistic, with bright fluorescent lighting and aisles filled with products. +A golden retriever with a collar tag engraved with "Max 555 1234", standing in a sunlit meadow, tail wagging, with a friendly expression. +A close-up of a camping gear tag, prominently displaying "Weatherproof Design", set against a backdrop of rugged outdoor equipment. The tag is slightly worn, indicating frequent use, with the text clear and legible. The scene captures the essence of durable, reliable camping gear. +A vintage 1999 skateboard deck with a bold graphic reading "Skate or Die 1999" in retro colors, placed on a gritty urban background with worn asphalt and graffiti. The scene captures the rebellious spirit of late '90s skate culture. +A realistic photograph of a basketball court with the text "Home Court" prominently displayed on the floor, capturing the vibrant colors and the polished shine of the wooden surface. +A weathered pirate's treasure map with an X marking "Gold Cove", surrounded by intricate illustrations of tropical islands, swashbuckling ships, and a compass rose, all under a faded, vintage filter. +A lecture hall with a projector screen displaying the slide titled "Introduction To AI", students attentively looking at the screen, a professor standing beside the podium, modern classroom setting, realistic photography. +A vibrant circus tent with a bold banner reading "SHOW STARTS 8PM" swaying gently in the evening breeze, surrounded by colorful lights and excited onlookers. +A detailed drawing featuring the text "ellisberg" in alphabetism style, intricately woven with thick gauge filigree, creating a complex and ornate design. +A medieval knight stands proudly, his helmet adorned with a flowing plume dyed "Victory Red", reflecting the glory of his triumph. The sun casts a golden hue on his armor, highlighting the vivid red feathers that wave gently in the breeze. +A panoramic view of a mountain summit with a stone marker that reads "Peak 8848 Meters", surrounded by snow and rocky terrain, with a clear blue sky and distant peaks in the background. +A realistic smartphone screen displaying a weather app notification warning "Storm Alert Active", with dark stormy clouds and a bolt of lightning visible through a rainy window in the background. +A skydiver freefalling through a cloud-dappled sky, with a worried expression, glancing at their wrist altimeter displaying a red "Pull Maybe" warning, indicating the critical moment to deploy the parachute. +A high-resolution desktop wallpaper featuring "404 Creativity Not Found" in glitchy, digital text, set against a futuristic, cyberpunk cityscape with neon lights and digital distortions. +A lighthouse tower stands on a rocky cliff, its powerful beacon projecting the message "Safe Harbor Ahead" across the misty sea, guiding weary sailors to a calm and welcoming harbor. +A camping site by a serene lake at dusk, featuring a "Waterproof 4 Person" tent prominently in the foreground. The tent is set against a backdrop of dense forest, with soft, golden light filtering through the trees, highlighting the tent's durable, waterproof material. +A retro-futuristic robot stands in a dimly lit room, its chest panel glowing with neon lights displaying the message "Error 404 Joy Not Found". The metallic surface reflects faint shadows, emphasizing the stark, futuristic aesthetic. +A fantasy sword with a blade etched with "Dragonbane" in elegant elvish script, set against a backdrop of ancient runes and glowing mystic symbols, capturing the essence of a legendary weapon. +A cozy living room adorned with pastel decorations, a baby shower banner reading "Welcome Baby Emma" hanging above a beautifully set table with a tiered cake and gifts, surrounded by smiling family and friends. +A colorful preschool artwork titled "My Family by Sophie", featuring a happy family with stick-figure parents and a child, all smiling and holding hands, surrounded by a heart and sun in a bright, cheerful background. +A futuristic sci-fi spaceship console with a prominently displayed alert that reads "Warp Drive Engaged", surrounded by glowing buttons and screens, set against the dim, tech-filled interior of the ship. +A realistic photograph of a modern laundry room with a front-load washing machine displaying an error message "Check Water Supply" on its digital screen, surrounded by detergents and clean clothes folded neatly on a nearby counter. +A vintage diner table with a red and white checkered placemat, featuring bold text "Blue Plate Special" prominently displayed. The scene is illuminated by the warm glow of a retro lamp, with a classic jukebox in the background, capturing the essence of 1950s Americana. +A vibrant, realistic photograph of a rock band's tour t-shirt featuring the text "World Tour 2024" in bold, dynamic lettering, surrounded by intricate band logos and tour dates, set against a gradient background that shifts from dark to bright colors. +A mountain summit signpost, with frost-covered text reading "Everest Base Camp", stands against a snowy backdrop, surrounded by icy peaks and a clear blue sky. +A realistic photograph of a door with "handball" written on it in bold, white letters against a dark wooden surface, set in a sports facility hallway. +A close-up of a hotel key card sleeve on a wooden desk, with the text "Enjoy Your Stay" clearly visible. Soft, warm lighting enhances the sleek design and texture of the sleeve, creating a welcoming and luxurious atmosphere. +A realistic photograph of a kindergarten classroom wall, featuring a name chart with colorful names. "Emily" is prominently circled in gold, drawing attention to her name among the others. The background includes playful decorations and educational posters. +A volunteer, dressed in casual attire, is walking through a vibrant community garden, carrying a backpack with the words "Love" prominently printed on it, surrounded by blooming flowers and greenery. +A close-up of a car bumper sticker featuring the phrase "Honk If You Love Dogs" in bold, playful font, set against a bright, colorful background with paw prints and silhouettes of various dog breeds. +A vivid photograph of a school bus with the "Safety First" slogan prominently displayed on its side, parked in front of a bustling school on a sunny morning, surrounded by children and parents. +A detailed chemistry textbook diagram labeled "Molecular Structure of H2O", showcasing the molecular bonds and angles in a clear, educational style, with annotations and labels for hydrogen and oxygen atoms. +A realistic photograph of an artist's canvas, prominently displaying a breathtaking sunset over majestic mountains, with the signature "Sunset Over Mountains" elegantly written at the bottom right corner. +A close-up of a hospital wristband with "Patient Name John Doe" in bold print, worn on a pale wrist, set against a sterile, white hospital bedsheet. +A detailed photograph of a dinosaur fossil plaque, prominently displaying the title "Extinction Was an Inside Job". The plaque is set in a museum, with subtle lighting highlighting the fossil's texture and the engraved text. +A classic retro arcade machine, with vibrant, pixelated graphics, stands in a dimly lit game room, its screen flashing "Insert Coin to Play" in neon colors, surrounded by scattered, vintage game controllers and posters of iconic 80s games. +A close-up of a vintage library book checkout card with a circular stamp marked "Return by Nov 5", set against the backdrop of worn, aged pages, capturing the nostalgic essence of a timeless library. +A high-resolution photograph of an embossed logo "EcoFriendly Packaging" on a sleek, minimalist product box, set against a clean, white background, showcasing the texture and depth of the embossing. +A vintage gas pump with a retro dial labeled "Premium Daydreams" stands against a nostalgic 1950s backdrop, its vibrant colors and sleek design capturing the essence of an era. The scene is bathed in the warm, golden light of a setting sun. +A close-up of a chess club trophy with the engraving "Grandmaster Challenge 2024" on a polished silver base, surrounded by chess pieces in mid-air, capturing the moment of a decisive move. +A spooky dollhouse wallpaper with a eerie, intricate pattern that subtly reveals the phrase "Play With Me" amidst the shadows and textures. The design is both charming and unsettling, perfect for a haunted nursery. +A bustling airport terminal with a digital departure board prominently displaying "Flight Delayed" in bright red letters, surrounded by frustrated passengers checking their watches and phones, while airport staff assist at the information desk. +A mysterious alien plant pod, emitting a soft, eerie glow, with the cautionary message "Pollinate With Caution" clearly visible on its surface, set against a dark, otherworldly forest backdrop. +A realistic underwater scene featuring a submarine hatch with a prominent warning sign that reads "Do Not Open Until Atlantis", surrounded by glowing bioluminescent creatures and coral. +Novel chapter heading "The Final Chapter" with intricate, ornate text, set against a backdrop of an ancient, leather-bound book, illuminated by a soft, golden light, emphasizing the elegance and finality of the text. +A vintage spyglass lens focuses sharply on an old, weathered map, revealing the precise location marked with "Treasure Island GPS 123456" amidst a detailed illustration of a tropical island. +A magician's top hat on a rustic wooden table, with a vintage tag attached, clearly reading "Rabbit Sold", surrounded by a subtle, warm glow, capturing the essence of an old magic shop. +A high-quality wine bottle with an elegant label prominently displaying "Vintage 1999 Reserve", set against a rustic wooden background, capturing the essence of refined luxury and timeless appeal. +A dimly lit, vintage elevator with a eerie button panel featuring "13th Floor VIP Ghosts Only", surrounded by flickering lights and a faint, spectral mist, creating an atmosphere of haunting mystery. +A vibrant theater program cover featuring the elegant title "Winter Gala Performance" in sparkling ice-blue typography, set against a snowy winter night with a grand, illuminated theater in the background, surrounded by frosty trees and merry spectators in warm, festive attire. +A realistic photographic scene of a T-shirt with a powerful, roaring lion and the bold text "King of the Jungle" prominently displayed, set against a vibrant, natural backdrop of a jungle. +A detailed subway station map header for the "Downtown Line", featuring a sleek, modern design with vibrant colors and clear, legible text. The background is a clean, white surface with subtle, geometric patterns. +A realistic photograph of a suburban home's front door, featuring a prominent "No Soliciting" decal, with a neatly trimmed garden and a cobblestone pathway leading up to the door. +A futuristic spaceship control panel with sleek, illuminated buttons and screens displaying complex data. In the center, a prominent red button with the text "Warp Speed Engaged" glows brightly, surrounded by a halo of soft blue light, indicating the ship is ready to surpass the speed of light. +A vintage illustration from an antique globe, featuring a fearsome sea monster rising from the waves, with the whimsical label "Here Be Tacos" written in elegant, old-world script. +A vibrant movie poster featuring the logo "Guggen The Big Cheese" prominently at the top, with a bustling cityscape background and a charismatic lead character holding a large, golden cheese wheel, symbolizing wealth and success. +A sleek racing car with a glossy red finish, its hood featuring a bold decal that reads "Speed Demon 5000" in vibrant, dynamic lettering, set against the backdrop of a bustling pit lane at a high-speed racetrack. +A baker in a cozy kitchen, wearing an apron stained with flour, the apron embroidered with "Knead to Bake" in elegant thread, surrounded by baking tools and rising bread loaves. +A detailed ice sculpture in a dimly lit, cold room, slowly melting to reveal the words "This Was a Bad Idea" carved into the ice, with droplets of water creating a subtle, eerie glow around the message. +A bustling food market scene with a large, traditional scale prominently displaying "Weight 314 Pi Lbs" next to a pile of fresh, colorful fruits and vegetables, surrounded by cheerful vendors and customers. +A close-up of a crinkled candy wrapper, prominently displaying the words "Sweet Treat Inside", lying on a wooden table with a soft, warm light casting shadows, enhancing the texture and color. +An ice cream truck parked on a sunny street, its side panel brightly advertising "Try New Flavor" with colorful, playful fonts and illustrations of various ice cream cones. +A vibrant poster featuring the title text "And Have to Have Why" in bold, modern typography, set against a dynamic background of abstract shapes and colors, capturing the essence of curiosity and inquiry. +A bustling city street at dusk, with a cozy bookstore's window display prominently featuring a dramatic, intriguing sign that reads "Read at Your Own Risk". The display is filled with mysterious books and eerie artifacts, drawing curious passersby to stop and look. +A serene yoga studio with a yoga mat pattern featuring the phrase "Breathe In Out" prominently displayed, surrounded by soft, natural lighting and gentle, flowing curtains. +A bustling city street at dusk, with a digital billboard prominently displaying a vibrant, animated ad that reads "Summer Sale Now" in bold, eye-catching letters. Crowds of people pass by, some pausing to glance at the dynamic display. +A realistic photograph of a massive, steel bank vault door with a prominent sign that reads "Authorized Personnel Only", set in a dimly lit, secure corridor. +A close-up shot of a movie theater popcorn bag, prominently featuring the text "Now With Extra Plot Holes", set against a backdrop of a dimly lit theater with flickering projector lights. +A busy urban intersection at dusk, with a prominent traffic light sign displaying "Wait for Green" in bold, illuminated letters. Pedestrians and vehicles are paused, awaiting the signal to proceed, creating a dynamic scene of anticipation. +A gritty urban scene featuring a subway car with vibrant graffiti spray-painted across its side, reading "Lost in Motion", set against the backdrop of a dimly lit subway station. +A prehistoric cave wall adorned with ancient paintings, vividly depicting a scene of early humans "Hunt the Wooly Mammoth" under the dim light of torches, the rough stone surface adding a layer of authenticity and age. +A cozy coffee cup with the phrase "Morning Fuel" elegantly printed in cursive, sitting on a wooden table with a gentle morning light casting a warm glow, surrounded by a few scattered coffee beans and a steamy saucer. +A close-up of a pristine white chef's hat, embroidered with "Salt Bae Jr" in elegant, golden thread, set against a soft, blurred kitchen background with a hint of stainless steel appliances. +A vibrant surfboard with a bold graphic that reads "Hang Ten" in retro, wave-inspired typography, set against a sunny beach backdrop with crashing waves and palm trees. +A vintage potion bottle with a delicate, ornate label warning "Drink Carefully" in elegant script, set against a background of ancient, dusty tomes and flickering candlelight, capturing the essence of a mystical apothecary. +A realistic photograph of a movie theater entrance, where a prominently displayed sign reads "No use of mobile phones", hangs on the wall, surrounded by dimly lit posters of upcoming films. +A close-up of a laboratory flask with a colorful, eye-catching sticker warning "Contains Pure Sass", set against a neutral background, capturing the playful yet serious tone of a scientific environment. +A movie poster featuring the title text "The Death of Richie" in bold, gothic font, set against a dark, moody backdrop with a silhouette of a lone figure standing on a rainy city street at night. +A realistic photograph of a highway sign warning "Expect Delays Ahead" set against the backdrop of a busy road with cars queued up, under a cloudy sky, emphasizing the sense of anticipation and delay. +A realistic photographic scene of a voting booth with a clear sign that reads "Select One Candidate", emphasizing the instructions for voters, with ballot papers and a voting machine in the background. +A close-up photograph of a digital thermometer with a black display showing "986F Normal" in green text, set against a neutral, softly lit background. +A detailed page from a "Renewable Energy Guide" manual, showcasing step-by-step instructions for solar panel installation, with clear diagrams and safety tips, set against a backdrop of a modern, eco-friendly home. +In a dimly lit detective's office, an old wall map is pinned with a red marker labeled "X Marks the Coffee Shop", surrounded by scattered case files and a vintage typewriter on a wooden desk. +A detailed wizard textbook diagram titled "Basic Levitation Spell Steps", showing a step-by-step guide with illustrations of a wizard performing the spell, including wand movements and incantations, set against an aged parchment background. +A postcard featuring a sweeping Martian landscape with red dunes and rocky outcrops, stamped "Wish You Were Here" at the bottom, under a pale pink sky with a small, distant sun. +A vintage sci-fi pamphlet titled "Probing 101 Human Edition", featuring illustrations of aliens and humans, with a retro color palette and detailed diagrams of alien technology and human anatomy. The cover showcases a humorous, exaggerated depiction of an alien abduction. +A serene swimming pool scene with the sign "reach" hanging beside it, reflecting the calm water. The pool area is modern and minimalistic, with clean lines and subtle lighting, emphasizing the sign's significance in the tranquil setting. +A glossy, floating Magic 8-Ball displays the message "Ask Again After Coffee" in a cozy, dimly lit café, surrounded by steaming cups of coffee and pastries, with a soft, warm glow illuminating the scene. +A vintage candy heart machine, with a heart freshly stamped with "Text Me Maybe", set against a soft, pastel background with scattered, colorful conversation hearts around it. The scene captures a nostalgic, sweet atmosphere, perfect for a romantic or playful mood. +A yoga mat placed in a serene outdoor setting, with the inspirational quote "Breathe and Be" prominently printed at the top, surrounded by lush greenery and soft morning light filtering through the trees. +A cozy kitchen with a vintage baker's oven, the timer ticking down with "Cookies or Chaos" displayed prominently. Warm, golden light illuminates freshly baked cookies cooling on a rack, while a hint of whimsical chaos spills through the background. +A cozy bakery interior with warm lighting, shelves lined with freshly baked goods, and an old-fashioned oven timer on the counter beeping "Cookies Ready", signaling the delightful moment the cookies are perfectly baked. +A realistic photograph of a city street during a storm, with dark, ominous clouds overhead. A weather app alert "Storm Warning Seek Shelter" is visible on a smartphone screen held by a person running for cover under a dimly lit streetlamp. +A neon sign flashing "Open 24 Hours" hangs above a bustling convenience store, its bright colors reflecting off the wet pavement of a rainy night. The store's glass doors are slightly open, inviting passersby with the warm glow inside. +A bustling farmer’s market scene with a vibrant wooden stand displaying a hand-painted sign that reads "Organic Kale". Fresh, green kale bunches are neatly arranged on the stand, surrounded by other organic vegetables, with cheerful customers browsing and a sunny sky overhead. +A vibrant concert screen displays the animation "Light Up the Night", featuring dynamic bursts of colorful light and pulsating waves that synchronize with the music, set against a dark stage with silhouetted audience members. +A fortune teller's dimly lit tent, with a crystal ball on a wooden table. The crystal ball etches the words "Answer Cloudy Try Alcohol", surrounded by swirling mists and flickering candlelight. +A person checks their fitness tracker, which displays the notification "Move More Today", set against a backdrop of a morning jog in a park, with lush greenery and a light, refreshing mist in the air. +A realistic photograph of an engraved stone monument in a somber forest clearing, reading "Never Forget 1945", surrounded by fallen leaves and overgrown moss, with a soft, natural light filtering through the trees. +A UFO hovers over a serene field at night, its beam of light illuminating the ground with the message "Take Me to Your Leader" in bold, glowing letters. The field is bathed in an eerie, otherworldly glow, enhancing the mysterious and tense atmosphere. +A cozy bakery interior with a rustic wooden counter, warm lighting, and a chalkboard prominently displaying the message "Fresh Sourdough Out of Stock". The scene is set in the early morning, with the first customers just arriving, and the scent of fresh bread lingering in the air. +A stained glass window in a modern cathedral, intricately depicting "The Last WiFi Signal", with vibrant colors and intricate patterns symbolizing the digital age's fading connection, surrounded by serene, ethereal light. +At a vibrant carnival, a retro strength tester game features a bold, neon sign that reads "Win Regret". The scene is bustling with colorful lights, happy crowds, and the sound of laughter, emphasizing the playful yet mysterious allure of the game. +A close-up of a sushi chef's knife, the handle intricately engraved with "Sharp Master 3", reflecting the craftsmanship and precision of the tool in a modern, well-lit kitchen. +A detailed close-up of a weather balloon's instrument panel, labeled "Storm Alert", with dials and gauges indicating high pressure and electrical activity, set against a backdrop of dark, stormy skies. +A roadside warning sign stating "Sharp Turn Ahead" stands prominently on a winding mountain road, surrounded by dense, lush forests. The sign is slightly weathered, with a vibrant yellow background and bold black text, warning drivers to slow down and navigate the upcoming sharp turn with caution. +A vibrant mural on the wall of a bustling co-op market, prominently displaying the text "Farm to Table Since 2005", surrounded by fresh produce and happy shoppers. +A sleek spaceship with its hull boldly painted with "Mars or Bust", soaring through the vast, star-filled cosmos, its engines glowing with a fiery light. +At a bustling carnival, a vibrant strength tester game stand is prominently labeled "Test Your Will to Live". Bright lights and colorful banners surround a large, gleaming hammer. A crowd of excited onlookers watches as a contestant prepares to swing, aiming for the highest bell. +A gardener holds a seed packet labeled "Sunflowers Grow 6 Feet" in a sunny garden, surrounded by tall, vibrant sunflowers reaching towards the sky, their golden petals glowing in the afternoon light. +A wizard's hand holding a staff that glows brightly with the word "Lumos" illuminated in a dark, mystical forest, casting light on ancient, overgrown ruins. +A high-tech lab desk with a sleek, futuristic design, where a glowing hologram projects the message "ERROR 47" in vivid, neon blue, surrounded by scattered lab equipment and glowing screens. +A gym locker room with sleek, modern lockers, a polished floor, and a large mirror. The mirror features a motivational sticker in bold, vibrant colors stating "You Got This Champ", reflecting a fit individual preparing for their workout. +A serene garden scene featuring a hand-painted rock with the words "Hope Grows Here" prominently displayed, surrounded by lush greenery and vibrant flowers, capturing the essence of rejuvenation and optimism. +A rural highway scene with a construction sign reading "Expect Delays Ahead" standing by the roadside, surrounded by fields and trees, with a few workers and machinery in the background. +A cozy café interior with a wooden table, a loyalty card stamped with "One Free Existential Dread", and a steaming cup of coffee, capturing the bittersweet moment of a customer contemplating life's deeper questions. +A detailed ice sculpture of the words "Winter Wonderland" stands majestically in a snowy landscape, glistening under the soft glow of twilight. The intricate letters are illuminated by subtle, warm lights, casting enchanting shadows on the pristine snow. +A weathered Viking runestone stands in a misty forest clearing, its ancient carvings clearly visible. The runes translate to "WiFi Password Below", blending historical mystique with modern humor. The stone is partially covered in moss, with a faint glow around the inscription, highlighting its unique message. +A eerie, dimly lit room with an old, dusty wooden table. On the table, a haunted smartwatch displays "Steps 666 Always" with a faint, eerie glow, surrounded by flickering candles and shadows that seem to move on their own. +A cozy picnic scene in a sunlit meadow, with a wicker basket prominently displayed, bearing a tag that reads "Enjoy The Outdoors". Wildflowers and green grass surround the basket, enhancing the serene and inviting atmosphere. +A winter scene featuring a ski slope with a prominent trail marker sign that reads "Black Diamond Trail", surrounded by fresh snow and towering pine trees. +A bustling supermarket with vibrant aisles, where a PA system announcement echoes, "Cleanup Aisle 5". Shoppers pause, and staff hurriedly make their way to the specified aisle, capturing the moment just as the announcement is made. +In a modern art gallery, a sleek, minimalist plaque titled "Abstract 42" hangs elegantly on a white wall, beneath a large, vibrant abstract painting. The lighting highlights the plaque's sleek design and the intricate details of the artwork. +A wizard peers into a crystal ball, which displays the message "Answer Unavailable Try Again" in glowing letters, set against a mystical, dimly lit room with ancient books and magical artifacts. +A realistic photograph of a dog's paw-print certificate, titled "Best Boy 2024", displayed on a wooden table with a golden frame, surrounded by a few scattered dog toys and a bowl of water. +In a dimly lit corner of an eerie amusement park, a vintage warning sign hangs crookedly, reading "May Cause Existential Dread". The sign is partially obscured by overgrown vines, with a lone, flickering streetlamp casting long shadows. The atmosphere is thick with a sense of forgotten mysteries and hidden fears. +A museum gallery featuring a plaque that reads "Original Van Gogh 1889" next to a vivid, detailed reproduction of Van Gogh's 1889 painting, with soft lighting enhancing the texture of the artwork. +A realistic photograph of a moving box with a "Fragile Handle with Care" sticker prominently placed on its side, emphasizing the caution required in handling the contents. +A realistic photograph of a smartphone screen with a notification pop-up clearly displaying "Battery Critical 1" against a dark background, with the phone's edges slightly visible, emphasizing the urgent message. +A realistic urban street scene at night, featuring a traffic light with the green light prominently labeled "Go Go Go", illuminated against a backdrop of passing cars and city lights. +A realistic photo of a robot lecturer writing the words "Representation Learning" in elegant cursive on a blackboard, surrounded by intricate math formulas and detailed diagrams. +A yoga studio with a serene atmosphere, featuring a large wall decal that reads "Breathe In Breathe Out", surrounded by minimalist decor and soft lighting, enhancing the calm and peaceful environment. +In a picturesque European landscape, a vintage sign that reads "salzburg" stands at the edge of a cobblestone path, surrounded by lush greenery and colorful flowers, with the majestic Alps visible in the distance. +A vibrant TV show poster featuring the text "Zona Rosa" in bold, colorful letters, set against a lively background with a mix of urban and nightlife elements, including neon lights and bustling city streets. +A close-up shot of a smartphone screen, dimly lit, displaying a notification that reads "Low Battery 5% Remaining", set against a dark background to emphasize the warning. +A realistic photograph of a person wearing a VR headset, with the tutorial message "Look Around to Start" clearly visible on the screen inside the headset. The scene is set in a modern living room, with soft lighting and a comfortable chair nearby. +A brewery barrel branded "Hoppy Days IPA" with bold, intricate hops motifs wrapping around it, set against a rustic wooden background, capturing the essence of a traditional brewery. +A cluttered laboratory with a scientist in a white lab coat, prominently displaying a patch that reads "Madish Scientist", surrounded by various scientific instruments and bubbling beakers. The scientist looks intensely at a microscope, with a mischievous smile hinting at their unconventional methods. +A realistic desktop scene with a computer screen displaying an error message dialog box that reads "System Update Required", surrounded by scattered tech gadgets and a cup of coffee, under the soft glow of a desk lamp. +A roadside billboard stands tall, proudly boasting "World's Largest Thumb". The sign is weathered, with peeling paint, set against a clear blue sky. In the foreground, a gravel path leads to the attraction, flanked by tall, swaying grass and wildflowers. +A child's colorful backpack lies on a wooden bench in a park. Attached to the backpack is a small, yellow tag that reads "If Found Call Mom". The scene is bright and sunny, with green trees and blue sky in the background. +A rugged mountain trail with a wooden marker carved with "Summit 2 Miles Ahead", surrounded by dense pine trees and a backdrop of misty peaks, capturing the essence of an adventurous hike. +An e-reader lying on a wooden table, displaying "Page 256 of 500", with a cup of coffee and a pair of glasses nearby, in a cozy, softly lit room. +A cozy living room with a glowing fireplace, a Christmas tree adorned with lights and ornaments, and a close-up of a golden Christmas ornament engraved "First Xmas Together" hanging from a branch, reflecting the warm, festive light. +A close-up of a submarine porthole with intricate etching that reads "Depth 1000 Meters", surrounded by the dark, mysterious depths of the ocean, with subtle light filtering through the water, creating a serene and eerie atmosphere. +A time traveler stands in a vintage 1950s living room, their futuristic wristband prominently displaying the message "Do Not Disturb Past Self" in glowing neon letters, blending the old and the new in a surreal, photographic scene. +A dark, eerie haunted house with a menacing doorway carved with "Enter if You Dare", surrounded by twisted, overgrown vines and illuminated by a pale, moonlit sky. +A nostalgic retro diner with a neon sign flashing "Try Our New Burger" under a starry night sky, the sign's vibrant colors reflecting off the wet pavement. +A school bus parked on a sunny afternoon, with the "luchino" slogan prominently displayed on its side, surrounded by children in school uniforms laughing and playing near the bus. +A modern shopping mall directory board with a clear, blue arrow pointing to a spot marked "You Are Here", surrounded by listed store names and floor plans, set against a busy mall background with shoppers passing by. +A realistic photograph of a dog wearing a digital collar, the screen brightly displaying the alert "Walk Me Human", standing by the door, tail wagging, looking up at the owner with an eager expression. +A close-up of a student's notebook page, filled with playful doodles and sketches, prominently featuring the phrase "I Love Math" written in colorful, lively handwriting. +A realistic photograph of a "No Smoking" sign prominently displayed in a bustling public square, surrounded by pedestrians and urban architecture. +A wizard's ancient hourglass fills with shimmering, golden sand, glowing faintly as the "Time Reverse Spell" begins to take effect, surrounded by mystical runes and candles in a dimly lit, enchanted chamber. +A high-tech VR headset with a sleek, modern design, prominently displaying the message "Enter the Metaverse" on its interface, set against a futuristic cityscape with neon lights and digital billboards. +A vibrant gym interior with motivational "No Excuses" wallpaper, dumbbells and workout equipment neatly arranged, and a fit person in athletic gear lifting weights, capturing the intense and inspiring atmosphere of a dedicated workout area. +A detailed scene of a dragon's treasure hoard, with ancient gold and gems scattered around. At the entrance, a weathered wooden sign stands, clearly reading "Take One Lose Arm", warning potential thieves of the dire consequences. +Aerial view of an airport runway at night, with lights forming the temporary pattern "Welcome Home" in the center, surrounded by the glow of taxiway lights and distant city lights in the background. +A cozy living room with a wooden photo frame on a mantel, displaying a vibrant beach scene. The caption "Family Vacation 2023" is clearly visible under the photo, which shows a happy family of four laughing and playing in the sand. +A modern pizza box with the bold logo "Hot and Fresh" in vibrant red and yellow, placed on a rustic wooden table, with steam rising from the box, creating a warm and inviting atmosphere. +A student’s notebook titled "Biology Notes" lies open on a wooden desk, pages filled with detailed sketches of plants and animals, alongside handwritten notes and diagrams, surrounded by pencils, a microscope, and a glass jar containing a preserved specimen. +A realistic photograph of a modern food science laboratory, with scientists in white coats working at benches. A prominent sign on the wall reads: "Do Not Eat Experiments". The lab is well-lit, with glassware and scientific equipment visible. +A retro-futuristic time machine dashboard with glowing neon lights and metallic dials, prominently displaying the year "1985" on a large, vintage digital screen, set against a backdrop of swirling temporal energies. +A movie poster titled "Romantics & Realists: Goya", featuring a dramatic split-screen with one half showcasing a romantic, ethereal landscape and the other a stark, realistic portrayal of 18th-century Spain, with Goya's iconic figure bridging both worlds. +A detailed textbook diagram labeled "Cell Structure", showcasing various cellular components like the nucleus, mitochondria, and cell membrane, with clear labels and annotations in a clean, educational style. +A close-up photograph of a pharmacy shelf tag marked "Cold & Flu Section", surrounded by various cold and flu medications, with a clean and organized background, emphasizing the clear labeling and organized display of the products. +A realistic photograph of a construction site with a prominent sign stating "Hard Hats Required", surrounded by workers in safety gear and yellow barriers, under a clear blue sky. +A cozy café interior with a rustic wooden menu board prominently displaying "Daily Special Matcha Latte" in elegant cursive, surrounded by hand-drawn illustrations of green tea leaves and latte art, with warm lighting and a few patrons enjoying their drinks. +A scientist stands in a prehistoric lab, surrounded by dinosaur skeletons and advanced equipment, pointing to a chalkboard that reads "MeteorProof Bunker Designs". The room is lit by soft, ambient light, highlighting the detailed chalk drawings and notes on the board. +A close-up of a pillow shaped like the word "malaefone", with fun, jumbled letters in a graphic art style, resembling a slice of bread. The scene captures the whimsical and playful essence of alphabetism, with vibrant colors and textures. +A sleek, modern restaurant table with a minimalist setting. A elegant menu card prominently displays "Quantum Foam Consommé", with a sophisticated font. The background shows a subtle, abstract pattern suggesting quantum foam, enhancing the dish's mysterious and scientific allure. +A modern electric vehicle parked at a sleek charging station, prominently displaying "Charge Time 45 Minutes" on its digital screen, under a clear blue sky with a few fluffy clouds. The car's glossy surface reflects the surrounding landscape, emphasizing the clean, efficient technology. +A vintage circus tent banner, weathered and slightly tattered, prominently displays the intriguing phrase "Real Fake Wonders" in bold, colorful lettering. The banner is flanked by playful circus motifs, including acrobats and elephants, under a clear blue sky. +A close-up of a drone package label, prominently stamped with "Fragile Contains Dreams", against a neutral background, emphasizing the text and the delicate nature of the contents. +A futuristic spaceship's control panel, with neon lights and holograms, prominently displaying the message "Warp Drive Malfunction" in glowing red text, amidst a crew frantically working to resolve the crisis. +A close-up of a bakery box sticker, prominently featuring the text "Fresh Daily" in elegant, cursive font. The sticker is slightly wrinkled, giving it a realistic, well-used look. The background is a warm, rustic wooden texture, enhancing the bakery's cozy and inviting atmosphere. +A realistic photograph of a fast food drive-thru menu board at dusk, prominently displaying the "Regret Burger Combo 7" with vibrant colors and clear text, set against a slightly blurred background of a busy street. +A realistic photograph of a swimming pool with a modern, sleek sign that reads "activate" hanging beside it, reflecting the contemporary design of the pool area. +A "No graffiti" notice is prominently displayed on a wall inside a cozy, bustling bookstore, surrounded by towering shelves filled with colorful books and a few customers browsing quietly. +A group of zombies marching in a protest, holding a sign that reads "Brains Need Union", under a cloudy sky in a dilapidated urban setting. The zombies are dressed in tattered clothes, with pale, decaying skin, and their eyes have a determined, albeit lifeless, gaze. +Ancient stone tablet fragment, partially buried in mossy earth, with intricate carvings and weathered text translated to read "Beware the Moons Curse", illuminated by the eerie glow of a full moon in a dark forest clearing. +A close-up of a bakery window, featuring a stylish decal that reads "Gluten Free Options Available", with pastries visible behind the glass, creating a warm and inviting atmosphere. +A seasoned detective examines a crime scene, holding a magnifying glass with the handle intricately engraved with the words "The Truth Hurts", reflecting the weight of his discoveries. The scene is dimly lit, with a single spotlight focusing on the detective's intense expression. +A bustling electronics store display window, featuring a vibrant sign that reads "Latest Gadgets In Stock". Shelves are neatly arranged with the newest smartphones, tablets, and smartwatches, illuminated by soft, warm lighting that highlights the sleek technology. +A sleek, dark glass bottle of vampire sunscreen labeled "SPF Night Formula" sits on a gothic vanity, surrounded by candles and antique mirrors, casting an eerie, mystical glow in a moonlit room. +A pilot's cockpit with a detailed flight plan labeled "Flight Path Bravo" visible on the navigation screen, alongside a panoramic view of the sky and clouds through the windshield. +A sleek, futuristic robot stands in a dimly lit room, its chest panel illuminated with a soft blue glow, displaying the text "System Online" in crisp, digital font. The metallic surface reflects the ambient light, adding to the advanced, high-tech atmosphere. +A realistic photograph of a wooden trail marker sign with "Mountain Peak 2 Miles" carved into it, set against a backdrop of a dense forest with a narrow, rocky path leading into the distance. +A charming wedding cake topper featuring a detailed, elegant figurine of a bride and groom embracing, with the phrase "Happily Married" engraved on a delicate ribbon wrapped around their base. +A weathered logbook lies open on the deck of an ancient, fog-shrouded ghost ship. The page reads, "Crew Mostly Present", with eerie, spectral figures faintly visible in the background, hinting at the ship's haunted history. +A trendy solar eclipse T-shirt design featuring the phrase "Total Darkness" in bold, futuristic font, set against a dark background with subtle stars, capturing the awe and mystery of a total solar eclipse. +A close-up of elegant wedding invitation calligraphy on cream paper, featuring the words "Save the Date" in flowing, gold ink, surrounded by delicate, hand-drawn floral borders. +A realistic photograph of a glowing green "Radiation in Use" symbol prominently displayed at the entrance of a modern nuclear facility, with the sleek, industrial architecture and a faint, blue-hued glow from the surrounding area enhancing the scene's ominous atmosphere. +A realistic photograph of a rusty factory wall, with vibrant red spray paint forming the graffiti "Unionize Now" prominently displayed, capturing the gritty texture of the aged metal and the boldness of the message. +A blacksmith's workshop, dimly lit by the glow of a fiery furnace. The furnace door is prominently stamped with "Forge Your Destiny" in bold, embossed letters, reflecting the orange and yellow flames within. Tools and anvils are scattered around, adding to the rugged, industrial atmosphere. +In a cluttered mad scientist lab, a whiteboard is prominently scribbled with the bold, frantic words "Its ALIVE". Surrounding the board are scattered vials, electrical equipment, and a glowing green liquid, capturing the chaotic energy of a groundbreaking experiment. +A dimly lit secret cave with ancient stone walls, scrawled with the cryptic message "The Treasure Is a Lie" in faded, red ochre paint, illuminated by a single beam of light filtering through a narrow crack above. +A realistic photograph of a tattoo parlor's front window, featuring a sleek, modern decal that reads "No Regrets Guaranteed" in bold, stylish font, with the background showing a glimpse of tattoo equipment and a comfortable, inviting interior. +A roadside billboard stands tall, advertising "World's Okayest Coffee" with a quirky, hand-painted font. The sign is slightly weathered, set against a backdrop of a small, rustic café. A few cars are parked nearby, and a lone figure leans against one, sipping from a to-go cup. +A realistic photograph of a modern mall entrance featuring a turnstile clearly labeled "One Way Exit", with shoppers passing through and the sleek architecture of the mall in the background. +A roadside billboard at night, glowing neon letters flash "247 Taco Delivery" against a dark sky, with a bustling cityscape in the background and a few cars driving by. +A realistic photograph of a museum exhibit featuring a glass case with a well-preserved dinosaur egg fossil inside. A detailed plaque below reads "Dinosaur Egg Fossil", illuminated by soft, focused lighting that highlights the texture and age of the fossil. +A bustling restaurant kitchen with a stainless steel sign prominently displaying "Clean As You Go", hung above a row of chefs diligently preparing meals, ensuring the workspace remains spotless and organized. +A realistic photograph of a car mechanic's garage, with a prominently displayed sign that reads "Oil Change Special 29", surrounded by tools and vehicles in various states of repair. +A realistic urban scene featuring graffiti on a brick wall. The graffiti depicts a fierce dragon breathing fire, with the flames intricately shaped to form the words "Burn the System". The dragon's scales and the fiery text are vivid and detailed, set against the textured backdrop of the weathered brick. +A toddler wearing a bright onesie emblazoned with bold, colorful block letters "Little Explorer", standing in a nature setting, surrounded by lush greenery and curious animals, capturing the spirit of youthful adventure and discovery. +A classroom poster illustrating "The Water Cycle", featuring clear, labeled stages of evaporation, condensation, precipitation, and collection, with a vibrant, educational aesthetic and engaging illustrations of water droplets and sun. +In an ancient, dimly lit library, a wizard's ancient scroll unfurled to reveal the intricate "Elvish Protection Rune", glowing faintly with a mystical light, surrounded by dusty tomes and flickering candles. +A dusty Martian landscape with a rover stranded amidst red dunes, its mechanical arm pointing to a sign that reads "Made Wrong Turn Help", under a pale, distant sky. +A medieval castle drawbridge with a weathered plaque that reads "Enter at Own Risk", surrounded by ancient stone walls and a moat, under a twilight sky. +A theater program cover with an elegant, snowy backdrop, featuring the title "Winter Ballet Gala" in an ornate, icy font. Dancers in white and silver costumes gracefully perform under a starlit sky, surrounded by frost-covered trees and gentle snowfall. +A bustling urban street featuring a charming storefront with a neon sign that reads "Google Research Pizza Cafe", surrounded by pedestrians and cyclists, with the warm glow of the cafe's interior lighting spilling out onto the sidewalk. +A medieval tavern with a wooden sign hanging above the door, reading "Ye Olde WiFi Zone", blending ancient architecture with a modern twist, set against a cobblestone street at dusk. +An astronaut stands amidst a meticulously arranged collection of moon rocks, each labeled with a "Space Junk Premium" tag, showcasing the unique textures and colors of lunar geology in a well-lit, modern display room. +A chef stands in a bustling kitchen, wearing a crisp white apron embroidered with "Master Grill" in elegant black thread, holding a sizzling steak with tongs, surrounded by aromatic spices and fresh herbs. +A cozy front porch with a rustic wooden door, surrounded by blooming flowers and greenery. At the forefront, a welcome mat with the text "Wipe Your Feet" in bold, clear letters, slightly worn but legible, inviting visitors to the home. +A scientist in a lab coat examines a microscope slide labeled "Specimen X24" under a high-powered microscope, the slide illuminated by a soft, focused light, revealing intricate cellular structures. +An astronaut floating in space, a nametag on their suit clearly visible: "Commander Starlight", against a backdrop of distant planets and stars. +A realistic photograph of a fire station with a prominent red pole, surrounded by vintage fire trucks. A clear, bold sign reads "Slide at Your Own Risk" next to the pole, warning visitors about the potential dangers. +A cozy bookstore interior with warm lighting and shelves lined with books. A customer at the checkout counter receives a bookmark that reads "Read More Worry Less", capturing a moment of serene satisfaction. +A close-up of a modern voting machine screen displaying "Confirm Your Vote" with a sleek interface and soft, ambient lighting in a quiet polling station. +Yoga studio wall mural featuring the phrase "Breathe In Breathe Out" in serene, flowing script, surrounded by soft, calming colors and gentle, abstract patterns that evoke peace and tranquility. +A protester stands in a crowded square, holding a hand-painted sign that boldly declares "Climate Action Now", surrounded by a sea of people and banners advocating for environmental change. +A high-resolution spy satellite image with a watermark reading "Classified Top Secret" in the bottom right corner, showing a detailed view of a bustling urban landscape with vehicles and pedestrians. +In a modern game lobby, a sleek game console prominently displays the word "neighboring" on its screen, surrounded by comfortable gaming chairs and vibrant posters of popular games, creating a lively and inviting atmosphere. +A close-up of a vintage seed packet on a wooden table, labeled "Plant Bad Ideas Here", surrounded by scattered seeds and gardening tools, with a slightly overgrown garden visible through a window in the background. +A bustling supermarket aisle with a clear sign that reads "Dairy Section" hanging overhead, surrounded by shelves stocked with a variety of milk, cheese, and yogurt products. Customers are browsing, and the fluorescent lighting highlights the fresh, clean environment. +An ancient stone tablet, weathered by time, stands in a desolate desert landscape, inscribed with the ominous warning "Beware the Sands", half-buried in swirling dunes under a stark, cloudless sky. +A burning building with flames and smoke billowing out, emergency services on site, and a large red banner "Evacuate Immediately" prominently displayed on the front of the building. +A museum exhibit featuring ancient Egyptian artifacts, with a prominent label reading "Ancient Egyptian Artifacts" displayed on a elegant, golden plaque. The artifacts include a sarcophagus, a statue of Anubis, and various pottery pieces, all under soft, focused lighting that highlights their intricate details. +A realistic photograph of a construction site with a bright, yellow helmet sticker prominently displayed, warning "Hard Hat Zone No Whining". The scene includes workers in hard hats and safety vests, emphasizing the sticker's message. +A baby onesie featuring a charming print of "Little Prince" with a whimsical desert landscape, including a tiny asteroid, a rose, and the prince sitting on a rock, all in soft, pastel colors. +A wizard peers into a crystal ball on a dark, wooden table, surrounded by flickering candles. The ball is filled with swirling mist that gradually forms the words "Answer Unclear", casting an eerie glow in the dimly lit room. +A realistic smartphone screen displaying a weather app with a prominent alert "Storm Warning Active", set against a dark, stormy sky with flashes of lightning in the background. +A detailed close-up of a movie clapperboard, prominently displaying "Scene 24 Take 3", set against the backdrop of a bustling film set with crew members in the background. +A realistic classroom scene with a whiteboard prominently displaying the text "Test Tomorrow Ch 58". Students are seated at desks, some taking notes, others looking concerned, with the teacher standing at the front of the room. +A realistic photograph of a surgeon in a hospital, wearing green scrubs with a name tag that clearly reads "Dr Wilson OR1", standing against a backdrop of surgical equipment and monitors. +A dimly lit dungeon corridor with a heavy, iron-banded wooden door at the end. The door features intricate carvings of twisted vines and skulls, with the ominous phrase "Abandon Hope All Ye Who Enter" etched prominently above the threshold. +A scuba diver's gear is prominently displayed, with a clear, vibrant sticker on the tank that reads "Check Air Supply". The underwater setting enhances the realism, with subtle light filtering through the water, highlighting the essential safety message. +In a neon-lit cyberpunk city, a person with a futuristic facial tattoo that scrolls the text "System Update Pending" stands against a backdrop of holographic advertisements, their eyes reflecting the vibrant, dystopian landscape. +A vibrant ocean scene featuring healthy, colorful coral reefs teeming with diverse marine life, with the text "Protect Our Coral Reefs" prominently displayed in the foreground, emphasizing the importance of ocean conservation. +A sleek, modern digital clock radio on a nightstand, with a clear display showing "Alarm Set 6 30 AM" in bright green digits against a dark background, surrounded by the soft glow of ambient bedroom lighting. +A modern fitness tracker display showing "Goal Achieved" with a vibrant green checkmark, set against the wrist of an athlete who is mid-run in a sunlit park, with trees and a jogger in the background. +A realistic photograph of a person wearing a cozy hoodie with a bold print that reads "Coffee Before Talk", standing in a modern, sunlit kitchen with a steaming cup of coffee on the counter nearby. +A superhero stands alert in a city square, a holographic message "Villain Detected" flashing above a sleeping figure sprawled on a bench nearby, blending urban realism with a touch of whimsical danger. +A realistic photograph of a smartwatch on a wrist, with a notification pop-up clearly displaying "12000 Steps Achieved" on the screen, set against a blurred background to emphasize the watch. +A realistic photograph of a spaceship cockpit, with the dashboard prominently displaying a red alert that reads "Warning Low Fuel", set against the backdrop of a star-filled universe. +A nighttime aerial view of an airport, with the runway lights clearly spelling out "Land Here 18R" in a bright, guiding sequence against the dark tarmac. The surrounding area is dimly lit, emphasizing the luminous runway signage. +A realistic photograph of a mall directory board, prominently displaying a "You Are Here" red arrow marker, surrounded by a clean, well-lit shopping environment with subtle reflections on the polished floor. +A bustling farmer's market stall with a rustic wooden sign painted "Fresh Organic Eggs", surrounded by baskets of colorful, farm-fresh eggs and vibrant produce, under a sunny sky. +A cave explorer stands in a vast, dark cavern, their helmet labeled "Light Fading" emitting a dim, flickering light that barely illuminates the rugged, stalactite-covered walls around them. +A high-resolution photograph of a modern digital alarm clock on a bedside table, displaying "Snooze 9 Minutes Left" with a soft glow, set against a dimly lit bedroom background. +A digital museum plaque with a sleek, modern design, clearly labeled "Jurassic Era Exhibit", set against a backdrop of prehistoric flora and fauna, with informative text detailing the era's key features and notable dinosaur species. +A bakery cookie shaped like a thumbs-up, with the phrase "You'll Do Fine" inscribed on it, sitting on a rustic wooden table, surrounded by a sprinkle of flour and baking tools, under warm, golden lighting. +A bustling city street with a marathon finish line, crowds cheering, and exhausted runners crossing the tape. A large banner above reads "Race Completed" in bold letters, capturing the moment of triumph and celebration. +A vintage tattoo parlor sign with "Ink Dreams" in gothic font, hanging above a weathered wooden door, illuminated by the warm glow of a street lamp in a dimly lit alley. +A medieval tavern's wooden menu board, intricately carved with "Mutton Stew 2 Gold", hangs by a weathered rope in a dimly lit, cozy inn. The rustic background highlights the detailed craftsmanship of the carving, with visible grain and subtle wear marks. +A cozy bookstore interior with warm lighting, wooden shelves filled with books, and a single bookmark labeled "Once Upon A Time" prominently displayed on an open page of a vintage leather-bound book. +A vibrant TV show poster titled "Guadalupe La Chinaca", featuring a bustling Mexican market with colorful stalls, lively vendors, and cheerful patrons, set against a backdrop of traditional Mexican architecture and festive decorations. +A vibrant TV show poster featuring the title text "Blue Rebellion" in bold, futuristic font, set against a dynamic background of swirling blue and silver tones, with energetic visuals hinting at a thrilling, rebellious storyline. +A vast, futuristic space colony with a towering monument at its center, inscribed with "We Came in Peace Mostly". The monument is illuminated by the soft glow of distant stars, surrounded by sleek, modern architecture and bustling with colonists. +In a vibrant park, a wooden signpost prominently displays the word "spectacular" amidst a backdrop of lush greenery and blooming flowers, capturing the essence of a perfect spring day. +A high-tech virtual reality headset display, showing the text "Entering Metaverse" in a futuristic font, set against a glowing, digital background with neon blue and purple hues. +A detailed ski resort trail map featuring a prominent "Black Diamond Run" marked with bold red lines, set against a snowy backdrop with pine trees and ski lifts in the distance. The map is framed by wooden signage and frost-covered branches, enhancing the winter atmosphere. +A child's drawing on a bright yellow paper, captioned "My Family", featuring stick figures of a mom, dad, and the child, with a dog and a house with a red roof in the background. +A wizard's ancient crystal ball, intricately engraved with the words "See the Truth", rests on a wooden stand, surrounded by flickering candles and mysterious symbols on a dark, velvet cloth. +A modern art installation featuring a minimalist chair with "rtve" elegantly engraved on the back, set against a backdrop of a sleek, contemporary gallery space with soft, ambient lighting. +A modern elevator button panel with a sleek, metallic finish, featuring a prominently labeled button that reads "Floor 3" in clear, bold text, set against a softly lit background. +A weathered pirate treasure map, detailed with old, faded lines and cryptic symbols, labeled "X Marks the Spot" at the center, surrounded by illustrations of tropical islands and ships. The map is partially rolled, showing signs of many adventures. +A high-resolution image of a moon crater, with vibrant graffiti spelling "First Tag in Space" on its wall, illuminated by the distant Earth's glow, surrounded by the stark, grey lunar landscape. +A bustling city street at dusk, with a cozy bookstore window prominently displaying a "Bestsellers List" poster. Warm, inviting lights spill out, illuminating the neatly arranged books and a small, potted plant. Passersby pause to glance at the titles, creating a serene, literary ambiance. +A passionate protester holds a sign demanding "Climate Justice Today" at a crowded city rally, surrounded by a sea of people and banners. The scene is vibrant, with a mix of determined faces and supportive chants, capturing the urgency and spirit of the climate movement. +A realistic photograph of a bus interior, focusing on a seat back sign that clearly advises, "Keep Feet Off Seats", with the surrounding area showing well-maintained seats and a clean environment. +A vibrant paint palette "Color Splash" with a variety of bold, swirling colors, set against a bright white background, capturing the dynamic energy of an artist's creative process. +A neon sign outside a tattoo parlor glows brightly with the words "Bad Decisions Welcome", casting a vibrant, colorful glow on the sidewalk and the brick wall behind it. The scene is set at night, with a slight mist in the air, enhancing the neon lights. +A realistic photograph of a highway patrol car parked beside a road, with a prominent "Speed Limit 65" sign in the background, under a clear blue sky. +A neon bar sign gleaming with "Open 247" in vibrant pink letters, set against a dark urban night scene, with a faint glow illuminating the nearby sidewalk and reflecting off wet pavement. +In a dimly lit game room, an arcade console glows with the bold text "Game Over" on its screen, while a scattered pile of tokens lies forgotten on the floor, hinting at the player's repeated attempts and eventual defeat. +In a ballet studio, a large mirror dominates the wall, reflecting rows of dedicated dancers in mid-pose. Above the mirror, in elegant script, reads "Practice Perfects", inspiring every movement and stretch. The soft glow of late afternoon light filters through the windows, highlighting the serene atmosphere. +A sleek, futuristic spaceship with the name "Starship Odyssey" emblazoned on its hull, floating against the backdrop of a distant nebula, with stars and planets visible in the cosmic landscape. +A realistic office setting with a person sitting at a desk, staring at a computer screen during a virtual meeting. The screen shows other participants, and a notification reads: "Your Soul is on Mute". The room is dimly lit, with a single lamp casting a warm glow. +In a bustling football stadium, the jumbotron prominently displays an animated sequence flashing "Go Team Go" in vibrant, dynamic colors, surrounded by cheering fans and the glow of stadium lights, capturing the electrifying atmosphere of the game. +A casual portrait of a young adult wearing a white T-shirt with "Music Lover" in bold, eye-catching letters across the chest, standing against a vibrant, music festival backdrop. +A weathered leather journal page, the texture showing signs of age and use, with the handwritten phrase "The Secret Lies Beneath" elegantly penned in faded ink, set against a dimly lit background. +A modern church interior with intricate stained glass windows, featuring a central panel depicting "The Motherboard" as a futuristic, glowing circuit board, surrounded by ethereal, colorful light, with robotic figures in the background. +A close-up shot of a modern, sleek pizza box sticker boasting "Now With 110 More Cheese", set against a clean, white background, emphasizing the bold and vibrant design of the sticker. +A bustling city street at dusk, with a large billboard towering above, brightly lit and advertising "Summer Music Fest 2024". Crowds of people walk below, some looking up at the vibrant poster featuring musicians and festive graphics. +A realistic courtroom scene with a judge's gavel resting on a wooden block engraved with "Order in the Court", surrounded by legal documents and a backdrop of a solemn, dimly lit court. +An underwater cave adorned with ancient paintings, prominently featuring the warning "BEWARE KRAKEN WIFI" in bold, glowing letters, surrounded by mysterious symbols and sea creatures. +A vibrant fireworks stand banner with bold text "July 4th Sale" against a night sky, illuminated by colorful explosions, with a crowd of excited onlookers in the background. +A bustling street scene featuring a charming storefront with "Diffusion" prominently displayed in elegant, neon-lit letters, surrounded by vibrant window displays and bustling pedestrians. +An astronaut in a detailed space suit, the helmet visor clearly displaying "O2 Level 98", standing against a backdrop of the vast, star-studded universe. +A vintage library card, slightly worn and yellowed, with a prominent red stamp reading "Overdue 73 Years", lying on an old wooden desk amidst a backdrop of antique books and a dusty, sunlit room. +A medieval shield, intricately crafted with a rugged iron rim and a weathered wooden core, prominently displays the family motto "Strength Through Honor" in elegant, gothic lettering. The shield is set against a backdrop of an ancient stone castle, under a cloudy sky, emphasizing its historical significance and the noble values it represents. +Retro diner with a neon sign that reads "Rock N Roll Cafe", set against a dimly lit city street at night, capturing the vibrant 1950s atmosphere with classic cars parked nearby. +A high-tech spaceship control panel with a red warning light flashing next to the text "Oxygen Low", set against the dim, futuristic interior of a spacecraft. +A spy in a sleek, urban setting, wearing sunglasses with a heads-up display that clearly shows the text "Target Acquired Coffee" overlaid on the lens, blending seamlessly with the bustling cityscape behind. +A bakery window adorned with a vintage decal that reads "Fresh Bread Daily Guaranteed", featuring a rustic wooden frame and a display of freshly baked bread loaves inside, bathed in warm, golden sunlight. +A wizard stands in a dimly lit forest, his staff glowing with a mystical light. The staff is intricately etched with ancient runes, prominently displaying the words "CTRLZ Spell". The glow illuminates the surrounding trees, casting an ethereal aura. +A chef's recipe card, splattered with sauce and spices, prominently featuring the instruction "Add Butter Until Happy", lying on a rustic wooden table in a cozy kitchen. +An art gallery wall features a sleek, modern description card neatly placed below a framed painting. The card reads "Oil on Canvas 2023" in elegant, serif font, contrasting with the vibrant, textured artwork above it. Soft, ambient lighting enhances the scene, highlighting the card and the painting's rich colors. +A vast desert landscape with a lone oasis, where a weathered wooden sign stands tall, reading "Last Water for 1000 Years". Palm trees provide shade, and the sun casts long shadows, emphasizing the barren surroundings and the preciousness of the water. +A detailed, ancient spell scroll with intricate runes and symbols, the footer clearly displaying the text "Abracadabra Results May Vary" in elegant, flowing script, set against a backdrop of glowing mystical energy. +A classic 1957 Chevrolet Bel Air parked on a vintage street, with a prominent "Vintage 57" car plate. The car's gleaming chrome and pastel colors stand out against a nostalgic backdrop of retro buildings and street lamps. +Create a movie poster titled "Galaxy Warriors" featuring a group of futuristic astronauts in sleek, armored suits, standing on a rocky, alien landscape with a distant, glowing planet in the background. The sky is filled with swirling nebulae and a fleet of advanced spacecraft. +A detailed, ancient wizard spellbook page with intricate illustrations and handwritten text, featuring the "Summon Familiar Incantation" in a mystical, gothic script, surrounded by arcane symbols and glowing runes. +A detective's worn leather notebook lies open, revealing a case file page stamped "Top Secret" in bold, red ink, under a dim desk lamp, with a magnifying glass resting on the edge of the page, emphasizing the secrecy and intrigue of the document. +A city bus stopped at a busy intersection, its destination display clearly showing "Downtown Express" in bold letters, with bustling pedestrians and towering skyscrapers in the background. +A snowy ski resort with a prominent trail sign that reads "Black Diamond Run", set against a backdrop of tall, frost-covered pine trees and a crisp, blue sky. Skiers can be seen making their way down the challenging slope, adding a sense of action and adventure to the scene. +A close-up of a dog's food bowl, etched with "Dinner Time Always Now", placed on a rustic wooden floor, with sunlight streaming in from a nearby window, casting a warm glow. +In a quiet hospital corridor, a sign that reads "Do Not Disturb" hangs on a door, illuminated by the soft glow of a wall-mounted light, emphasizing the serene and respectful atmosphere. +A realistic forest scene with a wooden campfire sign prominently displaying the warning "Beware of Bears". The sign is slightly weathered, surrounded by tall trees and undergrowth, with a faint trail leading into the distance. The lighting is soft, creating a peaceful yet cautionary atmosphere. +A close-up of a dog collar with a shiny metal name tag, intricately engraved with "Call Owner 555 0102", set against a soft, blurred background of a grassy park. The tag glimmers in the sunlight, capturing the warmth of a sunny afternoon. +A realistic photograph of a basketball court with a vibrant floor decal clearly stating "Free Throw Line", set against the backdrop of a well-lit gymnasium with spectators in the stands. +A digital art tablet displays a vibrant workspace with a highlighted layer panel showing "Layer 23 Visible", surrounded by a variety of digital brushes and tools, set against a sleek, modern desk with a soft, ambient studio lighting. +A vintage theater program cover featuring the text "Act 1 Scene 2" in elegant, handwritten script, set against a backdrop of a dimly lit stage with soft curtains and a single spotlight. The design is refined, with gold accents and a subtle, textured paper effect. +A close-up of a carpenter's toolbox, prominently displaying a sticker that reads "Measure Twice Cut Once", with tools neatly arranged around it, capturing the essence of precision and craftsmanship in a workshop setting. +A vintage retro diner setting with a classic coffee mug on a checkered tablecloth. The mug features a humorous print that reads "World's Okayest Dad" in bold, playful letters. Warm, nostalgic lighting enhances the cozy atmosphere. +A close-up of a cracked fortune cookie on a white plate, with a slip of paper inside reading "You Will Write 100 Prompts", set against a soft, blurred background. +A whimsical garden scene with a gnome standing next to an old, weathered signpost that reads "Middle Earth 500 leagues". The gnome is dressed in a green hat and coat, with a friendly smile, standing amidst colorful flowers and lush greenery. +A nostalgic nighttime scene featuring a vintage diner with a glowing neon sign above it, prominently displaying "Open 247" in bright, vibrant colors, casting a warm, inviting glow over the rustic façade and the empty street. +"Secrets of the Ocean" book cover featuring intricate wave designs, with a deep blue sea background, illuminated by sunlight piercing through the water, creating a serene and mysterious atmosphere. +A vast desert canyon, with ancient symbols deeply carved into the reddish sandstone wall, forming the phrase "Turn Back Now". The sun casts long shadows, highlighting the intricate carvings and the rugged terrain. +A snowman stands in a winter scene, its carrot nose prominently displayed. Next to it, a rustic wooden sign reads "Frostys Diner", covered in a light dusting of snow, with a cozy cabin visible in the background. +A cozy living room with a plush pillow on a wooden armchair, featuring intricate embroidery that reads "Home Sweet Home" in elegant, flowing script, surrounded by soft, warm lighting and a serene, inviting atmosphere. +A spooky Victorian mansion at dusk, overgrown with ivy, "No Ghosting After Midnight" sign hangs crookedly by the front door, eerie fog creeping through the yard, a lone raven perched on a withered tree branch. +A worker stands in a construction site, wearing a bright yellow safety vest with reflective text "Work Zone Ahead" clearly visible on the front, under the glow of overhead lights. +A wizard in a cozy, book-filled study, placing a tech support sticker that reads "Have You Tried Rebooting" on an ancient, glowing computer terminal. The sticker stands out against the mystical backdrop, blending modern and magical elements. +A realistic photograph of a science lab door with a prominent sign that reads "Authorized Personnel Only", set against a backdrop of sleek, modern laboratory equipment and stainless steel surfaces. +A movie set with a clapperboard clearly labeled "Take 127", surrounded by crew members preparing for the next shot, under the soft glow of overhead lights, capturing the tension and focus of a pivotal moment in filming. +A detailed scientific diagram of a cell, with clear labeling. The cell wall is prominently marked, and the "Mitochondria" is clearly labeled and highlighted, ensuring it stands out in the illustration. +A mountain summit with a rugged stone marker, intricately carved with the words "Peak Achieved", standing against a backdrop of misty peaks and a clear blue sky. +A high-tech spaceship control panel with sleek, modern interfaces and blinking lights, prominently displaying a red alert that reads "Warp Drive Malfunction" in a futuristic font, set against the dim, ambient lighting of the control room. +A neon sign flashing "Open 24 Hours" hangs above the entrance of a vintage diner, casting a vibrant glow on the rain-slicked pavement and reflecting off the windows of parked cars. +A realistic urban scene with vibrant graffiti on a brick wall, spelling "Revolution Now" in bold, dynamic letters. The graffiti is located near a bustling subway entrance, with people passing by and the cityscape in the background. +A realistic photograph of an amusement park ride entrance, featuring a vibrant warning sign that reads "Must Be This Tall" with a measuring marker, surrounded by colorful park decorations and excited visitors. +Frosted window of a charming bakery, with "Fresh Croissants Today" elegantly displayed, steam gently rising from freshly baked pastries inside, morning sunlight casting soft shadows. +A wizard's loyal familiar, a mystical creature with a collar tag intricately engraved with "Fluffy the Destroyer", stands proudly in a medieval forest, surrounded by mystical flora and fauna, under a crescent moon. +A weathered pirate with a rugged, sun-tanned arm, adorned with a bold tattoo that reads "Born To Sail", standing on the deck of an old wooden ship, the ocean waves crashing around him, the sky filled with dramatic clouds. +A vibrant music festival scene with a crowd of excited attendees, a young woman holding her wrist up to display a clearly stamped "No ReEntry" wristband, colorful lights and stage in the background. +A digital museum exhibit label titled "Ancient Civilizations" displayed next to a collection of artifacts, including pottery, tools, and statues, set against a backdrop of ancient ruins and a softly glowing sunset. +A sleek, glowing magic 8-ball hovers in a dimly lit room, its surface reflecting a soft, ambient light. Inside, the answer "Ask Again After Coffee" is clearly visible, floating in the dark blue liquid, surrounded by mystical, swirling patterns. +A modern hotel lobby with sleek, minimalist decor. A large, illuminated directory stands prominently, clearly indicating "Pool Level 3" among other amenities. The scene is bustling with guests, and the directory is the focal point, guiding them through the spacious, elegantly designed lobby. +A high-resolution photograph of a wine bottle with an aging sticker that reads "Vintage Reserve 1999", set against a rustic wooden background, capturing the elegance and timelessness of a fine, aged wine. +A close-up photograph of a pharmacy window, featuring a sticker that clearly states "Prescriptions Ready". The sticker is slightly reflective, showing the faint silhouette of a pharmacist behind the counter. The window is clean, with a few droplets of water from recent rain, adding a realistic touch to the scene. +A detailed tattoo on a rugged sailor’s arm, featuring the word "Mom" elegantly inscribed within a heart, surrounded by nautical stars and waves, with the sailor's weathered skin adding a sense of lived experience. +A vintage T-shirt with a retro-futuristic design, featuring the text "I ❤ the 22nd Century" in bold, neon colors, set against a backdrop of a bustling, futuristic cityscape with flying cars and towering skyscrapers. +A detective stands in a dimly lit alley, his fedora tilted low. The band of his hat subtly displays "Seek Truth" in tiny, almost invisible letters, hinting at his unwavering resolve. +A modern kitchen featuring a sleek, smart refrigerator with a touchscreen display. The screen shows a frowny face and the message "Eat Salad Or Else" in bold letters, set against a minimalistic, clean background. +A close-up of a vibrant, colorful magic mushroom with a caution label that reads "May Alter Perspective", set against a dark, blurry forest background, emphasizing the mystical and slightly ominous nature of the scene. +A bustling fast food drive-thru at dusk, with a large illuminated menu board featuring the new burger front and center. The text "Try Our New Burger" is prominently displayed, surrounded by mouth-watering images of the burger. Customers in cars eagerly await their turn. +A cozy café interior with a chalkboard prominently displaying "Todays Special Matcha Latte", surrounded by steaming cups of coffee and pastries, bathed in warm, natural light streaming through a window. +A beautifully crafted wedding invitation card, featuring elegant calligraphy that reads "Join Our Joyful Union", set against a backdrop of soft, romantic floral patterns and gold accents. +A serene campsite at dusk, with a single tent prominently displayed. The tent's door flap is slightly open, revealing a warm, inviting glow from inside. Clearly visible on the tent is the label: "Adventure Awaits Inside". The surrounding forest is bathed in the soft, golden light of the setting sun. +A digital watch face displaying "Low Battery" with a prominently flashing warning icon, set against a slightly blurred wrist and background to emphasize the urgent message on the screen. +A baker in a cozy, sunlit kitchen, wearing an apron with the words "Sugar Spice" embroidered on it, surrounded by a variety of pastries and ingredients, capturing the essence of sweet baking. +A vintage guitar case with a sticker that reads "This Machine Kills Fascists" lies on a worn wooden floor, surrounded by scattered musical notes and a dim, nostalgic light. +A close-up of an art supply label reading "Oil Paint Cadmium Red", set against a textured background of a wooden artist's palette, with a few dabs of vibrant red paint nearby. +A detailed fantasy map on ancient parchment, featuring a dense forest labeled "Elvenwild", surrounded by mystical symbols and intricate borders, with a soft, golden glow illuminating the edges. +A superhero stands proudly, cape billowing in the wind, with the embroidered text "Made in China" clearly visible, set against a vibrant city skyline at dusk. +A modern ambulance parked on a city street, its side door prominently displaying the text "Stat Mobile Unit" in bold, clear lettering. The scene is lit by the soft glow of streetlights, adding a touch of realism to the detailed vehicle. +A realistic photograph of a bright red fire extinguisher label, prominently displaying the text "Break Glass in Emergency", set against a stark white wall, with a subtle shadow cast to the right, enhancing the label's prominence and clarity. +A camping tent with a humorous label reading "Bear Repellent Included Maybe" set in a dense forest, with a slight mist in the air and trees surrounding the campsite, creating a serene yet adventurous atmosphere. +A realistic photograph of a traffic cone with a sticker that reads "Move Me = Bad Karma" placed on a busy urban street, surrounded by passing cars and pedestrians. +A vintage typewriter with paper stuck mid-sentence, "The butler did", set on a wooden desk with a warm, nostalgic glow, surrounded by old books and a cup of cold coffee, capturing the essence of a classic mystery novel scene. +A realistic underwater scene featuring a submarine with a porthole sticker prominently displaying "Depth 5000m", surrounded by deep-sea flora and fauna, with a soft, ambient blue light filtering through the water. +An ancient, leather-bound wizard’s spellbook lies open on a wooden table, illuminated by flickering candlelight. The page titled "Firestorm Incantation" is inscribed with glowing, fiery runes that seem to dance and shift in the dim light. +A cozy coffee shop interior with warm lighting, wooden furniture, and a vintage typewriter on a table. A tip jar sits prominently on the counter, labeled with a hand-written note that reads, "Fund My Novel Please". Customers sip coffee and chat, creating a lively atmosphere. +A detailed, realistic photograph of a concert wristband with "VIP Access All Areas" printed on it, featuring a vibrant color scheme and a shiny, reflective surface, set against a blurred background of enthusiastic concert-goers. +A weathered, ancient parchment lies on a rustic wooden table, its edges frayed and curled. In the center, bold, elegant calligraphy reads: "You Did It". Soft, golden light from a nearby candle illuminates the scene, casting a warm glow over the fragile paper. +A high-quality photograph of a Viking smartphone case, intricately engraved with the phrase "Pillage First", set against a rugged, battle-worn leather background, capturing the essence of Norse warrior culture in a modern context. +In a cozy, well-lit bookstore, a prominently displayed book is marked as a "New York Times Bestseller", its cover gleaming under the soft overhead lights, surrounded by other intriguing titles on a neatly arranged shelf. +A futuristic cityscape at night, with a large, glowing hologram floating above the buildings, projecting "Welcome to Neo City" in vibrant, neon colors. The skyline is illuminated by bright lights, and sleek, futuristic vehicles are visible on the streets below. +A dashboard of a modern car, the GPS navigation screen prominently displaying "Recalculating Route" in clear, bold letters, surrounded by dimly lit gauges and buttons, with a hint of the road visible through the windshield. +A cozy library with warm wooden shelves, books neatly arranged. Focus on a section labeled "Mystery Novel Section", where old, leather-bound books with gold lettering line the shelves, creating an atmosphere of intrigue and suspense. Soft, ambient lighting enhances the mysterious ambiance. +A vast sky filled with fluffy, white clouds that coalesce to form the words "Rain Delay 15 Minutes", set against a backdrop of a serene, light blue sky, with rays of sunlight peeking through the gaps, creating a tranquil and almost magical atmosphere. +A cozy café scene with a rustic wooden table and chairs, a chalkboard prominently displaying "Matcha Madness Monday" in elegant, handwritten script, surrounded by potted green plants and a shelf of vintage mugs, bathed in warm, natural light streaming through a nearby window. +A sleek, modern energy drink can with a vibrant, electric blue label featuring the bold, white slogan "Supercharge Your Day" prominently displayed on the front, set against a backdrop of a bustling city skyline at sunrise. +A detailed pirate's treasure map with intricate illustrations and notations, leading to the "Burying Spot" marked with an X, surrounded by dense jungle and a sandy beach. +A retro arcade setting with a vintage vending machine featuring a prominently displayed button that reads "Insert Coins", surrounded by classic pixel art and glowing neon lights. +A TV show poster with the text "The Eighth Day" prominently displayed, featuring a mysterious, atmospheric scene with a glowing, ethereal light breaking through dark clouds, symbolizing a new beginning. +A high-resolution digital billboard in Times Square at night, brightly displaying "Welcome to NYC" in vibrant colors, surrounded by bustling crowds and glowing neon signs. +A close-up photograph of a pharmacy prescription label, prominently displaying "Take 2 Daily", with a blurred background of pill bottles and medical supplies, emphasizing the clear, readable text on the label. +An ancient wizard's spellbook titled "Secrets of Fire" lies open on a wooden table, illuminated by the flickering light of a nearby candle. The pages are filled with intricate runes and diagrams, glowing with a subtle red aura, as if the secrets of fire are about to leap off the parchment. +A delivery truck parked on a busy city street, with "Fast Shipping Guaranteed" prominently displayed on its side. The truck is surrounded by bustling pedestrians and towering skyscrapers, capturing the essence of urban life and efficient logistics. +A cozy coffee shop interior with a rustic wooden table and soft lighting. On the wall, a chalkboard displays the "Latte of the Day" in elegant cursive, with a steaming cup of latte art next to it. Customers enjoy their drinks, creating a warm and inviting atmosphere. +A detective in a trench coat and fedora, holding a magnifying glass that focuses on a piece of paper with "Clue Here" written on it, standing in a dimly lit, cluttered room. +A stylish wedding invitation card with elegant calligraphy that reads "Save the Date June 24th", set against a backdrop of blooming roses and soft, golden sunlight filtering through the leaves, creating a romantic and serene atmosphere. +A realistic photograph of an ambulance parked on a city street, with clear side panel text stating "Emergency Response", surrounded by reflective stripes and a subtle blue emergency light glow. +A realistic courtroom scene featuring a judge's gavel engraved with "Order in Court", placed on a mahogany desk, with a solemn background of wood paneling and legal texts. +A vintage, leather-bound diary opened to a page with the handwritten entry: "Dear Diary, Still Sparkling". The page is illuminated by the soft glow of a nearby candle, casting shadows that enhance the mystical ambiance of the room. +A weathered pirate ship with a tattered sail, prominently stitched with "Beware of Kraken", navigates stormy seas, the crew bracing against the wind and waves, hinting at the legendary sea monster lurking below. +A vibrant gym motivational poster with the slogan "Sweat is Glitter" prominently displayed. The background features a dynamic workout scene with athletes in mid-exercise, surrounded by gym equipment. The poster uses bold, energetic fonts and a bright, motivational color palette. +A realistic courtroom scene with a judge's gavel stand featuring a plaque that reads "Order in the Court", set against a backdrop of wooden panels and legal documents. +A pirate ship sails the turbulent sea, its flag "Surrender Snacks" billowing in the wind, surrounded by dark clouds and foamy waves, with a crew of adventurous pirates on deck, their eyes set on the horizon. +An ancient wizard unrolls a mystical parchment, revealing the words "Spell of Infinite Cats" in glowing runes. The spell's energy radiates, summoning a cascade of ethereal felines that swirl around the wizard, their eyes glowing with enchanted light. +A dimly lit prison cell with rough, gray walls. In the center, a faint scratch reads "ESCAPE PLAN 3", partially obscured by shadows and wear, hinting at countless attempts and the desperate hope of freedom. +A sleek, modern spy gadget briefcase on a dimly lit desk, its screen flashing the words "Top Secret" in red. The briefcase is partially open, revealing intricate technology inside, with a single, focused beam of light highlighting the screen. +A serene mountain trail with lush greenery and rocky paths, leading up to a wooden sign that reads "Summit 2 Miles" amidst the natural beauty, capturing the essence of an adventurous hike. +A realistic photograph of graffiti on a brick wall, vividly spelling "Revolution Now" in bold, colorful letters, with the urban backdrop of a bustling city street. +A bustling train station with vintage charm, where an old-fashioned steam train is about to depart from "Platform 9¾", as indicated by a vintage sign. Passengers in period attire hurry past, some glancing curiously at the magical platform. The atmosphere is a blend of excitement and nostalgia. +A rugged miner's pickaxe, its wooden handle weathered and worn, branded with the bold, embossed words "Dig Deeper" near the end, resting against a rocky outcrop in a dimly lit underground cavern. +A movie theater marquee at dusk, brightly lit, announcing "Premiere Tonight Sold Out" with a crowd gathering outside, eager and excited, under a starlit sky. +A dense, sentient fog bank hovers over a misty landscape, forming the words "Beware Invisible Bridges" in eerie, swirling patterns, casting an ethereal glow that illuminates the hidden dangers below. +A desert mirage illusion in a vast, sandy landscape, where the shimmering heat creates an ethereal image of an oasis with clear water and lush palm trees, bearing the sign "Oasis 2 Miles Ahead" in the distance. +A vibrant concert stage at night, the backdrop glowing with neon lights that spell out "World Tour 2024" in bold, colorful letters, surrounded by enthusiastic fans and a haze of stage smoke. +A vibrant birthday cake with smooth, white frosting and colorful, swirled decorations. The frosting is meticulously piped with the phrase "30 Going On 15" in bold, elegant letters, adding a playful and celebratory touch to the scene. +A neon sign reading "Open 24 Hours" glows brightly above the entrance of a classic American diner, casting a warm, inviting light onto the pavement. The scene is set at night, with the diner's windows illuminated, and a few cars parked outside. +A high-resolution photograph of a futuristic spaceship cargo crate, prominently stenciled with "Mars Colony Supplies", resting on a metallic loading dock under the soft glow of distant lights, with the vast, star-filled space as the backdrop. +A realistic photograph of a garden plant marker labeled "Tomato Vine", set amidst lush green foliage and vibrant tomato plants, with a wooden stake supporting the marker and morning dew glistening on the leaves. +A prehistoric cave painting showcasing ancient hunters with robust, muscular figures, wielding spears and bows. Near the depiction, the symbol "Strength" is prominently drawn, emphasizing the theme of power and resilience in early human societies. +A prisoner's forearm prominently displays a tattoo in dark, intricate Gothic letters reading "Born to Lose", set against the backdrop of a dimly lit cell with shadows casting a solemn mood. +A sophisticated romantic business card with elegant typography that says "I love you", set against a luxurious background with subtle floral patterns and a hint of gold foil detailing. +A superhero stands proudly, their chest emblem glowing brightly with the words "Hero City Protector", illuminated against a dark, urban night sky, emphasizing their role as the city's guardian. +A vibrant TV show poster featuring bold, dynamic visuals and the text "Prey on it" prominently displayed, set against a backdrop of urban nightlife with neon lights and bustling city streets. +A rustic wooden sign stands at the entrance of a lush, green apiary, reading "Local Honey for Sale". Bees buzz around the vibrant wildflowers, while a weathered fence encircles the scene. The warm afternoon sun casts gentle shadows, highlighting the natural beauty of the honeybee habitat. +A realistic photograph of a New Year’s Eve flyer prominently displaying a "No Fireworks" ban, set against a backdrop of a festive but quiet neighborhood, with streetlights casting a warm glow on the snow-covered ground. +A bustling baseball stadium at twilight, the scoreboard prominently displaying "BOTTOM 9TH INNING" in bright lights, fans cheering in the stands, the home team at bat, and the tension palpable as the game reaches its climax. +A serene unicorn stable at dusk, where the rule "No Rainbows After 8" is strictly enforced. The sky is a deep twilight blue, and the stable lights glow warmly, casting soft shadows. No trace of rainbows, only the gentle hum of magical creatures settling for the night. +A smartphone case with "Fragile Handle With Care" printed on it, lying on a white background with soft shadows, capturing the texture and subtle details of the case. +A realistic photograph of a gas station price board displaying "399 Unleaded" with a modern, sleek design, set against a clear blue sky and surrounded by green trees. The scene captures the essence of a typical suburban fuel station during a sunny day. +A digital billboard looms over a bustling highway, displaying the warning "Traffic Jam Ahead" in bold, illuminated letters, as cars slow down, their brake lights forming a red line stretching into the distance. +A poster titled "church" showcasing various species of quail in a serene, woodland setting, with detailed illustrations and botanical elements, capturing the natural beauty and diversity of these birds. +A close-up of a paper towel with the words "artyom" written in bold, black marker, set against a minimal, white background, capturing the texture of the towel and the sharpness of the text. +A child’s colorful drawing of a vibrant rainbow, with the playful, scribbled words "Happy Day" in bold, messy letters across the sky, set against a simple, white background. +A vintage movie theater at night, the marquee brightly lit and advertising "Now Showing Cyber Heist 3000", with a futuristic cityscape in the background and a few people walking by, capturing the blend of old charm and high-tech allure. +A cozy plant shop with a vintage chalkboard sign hanging by the entrance, displaying the message "Water Me, I'll Love You". Greenery spills out from the shop, creating a lush and inviting atmosphere. +A mystical floating magic 8-ball hovers in a dimly lit room, its translucent surface glowing softly. The answer "Ask Again Later" is clearly visible within, cast in luminous, swirling text against the dark interior. +A magician’s hat on a dark, mystical stage, with the words "Abracadabra" glowing in a mystical light inside the hat, surrounded by swirling smoke and magical sparks. +A gym water bottle with the bold label "Hydrate or Die Trying" sits on a workout bench, next to a pair of dumbbells, under the harsh fluorescent lights of a modern gym. +A vintage 1950s magazine cover with a futuristic twist, featuring a sleek, metallic robot in a housewife's apron, holding a vacuum cleaner. Bold, colorful headlines shout "RoboWives Now" against a backdrop of space-age decor and appliances. +A retro video game arcade cabinet stands in a dimly lit room, its vibrant neon lights casting a glow. The cabinet is labeled "Zombie Dentist Insert Coin", with an eerie, pixelated zombie dentist character grinning on the screen. +A bustling cityscape at night, dominated by a large digital billboard cycling between the text "All Your Ads Belong to Us" and a series of dates, with neon lights and pedestrians below, captured in a realistic photographic style. +A vast desert landscape with a lone signpost in the foreground, weathered by the elements, pointing towards the left with the text "Water This Way" clearly visible. Behind the signpost, a faint trail leads to a distant oasis, where a few palm trees can be seen. +A realistic photograph of a graffiti art piece featuring the text "free the pink" boldly painted on a weathered brick wall, with vibrant colors and dynamic brushstrokes, set against a urban backdrop. +A street scene with a parking meter displaying "Time Expired Add Coins" on its screen, surrounded by parked cars and a bustling city backdrop. The meter is slightly worn, with a few scratches, emphasizing its frequent use. +A rocket towering on a launchpad, its side emblazoned with "Mars or Bust", against a backdrop of a clear blue sky, with engineers and spectators gathered nearby, capturing the moment with cameras and binoculars. +A rustic bird feeder hangs from a tree branch, with a small sign attached that reads "Feed Me" in bold, playful letters. Sunlight filters through the leaves, casting a warm, natural glow on the feeder and the sign. +A wizard stands in a mystical forest, his staff glowing with "Power Unleashed", casting an ethereal light that illuminates the ancient trees and creates a halo around his figure, enhancing the magical atmosphere. +A detailed amusement park map highlighting "Rollercoaster Row Zone 5", showcasing various thrilling rides and vibrant pathways, with colorful signs and excited visitors pointing towards the zone. +A baker's oven window, steam slightly fogging the glass, reveals a beautifully decorated cake with the message "Happy 40th Crisis" written in elegant icing, surrounded by flickering candle flames. +A modern smartphone screen displaying the "Low Battery 5%" notification, set against a blurred background of a cozy living room, with soft, ambient lighting highlighting the edges of the device. +A realistic photograph of an elevator door with a small, official-looking inspection sticker on the side, clearly displaying the text "Certified Safe 2023". The sticker is slightly worn, indicating regular use, and the elevator door shows subtle signs of age and wear. +A close-up of a wine bottle with an elegant label that reads "Vintage 1999", set against a soft, blurred backdrop of a vineyard at sunset, capturing the rich, golden hues of the bottle and the serene ambiance of the setting. +A high-quality photograph of a laboratory flask on a white background, clearly labeled with a "Handle With Care" tag, illuminated by soft, even lighting to highlight its transparency and the subtle details of the tag. +A realistic photograph of a laboratory freezer with a prominent, handwritten note stuck to the door that reads "SERIOUSLY NOT FOOD". The freezer is slightly ajar, revealing shelves with labeled containers and a faint glow from within. +A cyclist in motion, wearing a vibrant jersey with "Pedal Harder" printed boldly on the back, navigating a winding mountain road under a clear blue sky. +A bustling city street at night, with a movie theater marquee brightly lit, prominently displaying "Killer Robots 3 Reboot" in neon lights. Crowds of excited moviegoers queue, while the marquee's reflections shimmer on wet pavements. +A realistic photograph of a pet store fish tank, with a colorful sticker on the glass reading "Not Food Please Don't Fry Us", surrounded by various tropical fish swimming peacefully. +A rugged mountain trail, leading through dense pine forests, with a weathered wooden marker post carved with "Summit 15 Miles Ahead" standing at a fork in the path, surrounded by fallen leaves and overgrown foliage. +A paleontology dig site under a clear blue sky, with a wooden marker labeled "Bone Fragments" standing prominently among scattered fossil pieces and excavation tools. The scene captures the meticulous process of uncovering prehistoric remains in a sun-dappled, sandy landscape. +A wizard's mailbox stands in a mystical forest, covered in ancient runes and glowing softly. The sign reads "Spell Orders Only" in elegant, glowing letters, surrounded by swirling mist and enchanted flora. +A cluttered laboratory with shelves lined with scientific equipment and jars containing various specimens. In the center, a scientist with a lab coat, the badge clearly visible stating "Dr Frankenstein PhD", stands next to a large, glowing machine. +A bustling subway station with vibrant walls, one of which is graffitied with the phrase "Take the Scenic Route" in bold, colorful spray paint, capturing the eye of commuters rushing by. +A whiteboard in a veterinary clinic displays the note "Staff Meeting 2 PM", surrounded by medical equipment and animal cages. The clinic's clean, professional environment is evident, with veterinary posters on the walls and a stethoscope hanging nearby. +A close-up of a bakery cookie box label, prominently displaying the warning "Contains Nuts Warning" in bold text, with a rustic wooden background and scattered cookies around the box. +A pirate ship sails on stormy seas, its flag proudly displaying "Beware Plunderers Ahead" in bold, weathered letters. Dark clouds loom overhead, and the crew is visible on deck, ready for action. +A vintage 1950s diner with a classic jukebox in the corner, its colorful lights flickering. The jukebox prominently displays "Play Hit Songs", inviting customers to select their favorite tunes, while retro posters and checkered floors complete the nostalgic scene. +A weathered pirate ship figurehead, carved with intricate details, leans forward as if whispering the secret "Mutiny Discount Tuesdays" to the sea, its eyes glinting with a mischievous light under the moonlit sky. +A robot poet sits at an antique desk, its metallic fingers typing furiously on a vintage typewriter. The ribbon spools out, displaying the message "Error Rhyme Not Found" in bold, stark letters, contrasting with the warm, ambient light of the room. +A close-up of a firefighter's helmet, the shield prominently engraved with "Rescue Team", reflecting the bravery and dedication of the wearer, set against a backdrop of a smoky, slightly blurred urban landscape. +A sleek, modern suitcase with a minimalist design, featuring the word "lean" prominently displayed on its front in stylish, bold letters, resting on a clean, white background. +A bustling arcade with vibrant lights and colorful game machines. At the prize counter, a large, eye-catching sign prominently displays "1000 Tickets Needed" to win the grand prize, a sleek, life-sized robot toy. Players gather around, eagerly counting their tickets. +A high-resolution photograph of a sleek digital stopwatch with a black and silver design, prominently displaying the text "Start Timing Now" on its screen, set against a minimalist white background. +A sleek, modern ambulance parked on a city street, with its side adorned with a striking decal that boldly states "Emergency Response Unit" in clear, bold letters, reflecting the vehicle's critical role in rapid medical assistance. +A vintage Wild West wanted poster, weathered by the elements, prominently displays "050 Reward for Bad Pun". The poster is pinned to a wooden board outside a saloon, with a dusty, sun-baked town and a few cowboys in the background. +A sleek, modern race car speeding on a track, with a distinctive "Speed Limit 220 MPH" decal on the windshield, reflecting the intensity of the competition and the car's high-performance capabilities. +A close-up of a firefighter's helmet, prominently displaying the words "Brave Bold" in bold letters, set against a backdrop of a smoky, fiery sky, emphasizing the courage and determination of the firefighter. +A realistic photograph of a bus interior, featuring a prominently placed sticker on the wall that advises passengers to "Report Suspicious Packages". The scene includes a few passengers sitting and standing, with the sticker clearly visible and well-lit. +A realistic smartphone screen displaying a notification that reads "Low Battery 10%", set against a blurred background of a cozy living room with warm lighting and a cup of coffee on a wooden table. +A vibrant graffiti artist paints "Ride the Lightning" on the side of a weathered train car, the bold letters popping against the metallic surface, with dynamic strokes and a colorful palette, capturing the essence of urban art and rebellion. +A realistic photograph of a highway exit sign, partially covered with graffiti. The sign reads "Hell 2 Miles" in bold, red spray paint, set against the backdrop of a dark, stormy sky. +A rustic wooden table with a woven basket filled with freshly baked bread, steaming slightly. A small, white tag hangs from the basket, clearly reading "Fresh From Oven". The scene is bathed in warm, golden sunlight, enhancing the cozy, inviting atmosphere of a home bakery. +An astronaut stands beside a detailed moon base map, clearly labeled "Habitat Sector", under the stark glow of lunar lighting, with the vast, desolate landscape of the moon stretching out in the background. +A realistic photograph of a dog wearing an intricately embroidered collar. The collar features a tag that clearly reads "My Humans Are Lost", set against a soft, blurred background of a park. The dog looks concerned, tilting its head slightly. +A realistic smartphone screen displaying a notification pop-up that reads: "1 New Memory Waiting". The phone is on a wooden table, with a soft, natural light illuminating the scene, creating subtle shadows around the device. +A medieval knight holds a large, round shield emblazoned with the motto "For the Realm" in bold, gothic lettering. The shield's weathered metal surface shows signs of battle, with scratches and dents. The knight stands in a misty, ancient forest, morning light filtering through the trees. +A vinyl album cover titled "Midnight Soul Sessions", featuring a vintage turntable in a dimly lit room, with soft, warm lighting casting shadows on the walls. The album artwork shows a silhouette of a saxophonist playing against a deep blue background. +A close-up photograph of a delicately embroidered bookmark featuring the words "Reading Is Magic" in elegant cursive, set against a rustic, wooden background with soft, warm lighting highlighting the intricate stitches. +A dark, eerie gate to a haunted house, with an old, rusted sign warning "Enter at Your Own Risk" hanging from the top, surrounded by twisted iron and overgrown vines. +A close-up of vintage typewriter paper, slightly yellowed with age, featuring the phrase "Chapter One" in elegant, old-style font, set against the textured background of the paper. +A vast desert under a blazing sun, with a distant mirage that shimmers and reads "Oasis 5 Miles Maybe", creating an illusion of hope and uncertainty in the barren landscape. +A neon diner sign glowing "Eat Fresh Burgers" above a bustling highway at night, with the sign's vibrant colors reflecting off the wet asphalt and the headlights of passing cars. +A vibrant brick wall in a bustling city, adorned with bold, colorful graffiti that spells "Street Art Forever", capturing the dynamic spirit of urban creativity. +A close-up shot of a toy store shelf label, prominently displaying "Building Blocks 50% Off" in bold letters, with colorful building blocks scattered around the label, creating a vibrant and inviting scene. +A detailed construction blueprint titled "City Bridge Plan", featuring intricate architectural designs and measurements, set against a backdrop of a bustling city skyline, with engineers discussing the plans near a scale model of the bridge. +A realistic construction site scene with a prominent barrier sign that reads "Hard Hat Area", surrounded by workers in safety gear and construction equipment. The scene is bustling with activity, emphasizing the safety measures in place. +A realistic museum scene featuring a dinosaur fossil display with a modern, sleek plaque titled "TRex Influencer" prominently placed at the base, surrounded by ambient lighting and a curious crowd. +A bustling farmer's market scene with a rustic wooden stand, featuring a hand-painted chalkboard sign that reads "Organic Apples 2 Dollars", surrounded by baskets of fresh, vibrant apples and cheerful market-goers. +A pair of sleek, modern sneakers with the side text "Run Fast" clearly visible, set against a dynamic urban backdrop with blurred motion to emphasize speed and agility. +A wizard, cloaked in midnight blue, stands in a dimly lit ancient library, holding an open spellbook. The pages glow with an ethereal light as he chants the incantation "Lumos Maxima", illuminating the dusty, shadowy room with a radiant, warm light. +A modern kitchen with a sleek, stainless steel smart fridge. The fridge's screen displays a notification that reads "Milk Expired Yesterday", contrasting against the clean, white interface. The kitchen is well-lit, emphasizing the high-tech feel of the appliance. +A futuristic cityscape at night with flying drones and neon lights, featuring a dramatic close-up of a human eye with swarms of nanobots entering it, under the bold title "Invasion of the Nanobots". +A medieval jousting tournament with knights on horseback, a vibrant banner in the background displaying "Victory or Death" in bold crimson letters, surrounded by cheering spectators in period attire. +A high-resolution digital watch face displaying "Time To Run" in bold, vibrant letters against a sleek, modern background, set against the wrist of an athlete in mid-stride on a sunlit track. +A close-up of a chef's knife on a wooden cutting board, its blade meticulously etched with the words "For Veggies Only", surrounded by a variety of colorful, freshly cut vegetables. +A "managat" reminder poster, featuring vibrant, bold text, is prominently displayed on the side panel of a modern city bus, with passengers glancing at it curiously as the bus navigates through a bustling urban landscape. +A close-up of a colorful lunchbox with a sticker on it that reads "Lunch Time Hero", set against a blurred background of a cafeteria, emphasizing the playful and cheerful design of the sticker. +A realistic photograph of a "Caution Wet Floor" yellow cone placard placed prominently at the entrance of a busy grocery store, with shoppers passing by and the store's interior visible in the background. +A high-quality photograph of a motorcycle with a custom license plate frame that reads "Born to Ride", set against a backdrop of an open road at sunset, capturing the essence of freedom and adventure. +A bustling city street at dusk, with a cozy bookstore's window prominently displaying a sign that reads "Spellbooks 50% Off". The window is filled with an array of mystical books, and a soft, warm light illuminates the scene, attracting curious passersby. +A realistic photograph of an alien zoo exhibit featuring a sign that reads "Human Mostly Harmless" in front of a glass enclosure, with a human figure standing inside, looking slightly bewildered. +A vibrant TV show poster with the title " on it", featuring a dynamic cityscape at sunset, with silhouetted characters in action poses, and a dramatic glow highlighting the text. +A chef in a kitchen, wearing an apron stained with various sauces, prominently displaying the text "Master Griller" across the front. The chef is preparing a dish, with a determined look, surrounded by cooking utensils and ingredients. +A movie theater marquee illuminated at night, announcing "Now Playing Your Life" in vibrant neon letters, with a crowd of people gathering in front, reflecting a mix of excitement and curiosity. +A realistic supermarket scene with a produce sign hanging above a vibrant display of apples, clearly labeled "Organic Produce" in bold, modern font, under warm, inviting lighting. +A whimsical treehouse nestled high in the branches of an ancient oak, with a playful sign reading "No Adults Allowed" hanging from its door. Sunlight filters through the leaves, casting a warm, golden glow on the rustic wooden structure. +A vintage typewriter with a sheet of paper inserted, the top of which reads "Chapter One Draft" in crisp, faded ink. The scene is set on a wooden desk, with the warm glow of a desk lamp casting a soft shadow over the typewriter and a stack of notes nearby. +A roadside fruit stand with a wooden sign that reads "Sweet Corn 1" in bold, rustic letters, surrounded by freshly picked corn and vibrant vegetables, under a sunny sky. +A vibrant neon sign above a bustling nightclub entrance, glowing brightly with the words "Electric Nights", casting a colorful glow over the excited crowd and the rainy city street below. +A pilot's cockpit with a digital screen prominently displaying the alert "Low Fuel Warning", set against the backdrop of a dimly lit cabin with gauges and buttons, capturing the tension of a critical moment in flight. +A river rafting scene with adventurers paddling through turbulent waters, surrounded by lush, green cliffs. The raft is splashed with water, and one person holds a biscuit aloft. Above the scene, in bold, adventurous font: "Risk It For The Biscuit". +A vintage 80s game cartridge label, prominently featuring the text "8Bit Adventure" in bold, pixelated font. The label has a nostalgic color palette of electric blues and neon pinks, with a pixel art mountain and hero silhouette in the background. +A close-up of an elegant, shimmering magic wand with the inscription "Wish Granted Instantly" in glowing runes, set against a dark, starry background, with a subtle sparkle effect around the wand. +A medieval wizard tower with an intricately carved wooden door, slightly ajar, revealing a flicker of candlelight inside. A sign hangs above the door, clearly stating "Apprentices Not Welcome", emphasizing the tower's exclusivity. +A beekeeper stands beside a wooden hive box, prominently branded with "Honey Haven Apiary", set against a backdrop of blooming wildflowers and a sunny sky, capturing the essence of a serene and productive apiary. +A sleek, modern car parked on a city street at dusk, with a prominent sign on its side that reads "amprofon", reflecting the urban lights. +A realistic photograph of a grocery store checkout lane with a prominent "Cashier Closed" sign, empty conveyor belt, and a few scattered shopping carts in the background. +A realistic photographic scene of a voting booth with a clear instruction sign that reads "Complete All Sections", set against a backdrop of ballot boxes and election materials. The sign is prominently displayed, ensuring it's easily readable. +A bustling farmer’s market with a wooden sign prominently displaying "Organic Produce Here", surrounded by vibrant stalls filled with fresh fruits and vegetables, under a sunny sky. +A close-up of a spacesuit arm patch, prominently displaying "Moonwalkers Local 2088" in bold, futuristic font, with intricate details of the lunar surface and stars in the background, set against a dark, space-themed backdrop. +A realistic photograph of a handwritten note, neatly taped to a wooden door, clearly stating "Do Not Disturb" in elegant cursive, with soft shadows indicating late afternoon light. +An ancient, dusty wizard's spellbook lies open on a wooden table, illuminated by a flickering candle. The page titled "Invisibility Spell" is visible, with intricate illustrations and mystical runes surrounding the text. +Astronaut floating in space, helmet visor reflecting a red "Low Oxygen" alert, surrounded by stars and the Earth in the background, realistic photography style. +A glowing hologram above a futuristic cityscape, spelling "Welcome NeoTokyo", illuminates the neon-lit skyscrapers and bustling streets below, creating a vibrant and welcoming atmosphere. +An artist's studio, with a large, vibrant paint palette centered in the frame. The palette is filled with bold, contrasting colors, swirling and mixing together. "Mix Colors Boldly" is written in dynamic, hand-painted letters above the palette, emphasizing the creative freedom and energy of the scene. +A bustling bakery storefront with a large, frosted glass window. The window features a modern, eye-catching decal that reads "Gluten Free Options" in bold, elegant font, surrounded by whimsical illustrations of pastries and bread. +A vibrant fire station adorned with a large, red banner that reads "100 Years of Service", surrounded by cheering firefighters in full uniform, with vintage and modern fire trucks parked in the background, capturing the rich history and community spirit. +An astronaut's glove drifting in the vastness of space, with the word "Mom" clearly sharpied on the wrist, against a backdrop of distant stars and planets. +A close-up of a gardener's trowel, its wooden handle elegantly stamped with the words "Plant Nonsense Here", set against a backdrop of rich, dark soil and vibrant green foliage. +A bustling city street with a large, vibrant roadside billboard advertising "Biggest Sale Ever" in bold, eye-catching fonts, surrounded by passing pedestrians and vehicles. The scene is set during the golden hour, casting a warm, inviting light over the area. +In a picturesque scenic area, a wooden signpost stands prominently, featuring a clear and legible message that reads "Do not trample on the lawn", surrounded by lush green grass and vibrant wildflowers. +A sleek race car on a dusty track, its hood adorned with a striking decal that boldly reads "Speed Demon" in fiery red letters, contrasting against the car's matte black finish. +A graduation cap adorned with "Class of 2024", sitting on a wooden desk with a backdrop of a sunny campus quad, where students in caps and gowns are celebrating. +A sleek, modern smartphone screen displays a video streaming app thumbnail with vibrant, high-contrast colors. The app icon is prominently featured, and the text "New Episode Available" is clearly visible in bold, white font at the bottom of the image. +A vibrant TV show poster featuring the text "The Machine That Made Us" prominently displayed, set against a backdrop of futuristic machinery and historical artifacts, blending a modern and vintage aesthetic. +A high-tech superhero base with a large computer screen displaying an alert that reads "Villain Detected", surrounded by advanced machinery and glowing interfaces, set in a dimly lit, futuristic room. +A vintage typewriter, with worn keys and a slightly faded ribbon, diligently typing out "The End Or Is It" on crisp, yellowed paper, set against a soft, nostalgic background. +A pumpkin adorned with a beard, monocle, and top hat, featuring a speech bubble that reads "minioudaki", set against a vintage, slightly eerie background. +A close-up photograph of a garden plant tag, clearly labeled "Sunflower Seeds", lying on a bed of rich, dark soil amidst sprouting green leaves and vibrant sunflowers in the background. +A bustling art supply store with a vibrant "Paint Brushes 50% Off" sign, shelves stocked with colorful paints and brushes, customers browsing enthusiastically, and warm lighting enhancing the creative atmosphere. +A movie theater marquee at dusk, prominently displaying "Midnight Horror Fest" in glowing red letters, with posters of classic horror films lining the entrance and a few intrigued moviegoers standing outside, adding a sense of anticipation and excitement. +A digital thermostat in a traditional wooden sauna, displaying "High Heat" in bright red on its sleek, modern interface, surrounded by steam and warm, glowing wood. +A realistic photograph of a fridge with a handwritten note attached, saying "Buy Milk", in a casual, slightly slanted handwriting style, stuck on with a small, colorful magnet. +A realistic photograph of a library dropbox, prominently displaying a sign that reads "Book Returns Here", situated in a quiet, well-lit corner of a modern library. +A dark, medieval kitchen where a witch stirs a cauldron bubbling with eerie, glowing letters that spell "Soup of Doom", casting an ominous shadow on the stone walls. +A yoga mat with a minimalist design featuring the phrase "Breathe In Breathe Out" in elegant, flowing script, set against a soft, gradient background that transitions from calm blue to serene green, symbolizing tranquility and balance. +A dragon's eggshell, cracked and glowing, reveals a tiny, glowing "Hatchling Inside", its wings just beginning to unfold in a mystical, enchanted forest. +A medieval battlefield, foggy dawn, a knight stands tall, holding a battle standard emblazoned with "Victory Or Death", his armor gleaming under the first light of the sun, surrounded by the chaos of war. +A photorealistic airport at night with runway lights spelling "Welcome to Dubai" in a sleek, modern font, illuminated against a dark sky with a hint of city lights in the distance. +A wizard stands in a mystical forest, his staff glowing with an ethereal light, the words "Spellcasting Mode On" clearly visible, casting a serene blue glow around him, enhancing the magical ambiance of the scene. +A superhero city skyline at dusk, with vibrant neon lights and towering skyscrapers. A large, eye-catching billboard reads "Villain Insurance 50% Off" in bold, glowing letters, overshadowing the bustling streets below. +A muscular circus strongman stands in a spotlight, his shirt ripped open to reveal a surprisingly frail, almost delicate physique. The words "Weakling Inside" are clearly visible on the shirt, creating a stark contrast between appearance and reality. +A wizard stands in a dimly lit chamber, an ancient scroll unfurling in his hands, revealing the glowing "Ancient Rune GLOW9" that illuminates the surrounding mystical symbols and artifacts. +A high-end nightclub's VIP section, dimly lit with a sleek, modern sign that clearly states "Reserved Area" in bold, glowing letters, surrounded by minimalist decor and subtle, ambient lighting. +A moving company’s box, slightly worn from travel, with the words "Fragile This Side Up" clearly stamped on its top, sitting in a well-lit room with moving supplies scattered around. +A tattoo on a weathered sailor’s arm, reading "Mom Forever" in bold, cursive script, with nautical stars and a compass rose, set against the backdrop of a rolling sea under a twilight sky. +A dimly lit prison cell with a rough stone wall. The wall bears a hand-carved calendar, prominently marking "Days Since 478", with each day represented by a series of deep, weathered scratches. The scene is somber, reflecting the passage of time and the isolation of the prisoner. +A high-resolution photograph of a digital thermometer with a sleek, modern design, displaying "1067F" in bright red digits, set against a clean, white background. +A Van Gogh-styled painting of a giant panda delivering a presentation in a grand conference room, with the words "Diffusion Model" prominently displayed on the screen behind it. +A vibrant TV show poster titled "Young Ip Man: Crisis Time", featuring a young Ip Man in a dynamic martial arts stance against a backdrop of 1930s Hong Kong, with dramatic lighting and a sense of impending conflict. +A skyscraper window cleaner working high above the city, his bucket marked "Caution Wet" clearly visible, reflecting the sunlight against a backdrop of towering buildings and a clear blue sky. +A chilling VR headset lies abandoned, its screen eerily displaying "Game Over Reality Unlocked", set against a dimly lit, ominous room with shadows creeping along the walls. +A vintage rocket adorned with retro nose art, boldly declaring "Mars or Bust", set against a backdrop of a 1950s American diner, with a clear blue sky and puffy clouds, capturing the spirit of mid-century space exploration. +A rugged sailor with a weathered face, showcasing a detailed tattoo on his forearm that reads "Mom Forever" in bold, cursive script, with waves and a compass rose intricately woven into the design. +A high-tech space station control room, with a large, illuminated control panel displaying a critical red alert that reads "Gravity Failure Imminent". The room is filled with futuristic screens and equipment, and a crew member looks on in concern, emphasizing the urgency of the situation. +A realistic smartphone screen displaying a weather app notification that reads "Storm Alert Today", with a dark, cloudy sky and lightning in the background, emphasizing the urgency of the message. +A realistic supermarket aisle with a notice that reads "Do not open and try" prominently displayed on a shelf, surrounded by various packaged snacks and beverages. The scene is well-lit, with a few shoppers in the background, emphasizing the warning sign. +A futuristic space hotel lobby named "ZeroG Lounge", with sleek, floating directories displaying interactive holograms. Guests in zero-gravity leisure suits drift near weightless plants and metallic, curved furniture, all under a dome that offers a stunning view of distant stars and planets. +In a desolate, post-apocalyptic landscape, a weathered road sign stands alone, warning travelers with the text "Beware of WiFi Dead Zones". The sign is partially rusted, with a cracked, overgrown background, emphasizing the isolation and technological decay. +A bustling city street with a charming bookstore featuring a large window sign that reads "Grand Opening Today", surrounded by excited customers and vibrant floral arrangements, capturing the joyful atmosphere of a new beginning. +A weathered gravestone in an old, overgrown cemetery, with the faint inscription "I Told You I Was Sick" barely visible through the moss and cracks, under a somber, cloudy sky. +A rustic farm gate with a wooden sign that reads "Fresh Eggs for Sale", surrounded by a lush green field and a few scattered chickens, under a sunny sky. +A realistic photograph of a space whale watching tour sign floating in zero gravity, with the clear text "No Flash Photography" prominently displayed, surrounded by the vast, starry expanse of space. +A superhero stands in a dark alley, their chest emblem glowing brightly with the words "Power Mode Activated", casting a soft, intense light that illuminates the surrounding shadows. +A sleek, modern ambulance parked on a city street at dusk, with the side panel prominently displaying the text "Emergency Medical" in bold, clear lettering. The scene is lit by the warm glow of street lamps, emphasizing the vehicle's readiness for action. +A lighthouse on a rocky cliff at dusk, its powerful beam projecting the words "Safe Harbor Ahead" across the misty sea, guiding ships to a calm bay. +A close-up of a vintage candy heart with the message "CtrlAltDel My Heart" in bold, colorful letters, set against a soft, pastel background with a slight bokeh effect, capturing the nostalgic charm and modern twist. +A vibrant surfboard design featuring the phrase "Ride the Wave" in bold, ocean-inspired typography, surrounded by dynamic wave patterns and splashes of seafoam green and deep blue, capturing the essence of ocean adventure. +At the entrance of a vibrant amusement park, a grand archway adorned with colorful lights and playful decorations greets visitors. The arch proudly displays the name "Adventure Kingdom" in bold, sparkling letters, set against a twilight sky with hints of carnival excitement in the background. +A vintage movie poster titled "The Last Cookie" in bold, retro typography, set against a faded, pastel background with subtle distressed textures and nostalgic elements like popcorn and film reels. +An astronaut stands in front of Moonbase Alpha, their visor reflecting the bold sign that reads "Moonbase Alpha Ahead" amidst the stark lunar landscape. +A realistic photograph of a person's arm showcasing a bold, black and white tattoo that reads "No Regrets" in a sleek, modern font, with subtle shading to highlight the contours of the arm. +A close-up of a library bookshelf, with the spine of a book titled "Advanced Physics" prominently displayed, surrounded by other books on physics and mathematics, in a warm, softly lit library. +A cozy coffee shop interior with a rustic wooden table and chairs. A chalkboard menu hangs on the wall, prominently listing "Iced Latte Special" in elegant script. Soft, warm lighting enhances the inviting atmosphere. +A camping tent tagged "Adventure Model X2" is set up in a serene forest clearing, surrounded by tall trees and a gentle stream. The tent's vibrant colors contrast with the natural greens and browns, highlighting its modern, adventurous design. +A bustling airport terminal with a retro-style departure board flipping to display "Gate C12 Boarding Now", surrounded by travelers carrying luggage and looking at their watches, under the warm glow of overhead lights. +A close-up of a clean, white laboratory mouse cage, with a small, clear label on the front that reads "Specimen XZ9B", set against a sterile, well-lit background. +A chef stands in a bustling kitchen, wearing an apron embroidered with the phrase "Kiss the Cook", surrounded by steaming pots and fresh ingredients, capturing the essence of culinary art and warmth. +A close-up of a classroom globe with a sticker reading "I ❤ Geography" placed near the equator, showing detailed textures of the globe and the sticker, with a soft, natural light highlighting the scene. +A vintage ice cream truck parked on a sunny street, with its side panel prominently displaying an advertisement that reads "Cold Treats Inside", surrounded by colorful, playful illustrations of ice cream cones and happy children. +A realistic photo of a person's wrist wearing a sleek smartwatch with a notification that reads "10000 Steps Reached" displayed on the screen, set against a blurred urban background. +A prehistoric cave wall painting, rough and ancient, depicting a scene of hunters pursuing a massive buffalo. The crude yet expressive art shows figures with spears, surrounding the beast in a dramatic chase. The phrase "Hunt Buffalo Here" is clearly etched in the stone, emphasizing the purpose of the hunt. +A vintage travel poster featuring bold, retro-futuristic letters that read "Visit Mars Next", set against a backdrop of a nostalgic, starry night sky with a sleek, old-school rocket ship in the corner. +A close-up of a submarine porthole with a sticker warning "Beware of Sharks", set against the murky blue of the ocean, with faint shadows of underwater creatures looming in the background. +In a picturesque scenic area, a rustic wooden signpost stands prominently, reading "throttle" in bold letters, surrounded by lush greenery and a serene landscape. +A lizard perched on home plate at a sunlit baseball field, with a speech bubble above it that reads "Make it safe". The lizard's scales catch the light, and the field is deserted, emphasizing the quirky scene. +A post-apocalyptic scene with a dilapidated survival kit on a cracked, overgrown road. The label reads "Contains 0 Common Sense", amidst scattered, rusted tools and empty cans. Overcast sky with a hint of fog, enhancing the eerie atmosphere. +A vintage movie theater at night, the marquee brightly lit and announcing "Midnight Mystery Screening" in bold, retro letters. The marquee's neon lights reflect on the wet pavement, creating a nostalgic and mysterious atmosphere. +A realistic photograph of a basketball court with a large, vibrant floor decal in the center that reads "Home Court", surrounded by the court's bold lines and a faint audience in the background. +A museum exhibit featuring towering dinosaur skeletons, with a small, detailed plaque at the base that reads "Not to Scale", capturing the contrast between the massive fossils and the humorous disclaimer. +In a solemn courtroom, a judge's gavel rests on a plate engraved with "Order", under the watchful gaze of the presiding judge, surrounded by the quiet tension of lawyers and spectators. +A colorful kindergarten art project titled "My Happy Family", featuring a child’s drawing of a smiling family with bright crayon strokes and playful stick figures, displayed on a classroom wall with a background of pastel paper and children’s handprints. +A modern 3D printer with a sleek, metallic finish stands on a clean, white desktop. The printer's display screen shows the message "Print Complete" in bold, green text, while a freshly printed object sits on the build plate, still warm and gleaming under the soft studio lighting. +A majestic mountain summit with a stone marker engraved "Peak 8848 Meters" standing proudly against a backdrop of snow-capped peaks and a clear blue sky. The marker is partially covered in snow, emphasizing the altitude and the harsh, yet beautiful environment. +A high-resolution smartwatch face displaying the serene reminder "Breathe and Relax", set against a minimalist background with subtle gradients, emphasizing the calming message and modern design. +A weathered lighthouse tower stands against a stormy sky, its red and white striped body prominently displaying the warning "Danger Keep Clear" in bold, striking letters. Waves crash at its base, emphasizing the perilous nature of the location. +A dimly lit laboratory corridor with a heavy steel door marked "Authorized Personnel Only", illuminated by a flickering fluorescent light. The door has a keypad and a warning sign, emphasizing the restricted access. +A charming hand-painted mailbox with elegant lettering that reads "The Smith Family", set against a backdrop of a lush, well-maintained garden with a cobblestone path leading up to it. +A weathered pirate ship sails on turbulent seas, its massive sail patched and tattered, emblazoned with the words "Queen Anne's Revenge" in bold, faded letters. Dark clouds loom overhead, adding to the ominous atmosphere of the scene. +A skydiver in mid-air, wearing a helmet with a visor displaying a warning: "Low Battery 10". The background shows a clear blue sky with a few fluffy clouds, emphasizing the tension and urgency of the situation. +A realistic classroom scene featuring a clock on the wall with a sticker that reads "Time to Learn", surrounded by desks and educational posters, bathed in the warm light of a late afternoon sun streaming through windows. +A close-up of a candy wrapper with the ingredient list prominently displayed, highlighting "Contains Nuts" in bold, set against a neutral background to emphasize the warning. +A detective's notepad with a weathered leather cover, open to a page where the phrase "Follow the Red Herring" is handwritten in bold, ink-stained letters, set against a background of rain-soaked city streets at dusk. +A cozy coffee shop interior with a rustic wooden counter, warm lighting, and a chalkboard prominently displaying "Latte Art Special" in elegant cursive, surrounded by various coffee cups and pastries. +A cozy restaurant interior with a vintage wooden menu board hanging on a brick wall, prominently displaying "Daily Special Soup" in elegant cursive, surrounded by soft, ambient lighting and a few scattered customers enjoying their meals. +A close-up of an open biology textbook page, clearly highlighting the definition of "Photosynthesis" with a yellow highlighter, surrounded by neatly written notes and diagrams of leaves and sunlight. +A cinematic movie poster featuring bold, dramatic typography with the title "No Time to Die" prominently displayed, set against a backdrop of a sleek, modern cityscape at dusk, with a hint of action and suspense in the atmosphere. +A nostalgic retro arcade scene with a CRT screen displaying "Game Over" in bold, pixelated text, surrounded by colorful, 8-bit graphics and joystick controls. +A dark bedroom at 3 AM, a glowing smartphone screen prominently displays "Low Battery 1" on a black background, casting a faint blue light on the surrounding area. +A cluttered laboratory with a scientist in a white lab coat, embroidered with "Dr Smith PhD", examining a complex experiment setup under a bright overhead light. +A vibrant concert stage with a massive screen prominently displaying "Encore Performance" in dynamic, glowing letters, surrounded by enthusiastic fans and colorful stage lights, capturing the electrifying atmosphere of a live music event. +A somber war memorial featuring an engraving that reads "Lest We Forget 1914-1918", surrounded by weathered stone and overgrown ivy, under a cloudy sky. +A close-up of a battery with "tirtha" inscribed on it, set against a neutral background, with a soft focus to highlight the text and the battery's texture. +A realistic classroom scene with students' desks and a whiteboard prominently displaying the reminder "TEST MONDAY UNIT 5" in bold letters, with scattered notebooks and pencils on the desks, and a window showing a sunny day outside. +A bustling dinosaur museum exhibit featuring a life-sized "TRex Vegan Phase" sculpture, surrounded by lush, prehistoric plants and informative plaques. Visitors, including children and adults, marvel at the gentle giant, capturing photos and discussing its plant-based diet. +An abstract sculpture plaque titled "Form and Void", featuring intricate geometric shapes and flowing lines, set against a minimalist white background, capturing the essence of form and emptiness in a modern art gallery. +A close-up of a bakery's bread bag, prominently tagged "Gluten Free", sitting on a rustic wooden counter with a variety of fresh, crusty bread loaves in the background. +A pastel-colored Easter egg with a delicate "Happy Easter" inscription, nestled among vibrant spring flowers and green foliage, capturing the essence of a joyful Easter celebration. +A close-up photograph of a hotel key card sleeve, prominently displaying the text "Room 237", set against a minimalist background, with subtle lighting highlighting the details of the sleeve's texture and the clarity of the printed text. +A modern smartphone screen displaying a digital calendar notification that reads "Meeting 3PM Today", set against a blurred office background with a window showing a sunny skyline. +A quiet library corner, a well-worn book opened to a page stamped with "Property of Rivertown Library", surrounded by stacks of other books, with soft light filtering through nearby windows. +A close-up, realistic photograph of an elevator panel with a prominently displayed button labeled "Floor 13", set against a modern, sleek background with subtle lighting that highlights the button's texture and reflections. +A close-up of a fire truck door with a sleek, modern decal reading "Rescue Unit 12", reflecting the vehicle's mission and pride. The red paint is slightly weathered, adding a touch of realism to the scene. +A ghost hunter stands in a dimly lit, eerie old mansion, their EMF meter flashing "Spirit Activity Level Spooky" as spectral mists swirl around them, creating an atmosphere of impending supernatural events. +An art gallery plaque titled "Abstract Thoughts 2024" is displayed on a sleek, modern wall, illuminated by a soft spotlight. The plaque features elegant, minimalist typography set against a clean, white background, creating a sophisticated and contemporary atmosphere. +A weathered pirate’s treasure map with a footnote in elegant script stating "X GPS Coordinates", surrounded by faded compass markings and mystical sea creatures, under a dramatic sky with a lone ship on the horizon. +A hauntingly atmospheric scene of an old, decrepit mansion's entrance, with an eerie iron gate. A weathered plaque hangs prominently, warning visitors in gothic lettering, "Beware of Ghost". The scene is shrouded in mist, enhancing the ominous and isolated feel of the location. +A detailed, realistic photograph of a robot's instruction manual titled "Human Emotions for Dummies", lying open on a sleek, futuristic table. The cover features a metallic robot with a thoughtful expression, surrounded by subtle, colorful icons representing various human emotions. +A modern kitchen with a sleek, stainless steel smart fridge. On the fridge, a digital note app display reads "Buy Milk Tomorrow" in clear, bold letters. The kitchen is well-lit, with a clean, minimalist design, emphasizing the high-tech feel of the smart appliance. +A cozy bookstore window display, bathed in warm evening light, features an inviting arrangement of books under the sign "Summer Reads 2024", with colorful book covers and a backdrop of a serene summer sunset. +In a cozy, dimly lit library, an old, leather-bound book titled "The Lost Art of Whistling" stands out among the rows of books, its spine slightly worn but the gold-embossed title still gleaming. +A winter coat hangs on a wooden hanger in a cozy, dimly lit room. The tag on the coat clearly displays the instructions "Machine Wash Cold" in bold letters. Soft, ambient light casts gentle shadows, enhancing the texture of the coat. +A close-up of a motorcycle helmet adorned with a vibrant sticker declaring "Ride Fearlessly", set against a backdrop of a bustling city street at dusk, capturing the essence of urban adventure and freedom. +A gym interior with a treadmill in focus, its screen prominently displaying "5K Complete". The runner, slightly out of breath, smiles with accomplishment. Ambient gym equipment and a few other exercisers in the background, creating a lively yet focused atmosphere. +A sleek alien spaceship with intricate hull markings that clearly translate to "Peace or Perish", hovering over a desolate landscape, with a soft glow emanating from its surfaces, casting long shadows. +A cave explorer stands by an ancient, parchment-like map, pointing to the notation "Here Be Dragons" marked in a mysterious, dark cavern, surrounded by glowing bioluminescent fungi and ancient rock formations. +A modern sculpture photo booth titled "iggesund", constructed from vibrant, thin colored lines, standing against a minimalist background, inviting visitors to step inside and pose, capturing unique and colorful portraits. +A vintage ice cream truck parked on a sunny street, its side panel prominently displaying the words "Cold Treats" in colorful, playful lettering, surrounded by illustrations of ice cream cones and popsicles. +A realistic scene of a city street with a spy camera sticker on a pole, reading "Smile for Facial Recognition", subtly blending into the urban environment. The sticker is partially worn, showing signs of weathering, and is illuminated by the soft glow of streetlights. +A futuristic highway at dusk, with an alien traffic sign reading "Light Speed Enforced" glowing in neon blue, surrounded by swirling clouds and distant, glowing cities. +Retro diner scene with a vintage menu board prominently displaying today’s special, "Meatloaf Plate", under a nostalgic neon sign, surrounded by classic 1950s decor. +A music album cover titled "Midnight Melodies" featuring a serene nighttime cityscape with a soft glow from streetlights, illuminated by the moon. Silhouettes of musicians playing instruments on a rooftop, with the city's skyline and a full moon in the background, creating a mystical and tranquil atmosphere. +A cereal box featuring the mascot, a cheerful cartoon character, holding a vibrant sign that reads "Breakfast Champ" against a colorful, breakfast-themed background. +A hacker’s screen in a dimly lit room, with green code scrolling down, glitches to reveal the text "System Breached" in bold red letters, surrounded by static and digital artifacts. +A vibrant food truck logo for "ByteSized Delights", featuring a cheerful chef holding a steaming plate of dumplings. The logo is set against a bright, appetizing background with the truck's name prominently displayed in playful, hand-drawn font. +A stormy coastal scene with a lighthouse tower, its red "Storm Warning Activated" sign prominently illuminated against the dark, roiling sky and crashing waves. +A close-up of a baseball jersey, prominently displaying the intricate stitching that reads "Home Run Champion 7", set against a blurred stadium background. The jersey's texture and colors are vivid, capturing the essence of a victorious moment. +Astronaut floating in space, helmet visor HUD displaying "O₂ 5min Make It Count", surrounded by stars and the Earth in the background, realistic photographic scene. +A medieval tower door adorned with an ancient, weathered "Out of Office" sign, hinting at a wizard's temporary absence. The door is flanked by ivy-covered stone walls, with a misty forest in the background. +A superhero in a vibrant, flowing cape, embroidered with the cautionary words "Caution Cape May Trip", standing heroically in a cityscape at sunset, the cape billowing dramatically in the wind. +A winter scene featuring a ski lift with a clear safety notice "Secure Seat Belt Properly" prominently displayed. Snow-covered trees and a crisp, blue sky in the background enhance the realism of the setting. +A cozy kitchen with a rustic chalkboard hanging on a wooden wall, scribbled with the words "Soup of the Day" in a casual, handwritten style. Sunlight streams through a nearby window, casting a warm glow on the chalkboard and a steaming pot of soup on the stove. +A close-up of a vintage candy heart with the message "Text Me Maybe" in pink and white, set against a soft, pastel background with a slight blur to highlight the candy's vibrant colors and detailed text. +An abstract painting titled "Deep Meaning", featuring swirling colors and intricate patterns that evoke a sense of depth and mystery, with bold strokes and a blend of dark and light hues creating a captivating visual tension. +A vibrant street scene with a colorful food truck featuring a hand-painted menu board prominently displaying "Taco Tuesday Special" in bold, playful letters. The truck is bustling with activity, and the aroma of sizzling tacos fills the air. +A close-up of a vintage train ticket stub, crumpled and slightly worn, with the text "Express to Paris" clearly visible, set against a blurred background of an old railway station. +An ancient, leather-bound wizard’s spellbook lies open on a wooden desk, illuminated by a flickering candle. In the margin, a delicate, handwritten note reads, "Works 60 of Time". The room is filled with mystical artifacts, and a faint glow emanates from the pages, hinting at the spell’s power. +A detailed photograph of a paleontology tool kit, neatly arranged on a weathered wooden table. The kit is labeled "Dino Dig Expedition Tools" in bold, rustic letters. Sunlight filters through the leaves, casting dappled shadows over the tools and enhancing the textured surfaces. +A realistic classroom setting with a detailed periodic table on the wall, prominently highlighting the element "Au Gold" with a vibrant, golden glow, surrounded by engaged students and educational posters. +A vintage suitcase with a worn, leather exterior, sitting on a rustic wooden table. The suitcase prominently displays the text "ivha" in elegant, gold lettering on its front. A soft, warm light illuminates the scene, highlighting the texture of the leather and the detailed craftsmanship. +A coastal lighthouse stands against a twilight sky, its powerful beacon projecting the words "Safe Harbor" into the mist, casting a warm, inviting glow over the rocky shores and the calm, dark waters of the sea. +A futuristic city square at night, a large hologram projecting "Welcome Citizen" in vibrant colors, floating above a crowd of people, with sleek, modern buildings and flying cars in the background. +A close-up of a ski lift pass hanging from a lanyard, with the text "Valid Until 2025" clearly visible. The pass is against a snowy mountain backdrop, with a few skiers in the distance. +A vibrant TV show poster with the title "Brightburn" prominently displayed, set against a dramatic sky with dark clouds and a hint of lightning, capturing the intense and mysterious atmosphere of the series. +A vibrant food festival banner hangs over a bustling street, announcing the "Annual Pickle Parade". Colorful lights and festive decorations surround the banner, with excited crowds gathering below, eagerly anticipating the celebration of all things pickled. +A close-up of a pharmacy prescription label with a bold warning "Take With Food" prominently displayed, set against a blurred background of medicine bottles and healthcare items, emphasizing the importance of the instruction. +In a dimly lit, mystical forest clearing, a witch stirs a bubbling cauldron under a crescent moon. The ingredients "Eye of Newt, Toe of Frog, 5G" are clearly visible, with eerie green vapors rising, casting ghostly shadows. +A laboratory door with a stark, warning placard reading "Biohazard Zone A", set against a dimly lit hallway with safety equipment and caution tape nearby, emphasizing the high-security environment. +Retro diner scene with a vintage menu board prominently displaying the header "Todays Specials" in bold, playful font, surrounded by classic 1950s decor, including chrome counters and red vinyl stools. +A realistic photograph of a dog training certificate featuring the text "Good Boy Certified" prominently displayed, with a paw print stamp and a golden retriever wearing a graduation cap sitting next to it, both set against a warm, wooden background. +A futuristic cityscape at dusk, a solitary robot stands on a rain-soaked street, its chest display blinking "Error 404 Empathy Not Found", reflecting the neon lights and puddles around it. +Ancient stone tablet, weathered and moss-covered, carved with the ominous warning "Beware the Ides", set against a backdrop of a dimly lit, misty forest at dusk. +A child's lemonade stand with a hand-painted sign that reads "Sugar Chaos 1 Cup", set against a sunny suburban backdrop with a picket fence and blooming flowers. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly printed with "Allergic to Nuts", set against a clinical white background. +"Skate or Die" emblazoned on a vibrant skateboard deck, set against a backdrop of a bustling urban street, with graffiti-covered walls and skateboarders in mid-air, capturing the dynamic spirit of skate culture. +A close-up of a superhero's chest, featuring a detailed, sleek emblem shaped like a shield with the bold initials "SP" prominently displayed in the center, set against a textured, metallic background. +A close-up of a pet collar tag, inscribed with "Call 555 1234", resting on a rustic wooden surface, with soft sunlight casting a gentle shadow. The tag is slightly worn, suggesting years of loyal companionship. +A frosty winter landscape featuring a melting snowman standing beside a vinyl record of the album "Mysterious Interlude", with ethereal, misty surroundings and a soft, glowing light casting an otherworldly ambiance. +A serene sandy beach at sunset, with the message "Walk Beside Me" intricately spelled out in seashells, casting gentle shadows. Waves gently lap at the shore, and a warm, golden light bathes the scene, enhancing the tranquil atmosphere. +A detailed textbook diagram labeled "Cell Structure Diagram", showcasing various cellular components like the nucleus, mitochondria, and ribosomes, with clear labels and arrows pointing to each part. The style is educational and precise, with a clean, white background. +A detailed, ancient wizard’s spellbook page titled "Invisibility Incantation", with intricate illustrations of mystical symbols and handwritten notes in a faded, elegant script, set against a backdrop of yellowed parchment. +A close-up of an intricately designed magic wand, with tiny, elegant engravings that read "Wave to Activate" clearly visible on its surface, set against a mystical, softly glowing background. +A chaotic supermarket aisle with shoppers pointing at a price tag that reads "Bananas 99999lb". The tag is prominently displayed, with confused and amused customers holding their phones to capture the humorous mistake. Bright, realistic lighting highlights the colorful produce and the surprised reactions. +A bustling city street at dusk, with a large, illuminated "attempt" sign towering over the scene, reflecting in the wet pavement. Pedestrians walk by, some glancing up at the sign, while others are engrossed in their phones. +A close-up of a vintage spyglass with intricate lens etching that subtly reveals tiny "Made in China" text, set against a worn, wooden background. The image captures the contrast between the spyglass's antique appearance and the modern inscription. +A close-up of a movie theater popcorn box, prominently displaying the text "Extra Butter Added", with a generous sprinkle of buttery kernels spilling out, set against a warm, inviting background. +A vintage library book with a futuristic stamp marked "Return by 3024", set against a backdrop of old, worn pages and a shelf of antique books, capturing the contrast between past and future. +A close-up of a smartphone screen with a lock screen notification displaying "18446 Unread Emails", set against a blurred background of a busy office desk with scattered papers and a cup of coffee. +A charming hand-painted sign at a rustic lemonade stand, reading "50 Cents Cup", with a weathered wooden background and sunny, vibrant colors, capturing the essence of a lazy summer day. +A hiker pauses beside a wooden trail marker, weathered by time, that clearly reads "Summit 2 Miles". The path ahead winds through dense, verdant forest, sunlight filtering through the canopy, creating a serene and inviting atmosphere. +A neon diner sign flickering "Eat Here" above a retro burger joint, with a 1950s-style car parked outside and a couple in vintage outfits walking past, the scene bathed in the warm glow of the neon lights. +Retro camper van parked by a serene lake, with a vibrant bumper sticker that reads "Honk If You're Retro" prominently displayed on the back, surrounded by lush greenery and a clear blue sky. +A retro video game screen with vibrant pixel art, glitching and distorting to reveal the text "Player 3 Has Entered" in bold, neon colors, set against a backdrop of static and digital noise. +A rugged mountain trail, where a weathered wooden sign is carved with the ominous warning "Beware Yeti Territory", set against a backdrop of dense, foggy forests and towering peaks. +A detailed alien textbook diagram titled "Human Logic", showcasing intricate flowcharts and symbols that represent human thought processes, decision-making, and cognitive functions, set against a backdrop of an alien classroom with curious extraterrestrial students. +A detailed medieval parchment scroll, slightly worn and aged, with elegant calligraphy reading "Here Be Dragons" in the center, surrounded by intricate, hand-drawn illustrations of mythical creatures and ancient maps. +An information panel in an aquarium, titled "Coral Reef Ecosystem", featuring vibrant corals, colorful fish, and detailed text explaining the ecosystem's importance and biodiversity, set against a backdrop of a thriving underwater scene. +A realistic photograph of a brick wall in an urban setting, covered with vibrant graffiti that spells "Revolution Now" in bold, colorful letters, with shadows from nearby buildings casting across the scene. +In a high-tech spaceship control room, the main panel flashes red, displaying a critical alert: "Warp Drive Malfunction". The crew, dressed in futuristic uniforms, looks tense and focused, working urgently to diagnose and resolve the issue. The scene is lit by the glowing screens and emergency lights, creating a tense atmosphere. +A cluttered laboratory with a scientist's whiteboard in the background, prominently displaying the words "Eureka Moment at 3 AM" amidst various equations and diagrams, captured in a realistic photographic style. +A vintage movie poster featuring the title "Little Miss Marker" in elegant, vintage typography, set against a backdrop of a 1930s cityscape. A young girl in a polka-dot dress stands prominently, holding a small terrier, with a playful and curious expression. +A front porch with a classic wooden door, where the welcome mat boldly states "Go Away" in bold, black letters, set against a background of a neatly trimmed garden and a sunny, blue sky. +A young coder wearing a black hoodie with "Code All Night" printed across the back, sitting in a dimly lit room with a laptop open, surrounded by empty coffee cups and scattered notes. +A realistic photograph of a yellow school bus with "Safety First" prominently displayed on its side panel, parked in front of a suburban school on a sunny morning, with children in uniforms walking by. +Retro video game arcade cabinet with a vibrant, pixelated marquee blinking "High Score AAA" in neon colors, set in a dimly lit room with nostalgic 80s decor and a soft glow emanating from the screen. +A cluttered laboratory filled with vials, beakers, and scientific equipment. A scientist stands in the center, wearing a lab coat embroidered with "Mad Genius Club" and looking intensely at a glowing substance in their hand. +A cozy treehouse nestled in a lush, green forest, with a wooden door intricately carved with the phrase "No Adults Allowed", surrounded by climbing ivy and hanging lanterns, capturing the whimsical spirit of childhood. +A realistic desktop scene with a laptop open, displaying an error dialog box that reads "Invalid Password", surrounded by scattered papers and a cup of coffee. +A mysterious envelope with an intricate seal stamped "Open at Midnight" lies on a dark, wooden table, illuminated by the faint glow of a nearby candle. Shadows dance around the room, adding to the enigmatic atmosphere. +A wooden signpost stands in a dense, green forest, its weathered surface reading "Campgrounds Ahead". Sunlight filters through the canopy, casting dappled shadows on the moss-covered ground. +A children’s coloring book page featuring a friendly, cartoon-style dinosaur standing with its mouth open, saying "Rawr Means Hello". The dinosaur is surrounded by a vibrant, prehistoric landscape with trees and flowers, inviting kids to color. +An ancient tombstone with intricate engravings, the central text reading "Rest in Eternal Peace" in a classical script, surrounded by weathered stone and overgrown vines, under a somber, cloudy sky. +A futuristic spaceship control room with a large, glowing control panel displaying a critical warning message in red: "Gravity Failure". The room is dimly lit, with illuminated screens and buttons, and a tense atmosphere. +A close-up of a dog collar tag, finely engraved with the name "Buddy", reflecting sunlight, set against a blurred background of green foliage. +A detailed astronomy chart with intricate labels, prominently featuring "Jupiter's Moon Europa", surrounded by celestial bodies and constellations, with a realistic night sky background. +A close-up of a sleek, modern hotel key card sleeve, prominently printed with "Ocean View Suite", set against a backdrop of a serene ocean view through a large window, capturing the luxurious and tranquil ambiance of the suite. +A blacksmith's anvil, prominently stamped with "Forge Your Destiny", sits in a dimly lit forge, surrounded by tools and glowing embers, capturing the essence of determination and craftsmanship. +A caution tape, marked with "Area Closed", is wrapped around an ancient, gnarled tree, creating a stark contrast between the vibrant, natural setting and the imposed human boundary. +A realistic photograph of a construction site with a worker wearing a yellow helmet. The helmet features a prominent sticker that reads "Safety First Always" in bold letters, clearly visible against the helmet's bright background. +A vintage cinema poster from the 1950s, featuring bold, retro typography that reads "Now Showing Robot Revolution". The poster showcases a futuristic cityscape with sleek robots and humans interacting, set against a vibrant, neon-lit backdrop. +A detailed, hand-drawn blueprint of a time machine titled "doyle", with intricate mechanical components, gears, and circuits, set against a vintage, sepia-toned background. +"Final Call for Flight 237" announcement echoes through the bustling airport terminal, where passengers hurriedly check their boarding passes at the departure gate. Large digital screens display the flight details, and the atmosphere is tense with the urgency of last-minute travelers. +A detailed subway map with a clear label marking "Transfer Station", surrounded by intricate lines and symbols representing various train routes and stops, in a modern, clean, and realistic style. +An astronaut in a detailed spacesuit stands against a backdrop of stars and Earth. The helmet's visor prominently displays "O₂ LOW" in red digital text, warning of low oxygen levels. The scene is realistic, emphasizing the urgency and isolation of the situation. +In the exhibition hall, a detailed sign that reads "beetle" is prominently displayed, surrounded by various beetle specimens and informative panels. The lighting highlights the sign, creating a focused and educational atmosphere. +A sleek, futuristic sci-fi spaceship with the hull marking "NCC 1701 Z" prominently displayed on its side, hovering against a star-studded background. The ship's metallic surface reflects the distant stars, creating a mesmerizing glow around the distinctive markings. +A vibrant comic book panel featuring a dynamic speech bubble that reads "To Infinity", set against a backdrop of swirling cosmic colors and stars, with a heroic figure in a space suit pointing towards the galaxy. +A road sign at a mountain cliff edge, warning "Steep Curve Ahead", with a dramatic, misty landscape below and rugged peaks in the distance, captured in a realistic photographic style. +A vintage camera lens, intricately engraved with the phrase "Capture Lies", resting on a worn, wooden table. Soft, golden sunlight filters through a nearby window, casting gentle shadows and highlighting the lens's aged, metallic surface. +A weathered pirate ship at sea, its flag tattered by the fierce wind, proudly displaying the ominous message "Surrender or Swim" stitched in bold, frayed threads. +A modern, urban scene featuring a vibrant T-shirt with bold, neon text "Code Never Sleeps" against a backdrop of a bustling city at night, illuminated by glowing streetlights and digital billboards. +An amusement park ride with a large, colorful sign that reads "May Cause Sudden Adulthood". The ride features futuristic, sleek carts on a twisting track, with excited adults and children waiting in line, capturing the blend of anticipation and playful nostalgia. +A close-up photograph of a fire truck door, showcasing a bold emblem that reads "Rescue Team" in vibrant red letters against a polished, reflective metal surface, with the background blurred to emphasize the emblem's detail and craftsmanship. +A scientist's cluttered office with a whiteboard filled with complex equations, the final line boldly stating "Aliens". The room is dimly lit, with a desk lamp casting a warm glow on the whiteboard, emphasizing the intriguing conclusion. +A museum exhibit featuring an ancient, enigmatic object under glass, with a plaque that reads "Artifact of Unknown Purpose", set against the soft glow of ambient gallery lighting, surrounded by curious onlookers. +A city street at dusk with a parking meter prominently displaying "30 Minutes Remaining" on its screen, illuminated by the soft glow of streetlights and the fading sunlight. +A programmer's desk, cluttered with a laptop showing a debug console output "Test Passed", surrounded by coffee cups and scattered notes, in a dimly lit room with a window casting soft morning light. +A baker stands in a cozy, sunlit kitchen, wearing an apron embroidered with "Knead to Bake". The apron is detailed with intricate stitching, and the baker's hands are dusted with flour as they shape a loaf of bread on a wooden surface. +A serene yoga studio featuring a minimalist wall decal with the calming words "Breathe In Peace", set against a soft, pastel background with gentle lighting to enhance the tranquil atmosphere. +A wizard's ancient scroll hovers mid-air, illuminated by a soft, mystical glow. The parchment is unfurled, displaying the words "Levitate Potion Recipe" in shimmering, iridescent ink that seems to dance and swirl as it catches the light. +A close-up of a pizza box lid, prominently stamped with "Hot Fresh Guaranteed", set against a blurred background of a cozy kitchen, with steam rising gently from the box, emphasizing the promise of a just-delivered, piping hot pizza. +A futuristic time machine with a glowing display panel showing "Destination Year 3023", set against a backdrop of neon-lit cityscapes and advanced technology, capturing the essence of a sci-fi adventure. +A bustling food truck at a sunny street fair, with a vibrant menu board showcasing "Taco Tuesday" in colorful, hand-painted letters. Customers line up, eagerly awaiting their tacos, while the aroma of fresh ingredients fills the air. +A vintage theater program with an elegant header reading "Act III Scene 2", featuring intricate gold borders and a subtle backdrop of maroon velvet, set against a dimly lit stage with soft spotlighting. +A high-fashion runway model struts down the catwalk, wearing an elegant dress intricately embroidered with the phrase "Fast Fashion Slow Death". The model's poised expression contrasts with the provocative message, set against the backdrop of a minimalist, modern stage. +A movie set with a vintage director's chair, prominently displaying "Take 3 Action" on the backrest, under the golden hour light. The chair is slightly tilted, with a clapperboard resting beside it on weathered wooden planks. +A modern bathroom with a sleek, transparent shower curtain featuring the text "Sing Loudly Here" in bold, vibrant letters. The room is filled with steam, and a single spotlight illuminates the curtain, highlighting the playful message. +A majestic mountain peak with a flag planted at the top, reading "Climbed by Team Alpha", against a backdrop of rugged terrain and clear blue skies. +A realistic photograph of a space station airlock with a prominent warning sign that reads "Check Oxygen Before EVA", surrounded by the cold, metallic surfaces and illuminated by the soft glow of emergency lights. +A realistic photograph of a test paper with a teacher's sticker in the corner, clearly displaying the text "A Excellent Work" in bold, vibrant colors against the crisp, white background of the paper. +A close-up of a notebook page with a whimsical doodle bubble that says "Math Is Hard", surrounded by scattered math equations and doodles of geometric shapes, creating a relatable and playful scene. +A medieval knight stands proudly, his shield emblazoned with the words "For Camelot", reflecting the sunlight on its polished surface, amidst a lush, green battlefield surrounded by ancient stone walls. +A realistic smartphone screen displaying the notification "Battery Critical 1 Remaining" with a dark, dim background, emphasizing the urgency and low battery status. The phone is slightly tilted, showing a reflection of a dimly lit room. +A vintage radio with a classic wooden cabinet, prominently displaying the dial tuned to "1035 FM", sitting on a rustic wooden table, with soft, warm lighting highlighting its intricate details and nostalgic charm. +A weathered journal lies open on a rustic wooden table, the page displaying a handwritten entry that reads "Day 100 Survived". Soft, warm light from a nearby window casts a gentle glow, highlighting the worn edges and stains on the pages, emphasizing the passage of time and the survivor's resilience. +A realistic photograph of an observatory telescope with a sleek, modern design, set against a starry night sky. A polished plaque beside the telescope reads "Explore the Stars", illuminated by the soft glow of ambient lights. +A bustling garden center with a vibrant sign prominently displaying "ZombieProof Hedges". Surrounding the sign are lush, fortified hedges, creating a secure and inviting atmosphere. Customers browse the robust plants, while a friendly staff member points out the unique features of the zombie-resistant varieties. +In a bustling amusement park, a vibrant roller coaster sign reads "No Pregnant Philosophers" with a humorous warning icon, surrounded by colorful lights and excited onlookers. +"Heroes Unite" comic book cover, featuring a dynamic lineup of superheroes standing united against a city skyline at sunset, with each hero showcasing their unique powers and costumes, set against a backdrop of towering skyscrapers and a glowing horizon. +A close-up of gardener's seed packets on a rustic wooden table, labeled "Heirloom Tomatoes Zone 5", surrounded by soil, gardening tools, and vibrant tomato plants in the background. +A modern cybersecurity office with high-tech screens and dim ambient lighting, one screen prominently flashing "Hacker Detected Alert" in red, while a team of analysts urgently reviews data and codes. +A close-up of a pharmacy prescription bottle on a white background, with a clear label stating "Take Two Daily" and a few pills next to it, capturing the clinical and precise nature of a pharmacy setting. +A weathered metal plaque affixed to the stone facade of a historic building, prominently displaying the text "Established 1895" in elegant, aged lettering. The scene is captured in a realistic photographic style, emphasizing the texture of the metal and the aged appearance of the building. +A tattoo parlor window with a vibrant, colorful decal that reads "Walk-Ins Welcome", set against a backdrop of urban street life, with passersby and the occasional graffiti on nearby walls. +A vintage ice cream truck parked on a sunny street, with "Cold Treats Here" painted on its side panel. Children gather excitedly around, while the truck's vibrant colors pop against a clear blue sky. +In a vast, sun-baked desert, a rustic wooden signpost stands tall, pointing towards an unseen horizon with the words "Nowhere Nearby" clearly visible. The sand dunes stretch endlessly, contrasting with the serene oasis in the distance, a stark reminder of the isolation. +A wizard in a dimly lit chamber, surrounded by arcane tomes and glowing runes, gazes into a crystal ball that displays the text "Have You Tried Rebooting" in a modern font, blending tech support with mystical elements. +A baby, wearing a onesie that prints "Future Scientist 2045", sits on a colorful play mat surrounded by soft toys and a stack of children's science books, with a bright, sunny window in the background. +A museum exhibit featuring an ancient artifact, with a detailed label titled "Ancient Artifact" prominently displayed beside it. The artifact is illuminated by soft, focused lighting, highlighting its intricate carvings and historical significance. The background is a neutral, museum-like setting, emphasizing the artifact's age and importance. +A close-up of a richly embroidered theater curtain featuring the phrase "Break A Leg" in intricate gold thread, set against a deep burgundy background, with subtle folds and shadows enhancing the texture and depth of the fabric. +An astronaut stands on a lunar landscape, their spacesuit adorned with a patch reading "Moon Mission 15". The patch is prominently visible, detailed, and crisp, set against the backdrop of a desolate, rocky moon surface under a dark, star-filled sky. +In a bustling supermarket, a prominently displayed sign reads "divine", casting a soft glow over the aisles filled with groceries and shoppers. The scene captures the everyday magic in a mundane setting. +A whimsical fairy garden with a small, intricately carved wooden signpost that reads "Beware of Dog Chihuahua Sized". The sign is surrounded by vibrant flowers and delicate fairy lights, with a tiny, animated Chihuahua standing guard nearby. +During an emergency drill, glowing LED "Evacuation Route" arrows illuminate the dim hallway, guiding participants to safety. The scene captures the urgency and precision of the drill, with the arrows standing out vividly against the subdued lighting. +A realistic photograph of a courtroom judge's gavel resting on a wooden plaque engraved with the words "Order in Court", set against a background of a solemn, traditional courtroom. +A realistic gym scene with a large wall clock prominently displaying "30 Minutes Left", set against a backdrop of workout equipment and vibrant gym flooring. +A toy robot's packaging box prominently displaying the name "Super Robot XT5" in bold, futuristic font. The box features a detailed illustration of the robot, showcasing its sleek, metallic design and advanced features. +A close-up of a wooden garden stake marker, slightly weathered, with the hand-painted text "Tomato Plants Here" clearly visible, set against a backdrop of lush green tomato plants and vibrant tomatoes. +A cozy bakery interior with a wooden box tied with a red ribbon, labeled "Happy Anniversary", sitting on a rustic table, surrounded by fresh pastries and flowers, with warm, golden lighting enhancing the celebratory atmosphere. +A surfboard flipped upside down, showcasing intricate airbrushed artwork featuring a dynamic wave and the phrase "Catch The Wave" in bold, colorful letters, set against a gradient blue background. +A detailed, realistic photograph of an ancient, leather-bound wizard's spellbook opened to a page titled "Invisibility Charm", showing intricate illustrations and handwritten text in a mystical, glowing light. +A clear sky with fluffy clouds shaped into the text "Dream Big", casting gentle shadows on a serene, rolling landscape below, captured in a realistic photographic style. +A cozy living room with a baby shower banner that reads "Welcome Baby Girl" hanging above a beautifully decorated table with pastel balloons and floral arrangements. +A bustling highway scene with a large billboard prominently displaying the text "Biggest Sale Ever", surrounded by speeding cars and a sunny sky. +A modern living room with a sleek smart home device on the wall, its screen clearly displaying "Adjusting Temperature". The room is bathed in soft, ambient lighting, highlighting the device's minimalist design and the subtle glow of its interactive interface. +A toddler, wearing a onesie printed with "Future Overthinker", sits on a colorful play mat, surrounded by soft toys and blocks, in a bright and cozy living room. +A wizard stands in a mystical forest, holding an ancient spell scroll that reads "Speak Friend Enter". The spell illuminates the dark woods, casting ethereal light on the ancient trees and a hidden, glowing archway. +A vibrant brick wall adorned with bold graffiti spelling "Rebel Hearts Forever", set against a backdrop of urban decay, with sunlight casting dramatic shadows and highlighting the vivid colors of the street art. +In a dimly lit medieval library, an ancient manuscript lies open, revealing intricate illustrations and handwritten text. In the margin, a delicate, ornate note reads "Here Be Dragons", surrounded by delicate floral borders and mythical creatures. +A witch's cauldron bubbling with a mystical, green "Potion 9", emitting swirling vapors that dance in the dim, candlelit room, casting eerie shadows on the stone walls. +A vibrant farmer's market scene with a rustic wooden stand, featuring a chalkboard sign that prominently displays "Fresh Corn 31" in elegant, hand-drawn letters. Sunlight filters through the canopy, casting warm shadows on the colorful produce and bustling patrons. +A realistic photograph of an airport runway with the numbers "18R 36L" clearly painted on the tarmac, surrounded by the markers and lights typical of a modern airport. The scene is captured during the day with a clear sky and a few clouds in the background. +A bustling amusement park with a large, colorful ride sign prominently displaying "Must Be This Tall" in bold letters, surrounded by excited children and amused parents, set against a bright, sunny sky. +A realistic photograph of an engraved plaque reading "Established 1920" at the base of a historic town monument, surrounded by well-manicured grass and a few autumn leaves scattered around, under a clear blue sky. +A high-tech virtual reality headset displayed on a sleek, modern table. The headset's screen shows a tutorial page with the text "Calibrate Your View" prominently displayed, surrounded by futuristic UI elements and soft, ambient lighting. +A futuristic dashboard of a time machine, with neon lights and digital interfaces. The central screen is prominently displaying "Destination 3023" in glowing, vibrant letters, surrounded by intricate control panels and blinking indicators. +A realistic photograph of an astronaut's space suit, prominently featuring a detailed patch that reads "Mars Colony" on the left shoulder, set against the backdrop of a rocky Martian landscape. +A gritty urban scene featuring a subway train car with bold, colorful graffiti spelling "The Rats Run This City" sprawled across its side, set against a backdrop of a dimly lit, bustling subway station. +A realistic photograph of a cooking show set, featuring a large whiteboard with the title "Secret Recipe Revealed" prominently displayed. Various fresh ingredients are neatly arranged on a wooden table, including herbs, vegetables, and spices, with a chef in a white apron standing beside, gesturing towards the list. +A realistic photograph of a space station airlock with a prominent warning sign that reads "Check Oxygen Before EVA", surrounded by sleek, futuristic panels and illuminated by soft, ambient lighting. +A baker in a cozy kitchen, wearing an apron embroidered with "Knead Bake Repeat", surrounded by fresh bread and pastries, with sunlight streaming through the window, capturing the essence of a warm, inviting bakery. +A bustling city street at dusk, with a digital billboard prominently displaying the warning "Traffic Jam Ahead" in glowing red letters, cars lined up in the distance, and pedestrians hurrying past. +A vintage seed packet label featuring the words "Magic Beans" in elegant, flowing script, surrounded by illustrations of lush, verdant beanstalks and whimsical fairies, set against a backdrop of a twilight sky with a hint of a castle in the distance. +A vintage typewriter with a sheet of paper inserted, on which is typed in bold letters, "The End Chapter 12", set against a backdrop of a worn, wooden desk. +A dentist office poster featuring a cartoon skull with a menacing grin, warning "Floss or Perish" in bold, vibrant letters. The skull holds a toothbrush and floss, set against a clean, white background with dental tools scattered around. +A close-up of a futuristic time machine dashboard, with a glowing screen prominently displaying "404 AD" in a sleek, digital font, surrounded by intricate controls and softly lit panels. +A neon diner sign glowing "Eat" with a flickering arrow outside, set against a dimly lit urban night scene, the sign reflecting softly on the wet pavement. +A cozy classroom with sunlight streaming through windows, a novelty mug on the teacher's desk reading "Best Teacher Ever", surrounded by textbooks and a chalkboard with handwritten notes, capturing the essence of academic dedication and appreciation. +A dimly lit, dusty guestbook in a Victorian haunted house, with a handwritten entry that reads "Nice Vibes Casper" in elegant, swirling script, surrounded by cobwebs and flickering candlelight. +A dragon egg, its shell intricately carved with the inscription "Hatch Under Moonlight", glows softly under the luminous light of a full moon in a mystical forest. The scene is serene, with mist swirling around ancient trees, enhancing the magical atmosphere. +A realistic photograph of a modern urban street corner, featuring a sleek, silver trash can with the words "environmental protection" clearly written on its side, surrounded by lush green plants in planters, under a clear blue sky. +A dimly lit theater with a grand red velvet curtain partially drawn, revealing the stage. A golden sign above the curtain reads "Act 1 Begins", casting a soft glow. The scene is set for the performance, with the anticipation of the audience palpable. +A dimly lit carnival tent with a mysterious fortune teller's sign hanging at the entrance, reading "Know Your Future 5 Lie 10", surrounded by flickering lanterns and a haze of incense smoke. +A close-up of a cracked fortune cookie on a rustic wooden table, revealing a slip of paper with the message "Adventure Awaits" illuminated by warm, ambient lighting. +A vibrant surfboard featuring an airbrushed design with the bold text "Hang Ten Crew" in dynamic, ocean-inspired colors, set against a backdrop of crashing waves and a sunny beach. +A magic 8-ball floats in the vast, starry space, its window displaying the message "Ask Again Later" in glowing, neon letters against the dark, cosmic backdrop. +A realistic photograph of a fire station calendar with "Inspection Day May 5" circled in red, hanging on a wall with firefighting equipment in the background. +A city street at night, a yellow taxi with its roof light modified to display "Out of Spoons Home" in neon, surrounded by the glow of streetlights and billboards, rain-slicked roads reflecting the vibrant lights. +A high-resolution photo of a basketball jersey, featuring "All Star 24" boldly printed on the back, set against a blurred court background, capturing the essence of a vibrant game day. +A serene alien beach with soft, golden sand and turquoise waters, featuring a futuristic, metallic sign with glowing blue text warning, "Beware of Quantum Waves", set against a backdrop of vibrant, alien flora and a distant, shimmering horizon. +A vintage circus tent banner, weathered and slightly faded, proudly proclaims "See the Quantum Clown" in elaborate, glowing letters, set against a starry night sky with a hint of mystical aura around the text. +A vintage luggage tag, slightly worn and faded, with the destination "Paris or Bust" elegantly stamped in gold, attached to an old leather suitcase, set against a backdrop of a 1950s train station. +A vintage time machine dashboard with a retro-futuristic display screen showing "Destination 1985", surrounded by glowing buttons and dials, set against a backdrop of futuristic wiring and metallic panels. +A vibrant TV show poster featuring the logo "Good Luck Jeffrey Brown" prominently at the top, set against a dynamic background with a mix of urban and natural elements, capturing the essence of adventure and comedy. +"Skate or Perish" emblazoned on a vibrant skateboard deck, set against a backdrop of a bustling urban skate park, with skaters performing tricks in the background. The graphic is bold and eye-catching, with a gritty, street art aesthetic. +A vibrant food truck parked on a bustling city street, its side panel adorned with a colorful "Taco Express" logo, surrounded by happy customers waiting in line for delicious tacos. +A vintage spyglass with intricate engravings, prominently featuring the text "Made in 1762 Lisbon". The spyglass is set against a backdrop of an old nautical map, with sunlight streaming through a porthole, casting a warm, nostalgic glow. +A detailed, realistic subway map of Atlantis featuring the station "Poseidons Crossing", with intricate aquatic designs and blue hues, set against a backdrop of underwater city lights and marine life. +A close-up of a coffee cup with a sleeve printed "Caution Extra Hot", set on a rustic wooden table, with steam rising gently from the cup, capturing the essence of a cozy café atmosphere. +A close-up of a library book spine, clearly labeled "Mystery of Section 13", surrounded by other vintage books with worn leather bindings, set against the warm, ambient light of a wooden bookshelf. +A realistic smartphone screen with a notification popup in the center, clearly displaying the message "Low Storage Warning" against a slightly blurred background of a cluttered desk with various tech gadgets. +A movie poster featuring the title text "Istanbul Gangsterleri" in bold, retro font, set against a backdrop of the historic Istanbul skyline at dusk, with silhouetted figures of gangsters in trench coats and fedoras. +A close-up photo of two hands, one holding a delicate heart, the other grasping a vibrant lightning bolt, with the words "connect" clearly visible between them, set against a soft, blurred background. +A realistic photograph of a GPS navigation screen displaying the instruction "Turn Left Ahead" in a modern car, with the surrounding dashboard faintly visible. The screen is brightly lit, making the text clear and prominent. +A close-up of a library book spine, intricately detailed with gold foil stamping that reads "Return by Never", set against a backdrop of worn, aged paper and leather textures, capturing the essence of a timeless, mysterious tome. +A close-up 3D render of a candy pastel figurine of a toothpaste tube, with the text "brush your teeth" clearly visible on the tube, set against a clean, minimalist background. +Retro futuristic jetpack manual cover with bold, vibrant colors and sleek, aerodynamic design elements. The cover prominently displays the text "Fly Safe Not Responsible" in a futuristic font, set against a backdrop of a bustling, neon-lit cityscape. +A magazine front page titled "Summer Fashion Issue", featuring a stylish model in vibrant, lightweight summer clothing against a bright, sunlit background with a cityscape in the distance. The design is clean and modern, with bold fonts and a splash of color. +A sunny beach with a volleyball court, featuring a clear sign that reads "No Shoes Zone" prominently displayed at the entrance, surrounded by soft sand and vibrant beach umbrellas. +A bioluminescent cave with a unique formation of glowing mushrooms that naturally spell out "Turn Back" in an eerie, mystical atmosphere. +A front door adorned with a vibrant sticker that reads "Happy Halloween", surrounded by a wreath of orange and black leaves, with a pumpkin and a cauldron bubbling with smoke at the sides. +A realistic photograph of a restaurant menu board, with "Try Our New Burger" prominently highlighted in bold, colorful letters, set against a backdrop of a bustling, sunny street. +A bustling farmer’s market scene with a vibrant stand banner prominently displaying the text "Organic Produce Here", surrounded by a variety of fresh, colorful fruits and vegetables, with happy shoppers browsing the offerings. +A dimly lit, abandoned bank vault with a massive steel door etched with "Empty Since 1999", surrounded by old, dusty ledgers and scattered coins, capturing the eerie silence and forgotten past. +An ancient stone tablet, partially covered in moss, with "Beware the Eclipse" engraved in weathered, fading letters, set against the backdrop of a dimly lit forest clearing, rays of light barely piercing through the dense canopy. +A close-up of a running shoe tongue, prominently displaying the tag printed with "Air Cushion Technology", set against a blurred, athletic background. +A vintage theater marquee, glowing warmly in the night, prominently displays "Now Playing Hamlet" in bold, illuminated letters, surrounded by the soft glow of old-fashioned light bulbs, casting a nostalgic aura over the bustling city street. +A close-up of an elegant wedding invitation card, featuring the script reading "Save the Date June 10" in gold ink on a white background, with subtle floral patterns along the edges. +A high-speed racecar with a sleek, aerodynamic design, featuring a prominent windshield decal reading "Speed Demon 99" in bold, vibrant letters. The car is on a racing track, with a blur of motion around it, capturing the intensity and speed of the competition. +A medieval tavern sign, weathered and wooden, swinging gently in the breeze. The sign reads "Dragons Ale Inn" in bold, rustic lettering. The background features a cobblestone street and dimly lit lanterns, enhancing the atmospheric, historical setting. +A realistic photograph of an airport security checkpoint, featuring a clear sign that reads "Remove Shoes Here", surrounded by passengers in a queue, with a mix of expressions showing anticipation and mild frustration. +A rustic bakery counter with a variety of fresh bread loaves, including a prominently displayed bread bag labeled "Fresh Baked Daily", surrounded by warm, golden lighting that highlights the rich textures and aromas of the bakery. +A dental office poster featuring a vibrant illustration of teeth, with a bold and catchy slogan "Floss Like a Boss" prominently displayed, set against a clean, modern background with dental tools subtly integrated into the design. +A protestor holds a placard demanding "Climate Action Now" amidst a crowd, with a backdrop of city skyscrapers and a clear blue sky, capturing the urgency and determination of the environmental movement. +A bustling nightclub entrance at night, with a vibrant neon sign glowing "Live Music Tonight" above the door, casting a colorful glow on the excited crowd and the foggy street. +A vintage tattoo on a sailor’s arm, featuring a classic anchor design with the words "Mom Anchor" intricately inked beneath it, set against the backdrop of the sailor’s weathered skin, highlighting the aged and worn texture of the tattoo. +A movie theater marquee at night, brightly lit, promoting the animated film "The Emoji Wars: Colon Crisis" with colorful, dynamic fonts and playful emoji characters, set against a dark urban backdrop. +A winter scene featuring a person wearing a stylish coat with intricate embroidery that reads "Cold is Coming" on the back. The coat is adorned with frosty patterns, and the person stands against a snowy backdrop, emphasizing the chilling atmosphere. +A detailed illustration of an explorer's compass rose, with the text "North Adventure" prominently displayed. The compass is set against a rustic, aged paper background, featuring subtle wear and tear, enhancing its adventurous and vintage aesthetic. +A weathered cowboy's saddle, prominently branded with "Lone Star Ranch", resting on a rustic wooden fence in a sunlit prairie, with a lone horse grazing nearby. +A close-up of a vintage diary page, the entry beginning with "Dear Diary Today I", surrounded by faded floral patterns, with a soft, golden afternoon light illuminating the words, emphasizing the personal and nostalgic mood. +A cozy coffee shop with warm lighting and wooden furniture. A notice board hangs on the wall, prominently displaying the WiFi password: "Cappuccino123". Customers sip their drinks, and the aroma of fresh coffee fills the air. +A close-up of a coffee cup with a sleeve that reads "Caution Existential Crisis", surrounded by scattered notes and a laptop, capturing the essence of a deep, contemplative moment in a cozy, dimly lit café. +A barista skillfully crafts coffee art, forming the word "Enjoy" in the foam atop a steaming latte, set against the cozy backdrop of a charming café. +A close-up of a pharmacy prescription label on a white pill bottle, clearly displaying the text "Take 2 Daily" against a blurred background of medical supplies and pharmacy shelves. +A realistic photograph of a pharmacy counter with a prominently displayed sign reading "Prescriptions Ready", surrounded by shelves of medication and a clerk assisting a customer. +A modern apartment elevator with a digital display, descending. The interior is sleek and minimalistic, with soft lighting. A futuristic, sentient voice announces, "Going Down. Literally", as the elevator smoothly glides between floors. +A realistic photograph of a tattoo on a forearm, featuring the script "Carpe Diem" elegantly surrounded by a cluster of shimmering stars. +A nostalgic roadside diner with a vintage neon marquee glowing brightly, advertising "Try Our New Pie" in classic 1950s style. The scene is set during the golden hour, with warm sunlight casting long shadows, and a classic car parked nearby, enhancing the retro atmosphere. +A modern yoga studio featuring a minimalist wall art piece that prominently displays the text "Breathe and Flow" in elegant, flowing script, set against a serene, light-colored background. +A pirate ship sails the stormy seas, its flag proudly waving in the fierce wind, emblazoned with the ominous message "No Parrots Allowed". +"Skate or Die Tryin" emblazoned on a vibrant skateboard deck, set against a backdrop of a bustling urban street. The graphic features bold, graffiti-style letters with dynamic splashes of color, capturing the energy and spirit of skate culture. +In a bustling airport terminal, the departure board prominently displays "Flight DL205 Delayed" in bright, flashing letters, while passengers look on with a mix of frustration and resignation, some checking their phones and others chatting in small groups. +A coffee cup with a sleeve printed "Caution Hot Awesome" sitting on a rustic wooden table, surrounded by a cozy café ambiance with soft, warm lighting and a sprinkle of cinnamon on the table. +A cozy kitchen scene featuring a baker meticulously crimping a pie crust, labeled "Moms Recipe", on a wooden surface, with warm lighting and a rustic, homely atmosphere. +A close-up of a spacesuit arm, showcasing a detailed, embroidered patch that reads "Mars Colony One", set against the textured fabric of the suit, with subtle lighting to highlight the intricate stitching and the futuristic design elements. +A close-up of a hotel keycard sleeve, sleek and modern, with "Room 404 Reality Not Found" printed in bold, contrasting text. The background is a blurred hotel corridor, enhancing the mysterious atmosphere. +A weathered stone monument stands in a peaceful, overgrown garden, its surface engraved with the words "Forgotten Heroes of 1892". Sunlight filters through towering trees, casting dappled shadows on the moss-covered stone. The scene captures a moment of serene remembrance. +A rustic wooden table in a charming restaurant, featuring a vintage chalkboard prominently displaying "Chefs Special Lobster Risotto" in elegant cursive, surrounded by glowing candles and fresh herbs, capturing the essence of a cozy dining experience. +A close-up of a winter coat's care label, prominently displaying the text "Dry Clean Only Please", set against a subtle, frosty background to emphasize the winter theme. +A "pass" reminder notice is prominently displayed on the interior wall of a modern city bus, illuminated by the soft glow of overhead lights, as passengers board and disembark at a busy urban stop. +A vibrant aquarium tank with a description label "Tropical Fish Exhibit" prominently displayed, showcasing a variety of colorful tropical fish swimming among lush coral reefs and underwater plants, with soft, ambient lighting enhancing the natural beauty of the aquatic environment. +A close-up of a detective's notepad page, the heading in bold reads "Suspect The Buttery Croissant". The page is filled with scribbled notes, sketches of a croissant, and mysterious symbols, with a coffee stain at the corner. +A realistic smartphone screen with a notification pop-up prominently displaying "Low Battery 1 Remaining", set against a blurred background to emphasize the urgent message. +An abandoned amusement park with a "Ride Closed" sign hanging from a rusted roller coaster, overgrown weeds creeping around the base, and a lone, broken teddy bear on the ground, captured in a melancholic, realistic photograph. +An astronaut's glove adrift in the vastness of space, "Help Me" inscribed on its palm, against a backdrop of distant stars and planets. +A close-up of a digital clock radio with its display prominently showing "Alarm Set 6 AM", the red LED numbers sharply contrasting against the dark background, capturing the quiet atmosphere of a bedroom at night. +A bustling train platform with a large, illuminated display showing "Express to City Central" in bold letters. Commuters rush by, and the scene is filled with the ambient noise and lights of a busy urban transit hub. +A realistic photograph of a science museum exhibit featuring a massive "Tyrannosaurus Rex Skeleton" label prominently displayed next to the towering, detailed fossil, with visitors in the background looking in awe. +DSLR shot of a pair of black and red sneakers with the word "punk" written in white. Dark blue background, crisp focus on the sneakers, and subtle lighting highlighting the text. +A vibrant TV show poster featuring the title "El rescate de Chorizo" in bold, colorful letters. The background showcases a lively cityscape at sunset, with a small, adventurous sausage character standing confidently in the foreground, ready for action. +A close-up of a bookmark ribbon labeled "Page 42" resting on an old, worn book with faded gold lettering, sunlight streaming through a nearby window, casting a warm glow on the page. +At the bustling train station, a prominent sign reads "Do not go in reverse", warning passengers near the tracks. The scene is busy with travelers and the sound of trains arriving and departing, capturing the essence of a modern transit hub. +A realistic photograph of a modern gymnasium with a prominent "No Smoking in the Stadium" sign hanging from the wall, surrounded by athletic equipment and basketball hoops. +A close-up of a football jersey's back, prominently displaying "Player 23 MVP" in bold, vibrant letters, set against a blurred stadium background with faint cheers, capturing the essence of a victorious moment. +A cozy bedroom with sunlight streaming through the window, illuminating a curtain pattern "Good Morning Sunshine" embroidered in vibrant, golden threads, casting gentle shadows on the wooden floor. +A charming garden scene with a whimsical gnome standing next to a rustic wooden signpost, clearly pointing towards a path. The sign reads "To Better Decisions 3 Miles" in elegant, hand-painted letters. Sunlight filters through the leafy canopy, casting a serene glow. +A rustic campfire scene with a marshmallow roasting on a stick, surrounded by a cozy blanket and a thermos. A label on a burlap bag reads "Sweet Camp Treats" in elegant, handwritten font. +A Viking longship glides through choppy waters, its sail boldly painted with "Valhalla Express No Refunds". The ship's wooden hull glistens under the northern sun, while the crew, clad in traditional attire, rows in unison. The scene captures the adventurous spirit and determination of the Viking age. +A vibrant mermaid cave painting, featuring intricate details and vibrant colors, prominently displays the phrase "Land Legs 4 Sale" in bold, eye-catching letters, surrounded by seashells and coral. +A medieval dragon's lair, dimly lit by glowing embers, with a large, ornate treasure chest labeled "Do Not Open" sitting prominently in the center, surrounded by piles of gold and jewels, while the dragon watches protectively from the shadows. +A medieval knight stands proudly, his shield prominently displayed, emblazoned with the family motto "Honor Above All" in elegant script. The shield's intricate design features a golden lion on a deep blue background, symbolizing strength and nobility. +A realistic photograph of a fire extinguisher case mounted on a red wall, with a prominent sign that reads "Break Glass Emergency" in bold white letters, illuminated by overhead fluorescent lighting. +A close-up of an open poetry book on a wooden table, the page titled "Words Unspoken" illuminated by soft, natural light streaming through a nearby window, with a delicate teacup resting beside it. +A bustling cityscape with a skyscraper under construction, featuring a large banner reading "Top Floor View" prominently displayed on the building's exterior, surrounded by cranes and scaffolding. +A close-up of a chef’s knife blade, laser-etched with "Slice of Life", reflecting light in a modern kitchen, with a subtle background of fresh ingredients and stainless steel surfaces. +A weathered logbook lies open on the damp deck of an abandoned ghost ship, the page reads "Day 300 Still Dead" in faded ink. The ship is surrounded by fog, with the faint silhouette of broken masts and tattered sails, evoking a sense of eerie abandonment. +A superhero stands confidently, their cape billowing in the wind, embroidered with "The Protector" in bold, shining letters. The city skyline stretches behind them, bathed in the golden light of sunset. +A carnival ticket booth with a vibrant sign that reads "Rides 5 Tokens", surrounded by colorful lights and festive decorations, set against a lively evening backdrop. +A close-up of a child's backpack featuring a vibrant patch with the text "Future Astronaut", set against a backdrop of stars and planets, capturing the essence of youthful dreams and aspirations. +A weathered Viking shield, intricately carved with the bold text "Valhalla Delivery Service", lies on a rugged stone surface, surrounded by fallen leaves and moss, under a cloudy sky. +A roadside billboard on a scenic highway showcases a giant, intricately wound ball of twine, with bold text reading "Biggest Ball of Twine". The billboard is set against a clear blue sky, with passing cars and lush green fields in the background, emphasizing the unique attraction. +A bustling city street with a quaint café featuring a sandwich board that reads "Sale Today Only" placed prominently outside, attracting passersby. The scene is vibrant, with a mix of pedestrians and the occasional cyclist, all under a sunny sky. +A realistic construction site with a fence sign that reads "Hard Hats Required", surrounded by yellow safety barriers, heavy machinery, and workers in high-visibility vests. +A superhero stands confidently, their cape billowing in the wind, intricately embroidered with the words "Cape Sold Separately" in bold, vibrant letters, contrasting against the deep, rich fabric. +An astronaut's glove, prominently featuring a tag printed "Mission Specialist", resting on the surface of a rocky, alien planet, with the curvature of Earth visible in the distance, under a sky dotted with distant stars. +A weathered stone monument stands in an ancient, overgrown clearing, engraved with "Forgotten Kings 13201389". Moss and ivy cling to its rough surface, partially obscuring the inscription, while dappled sunlight filters through the surrounding trees. +A retro arcade machine with a glowing high score screen displaying "AAA 999999 PTS" in vibrant neon colors, set in a dimly lit game room with nostalgic 80s decor and colorful pixel art posters on the walls. +A cinematic movie poster for "The Deadly Intruder", featuring a dark, suspenseful scene with a shadowy figure lurking in the background, tense facial expressions, and dramatic lighting that highlights the central character's fear. +A snowy scene featuring a child’s snowman with a carrot nose, standing next to a sign that reads "Frostys Café", surrounded by frosty trees and a gentle snowfall. +A realistic photograph of an observatory, featuring a large telescope with a polished metal finish. Next to it, a plaque reads "Explore the Cosmos" in elegant, engraved text. The scene is bathed in the soft, ambient light of the night sky, with distant stars visible in the background. +A carnival tent with a worn, colorful banner stretching across the entrance, boldly proclaiming "Worlds Okayest Mime Inside". The tent flaps flutter in a gentle breeze, hinting at the quirky performance within. +A chef stands proudly in a bustling kitchen, wearing a crisp white apron embroidered with "Master Chef" in elegant gold thread. Steam rises from a pot on the stove, and fresh ingredients are neatly arranged on the counter. +A realistic smartphone screen displaying a pop-up notification that reads "Low Battery Anxiety", set against a blurred background of a busy city street at dusk, capturing the essence of urban life and the constant connection to technology. +A cozy coffee roastery interior with a burlap sack prominently displayed, labeled "Brazil Santos 100 Arabica", next to a vintage roasting machine, warm lighting, and shelves lined with various coffee beans and brewing equipment. +A bustling amusement park featuring the ride "Must Be This Tall", prominently displaying a height marker next to the entrance. Children eagerly wait in line, some measuring themselves against the marker, while parents watch with smiles. The vibrant, colorful setting captures the joy and excitement of a fun day out. +A gritty urban alley with a worn brick wall, stenciled with bold, red letters reading "No Parking Zone", under a dim streetlight, creating dramatic shadows. +A vast desert landscape under a blistering sun, with a distant mirage that clearly reads "Free Lemonade 5 Miles" shimmering on the horizon, creating an illusion of relief and temptation in the arid expanse. +A Mars rover on a dusty red planet surface, its solar panel stenciled with "Property of NASA" and featuring the American flag, under a clear Martian sky. +A vibrant skateboard deck featuring the bold artwork "Skate or Die", with a gritty urban backdrop and a skater mid-air, capturing the spirit of rebellion and freedom. +Retro video game title screen with pixel art style, featuring the text "Press Start to Adult" in bold, neon colors against a gradient background, surrounded by playful, 8-bit characters and iconic gaming elements. +A sleek, futuristic robot with a chest panel prominently displaying "System Optimal" in glowing green text, set against a dimly lit industrial backdrop. The robot's metallic surface reflects the ambient light, adding a sense of realism and technological sophistication to the scene. +A museum display featuring a detailed replica artifact, with a small, discreet "For Display Only" label placed beneath it, set against the backdrop of a softly lit exhibition room. +A snow globe containing "Winter Wonderland 3000", showcasing a futuristic cityscape under a blanket of snow, with sleek, towering buildings and icy, luminescent pathways, all enveloped in a serene, frosty atmosphere. +In a well-lit art gallery, a sleek, modern plaque reads "Modern Abstract No 5" beneath a large, vibrant abstract painting. The colors are bold and the brushstrokes dynamic, drawing the viewer's eye across the canvas. +A close-up of a dog collar tag shaped like a bone, with "Call Mom" etched in elegant script, lying on a rustic wooden surface, bathed in soft, warm sunlight filtering through a window. +A vibrant mural on the wall of a children's hospital, depicting "Brave Little Heroes" in a fantastical setting, with colorful characters standing tall against a backdrop of whimsical landscapes and healing symbols, inspiring courage and hope in young patients. +A serene yoga studio with soft, natural lighting and calming earth tones. A gentle yoga pose is performed in the center, with the banner "Find Inner Peace" prominently displayed above, surrounded by lush, green plants and minimalist decor. +A sleek digital alarm clock on a bedside table, projecting the message "Wake Up Now" onto the wall in a soft, glowing light, with the room dimly lit by the early morning sun. +Retro arcade hall, dimly lit, with an old-school arcade machine in the center displaying "Insert Coin" on its screen, surrounded by nostalgic game posters and flickering neon lights, capturing the essence of 1980s gaming culture. +A realistic photograph of an ice sculpture sign, intricately carved and beginning to melt, with the words "Cold Truths" becoming visible as the ice drips and transforms, set against a wintry backdrop. +A sleek, futuristic spaceship hull with "Mars or Bust" boldly painted on the side, set against the backdrop of a star-studded space landscape, with the red planet Mars faintly visible in the distance. +A close-up of a sleek, futuristic robot's chest plate, prominently stamped with the text "Asimovs 4th Law Always Reboot", set against a dimly lit, high-tech laboratory backdrop. +A close-up photograph of a supermarket price tag labeled "Organic Apples 299lb", with a pile of fresh, red apples in the background, under the warm lighting of the store. +A toddler wearing a onesie printed with "Future Genius at Work" sits on a colorful play mat, surrounded by toys and books, with a thoughtful expression on their face. +A high-resolution photograph of a gym membership card with "Fitness Club Platinum" embossed in gold, lying on a dark, sleek surface with a subtle reflection, surrounded by fitness equipment in the background. +A close-up of a Scrabble board with the words "taktai" clearly visible, surrounded by colorful letter tiles. The board has a slightly worn, wooden texture, and the tiles cast subtle shadows, enhancing the tactile feel of the scene. +A realistic photograph of a garden plant marker that reads "Tomato Vine", set amidst lush green foliage and vibrant tomato plants, with morning dew glistening on the leaves. +A magical 8-ball hovers in a dimly lit room, its surface reflecting the soft glow of a nearby candle. Inside, a floating answer window displays the text "Ask Again Later" in glowing, mystical letters. +A sleek, modern race car speeding on a track, with a striking decal that reads "Speed Demon" in bold, fiery red letters against a black background, capturing the intensity and speed of the vehicle. +A medieval shield, intricately detailed with the family crest and the motto "Fortis in Adversis" emblazoned in elegant calligraphy, set against a backdrop of an ancient stone wall covered in ivy. +A vintage detective novel cover with the text "Case File Unsolved Mystery" in bold, noir-style typography, set against a foggy cityscape at night, with a silhouetted detective holding a magnifying glass, all rendered in a gritty, film noir aesthetic. +A vibrant gym motivational poster with bold, dynamic fonts shouting "No Pain No Gain", set against a backdrop of energetic athletes working out, with vibrant colors and intense lighting to emphasize the message of perseverance and strength. +A vibrant, detailed image of fireworks packaging with the bold text "Light Fuse and Run" on a dark, night-themed background, featuring a sparkler design and safety instructions. +A close-up of a camping tent name tag, meticulously sewn with the words "Smith Family Shelter", attached to the front flap of a weathered, green tent in a serene forest setting. +A realistic photograph of a rustic gardening pot marker, made of weathered wood, labeled "Basil Harvest Weekly" in elegant, handwritten calligraphy, placed amidst a lush, green herb garden. +A serene beach scene with a vibrant "High Surf Advisory" warning flag fluttering in the wind, set against a backdrop of rolling waves and a clear blue sky. +A wizard gazes into a crystal ball on a wooden table, surrounded by ancient books and candles. The crystal ball swirls with mystical energies, displaying the cryptic message "Answers Unclear" in glowing letters. The scene is set in a dimly lit, enchanted chamber. +A high-energy gym motivational poster with bold, vibrant colors, featuring the phrase "No Pain No Gain" in large, dynamic fonts, surrounded by images of athletes in intense workout poses, drenched in sweat, with a backdrop of fitness equipment and weights. +A close-up of an old, worn book page with a library stamp clearly visible, reading "Return by Due Date", set against the texture of yellowed paper. +A colorful candy wrapper design featuring a playful font that reads "Sweet Tooth Approved", surrounded by whimsical illustrations of lollipops, gummy bears, and chocolate bars, all set against a vibrant, pastel background. +A time traveler stands in a dimly lit alley, the neon glow of the city reflecting off the wet cobblestones. Their wristwatch alarm blinks ominously, displaying "Youre Late for Yesterday" in glowing red letters. +A wizard stands in a dimly lit room, his staff aglow with mystical runes that spell "Wingardium Taxevasion". The light casts intricate shadows on the ancient, stone walls, enhancing the mysterious atmosphere. +A vintage movie theater at night, the marquee brightly lit and displaying "Now Showing Space Odyssey", surrounded by the glow of streetlights and the hustle of pedestrians. +A realistic photograph of a sleek, modern laptop with a vibrant, colorful sticker on the lid that reads "Ctrl Alt Delight", placed in a cozy, well-lit home office setting. +A vintage radio with a glowing dial, prominently displaying the text "Tune In Now", set against a retro background with warm, nostalgic lighting. +A bustling urban scene with a skyscraper under construction, prominently displaying a large banner that reads "Future Site of SkyTech HQ", surrounded by cranes and scaffolding, with workers in hard hats below. +Retro gas station scene with an old-fashioned pump displaying "025Gallon" on its price board, under a vintage neon sign, with a 1950s car parked nearby. +A close-up of a shiny dog collar tag, engraved with "Max Microchipped", reflecting sunlight with a soft, metallic gleam, set against a blurred background of a grassy park. +A realistic photograph of a highway road sign stating "Next Exit Robot Town", surrounded by a futuristic landscape with sleek, modern cars and towering skyscrapers in the distance. The sign is illuminated by the glow of neon lights, emphasizing its presence on the dark, busy road. +A realistic photograph of a highway billboard at dusk, displaying a cloudy sky where the clouds form the message "Your Exit Was 3 Miles Back", with the surrounding landscape blurred to focus on the billboard. +A professional basketball player stands on a court, wearing a jersey with "MVP 2024" boldly printed on the back, the lights of the arena casting a warm glow, emphasizing their achievement. +A cozy coffee shop interior with a napkin prominently placed on a wooden table, printed with the words "Tip Your Barista" in bold, casual font. Soft sunlight streams through the window, casting a warm glow over the scene. +An ancient nautical map featuring a detailed compass rose, with the ominous phrase "Here Be Tax Collectors" inscribed in elegant calligraphy near the edge, surrounded by intricate illustrations of ships and mythical sea creatures. +An ice rink rental counter with a clear, white sign prominently displaying "Size 10 Skates Available", set against a backdrop of gleaming ice and skaters. The scene is bright and inviting, capturing the essence of a winter day at the rink. +A hospital corridor with an elevator, prominently displaying the button panel. The panel features a row of numbered buttons, with "Floor 13 Restricted" clearly marked and slightly illuminated, creating a sense of mystery and tension. +In a dimly lit alley, a detective's flashlight "Search Beam" cuts through the fog, illuminating a mysterious figure in the shadows. The beam of light is intense, casting sharp contrasts and deep shadows, enhancing the suspense and mystery of the scene. +An antique globe, its aged surface worn and faded, prominently displays the mysterious label "Terra Incognita" over uncharted territories, surrounded by intricate, vintage cartographic details and subtle textures that evoke a sense of historical exploration. +In a somber courtroom, a judge's gavel, engraved with "Order Order Order", rests on a mahogany desk, under the solemn gaze of the judge. The scene captures the weight of authority and the silence that follows the fall of the gavel. +A cozy bookstore interior with a shelf divider labeled "New Releases", showcasing a variety of colorful book spines. Soft, warm lighting enhances the inviting atmosphere, and a few scattered bookmarks and reading glasses add a touch of authenticity. +Ancient petroglyphs etched into the rugged walls of a sun-baked desert canyon, clearly depicting the symbol for "Water Nearby", hinting at a hidden oasis in the vast, arid landscape. +A weathered pirate's treasure map, crinkled and stained, with a rough X marked in red ink, scribbled "X Marks the Tax Evasion" beneath a skull and crossbones, surrounded by cryptic symbols and faded compass directions. +In an alien museum, a glass enclosure displays a human figure, labeled "Human Handle With Confusion". Alien visitors, with large eyes and slender limbs, observe the exhibit, their expressions a mix of curiosity and puzzlement. The lighting is dim, casting a mysterious glow on the human form. +A serene yoga studio with minimalist decor, featuring a large wall art that prominently displays the text "Breathe In Peace" in elegant, modern calligraphy, surrounded by soft, natural lighting and lush green plants. +In a dimly lit screening hall, the promotional video of "redemptorist" casts a vivid, red-hued glow on the attentive audience, emphasizing the film's intense and spiritual theme. +A realistic photograph of a science lab door featuring a prominent warning sign that reads "Biohazard Zone 3", with safety symbols and a sterile, professional environment around it. +A lone highway stretches into the distance under a twilight sky. A large billboard stands prominently, advertising in bold letters: "Your Last Exit Next 5 Miles". The road is empty, emphasizing the isolation and the urgency of the message. +A gym poster with a rugged, muscular man in workout gear, standing against a backdrop of fitness equipment. The slogan "No Excuses Just Results" is prominently displayed in bold, motivational font at the top, with a high-intensity workout scene in the background. +A scuba diver checks their tank gauge, which clearly reads "Air Supply 30 Minutes", amidst a vibrant coral reef teeming with colorful fish. The sunlight filters through the water, creating a serene and peaceful underwater atmosphere. +A retro arcade game cabinet with a glowing high score screen displaying "AAA 999999 Points" in neon colors, surrounded by pixelated game characters and a nostalgic 1980s arcade atmosphere. +A medieval shield, worn and battle-scarred, prominently displays the emblem "Ye Olde Selfie Stick Emporium" in vibrant, gothic lettering. The shield is held by a knight in ornate armor, standing against a backdrop of a bustling, ancient marketplace. +A cozy bookstore interior with a shelf divider labeled "Local Authors" in elegant, handwritten script, surrounded by a variety of books and warm, ambient lighting. +A scientist's lab, with a high-powered microscope focused on a slide labeled "Specimen X24". The slide contains a mysterious, colorful microorganism, and the lab is filled with scientific equipment and charts. The scientist looks intrigued, peering through the microscope. +A construction worker in a high-visibility vest and a helmet with a sticker that reads "Safety First Always" stands against a backdrop of a bustling construction site, with cranes and scaffolding in the distance. +A bustling football stadium with a massive jumbotron displaying "Go Team" in vibrant colors, surrounded by enthusiastic fans waving team flags and cheering loudly, under the bright stadium lights. +A mountain summit with a rugged, weather-beaten guestbook titled "Sign Your Triumph" resting on a wooden stand, surrounded by majestic peaks and a clear blue sky. +A futuristic robot stands in a dimly lit room, its chest plate glowing with the ominous message "Error 404 Empathy Not Found", casting a stark, cold light on the surrounding metallic surfaces. +A small mouse, holding a flashlight, stands on a wooden floor, casting a warm glow around. It looks up with wide eyes and says, "kahungunu", its tiny whiskers twitching. The scene is set in a cozy, dimly lit room. +An astronaut's suit, prominently featuring a patch that reads "Mars 2024 One Way Ticket", stands out against the backdrop of a futuristic space station, with the red planet visible in the distance. +A realistic photograph of a forest campsite with a campfire, prominently displaying a safety poster that reads "Extinguish Flames Completely", surrounded by camping gear and a serene evening landscape. +A photography of a jewelry store window showcasing a variety of sparkling engagement rings, with a prominent sign that reads "Engagement Rings 50% Off", surrounded by elegant displays and soft lighting. +A weathered stone monument stands solemnly in a misty forest clearing, its surface etched with the profound phrase "Never Forget". Morning light filters through the trees, casting gentle shadows and highlighting the intricate engraving. +Studio shot of intricate shoe sculptures crafted from vibrant colored wires, prominently displaying the text "Unlock Creativity" in bold letters, set against a clean, minimalist background. +A lobster dressed in a sharp suit and tie, confidently holding a microphone on a stage, with a speech bubble above it reading "Lobster says what?" The scene is set in a whimsical, cartoonish style, capturing the humor and surprise of the moment. +A cozy living room with a birthday card on a wooden table, featuring a playful cat illustration and the text "Happy 7th Human Year" in elegant handwriting. Balloons and a small cat-sized cake add to the festive atmosphere. +A wedding invitation card elegantly scripted with "Join Our Joy", featuring a classic white and gold design with delicate floral borders and a pair of entwined rings at the center. +A vintage ration book titled "Use Sparingly, Including Hope" lies open on a worn wooden table, surrounded by simple, nostalgic items from the 1940s, bathed in soft, golden afternoon light streaming through a nearby window. +A gritty crime scene photo featuring a detective in a trench coat examining a glass window with a clear fingerprint marked "Evidence 7 Fingerprint" in the corner, under dim streetlights. +A realistic classroom scene with a detailed periodic table on the wall, prominently highlighting "Element Fe" with a bright, yellow border. Students are engaged in a chemistry lesson, with desks neatly arranged and a teacher pointing to the iron element. +A nighttime amusement park with a roller coaster in the center, warning lights blinking "Keep Hands Inside Vehicle" prominently. The ride is surrounded by excited onlookers and the atmosphere is electric with anticipation and joy. +A cozy coffee shop interior with a rustic wooden table and soft lighting. On the wall, a vintage chalkboard lists "Latte 4 USD" among other beverages, with a steaming cup of latte on the table, enhancing the warm, inviting atmosphere. +A majestic mountain peak with a summit marker carved with "Top of the World", standing proudly against a clear blue sky, surrounded by rugged, snow-capped cliffs. +A realistic photograph of a subway train with vibrant graffiti sprayed on its side, prominently displaying the words "Ride the Lightning" in bold, dynamic letters. The train is partially in shadow, with the graffiti catching the light, making the text stand out vividly. +A retro robot stands in a vintage workshop, its chest plate prominently stamped with "Asimovs Bargain Bin Model", surrounded by old tools and mechanical parts, capturing the essence of a bygone era of robotics. +A sleek laptop with a vibrant sticker declaring "CtrlAltDefeat" placed prominently on its lid, sitting on a wooden desk under the warm glow of a desk lamp, surrounded by scattered notebooks and a cup of steaming coffee. +A yellow saxophone floating in a vibrant, rainbow-colored mist, with the words "funky mist" clearly visible, resembling musical clouds of smoke. +A serene yoga studio featuring a large wall mural with the phrase "Breathe In Peace" in elegant, flowing letters, surrounded by delicate lotus flowers and tranquil water scenes, creating a calming and peaceful atmosphere. +A close-up of a sleek smartwatch screen displaying "15K Steps Achieved" with a modern, minimalist interface. The watch is worn on a sporty black wristband, set against a blurred background of a city park at sunset. +A wizard's broomstick leans against a medieval stone wall, with a modern license plate attached, clearly reading "MAG1C". The broomstick is worn but enchanted, glowing faintly with magical energy. +A close-up of a winter coat's tag, prominently displaying the text "Warmth Guaranteed Mostly", set against a frosty, snow-covered backdrop with subtle sunlight filtering through icy branches. +A bustling city bus stop features a vibrant ad promoting a new app, prominently displaying "Download Now City Guide Pro" on a sleek, modern poster. Passersby look intrigued, and the scene is lit by the warm glow of streetlights. +A detailed campground map with a prominent marker titled "Lake Serenity Campsite", surrounded by lush trees and a serene lake in the background, capturing the tranquil atmosphere of a peaceful outdoor retreat. +A weathered stone monument stands alone in a vast, sun-baked desert, its surface etched with the ominous words "Turn Back Now", casting long shadows as the sun sets behind it. +A detailed science fair poster titled "Volcano Experiment", featuring a colorful, erupting volcano model with labeled sections explaining the chemical reactions and geological processes. The background is a classroom setting with students in the background, enhancing the educational atmosphere. +A stylish, gothic vampire sunscreen bottle labeled "SPF 1000000" sits on a dark, ornate vanity table, surrounded by ancient candles and mysterious artifacts, under the soft glow of moonlight streaming through a foggy window. +A high-quality photograph of a surfboard with a vibrant "WAVE RIDER PRO" decal, showcasing the glossy finish and detailed design against the natural wood texture of the board, set on a beach with the ocean in the background. +A courtroom scene with a witness stand prominently labeled "Sworn Testimony Area", under the watchful gaze of a judge and jury, with legal documents and a wooden gavel on the bench. +A futuristic spaceship airlock with a glowing red warning sign that reads "Vacuum Zone" in bold letters, illuminated against the dark, metallic interior. The scene is set in a realistic, high-tech environment, with control panels and sleek design elements. +A close-up of a theater program pamphlet with a polite "Please Silence Phones" reminder in elegant, cursive font, set against a backdrop of rich, burgundy velvet, capturing the ambiance of a classic theater. +A close-up of an old, heavy bank vault door with a combination wheel labeled "Turn Slowly", set in a dimly lit, secure room with steel walls and a narrow beam of light highlighting the intricate details of the wheel. +A crowd at a vibrant concert, with excited fans waving their arms. One fan prominently displays a neon wristband that reads "Survived the Mosh Pit", illuminated by the stage lights and surrounded by the energy of the music. +A realistic photograph of a classroom desk with a test paper header clearly visible, reading "Final Exam Version B" in bold text. The desk is cluttered with pencils, erasers, and a calculator, with a student's hand resting on the paper, poised to write. +A vintage radio, its wooden casing worn but elegant, sits on a rustic wooden table. The dial is softly glowing, and the label clearly reads "Tune to 987 FM". A warm, ambient light casts a gentle shadow, enhancing the nostalgic atmosphere. +A movie set with a clapperboard clearly marked "Take 127 Still Wrong", surrounded by frustrated crew members and a persistent director, under the harsh lights of a soundstage. +A close-up of a beer bottle with the label "Hoppy IPA" prominently displayed, set against a blurred background of a cozy pub interior, capturing the warm, inviting atmosphere with soft, golden lighting. +A cozy bookstore window display featuring a colorful arrangement of books under the "Summer Reads 2024" sign, surrounded by vibrant flowers and cheerful summer decorations, bathed in warm afternoon sunlight. +A realistic photograph of a moon base airlock panel, with a digital alert reading "Dust Filter 98 Clogged" displayed prominently on a red warning screen, surrounded by futuristic control panels and illuminated by harsh, sterile lighting. +A realistic photograph of a novelty birthday cake topped with a large, colorful candle that prominently displays the text "Over the Hill", set against a festive party background with balloons and streamers. +A realistic photograph of a highway exit sign pointing to "Sunset Valley 5 Miles", with the warm glow of a setting sun casting long shadows and a serene landscape of rolling hills in the background. +A vintage circus tent at dusk, with a grand banner proclaiming "Greatest Show Tonight" fluttering in the gentle breeze. The tent is illuminated by warm, golden lights, creating a nostalgic and inviting atmosphere. +A submarine's control panel with blinking red lights and a warning message "Depth Limit Exceeded" displayed prominently on the screen, surrounded by dials and switches, in a dimly lit, futuristic setting. +A vintage theater program cover featuring the classic title "Romeo & Juliet" in elegant, gold-embossed lettering, set against a deep red background with subtle, ornate borders. +A close-up of a gardener's hands wearing green gloves, prominently tagged with "Green Thumb Certified", tending to a vibrant flower bed on a sunny day. +A realistic supermarket shelf with a price tag prominently displaying "Fresh Avocados 2 for 5", surrounded by a variety of ripe avocados, under fluorescent lighting, with a clean and organized backdrop. +An ancient, metallic alien artifact lies in a dimly lit cave, its surface etched with intricate symbols that glow an eerie blue, clearly translating to "We Return". The surrounding rocks cast long shadows, enhancing the mysterious atmosphere. +A rustic farmer’s windmill stands tall in a sunlit field, its weathered blade painted with the phrase "Turn With the Wind" in bold, vibrant letters. The scene captures the serene beauty of the countryside, with rolling hills and a clear blue sky in the background. +A close-up of a coffee cup sleeve, prominently displaying the brand label "Caution Hot Contents", set against a warm, cozy background with a hint of steam rising from the cup. +A somber war memorial stands under a gray sky, its surface etched with the words "Lest We Forget". Surrounded by neatly trimmed grass and a few wilting flowers, the monument is a poignant reminder of those who sacrificed their lives. +A close-up of a baker's rolling pin with the engraving "Flour Power" clearly visible, surrounded by a dusting of flour on a wooden surface, capturing the rustic charm of a traditional bakery. +A classroom poster titled "The Water Cycle", featuring vivid illustrations of clouds, rain, rivers, and the sun, with clear arrows tracing the path of water through evaporation, condensation, precipitation, and collection. +An old, weathered parchment with faded ink, intricately detailed with ornate borders. In the center, the phrase "Here Be Dragons" is barely legible, surrounded by mystical symbols and ancient maps, evoking a sense of mystery and adventure. +A vintage ice cream truck parked on a sunny street, its side panel proudly displaying the slogan "Serving Smiles Daily" in colorful, playful fonts, surrounded by happy children and melting ice cream cones. +A movie set with a clapperboard prominently displayed, marked "Scene 7 Take 2", under the bright lights, with crew members preparing for the next take. The scene is bustling with activity, capturing the essence of a real film production. +A realistic winter scene featuring a snowbank intricately carved to display the words "School Closed Snow Day", set against a backdrop of a serene, snow-covered schoolyard with children's footprints leading up to the message. +A realistic photograph of a parking garage ticket stub prominently displaying the warning "Lost Ticket Fee 25" on a crumpled, slightly faded paper, lying on a concrete floor with tire marks and a dimly lit background. +A wizard's hat with a tag sewn "One Size Fits All Realms", resting on an ancient, dusty bookshelf in a mystical library, surrounded by glowing orbs and floating candles. +A laboratory setting with a whiteboard filled with complex equations, ending with the phrase "Infinite Cake" in bold, colorful letters. A scientist in a white coat stands nearby, looking intrigued. +A bustling ice rink with a prominent scoreboard displaying "Home 3 Visitor 2 Period 3", surrounded by enthusiastic spectators in winter attire, the ice glistening under bright arena lights, capturing the intense moment of a close hockey game. +A vintage time machine's control panel, with a prominently displayed warning label that reads "Do Not Alter Past Regrets", set against a backdrop of glowing gauges and futuristic switches. +A bustling city street at dusk, with a large digital billboard prominently displaying "Summer Sale 50% Off" in vibrant, eye-catching colors, illuminated against the twilight sky. Pedestrians walk by, some glancing up at the advertisement. +A realistic photograph of an observatory telescope with a plaque that reads "Mars Viewing Tonight" under a starry sky, the telescope pointed towards the red planet, with a gentle glow from the nearby control room illuminating the scene. +A realistic photograph of a modern car dealership, with a red sports car in the foreground. A large, eye-catching windshield placard reads "Test Drive Special" in bold white letters on a black background, drawing attention to the vehicle. +"Art never ends only goes on" in vibrant paint splatter on a white background, blending into graffiti art at the edge of nothingness, with themes of love. Muddy colors merge into spectral hues, creating a beautiful, colorful woodcut effect. +A digital car GPS screen displaying the instruction "Turn Left Ahead" in a modern vehicle's dashboard, set against the backdrop of a bustling city street at twilight. The screen is illuminated, clearly showing the route and the turn arrow. +A frosted glass door in a modern corporate office, etched with the words "Executive Boardroom", reflecting a sleek and professional atmosphere. +A close-up of a baker's recipe card, visibly stained and smeared with a mysterious substance labeled "Secret Ingredient Chaos", partially obscuring the handwritten notes and ingredients list. +A weathered pirate ship at sea, its flag proudly displaying "Ye Olde Plunderers" in intricate Gothic script, billowing in the salty breeze. The dark wooden deck is splashed with sunlight, and the crew, dressed in period attire, stand ready for adventure. +A bustling farmer’s market scene with a rustic wooden stand, featuring a chalkboard sign prominently displaying "Organic Eggs 3 Dozen" in neat, cursive handwriting. Fresh eggs are neatly arranged in baskets, surrounded by vibrant, seasonal produce. +In the exhibition hall, a vintage wooden sign that reads "french" hangs above a display of antique artifacts, casting a soft shadow on the polished marble floor. The hall is dimly lit, with spotlights highlighting the sign and the exhibits. +A close-up of a smartwatch screen with a notification pulsing "Low Battery 10" in a modern, sleek interface, set against a blurred background of a cityscape at dusk. +A floating magic 8-ball hovers in a dimly lit room, its surface shimmering with a soft glow. The answer "Ask Again Later" is clearly visible within the ball, reflected in the surrounding shadows and highlights, creating an eerie yet captivating scene. +A vintage postcard featuring elegant cursive text "Wish You Were Here" against a nostalgic backdrop of an old seaside town, with pastel-colored buildings and a serene beach at sunset. +A realistic photograph of an airport baggage tag with the words "Handle With Extreme Neglect" prominently displayed, crumpled and worn, attached to a well-traveled suitcase on a conveyor belt. +A nighttime airport scene with runway lights forming the words "Land Here JetBlue 702" illuminated against a dark sky, capturing the precision and guidance essential for a safe landing. +An astronomer stands beside a sleek, modern telescope labeled "Galaxy Viewer 5000", under a starry night sky. The telescope's polished surface reflects the celestial glow, while the astronomer adjusts the focus, gazing intently at the distant galaxies. +An antique treasure chest with its lid carved with the ominous warning "Open at Your Peril", set against a dimly lit, cobweb-covered stone chamber, the wood weathered and rusted hinges creaking in the eerie silence. +A realistic photograph of a yellow school bus with a side sign that clearly reads "School Zone Ahead", parked on a quiet street with autumn leaves scattered on the ground. +A detailed page from a solar panel installation manual titled "Connect Green Energy", showing diagrams and instructions for wiring solar panels, with a backdrop of a sunny, eco-friendly landscape. +"Stop 12 Renaissance Art" in a grand museum hall, where soft, ambient lighting highlights intricate frescoes and detailed oil paintings from the Renaissance era. A group of visitors, captivated, gather around an audio guide, listening intently as it explains the historical significance of the artworks. +A close-up of an astronaut's patch, intricately embroidered with "Mars Colony 1", showcasing the detailed stitching and the rugged, space-worn texture of the fabric, set against a backdrop of the Martian landscape. +A baker in a flour-stained apron, standing in a cozy, warm kitchen, with the phrase "Knead to Relax" clearly visible on the apron. The scene is captured in a realistic, high-resolution photograph, emphasizing the texture of the flour and the serene, focused expression on the baker's face. +A close-up shot of a car bumper sticker that reads "Honk If You Love Cats", with a fluffy cat sitting next to it, looking curiously at the camera. The sticker is slightly worn, showing signs of weathering. +An astronaut floating in space, their helmet visor displaying a critical "O₂ LOW" warning, against a backdrop of the Earth's blue and green surface, with stars twinkling in the distant blackness. +A vibrant gift card design featuring a colorful, festive collage with balloons, streamers, and confetti. The text "Celebrate Everything" is prominently displayed in an elegant, sparkling font, surrounded by joyful illustrations of people celebrating various occasions. +A detailed close-up of an alien plant specimen, with a label clearly reading "Venus Flytrap v20", set against a sterile, laboratory background. The plant exhibits vibrant, otherworldly colors and intricate, bioluminescent patterns, emphasizing its extraterrestrial origin. +A close-up of an open textbook page, with a spotlight on the term "Photosynthesis Process", surrounded by detailed illustrations of leaves and sunlight, in a realistic style. +A red stop sign stands at a bustling intersection, prominently displaying the text "Stop Here Ahead" against a backdrop of morning traffic and urban scenery. +A close-up of a bakery window featuring a modern, sleek decal that reads "Gluten Free Options", with a variety of colorful, fresh pastries displayed behind the glass, creating an inviting and appetizing scene. +Vintage circus poster with a bold, retro font advertising "The Amazing OneEyed Man", featuring a charismatic performer with one eye dramatically visible, surrounded by circus elements like a lion's cage, juggling pins, and a tent backdrop. +A bustling nightclub with a vibrant LED wall prominently displaying "DJ Set Tonight 10PM" in neon colors, surrounded by excited patrons and glowing dance floors. +A vibrant movie poster titled "Busted Pigs Can Fly Tour 2016", featuring a group of punk rock pigs soaring through a neon-lit city skyline, with graffiti and concert flyers plastered on the buildings below. +In a bustling supermarket aisle, a vibrant sign that says "Josanas" hangs above a well-stocked shelf, drawing the attention of shoppers with its bold, colorful letters. +A cozy coffee shop interior with a rustic wooden table, soft lighting, and a chalkboard prominently displaying "Pumpkin Spice Latte" among other seasonal drinks, surrounded by autumn-themed decorations. +A realistic photograph of a parking meter displaying "Time Expired" in a busy urban street, surrounded by parked cars and pedestrians. The meter is slightly weathered, with a clear red warning light illuminated above the message. +A realistic photo of a corgi standing on a grassy field, holding a sign that says "I am not a real corgi", with a playful expression and a sunny sky in the background. +A superhero stands confidently, cape billowing in the wind, with "Caution Cape May Cause Hubris" intricately embroidered along the hem, reflecting the irony of their power. The cityscape behind them adds to the dramatic, realistic scene, capturing the essence of their complex character. +A vintage typewriter with a sheet of paper titled "Untitled Novel Draft" inserted, sitting on a wooden desk under a soft, ambient light, surrounded by scattered notes and a steaming cup of coffee. +A vintage Wanted poster in the Wild West, weathered by the elements, featuring a rugged outlaw. The poster prominently displays "Dead or Alive $500 Reward" in bold, faded lettering, against a backdrop of a dusty, old saloon and Wanted signs. +A close-up of a paper fortune cookie slip with the message "Beware Salad Forks" laid on a white plate, next to a pair of elegant salad forks, under soft, natural lighting. +A roadside attraction sign, weathered and slightly faded, proudly painted with "World's Largest Pumpkin Ahead", set against a backdrop of a lush, rural landscape with a clear blue sky and a few passing clouds. +An ancient, weathered scroll unfurls to reveal intricate calligraphy that reads, "The Secret Wash Your Hands". The scroll is surrounded by old books and candles, with a subtle glow highlighting the text, creating an aura of mystique and historical significance. +A gamer's high-tech headset with the words "Game Over" prominently displayed on the side, set against a backdrop of a dimly lit room with a computer monitor glowing softly in the background. +A vintage magic show poster, featuring an elegant magician in a top hat and tuxedo, gesturing towards a mysterious fog-filled stage. The poster promises "Disappear Tonight" with glowing letters and a backdrop of an old, opulent theater. +Ancient cave wall painting, detailed depiction of "Hunters Gather Here", rough stone texture, dimly lit by torches, prehistoric hunters surrounding a large animal, vibrant natural pigments, realistic shadows, atmospheric ancient setting. +An art gallery features a sleek, modern plaque that reads "Modern Expressionism 2024", set against a minimalist wall with soft, ambient lighting highlighting the elegant typography. +A detailed close-up of a fire truck door with a decal that clearly states "Engine Company 8", set against the backdrop of a busy urban street with firefighters preparing for a call. +A bustling street food scene with a vibrant food truck, its window menu prominently displaying "Try Our Award-Winning Tacos" in bold, colorful letters, attracting a diverse crowd of hungry customers. +A close-up of a fire truck door, emblazoned with "Rescue Squad 9" in bold, red lettering, reflecting the bravery and urgency of the firefighting team. The door is slightly dented, showing the wear and tear of countless missions. +A realistic photograph of a subway station wall map, with a prominent "You Are Here" marker, surrounded by detailed transit routes and station names, illuminated by overhead lights. +A modern, vibrant T-shirt design featuring the phrase "Code All Night" in bold, dynamic letters, set against a gradient background with subtle coding symbols and neon accents. +A sleek, modern spy gadget briefcase with a subtle, metallic sheen, prominently displaying the words "Top Secret Files" on a discreet label. The briefcase is slightly open, revealing a glimpse of high-tech gadgets and classified documents inside, set against a dimly lit, high-security room. +A realistic photograph of a car's rear bumper, featuring a colorful, eye-catching sticker that reads "Honk If You Love Dogs" in bold, playful letters against a vibrant background. The car is parked on a sunny day, with a slight shadow cast on the ground. +An antique globe with "Here There Be Dragons" etched across the Pacific Ocean, resting on a vintage wooden stand in a dimly lit study, surrounded by old maps and nautical instruments. +A close-up of a modern vending machine with a prominent button labeled "Energy Drink Select", surrounded by glowing LED lights, in a dimly lit urban alley at night. +A wizard stands in a dimly lit, ancient library, his staff glowing with runes that clearly read "404 Spell Not Found", casting an eerie, blue light on the dusty, old books around him. +A close-up of a pilot's flight log, the header prominently displaying "Flight 227 to Tokyo", with a pen resting beside it on a textured, slightly worn leather notebook. +An ice cream truck parked on a sunny street, its side menu prominently displaying "Rainbow Sprinkles 50" in colorful, playful lettering, surrounded by vibrant illustrations of ice cream cones and happy faces. +A classroom scene with a plant pot on a windowsill, labeled with a tag that reads "Photosynthesis in Progress", bathed in natural sunlight. +A medieval tournament ticket for the "Jousting Finals No Refunds", featuring a knight on horseback with a lance, against a backdrop of a bustling crowd and a grand castle, under a clear blue sky. +A gallery displays a painting titled "Abstract Thoughts", featuring a blend of vibrant colors and intricate patterns that swirl together, creating a visual representation of the complexity and beauty of human thought processes. +A vibrant party invitation card with the text "You're Invited" in elegant, shimmering gold font, set against a backdrop of colorful confetti and sparkling lights, capturing the essence of celebration and joy. +A modern library interior with a computer screen prominently displaying the message "Book Due Tomorrow", surrounded by stacks of books and quiet study areas, with soft lighting and a librarian in the background. +A cozy coffee shop scene with a steaming cup of coffee on a wooden table. The cup sleeve prominently displays the text "Caution Hot Contents" in bold, clear letters, blending modern design with a warm, inviting atmosphere. +A cozy café scene with a rustic wooden table and a chalkboard menu prominently displaying "Todays Special Latte" in elegant script, surrounded by steaming cups of coffee and pastries, bathed in warm, natural light. +A futuristic spaceship control panel with a red alert light flashing, displaying the message "Fuel Low" on a holographic screen, surrounded by illuminated buttons and gauges, set against the dim, cool blue lighting of the cockpit. +A realistic photograph of a pizza box lid, printed with "Hot Fresh Delivery", lying on a kitchen counter, with a slice of steaming pizza partially visible beneath it. +A casual, urban scene featuring a young person wearing a vibrant T-shirt with the bold text "COFFEE BEFORE TALKING" printed on it, standing in a bustling coffee shop, surrounded by the warm, earthy tones of wooden furniture and the aroma of freshly brewed coffee. +A realistic photograph of a carved "Silent Reflection Garden" entrance marker, set in a tranquil park with a stone pathway leading to the marker, surrounded by lush greenery and blooming flowers. +A close-up photograph of a laptop keyboard, with a small, white key sticker prominently placed on one of the keys, clearly displaying the message "Press Gently" in black text. The keyboard is clean and well-lit, with a slight reflection from the keys. +A realistic photograph of a classroom with a globe sticker on the wall that says "Flat Earth Society", surrounded by textbooks and maps, with sunlight streaming through the windows, casting a warm glow on the desks and creating a nostalgic educational atmosphere. +A close-up photograph of a plane wing with the registration number "N12345" clearly visible on the fuselage, set against a backdrop of a cloudy sky. The wing is slightly angled, showcasing the intricate details of the aircraft's design. +An archaeologist's journal page, dated "Tomb Discovered 1923", with detailed sketches of ancient hieroglyphs and notes describing the discovery of a hidden tomb in the Egyptian desert, under the fading light of a setting sun. +A realistic photograph of a desert canyon, with a weathered sign that reads "Beware Falling Rocks" prominently displayed, surrounded by rugged cliffs and sparse vegetation. +A realistic photograph of a robot standing in a crowded city square, holding a protest sign that reads "01010110ote For Me". The robot is surrounded by onlookers, with skyscrapers and digital billboards in the background. +A vibrant city alleyway at dusk, adorned with alien graffiti that reads "Humans Welcome" in neon green, contrasting against the weathered brick walls. The scene is illuminated by soft streetlights, casting shadows and adding a mysterious aura to the urban landscape. +A futuristic space hotel brochure featuring a sleek, minimalist design with the text "ZeroGravity Pillows Extra" prominently displayed. Guests float effortlessly in a zero-gravity room, surrounded by soft, luminescent pillows that glow with a gentle, calming light. +A forest path with a wooden signpost clearly marked "Summit This Way", surrounded by lush green trees and leading up a gentle slope, capturing the essence of an adventurous hike. +A vibrant, sunny day with a classic white airplane towing a large, red banner that reads "Just Married" in elegant, cursive font, flying over a picturesque beach with palm trees and joyful onlookers waving below. +A close-up of a hotel key card sleeve, elegantly printed with "Room 237 Check Out 11 AM", lying on a sleek, modern hotel desk with a subtle reflection from the polished surface. +A serene coastal scene featuring the fishing boat "Catch of Day" docked at a wooden pier, with seagulls resting on the calm, turquoise waters. The early morning sun casts a warm, golden light, highlighting the boat’s weathered, wooden hull and the vibrant colors of the fishing nets. +A cozy kitchen countertop with a vintage baking recipe card titled "Grandma's Cookie Recipe" surrounded by ingredients like flour, sugar, and chocolate chips, with a wooden spoon and mixing bowl nearby, bathed in warm, golden sunlight. +A futuristic time machine console with a glowing dial labeled "Set Destination Year", surrounded by intricate circuits and digital displays, set against a backdrop of swirling temporal energy. +A beach volleyball court with players in action, surrounded by soft, golden sand. In the foreground, a detailed sand drawing of the word "Match Point" captures the intensity of the game, with the sun setting behind the players, casting long shadows. +A weathered sailor's arm, muscles defined, with a classic tattoo of "Mom" enclosed in a heart, the ink slightly faded but still vivid, set against the backdrop of a nautical scene with ropes and wooden planks. +A close-up of a richly embroidered theater curtain featuring the phrase "Break a Leg" in intricate gold and crimson threads, set against a deep burgundy background, with subtle lighting highlighting the texture and detail of the embroidery. +An astronaut in a detailed spacesuit, the helmet visor displaying "Oxygen Level 98" in a clear, digital font, set against the backdrop of a distant Earth, with stars twinkling in the dark void of space. +A close-up of novelty socks featuring the phrase "World's Best Dad" knitted in a vibrant, colorful pattern, set against a soft, blurred background to emphasize the detailed texture and playful design of the socks. +A medieval knight holds a sword with the hilt intricately inscribed "Blade of Honor", standing proudly in a sunlit courtyard, the gleaming metal reflecting the warm sunlight. +A realistic photograph of a modern laptop case with a colorful sticker prominently placed on the side. The sticker reads "Code All Day" in bold, vibrant letters, reflecting the passion of a dedicated programmer. +A vintage postage stamp featuring the country name "Republic of Zorblax", with intricate border designs and a central emblem of a mythical creature, set against a faded, textured background. +Retro diner interior with a vintage jukebox prominently displayed, its colorful lights glowing softly. On the front of the jukebox, the text "Play Song A7 For 1 Coin" is clearly visible, inviting patrons to select their favorite tunes. +"Lighting" generative art featuring rivers of sticky smoke composed of dots, flowing dynamically across a pristine white background, with graphic design elements enhancing the visual impact and cohesiveness of the composition. +A close-up of an old library book, showing the faded green bookmark and the circular stamp that reads "Return by March 15", set against the textured pages with a subtle hint of wear and tear. +A cozy kitchen scene featuring a baker in an apron embroidered with "Knead Love Bake Repeat", surrounded by warm lighting, fresh baked goods, and a rustic wooden table. +A scuba diver descending into the deep blue ocean, their oxygen tank prominently tagged with "Deep Thoughts Only", surrounded by vibrant coral and curious marine life. +A movie theater marquee lit up at night, prominently displaying "Now Showing Space Outlaws 3" in bold, futuristic letters. The marquee is surrounded by excited moviegoers and the glow of city lights, capturing the bustling atmosphere of a sci-fi film premiere. +A comedian stands on stage with a vibrant backdrop featuring bold, large text saying "Laugh or Else", surrounded by a playful, colorful atmosphere that enhances the humorous yet edgy tone of the performance. +An eerie interdimensional portal, glowing with an ominous light, is set in a dimly lit alley. The portal's surface shimmers with a spectral blue hue, and at its center, the words "Exit Only No Returns" are prominently displayed, casting an unsettling glow around the scene. +A detective stands at a crime scene, yellow tape fluttering in the wind, emblazoned with the words "Mystery in Progress", as he examines clues under a dim streetlight. +A realistic photograph of a smartphone screen displaying a notification that reads "Low Battery 10%", with the background showing a blurred, dimly lit room to emphasize the urgency of the message. +A vintage typewriter keychain with the embossed text "Writers Block Buster" hanging from a worn leather strap, set against a backdrop of old books and parchment, capturing the essence of classic literary inspiration. +A cave explorer's detailed map, marked with "Beware of Yeti", laid out on a rugged, moss-covered rock inside a dimly lit cavern, surrounded by flickering torches casting shadows on the damp walls. +A weathered parchment map with a label reading "Here Be Dragons" placed near detailed, rocky coastal areas, surrounded by intricate illustrations of waves and mythical creatures. +A movie theater marquee illuminated at night, prominently displaying "Now Playing Your Worst Fears" in bold, glowing letters. The marquee is surrounded by a dark, bustling city street, with people passing by, some looking intrigued, others hesitant. The atmosphere is tense and mysterious, hinting at the chilling content of the film. +A rustic farmer’s barn with a weathered roof, prominently displaying the painted message "Aliens Stole My Cow" in bold, eye-catching letters. The barn is set against a backdrop of rolling fields and a clear blue sky, with a few cows grazing nearby. +A vast desert stretches under a clear blue sky, with a solitary signpost standing amidst the arid landscape. The sign reads "Miracle 5 Miles", pointing toward a distant, lush oasis that seems almost like a mirage. +A humorous profile picture for a social media account with the bio "Professional Pizza Eater", showing a joyful person with a slice of pizza in hand, surrounded by empty pizza boxes, in a cozy kitchen setting. +A chef stands in a modern kitchen, wearing a white chef's hat embroidered with the tag "Master of Flavors", holding a wooden spoon and gazing intently at a simmering pot on the stove. +A skilled bakery cake decorator meticulously pipes "Happy 100½ Birthday" in intricate frosting designs on a luxurious, multi-tiered cake, surrounded by an array of colorful, freshly baked pastries in a cozy, warmly lit bakery. +In a sleek, futuristic lab, a metallic robot stands with its chest display panel flashing "Error Human Not Found", surrounded by dimly lit control panels and monitors. The robot's arms are lowered, and its head is tilted slightly, conveying confusion. +An astronaut floating in space, their helmet visor prominently displaying "Oxygen Low", against the backdrop of a distant Earth, with stars twinkling in the dark void. +A dark, urban alley at night with a neon bar sign flickering "Last Call at Midnight" casting a vibrant, intermittent glow on the rain-slicked pavement and a lone figure standing beneath it. +A high-resolution gym interior featuring a motivational wall decal prominently stating "One More Rep", surrounded by modern exercise equipment and dynamic lighting that highlights the vibrant, energetic atmosphere of the space. +A classroom scene with a blackboard featuring the word "multiplication" written in flowing cursive, illuminated by the warm light of a sunset streaming through the windows. +A detailed, realistic photograph of a carved wooden sign at the entrance of a serene park, prominently displaying the text "No Camping" in bold, clear letters, surrounded by lush greenery and a well-worn path leading into the forest. +A vibrant TV show poster featuring the logo "Animals Aloft" prominently at the top, showcasing a diverse array of airborne animals in a colorful, dynamic scene. +A realistic urban street scene with a parking meter displaying the warning "Expired Ticket Issued", surrounded by parked cars and a busy sidewalk. The meter is slightly worn, with a reflective surface, and the text is clearly visible. +A clear, detailed diagram illustrating the "Emergency Shutdown Procedure" steps, with labeled icons and arrows guiding the viewer through each safety action, set against a neutral background to emphasize the instructions. +A vibrant desktop wallpaper featuring a sunrise over a bustling cityscape, with the phrase "Monday Motivation" prominently displayed in bold, inspiring typography at the bottom, set against a backdrop of morning rays and waking city life. +A time traveler stands in a dimly lit alley, his watch face glowing with the words "Youre Late Again", casting an eerie light on his puzzled expression. +A lone hiker's trail marker, weathered by the elements, firmly points "Summit This Way" amidst a rugged, mountainous landscape, with a winding path leading upwards into the misty distance. +A vibrant comic book cover featuring dynamic superheroes in action, with the bold title "The Battle for Earth Begins" across the top, set against a backdrop of a futuristic city under alien attack. +A vibrant, realistic photograph of a DJ turntable with a colorful sticker on its side declaring "Spin Masters", set against a backdrop of a bustling, neon-lit nightclub. +Downtown cityscape at dusk, a digital billboard towering over the streets, flashing the warning "Storm Alert Seek Shelter" in bold red letters, pedestrians hurrying past under a darkening sky. +A cozy coffee shop interior with a chalkboard menu prominently displaying "New Pumpkin Spice Latte" in elegant script, surrounded by hand-drawn pumpkin and leaf decorations, with warm lighting and a rustic wooden counter in the background. +A wizard stands before a shimmering time portal, the destination clearly marked as "Year 3024 Destination". The portal glows with an otherworldly light, surrounded by ancient, mystical runes. The wizard's robe billows in a non-existent wind, emphasizing the magical energy in the air. +A close-up of a paper fortune from a cookie, delicately unfolded, with the message "Good Luck Awaits" clearly visible, set against a warm, golden background with soft, ambient lighting. +A cozy café corner featuring a barista’s chalkboard menu with "Latte Art Today" prominently displayed, surrounded by steaming cups of coffee and pastries on a wooden table, with soft morning light filtering through the window. +A modern ambulance parked on a city street, its side panel prominently displaying the text "Emergency Response" in bold, clear letters. The vehicle is illuminated by the soft glow of streetlights, with a faint blue emergency light reflecting off its white surface. +A vintage camera with a worn leather strap embossed with "Capture Memories", resting on a rustic wooden table, surrounded by scattered, faded photographs and a soft, nostalgic glow. +Retro arcade cabinet with a vibrant marquee displaying "High Score Resets Daily" in neon lights, set in a dimly lit game room with classic arcade games in the background, capturing the nostalgic atmosphere of the 80s. +A close-up of a musician's guitar case, the worn leather displaying "Rock On" in bold, vibrant letters, surrounded by stickers and tour memories, set against a backdrop of a dimly lit stage. +A firefighter in full gear, holding a helmet labeled "Rescue Team Bravo", standing against a backdrop of a smoky, urban rescue scene, with the helmet prominently displayed and the firefighter's determined expression visible through the visor. +A vibrant TV show poster titled "8 Bit Christmas", featuring retro 1980s video game characters celebrating the holidays with pixelated decorations and a nostalgic color palette. +A realistic photograph of a vintage tattoo parlor at dusk, with a neon sign prominently displaying "Ink Dreams Here" in bold, colorful letters, the street dimly lit by the warm glow of the sign, and a few passersby glancing curiously. +A close-up of a detective's badge, intricately engraved with "Justice First", reflecting a soft, ambient light that highlights the detailed craftsmanship and the worn, slightly tarnished edges, set against a dimly lit, noir-style background. +A close-up of vintage typewriter paper with the phrase "All Work and No Play" typed neatly in the center, surrounded by faded ink stains and a slightly curled edge, set against a warm, nostalgic background. +A taxi parked at night with its roof light-up sign displaying "Off Duty Forever", reflecting a sense of finality and abandonment. The scene is dimly lit, with the taxi's lights casting a soft glow on the empty street. +A film set with a director holding a clapperboard that reads "Take 3 Action" under the bright lights, surrounded by crew members and equipment, capturing the intensity and focus of a movie production in full swing. +A movie poster featuring a dark, gritty cityscape at night with a silhouette of Batman in a ninja costume, holding throwing stars, with the text "Batman Ninja" prominently displayed in bold, neon letters. +A bustling football stadium with vibrant "Home Field Advantage" banners hanging from the seats, fans cheering in the background, and the field visible below, bathed in the glow of stadium lights. +A realistic photograph of a fire station interior, featuring a polished wooden pole with a prominent warning sign that reads "Slide at Own Risk", surrounded by vintage firefighting gear and a classic red fire truck in the background. +A realistic photograph of a roadwork scene with a prominent sign alerting "Detour Ahead", surrounded by orange cones and construction barriers on a busy urban street. +A superhero stands proudly, their cape billowing in the wind, embroidered with the words "Capeable of Greatness" in bold, shimmering thread, set against a dramatic cityscape at sunset. +A weathered, tattered fragment of a pirate treasure map, with bold, faded ink reading "X Marks the Laundromat". The map is partially obscured by sand and seaweed, hinting at a modern urban treasure hidden beneath the city streets. +A TV show poster featuring a serene winter landscape with the title text "The First Day of Winter" prominently displayed at the top, set against a backdrop of snow-covered trees and a pale, winter sky. +A glowing magic 8-ball hovers in a dimly lit room, the answer "Ask Again Later" visible in its depths, surrounded by a soft, ethereal light that casts mysterious shadows on the walls. +A vintage suitcase with a weathered leather exterior, prominently displaying a label that reads "similar" in elegant cursive, resting on a rustic wooden table in a dimly lit room, with a soft, warm light casting subtle shadows. +A realistic photograph of a dog park entrance, featuring a wooden signpost with a clear sign that reads "Leash Required Zone", surrounded by green grass and a few trees in the background. +A high-resolution image of Earth from space, with the words "wukong" prominently displayed in the foreground, floating against a backdrop of swirling clouds and vibrant blue oceans. +A vibrant wizard tournament banner hangs in a mystical arena, emblazoned with the text "Annual Spellcasting Challenge". Colorful magical symbols swirl around the edges, while a crowd of wizards and magical creatures eagerly looks on, their wands and staffs aglow with anticipation. +A baker stands in a cozy kitchen, wearing an apron stained with flour, the words "Knead Love" clearly visible. Sunlight streams through the window, casting a warm glow on the rustic wooden table where a freshly baked loaf of bread cools. +A modern ambulance parked on a city street, featuring a sleek side decal that reads "Emergency Medical Unit" in bold, clear letters, with the vehicle's lights reflecting off the wet pavement. +A futuristic space hotel lobby with a sleek, metallic reception desk. Above the desk, a glowing sign reads "No Gravity Complaints", reflecting the unique setting of the zero-gravity environment. +A casual snapshot of a person wearing a T-shirt with the phrase "I Paused My Game to Be Here" printed on it, standing in front of a vibrant cityscape at dusk, with neon lights and game console controllers subtly integrated into the background. +A boxing referee stands confidently in the ring, wearing a crisp shirt with "Official Judge" printed across the chest. The vibrant colors of the shirt contrast with the neutral backdrop, emphasizing the referee's authoritative presence. The scene captures the intensity of a high-stakes match. +Rural countryside setting with a quaint farmhouse mailbox marked "Smith Family Residence" standing beside a winding dirt path, surrounded by lush greenery and wildflowers, under a clear blue sky. +A close-up photograph of a car's license plate frame featuring the text "Proud Parent" in bold, vibrant letters, set against a clean, modern background with subtle reflections of a sunny day. +Retro futurist poster with a vintage sci-fi aesthetic: "Mars Colonies Need Bartenders". A neon-lit bar on Mars, bustling with space travelers and robots, with a futuristic cityscape and Martian landscape in the background. +A sushi chef, wearing a traditional white outfit, has a headband embroidered with "Raw Talent Inside", preparing fresh sushi in a modern, sleek kitchen. The focus is on the chef's hands and the intricate details of the headband. +A winter scene at a bustling ski resort, with a prominent sign reading "Black Diamond Slope" set against a backdrop of snow-covered pines and skiers descending the steep, challenging trail. +A boxing ring with a floor mat boldly printed with "No Mercy Zone", set under the harsh lights of a packed arena, capturing the tension and intensity of an impending fight. +A close-up of a library book spine titled "History of Chess Strategies", with detailed embossed lettering and a subtle, worn texture, set against the warm, ambient light of a classic wooden bookshelf. +A vibrant beach towel, emblazoned with the playful text "Summer Vibes Only", rests on a sunlit sandy shore, surrounded by the serene blue ocean and colorful beach umbrellas, capturing the essence of a perfect summer day. +A pair of well-worn gardener's gloves, prominently stamped with the words "Dirt Therapy", lying on a bed of freshly tilled soil, surrounded by vibrant flowers and green foliage. +A realistic zoo scene featuring a clear enclosure sign that reads "Do Not Feed the Animals", surrounded by playful illustrations of various animals peeking over the fence, including a curious monkey, a lazy lion, and a mischievous fox. +A vintage retro rocketship with intricate nose art displaying "Mars or Bust" in elegant cursive script, set against a backdrop of a star-studded night sky, capturing the adventurous spirit of early space exploration. +A close-up of a fire truck door, emblazoned with "Rescue Team 5", reflecting the bravery and dedication of the team. The door is slightly scratched, showing signs of numerous rescues, with a firefighter's helmet resting on the ground nearby. +A realistic photograph of an elevator button panel, with all numbered buttons visible, except for "Floor 13" which is conspicuously missing, creating an eerie and unsettling atmosphere. +A close-up of a spacesuit arm patch, intricately embroidered with the words "Mars Mission 2050", set against the backdrop of a futuristic space station. The patch features detailed stitching and a subtle metallic sheen, reflecting the advanced technology and ambitious spirit of the mission. +A realistic photograph of a tattoo parlor's wall, featuring a flash sheet with a heart design that reads "Mom" in elegant cursive, surrounded by other classic tattoo motifs like anchors and roses. +A movie poster with bold, striking text announcing "Invasion 2024" against a backdrop of a futuristic city under alien attack, with vivid colors and dynamic lighting effects. +A bustling post office interior with a vintage "Please Take a Number" dispenser prominently displayed at the counter, surrounded by old-fashioned mailboxes and clerks in period attire, capturing a nostalgic scene of early 20th-century postal service. +A movie theater marquee at dusk, brightly lit, announcing "Now Showing Alien Pizza Party" with colorful neon lights and a crowd of excited moviegoers waiting in line. +A historic courthouse with a cornerstone engraved with "Est 1901", set against a clear blue sky, surrounded by well-manicured lawns and towering oak trees, capturing the timeless elegance of early 20th-century architecture. +A realistic photograph of a roadside warning sign stating "Deer Crossing Next 5 Miles", set against a backdrop of a dense forest with sunlight filtering through the trees. +A cozy café scene with a rustic wooden table and a chalkboard menu prominently displaying, "Try Our Pumpkin Spice", beside a steaming cup of coffee and a slice of pumpkin pie, all under the warm glow of vintage Edison bulbs. +A tropical beach scene with palm trees swaying gently in the breeze. At the base of a tall palm, a clear and visible "Beware of Falling Coconuts" sign warns visitors, surrounded by lush greenery and scattered coconuts on the sandy ground. +A vibrant subway car adorned with dynamic graffiti that reads "Ride the Wave", the bold letters intertwined with waves and splashes, set against a bustling city backdrop. +An astronaut on the moon holds a sealed container labeled "Sample 42 Lunar Dust", with the lunar landscape and Earth visible in the background. The scene is illuminated by the harsh sunlight, casting sharp shadows. +A detective's notebook lies open on a cluttered desk, the page showing the entry "Mystery Solved" in neat handwriting, surrounded by scattered clues and photographs, with a magnifying glass resting on the page, emphasizing the solved case. +A chef stands in a bustling kitchen, wearing an apron embroidered with "Master Chef Gordon". The apron is detailed with intricate stitching, and the chef is preparing a dish with precision and focus, surrounded by steaming pots and fresh ingredients. +A realistic photograph of a highway at dusk, with an electronic sign prominently displaying "Fog Ahead Reduce Speed" in bright, flashing lights, surrounded by a misty atmosphere. +A neon sign flashing "Open 24 Hours" above the entrance of a 1950s-style diner, set against a dark, rainy city night. The sign's bright colors reflect off the wet pavement, creating a nostalgic, atmospheric scene. +A realistic photograph of a police car with a bold, clear decal on the door stating "To Protect and Serve", set against a backdrop of a busy city street at dusk, with the car's lights reflecting off wet pavement. +A carnival tent banner, weathered and vibrant, proclaims in bold letters, "See the Two-Headed Camel", under a twilight sky, with twinkling fairy lights adding a mystical glow. +A wizard's crystal ball, emitting a soft, ethereal glow, floats mid-air, with the words "Destiny Awaits You" shimmering within its depths, surrounded by swirling mist and magical sparks. +A graffiti-covered train car, vibrant with colors and intricate designs, featuring the spray-painted words "Urban Canvas" prominently on its side, set against a city backdrop. +A vibrant skateboard deck featuring the bold, edgy text "Skate or Die" in graffiti style, surrounded by dynamic, colorful street art elements like spray paint splatters and abstract shapes, capturing the rebellious spirit of skate culture. +At the bustling train station, a vintage sign that reads "year" hangs above the crowded platform, where passengers hurry past, casting long shadows in the late afternoon light. +A bustling city street at night, with a neon sign above a vintage bar flashing "Open 24 Hours" in bright, vibrant colors, casting a colorful glow on the sidewalk and passersby. +A sleek, modern police car parked on a dimly lit urban street at night, its door proudly displaying the bold emblem "SWAT Team 7" in sharp contrast against the dark blue paint. The car's lights reflect off wet pavement, adding a dramatic glow to the scene. +A modern yoga studio features a vibrant mural that reads "Balance Your Chaos" in elegant, flowing letters. The mural depicts serene yoga poses blending into abstract swirls of color, symbolizing the harmony between inner peace and life's turmoil. +A rustic bakery scene with a freshly baked loaf of bread on display, prominently featuring a tag that reads "Fresh Baked 6AM Daily", set against a warm, cozy backdrop with wooden shelves and a dimly lit interior. +A chef’s recipe book opened to "Secret Sauce Recipe", lying on a wooden kitchen counter, with a variety of spices and ingredients scattered around, and a chef's hat hanging nearby. +A movie director's chair on a bustling film set, with a clapboard nearby and crew members in the background. The chair features the text "Silence On Set Rolling" prominently displayed on its backrest. +A person excitedly trying on a futuristic VR headset, with the text "Put Me On" prominently displayed on the headset's screen. The scene is set in a modern living room, with ambient lighting highlighting the sleek design of the VR equipment. +An antique compass face, intricately detailed with aged brass, inscribed "North Star Guide", set against a weathered wooden background, surrounded by softly glowing, ethereal light, hinting at a mystical connection to the stars. +A vintage, weathered wanted poster on a wooden board, featuring a playful cat with a mischievous look. The poster prominently displays "10 Reward for Cat" and includes a detailed illustration of the cat, set against a rustic, small-town background. +A high-security bank vault door, prominently stamped with "Time Lock Activated", set against the dimly lit interior of a vault room, with intricate metalwork and a futuristic keypad. +A yellow saxophone enveloped in vibrant, rainbow-colored smoke, with the words "chinnakannan" swirling around it, resembling musical notes in a dreamy, surreal scene. +A roadside attraction sign, weathered by time, reads "World's Largest Paperclip" in bold letters, standing next to a giant, gleaming paperclip sculpture under a clear blue sky. +A detailed tattoo design sketch featuring elegant, flowing script that reads "Mom Forever", surrounded by intricate floral patterns and subtle shading, set on a clean, white background. +A starry night sky with a constellation that connects to spell out "You Are Here", set against a backdrop of distant galaxies and nebulae, with a serene, dark landscape below. +Retro diner with vintage decor, a classic jukebox playing "Hit Songs of 1959", customers in 1950s attire enjoying milkshakes and burgers, warm lighting, and a nostalgic atmosphere. +A little panda, with soft black and white fur, stands in a lush bamboo forest, holding a wooden sign that says "I want to climb a tree", looking up at the tall trees with hopeful eyes. +A realistic photograph of an iceberg with a warning sign posted on it, clearly visible and reading "Thin Ice Danger Zone", set against a stark, icy landscape. +An astronaut floating in space, their helmet visor prominently displaying "O₂ LOW" in red, against a backdrop of distant stars and the Earth. The visor reflects the astronaut's concerned expression and the vast, dark cosmos. +A modern kitchen featuring a microwave with a digital clock prominently displaying "Food Ready", set against a backdrop of sleek countertops and stainless steel appliances, capturing the moment right after a meal has finished cooking. +A vintage vending machine with a prominently displayed label reading "Exact Change Only", set against a retro 1970s backdrop, with a few coins scattered at its base. +A close-up of a delicate necklace pendant, intricately engraved with "Always Yours" in flowing cursive script, resting on a soft, velvet background, with gentle lighting highlighting the fine details and subtle reflections. +A realistic photographic scene of a campfire safety poster in a forest clearing, with the warning "Fully Extinguish Flames" prominently displayed. The poster is weathered, with a flickering campfire in the background, emphasizing the importance of fire safety. +A bustling farmer’s market stand with a wooden sign painted "Fresh Eggs Daily" hanging above baskets of eggs, surrounded by vibrant, seasonal produce and cheerful customers. +A cyclist speeding down a mountain trail, wearing a vibrant jersey that reads "Race Fast", with the wind whipping through their hair and the forest blurring in the background. +An antique globe with a faded, weathered surface, prominently displaying the label "Here Be Aliens" near a mysterious, uncharted region, surrounded by vintage maps and compasses on a wooden desk. +A dance studio with a large mirror featuring a sleek, elegant decal that reads "Point Your Toes". Dancers in ballet attire are seen practicing, their reflections capturing the grace and precision of their movements. The studio is bathed in soft, warm lighting, enhancing the serene atmosphere. +A realistic photograph of a boxing ring, the floor mat prominently displaying "Championship Round" in bold, vibrant letters, surrounded by the ropes and corners of the ring, under the glow of overhead lights. +A realistic photograph of a spaceship control panel, with various buttons and screens, prominently displaying a red, blinking "GRAVITY FAILURE" alert in the center. Wires and gauges are visible in the background, adding to the high-tech atmosphere. +A city street at dusk with a large digital billboard displaying a series of rotating ads, the final ad prominently showing the message "Vote Tomorrow" in bold, illuminated letters, surrounded by a crowd of passersby. +A close-up of a gym locker tag, intricately engraved with the words "Do Not Remove", hanging from a metal hook against a textured locker door. The tag is slightly worn, showing signs of frequent use, with a subtle play of light and shadow enhancing its detail. +A bustling supermarket aisle with a frosted glass freezer door prominently displaying the label "Ice Cold Drinks Here", surrounded by neatly arranged cold drinks and shoppers browsing the items. +A close-up of a bicycle basket with a tag that reads "Ride Safe", set against a backdrop of a bustling city street, capturing the essence of urban cycling culture. +A vast solar panel farm stretches under a clear blue sky, with a prominent sign at the entrance reading "Clean Energy in Progress". The panels gleam in the sunlight, reflecting the surrounding landscape. +An astronaut floating in space, their helmet visor displaying "O₂ LOW" in flashing red diagnostics, against a backdrop of the Earth and stars, with a concerned expression visible through the visor. +A majestic pirate ship sails the turbulent sea, its flag proudly waving in the wind, emblazoned with the fearsome words "Queen Anne's Revenge". Dark clouds loom overhead, casting shadows on the weathered deck and crew. +A rain-soaked cardboard sign reads "Need WiFi Password", leaning against a wet, brick wall in a dimly lit alley, droplets sliding down its surface, reflecting the glow of a nearby streetlamp. +A bustling urban night scene with a tattoo parlor prominently featured, its neon sign reading "Ink Dreams Studio" glowing vividly against the dark sky, casting colorful reflections on the wet pavement and nearby buildings. +A bustling Times Square at night, with vibrant billboards cycling through various ads, prominently displaying "New Year New You" in bold, neon lights, surrounded by excited crowds and glowing cityscapes. +In a dimly lit museum, a display case showcases an ancient "Bronze Age Tool", its surface worn and etched with time, reflecting the soft glow of overhead lights. Dust particles float in the air, adding to the sense of history and preservation. +A scientist's laboratory, where a microscope slide labeled "Cell Sample 42" is placed under a high-powered microscope, revealing intricate cellular structures and vibrant colors. The scientist, wearing a white lab coat, leans in closely to examine the details. +A realistic photograph of a construction site with yellow and black warning tape stretched across, prominently displaying the text "Danger High Voltage" in bold letters. The scene includes scattered construction materials and safety cones, with a cloudy sky in the background. +A dimly lit alley at night, with a vintage neon sign flickering above a hidden door. A mysterious figure in a long coat stands guard, whispering the secret club entrance code: "Whisper Owl Eyes" to gain access. +A vast desert landscape with a lonely highway stretching into the distance. A weathered billboard stands tall, reading "Next Gas 200 Miles", under a blazing sun, with the occasional tumbleweed rolling by. +A bustling community center with a large, vibrant banner stretched across the entrance, reading "Get Protected Today". People of all ages queue orderly, healthcare workers in protective gear smile reassuringly, and the atmosphere is one of hope and solidarity. +A realistic photograph of an open textbook page, featuring a detailed diagram labeled "Cell Structure", with clear annotations and illustrations of cellular components. +A highway rest stop wall covered in various graffiti, prominently featuring the text "Paul Blart Was Here 42069" in bold, vibrant colors, with a playful cartoon of Paul Blart standing next to it, holding a security flashlight. +A close-up of an antique coat button with intricate engraving that reads "Unsnap to Solve Crime", set against a dimly lit, moody background, capturing the essence of a mysterious, noir detective scene. +A vibrant city street at dusk, with a neon sign above a bustling bar flashing "Happy Hour 5-7 PM" in bright, eye-catching colors, attracting patrons as they walk by. +A realistic photograph of a park fountain with a prominent plaque that reads "Donated by Citizens", surrounded by lush greenery and water gently cascading into the pool below. +An ancient, weathered scroll unfurls, revealing the mystical prophecy "Three Moons Rising". The parchment is illuminated by the soft glow of candlelight, casting shadows that enhance the scroll's age and significance. The scene is set in a dimly lit, stone chamber, adding to the air of mystery and ancient wisdom. +A close-up of a sleek, modern laptop with a "Code All Day" sticker prominently placed on the lid, reflecting the dedication of a passionate programmer in a well-lit, minimalist workspace. +A pirate ship sails on turbulent seas, its weathered sail proudly painted with the ominous words "Abandon Hope All Ye Who Board", under a stormy sky, surrounded by dark, churning waves. +A dark, eerie living room with a single, glowing smart speaker on a wooden table. The speaker randomly emits a chilling voice, shouting "Play Despacito Forever", casting an unsettling atmosphere in the dimly lit space. +An ancient, weathered stone tablet, partially buried in desert sands, with the ominous inscription "Beware The Sands" clearly visible, set against a backdrop of vast, undulating dunes under a stark, cloudless sky. +A realistic photograph of a chemical storage cabinet, prominently displaying a "Toxic Material" warning sign, with safety symbols and labels clearly visible, set in a laboratory environment with protective gear nearby. +A tailor's measuring tape, intricately coiled and gracefully draped, encircles a vintage tag embossed with the words "Custom Fit", set against a softly lit, minimalist background. +A detailed photograph of a museum display featuring an ancient Celtic coin. The coin is illuminated, showcasing its intricate designs. A label below reads, "Ancient Celtic Coin", with a subtle museum background. +A realistic photograph of a boxing ring with the mat prominently displaying "Championship Round 12" in bold, colorful letters. The ring is surrounded by an enthusiastic crowd, with the boxer's gloves and sweat capturing the intensity of the moment. +A charming flower shop with a rustic wooden chalkboard prominently displaying "Valentine Bouquets Ready" in elegant white chalk script, surrounded by vibrant bouquets of red roses and pastel flowers, with soft morning light filtering through the window. +In a bustling supermarket aisle, a vibrant notice hangs above the shelves, boldly declaring "magical" in shimmering, glowing letters. Shoppers pause, intrigued, as the sign casts a subtle, enchanting glow over the surrounding products. +In a grand courtroom, the judge's bench stands prominently under a high, vaulted ceiling. The judge, in a black robe, bangs the gavel, shouting "Order in the Court". Lawyers and spectators are frozen in anticipation, capturing the tense atmosphere of a pivotal moment in a high-stakes trial. +A weathered stone plaque reading "First Settlement 1690" stands prominently in the center of a historic town square, surrounded by cobblestone paths and old-fashioned lampposts, with a clear blue sky overhead. +A detailed illustrated guide showing the steps for dragon egg incubation, with a clear label "Shake Well First" prominently displayed on the egg. The scene is set in a medieval stone chamber with glowing embers in the background, emphasizing the mystical and ancient nature of the process. +A modern art gallery features a sleek, metallic robot standing beside a minimalist plaque. The plaque reads, "Abstract Binary 37", set against a backdrop of contemporary artwork that blends metallic textures with abstract binary patterns. +A bustling city street at night, with a neon "AI Art Gallery" sign pulsing above an avant-garde exhibit. The gallery's modern facade reflects the vibrant lights, drawing a diverse crowd of curious onlookers and art enthusiasts. +A vibrant TV show poster featuring the text "Dr. Giggles" in bold, playful fonts, set against a colorful, whimsical background with comedic elements like oversized toys and a laughing audience. +A close-up of a sleek, futuristic robot chest plate, prominently stamped with the text "Model TX0 Prototype", showcasing the intricate details and metallic texture in a well-lit, industrial setting. +A vintage radio, with intricate wooden casing and large dial, sits on a worn wooden table. A sticker on its side reads "Tune into the Unknown", surrounded by subtle wear marks and scratches, evoking a sense of mystery and nostalgia. +Ancient Chinese silk scroll unfurled in a tranquil study, featuring elegant calligraphy that reads "Silent Mountains Listen", surrounded by delicate brushstrokes of bamboo and ink washes of distant, mist-covered mountains. +A serene seascape featuring a traditional sailboat gliding across calm, azure waters, with the words "Smooth Sailing" elegantly painted on its white sail, under a clear blue sky with fluffy clouds. +A beachside cocktail with a vibrant umbrella printed "Paradise in a Glass", set against a backdrop of turquoise waters and golden sand, under a clear blue sky. +A modern airport terminal with a sleek, large digital display prominently showing "CheckIn Here", surrounded by travelers with luggage, under the soft glow of overhead lighting, capturing the hustle and bustle of a busy check-in area. +A vintage movie poster featuring the title text "20 000 Leagues Under the Sea" in bold, retro typography, set against a deep ocean background with a sleek, futuristic submarine emerging from the waves. +A spy camera's screen displays "TARGET ACQUIRED" in crisp, green text against a dark background, set in a dimly lit room with shadows cast by a single, flickering light bulb. +A vintage 1950s diner with a jukebox in the corner, its display reading "Error No Rock n Roll Found", surrounded by empty booths and a nostalgic checkerboard floor. +A firetruck door, prominently featuring the text "Rescue Squad 7", with a reflective surface showing a cityscape in the background, under a clear blue sky. +A realistic photograph of a modern laptop with a yellow sticky note attached to the screen, clearly displaying the reminder "Meeting at 2 PM", set on a clean desk with a minimalistic background. +A realistic classroom setting with a whiteboard that reads "Test Tomorrow" underlined in blue marker. Desks and chairs are neatly arranged, and the room is bathed in the warm glow of late afternoon sunlight streaming through the windows. +A "Keep Off the Grass" sign stands prominently in the lush, green lawn of a bustling city park, surrounded by pedestrians and the serene backdrop of trees and flower beds. +A realistic photograph of an airport luggage cart with a prominent "Return After Use" sign displayed in multiple languages, including English, Spanish, French, and Chinese, positioned near the cart for clear visibility. +A bustling subway station with a modern, sleek design, featuring a prominently displayed wall sign that reads "Next Train in 2 mins", surrounded by commuters waiting on the platform. +A roadside scene at dusk, featuring a weathered highway billboard prominently advertising "Next Exit Motel" with a faded image of a cozy room. The billboard is slightly tilted, with a backdrop of a lonely stretch of road and distant, rolling hills. +A carnival tent with a vibrant, fluttering banner that reads "See Two-Headed Lawyer" in bold, eye-catching letters, set against a bustling fairground with colorful lights and excited onlookers. +A cozy coffee shop scene with a steaming cup of coffee on a wooden table. The cup sleeve is prominently displayed, printed with the warning "Caution Hot Liquid" in bold letters. Warm, inviting lighting enhances the atmosphere. +A scientist's cluttered lab bench, with a petri dish prominently displayed. The dish has a cautionary label reading "Do Not Open Ever", surrounded by lab equipment and notes. The scene is lit by the harsh fluorescent lights of the lab, creating a tense, sterile atmosphere. +A surfer paddles out on a sunny day, his board featuring the vibrant "Ride the Tide" design, catching the light as waves roll in, emphasizing the dynamic, colorful artwork. +A lone camper stands in a serene forest clearing at dusk, holding a glowing compass that points towards the "North Star" shimmering brightly in the night sky, surrounded by a canopy of tall trees. +A museum exhibit featuring an ornate plaque titled "Ancient Egyptian Relics", surrounded by glass cases displaying artifacts like mummies, sarcophagi, and golden amulets, with soft, ambient lighting enhancing the historical atmosphere. +A serene frozen lake, with "Thin Ice" warnings stenciled in bright orange, reflecting a crisp winter sky. The scene is peaceful yet carries an underlying sense of danger, capturing the tension between beauty and risk. +Ancient cave painting featuring woolly mammoths in a prehistoric landscape, with the distinct symbol "𐌗𐌖𐌋𐌊" prominently displayed, illuminated by the soft glow of torchlight, capturing the essence of early human art and symbolism. +A graffiti-covered train car parked on abandoned tracks, the bright graffiti stands out against the dim surroundings, most notably the large text "Urban Poet 2023", creating a stark contrast between the vibrant art and the desolate landscape. +A close-up of a chef’s knife blade, finely engraved with the words "Sharpened Daily", reflecting the kitchen's warm, ambient lighting. The blade is pristine, with a subtle gleam, set against a simple, clean background. +A vast desert under a scorching sun, with a distant mirage that seems to form the words "Free Water Next Illusion" shimmering on the horizon, creating an ethereal and deceptive scene. +A dimly lit prison cell with rough stone walls, one wall prominently scratched with the word "Innocentish" in large, bold letters, casting faint shadows in the low light. +A bustling food truck scene with a vibrant menu board prominently displaying "Tacos 3 for 5". The truck is surrounded by eager customers, and the aroma of fresh tacos fills the air. The setting is a sunny afternoon in a lively urban market. +"Mitochondria Structure" illustrated as a detailed, realistic microscopic view, showing the outer membrane, inner membrane with cristae, and the matrix filled with DNA and enzymes, all in vibrant, scientifically accurate colors. +A modern living room with a sleek smart home device displaying "Hello Smart Home" on its screen, surrounded by minimalist furniture and natural light streaming through large windows. +A bustling urban intersection with a red traffic sign prominently displaying "Speed Limit 30", surrounded by a mix of cars and pedestrians, capturing the dynamic energy of city life. +A sleek, futuristic spaceship cabin with a row of cryopods, each displaying "Hibernation Active" on their transparent screens, bathed in a soft blue light, creating a serene and calm atmosphere. +A realistic photograph of a modern digital car dashboard, prominently displaying a "Low Fuel" alert, with subtle ambient lighting highlighting the sleek, futuristic design of the dashboard. +A vintage train station with a grand, ornate clock tower frozen at "Never OClock", the clock's hands stopped mid-tick, surrounded by the faded elegance of a bygone era, with empty benches and old suitcases scattered around. +A vibrant brick wall in a bustling city alley, adorned with bold graffiti spelling "Urban Art Collective" in dynamic, colorful letters, surrounded by shadows of passersby and the glow of nearby streetlights. +A detective in a trench coat and hat examines a crime scene, his magnifying glass revealing a subtle, almost imperceptible detail labeled "Blind Spot" in the background, adding a mysterious and suspenseful atmosphere. +A realistic photograph of a red fire extinguisher mounted on a wall, with a white tag clearly attached below it. The tag reads "Inspect Monthly" in bold black text, set against a slightly blurred office background. +A rustic farmer’s barn door, weathered by time, with "Fresh Eggs Sold Here" painted in bold, faded letters, set against a backdrop of a sunlit countryside. +A worn, aged treasure map parchment, creased and stained, with a detailed sketch of a tropical island. At the center, a bold red "X Marks the Spot" stands out, surrounded by cryptic symbols and hand-drawn compass directions. +A realistic photograph of a power plant warning siren with a clear sign that reads "Radiation Alarm Activated", set against a backdrop of industrial machinery and caution tape, with a hazy, slightly ominous sky. +A bustling city street at dusk, with a vintage theater marquee prominently displaying the lights "Hamlet Tonight 7 PM". The marquee is surrounded by the soft glow of street lamps and the bustling crowd, capturing the excitement of a theater district on a performance night. +A laboratory shelf with a specimen jar prominently displayed, labeled "Danger Biohazard" in bold red print, surrounded by scientific equipment and illuminated by a soft overhead light, creating a focused and serious atmosphere. +A vibrant graffiti artwork spelling "Ride or Die" adorns the side of a weathered train car, the bold letters popping against the metallic surface, with urban shadows and a gritty cityscape in the background. +A gym wall adorned with a striking decal that boldly proclaims "No Excuses" in a powerful, athletic font, set against a backdrop of vibrant, energetic colors and fitness equipment. +A vintage camera strap, worn and faded, embossed with the words "Capture the Unseen", draped over a rustic wooden table, with soft, warm light casting shadows and highlighting the intricate detailing of the leather. +A modern smartphone with a sleek, black screen, displaying a lock screen notification that reads "3 New Messages" in white text, set against a blurred background of a cityscape at dusk, with the glow of streetlights and the silhouette of skyscrapers. +A bustling city street at dusk, with a cozy bookstore window prominently displaying a "Bestseller List" poster. Warm, inviting lighting illuminates the neatly arranged books, while passersby pause to glance at the list, creating a serene and engaging scene. +A realistic photograph of a pharmacy window featuring a vibrant poster that reads "Flu Shots Available", surrounded by various health products and a backdrop of a busy street outside. +A quiet library scene with a checkout counter. A sign prominently displays "Silence Please" in elegant lettering. Soft, warm lighting and rows of bookshelves in the background add to the serene atmosphere. +A vibrant TV show poster titled "Century of Smoke", featuring a gritty urban backdrop with billowing smoke and neon lights, highlighting the dramatic tension of a story set in a world dominated by mysterious and powerful forces. +A magical carpet hovers above a bustling city street, its ornate design shimmering in the sunlight. On the side, a license plate reads "CL0UD1", blending seamlessly with the carpet's mystical aesthetic. The scene captures the wonder of a modern, enchanted world. +A detailed ice sculpture featuring the words "Winter Festival 2024" illuminated by soft, blue lights, set against a snowy backdrop with festive decorations and people admiring it in the crisp winter air. +A bustling nightclub entrance, where a "Reserved for VIP" velvet rope elegantly spans across, guarded by a stern bouncer. Neon lights reflect off the polished pavement, highlighting the upscale atmosphere and the anticipation of guests waiting to enter the exclusive venue. +A close-up of a wedding ring with its interior intricately engraved with the words "Always Forever", captured in a soft, warm light that highlights the craftsmanship and the deep emotional significance of the inscription. +A gym locker room with a large mirror featuring bold graffiti that reads "You Got This". The scene is lit by fluorescent lights, with a few gym bags and water bottles scattered nearby, emphasizing the motivational message. +A vibrant banner flutters in the air, announcing a wizard duel tournament with the clear warning "No Fireballs Zone" in bold letters, set against a backdrop of mystical clouds and towering magical structures. +A floating magic 8 ball in a dimly lit room, displaying the answer "Ask Again Later" in glowing letters, surrounded by a soft, mystical aura. +A detailed infographic titled "Global Warming Alert" depicting an iceberg melting into the ocean, with temperature scales, ice volume loss percentages, and environmental impact icons, set against a stark blue background. +A rustic wooden signpost stands at the entrance of a sprawling dinosaur ranch, with a bold, weathered sign that reads "TRex Crossing Next 10 Miles". Dusty plains stretch into the distance, and towering prehistoric creatures can be seen in the background. +A majestic Viking longship cuts through the waves, its sail emblazoned with the bold text "Valhalla or Bust". The ship is surrounded by a stormy sea, with dark clouds overhead, emphasizing the warriors' determined journey towards glory. +A key lime pie with a glossy, smooth surface, topped with fluffy, lightly browned meringue. "Grandmas Secret Recipe" is elegantly written in cursive script using dark chocolate on the meringue. The pie is set on a rustic wooden table, with a vintage kitchen backdrop. +A realistic photograph of a modern food court map indicator, prominently displaying "Pizza Zone Floor 2" in clear, bold text, with a clean and sleek design, surrounded by other dining options and directional arrows. +A close-up of a medicine bottle with a clear warning label that reads "Do Not Overdose", set against a neutral background, emphasizing the seriousness of the message with a realistic, high-resolution photograph. +A vibrant banner reading "Grand Opening Today" stretches across the front of a charming new bookstore, with excited customers gathered outside, large windows displaying neatly arranged bookshelves, and a cozy, inviting atmosphere. +A baker in a cozy kitchen, wearing an apron embroidered with "Knead to Bake", surrounded by fresh baked goods and flour-dusted surfaces, with warm sunlight streaming through the window. +A medieval knight's shield, intricately engraved with the phrase "Protect the Realm", resting on a weathered stone wall, illuminated by the soft glow of torchlight, in a dimly lit castle courtyard. +A vibrant skateboard deck graphic, boldly screaming "Skate or Die" in dynamic, graffiti-style lettering. The design features a gritty urban backdrop with worn asphalt and faded street art, capturing the raw energy and rebellious spirit of skate culture. +A cartoon dragon with a playful expression, floating in a whimsical forest setting, with a large, puffy thought bubble above its head that reads "Where Is My Fire?" The dragon is surrounded by glowing embers and lush greenery. +A detailed photograph of a museum display case, showcasing an ancient coin from 300 BC. The coin is illuminated, with a crisp, legible label below it reading "Ancient Coin 300 BC". The background is blurred, emphasizing the coin and its historical label. +A close-up of an ancient, intricately designed magic potion bottle, with a parchment label that clearly reads "Ingredients: Dragon Tears" in elegant, flowing script, set against a backdrop of glowing, mystical light. +A vibrant surfboard featuring a sleek decal with the phrase "Ride the Wave" in bold, modern typography, set against a dynamic background of crashing ocean waves and sunlight glinting on the water's surface. +A close-up of vintage typewriter key labels, prominently featuring the key with "Shift Lock" inscribed on it, set against a slightly worn, nostalgic background with subtle lighting to highlight the texture and age of the typewriter. +A vivid movie poster for "The Whole Nine Yards", featuring Bruce Willis and Matthew Perry in a comedic stand-off, set against a backdrop of a suburban neighborhood. The poster highlights the contrasting personalities of the characters, with vibrant colors and playful typography. +A red car parked on a sunny street with a bumper sticker that reads "Honk If You Love Pizza", surrounded by bustling city life and pedestrians. +A close-up of a futuristic robot's chest plate, prominently displaying the text "AI Friend" in sleek, modern font. The metallic surface reflects subtle ambient light, enhancing the high-tech appearance. +A cluttered lab with a vintage fridge, a mad scientist's note taped on it, reading "Do Not Drink the Green Stuff", surrounded by bubbling beakers and scattered papers. +A parrot perched on the mast of a pirate ship, wearing a small pirate hat with the text "van" clearly visible. The ship sails on a stormy sea, with dark clouds and waves crashing around it. +A realistic photograph of a vintage gas station at dusk, with the price sign prominently displaying "399gal Cash Only" in bold, retro font, under the warm glow of a flickering neon sign. +A retro arcade machine stands in a dimly lit room, its marquee blinking with the neon lights that spell out "Insert QuarterLife Crisis". The machine's colorful stickers are slightly worn, and the glass is smudged, capturing the essence of a nostalgic gaming era. +A charming flower shop with a rustic wooden sign hanging above the entrance, displaying "One Free Rose Today" in elegant script. Baskets of vibrant flowers line the windows, and a smiling florist hands a single red rose to a delighted customer. +A detailed ski resort trail map featuring a challenging "Black Diamond Run", surrounded by snow-covered slopes and pine trees, with ski lifts and markers clearly visible. +A vintage library with an antique wooden card catalog, prominently labeled "Fiction Section", surrounded by towering bookshelves filled with classic novels and illuminated by the soft glow of overhead lamps. +A bustling city street with a tattoo parlor window featuring a decal that reads "WalkIns Welcome No Regrets", surrounded by vibrant, colorful tattoo designs and silhouettes of needles and ink bottles, set against a slightly worn, urban backdrop. +An astronaut stands beside a lunar rover with a panel displaying "Low Power Mode", the stark lunar landscape stretching out behind them, with the Earth visible in the dark sky above. +A sleek, futuristic robot butler standing in a modern kitchen, its metallic surface gleaming under soft lighting. Its chest displays a polished nametag clearly stating "ServOMatic 3000", reflecting the high-tech elegance of its design. +A superhero stands on a city rooftop at sunset, his cape emblazoned with the embroidered words "Cape City Protector" billowing in the wind, casting a determined silhouette against the skyline. +A hand-stitched pillow, embroidered with "Home Is Wherever", rests on a vibrant, bohemian couch, surrounded by eclectic cushions and a woven throw blanket, in a cozy, sunlit room. +A close-up of a digital thermometer with its screen prominently displaying "102 F", set against a blurred background of a cozy bedroom, with soft lighting highlighting the device's sleek, modern design. +A child's colorful drawing of a vibrant rainbow, with the words "My Happy Place" scribbled below in playful, uneven letters. The background is a simple, bright sky, emphasizing the innocence and joy of the scene. +A futuristic spaceship control room with blinking red lights and warning signs. The main screen displays "Warning Oxygen Low" in bold, glowing red text. Crew members in space suits look anxious, checking instruments and communicating urgently. +A close-up of a dog's embroidered collar tag, intricately stitched with the phrase "Bite First Bark Never", set against a soft, blurred background of a sunlit park. The tag is worn and slightly frayed, adding a touch of character and history. +A cozy kitchen with a wooden table, where an open recipe book titled "Secret Ingredients" rests, surrounded by baking tools and fresh ingredients, while a baker in a white apron looks on with a warm smile. +A close-up of a vintage VHS tape with a hand-drawn label that reads "Summer 92 Dont Watch", set against a slightly worn, textured background, capturing the nostalgic feel of the 1990s. +A sketchbook page with a doodle that says "Imagine More", surrounded by whimsical illustrations of fantastical creatures and landscapes, emphasizing the theme of limitless creativity. +A modern art installation featuring a minimalist wooden chair with the text "i got nothin" intricately carved into the backrest, set against a stark white gallery wall, emphasizing the contrast between the simple form and the poignant message. +A detailed classroom poster of the solar system, prominently featuring Jupiter, with the caption "Space is Big" written in bold, colorful letters, hanging on a wall next to a large, illuminated model of Jupiter. +A movie director's chair placed on a bustling film set, labeled "Action", under the bright lights, with a clapperboard nearby and crew members in the background preparing for the next shot. +A casual, trendy T-shirt design with the phrase "Code All Day" prominently displayed in a modern, bold font, set against a minimalist background with subtle coding symbols like brackets and semicolons woven into the fabric. +A close-up of a snowboarder's jacket, featuring a patch that reads "Gravity Is My Nemesis", set against a backdrop of fresh snow and mountain peaks. The patch is prominently displayed, with detailed embroidery and vibrant colors. +A realistic photograph of a "Detour Ahead" road sign, prominently displayed and surrounded by a cluster of bright orange construction cones, set against a slightly overcast sky. +A bustling construction site with a tall fence wrapped in caution tape, prominently displaying a sign that reads "Hard Hat Area". Workers in high-visibility vests and hard hats are visible through the fence, operating machinery and laying down materials. The scene is bathed in the warm light of a late afternoon sun. +A professionally designed logo for a bakery called "Scilliano", featuring elegant typography and a charming illustration of a fresh loaf of bread, all set against a warm, inviting background with subtle flourishes that evoke the cozy, artisanal feel of a local bakery. +In a dimly lit room, an antique dollhouse stands against the wall, its surface marred by eerie scribbles that read "They're Watching". The shadows cast by the flickering light add to the unsettling atmosphere, making the scene feel haunted and foreboding. +A detailed museum exhibit featuring a massive Tyrannosaurus Rex skeleton, with a prominent label reading "Tyrannosaurus Rex" in elegant font, surrounded by dim lighting and awe-struck visitors. +A black and white sign with the words "construction" on a white background, rendered as a wireframe in a generative art style, with minimalist and geometric elements. +A high-altitude weather balloon's instrument panel, prominently displaying "Altitude 30km", surrounded by gauges and dials, set against the backdrop of a clear blue sky fading into the blackness of space. +A serene yoga studio with a yoga mat featuring the print "Breathe Deeply" in elegant cursive. A calm practitioner is in a peaceful pose, surrounded by soft, natural light streaming through large windows. +A weathered fishing boat named "The Salty Sailor" is anchored in a tranquil harbor, with seagulls perched on its deck and the sun setting behind it, casting a golden glow over the water. +A skywriting plane soars through a clear blue sky, leaving behind a trail that spells "Marry Me Jessica" in elegant, flowing letters. The plane's white contrails contrast sharply against the vibrant sky, capturing a moment of romantic proposal. +A close-up of a tax form with a pen resting on the line labeled "Sign Here Date", set against a cluttered desk with scattered documents and a calculator in the background, captured in a realistic photographic style. +A tattered pirate map with a weathered corner note that reads "Beware Kraken", surrounded by intricate illustrations of waves and sea creatures, hinting at the dangers lurking in uncharted waters. +A futuristic spaceship control panel, with neon lights and holographic displays, features a prominent red blinking alert that reads "Gravity Failure" in bold letters, warning the crew of an impending crisis. +A colorful children's drawing of a dragon labeled "Mr Flames", featuring vibrant crayon strokes and a playful, whimsical style, set against a bright, cheerful background. +A high-resolution photograph of a football jersey, focusing on the back where "Player 21" is prominently displayed in bold, team-colored numbers, set against a blurred stadium background. +An astronaut floating in space, their helmet visor prominently displaying "Oxygen Low" in bright red text, against the backdrop of a distant Earth. +A weathered stone monument stands tall in a misty forest clearing, its surface etched with the solemn words "Never Forget 1999". The moss-covered stone is partially illuminated by a beam of sunlight piercing through the dense canopy above. +A fortune teller's dimly lit tent, with a crystal ball on a wooden table glowing with the words "Destiny Awaits", surrounded by candles and tarot cards, creating an aura of mystery and anticipation. +A coastal lighthouse stands against a twilight sky, its powerful beacon projecting the words "Safe Harbor" onto the rolling waves and rocky shore, creating a serene and welcoming atmosphere. +A vintage book cover titled "Mystery of the Ages", featuring an ornate, gothic font and a mysterious, fog-laden landscape with ancient ruins and a full moon, evoking a sense of enigmatic history and suspense. +A sleek, futuristic space station module with a prominent sign reading "Zero Gravity Zone" floating in the background, showcasing the vast, starry expanse of space. The module's sleek metal surfaces reflect the distant galaxies, emphasizing the otherworldly setting. +A neon bar sign flashing "Open 24 Hours" above the entrance, set against a dark urban night scene with a faint glow illuminating the pavement and reflecting on the wet streets. +A nighttime landscape featuring a sleek, metallic UFO hovering over a deserted road. The underside of the UFO is illuminated with a series of bright, colored lights that spell out "Take Me To Your Leader" in a clear, bold font. +A museum exhibit featuring a dinosaur skeleton with a display sign that reads "TRex Vegetarian Phase", set under warm, ambient lighting, surrounded by curious visitors in a modern, spacious gallery. +A thrilling amusement park ride with a prominent sign that reads "Not for Faint Hearts", surrounded by excited onlookers and the vibrant colors of the fairground, capturing the essence of adventurous fun and exhilaration. +A modern bedroom at dawn, with sunlight gently filtering through sheer curtains. On a sleek nightstand, an alarm clock display is blinking "Wake Up Time", casting a soft glow in the dim room. +A detailed movie prop sword, intricately etched with "Blade of Destiny", resting on a velvet cloth, with a dramatic spotlight highlighting its ancient, battle-worn appearance. +A close-up of a chef's knife on a wooden cutting board, the handle intricately etched with the words "Sharp Ideas Only", set against a blurred kitchen background. +A neon sign above a retro diner, glowing brightly in the night, flashes "Open 24 Hours" in vibrant red and blue, casting a warm, inviting glow over the parking lot and the few cars parked outside. +At a bustling carnival, a vibrant tent banner boasts "See the Two-Headed Llama", drawing curious onlookers and creating a festive atmosphere with its colorful and eye-catching design. +A detailed solar panel installation manual titled "Power the Future" lies open on a workbench, surrounded by tools and components, with sunlight streaming through a window, casting a warm glow on the pages. +A modern library with rows of bookshelves, a computer screen displaying an error message "Overdue Books Detected" in the foreground, and a librarian looking concerned in the background. +An ancient, leather-bound wizard’s spellbook lies open on a wooden desk, illuminated by a flickering candle. The page is titled "Dragon Taming 101", with intricate illustrations of dragons and detailed notes in elegant handwriting. +A realistic photograph of a heavy, metallic bank vault door, with a prominent warning sign that reads "Time Lock Activated", set against a dimly lit, secure room with security cameras and a keypad. +A bustling city street at night, illuminated by a neon theater marquee advertising "Sold Out Show" in vibrant red and blue lights, with a crowd of excited patrons queuing outside. +An ice cream truck parked on a sunny street, with a side menu prominently displaying "Double Scoop 3" in bold, colorful letters. People are lined up, eagerly waiting to order, while the truck's colorful design and cheerful music create a vibrant, festive atmosphere. +A dimly lit room with an old, dusty VR headset on a cluttered desk. The headset's screen flickers with a ghostly green warning: "Low Battery Life". Shadows dance on the walls, and a sense of unease fills the air. +A futuristic space hotel lobby with sleek, metallic walls and soft, ambient lighting. A prominent plaque reads: "Gravity Off After 10 PM". Guests in space suits and casual attire mingle, some floating slightly, while others stand on the polished floor. +A rock band's drum set under vibrant stage lights, with the phrase "Hit Me Hard" boldly written on the bass drum, surrounded by guitar picks and drumsticks scattered on a worn-out rug. +A rainy downtown alley at night, with a neon bar sign glowing brightly that reads "Open All Night", casting colorful reflections on the wet pavement and nearby buildings. +A realistic photograph of a Magic 8 Ball floating in mid-air, with the answer "Ask Again Later" clearly visible inside the orb, set against a softly lit, mysterious background. +A realistic photograph of a parking garage entrance, featuring a clear sign that reads "Compact Cars Only", with the sign prominently displayed against a concrete wall, illuminated by overhead lighting. +A detailed subway station wall featuring a vibrant tile mosaic that spells "Uptown Line", with the tiles reflecting a mix of cool blues and grays, set against the bustling background of a modern urban transit hub. +A realistic photograph of a car dashboard with the "Check Engine" alert blinking prominently, set against the backdrop of a dimly lit interior, capturing the subtle glow of the dashboard lights. +A nostalgic retro video game arcade, dimly lit, with an iconic machine labeled "DONKEY PUNCH 1987" in neon lights, surrounded by classic arcade games and vintage posters, capturing the vibrant atmosphere of the '80s gaming era. +A realistic classroom scene with a large, colorful poster on the wall illustrating "The Water Cycle Diagram", featuring clear depictions of evaporation, condensation, precipitation, and collection, surrounded by eager students and a teacher pointing to different stages. +A realistic photograph of a warehouse shelf, with neatly stacked boxes and a bright yellow inventory tag that reads "Stock Count 452 Units" prominently displayed. The background shows more shelves and industrial lighting, emphasizing the organized yet vast nature of the warehouse. +A diver in the deep blue sea, surrounded by colorful fish, checks their underwater camera, which displays "Photo Saved" on the screen, capturing a moment of serene underwater beauty. +A vibrant, retro video game loading screen with pixel art graphics, featuring the iconic message "Press Start to Play" in bold, neon colors, set against a dynamic background of swirling digital patterns and glowing icons. +A realistic classroom scene with a whiteboard in the background, clearly scribbled with the words "Pop Quiz Tomorrow", students sitting at desks with surprised expressions, and textbooks scattered on the tables. +A eerie, gothic mansion doorway, ancient and weathered, with the ominous phrase "Abandon WiFi All Ye Who Enter" etched into the stone above the entrance, surrounded by twisted iron gates and overgrown vines. +A weathered pirate map with "X Marks the Spot" in crimson ink, laid out on an old wooden table, surrounded by a compass, a rusty key, and a flickering candle, under the warm glow of a lantern. +A realistic smartphone screen with a notification pop-up displaying "12 New Voicemails From Mom" in a modern, cluttered kitchen setting, with sunlight streaming through a window and a cup of coffee on the counter. +A high-security laboratory with a "Level 4 Containment" biohazard label prominently displayed on a sealed, reinforced glass door. The dimly lit corridor is empty, with a faint glow from emergency lights casting long shadows. The air is still, and a sense of tension hangs heavy. +A close-up of a hospital wristband, clearly printed with "Patient Room 12B", wrapped around a patient's wrist, set against a soft, neutral background. +A realistic photograph of an office door with a sleek, modern nameplate that reads "Manager Sarah Lee", set against a lightly textured, neutral background. The door is slightly ajar, hinting at the professional environment within. +A coastal scene with a lighthouse standing on jagged rocks, its beam piercing through a foggy night. A warning sign reads "Danger Keep Clear" near the base, emphasizing the perilous nature of the location. +A bustling amusement park with a large, futuristic ride that has a prominent sign reading "May Cause Existential Dread". The ride features intricate, glowing designs and is surrounded by excited yet apprehensive visitors, capturing the surreal blend of fun and foreboding. +A modern website with a sleek, minimalist design, featuring a modal window prominently displaying "Subscribe for Updates" in clean, bold typography, overlaying a blurred background of the website's content. +A rustic wooden sign at a horse stable reads "Clean Up After Horses", surrounded by a serene pasture with grazing horses and a clear blue sky. The sign is slightly weathered, with a rope for hanging, and the scene captures the peaceful essence of a countryside equestrian setting. +A carnival ticket booth under a gray, rainy sky, with a prominent sign reading "Rides Closed Due to Rain". The scene is dimly lit, with water droplets on the booth's roof and a few scattered, empty rides in the background. +A modern home security system's display panel, set against a dimly lit interior, flashes the message "Intruder Probably Cat" in bold red letters, while a shadowy silhouette of a small creature is barely visible through the glass window, adding a touch of mystery and humor to the scene. +A medieval knight stands proudly on a windswept hill, his banner fluttering dramatically in the breeze. The banner bears the inscription "For King and Country", clearly visible against the sky. The scene is bathed in the golden light of sunset, emphasizing the knight's noble resolve. +A vast desert canyon, where the sun casts long shadows on ancient, weathered walls. Etched deeply into the stone, a mysterious inscription reads "ΞΩΣΙΑ", illuminated by the golden light, highlighting its enigmatic presence. +A dimly lit prison cell with rough, stone walls. Faint light casts shadows on the wall, revealing scratchings that read "Innocent 2035". The cell is barren, with a single, worn-out cot in the corner, emphasizing the despair and hope of the inmate. +A realistic underwater scene featuring an aquarium with etched glass that reads "Shark Zone". The water is crystal clear, and several sharks are swimming gracefully in the background, casting gentle shadows on the etched text. The lighting highlights the intricate details of the etching, making it stand out vividly. +A gym motivational poster with the words "No Pain No Gain", featuring a determined athlete pushing through a grueling workout, set against a vibrant, energetic background with motivational elements. +A Valentine’s Day card with a retro gaming theme, inscribed "Be My Player 2" in bold, colorful text. The card features pixel art of two joyful video game characters standing side by side, with a heart floating above them. +A futuristic cityscape at night, illuminated by neon lights and digital billboards, with a large hologram in the center displaying "Welcome to 2123" in vibrant colors, reflecting off the glass buildings and wet streets. +A close-up of an alien plant pod, bioluminescent and glowing with a soft, eerie light. The pod is partially open, revealing intricate, glowing patterns inside. A small, robotic probe hovers nearby, with the text "Say Ahhh for Probe" clearly visible on its side. +A realistic photograph of a camping site with a tent half-assembled, poles prominently laid out and being assembled according to the instructions "Assemble Poles First", with a serene forest background. +A dimly lit urban street at night, with a pharmacy’s neon sign "24 Hour Drugstore Open" glowing brightly, casting a soft, colorful light on the empty sidewalk and nearby buildings. +A bustling museum gift shop with a vibrant sign that reads "Souvenirs Available Here", surrounded by shelves filled with various artifacts and souvenirs, capturing the essence of a lively and inviting retail space. +A modern office desk with a sleek, silver nameplate prominently displaying the title "Chief Idea Officer", surrounded by minimalist decor and professional accessories, under the soft glow of an overhead lamp. +A steampunk airship docked at a vintage airfield, with a large, ornate banner reading "Cloud Nine Now Boarding" fluttering in the wind. Gears and brass accents decorate the airship, while passengers in Victorian attire board the vessel, creating a scene straight from a futuristic past. +A vintage vinyl record floating in a serene, misty forest at dawn, with rays of sunlight piercing through the trees. The album cover text "Sound of Silence" is prominently displayed in elegant, handwritten script above the record. +An astronaut in a detailed space suit, standing against a backdrop of stars and a distant planet, with the helmet visor prominently reflecting the warning "O₂ Low" in a bright red color, indicating a critical oxygen level. +A dimly lit alley with a neon bar sign flashing "Last Call" above a row of empty whiskey bottles on a weathered wooden bar, casting a faint glow on the cracked floor tiles. +A worn, crumpled detective's notebook page with "Follow the White Rabbit" scribbled in urgent, messy handwriting, surrounded by other cryptic notes and sketches, under a dim desk lamp. +A realistic smartphone screen with a notification popup displaying "BATTERY 5 LEFT", set against a blurred background of a modern cityscape at dusk, emphasizing the urgency and urban setting. +A cozy therapist's office with a plush couch, adorned with a soft, intricately embroidered pillow that reads "Lie Here" in elegant cursive, set against a backdrop of warm, calming colors and gentle lighting. +A baby in a onesie that reads "Daddy's Little Helper" is sitting on a cozy, colorful play mat, surrounded by toys and tools, with a proud smile on their face, capturing a heartwarming moment of early childhood enthusiasm. +A modern kitchen with a sleek, stainless steel smart fridge. The fridge's touchscreen display prominently shows a reminder in bold text: "Milk Expires Tomorrow". The kitchen is well-lit, with a clean and tidy countertop and a few plants adding a touch of green. +A realistic photograph of a campfire safety sign in a forest setting, clearly displaying the text "Extinguish Flames Completely" with a backdrop of trees and a slight haze from a nearby, safely extinguished campfire. +A vibrant race track at the "100 Meter Dash Final", with athletes sprinting towards the finish line, their muscles tense, and a crowd cheering in the background. The atmosphere is electric, capturing the intensity and excitement of the moment. +A scuba diver checks the label on their diving tank, which clearly reads "Air Capacity 3000 PSI", against a backdrop of the ocean's blue depths and sunlight filtering through the water. +A detailed satellite photo capturing the swirling vortex of Hurricane Delta, labeled clearly with "Storm Delta" in bold white text against the dark blue of the ocean, surrounded by wispy white clouds. +In a desolate corner of the universe, a space cemetery under a starry sky, a weathered headstone reads "Died of Space Boredom", surrounded by the eerie silence of cosmic void. +A weathered stone tablet, ancient and imposing, stands in a mystical forest clearing, its surface intricately carved with the words "Kingdom Law" in elegant, flowing script, surrounded by moss and ivy, bathed in the soft, dappled sunlight filtering through the canopy. +A beautifully detailed wedding cake topper featuring a couple embracing, with the elegant text "Happily Ever After" engraved beneath them, set against a soft, romantic background with delicate floral accents. +A vast solar panel array stretching across a sunlit landscape, with a prominent sign reading "Clean Energy Future" at the entrance, surrounded by lush greenery and clear blue skies. +A dystopian protest scene with demonstrators holding a large banner that reads "Free the Androids Now". The backdrop is a grim, futuristic cityscape with towering buildings and a dark, smoky sky. +A cozy kitchen with warm lighting, a baker in a white apron embroidered with "Knead to Relax", hands dusted with flour, standing next to a wooden table with a bowl of dough and rolling pin. +A bustling fire station with a vibrant red truck parked outside, a group of firefighters in full gear standing proudly, and a large banner stretched across the building that reads "Heroes Work Here" in bold, striking letters. +A realistic photograph of a time capsule lid lying on a grassy field, engraved with "Open in 2050", surrounded by fallen leaves and overgrown weeds, suggesting it has been buried for a long time. +A cheerful cereal box mascot, with a big smile and colorful outfit, stands proudly holding a sign that reads "Nutritious Tasty" in a sunny kitchen, surrounded by breakfast items. +A detailed digital textbook diagram of a mitochondrion, clearly labeling its parts including "Mitochondria Structure", with crisp lines and vibrant colors, set against a clean, white background. +A realistic photograph of an elevator emergency panel with bold, red text that reads "In Case of Fire". The panel features clear, labeled buttons and a fire alarm icon, set against a sleek, metallic background. +A nostalgic scene of a 1950s retro diner at night, with a neon sign blinking "Pie à la Mode 99" above the entrance, casting a warm, colorful glow on the brick facade and the sidewalk below. +A close-up of a chef's recipe card titled "Secret Sauce Recipe", placed on a rustic wooden table, with a variety of spices and fresh herbs scattered around it, and a rolling pin and a wooden spoon in the background. +A bustling nightclub interior with vibrant neon lights and a crowded dance floor. At the entrance, a bouncer stamps a VIP pass onto a patron's hand, the stamp clearly reading "Ordinary Legend" in bold, glowing ink. +An old, weathered treasure map with intricate illustrations, featuring a prominent "X Marks the Spot" in the center, surrounded by detailed compass roses and faded notations, laid out on a rustic wooden table under a dim, flickering candlelight. +A fairy stands in a whimsical forest, her wand sparkling with "Make a Wish" as magical lights swirl around her, casting a soft, ethereal glow on the surrounding flora. +A digital billboard in Times Square at night, prominently displaying the message "You're Being Watched" in bold, glowing letters, surrounded by bustling crowds and neon lights. +A realistic photograph of an ambulance with a sleek, modern design, featuring a prominent side panel decal that reads "Emergency Medical Team" in bold, clear lettering, set against a clean, white background. +A little raccoon, with soft, gray fur and big, curious eyes, is sitting on a pile of colorful books, holding a bookmark that says "I love to read". The raccoon looks up with a gentle smile, surrounded by the cozy, warm light of a nearby lamp. +A futuristic scene featuring a cyborg with intricate, glowing tattoos that read "Hardware 20 Software 05 Beta" across their metallic skin, set against a neon-lit urban backdrop. The cyborg stands in a pose that showcases the detailed tattoo, emphasizing the blend of human and machine. +A vintage arcade cabinet with a glowing screen displaying "Game Over" in bold, pixelated letters, surrounded by a nostalgic atmosphere with soft, ambient lighting and slight reflections on the screen. +A serene lake with a red and white buoy floating near the shore, clearly displaying the sign "No Swimming" against a backdrop of calm waters and distant, misty mountains. +A "No Trespassing" notice is nailed to a wooden post at the trailhead of a dense, misty forest. The sign is slightly weathered, with the post surrounded by tall, green ferns and fallen leaves, emphasizing the isolated and serene atmosphere of the forest entrance. +A close-up of a worn guitar case with a faded sticker that reads "Rock n Roll Never Dies", surrounded by scratches and stickers from various gigs, capturing the essence of a traveling musician's journey. +In a modern elevator, the emergency button is uniquely labeled "Press for Dragons", set against a sleek, metallic panel. The button glows softly, hinting at the magical realm that awaits beyond the ordinary. +A movie poster featuring the text "Summer's Shadow" in elegant, glowing letters, set against a backdrop of a misty, twilight forest with silhouettes of ancient trees, hinting at a mysterious and haunting summer tale. +A graduation cap tossed in the air, with "Class of 2024" clearly visible on the top, against a backdrop of cheering graduates and a sunny sky. +A pirate ship navigates turbulent waters, its sail emblazoned with ominous text "Seas Fury" in bold, dark letters, casting an eerie shadow over the deck as the crew prepares for an impending storm. +A vintage postcard featuring a serene beach sunset, with gentle waves lapping at the shore and a sky painted in warm oranges and pinks. The message "Wish You Were Here" is elegantly written in cursive at the bottom, evoking a nostalgic feel. +A serene yoga studio features a large, vibrant mural on the back wall, reading "Peace Starts Within" in elegant, flowing script. Soft natural light filters through the windows, casting a calming glow over the room. Yoga mats are neatly arranged on the wooden floor, enhancing the tranquil atmosphere. +A cozy bookstore front with a large window display labeled "Bestsellers Here", showcasing a variety of colorful books, warm lighting, and inviting decor. The scene is set in the evening, with soft light spilling onto the sidewalk, attracting passersby. +A weathered sailor's arm, prominently displaying a detailed tattoo of an anchor intertwined with the script "Mom Anchors", set against the backdrop of a nautical rope and a worn ship deck. +A detailed floorplan of a dilapidated, eerie haunted house, with dim, flickering lights and cobweb-covered corners. The plan clearly marks a room labeled "Ghost Break Room", suggesting a place where supernatural entities gather. The atmosphere is tense and mysterious, with shadows lurking in every corner. +A hiker stands on a rocky outcrop, holding a compass engraved with "North Star Adventures" under a clear sky dotted with stars, the North Star shining brightly above. The rugged terrain and distant mountains enhance the adventurous atmosphere. +A close-up of a puzzle piece marked "Final Piece", lying on a wooden table with scattered, partially completed puzzle pieces around it, bathed in warm, golden afternoon light. +A magical mirror with a surface shimmering and reflecting light, displaying the text "Speak Your Wish" in elegant, glowing letters. The scene is set in a dimly lit, mysterious room, enhancing the enchanting and mystical atmosphere of the mirror. +A weathered stone monument with the text "Never Forget 1945" prominently displayed, set against a somber sky, surrounded by overgrown foliage, capturing the essence of a forgotten historical site. +A dimly lit urban alley at night, featuring a vintage vampire-themed nightclub with a neon sign that reads "No Sunlight No Problems", casting an eerie, red glow on the cobblestone street and gothic architecture. +A realistic urban scene at a bustling bus stop, where the slogan "chatman" is prominently displayed on the sign, surrounded by waiting passengers and passing cars. +A chalkboard menu at a coastal restaurant, prominently featuring "Today's Catch: Mermaid Tails" in elegant, flowing chalk script, surrounded by illustrations of seashells and seaweed. +A realistic photograph of an alien zoo, featuring a clear sign with bold text that reads "Do Not Feed the Humans", surrounded by exotic alien flora and fauna, with a subtle futuristic aesthetic. +A close-up of a digital language translator device displaying "Hello In Spanish" on its screen, with a blurred background of a vibrant, bustling market in a Spanish-speaking country. +An ice cream truck parked on a sunny street, its side panel vividly airbrushed with the phrase "Brain Freeze Guaranteed" in bold, colorful letters, surrounded by playful, swirling ice cream designs. +Retro gas station at dusk, the sign glowing brightly with "Fuel Up for Adventure", neon lights casting a warm glow over the old pumps and a classic car parked nearby. +A realistic photograph of a unicorn stable with a wooden sign hanging above the entrance, clearly reading "Horn Maintenance in Progress". The stable is surrounded by a lush, green meadow, and sunlight filters through the trees, casting a warm glow on the scene. +A modern office desk with a sleek digital calendar displaying the alert "Meeting at 3 PM" in bold, clear text, surrounded by minimalist decor and a cup of steaming coffee, captured in a realistic photographic style. +In a dimly lit, gothic vampire restaurant, an elegant menu lies open on a velvet-draped table. The menu features intricate, blood-red lettering that reads "Type O Negative Special", set against a dark, vintage background with subtle, eerie illustrations of bats and moonlit forests. +A modern art gallery featuring a sleek, silver plaque titled "Blue Phase 2024" mounted on a white wall, with a minimalist blue abstract painting hanging beside it, capturing the essence of a contemporary exhibition. +A beautifully decorated birthday cake with intricate icing that spells out "Happy 30th Birthday Alex" in elegant cursive, set against a warm, celebratory background with soft, golden lighting. +A vintage cookie jar on a kitchen counter, with a playful label that reads "Top Secret", surrounded by scattered cookies and a curious cat peeking from the side, in a realistic photographic style. +A colorful stack of children's alphabet blocks forming the word "LEARN", each block vividly detailed with letters in bright, contrasting colors, set against a soft, pastel background with a subtle, playful texture. +A close-up of a superhero's emblem, prominently displaying the motto "Justice at Dawn" in bold, illuminated letters. The emblem is set against a gradient background transitioning from dark night to the first light of dawn, symbolizing hope and the beginning of a new day. +A vast desert scene with a wooden signpost standing amidst golden sands, clearly pointing and reading "Water 5 Miles Sand". The sun casts long shadows, highlighting the arid landscape and the promise of an oasis in the distance. +In a desolate, post-apocalyptic landscape, a rusted road sign stands alone, pointing towards the horizon with the words "To Clean Water 1000mi" faintly visible, surrounded by barren earth and crumbling structures. +A sleek, metallic alien spaceship with intricate hull markings that prominently display "Zorgon Empire" in a futuristic font, hovering above a desolate, rocky landscape under a crimson sky. +A realistic photograph of a subway wall covered in vibrant graffiti, prominently featuring the words "Dreams Underground" in bold, colorful letters, surrounded by intricate street art designs. +A pet collar tag shaped like a bone, inscribed with "Good Boy Max", resting on a soft, beige carpet, with sunlight streaming through a nearby window, casting a warm glow on the tag. +A professionally designed logo for a bakery called "Cayuse", featuring a stylized image of a horse with a rustic, warm color palette and elegant typography that conveys the cozy, artisanal feel of the bakery. +A cozy bakery interior, a baker wearing an oven mitt embroidered with "Hot Stuff Coming Through", reaching into a warm, wood-fired oven, steam rising, golden loaves of bread on the shelves, soft lighting, and a rustic wooden table in the foreground. +A vintage vending machine stands in a dimly lit alley, its buttons glowing faintly. One button, prominently labeled "Mystery Flavor Regrets", catches the eye, surrounded by faded advertisements and peeling posters. The scene is captured in a realistic photographic style, with a nostalgic, slightly eerie atmosphere. +A sleek spy gadget watch with a high-tech screen prominently displaying the words "Self Destruct" in red, set against a dark, modern interior with subtle lighting that highlights the watch's intricate design. +An astronaut's boot leaves a clear footprint on the lunar surface, with the words "First Step" inscribed in the dust nearby, under the stark, shadowy landscape of the moon. +A close-up of an old library book, the page slightly curled, with a vintage red stamp reading "Due Back 0315" prominently displayed, surrounded by the subtle texture of aged paper and the faint scent of nostalgia. +A dimly lit alleyway at night, with a mysterious wooden door adorned with an ornate plaque that reads "Knock 3 Times" in elegant script, surrounded by flickering street lamps and shadowy figures. +A vibrant candy wrapper design featuring "Choco Crunch", with bold, playful typography and a colorful, eye-catching pattern of golden chocolate pieces surrounded by a rainbow of swirls and splashes. +A vast desert landscape under a scorching sun, where a shimmering mirage in the distance clearly spells out "Water Nearby", creating an eerie and tantalizing illusion. +A detailed tattoo on a sailor’s arm, featuring the word "Mom" in elegant cursive script, with subtle nautical elements like anchors and waves intertwined around the letters. +A sleek electric car parked in an urban setting, its license plate framed with a bold, modern design stating "Electric Car Pride", surrounded by greenery and modern architecture, reflecting a future-focused cityscape. +A yoga mat with a serene pattern and the phrase "Breathe and Flow" printed in elegant script, set against a backdrop of a tranquil forest clearing with morning light filtering through the trees. +A carnival ticket booth with a vibrant sign that reads "Rides 5 Memories Priceless", surrounded by colorful lights and playful decorations, set against a twilight sky. +A grand clock tower looms over a bustling city square, its face prominently displaying the phrase "Time to Shine 300" in elegant, illuminated letters. The scene is captured at dusk, with the last rays of sunlight casting a warm glow on the tower's intricate stonework. +A vintage 1950s movie poster titled "Invasion of the Moon Robots", featuring metallic robots with glowing eyes emerging from a lunar landscape, under a star-studded sky, with a distressed cityscape in the background. +A toddler's balloon, adorned with "Happy 1st Birthday", floats gently above a colorful party setup, casting a soft shadow on the vibrant tablecloths and toys below. +A close-up of a vintage, wooden wizard’s broomstick with a faded warning label that reads "May Cause Witchin Around", surrounded by fallen autumn leaves and illuminated by the warm glow of a setting sun. +A coastal scene featuring a lighthouse tower, its white walls elegantly painted with the words "Safe Harbor" in bold, blue letters, standing against a backdrop of rolling waves and a serene sky, capturing the essence of maritime tranquility and guidance. +A realistic photograph of a futuristic sci-fi lab coat with a badge prominently displayed on the left chest, reading "Mad Scientist Intern" in bold, futuristic font. The badge features a sleek, holographic design with subtle glowing edges. +A detailed classroom poster illustrating "Cell Division 101", featuring clear diagrams of mitosis and meiosis stages, labeled with scientific terms, set against a backdrop of a vibrant, educational environment. +A monster truck's massive tire treads spell out "CRUSH" in thick, wet mud, capturing the raw power and impact of the vehicle in a vivid, realistic photograph. +A futuristic sci-fi laboratory with a sleek, metallic door featuring a glowing biometric scan screen that displays "Access Denied Level 5" in red, set against a dimly lit corridor with advanced technology and sterile, white walls. +A large cruise ship with its hull painted in vibrant blue, prominently displaying the name "Ocean Voyager" in bold white letters, glides smoothly through crystal-clear tropical waters, with the sun setting behind it, casting a warm, golden glow over the scene. +A sleek race car with a glossy red hood featuring a bold decal that declares "Speed Demon 2024", set against the dynamic backdrop of a bustling racetrack. +A science fiction book cover for "Galactic Wars Episode V", featuring a dramatic space battle with futuristic warships exchanging laser fire against a backdrop of swirling nebulas and distant planets. +A medieval knight's shield, weathered from battles, prominently displays the phrase "Honor Above All" in elegant gold lettering, set against a deep blue background with a subtle texture of interlaced vines. +A vast farmer's field with crops intricately arranged to form a "Corn Maze", towering stalks of corn create winding pathways under a clear blue sky, with a rustic barn visible in the distance. +A bustling supermarket aisle with a clear sign that reads "Gluten-Free Products Here", surrounded by shelves stocked with various gluten-free items, including bread, snacks, and cereals, under bright overhead lighting. +A retro arcade cabinet with a vibrant marquee flashing "Insert Coin to Rewind Time", set in a dimly lit room with nostalgic game sounds in the background. The cabinet is the focal point, with a subtle glow around the marquee, emphasizing its time-bending invitation. +A realistic photograph of a plant pot with a small, white label clearly displaying the text "Water Once Weekly" attached to its side, set against a neutral background. The plant inside the pot is a healthy, green succulent. +A close-up of a rugged, vintage-style backpack with a prominent patch that reads "Adventure Awaits", set against a backdrop of a misty forest trail at dawn, capturing the essence of an upcoming journey. +A young man wearing a baseball cap embroidered with "Stay Cool" stands in a vibrant street scene, the cap’s embroidery clearly visible, with a backdrop of colorful graffiti and bustling city life. +A dimly lit, abandoned bank vault with a massive door etched with "Empty Since 2008", surrounded by dust and old, scattered bank notes, capturing the eerie silence and neglect of the space. +A realistic photograph of a laser-engraved plaque awarding "Employee of the Month", placed on a sleek, modern desk with a subtle background of an office setting, highlighting the elegant design and text of the plaque. +A vibrant toddler’s fingerpainting titled "Rainbow Explosion", showcasing a chaotic yet colorful blend of swirling hues, with bold strokes and splatters that capture the joyful energy of a child’s creativity. +A vibrant superhero movie poster featuring a dramatic sunrise, with bold, dynamic figures silhouetted against the sky. The tagline "Heroes Rise at Dawn" is prominently displayed in striking, futuristic font at the bottom of the poster. +A gym interior with a treadmill displaying "Incline 99 Good Luck" on its screen, surrounded by modern fitness equipment and a runner just starting their challenging workout, captured in a realistic photographic style. +A close-up of a pharmacy prescription note on a white background, clearly displaying the text "Take 2 Daily With Food", with a bottle of pills and a glass of water beside it. +Retro diner interior, vintage jukebox with a selection panel prominently displaying "Play Hit 9", surrounded by classic 1950s decor, warm lighting, and nostalgic ambiance. +A sushi chef stands in a bustling Tokyo kitchen, his headband prominently displaying kanji characters meaning "Wasabi King". The vibrant colors and traditional decor of the restaurant enhance the authentic atmosphere, capturing the essence of Japanese culinary art. +A medieval tapestry, richly embroidered with intricate golden threads, depicting a fantastical landscape. In the center, the ominous phrase "Here Be Dragons" is emblazoned, surrounded by mythical creatures and swirling mists, capturing the essence of ancient cartography. +In a misty, serene cemetery, a weathered headstone stands prominently, its surface intricately carved with the eerie words "Resting Try Haunting". The scene is bathed in the soft, golden light of dusk, emphasizing the haunting beauty of the inscription. +A vintage retro diner interior featuring a classic red and white checkered floor, with a napkin dispenser prominently displayed on the counter, stamped with the phrase "Eat More Pie" in bold, playful lettering. +A panoramic view of a desert canyon, with ancient rock carvings etched into the reddish-brown stone. In the center, the inscription "Gold Rush Trail 1849" is clearly visible, surrounded by sun-bleached sand and rugged cliffs. +A realistic photograph of a gym locker room with a clear sign that reads "Shower Area East" hanging above a row of lockers, the tiles are clean and the lighting is bright, creating a modern and hygienic atmosphere. +A medieval knight stands proudly, his sword raised. The blade, engraved with "Honor Above All", glints in the sunlight, reflecting his unwavering resolve. The knight's armor is polished, and his cloak flows dramatically in the wind. +A cute piggy, with a pink snout and curly tail, proudly holding a hand-painted sign that says "handsome" in bold letters, standing in a sunny meadow with a cheerful smile. +A delivery truck parked on a city street, its side panel prominently displaying the text "Fragile Handle With Care" in bold letters, with packages stacked neatly in the background. +A gym water bottle with "Hydrate or Diedrate" sits on a workout bench, surrounded by dumbbells and a yoga mat, with a fitness enthusiast taking a sip, capturing the essence of a vibrant, active lifestyle. +A serene camping scene with a detailed compass dial prominently displayed, pointing to "True North". The compass is surrounded by a lush forest, with a tent and campfire in the background, capturing the essence of outdoor adventure. +A bustling city street with a cozy bookstore featuring a large window display prominently labeled "Bestsellers Section", showcasing a variety of popular books with vibrant covers, surrounded by elegant shelving and soft, warm lighting. +A realistic photograph of the entrance to a concert venue, with a large, metal gate closed and a prominent "Tickets Sold Out" notice attached, under a twilight sky. +A close-up of an airport baggage tag, prominently displaying the text "Fragile Lunar Rocks Inside", with a detailed texture of the tag and a subtle background of conveyor belts and suitcases. +A superhero stands proudly, the chest emblem on their sleek, form-fitting costume shaped like the "ƒx" calculus symbol, gleaming under the city lights. The night sky behind them is dark, with only a few stars twinkling, emphasizing the hero's bold and mysterious presence. +A vintage leather journal with intricate embossing that reads "Secrets of the Cosmos", set against a backdrop of a starry night sky, with the moon casting a gentle glow over the detailed text and the rich, worn texture of the leather. +A superhero stands heroically against a city skyline at sunset, their cape billowing in the wind. The cape is intricately embroidered with the phrase "Justice or Bust" in bold, vibrant letters. The scene captures the essence of vigilante justice and determination. +A realistic hospital room with a patient's IV bag hanging on a stand, clearly labeled "Liquid Courage Drip". Soft lighting and a calm atmosphere, with medical equipment subtly in the background. +Inside a sleek spaceship cockpit, the main screen blinks "Hyperdrive Ready" in neon blue, surrounded by illuminated control panels and futuristic interfaces, casting a soft glow on the pilot's focused face. +A realistic photograph of a deserted street with a zombie evacuation route sign pointing "Brains 5 Miles" amidst overgrown weeds and cracked pavement, under a dim, overcast sky. +A marathon runner, wearing a shirt with the bib "Race 2023" pinned on, is captured mid-stride on a city street, with cheering spectators lining the route and skyscrapers towering in the background. +A bustling city street at dusk, with a digital billboard cycling through an advertisement that reads "Visit Sunny California", casting a vibrant glow over the urban landscape, pedestrians, and vehicles below. +A gritty urban scene featuring a brick wall covered in vibrant graffiti. The central message, "Revolution Now", stands out in bold, spray-painted letters, reflecting the raw energy and urgency of the message. +A serene landscape featuring a majestic mountain, with the crossword clue "7 Letters for Mountain" prominently displayed on a rustic wooden signpost at the base, surrounded by wildflowers and a clear blue sky. +A realistic photograph of a hospital wristband worn on a patient's wrist, with the clear text "Room 407" printed on it, set against a neutral background. +A sleek, futuristic alien spaceship console with blinking lights and a large, red display reading "Earth Invasion Active" in glowing letters, set against the dark, technological interior of the ship. +A street musician plays his guitar on a bustling city sidewalk, his case open before him with a sign that reads "Tips Welcome Thank You", surrounded by curious onlookers and the ambient city life. +A close-up photograph of a hotel key card sleeve, elegantly printed with "Welcome Guest Enjoy Stay", placed on a modern, sleek countertop with a subtle wood grain texture, reflecting a warm and inviting ambiance. +A high-resolution photograph of a laboratory flask on a white background, with a clear, readable label that says "Handle With Care" in bold, black text. The flask is partially filled with a glowing blue liquid, reflecting a soft light. +A vast desert highway stretches under a clear blue sky, with a lone billboard standing tall, boldly stating "Last Gas for 100 Lightyears". The scene is desolate, with a few distant dunes and a road that seems to go on forever. +A detailed beach scene with a sandcastle featuring a small flag that reads "King of the Beach", surrounded by seashells and footprints, under a sunny sky with gentle waves in the background. +A vibrant, realistic photograph of a DIY workshop manual cover titled "Build It Yourself", featuring a rustic wooden background, tools scattered around, and a pair of hands holding a hammer, with the title prominently displayed in bold, modern font. +A high-tech robot with a sleek metallic chest plate, prominently displaying the text "System Override" in bold, glowing letters, set against a futuristic cityscape at dusk. +A detailed hiking trailhead map for "Summit 2 Miles", featuring elevation details, winding paths, and natural landmarks, set against a backdrop of lush forest and distant mountains. +A close-up of a chalk bag tagged "Grip Tight" hanging from a carabiner on a climbing harness, with a textured, slightly used surface and a subtle trail of chalk dust beneath it. +A vintage farmer's almanac cover for "2024 Weather Predictions", featuring a rustic wooden table with a weathered almanac book, a vintage compass, and a quill pen, surrounded by autumn leaves and a serene countryside background. +A bustling city street with a tour bus parked at the curb, featuring a vibrant side advertisement that reads "Explore Europe Now" in bold, colorful letters, surrounded by images of iconic European landmarks. +Retro diner scene with a vintage menu board prominently displaying "Atomic Burger 999", neon lights, and 1950s decor. The board is slightly weathered, with a classic car parked outside under a starry night sky. +An astronaut in a detailed spacesuit stands against the backdrop of a distant Earth, the helmet visor displaying a warning message "O2 Low" in glowing red letters, emphasizing the urgency of the situation. +A cozy front porch with a rustic wooden bench, surrounded by blooming flowers and greenery. At the entrance, a welcome mat with the text "Wipe Your Paws" in elegant script, partially obscured by the shadows of the overhanging plants. +A cozy medieval tavern interior, dimly lit by flickering candles. On an old, wooden board, a menu is carved with "Mead, Mystery Stew, 2gp". Patrons in rustic clothing chat animatedly, and a hearth fire crackles in the background. +A sleek, modern dossier cover with a metallic finish, featuring the title "Operation Midnight Sun" in bold, futuristic font. The background subtly displays a night sky with a faint, eerie glow, hinting at the operation's mysterious nature. +An ancient stone tablet, weathered by time, stands in a dimly lit forest clearing. Moss clings to its rugged surface, where the warning "Beware the Flood Moon" is intricately carved. The moonlight casts eerie shadows, enhancing the tablet's ominous message. +A futuristic moon base with an airlock panel displaying a critical alert, "Oxygen Hope Low", under a stark lunar landscape, illuminated by the Earth hanging in the dark sky. +A hauntingly elegant mansion portrait, with eerie, moving eyes that follow your gaze and a weathered plaque beneath reading "Mr Boo 1789", set against a twilight sky, capturing the unsettling atmosphere of a bygone era. +A dimly lit, gothic room with a large, ornate coffin at its center. On the coffin's lid, a silver plaque reads "Do Not Disturb Day" in elegant script. Shadows dance on the walls, and a single candle flickers nearby, casting an eerie glow. +A nighttime scene at a highway truck stop, with a neon sign buzzing "Eat Here Get Gas" illuminated against the dark sky, casting a vibrant glow over the parking lot and the few parked trucks. +A deep-sea submarine with a rusted hatch, prominently displaying a warning sign that reads "Do Not Open Until 2050", surrounded by bioluminescent creatures in the dark ocean depths. +A close-up photograph of a hospital wristband worn on a patient's wrist, clearly displaying the identification text "Patient X321" against a sterile, white hospital background. +A bustling farmer’s market scene with a rustic wooden stand. A charming chalkboard sign reads "Fresh Eggs 3 Dozen" amidst an array of colorful, fresh produce. Sunlight filters through the canopy, casting warm, golden hues on the vibrant market. +A majestic Viking longship sails across a serene sea at sunset, its sail emblazoned with the words "Valhalla Bound" in ancient runes. The ship's dragon-headed prow cuts through the waves, while warriors in helmets stand proudly on deck, their shields gleaming in the fading light. +A majestic pirate ship sails the open sea, its black sails emblazoned with the iconic words "Queen Anne's Revenge" in bold, white letters. The ship cuts through rolling waves, its weathered deck and rigging testament to countless voyages. +A realistic photograph of a restaurant bathroom, featuring a mirror with a decal that reads "You Look Tired. Go Home", reflecting a slightly disheveled patron standing in front of it. The bathroom is modern and clean, with sleek fixtures and soft lighting. +A close-up of a vintage library stamp inside an old, worn book, prominently displaying the text "Return By Dec 31", with the rustic texture of aged paper and the faded ink of the stamp. +An art gallery plaque, elegantly mounted beside a large painting titled "Sunset Over Mountains", featuring a vivid sunset casting golden hues over rugged mountain peaks, with soft shadows deepening in the valleys. +A mysterious carnival fortune teller's tent, with a vintage wooden sign hanging above the entrance that reads "Know Your Future Terms Apply", surrounded by flickering lanterns and a crowd of curious onlookers. +A close-up of a pharmacy label with clear instructions "Take Two Daily" on a white background, surrounded by various pills and a glass of water, emphasizing the medical and instructional aspect of the scene. +In a bustling supermarket, a grocery aisle features a shelf tag prominently displaying "Dragon Eggs 799/dozen". Shoppers browse the colorful, egg-shaped products, each with intricate, shimmering patterns, arranged neatly on the shelves. The scene is vibrant and slightly surreal, blending everyday realism with a touch of fantasy. +A realistic book cover for a spy gadget manual, featuring the title "Top Secret Instructions" in bold, with a sleek, metallic background and subtle, high-tech icons scattered around, giving it a covert and sophisticated look. +A scientist in a lab coat, with a name tag clearly labeled "Dr Quantum", stands amidst high-tech laboratory equipment, surrounded by glowing screens and intricate machinery, reflecting a blend of futuristic and contemporary scientific research settings. +A cozy coffee shop interior, warm lighting, wooden tables, and a customer holding a loyalty card that reads "12th Coffee Free", with a barista smiling in the background, preparing a fresh cup of coffee. +A cozy living room decorated for Christmas, with a fireplace and a tree adorned with lights and ornaments. On the tree, a special ornament reads "Baby's First Christmas", glowing softly under the warm, festive lights. +A charming bakery window with a vintage wooden sign proudly announcing "Fresh Croissants Daily", surrounded by a display of golden, flaky croissants and pastries, with soft morning light filtering through the window, creating a warm and inviting atmosphere. +An antique map with faded edges, detailed illustrations of old sailing ships and mythical creatures, and a prominent label reading "Here Be Dragons" in elegant, archaic script, set against a backdrop of parchment textured with age and wear. +A hot air balloon at sunrise, with a woven basket featuring a wooden sign that reads "Enjoy the Ride" in elegant cursive, set against a backdrop of rolling hills and a sky painted in warm oranges and pinks. +A vibrant amusement park scene with a rollercoaster safety sign that reads "Scream Loudly for Good Luck" prominently displayed, surrounded by colorful lights and excited park-goers. +Retro diner scene with a vintage menu board prominently displaying "Meatloaf Thursday" special, neon lights flickering softly, and a classic jukebox in the corner. +A fantasy potion bottle, intricately designed with ancient runes, labeled "Dragons Breath Elixir", sitting on a wooden table, illuminated by the soft glow of a nearby candle, with a wispy trail of smoke emanating from the bottle's mouth. +A tailor meticulously measures a client with a measuring tape labeled "Perfect Fit", ensuring precision in a cozy, well-lit studio filled with fabrics and sewing tools. +A ghostly ship sails through the mist, its weathered hull painted with the ominous words "Beware the Fog". The eerie scene is bathed in a pale, moonlit glow, enhancing the spectral atmosphere of the abandoned vessel. +A vintage camera strap, intricately engraved with the words "Capture the Moment", draped over an old wooden desk beside a stack of faded photographs and a classic film camera. +An ancient, weathered scroll partially unfurled, revealing the intricate seal "Royal Decree 1327" embossed in red wax, set against a backdrop of worn parchment and fading ink. +A neon sign in vibrant colors reads "Art Now Open" above the entrance of a modern art gallery, set against a backdrop of a bustling city street at night, with pedestrians passing by. +A realistic photograph of a bridge pillar featuring vibrant graffiti that spells "City Lights 2024", set against the backdrop of a bustling urban night scene with illuminated city lights reflecting in the water below. +A bustling factory interior with a long conveyor belt moving through the scene. Products on the belt are marked with a clear "Quality Checked" stamp, emphasizing the attention to detail and efficiency in the production process. +A dimly lit prison cell with graffiti on the wall, reading "Innocent" in bold, scratched letters. The cell is old, with rusted bars and a cracked stone floor, emphasizing the desperate and somber atmosphere. +A highway billboard with a striking, bold font advertising "Regret Removal Services" stands prominently against a clear blue sky, catching the attention of passing drivers. The billboard's modern design and vibrant colors make it a focal point on the busy road. +A close-up shot of a sleek, modern digital thermometer with a clear, backlit display showing the temperature reading "986F Normal" against a soft, neutral background. +A diver, equipped with an oxygen tank labeled "Deep Sea Explorer", explores a vibrant coral reef, surrounded by schools of colorful fish, sunlight filtering through the water, creating a serene and adventurous underwater scene. +A bustling urban street at dusk, with a large digital billboard scrolling the message "Traffic Ahead Slow Down" in vibrant, attention-grabbing colors, reflecting off the wet pavement and illuminated storefronts. +A crime scene photo of a detective examining a room, with a red circle and the text "Hes Sus AF" prominently displayed, highlighting a suspicious character in the background. +A majestic unicorn with a shimmering white coat, standing in a misty forest clearing, its saddle intricately embroidered with the words "Magical Ride Ahead" in sparkling thread, under a canopy of glowing trees. +A ship captain stands on the deck at sunset, holding a logbook open to a page that reads, "Lost But Making Good Time", the ship sailing through stormy seas with a determined look on his face. +A futuristic setting where a sleek, metallic robot stands against a backdrop of neon lights and urban skyline, its chest plate prominently displaying "Service Unit XJ9" in bold, illuminated text. +A realistic smartphone screen displaying "98 Charged" with a sleek, modern interface. The phone is placed on a dark, minimalist background, highlighting the vibrant colors and clarity of the screen. +A highway tollbooth with a sign hanging above it, clearly displaying the text "Exact Change Only" in bold letters, set against the backdrop of a busy road with cars passing by. +A vibrant karaoke room with a large screen displaying the lyrics "Sweet Caroline" in bright, dynamic colors. The atmosphere is lively, with soft lighting and a crowd clapping along to the music, capturing the essence of a joyful sing-along. +Drops of pastel rainbow colored paint explosively scatter under water, forming the letters "color" against a smooth, pastel rainbow gradient background. +A realistic photo of a rabbit sipping coffee from a vintage mug and reading a book titled "William", seated at a rustic wooden table with a cozy, warm lamp casting a soft glow over the scene. +An antique globe in a vintage library, with a label reading "Here Be Tax Audits" near the uncharted territories, surrounded by old books and maps, casting a soft, warm glow from a nearby lamp. +A fierce, fire-breathing dragon tattoo wrapped around a muscular arm, with smoke curling up and flames licking the skin. The tattoo reads "Handle With Fire" in bold, fiery letters, adding to the intense, dangerous aura of the design. +A vibrant candy wrapper design featuring swirling, colorful text "Sweet Tooth Delight" against a backdrop of playful patterns and sweet motifs, encapsulating the essence of sugary delight and whimsical fun. +A mermaid with flowing seaweed hair and a shimmering tail, wearing a seashell necklace inscribed "Oceans Song", swims gracefully through crystal-clear waters, surrounded by colorful fish and coral. +A vibrant urban alley featuring a graffiti wall spray-painted with "Revolution Now", surrounded by discarded flyers and posters, capturing the raw energy and rebellion of the street art movement. +A realistic weather forecast TV graphic displaying "Storm Warning Active", with a dynamic, swirling storm cloud background and flashing yellow alerts, emphasizing the urgency and severity of the warning. +A yoga studio with a serene atmosphere, a yoga mat on the floor with a clear imprint reading "Breathe In Peace", surrounded by gentle morning light streaming through large windows, creating a calming ambiance. +A group of zombies gather in a dimly lit, foggy urban street, holding a protest sign that reads "Brains Need Union Benefits". The scene is set at dusk, with the zombies dressed in tattered clothes, their faces pale and decaying, under the glow of old street lamps. +A street musician sits on a bustling city sidewalk, his guitar resting against his leg. In front of him, a worn guitar case lies open, displaying a hand-painted sign that reads "Play for Tips". Passersby glance curiously, some dropping coins into the case. +A close-up of a vintage, leather-bound diary with a worn, faded cover. The page is turned to a handwritten entry that reads, "DO NOT READ EVER", with a delicate, old-fashioned pen resting on the open page. +A futuristic spaceship docked in a space station, with intricate graffiti on its hull in an alien script that clearly translates to "Wash Me", reflecting the humorous yet alien nature of the message. +A realistic photograph of an orange traffic barrel marked "Road Closed Use Detour" placed on a wet, asphalt road during a rainy evening, with the barrel's reflective strips glowing under the headlights of passing cars. +A vibrant TV show poster titled "Straight Hair at Nineteen", featuring a young woman with sleek, straight hair standing confidently in a modern cityscape. The backdrop includes neon lights and skyscrapers, emphasizing the urban setting and the show's contemporary theme. +A realistic office scene with a monitor displaying a subtle screensaver. A yellow sticky note is prominently placed on the top right corner of the monitor, clearly saying "Meeting at 3 PM". The desk is neatly organized, with a few pens and a notepad. +A professional therapist's desk with a sleek, modern office setting. A business card prominently displays the text "Imposter Syndrome Specialist" next to a subtle, elegant logo. Soft, warm lighting enhances the welcoming and confidential atmosphere. +A close-up of a smartphone screen with a notification bubble displaying "3 New Messages", set against a blurred background of a cozy living room, capturing the essence of a quiet, everyday moment. +A dimly lit submarine control room with the depth gauge prominently displaying "200 Fathoms", blinking in a rhythmic pattern, while the crew monitors various instruments, reflecting a tense atmosphere. +A bustling toy store with a vibrant sign that boldly declares "Fun Zone", surrounded by a colorful array of toys and playful characters, under a sunny sky. +A vast, serene cornfield at dusk, where an intricate alien crop circle has formed, spelling "Send Tacos" in a mysterious, glowing pattern. The sky is tinged with orange and purple, and a lone farmer stands in awe, silhouetted against the horizon. +A close-up of a vintage watch face, intricately detailed with Roman numerals, displaying the time as "3 45 PM" in a classic, elegant font. The watch is set against a soft, blurred background, emphasizing the timeless elegance of the timepiece. +A vibrant TV show poster for "Mayday", featuring a neon-lit cityscape at night with a live band on stage, surrounded by enthusiastic fans and glowing lights, capturing the energy and excitement of a major concert event. +A nostalgic retro video game cartridge, vividly colored with pixel art, labeled "Press Start to Adult" in bold, playful font, set against a vintage gaming console backdrop. +A high-resolution photograph of an elegant elevator button panel, featuring a row of numbered buttons with the top button distinctly labeled "Penthouse", set against a backdrop of luxurious, polished metal. +A vibrant concert poster for the "Sold Out Stadium Tour", featuring dynamic lighting, a cheering crowd, and silhouettes of musicians on stage, set against a backdrop of a packed stadium at night. +A close-up of a leather journal with an elegantly embossed title, "Private Thoughts", placed on a rustic wooden table, illuminated by the warm glow of a nearby lamp, surrounded by scattered autumn leaves. +A dark, mystical laboratory with shelves lined with ancient tomes and glowing vials. In the center, a glowing, emerald-green potion bottle labeled "DRAGON BREATH ELIXIR" emits a swirling, fiery mist. +A detailed close-up of a dragon rider's leather jacket, showcasing an intricately embroidered patch that reads "License to Burninate" in bold, fiery letters, surrounded by swirling flames and a majestic dragon in mid-flight. +A beautifully crafted birthday cake with intricate frosting designs, featuring "Happy 30th Birthday" piped elegantly in the center, surrounded by colorful candles and set against a warm, celebratory background. +A close-up of ancient, gnarled tree bark, deeply etched with the words "The Forest Watches", surrounded by moss and fallen leaves, captured in a realistic photographic style. +A fierce dragon soars through a sky ablaze with sunset hues, its rider proudly displaying a license plate that reads "FLAME ON", reflecting the fiery spirit of their adventurous journey. +A realistic classroom setting with a large periodic table on the wall. The table includes a newly added element, "Lolium", highlighted and labeled with its atomic number and symbol, catching the attention of students. +A vibrant music festival scene with a crowd enjoying the performance, focusing on a person's wrist with a wristband printed "VIP Access All Areas", under the glow of stage lights. +A high-resolution screen displays the software loading screen message "Initializing System" in sleek, modern font against a minimalist, gradient background, with subtle animated progress bars and loading indicators. +A high-tech spaceship airlock control panel glowing with a vivid "Pressurizing" sign, surrounded by sleek, futuristic interfaces and illuminated screens, set against the cool, metallic interior of the spacecraft. +A scientist in a lab, wearing a white lab coat with a badge clearly visible on the chest, stating "Dr Genius PhD". The lab is filled with high-tech equipment and glowing screens, emphasizing the advanced nature of the research. +A vast desert canyon with towering red rock formations, a small signpost reads "Yell Echo for Surprise" near a sandy trail. The scene is bathed in the warm light of a setting sun, casting long shadows and highlighting the rugged terrain. +A eerie, dimly lit room with wallpaper displaying a repeating pattern of a haunted dollhouse, reminiscent of the unsettling aesthetic from the film "Get Out", casting shadows that seem to move on their own. +A prehistoric cave wall painting, roughly textured and shaded with natural pigments, depicts a scene of ancient hunters gathering around a central point, their figures dynamic and engaged. The painting is titled "Hunters Gather Here". +A realistic photograph of a hospital nursery door, with a clear sign that reads "Newborn Care" in bold letters, set against a clean, modern hospital corridor with soft lighting and a gentle, welcoming atmosphere. +A carnival ride entrance with a colorful, retro sign that reads "Must Be This Tall", featuring a measuring marker next to a joyful, animated mascot. The scene is bustling with excited children and patient parents, captured in a vibrant, realistic photographic style. +In a dimly lit room, a sleek, futuristic spy gadget emits a pulsing blue light, its screen displaying the words "Mission Improbable" in bold, white letters, surrounded by high-tech circuitry and controls. +In a modern art gallery, a sleek plaque beside a striking abstract painting reads "Untitled 42 2023". The plaque's clean, minimalist design contrasts with the vibrant, chaotic strokes of the artwork, highlighting its enigmatic allure. +A realistic classroom scene with a large world map on the wall, prominently labeled "Pacific Ocean", students sitting at desks, and a teacher pointing to the map with a pointer. +A vivid ocean scene with vibrant coral reefs and diverse marine life, featuring a bold text overlay: "Protect Our Reefs". The poster highlights the importance of ocean conservation, with clear blue waters and rays of sunlight piercing through the waves. +A close-up of a pet collar tag, made of brass, engraved with "If Lost Call 555 1234", lying on a wooden table with a soft, diffuse light highlighting its intricate details and texture. +A close-up of a coffee roaster label, prominently displaying "Dark Matter Blend" in bold, elegant typography. The label features a deep, starry night sky with a subtle galaxy swirl, symbolizing the dark matter, set against a rich, dark background. +A realistic photograph of a science lab, sealed off with yellow caution tape printed in bold black letters, "Biohazard - Do Not Enter", warning against entry. The lab equipment is visible through a glass door, creating a tense, sterile atmosphere. +A close-up of a golden plaque mounted on a futuristic space probe, intricately engraved with the message "Send Crypto" in bold, reflective letters, set against the backdrop of a distant, star-filled galaxy. +A time traveler stands in an ancient Roman marketplace, their modern wristwatch prominently displaying "BC 2023" amidst the classical architecture and bustling crowd, capturing a moment where past and future collide. +A bustling urban street at twilight, with a large digital highway billboard prominently displaying the message "Big Sale 50% Off" in vibrant, eye-catching colors, surrounded by the glow of city lights and passing cars. +A detailed amusement park map with vibrant colors and playful fonts, clearly indicating "Rollercoaster This Way" with an arrow pointing towards the rollercoaster, surrounded by other attractions and pathways. +A realistic photograph of a spaceship's control panel, with red lights flashing and a digital display warning "Oxygen Levels Critical", set against the backdrop of a dimly lit, futuristic cockpit. +A vibrant TV show poster with the bold text "Only the Strong" prominently displayed, set against a gritty urban backdrop with neon lights and shadows, capturing the intense and dramatic atmosphere of the series. +A gardener, surrounded by lush, vibrant flowers, holds a vintage watering can marked "Plant Tears" with a serene expression, as droplets gently fall onto the foliage, creating a tranquil, harmonious scene in a sunlit garden. +A cozy lemonade stand with a wooden sign painted "50 Cup Mom's Recipe" hanging above, surrounded by vibrant yellow lemons and cheerful customers. The scene is set on a sunny afternoon, capturing the essence of a warm, inviting neighborhood. +A sushi chef preparing fresh sushi, wearing a white headband with the phrase "Raw Talent Only" prominently displayed, in a modern, sleek kitchen with a wooden cutting board and stainless steel appliances in the background. +A futuristic spaceship with its hull painted in sleek, metallic lettering that reads "Mars or Bust", set against the backdrop of a star-studded universe, ready for an interstellar journey. +A realistic photograph of an airport baggage tag, prominently marked with "Handle with Chaos", lying on a conveyor belt amidst other tags, with a slightly cluttered background of luggage and airport signage. +A realistic classroom scene with a periodic table poster prominently displayed on the wall, highlighting "Element Au" with a golden glow, surrounded by attentive students and educational charts. +A close-up of a chocolate bar wrapper, with the words "Pure Indulgence" appearing as if they are melting, creating a surreal and visually captivating effect. The background is a soft, blurred texture to emphasize the wrapper's detail. +An astronaut in a detailed spacesuit, standing on a lunar surface, with their helmet visor reflecting the message "Oxygen Low" in vivid red holograms, under a stark, star-filled sky. +A casual university hoodie featuring the emblematic logo "State University 1890" prominently displayed on the front, worn by a student sitting on a bench in a sunlit campus quad, surrounded by blooming trees and historic brick buildings. +A weathered wanted poster hangs on a wooden signpost in a dusty, old Western town. The headline reads, "10000 Reward Alive Only". A sheriff's star is pinned below the text, and the poster shows a faded, stern portrait of the outlaw. +A dragon's treasure hoard, gleaming with ancient gold coins, each stamped with "DragonBank 1000 GP", scattered amidst a sea of jewels and precious artifacts, bathed in the warm, mystical light of glowing crystals. +A rustic weather vane atop a weathered barn, its arrow pointing to "Storm Coming" against a dark, brooding sky with rolling clouds and a distant bolt of lightning. The scene captures the ominous anticipation of an approaching storm in the countryside. +A museum exhibit featuring a dinosaur fossil with a modern, sleek display plaque that reads: "Extinct Press X to Doubt". The plaque has a minimalist design with a digital interface, set against a backdrop of a dimly lit, futuristic gallery. +A red traffic sign stands at a bustling intersection, prominently displaying "Stop Here" in bold white letters, with cars queued up and a cityscape backdrop. +A detailed forest trail map, humorously marked with "Beware of Trolls", set against a backdrop of dense, misty woods, with playful, whimsical illustrations of trolls lurking around the edges. +A wizard gazes into a crystal ball, where foggy, swirling text reads "Answer Unclear", set against a dimly lit, mystical backdrop. +A realistic classroom scene with students focused on a quiz. The whiteboard in the background reads "Question 10" prominently. Desks are neatly arranged, and students are writing intently, some with furrowed brows, emphasizing the seriousness of the quiz. +A realistic photograph of a birthday cake with icing that spells "30 Never". The numbers are beginning to collapse, creating a slightly messy but charming effect, with candles still standing tall and a soft, warm lighting highlighting the scene. +A vintage movie poster titled "Bury My Heart at Wounded Knee", featuring a somber landscape of the Wounded Knee Creek with a lone Native American figure in traditional attire standing against a backdrop of rolling hills and a setting sun, encapsulating the historical tragedy and emotional weight of the event. +A rustic farmer’s barn with a weathered wooden sign painted "Fresh Eggs Sold Here" stands against a backdrop of golden fields, with a few chickens pecking around the base of the barn. +A realistic photograph of an airport security checkpoint, featuring a prominent sign that reads "No Liquids Over 100ml", surrounded by travelers and security personnel. The sign is clear and visible, with a modern, official design. +A wizard's ancient, mist-filled crystal ball, with the engraving "Future Not Included" clearly visible on its base, set against a backdrop of a mystical, dimly lit library filled with arcane books and glowing candles. +"lauper" generative art featuring sticky smoke composed of dots flowing like rivers, set against a pristine white background, blending graphic design elements with a surreal, artistic touch. +A realistic photograph of a gym locker room, with a mirror reflecting the tiled walls and metal lockers. The mirror features vibrant graffiti in bold letters: "You Got This", adding a motivational touch to the scene. +A bustling city street at dusk, with a large digital billboard prominently displaying the message "Traffic Ahead Use Caution" in bold, illuminated letters, reflecting off the wet pavement from a recent rain. Pedestrians and vehicles are seen navigating the busy intersection. +A weathered lighthouse tower stands on a rocky cliff, with a clear sign that reads "Dangerous Reefs Ahead" warning sailors of the perilous waters below. The scene is bathed in the golden light of a setting sun, casting long shadows and highlighting the rugged coastline. +A modern ambulance parked on a city street, with its side adorned with a bold decal stating "Emergency Response Unit", reflecting the vehicle's critical role in urban emergency services. +A dimly lit, eerie doorway of an old, decrepit haunted house, with the ominous engraving "Abandon Hope All Ye" above the entrance, surrounded by twisted vines and shadows that seem to whisper secrets of the past. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Knead to Succeed", surrounded by fresh bread and pastries. Warm lighting and wooden surfaces enhance the inviting atmosphere. +A realistic photograph of an ATM screen displaying the warning "Insufficient Funds", set in a dimly lit urban alley at night, with raindrops visible on the screen and a puddle reflecting the neon lights nearby. +A sleek, futuristic spaceship with its exterior hull prominently marked "Galaxy Explorer IV" glides through the vastness of space, its metallic surface reflecting distant starlight. +A realistic photograph of a modern computer lab with a vibrant poster on the wall that reads "Code Responsibly", surrounded by sleek desktops and students coding intently. +A weathered pirate map with an X marking "Treasure Cove", surrounded by intricate illustrations of ships, compass roses, and mythical sea creatures, all under the glow of a setting sun. +A purple flower with a golden crown perched on its head, and a whimsical speech bubble floating beside it that says, "I am the purple flower!" in elegant script, set against a soft, natural background. +A food truck parked on a bustling street corner, its side panel proudly displaying "Grilled Cheese Paradise" in vibrant, eye-catching lettering. Steam rises from a window, hinting at the delicious sandwiches inside, while hungry customers queue up, eager to taste the culinary delights. +A bustling farmer’s market with a wooden stand displaying a hand-painted sign that reads "Organic Apples", surrounded by baskets of fresh, vibrant apples and cheerful shoppers. +A bustling restaurant with a "Wait to Be Seated" stand prominently displayed, surrounded by eager diners and bustling staff. Warm lighting and vibrant decor enhance the lively atmosphere, capturing the essence of a busy evening in a popular eatery. +A roadside stand with a wooden sign that reads "Fresh Strawberries 5 Bucks", surrounded by baskets of vibrant, red strawberries. The scene is set on a sunny day, with a clear blue sky and a few fluffy clouds, emphasizing the freshness and appeal of the produce. +A weathered stone tablet stands by the calm sea, its surface engraved with "Beidaihe", the characters worn by the elements but still legible, surrounded by seashells and seaweed. +A high-resolution photograph of a "Do Not Lean" warning sign affixed beneath a sleek, transparent glass railing of an observation deck, set against a backdrop of a sprawling cityscape at dusk. +A close-up of an antique pocket watch with intricate gears, the engraving "Dont Change 2020" clearly visible on its silver surface, set against a vintage, worn leather background. +A realistic photograph of a tax form with a line item clearly labeled "Imagination Tax 999", set on a cluttered desk with a pen and calculator nearby, under a soft desk lamp. +A realistic urban scene featuring graffiti on a bridge pillar, prominently spelling "Revolution Now" in bold, vibrant colors, with the cityscape and passing traffic in the background. +A vintage arcade cabinet with colorful neon lights, prominently displaying "Insert Coin to Save World" on its screen, set in a dimly lit, nostalgic game room with classic game posters on the walls. +A detailed ice sculpture at a grand gala, intricately etched with the words "Winter Wonderland", illuminated by soft, colored lights, surrounded by elegantly dressed guests in a frosty, atmospheric setting. +A detailed close-up of a spacesuit forearm, featuring a digital display that reads "OXYGEN 98 STABLE", set against the backdrop of a futuristic space station. The display is illuminated, highlighting the sleek design of the spacesuit. +A realistic photograph of a coffee cup with a sleeve branded "BrewTal Honesty Inside", set on a wooden table, with a light background and a subtle coffee spill on the table, enhancing the authentic feel of the scene. +A city street at night, a yellow taxi cruising with its rooftop light brightly displaying "Available Now" in neon, reflecting off wet pavements, with the city's skyscrapers and neon signs creating a vibrant backdrop. +A bustling farmer's market stall with a vibrant banner proudly proclaiming "Organic Produce Here", surrounded by an array of fresh, colorful vegetables and fruits, with happy shoppers browsing the selection. +A futuristic space hotel lobby with a sleek, modern design, featuring a large, illuminated sign that reads "Gravity Optional" in bold, glowing letters, set against the backdrop of a star-filled universe visible through large windows. +A detailed science fair poster with the heading "Volcano Experiment", featuring a vibrant, erupting volcano model in the center, surrounded by labeled diagrams and information about volcanic processes, with a backdrop of a classroom setting. +A nostalgic vintage diner scene with a classic menu board prominently displaying "Daily Special 999" in retro font, surrounded by 1950s-style decor, including checkered floors and chrome countertops. +A vibrant, graffiti-style skateboard deck with the word "Rebel" in bold, striking letters, set against a urban backdrop with spray paint cans and a gritty cityscape in the background. +A realistic photograph of a traffic cone with a clear "Road Work" imprint, set against a backdrop of a bustling city street under construction, with workers in hi-visibility vests and construction vehicles in the background. +A vast desert landscape with a shimmering heat haze, featuring a weathered billboard standing tall: "Free Water Tomorrow". The sun is setting, casting long shadows and a warm, golden light over the scene, enhancing the mirage effect. +A vintage circus tent banner, worn and faded, proudly announcing "Worlds Strongest Man" in bold, ornate letters, flapping gently in a nostalgic breeze, surrounded by the warm, golden light of a setting sun. +A carnival barker stands under a vintage sign that reads, "See the Two-Headed Politician", his hand gesturing dramatically towards a tent, illuminated by colorful lights and surrounded by a curious crowd. +A cruise ship cabin door with a "Do Not Disturb" sign hanging from the handle, set against the backdrop of a serene ocean and clear blue sky. +A mysterious alien plant species, tagged with a warning sign that reads "Do Not Water After Midnight", sits in a dimly lit greenhouse, its bioluminescent leaves casting an eerie glow on the surrounding fog. +A realistic photograph of a coffee cup with a sleeve that prominently displays the warning "Caution Hot Contents", sitting on a wooden table, with a light steam rising from the cup, creating a cozy and warm atmosphere. +A rustic bakery scene with a baker holding a bread bag stamped "Contains Gluten Hope", surrounded by loaves of freshly baked bread on wooden shelves, warm lighting, and a cozy, inviting atmosphere. +A vintage typewriter on a wooden desk, paper stuck mid-sentence with "Roses are red" visible, surrounded by scattered rose petals and old books, under a soft, warm lamp light. +A weathered treasure map parchment, crinkled and stained, with "X Marks The Spot" prominently marked in bold, faded ink, surrounded by intricate drawings of old ships and distant islands, under a beam of sunlight filtering through ancient trees. +A vintage book cover with an antique, leather-bound appearance, featuring the title "Mystery of the Lost Code" embossed in gold letters, set against a background of old, weathered pages. +A movie poster with "Coming Soon" boldly stamped over the release date, set against a dramatic backdrop of a bustling cityscape at sunset, with vibrant colors and dynamic lighting to emphasize the anticipation and excitement. +A vibrant TV show poster with the text "SEE YOU AROUND" prominently displayed, set against a backdrop of a bustling cityscape at sunset, with neon lights and towering skyscrapers. +A vintage T-shirt features a bold, retro font reading "Video Game Champion 1987", set against a faded, nostalgic background with pixelated game elements floating around. +A night scene of the New York skyline, with vibrant fireworks spelling "Hello World" across the dark sky, illuminating the iconic cityscape. +In an ancient, dimly lit cavern, a massive dragon coils protectively around a treasure chest labeled "401k Backup Plan", its scales shimmering in the flickering torchlight, surrounded by piles of gold and jewels. +A Viking runestone stands in a moss-covered clearing, ancient runes intricately carved into the stone reading "WiFi Password Valhalla123", blending old Norse craftsmanship with modern technology. +A carnival ticket booth at dusk, with a vintage sign prominently displaying "Rides Closed After 10 PM", illuminated by warm, nostalgic lights, surrounded by colorful decorations and a few lingering visitors. +A vintage seed packet for a gardener, featuring an illustration of a plant with a face expressing "Mood Blooming Annoyed", set against a backdrop of floral patterns and gardening tools. +Aerial view of an airport runway at dusk, with the lights arranged to spell "Goodbye" in large, clear letters, casting a warm glow against the cooling evening sky. +A cozy camp tent nestled in a dense forest, with a clear label "Adventure Awaits Inside" prominently displayed on the front flap, surrounded by lush greenery and a soft, natural light filtering through the trees. +A realistic photograph of a spacesuit glove, with the palm prominently displaying the words "High Five the Moon", set against the backdrop of a lunar landscape, capturing the essence of human exploration and whimsy. +A high-tech control panel for a quantum computer, with a prominent display reading "Qubit Initialized", surrounded by intricate circuitry and glowing indicators, set in a modern, sterile laboratory. +A vintage carnival tent with a weathered sign that reads "See Real Mermaid Maybe", surrounded by twinkling fairy lights and curious onlookers in period costumes, capturing the whimsical and mysterious atmosphere of a bygone era. +A realistic gym locker room scene with a sign that reads "Shower Area" in bold letters, featuring a large, bold arrow pointing to the right. The sign is mounted on a gray wall, with tiled floors and lockers in the background. +A detailed fantasy map with a medieval aesthetic, showcasing a lush, enchanted forest. A prominent location marker points to "Elven Kingdom Here", surrounded by intricate illustrations of ancient trees, mystical creatures, and flowing rivers. +A time traveler stands in an ancient forest, wristwatch alarm displaying "Dinosaurs in 5 Minutes", as the surrounding foliage begins to tremble, hinting at the imminent arrival of prehistoric creatures. +Retro diner scene with a vintage menu board prominently displaying "Milkshakes Cure Everything", surrounded by 1950s-style decor, including chrome stools and a black-and-white checkered floor. +A classroom scene with a ruler on a wooden desk, clearly marked "Measure at Your Own Risk", surrounded by open notebooks and pencils, with sunlight streaming through a window. +A rustic farmhouse quilt, intricately embroidered with the words "Harvest Moon 1888", hangs on a wooden line, gently swaying in the autumn breeze against a backdrop of golden fields and a large, full moon rising at dusk. +A nighttime scene at an amusement park, with the grand entrance arch brightly lit, displaying the text "Funland Adventures" in colorful, glowing letters. The arch is surrounded by twinkling lights and excited visitors. +A vibrant beach towel featuring the playful text "Sun Sand No Problems" in bold, tropical colors, surrounded by whimsical illustrations of palm trees, seashells, and sunflowers, set against a bright blue and sandy yellow background. +A vibrant TV show poster titled "The Grand Highway", featuring a winding road stretching into a dramatic sunset, with silhouettes of travelers on foot and in vintage cars, set against a backdrop of majestic mountains and lush forests. +A realistic photograph of a solar panel installation manual with a bold header reading "Safety First", surrounded by safety gear like helmets and gloves, with a bright, sunny outdoor setting in the background. +A realistic gym locker room scene with a sign clearly visible, reading "Shower Area Closed", hanging on a metal door. The room is dimly lit, with a row of lockers in the background and a tiled floor. +A vintage radio, its wooden casing polished and gleaming, sits on a retro table. The dial is prominently tuned to "Frequency 999", with the glowing green numbers standing out against the creamy background. The room is dimly lit, adding to the nostalgic atmosphere. +A bustling train station with a modern digital board displaying "Next Train 1015 AM" amidst a crowd of travelers, the scene captured in a realistic photographic style with natural lighting and a slight motion blur to convey the busy atmosphere. +A bicycle with a basket featuring a tag that reads "Eco Rider", tied securely with a green ribbon, parked against a backdrop of lush green foliage in a serene park setting. +A close-up of a fantasy sword with intricate engravings, including the phrase "Blade of Eternal Flame" glowing with a fiery red light, set against a dark, mystical background. +A small, green frog standing on a lily pad, holding a hand-painted sign that says "I want to dance", surrounded by a serene pond with gentle ripples and overhanging willow branches. +A submarine porthole, encrusted with marine growth, displays an etching that reads "Depth 20000 Leagues" in elegant script, surrounded by the deep blue of the ocean, with light filtering through the water to create a mysterious and serene atmosphere. +A close-up of a detective's notepad, the page filled with frantic scribbles and notes, prominently featuring the phrase "Guilty AF" in bold, jagged handwriting, underlined multiple times. +A vibrant comic book cover titled "The Amazing Spider Kid", featuring a young, energetic superhero in a red and blue Spider-Kid suit, swinging through a cityscape at sunset, with a look of determination on his face and web lines stretching out towards the horizon. +A medieval knight on horseback, charging into battle beneath a billowing banner that reads "Victory or Death" in bold, embroidered letters, set against a backdrop of a sunlit, war-torn landscape. +A desert scene with a weathered signpost standing alone, clearly pointing and labeled "Oasis 5 Miles Back", surrounded by endless sand dunes under a scorching sun. +A realistic photograph of a robot protest, with a metallic robot holding a sign that reads "01000101 Quality Life" amidst a crowd, under a cloudy sky, with a futuristic cityscape in the background. +A lighthouse tower, painted with the warning "Beware Reefs", stands tall and resilient against the backdrop of stormy seas, its beacon shining through the turbulent night. +A neon hotel sign flickering "Vacancy" above the motel entrance, set against a dimly lit, urban night scene with a slight mist in the air, enhancing the atmospheric glow of the sign. +A coastal scene featuring a lighthouse tower, painted with the words "Safe Harbor Ahead", standing tall against a backdrop of the ocean at sunset, surrounded by rugged cliffs and seagulls soaring overhead. +A rock band's drum set, branded with "Thunderstruck Tour 2024", set up on a dark stage with vibrant stage lights casting a dramatic glow, surrounded by fog and glowing cymbals, creating an intense and energetic atmosphere. +"Authorized Personnel Only" red stencil prominently displayed on weathered metal maintenance doors, set against an industrial backdrop with faint signs of wear and rust, emphasizing the restricted access and functional nature of the setting. +Retro camper van parked by a serene lake at sunset, with a vintage aesthetic. A noticeable bumper sticker reads "Adventure or Bust" on the back of the van, reflecting the spirit of exploration and freedom. +A close-up of an old, leather-bound book with a vintage library book stamp that reads "Return By Friday", set against a warm, golden light filtering through a window, emphasizing the nostalgic and timeless feel of the scene. +A birdwatching guide holds a notebook with the "Species List Here" under a serene sky, surrounded by diverse birds perched on branches and flying overhead in a lush forest. The guide's binoculars rest around their neck, and a field guide is open on a nearby log. +A chef stands in a modern kitchen, wearing an apron printed with "Kiss the Cook", preparing a gourmet dish with fresh ingredients, surrounded by sleek, stainless steel appliances and vibrant herbs. +A dimly lit prison cell with rough stone walls, featuring a faint, hand-scratched message "I Was Here" barely visible in the dim light, casting long shadows. +A therapist's notebook lies open on a cluttered desk, the page filled with neat, cursive handwriting. The entry reads, "Patient Definitely Lying", underlined for emphasis, surrounded by notes and sketches that hint at a complex case. A pen rests mid-sentence, capturing the moment of revelation. +A superhero stands confidently, cape billowing in the wind, embroidered with the phrase "Worlds Okayest" in bold, vibrant letters. The setting sun casts a warm, golden light, highlighting the detailed embroidery and the hero's determined expression. +A bustling Tokyo street at night, illuminated by neon lights and a large digital billboard scrolling the text "Welcome to NeoShibuya", with futuristic buildings and pedestrians in the foreground. +A realistic photograph of a kitchen fridge with a hastily handwritten note saying "I'll be back at four" stuck on it with a magnet, surrounded by other magnets and a few scattered grocery receipts. +A bustling amusement park with a thrilling roller coaster at the center, prominently displaying a sign that reads "Regret Guaranteed". The vibrant colors and excited crowd contrast with the ominous warning, creating a sense of intrigue and anticipation. +A bustling city street at night, illuminated by a large digital billboard cycling through various colorful advertisements, each transitioning smoothly to the next. The final ad displays a clear message: "Drive Safely", illuminated brightly against the urban backdrop. +A serene photo of a vast dandelion field under a clear blue sky, with fluffy white seeds dancing in the gentle breeze. The image features a caption at the bottom that reads "millersville". +A cozy, dimly lit wizard's bookstore with a shelf prominently labeled "Spells for Introverts", surrounded by ancient tomes and mystical artifacts, casting a warm, ambient glow. +A dimly lit room with a security camera monitor on a desk, flashing "Motion Detected" in bright red letters, casting a subtle glow on the surrounding control equipment and walls. +A realistic classroom scene with a chalkboard featuring the equation "Solve For X" prominently displayed, surrounded by other math problems and geometric shapes, with a few students seated at desks in the foreground, capturing the essence of a focused math lesson. +A vintage comic book cover from the 1940s, featuring a bold title "Hero Saves Day" with a dynamic superhero leaping into action against a cityscape backdrop, complete with retro color tones and bold, exaggerated artwork. +A wizard's ancient, tattered scroll unfurls in a dimly lit room, revealing the text "Magic Spell Active" in glowing, arcane letters. Dust particles dance in the beam of moonlight filtering through a cracked window, adding an ethereal glow to the mystical scene. +A vintage library with wooden shelves, dimly lit by a soft, golden light. An old, leather-bound book with the title "Mystery Of The Lost City" prominently displayed on its spine, partially obscured by the shadow of a nearby lamp. +A piggy, looking drowsy with sleepy eyes, holds a sign that says "I'm going to sleep" in a cozy bedroom filled with soft pillows and blankets, under a warm, golden light. +A spy standing in a dimly lit room, holding a sleek black briefcase with the combination lock set to "000000 Change Later". The room is cluttered with old maps and surveillance equipment, adding to the secretive atmosphere. +A close-up of a weathered, leather-bound diary opened to a page that reads "Do Not Read Private" in elegant cursive, underlined with a thick, red pen, surrounded by faded, handwritten notes and small, pressed flowers. +A cheerful cereal box mascot, with a big smile and wide eyes, proudly holding a bright sign that says "Breakfast Champ" in a lively, colorful field of wheat and oats, under a sunny sky. +A majestic mountain summit with a bronze plaque engraved "Elevation Cloud Nine Level" nestled among rugged rocks, surrounded by a sea of mist and towering peaks in the distance, captured in a realistic photographic style. +A cinematic movie poster for "A Stone in the Shoe", featuring a lone hiker pausing on a rocky trail, a small stone visible under their shoe, with a backdrop of rugged mountains and a setting sun, evoking a sense of introspection and minor setbacks in life's journey. +A vibrant skateboard deck featuring the bold text "Skate Or Die Trying" in a dynamic, graffiti-style font, surrounded by energetic splashes of color and urban elements like skate wheels and broken concrete, capturing the rebellious spirit of street culture. +A vibrant circus tent banner fluttering in the wind, boldly announcing "Lion Tamer Spectacle" with intricate gold lettering against a deep red background, surrounded by excited carnival-goers and the silhouette of a lion tamer holding a whip. +A movie poster with the text "Decadent" prominently displayed, set against a backdrop of luxurious, opulent scenes featuring lavish costumes and ornate decor, evoking a sense of excess and indulgence. +A vintage theater marquee with bright, colorful lights spelling "Midnight Premiere Tonight" against a dark, starry night sky, surrounded by excited moviegoers and old-fashioned street lamps. +A vibrant T-shirt design showcasing a dynamic dinosaur performing parkour, leaping over obstacles with "Jurassic Parkour" emblazoned in bold, retro font across the chest, set against a prehistoric jungle backdrop. +A close-up of a shiny pet collar tag, intricately engraved with "Call 555 1234", lying on a soft, textured surface with natural light highlighting the detailed engraving and subtle reflections. +In a futuristic alien greenhouse, vibrant, otherworldly plants grow under neon lights. A nursery tag reads "Water With Lava Daily", warning caretakers of the unique care required. The scene is detailed, with a mix of steam and glowing lava pools. +A close-up of a vintage library book with an intricate, golden "Forbidden Footnotes" title on its spine, surrounded by other old, leather-bound books on a wooden shelf, with a soft, warm light casting a gentle glow, emphasizing the mysterious and timeless allure of the scene. +A museum exhibit featuring an elegant plaque titled "Ancient Egyptian Relics", surrounded by artifacts like intricate hieroglyphic tablets, golden amulets, and a serene stone statue of Anubis, all bathed in a soft, ambient light that highlights the historical significance of the relics. +A realistic photograph of a supermarket aisle, with a price tag prominently displayed on a shelf that reads "Air 599lb Inhale Responsibly", surrounded by various air canisters and health products. +A bustling food truck scene at a night market, with a neon-lit menu board prominently displaying "Dragon Noodles 9" among other dishes, steam rising from the truck's windows, and a line of eager customers waiting to order. +A vintage wall clock with a classic wooden frame, the face inscribed with "Time Flies" in elegant script, set against a soft, warm background with a subtle texture, capturing the essence of time's fleeting nature. +A vintage tattoo on a sailor's rugged arm, featuring an anchor intertwined with the text "Mom", set against a backdrop of sea waves and an old ship. The tattoo is detailed, with aged, slightly faded lines, capturing the timeless bond between a sailor and his mother. +A close-up of a digital barcode scanner displaying "Item Not Recognized" on its screen, with a frustrated cashier looking at the scanner in a busy supermarket, surrounded by various products on the conveyor belt. +A bustling pet store with a large, illuminated fish tank prominently labeled "Saltwater Species", filled with vibrant marine fish and colorful coral, surrounded by curious customers and aquarium equipment. +A sleek, modern robot with a metallic finish stands in a well-lit room, its chest screen glowing softly and displaying the message "Hello Human" in clear, bold letters. The robot's arms are relaxed at its sides, and the background features a minimalist, futuristic decor. +A modern delivery truck with the text "Fast Shipping Co" prominently displayed on its side, parked on a busy urban street, surrounded by high-rise buildings and bustling pedestrians, captured in a realistic photographic style. +A vintage circus poster with a dramatic headline "Vanishing Act Tonight", featuring a magician in a top hat and tuxedo, surrounded by mystical smoke and glowing lights, set against a dark, starry night sky. +A close-up of a doctor’s prescription pad with neat handwriting, clearly noting "Take Once Daily" in the center, surrounded by medical symbols and a stethoscope resting on the corner. +A movie poster featuring a dramatic, shadowy figure wielding a sword, set against a backdrop of a burning cityscape, with the title text "Revenge" prominently displayed in bold, red letters at the top. +A close-up of a sleek, futuristic spy gadget with a red digital screen displaying "SELF DESTRUCT 0010" in bold letters, set against a dark, high-tech background with subtle reflections and a sense of urgency. +An urban street scene with an ambulance parked on the side, its side text "Out of Service Walk" partially faded and barely legible, reflecting a neglected state. The ambulance is surrounded by a gritty, realistic environment, emphasizing the worn-out condition of the vehicle. +A vintage restaurant reservation book open to a page with an elegant entry reading "Table for Two" under a soft, warm lamplight, surrounded by the subtle textures of aged leather and crisp paper. +A veterinary office with a whimsical twist, featuring a unicorn patient and a vet holding a certificate that reads "Horn Polish Required". The scene is brightly lit, with pastel walls and playful decor, emphasizing the magical and professional atmosphere. +A realistic classroom scene featuring a detailed periodic table on the wall, prominently displaying the fictional element "Chocium" with its unique symbol and atomic number, surrounded by standard classroom furniture and educational posters. +A laboratory setting with a rat cage prominently labeled "Group C Saw Titanic 17x". The cage is clean, with a water bottle and food dish visible. The lighting is clinical and sterile, emphasizing the scientific environment. +A close-up of a pizza box with a sticker prominently displaying the warning "Contains Dairy Products", set against a kitchen backdrop with a subtle blur, emphasizing the sticker's clarity and importance. +A realistic photograph of a chewed dog toy shaped like a slipper, with a visible tag that reads "Best Bad Decision", lying on a grassy lawn with sunlight filtering through the trees. +A close-up of an alien plant pot, with a futuristic, sleek tag prominently displaying the text "Water With Soda" in a modern font, set against a backdrop of otherworldly flora. +A close-up of a football jersey back, prominently displaying the player's name and number "ROGERS 12" in bold, team-colored font, set against a textured, slightly wrinkled fabric background. +A realistic photograph of a factory machine with a prominent warning label that reads "High Voltage Danger", set against a backdrop of industrial machinery and equipment, with a slightly worn and scratched label for added authenticity. +A detailed hiking trail map with a prominent "You Are Here" marker, set against a backdrop of lush forest and mountain trails, with subtle sunlight filtering through the trees, creating a serene and inviting atmosphere. +A realistic courtroom scene with a judge's bench prominently displaying a plate that reads "In Justice We Trust", surrounded by legal books and a wooden gavel, under the solemn gaze of a marble statue of Lady Justice. +A cozy café scene featuring a steaming coffee mug with the phrase "But First Coffee" prominently displayed, set against a warm, wooden table with a sprinkle of sugar and a cinnamon stick beside it, bathed in soft morning light. +A modern smartphone with a sleek, black screen, displaying a lock screen notification that reads "3 New Messages" in white text, set against a blurred background of a cityscape at dusk. +A dark, urban alleyway at night, with the album cover graffiti text "Sound Of Silence" prominently displayed on a weathered wall, the letters dripping like wet paint, illuminated by a dim streetlight. +A modern smartphone with a sleek, black screen, displaying the lock screen message "Unlock Adventure" in bold, white font, set against a backdrop of a misty mountain trail at dawn, hinting at the adventures that await. +A realistic gym locker room scene with a prominently displayed sign that reads "Shower Shoes Required", surrounded by lockers and a tiled floor, with a subtle glow from the overhead lights. +A cheerful dentist's office poster featuring the slogan "Floss Daily" with a colorful array of cartoon teeth, some smiling, others holding floss, set against a bright, clean background. +A bustling city street at dusk, with a digital billboard cycling through vibrant ads. Each ad transitions smoothly, ending with a clear and bold message: "Vote Tuesday". Pedestrians and cars are visible, reflecting the urban environment's energy and the importance of the election. +In a modern dental office, a digital screen displays "Dr Lee Running Late" in bold, clear letters. The waiting room is empty, with clean, minimalist furniture and soft, ambient lighting, emphasizing the quiet anticipation of the delayed appointment. +A museum exhibit featuring ancient dinosaur bones, with a detailed informational plaque that reads "Ancient Dinosaur Bones" prominently displayed. The scene is lit by warm, ambient lighting, highlighting the fossilized remains and creating a sense of historical awe. +A realistic photograph of a bustling restaurant named "The Gas Station", featuring a vintage, industrial-chic interior with exposed brick walls, metal accents, and a cozy, warm ambiance. Patrons are enjoying meals, and the bar area is highlighted with a selection of craft beers. +A movie set with a director's chair prominently placed in the foreground, labeled "Cut It Already" in bold letters. The background shows a bustling film crew preparing for the next shot, with cameras and lights set up. The scene captures the intensity and urgency of a film production. +A modern kitchen countertop featuring a microwave with a digital clock prominently displaying "Food Ready", surrounded by casual kitchenware and a slightly cluttered, warm and inviting setting. +A superhero stands proudly, their utility belt prominently displayed. The belt buckle is inscribed with "Hope Duct Tape", reflecting the hero's resourceful and optimistic nature. The scene is set in a city at sunset, with a blend of realistic and comic book aesthetics. +A bicycle parked in an urban setting with a sticker on its frame that reads "Lock It or Lose It", emphasizing the importance of bike security in the city. +A chef stands in a bustling kitchen, their apron pocket elegantly embroidered with "Master of Flavors". The scene captures the essence of culinary expertise, with steam rising from pots and the chef confidently preparing a dish, surrounded by vibrant ingredients and gleaming kitchenware. +A busy airport security checkpoint with a prominent sign that reads "Remove Laptops" in bold letters. Travelers are lined up, removing their laptops from their bags as instructed by the sign. The scene is well-lit, with security personnel overseeing the process. +A high-resolution image of a sleek smartwatch face, showing a black background with white text displaying "Steps Sleep 0". The watch has a modern, minimalist design with a thin, silver bezel. The scene is set on a wooden table with soft, ambient lighting. +A realistic photograph of a newspaper front page with the headline "Historic Election", showing a crowd gathered around a newsstand in a bustling city, with people eagerly reading the paper and discussing the news. +An astronaut stands on the moon, their boot creating a clear footprint that reads "One Small Step" in the lunar soil, with the Earth visible in the distant black sky, emphasizing the historic moment. +A charming bakery window with a rustic wooden frame, featuring a chalkboard sign that reads "Fresh Bread Daily" in elegant cursive. Sunlight streams through the window, casting warm shadows on the array of freshly baked bread loaves displayed inside. +A large ship with its hull proudly displaying "Ocean Voyager 2024" navigates through calm, azure waters, reflecting the clear sky above. The ship's modern design and sleek lines are highlighted by the gentle sunlight, emphasizing its presence on the vast ocean. +A close-up of a hotel key card sleeve, printed with "Room 1420 Access", lying on a sleek, modern hotel room desk. The background features the subtle texture of a high-end wooden surface, enhancing the luxurious feel of the scene. +A close-up photograph of a magnifying glass hovering over an antique map, revealing tiny text "Clue Found" intricately etched on the paper, with the glass slightly distorting the lines and creating a soft, warm glow around the text. +A close-up of a bakery cupcake wrapper, prominently displaying the text "Sweet Treat Inside", set against a warm, inviting background with subtle pastel tones, emphasizing the cozy and sweet atmosphere of a local bakery. +A vibrant, realistic photograph of a candy wrapper with the slogan "Taste the Rainbow" prominently displayed, surrounded by a colorful array of sweets and a bright, cheerful background. +A weathered wooden sign, partially buried in rich, moist soil, reads "Grow With Love" in elegant, hand-painted letters. The sign is surrounded by budding flowers and greenery, with a gentle morning light casting soft shadows. +A vintage circus poster, featuring bold, ornate typography that announces "The Bearded Android". The background showcases a steampunk-inspired android with a full beard, surrounded by circus elements like tents, lanterns, and playful fonts that evoke a sense of wonder and curiosity. +A realistic smartphone screen with a notification popup displaying "Message Not Sent", set against a blurred background of a modern living room, emphasizing the sleek design of the phone and the frustration of the failed message. +A movie director's chair on a bustling film set, with the words "Action Cut" clearly visible on the backrest. The scene is illuminated by soft, golden hour light, casting long shadows and highlighting the worn leather of the chair. +A detailed photograph of a pharmacy shelf labeled "Cold Medicine Aisle 3", featuring an organized array of cold remedies, with clear signage and a clean, well-lit environment. +A close-up of a boxing champion’s gleaming belt, the plate inscribed with "KNOCKOUT KING 2024" reflecting the intense spotlight in a crowded arena, surrounded by the blurred faces of cheering fans. +A close-up of a whimsical, pastel-colored package of fairy dust with a delicate, ornate label that reads "May Cause Belief" in elegant script, surrounded by tiny, glowing sparkles. +A detective stands at a crime scene, the yellow "Do Not Cross" tape fluttering in the wind, under the glow of forensic lights, with a somber urban night landscape in the background. +A retro cereal box with a cheerful mascot energetically shouting "Taste the Crunch", set against a vibrant, nostalgic background with bold colors and playful graphics. +A bustling farmer’s market stall with a vibrant banner that reads "Organic Hype Sold Here", surrounded by an array of fresh, colorful organic produce and cheerful customers browsing the goods. +A snowy ski slope with a prominent sign at the edge warning "Steep Slope Ahead", surrounded by tall pine trees dusted with fresh snow, under a clear blue sky. +A cozy bakery interior with a rustic wooden table, a basket of freshly baked bread in the center, and a tag hanging from the basket reading "Fresh Baked" in elegant cursive. Warm, golden light filters through the window, enhancing the inviting atmosphere. +A red stop sign with "Stop Here" stands prominently at a busy intersection, surrounded by a blend of modern and vintage buildings, with a few pedestrians and cars pausing to observe the sign. +A nostalgic night scene of a vintage movie theater, its marquee brightly lit and prominently displaying the title "The Sequel Nobody Asked For" in bold, neon letters, with a few moviegoers chatting outside, creating a sense of mild curiosity and anticipation. +A realistic photograph of an ice rink with the scoreboard prominently displaying "Home Team 3 Visitors 2", surrounded by cheering spectators and players on the ice, capturing the tension of a closely contested match. +A dusty library book with "Property of Hogwarts" stamped inside the cover, sitting on an ancient wooden table surrounded by vintage bookshelves filled with old, leather-bound volumes, illuminated by the soft glow of a nearby candle. +A car mechanic's sign, weathered by the elements, prominently displays the warning "Check Engine Now" in bold, red letters, set against a faded blue background. The sign is slightly bent, with a few rust spots, hanging from a pole outside a small, bustling auto repair shop. +A vibrant hot air balloon ascends into a clear blue sky, trailing a banner that reads "Celebrate Life" in bold, colorful letters. The scene is set in a picturesque meadow, with rolling hills and a few trees in the background, capturing the essence of a joyful celebration. +In a futuristic spaceship, a holographic display floats mid-air, emitting a soft blue glow. The text "Hyperdrive Active" is clearly visible, reflecting the advanced technology and the vessel's readiness for interstellar travel. +A wizard's scroll suspended mid-air, ancient runes glowing faintly, with the spell "Levioso Maxima" inscribed prominently, surrounded by swirling mist and faint sparks of magic. +A sleek, minimalist hotel key card sleeve featuring the text "Welcome Guest" in elegant, modern font, set against a clean, white background with subtle, refined geometric patterns. +A futuristic spaceship's navigation screen displays "Course Corrected" in luminescent green text, set against a backdrop of swirling cosmic nebulae and distant stars, with control panels and soft ambient lighting enhancing the sci-fi atmosphere. +A gym locker room with a large mirror on one wall, etched with the motivational message "You Can Do It". The scene is brightly lit, with sleek, modern lockers and a few workout towels casually draped over them. +A close-up of a pet collar tag, clearly engraved with the words "If Lost Call Mom", set against a soft, blurred background of grass and flowers, capturing the essence of a playful, outdoor setting. +An astronaut's journal entry "Lunar Colony Day 45" sits on a desk inside a futuristic lunar habitat, with a large window showing the barren, grey lunar surface and a distant Earth glowing blue and green in the sky. +Retro diner scene with a red and white checkered placemat featuring a crossword puzzle. The clue "4 letters: Love" is prominently displayed, surrounded by classic diner items like a coffee mug and a slice of pie. +A realistic photograph of a laboratory with caution tape stretched across the entrance, prominently displaying the text "Biohazard Zone". The room is dimly lit, with scientific equipment visible through the doorway, emphasizing the restricted and hazardous nature of the area. +A medieval knight stands proudly, his banner fluttering in the wind, emblazoned with the words "For Honor and Spaghetti". The scene is set in a sunlit castle courtyard, surrounded by stone walls and lush greenery, capturing the spirit of chivalry and a touch of whimsy. +A sushi chef's certification, elegantly framed and hanging on a traditional Japanese wall, with the text "Master Itamae 2023" clearly visible, surrounded by minimalist decor and a subtle pattern of cherry blossoms. +A winter scene featuring an ice sculpture festival, prominently displaying a large, intricately carved ice sign that reads "Winter Wonderland", illuminated by soft, colored lights, surrounded by snow-covered grounds and delighted spectators. +A close-up of an old, weathered bookmark with the text "Page 42" clearly visible, lying on the corner of a vintage, leather-bound book. The scene is softly lit, emphasizing the texture of the paper and the subtle wear on the bookmark. +An art gallery displays a plaque titled "Sunset Over Ocean", set against a wall with a minimalist frame. The plaque's elegant font contrasts with a large, vibrant painting of a sunset over the ocean, capturing the warm hues of the sky and the tranquil waters. +An ancient Roman coin, meticulously detailed with the inscription "SPQR Meme Team" on its face, surrounded by intricate laurel wreaths and eagle emblems, set against a textured, aged background that evokes the timeless grandeur of the Roman Empire. +A realistic photograph of a cave entrance with a prominent warning sign that reads "Bears Active Area", surrounded by dense, lush foliage and rocky terrain. +"Top Secret Sort Of" is etched on the interior of a sleek, futuristic spy gadget briefcase, illuminated by a soft blue light, with compact, high-tech devices neatly arranged inside, each with a purposeful and mysterious design. +A sleek, modern digital assistant with a soft, glowing interface, displaying a response bubble that says "How Can I Help" in clear, elegant text, set against a minimalistic, futuristic background. +A realistic smartphone screen displaying a weather app notification that reads "Storm Alert Seek Shelter", set against a backdrop of dark, stormy skies with lightning in the distance. +A bakery window adorned with a sleek, modern decal announcing "GlutenFree Options", reflecting the warm, inviting interior and the array of pastries inside. +A vibrant tech expo banner prominently displays "AI Innovations Expo" in bold, futuristic font, surrounded by sleek, high-tech gadgets and interactive displays, with a diverse crowd of attendees engaged in discussions and demonstrations, set against a backdrop of colorful digital screens and glowing neon lights. +A scientist in a lab coat, embroidered with "Dr Smith Genetics Dept", stands in a modern laboratory, surrounded by high-tech equipment and genetic samples. The lighting is soft, highlighting the detailed embroidery and the focused expression on the scientist's face. +A vibrant surfboard features an airbrushed design with the bold phrase "Ride the Wave", set against a backdrop of crashing ocean waves and a sunny sky, capturing the essence of coastal adventure and freedom. +An illustration of a gardener's seed packet featuring "Moon Flowers Plant at 3AM", depicting the flowers in full bloom under a starlit sky, with delicate petals and silvery hues, surrounded by lush, dark foliage. +A movie theater marquee at dusk, illuminated with bright lights, displaying the text "Premiere Tonight" in bold, glowing letters. The marquee is surrounded by excited moviegoers and paparazzi, capturing the essence of a grand movie premiere. +A close-up of a traditional samurai helmet, intricately engraved with the phrase "Live by Code Die by CtrlZ" in sleek, modern font, set against a minimalist background. The helmet's polished metal surface reflects a subtle, ambient light, highlighting the contrast between ancient warrior culture and contemporary digital ethos. +A realistic photograph of a city street corner, where yellow police tape with the text "Crime Scene Keep Clear" is stretched across, surrounded by curious onlookers and a few police officers maintaining the perimeter. +A vintage movie poster featuring rugged terrain and a ominous sky, with the title text "Bad Day at Black Rock" prominently displayed at the top, evoking a sense of impending danger and mystery. +A realistic photograph of a spaceship control panel, with futuristic screens and buttons, where a prominent red alert light is flashing "WARP DRIVE FAILURE" amidst the otherwise dimly lit, high-tech environment. +A sleek, futuristic robot stands in a dimly lit, high-tech room, its chest screen flashing "Error 404 Human Not Found" amidst a sea of blinking lights and monitors. The robot's metallic surface reflects the ambient blue glow, adding a sense of eerie solitude. +A realistic photograph of a modern swimming pool with a vibrant blue water surface, surrounded by lush greenery and sun loungers. The sign "zavydovytska" hangs discreetly on a nearby wall, partially visible through the foliage. +A majestic horse stands in a sunlit meadow, its saddle blanket intricately embroidered with "Gallop Free", reflecting the spirit of freedom and wilderness. The horse's mane flows gently in the breeze, emphasizing the natural beauty and elegance of the scene. +A dimly lit urban street at night, with a vintage neon sign above a gothic entrance that reads "No Garlic No Entry". The sign glows in vibrant red and blue, casting eerie shadows on the cobblestone pavement. +A vintage suitcase adorned with a nostalgic collage of stickers, prominently featuring a weathered "Paris 1945" sticker among other historical and travel-themed decals, set against a backdrop of a classic railway station. +A close-up of an ambulance's side, featuring a sleek, modern decal that reads "Emergency Response Unit" in bold, clear lettering, set against a reflective, blue-and-white color scheme. +A vintage movie poster titled "Attack of the Giant Tomatoes", featuring colossal, menacing tomatoes rampaging through a 1950s American town, with panicked citizens fleeing in the background. The sky is a dramatic, dark red, and the tomatoes' shadows stretch ominously. +An astronaut in a detailed spacesuit stands against a backdrop of stars and the Earth's curve. The helmet visor displays a prominent HUD warning, "Oxygen Low", in red text, adding a sense of urgency to the serene space environment. +A bustling farmer's market with a vibrant banner reading "Fresh Organic Produce Daily" prominently displayed, surrounded by colorful stalls filled with a variety of fresh fruits and vegetables, and happy shoppers browsing the selections. +An ancient, tattered page from a wizard’s spellbook, featuring intricate, glowing text that reads "Incantation of Levitation", surrounded by mystical symbols and faded illustrations of floating objects. +Retro robot butler with a vintage aesthetic, standing in a 1950s kitchen, chest screen prominently displaying "Emotion OS 10", surrounded by mid-century modern decor. +A realistic office scene featuring a coffee mug on a desk with the slogan "Meetings Hell" clearly visible. The mug is beside a laptop and notepad, with a blurred background of office equipment and coworkers in a busy meeting room. +A realistic photograph of a birthday cake with smooth, white icing. The icing reads "Happy 100th Birthday Grandpa" in elegant cursive, atop a layer cake with pastel decorations around the base. +A submarine’s porthole, etched with the words "Leak Test Failed Good Luck", is partially submerged in the ocean, with barnacles and seaweed clinging to its surface, and a ray of sunlight piercing through the water. +A vibrant candy wrapper design featuring "Rainbow Flavor Explosion", with a burst of colorful candies and swirling rainbow patterns, set against a bright, playful background. +A rustic farm scene with a scarecrow wearing a patchwork shirt, the words "Scare Tactics" clearly visible on the front, standing amidst a golden field of wheat under a clear blue sky. +A bustling train station with an announcement board prominently displaying "Platform 9 Departing". Passengers hurry past, some glancing at the board, while others wait on the platform. The scene is captured in a realistic photographic style, with the board's text clearly visible and the atmosphere of anticipation and movement. +A vibrant movie poster with the tagline "In Theaters This Summer" prominently displayed, set against a backdrop of a bustling cityscape at dusk, with moviegoers eagerly lining up outside a grand theater. +A close-up of a vintage library stamp, intricately designed with gothic elements, marking the pages of an old, leather-bound book with the text "Property of Arkham Archives" in a faded, ink-stamped impression. +A realistic photograph of a scientist wearing a lab coat, prominently embroidered with "Dr Smith PhD" on the left chest, standing in a modern laboratory filled with scientific equipment and instruments. +A scientist in a lab coat carefully examines a microscope slide labeled "Big Mistake" under a high-powered microscope, surrounded by lab equipment and scientific notes. The lab is modern and well-lit, with a slightly tense atmosphere. +A retro-futuristic time machine with a glowing dashboard, prominently displaying "Yesterday Loading" on a holographic screen, set against a backdrop of intricate mechanical gears and circuits. +A sleek, modern ambulance parked on a city street, its side panel prominently displaying the text "Emergency Rescue Team" in bold, clear lettering. The vehicle is illuminated by the soft glow of streetlights, with a faint cityscape in the background. +A close-up of a worn, leather-bound book with the title "History of Rome" embossed in gold on its spine, sitting on a wooden library shelf surrounded by other ancient books. +A weathered tornado warning siren stands in a stormy field, its peeling label reading "Tested Never", amidst swirling clouds and abandoned surroundings. +A vibrant surfboard featuring the artwork "Ride the Wave", showcasing a surfer catching a massive, curling wave under a golden sunset, with seagulls gliding overhead and palm trees silhouetted on the shore. +A realistic office scene with a modern printer displaying the error message "Paper Jam Detected" on its screen, surrounded by scattered papers and frustrated-looking documents on a cluttered desk. +A close-up of a car bumper sticker reading "Honk If You Love Cats", with a paw print in the corner, set against a blurred city street background. +A realistic photograph of a children's workbook page header titled "Math Basics 101", featuring colorful illustrations of numbers and basic math symbols, with a playful, educational design. +A realistic space observatory scene with a large screen displaying a swirling, dark black hole. The screen caption reads "Point of No Return" in bold, white text. Astronomers in the background are observing the phenomenon with awe and concentration. +A gym wall adorned with a bold, black decal stating "No Pain No Gain", surrounded by sleek exercise equipment and energetic athletes, capturing the essence of determination and hard work in a modern fitness environment. +A charming bakery window with a rustic wooden sign saying "Fresh Bread Daily", surrounded by an assortment of freshly baked bread loaves and pastries, bathed in the warm morning sunlight. +A realistic e-reader screen displaying a screen saver with the message "Battery Low" and a prominently featured battery icon, set against a neutral background. +A highway at dusk, a large digital sign flashes "Roadwork Next 5 Miles" in bright yellow, warning drivers of upcoming construction. Traffic slows, headlights illuminating the foggy evening. +A detailed medieval shield featuring an emblem with the phrase "Defenders of the Realm" painted in elegant, golden script on a rich, azure background, surrounded by intricate, embossed patterns and a border of interlaced silver vines. +A high-end jewelry display case titled "Diamonds Forever", showcasing an array of sparkling diamonds set in elegant gold and silver designs, under the soft glow of luxurious lighting, with a rich velvet background. +A close-up of a gleaming gold coin from a dragon’s hoard, inscribed with the words "Treasure Keeper". The coin is surrounded by a pile of other ancient coins and precious gems, all bathed in a warm, mystical light. +A mountain climber's flag, inscribed with "Peak Conquered", waves triumphantly in the wind atop a rugged, snow-capped summit, with vast, mist-covered valleys stretching out below. +A tattoo parlor window with "Walk Ins Welcome" in elegant cursive, framed by vibrant, colorful tattoo designs and adorned with small, twinkling lights, reflecting a warm, inviting atmosphere. +A classic vintage car parked on a cobblestone street, its polished chrome gleaming under the soft afternoon light. The car's license plate, prominently displayed, reads "V8 POWER" in bold, retro font. The scene captures the essence of an era defined by powerful engines and timeless design. +A vintage gas station with a retro sign displaying "999Gallon Oops" in bold, neon letters, set against a twilight sky with a nostalgic 1950s American car parked nearby. +A festive fireworks stand banner displaying "Celebrate Freedom" in intricate star patterns, set against a twilight sky with the first sparks of fireworks beginning to light up the horizon. +A close-up of a keychain tag, intricately designed with a warning symbol, attached to a set of keys. The tag clearly reads "Do Not Duplicate" in bold letters, emphasizing the security and exclusivity of the keys. +A poet's quill, delicately placed on a sheet of parchment, where the words "Ode to Autumn" are elegantly inked, surrounded by the soft glow of a nearby candle, with fallen leaves scattered around, capturing the essence of a serene autumn evening. +A gritty, realistic photograph of a spaceship's hull, covered in Martian dust and vibrant graffiti that reads, "Wash Me Martian Dust Sucks", under a stark red sky. +A realistic photograph of a metallic keychain shaped like a dog paw, with the name "Buddy" etched on the back, resting on a light-colored wooden surface. +A romantic wedding scene with a couple exchanging vows under a floral arch, surrounded by their loved ones. The background features a sunset over a tranquil lake, with "Happily Ever After" elegantly scripted on a sign near the arch. +A close-up of a spacesuit helmet visor, displaying the warning "Oxygen Level Low" in red, with the astronaut's breath fogging the inner surface, set against the dark void of space. +A yoga studio with a large window featuring etched text "Breathe Stretch Relax", surrounded by soft, natural light filtering through sheer curtains, creating a serene and calming atmosphere. +A high-tech VR headset with a sleek, futuristic design, the screen vividly displaying the words "Enter the Matrix" in neon green, set against a dark, cybernetic background. +A vast desert landscape under a blazing sun, where a mirage illusion forms the words "Water Ahead Fake" shimmering in the heat haze, creating an eerie and tantalizing optical illusion. +A close-up of a pizza box sticker labeled "Extra Cheese Hot n Ready", with droplets of moisture on the sticker from the steaming pizza inside, set against a blurred background of a cozy kitchen. +In a cozy coffee shop, a rustic chalkboard menu prominently displays "Existential Dread Latte 5" amidst other beverage options, with a steaming cup of coffee and a contemplative customer in the background. The scene captures the essence of modern cafe culture and philosophical musings. +A factory floor with modern machinery, one of the control panels displaying a red warning message "System Overload Error", workers in hard hats looking concerned, industrial setting with metal structures and conveyor belts. +A bustling supermarket aisle with a bold red sign marker that reads "Sale Ends Sunday", prominently displayed on a shelf, surrounded by various discounted products and shopping carts. +A close-up of a crumpled carnival ticket stub, the words "Ride at Your Own Risk" prominently visible, set against a faded, grainy background reminiscent of a vintage amusement park. +"Members Only" is intricately etched into the sleek, mahogany door of an exclusive, dimly lit club, with a brass door handle reflecting the ambient light. A velvet rope and a stern doorman in a black suit stand guard, enhancing the air of mystery and exclusivity. +A close-up of a bakery cupcake topped with a colorful, whimsical topper that reads "Happy Birthday", surrounded by sprinkles and frosting swirls. +A nighttime cityscape with a taxi prominently featured, its roof light-up sign clearly displaying "Available Ride Now" in bright, vibrant colors, casting a soft glow on the wet pavement and surrounding buildings. +A lone desert cactus in a vast, sun-baked landscape, adorned with a tiny sign that reads "Water Me", stands against a backdrop of distant, rocky hills under a clear blue sky. +A close-up photograph of a vintage silver keychain tag, intricately engraved with the words "Return If Lost", hanging from a weathered leather keyring against a rustic wooden background. +A high-rise window washer platform, tagged with "Wash Away Your Sins", suspended against a clear blue sky, with the cityscape sprawling below and a lone worker in a bright safety harness. +A close-up of a shiny, black dragon rider license plate frame featuring intricate dragon scales and fiery details, with the text "My Other Hoard Is Gold" prominently displayed in bold, golden letters. +Vintage movie poster titled "Dance of the Fireflies" with a nostalgic, warm color palette and subtle wear, including torn edges and slight creases, set against a slightly faded background. +Underwater scene with vibrant coral naturally forming the letters "Merfolk Meeting Spot", surrounded by colorful fish and gentle currents, in a serene and magical atmosphere. +A detailed field journal page with a botanist's handwritten notes, "New Species Found", surrounded by sketches and pressed flowers of a previously unknown plant, under a canopy of lush green foliage. +A realistic forest scene with a campfire safety poster prominently displayed, warning "Extinguish Flames Completely". The poster is clear and visible, with a campsite background featuring a extinguished fire pit, tents, and trees. +A tattered pirate map with "X Marks the Spot" near a lush, tropical island, waves gently lapping at the shore, and a weathered compass pointing towards the treasure. +A vibrant rock band poster with dynamic fonts announcing "World Tour 2024", featuring the band members in high-energy poses against a backdrop of screaming fans and colorful lights, with tour dates and cities listed along the edges. +A detailed photograph of a fire station wall chart, prominently displaying "Ladder Company 3" in bold letters, with a backdrop of firefighting equipment and uniforms, capturing the essence of a bustling, dedicated team. +A pirate parrot perched on a wooden ship's railing, squawking a bubble that reads "Walk the Plank Matey", with a stormy sea and dark sky in the background. +A close-up of a chef's knife with the blade laser etched with "Sharp Edge Caution", the text clearly visible against the polished steel, set on a clean, white kitchen countertop. +A medieval knight's shield, intricately detailed with the motto "Veritas Vincit" emblazoned in the center, surrounded by a wreath of laurel leaves, set against a weathered, battle-scarred background. +A retro video game arcade cabinet with a neon-lit marquee that reads "Game Over Forever", surrounded by pixelated game characters and glowing arcade lights, set in a dimly lit, nostalgic game room. +A close-up of a librarian's bookmark ribbon, intricately embroidered with the words "Quiet Genius", lying on an old, leather-bound book in a dimly lit, cozy library. +At the bustling train station, a vintage signboard prominently displays "galysheva" in elegant, retro typography, reflecting the station's historical charm. Passengers hurry past, creating a dynamic scene of everyday travel. +A vibrant concert poster with the headline "Rock the City Festival" in bold, neon colors, set against a backdrop of a bustling cityscape at night, with silhouettes of iconic buildings and a crowd of excited music fans in the foreground. +Astronaut floating in space, their helmet's visor reflecting the futuristic "Moon Base Alpha" below, set against a backdrop of the Earth and stars, in a realistic photographic style. +A close-up of a chalkboard with intricate equations leading to "E equals mc squared" at the bottom, surrounded by scattered chalk pieces and a faint, blurred classroom in the background. +A weathered pirate's treasure chest, embossed with the iconic stamp "Captain Blackbeard 1718", sits on a sandy beach, half-buried in the sand, with the golden sands and turquoise waters of the Caribbean Sea glistening in the background. +An ancient tomb doorway, weathered by time, inscribed with the mysterious phrase "Speak Friend Dessert". The stone is cracked and covered in moss, with a faint glow emanating from within the dark, eerie passage. +A detailed, realistic photograph of a theater curtain intricately embroidered with the words "Final Act", set against a dimly lit stage with soft, dramatic lighting highlighting the rich textures and colors of the curtain. +A close-up of a spacesuit glove, prominently displaying a patch that reads "Mission Specialist", set against the backdrop of a star-studded universe. +A superhero stands in a dramatic pose, their cape billowing behind them. The emblem on the cape, reading "Power Shield Activated", glows brightly, casting a radiant light that illuminates the dark, urban night scene. +A detailed science fair poster titled "Volcano Eruption Experiment", featuring a colorful, illustrated volcano erupting with red and orange lava, surrounded by labeled diagrams explaining the stages of the eruption and the materials used. +A cozy coffee shop corner, with a prominently displayed bag of "Dark Roast Blend" coffee, sitting on a rustic wooden table. Soft, warm lighting highlights the rich, deep colors of the bag, surrounded by steaming cups of coffee and a selection of pastries. +A neon sign flashing "Bar Open 24 Hours" above the entrance of a bustling nightclub, with the vibrant colors reflecting off the wet pavement and the silhouettes of people entering and exiting the club. +A snowy hill with a prominent sign warning "Avalanche Zone", set against a backdrop of frosty trees and a cloudy sky, emphasizing the danger and isolation of the area. +A bustling butcher shop with a specials board prominently displaying "Prime Rib Special" in rustic, hand-painted letters. Wooden counters, hanging meat, and a friendly butcher in the background, all set under warm, ambient lighting. +A surfer’s van parked on a beach, with a bumper sticker stating "Waves Meetings" clearly visible. The van is surrounded by surfboards and beach equipment, with the ocean and a setting sun in the background. +A vibrant, futuristic video game loading screen with neon colors and a sleek, modern interface. Centered, a large, glowing "Press Start Button" message invites players to begin their adventure. Surrounding the text are dynamic, pulsating patterns and subtle animations that hint at the game's immersive world. +A close-up of a firetruck door with a vibrant decal that reads "Honk If You Love Dalmatians", surrounded by playful dalmatian paw prints and a cheerful, cartoonish dalmatian waving its tail. +A modern smartphone screen displaying the lock screen message "Swipe to Unlock" against a sleek, dark background, with a subtle reflection of the user's hand hovering above, ready to swipe. +A close-up of an ancient wizard's staff, intricately engraved with mystical runes. The most prominent engraving reads "Point Away from Face" in elegant, glowing letters, casting a faint light on the surrounding dark, textured wood. +A submarine porthole view showcasing the eerie, deep-sea abyss with a digital depth gauge displaying "3000m Descending" in the corner, surrounded by dark waters and bioluminescent creatures. +A classroom with a whiteboard prominently displaying the words "Homework Due Friday", surrounded by scattered desks and chairs, with natural light filtering through windows, creating a serene study environment. +A close-up of a camping gear label, prominently displaying the text "Waterproof Tent Guaranteed", set against a backdrop of rugged outdoor gear and a forested landscape, emphasizing durability and adventure. +A close-up of a sleek, black sunglasses case lying on a white countertop, with the label "UV Protection 100" clearly visible in bold, modern font. The scene is lit by soft, natural light, creating subtle shadows that enhance the texture of the case. +An abstract painting titled "Chaos And Order", featuring a vivid blend of chaotic swirls and structured geometric shapes, with a palette of bold, contrasting colors that highlight the tension between disorder and harmony. +A vintage magic show poster advertising "Disappearing Act 8PM". The poster features a mysterious magician in a top hat, a dramatic smoke effect, and an ornate frame with swirling, golden details, set against a deep red background. +A close-up of a name tag sticker with "Hello My Name is Alien" in bold, eye-catching letters, placed on a sleek, futuristic surface, with a subtle sci-fi glow around the edges. +A close-up of a worn concert ticket stub, crumpled and slightly torn, with the clear text "General Admission Floor" visible. The background shows the vibrant glow of stage lights and excited crowd, hinting at the energy of the concert. +A realistic photograph of a forearm with a tattoo that reads "Stay Strong" in bold, cursive font, set against a soft, blurred background to emphasize the tattoo's clarity and detail. +A worker stands in a construction site, wearing a bright yellow safety vest with reflective text "Construction Zone Ahead" prominently displayed on the back, under the glow of construction lights. +A realistic airport scene with a digital boarding gate display showing "Flight 809 Boarding" in clear, bold letters, surrounded by passengers waiting with their luggage, and airport staff assisting at the counter. +A modern ambulance parked on a city street, its side panel prominently displaying the text "Emergency Response" in bold, clear lettering. The vehicle is surrounded by a busy urban environment, with pedestrians and other cars in the background. +A cozy coffee shop with a rustic wooden counter, steaming cups of coffee, and a chalkboard sign that reads "Latte Art Contest Today" prominently displayed near the entrance, surrounded by potted plants and vintage decor. +In a pottery studio, a wooden shelf is lined with handmade ceramic pieces. A hand-painted label reads "Kiln Fired Works" in elegant script, mounted above the shelf. Soft, warm lighting highlights the textured surfaces of the pottery. +An astronaut in a detailed spacesuit, standing on a desolate lunar surface, with their helmet visor prominently reflecting the warning "Oxygen Low 42" amidst the vast, star-filled sky. +A detailed close-up of an engraved gold necklace pendant, featuring the delicate and elegant initials "Always Yours" prominently displayed on its surface, set against a soft, warm background. +A modern urban setting with an electric car charger labeled "EV Charging Station" prominently displayed, surrounded by sleek, futuristic vehicles. The scene is illuminated by the soft glow of the charger's lights, highlighting the advanced technology and eco-friendly atmosphere. +A realistic photograph of a construction site with yellow and black barrier tape stretched across a muddy area, printed with the warning "Do Not Cross Quicksand", surrounded by caution signs and sandy terrain. +A minimal sculpture of the word "reduced", crafted from light metallic iridescent chrome thin lines, presented in a 3D rendering with an isometric perspective. The scene is super detailed, set against a dark background, highlighting the intricate design and reflective surfaces. +A bustling stadium with excited fans in the stands, the scoreboard prominently displaying "Home Team 3" in bright lights, capturing the moment just after a pivotal score, under the glow of evening floodlights. +A vintage ice cream truck parked on a sunny street, its side menu prominently displaying "Rocky Road Special" in colorful, playful lettering. The truck is surrounded by children and adults eagerly waiting in line, with a cheerful ice cream vendor handing out treats. +A student's notebook page, with neat lines of notes, the margin filled with whimsical doodles spelling out "Boredom T²" in a playful, scribbled font, surrounded by doodled patterns and shapes. +A red pizza delivery car parked on a busy city street, with a door magnet saying "30 Minutes or Apology", reflecting the urgency and commitment of the service. The scene is captured in a realistic photographic style, emphasizing the vibrant colors and urban setting. +A beautifully crafted wedding invitation featuring elegant calligraphy that reads "Save the Date June 15", set against a classic, off-white background with subtle floral borders. +A bustling art supply store with a vibrant sign that reads "Paint Brushes 50% Off" hanging above the entrance, attracting artists and enthusiasts with its colorful display and discounted brushes. +A cozy fantasy tavern interior with a rustic wooden chalkboard hanging on a stone wall, listing "Dragon Ale 3 Gold Coins" in elegant script, illuminated by warm candlelight, with a wooden mug of frothy ale on a nearby table. +A colorful child’s drawing of a vibrant rainbow, with the word "Hope" written in childish handwriting underneath, on a slightly crumpled piece of paper. +A vintage 1950s diner with a classic jukebox in the corner, displaying the selection "Moonwalking with Elvis". Neon lights flicker, casting a warm glow over the checked floor and chrome countertops. A couple dances joyfully, recreating the iconic moonwalk, while an image of Elvis Presley looks on from a poster on the wall. +A medieval tavern sign, weathered and worn, hangs outside a stone-walled inn. The sign is intricately carved with the words "Dragons Breath Ale" and features a fiery dragon emblem, casting a shadow over the cobblestone path below. +A modern urban street scene featuring a bus shelter with an ad space prominently displaying the text "Your Logo Here". The shelter is clean and well-lit, with a few people passing by in the background. The scene is set during the day, with clear skies and a hint of greenery. +A gritty urban night scene with a detective holding up a badge that reads "Special Agent" under the dim glow of a street lamp, raindrops glistening on the pavement, and a neon sign reflecting in the puddles. +A close-up of a vintage VHS tape with a handwritten label that reads "Home Video Destroy If Found", set against a slightly worn, textured background, capturing the nostalgic feel of the 1980s. +A nostalgic yet futuristic retro video game title screen for "Pong 2077 Remastered", featuring neon colors, a sleek, minimalist design, and a cyberpunk aesthetic with glowing elements and digital distortions. +A vintage airplane flies low over a sandy beach, trailing a banner that reads "Marry Me Maybe" in elegant cursive. The sun sets behind the plane, casting a warm, golden glow over the scene. Palm trees and playful beachgoers dot the shoreline. +A vintage ice cream truck parked on a sunny street, its side menu prominently displaying "Rocky Road Supreme" in bold, colorful letters, with happy customers queuing to buy. +A cluttered laboratory with a scientist's whiteboard in the foreground. The board is covered in equations and diagrams, with "Eureka" prominently circled in red. Soft lighting highlights the board, emphasizing the moment of discovery. +A close-up of an ancient, leather-bound wizard’s spellbook, with a whimsical margin note that reads "Wingardium Lasagna" next to intricate illustrations of magical ingredients and runes. +A majestic pirate ship sailing the open sea, its large sail proudly displaying the name "Queen Anne's Fury" in bold, weathered letters. The ship cuts through turbulent waves, with the sun setting behind it, casting a golden glow over the rugged deck and crew. +A steaming coffee cup on a wooden table, its sleeve branded with the logo "Java Junction", surrounded by a cozy, rustic ambiance. +A close-up photograph of a solar-powered calculator with a sleek, modern design, its screen displaying "Error 404" in clear, bold digits, set against a minimalistic background. +A chef stands in a modern kitchen, wearing an apron embroidered with "Kiss the Cook", preparing a gourmet dish with fresh ingredients on a wooden countertop, surrounded by stainless steel appliances and herbs hanging from the ceiling. +A baker in a cozy, sunlit kitchen, wearing an apron with the print "Knead to Bake", surrounded by fresh bread and pastries on wooden surfaces. The scene captures the warmth and craftsmanship of baking. +In a dimly lit, ancient library, a leather-bound book with "Forbidden Knowledge Vol XIII" inscribed on its spine stands out among dusty tomes. The flickering light from a nearby candle casts shadows, enhancing the mysterious atmosphere. +A pet store shelf features a large fish tank labeled with a sign reading "Nemo Lookalikes 5". Inside, vibrant orange and white clownfish swim among swaying sea anemones, their colors vivid against the blue water. +A baker's warm kitchen, where an oven mitt, embroidered with "Handle with Care", hangs from a wooden peg near a rustic, flour-dusted table. Sunlight streams through the window, casting a soft glow on the scene. +A detailed embroidery of a wizard’s hat, featuring intricate designs and the phrase "Magicus Supreme" prominently stitched in glowing, arcane threads. The hat is set against a dark, mystical background, enhancing the magical aura of the embroidery. +A vintage butcher shop window adorned with a retro decal advertising "Dodo Nuggets Limited Stock", featuring a quirky illustration of a dodo bird next to a stack of golden, crispy nuggets, set against a backdrop of wooden shelves and hanging meats. +A close-up of a pink and white candy heart with the message "Be Mine" in bold, red letters, set against a soft, romantic background with scattered rose petals and a subtle, warm glow. +A vintage diner at night, with a neon sign flashing "Open 24 Hours" above the entrance, casting a vibrant glow on the sidewalk and the parked cars. The scene is bustling with late-night activity, capturing the essence of a city that never sleeps. +A close-up of a digital calculator screen, prominently displaying the numbers "8008135" in bright green against a dark background, with a subtle reflection of a desk lamp casting a soft glow on the calculator's surface. +A bustling mall with a kiosk banner prominently displaying "Free Samples Today", surrounded by excited shoppers and colorful product displays, capturing the vibrant atmosphere of a promotional event. +A close-up of an airplane's wing, featuring a bold, red decal that reads "Wing Walkers Prohibited", set against the backdrop of a clear blue sky. The metal surface of the wing gleams in the sunlight, emphasizing the stark warning of the decal. +A detective's worn notepad lies open to a page labeled "Case File 37 Unsolved", under a dim desk lamp. The room is cluttered with old case files, a half-empty coffee cup, and a vintage typewriter, evoking a 1940s noir atmosphere. +A realistic photograph of a hospital wristband wrapped around a patient's wrist, clearly printed with "Patient In Recovery", set against a neutral background. +A realistic photograph of a construction site fence with a large, vibrant banner reading "Coming Soon Mega Mall", surrounded by cranes and scaffolding, under a clear blue sky. +A spy's encrypted note on crumpled paper, with complex symbols and numbers, ending with the phrase "Burn After Reading", placed on a wooden desk under a dim, flickering light. +A realistic photograph of a modern science lab, featuring a whiteboard with a handwritten note that reads "Experiment 12B Active", surrounded by scientific equipment and instruments. +A construction worker on a modern building site, wearing a bright yellow helmet with "Safety First" emblazoned in reflective tape, standing against a backdrop of steel girders and blue skies, captured in a realistic photographic style. +A ballet dancer's shoe with a ribbon elegantly tied, tagged with "Dance with Passion", set against a soft, blurred background of a practice studio, capturing the essence of dedication and grace. +A time traveler stands in a prehistoric forest, holding an open guidebook that reads, "Don't Pet the Dinosaurs". Ancient trees tower around, and in the background, a wary velociraptor watches the scene, maintaining a safe distance. +A detailed, ancient wizard's spellbook page titled "Dragon Summoning", featuring intricate illustrations of dragons and mystical runes, with faded edges and a slightly tattered appearance, under a soft, ambient light, in a gothic style. +A classroom scene with a gold star sticker on a student's desk, prominently displaying the text "Math Whiz Award", surrounded by math books and a calculator, with a teacher smiling in the background. +A roadside sign near a school, prominently displaying "Slow Children At Play", set against a backdrop of a sunny day with children playing safely on the sidewalk. The sign is clear and visible, with vibrant colors and reflective elements for safety. +A cartoon cat with wide, curious eyes and a puzzled expression, with a thought bubble above its head that says "this is weird", set against a soft, pastel background. +A realistic photograph of an airport luggage tag, scrawled with the words "Handle With Skepticism", lying on a conveyor belt amidst other tags and luggage, under the soft glow of the terminal's lighting. +A high-resolution close-up of a smartwatch face, modern and sleek, displaying "12345 Steps Today" with a vibrant, clean interface, set against a soft, blurred background of a cityscape at dusk. +A fire truck door labeled "Engine Company 88" is slightly ajar, revealing a glimpse of the interior with hoses and tools neatly organized. The truck is parked on a sunlit street, with a blue sky and a few clouds in the background. +A sleek, futuristic robot stands in a dimly lit room, its chest panel glowing with the words "System Online" in a vibrant, neon-blue light, casting a soft glow around the metallic surface. +A nostalgic night scene featuring a neon diner sign glowing "Open 24 Hours" above retro booths, illuminated by soft, warm lighting, with a vintage car parked outside, reflecting the neon glow. +A close-up of a sleek, modern smart speaker with its screen displaying "Playing Jazz Music", set against a soft, ambient backdrop, capturing the essence of a cozy, music-filled room. +A close-up of a solar panel sticker on a sleek, modern device, with the text "Powered by Sunshine" clearly visible. The sticker is reflective, capturing the warmth of the sun's rays, set against a background of a bright, sunny sky. +A nostalgic retro video game title screen for "Alien Basketball Championship", featuring pixel art aliens playing basketball on a vibrant, 8-bit court with colorful stars and a catchy, chiptune soundtrack. +A school bus sign flashes "Stop for Children" on a quiet suburban street, with a yellow school bus parked nearby and children waiting at the bus stop, surrounded by lush green trees and a clear blue sky. +A modern city bus with a digital destination sign prominently displaying "Downtown Express" pulls into a busy downtown bus stop, surrounded by tall skyscrapers and bustling pedestrians. The scene is captured in a realistic photographic style, emphasizing the clarity of the sign and the urban environment. +Retro futuristic car with a shiny, metallic finish parked in a neon-lit cityscape at night, featuring a bumper sticker that reads "My Other Rides a UFO". The car is surrounded by holographic advertisements and flying vehicles, emphasizing the futuristic setting. +An archaeologist's worn field journal lies open on a dusty, sunlit table, the page marked with a rough sketch of an ancient site and the handwritten note "Artifact Found Here" clearly visible. The leather cover is weathered, and the pages are yellowed with age. +A museum exhibit features a detailed plaque describing a dinosaur fossil as "TRex King of the Cretaceous", surrounded by glass and illuminated by soft, focused lights, with a life-sized skeleton of a T-Rex in the background. +A vibrant circus tent at dusk, with marquee lights in a dazzling array of colors spelling out "Abandon Normalcy" across the front, surrounded by a bustling crowd and the faint glow of lanterns in the background. +A close-up of a superhero's utility belt buckle, intricately engraved with "Capes Not Included", set against a gritty urban background, capturing the essence of a modern, no-nonsense hero. +A realistic photograph of a highway at dusk, featuring an electronic sign prominently displaying the message "Fog Ahead Reduce Speed", with mist beginning to form along the roadside, creating a sense of caution and tension. +A dark, dusty wizard's laboratory with a potion bottle labeled "Elixir of Invisibility" glowing with an eerie green light, casting faint shadows on ancient spellbooks and mystical artifacts around it. +A vast desert landscape with a solitary signpost that reads "Water Source 1 Mile" standing amidst the sand dunes, surrounded by a few scattered, resilient plants. The sun casts long shadows, highlighting the harsh yet hopeful environment. +A vibrant skateboard deck featuring the word "Radical" in bold, graffiti-style lettering, set against a dynamic background of swirling colors and urban textures. +A rustic bakery box, tied with a neat, brown string, sits on a wooden table. The side of the box is stamped with the text "Fresh Croissants" in elegant, vintage font, surrounded by a subtle, flour-dusted backdrop. +A close-up of a detective's weathered notebook, the page filled with scribbled notes and a prominent, underlined phrase: "Follow the Red Herring", with a red ink pen resting beside it. +In a cluttered, high-tech laboratory, a vintage fridge stands out, adorned with a quirky, hand-drawn magnet that reads "Do Not Eat the Experiments". The lab is filled with bubbling beakers and peculiar gadgets, but the magnet is the focal point, capturing the eccentricity of the mad scientist. +A majestic mountain peak with a flag bearing the words "Altitude Attitude" waving proudly in the wind, surrounded by snow-capped ridges and a clear blue sky. +A golden retriever, tail wagging joyfully, stands beside a ceramic dog bowl painted with the words "Good Boy Fuel" in a vibrant, realistic photographic scene. +An astronaut in a detailed spacesuit, the helmet visor reflecting a floating "O₂ LOW" warning, set against the backdrop of a distant Earth, with stars and the blackness of space around, capturing the tension of a critical moment in a realistic photographic style. +A medieval knight stands proudly, his sword raised, the blade inscribed with "For Honor Not for Glory", reflecting the sunlight in a grand castle courtyard. +A spy holds an encrypted document with the watermark "Burn After Reading" in a dimly lit room, the faint glow of a desk lamp casting shadows on the tense, focused expression on their face. +In a classic courtroom, a wooden judge's plaque prominently displays "Order in the Court", surrounded by solemn legal decor and a backdrop of dark, paneled walls, emphasizing the authority and gravity of the judicial setting. +In a modern gym, a runner focuses on the treadmill display, which prominently flashes "Calories Yes" in bright, bold letters, while the surrounding equipment and other gym-goers are subtly blurred, emphasizing the dynamic and motivating atmosphere. +A weathered wanted poster hangs on a wooden saloon door, featuring a rugged cowboy with a determined gaze. The poster prominently displays "Reward 1000 Dollars" in bold letters, set against a dusty, old West town backdrop. +A chef in a modern kitchen holds a recipe card titled "Secret Sauce 2024", with ingredients and measurements clearly listed. The card is placed on a stainless steel countertop, surrounded by fresh herbs and spices, under the warm glow of overhead lights. +A cozy bakery with a large front window, displaying a charming decal that reads "Fresh Bread Daily", surrounded by an array of freshly baked bread loaves and pastries. +A serene garden pathway, leading to a wooden sign that reads "Herb Garden", surrounded by lush greenery and vibrant flowers, with a gentle sunlight filtering through the trees, casting soft shadows on the path. +A detective in a trench coat holds a magnifying glass with the handle intricately engraved with "Seek the Tacos", examining a clue in a dimly lit, gritty alleyway. The scene is set at dusk, with a vintage neon sign flickering in the background. +A weathered, old wanted poster hangs on a wooden plank in a dusty, windswept frontier town. The poster reads "500 Reward Dead or Alive" in bold, faded letters. Sunlight casts long shadows, emphasizing the worn edges and nail holes. +A close-up of a modern voting machine screen, prominently displaying the message "Confirm Selection" in bold, clear text, with a finger hovering just above the confirmation button, set against a slightly blurred background to emphasize the screen. +A vintage carnival tent with a weathered fortune teller sign that reads "Past Reads 50 Off", surrounded by twinkling fairy lights and colorful banners, set against a dusky evening sky. +A cluttered lab with a mad scientist in a lab coat embroidered with "I Paused My PhD for This", surrounded by bubbling potions and intricate machinery, under the glow of flickering lights. +A 1920s political poster with bold, retro typography featuring the text "Votes for Women Now", set against a vibrant, patriotic color scheme with dynamic, illustrative elements. +"Obsidian" generative art featuring intricate patterns of sticky smoke composed of fine dots, flowing like rivers. The design is bold and modern, set against a pristine white background, emphasizing the contrast and fluidity of the dark, obsidian elements. +A detailed museum exhibit card titled "T Rex Fossil Replica" is displayed next to a life-sized, intricately reconstructed skeleton of a T-Rex, set against a backdrop of prehistoric flora and fauna, with soft, ambient lighting highlighting the fossil's texture and the informational text. +A vibrant flower shop interior with a prominent sign reading "Roses 12 Dozen" hanging above a display of lush, red roses arranged in elegant bouquets, surrounded by green foliage and other colorful flowers. +A vintage camera strap, intricately embossed with the phrase "Capture the Moment", draped over an old wooden table, with a classic film camera and scattered black and white photos around it, bathed in soft, nostalgic sunlight. +A park scene from one end of a wooden bench, gazing up at a clear blue sky. The text "imagine the outcome" is elegantly written in the sky, surrounded by fluffy white clouds. +A futuristic cargo bay featuring a large, metallic spaceship crate stenciled with "Handle With AntiGravity Care", illuminated by the blue glow of anti-gravity fields, surrounded by high-tech equipment and robotic arms. +A vintage radio with a prominent dial tuned to "FM 98 7 Classic Hits", set against a warm, nostalgic background with soft lighting that highlights the radio's wooden finish and the glow of the dial. +A medieval parchment scroll with intricate calligraphic text "By Royal Decree", set against a backdrop of ancient, worn wooden furniture in a dimly lit, stone-walled chamber, illuminated by the soft glow of flickering candles. +A sleek race car with the door number painted "24" in bold, standing out against the glossy finish of the vehicle, set on a track with the sun casting long shadows. +An astronaut stands on the lunar surface, their helmet visor reflecting the futuristic "Moon Base Alpha" in the distance, with the Earth hanging low in the black sky above. +A detailed campground map with a red marker pin labeled "Bears Sighted Here" surrounded by forest trails and tent icons, emphasizing the wildlife warning. +A realistic smartphone screen with a mobile app notification popup prominently displaying the message "Update Required" against a slightly blurred background of a modern, cluttered desk with a coffee cup and a few papers. +A poet's quill pen, ink-stained and elegantly poised, rests on a parchment scroll with the words "Verse Untold" written in flowing, elegant script, surrounded by scattered ink bottles and crumpled drafts, capturing the essence of a creative mind in the midst of inspiration. +In a dimly lit room, a miniature dollhouse newspaper headline reads "Ghosts Demand Raises". Dusty figurines and cobwebs add to the eerie atmosphere, while a faint, ghostly mist swirls around the dollhouse, creating an unsettling scene. +A realistic photograph of a boarding pass with a barcode that clearly displays "Gate B12 Seat 24A", set against a textured paper background with airline branding and a subtle pattern. +An ancient, leather-bound wizard’s spellbook opened to the header "Potions and Charms", with intricate illustrations of magical ingredients and mystical runes surrounding the text. The page is slightly worn, with a subtle glow emanating from the words. +A vibrant concert scene with a crowd energetically dancing, illuminated by flashing lights. A person in the foreground wears an LED wristband glowing "Dance More", their arm raised, capturing the electric atmosphere of the night. +A classroom poster illustrating "The Water Cycle", depicting clear stages of evaporation, condensation, precipitation, and collection. Bright, educational colors with labeled arrows and simple, engaging illustrations suitable for young learners. +A plane soaring through a clear blue sky, trailing white smoke that forms the words "Just Married" in elegant, flowing letters, with a newlywed couple standing hand-in-hand on a beach below, watching in delight. +A neon sign flashing "Dream Big" casts vibrant hues over a cozy midnight diner, its windows glowing warmly amidst the dark, urban night. The scene is captured in a realistic photographic style, emphasizing the contrast between the bright sign and the shadowy surroundings. +A realistic photograph of a pharmacy prescription bottle on a white background, with a clear, readable label that says "Take With Food" in bold letters. The bottle is slightly tilted, showing the label prominently. +A detailed spy dossier with a prominent red stamp marked "TOP SECRET Eyes Only" on the cover, set against a dimly lit, shadowy background, evoking a sense of secrecy and urgency. +A weathered stone monument, covered in moss, with the inscription "Protect Our Forests" prominently visible, stands in a dense, green forest. Sunlight filters through the trees, casting dappled shadows on the ancient stone. +A modern science lab with a large whiteboard featuring complex equations titled "Quantum Theory" in bold, clear handwriting. The lab is equipped with high-tech instruments and a few scattered notebooks, capturing the essence of cutting-edge research. +A realistic office meeting room with a whiteboard scribbled with the phrase "Think Outside Box", surrounded by scattered sticky notes and pens, under the warm glow of overhead lights. +A vintage Western scene featuring a rugged cowboy standing beside his loyal horse, the saddle clearly branded with "Rodeo Champ 1899", set against a dusty, sunlit backdrop of an old frontier town. +A scientist stands in a cluttered laboratory, surrounded by beakers and lab equipment. She wears a lab coat with a patch that reads "Question Everything Except Me", emphasizing her confident and curious nature. +An ancient alien artifact lies in a desolate, moonlit landscape, its surface glowing with pulsating, luminescent symbols that clearly read "First Contact", casting an eerie, blue light around it. +A realistic photograph of a beach with a prominent warning flag system sign, clearly displaying a red flag and the text "Red Flag No Swimming" in bold letters, set against a backdrop of the ocean and sandy shore. +A Halloween night scene featuring a pumpkin carved with "Boo" in jagged letters, glowing softly with a candle inside, set against a dark, eerie background with fallen leaves and a cobweb. +A samurai stands proudly, his flag bearing the clan symbol "Rising Sun Clan" fluttering in the wind against a backdrop of a misty, ancient Japanese landscape. +A Halloween scene featuring a door adorned with a spooky sign that reads "Boo" in eerie, glowing letters, surrounded by cobwebs and flickering jack-o'-lanterns. +A realistic photograph of an astronaut's spacesuit arm, featuring a detailed patch that reads "Mission Find Decaf" in bold, clear text, set against the backdrop of a star-studded space environment. +A close-up of a car bumper sticker in a vibrant, sunlit parking lot, reading "I Brake for Cats" with a playful, hand-drawn cat silhouette next to it. The sticker is slightly weathered, adding a touch of realism. +An inviting artisan cheese shop with a charming chalkboard outside, listing "Black Hole Brie 18" among other gourmet varieties, surrounded by baskets of fresh bread and blooming flowers, capturing the essence of a cozy, bustling market day. +A close-up of an e-reader displaying the page footer "Page 156 of 256" on a sleek, modern device with a subtle metallic frame, set against a soft, blurred background. +A close-up of a space food packet labeled "Astro Nutrition" floating in a zero-gravity environment, with Earth visible through a spacecraft window in the background. The packet is brightly lit, showcasing its metallic surface and detailed labeling. +A close-up of a superhero cape with intricate embroidery that reads "Cape Certified Awesome", showcasing detailed threads and a vibrant, dynamic design. The cape flutters slightly, as if caught in a gentle breeze, adding a sense of motion and heroism to the scene. +In a bustling airport terminal, the arrival board prominently displays "Flight 456 On Time" in bright, flashing letters, surrounded by a sea of travelers checking their departures and arrivals. The scene is vibrant with the hustle and bustle of modern air travel. +A trailhead sign in a dense forest, prominently displaying a warning in bold letters: "Beware of Bears". The sign is partially obscured by overgrown foliage, with a rugged path leading into the woods, emphasizing the wilderness and the potential danger lurking ahead. +A city street at dusk, a digital billboard scrolling "Traffic Jam Ahead Exit 22" in bright yellow, cars lined up in heavy traffic, lights of buildings reflecting in wet asphalt. +In a cozy café, a rustic chalkboard prominently displays "Today's Special Pumpkin Spice" amidst a warm, autumnal setting, with steaming cups of coffee and a sprinkle of cinnamon on the counter. +A bustling subway station with vibrant wall graffiti that reads "Street Art Rocks", surrounded by diverse urban elements and commuters. The scene captures the dynamic energy of city life, with the graffiti as the focal point, illuminated by the station's lighting. +A vibrant, colorful meme featuring a happy, energetic person or mascot, surrounded by uplifting elements like balloons and confetti, with the caption "This Post Cures Depression" prominently displayed at the top. The scene is cheerful and optimistic, designed to spread positivity and joy. +A weathered Viking runestone stands tall in a misty forest clearing, its ancient surface intricately carved with the runes spelling "Fate Is Written". The stone is partially covered in moss, and the runes glow faintly under the soft light of the setting sun. +A vibrant, glossy candy wrapper design for "Choco Blast Bar", featuring a bold logo with a burst of colorful fireworks, set against a deep chocolate brown background with shimmering gold accents. +A gardener meticulously waters a vibrant garden using a classic metal watering can marked "Hydrate Daily", the morning sunlight casting gentle shadows on the lush green foliage and colorful blooms. +A bustling football stadium with a massive scoreboard prominently displaying "Final Quarter". The crowd is on their feet, cheering loudly, while players sprint across the field under the bright stadium lights. +A realistic photograph of a modern, upscale neighborhood with a real estate sign prominently displaying "Luxury Homes Available Here" in front of a beautifully landscaped, pristine house with a cobblestone driveway and lush greenery surrounding it. +A realistic urban scene featuring a parking meter with a digital screen prominently displaying the message "Expired Add Time". The meter is situated on a busy street, surrounded by parked cars and pedestrians. The lighting is natural, with a cloudy sky overhead, emphasizing the modern city environment. +A realistic photograph of a bustling construction site, with a prominent sign declaring "Future Home of Sky Tower" standing amidst the scaffolding and cranes, under a clear blue sky. +A skywriting plane soaring through a clear blue sky, leaving a trail of white smoke that forms the words "Happy Birthday" in elegant, flowing letters. Sunlight glints off the plane's wings, casting shadows below on the fluffy clouds. +A futuristic spaceship airlock with warning lights flashing red, displaying the critical message "Vacuum Seal Breached" on a digital screen, surrounded by distressed metal and emergency indicators. +A museum exhibit label reads "Dinosaur Era 65 Million BC", set against a backdrop of a lush prehistoric landscape featuring towering ferns and a distant herd of Triceratops, with a spotlight illuminating the text. +A realistic photo of a helicopter with "postwar" written on the side, landing on a helipad in a serene valley. The scene is framed by a river winding through lush trees and majestic mountains in the background. +A vibrant birthday cake adorned with icing that spells "Celebrate Life" in colorful, swirling script, set against a warm, festive background. +A mermaid with shimmering scales and flowing sea-green hair, wearing a delicate seashell necklace inscribed "Kiss for Air", swimming gracefully through clear turquoise waters, surrounded by vibrant coral and colorful fish. +A bustling train station with a vintage aesthetic, the large board displaying "Platform 9 Departing". Passengers in period clothing hurry past, while a steam locomotive puffs in the background, creating a nostalgic atmosphere. +A snowy landscape with a snowman waving, holding a sign that reads "Frosty Says Hi", surrounded by frosty trees and a gentle snowfall. +A dimly lit, vintage hotel key tag, slightly worn and tarnished, with the eerie engraving "Room 13 Check Out Never" glowing faintly in the shadows. The tag hangs from a worn leather cord, casting a subtle, ominous glow. +A gym interior with a large mirror featuring a motivational decal that reads "No Pain No Gain", surrounded by workout equipment and a few athletes in mid-exercise, capturing the intensity and determination of their training. +A realistic photograph of a wedding cake topper intricately designed with the words "Happily Ever After" in elegant script, placed atop a tiered white cake adorned with delicate flowers and shimmering decorations, set against a soft, romantic background. +A roadside attraction billboard stands tall, showcasing a vibrant, eye-catching advertisement for the "World's Largest Palindrome". The billboard is weathered, with peeling paint, and is set against a backdrop of a serene countryside, emphasizing the quirky charm of the small-town attraction. +A drone hovers in a dimly lit room, its LED lights flashing red with the warning message "Low Battery Land Now" clearly visible. The environment is minimal, with a plain background, emphasizing the urgency of the drone's message. +A futuristic space hotel, "GravityFree Suites", illuminated by vibrant neon lights, floats against the backdrop of a star-studded cosmos, its sleek, curved structure reflecting the distant galaxies. +A realistic photograph of a post office entrance with a sign on the glass door reading "Closed on Sundays". The scene is set during a sunny afternoon, with the post office's architecture and surrounding environment clearly visible. +A close-up of a shiny, crinkled candy wrapper with the brand name "Sweet Tooth" prominently displayed, set against a soft, blurred background of pastel colors, capturing the vibrant and sweet essence of the treat. +A vintage movie theater marquee glowing under the night sky, prominently displaying the title "Midnight Matinee Real Life" in neon lights, with a crowd of excited moviegoers lining up at the entrance. +A digital billboard towers above a bustling highway, its screen brightly displaying the warning "Accident Ahead Merge Left", casting a glow over the vehicles below, which are cautiously merging into the left lane. +A futuristic space elevator interior with a sleek, illuminated button panel. The panel features a prominent button labeled "Press for Orbit", set against a backdrop of gleaming metal and soft, ambient lighting. +A high-quality photograph of a coffee bag packaging, prominently stamped with "Dark Roast" in bold, elegant letters, set against a rustic wooden background, with a sprinkle of coffee beans around the bag for added texture and authenticity. +A fire truck parked on a busy urban street, its door stenciled with "Rescue Unit 12", reflecting the urgency and professionalism of the firefighting team. The scene is captured in a realistic photographic style, with bystanders looking on. +A realistic photograph of a highway billboard advertising "Biggest Sale Ever" with a vibrant image of a sleek, red sports car, set against a clear blue sky and surrounded by lush green trees. +A medieval knight holds a shield emblazoned with the crest "Valor and Honor", standing proudly in a sunlit, ancient castle courtyard, surrounded by stone walls and banners fluttering in the breeze. +A mountain climber pauses on a snowy peak, gripping an ice axe etched with the words "Not a Walking Stick", reflecting the determination and purpose of the climb. The scene is captured in a realistic photographic style, emphasizing the climber's resolve and the stark beauty of the mountains. +A bustling train station with a large digital announcement board prominently displaying "Delayed 1 Hour" in bright red letters, surrounded by anxious passengers checking their watches and phones, with the hum of announcements and the echo of footsteps filling the air. +A food critic sits at a futuristic, sleek diner, jotting notes in a leather-bound notebook. The entry reads: "Best Burger in Galaxy". A glowing, juicy burger with galactic swirls in the background, sci-fi elements, and a modern, neon-lit ambiance. +A detective's hand holds a magnifying glass, closely inspecting a dusty, old book on a wooden desk. The glass enlarges the text "Clue Found" on a yellowed page, with soft, warm lighting casting shadows around the scene. +An adventurer stands in a dense forest, holding an antique compass etched with "True North", its needle pointing steadfastly ahead through the misty undergrowth. +A therapist's notepad with a pen resting on it, the page showing neat handwriting circled around the phrase "Same Issues New Week", set in a cozy, warmly lit office with a window overlooking a serene garden. +A dark, cluttered desk with a smartphone displaying its final message: "Charge Me I Beg You", surrounded by abandoned chargers and cables, with a dim lamp casting shadows across the scene. +A colorful children's alphabet block tower spelling "ABC Learning" stands proudly on a white background, each block vividly illustrated with playful, educational designs, casting soft shadows, creating a bright and engaging scene perfect for young learners. +A gym locker room with a fogged mirror, etched with the words "You Look Great Lie", reflecting a silhouette of a person, steam swirling around, creating an eerie yet realistic atmosphere. +A pet store window featuring a "Adopt Don't Shop" sign, surrounded by playful paw-print graphics and colorful posters of various adoptable pets, with a soft, warm light illuminating the scene from inside. +Retro diner interior with a vintage jukebox labeled "Rock n Roll Hits" playing, surrounded by classic 1950s decor, including red vinyl booths and checkerboard floors. +A bustling farmer’s market stall with a vibrant banner reading "Organic Produce Here", surrounded by a variety of fresh, colorful fruits and vegetables, with cheerful customers browsing and a smiling farmer in the background. +A bustling factory floor with a large machine displaying a prominent red warning light that reads "Maintenance Required", surrounded by industrial machinery and tools, with a faint glow from overhead lights casting shadows across the scene. +A vintage movie theater at night, the marquee brightly lit and displaying "Now Playing Space Odyssey" in bold, retro font. The marquee is flanked by ticket booths and a line of excited moviegoers. The sky is a deep twilight, enhancing the neon glow. +Ancient Roman mosaic floor with intricate tile work, depicting the warning "Beware of Dog" in Latin, set in a grand villa's entryway, surrounded by classical columns and statues. +A sleek, metallic alien spaceship with a hull marked "Human Observation Unit 9" hovers over a desolate landscape, its surfaces reflecting the dim light of a distant star. +A vintage gas station scene with a retro gas pump sign prominently displaying "Regular 299 Gallon", set against a nostalgic 1950s American backdrop, with a classic car parked nearby and a sunny sky overhead. +A child's colorful drawing of a vibrant rainbow, with the words "Happy Day" written in playful, wobbly letters across the top. The background is filled with bright, cheerful colors and simple, whimsical shapes. +A realistic photograph of a post office package with a prominently displayed red stamp marked "Fragile Handle Care" on a brown cardboard box, surrounded by other packages and postal paraphernalia. +A high-quality photograph of a sleek, clear water bottle with a vibrant sticker that reads "Stay Refreshed" adhered to its side, set against a clean, minimalist background. +Aerial view of a vast, green field with a intricate crop circle spelling out "Send More Cats" in the center, under a twilight sky with a glowing UFO hovering above, casting a soft, ethereal light on the message. +An ancient stone tablet, weathered by time, stands in a moss-covered clearing. The tablet is intricately carved with the inscription "Here Lies King Arthur", its letters deep and shadowed, surrounded by mystical Celtic knotwork. +A close-up of a pilot's cap, prominently featuring a patch that reads "Sky Captain" in bold, golden letters against a deep blue background, with subtle stars and clouds embroidered around it, set against a blurred, vintage airplane cockpit interior. +A wizard stands in a dimly lit forest, his staff glowing with intricate etched runes that read "Lux in Tenebris", casting an ethereal light that illuminates the misty surroundings. +An amusement park ticket stub with "Ride at Own Risk" printed on it, lying on a worn wooden countertop next to a vintage ticket booth, with the vibrant colors of the park's signage and rides visible in the background. +A serene park scene with a wooden bench under a large oak tree. An engraved plaque on the bench reads "For Quiet Reflections", surrounded by vibrant autumn leaves and soft, dappled sunlight. +A vintage retro diner jukebox, glowing warmly with the inviting lights of "Play Your Favorite Tune", set against a nostalgic 1950s backdrop. +A realistic smartphone screen with a notification pop-up that reads "Low Battery 10%", set against a blurred background of a busy city street at dusk, capturing the essence of a hurried moment. +A vibrant T-shirt design featuring bold, colorful graphics with the text "Best Dad Ever" prominently displayed. The design includes playful elements like a superhero cape and a pair of sunglasses, surrounded by cheerful illustrations of children and family activities. +A weathered antique treasure map with intricate illustrations, the label "X Marks the Spot" prominently displayed at the center, surrounded by faded compass roses and mysterious symbols, all under a warm, nostalgic glow. +A detailed, realistic photograph of a solar panel installation manual titled "SunPower Pro Model" open on a workbench, with an array of tools and a partially installed solar panel in the background. +A close-up of an elevator button panel, prominently displaying a red label that reads "Maintenance Mode Active", with the buttons slightly worn and the panel showing signs of frequent use. +A close-up of a fast food cup sleeve, intricately printed with the warning "Caution Liquid Hot", set against a blurred background of a busy café. The sleeve's texture and the vibrant colors of the print are prominently featured. +A basketball court with a clear "Free Throw Line Here" marked on the floor, players in mid-action, and a crowd cheering in the background. The scene is vibrant, capturing the energy of a competitive game under bright stadium lights. +An Arctic research station with a detailed wall carving that reads "Cold Hands Warm Data", surrounded by icy landscapes and snow-covered equipment, with researchers in warm gear nearby. +Comic book panel with a dynamic superhero punch, "KAPOW" explosion effect beside it, vibrant colors, action-packed, detailed illustration style. +A close-up of a weathered poetry journal page titled "Whispers of the Wind", with gentle, swirling wind patterns subtly visible in the background, and fallen leaves resting delicately on the open page. +A vibrant scene where "Balloons are flying", each balloon a vivid hue of the rainbow, set against a colorful, gradient background that complements the bright, airy atmosphere of the floating balloons. +A close-up of a chef's knife on a wooden cutting board, the handle intricately engraved with "For Cutting Expectations", surrounded by fresh ingredients, capturing the essence of culinary art and a subtle message of breaking norms. +A vibrant TV show poster featuring the text "Arabesque" in elegant, swirling typography, set against a backdrop of intricate geometric patterns and warm, desert tones, capturing the essence of Middle Eastern mystique. +A dimly lit escape room with a mysterious note on the floor, reading "Code 1159 PM Hurry". The room is cluttered with old furniture and a large, antique clock on the wall, ticking loudly. +A high-resolution photograph of a massive, imposing bank vault door, prominently stamped with the warning "Authorized Personnel Only", set against the sterile, dimly lit interior of a vault corridor. +A stylish calendar page header displaying "March 2025", featuring a minimalist design with a subtle gradient background and elegant, modern font. The header is set against a clean, white border, enhancing its sleek and contemporary appearance. +A sleek, futuristic hologram badge floating in a dimly lit room, displaying the words "Access Granted" in vibrant, glowing colors. The badge emits a soft, blue light, creating subtle reflections on the surrounding metallic surfaces. +A bustling farmer’s market stall with a vibrant banner prominently displaying "Organic Only", surrounded by fresh, colorful produce and happy shoppers browsing the selection. +A high-quality TV show poster featuring the logo "Shattered Glass" prominently, set against a backdrop of fractured, reflective glass pieces, with a dark, dramatic atmosphere. +In an ancient, sunken atrium of the Atlantis museum, a weathered plaque reads, "Our Sinking Explained", illuminated by the dim, blue light filtering through the water. Coral and seaweed surround the plaque, with schools of fish swimming nearby. +A vintage wooden door with an intricate brass knocker shaped like a wizard's hat. Above the knocker, an ancient inscription reads: "Knock Thrice". The door is slightly ajar, revealing a hint of glowing light from within. +In a modern office setting, a sleek, wooden desk is centered with a polished, silver nameplate that clearly reads "Pretend Boss". The CEO's office is adorned with minimalist decor, large windows letting in natural light, and a few potted plants adding a touch of greenery. +A zombie's dating profile page with a grim, humorous tone. The profile states "Brains, Long Walks" in bold, set against a foggy graveyard backdrop with a lone, decaying tree. The zombie, dressed in tattered clothes, holds a skull and looks hopefully into the distance. +A campfire scene with a marshmallow roasting stick, the handle clearly branded with "Perfectly Burnt", glowing embers reflecting off the stick and a marshmallow lightly toasted on the tip. +A movie poster featuring the logo "Catatonia" prominently at the top, set against a backdrop of a dark, urban night scene with neon lights and rain-soaked streets, creating a moody and atmospheric vibe. +A mad scientist stands in a cluttered lab, surrounded by bizarre machinery and glowing vials, intently writing the equation "1 1 11" on a whiteboard, with a look of intense concentration on his face. +A elegant wedding invitation featuring cursive text "Happily Ever After" in a classic, romantic style, set against a soft, pastel background with subtle floral patterns and gold accents, capturing the essence of timeless love and celebration. +A detailed tapestry hangs on an ancient stone wall, intricately embroidered with the phrase "Here Be Dragons Maybe" in elegant script. Mythical dragons weave through a mystical forest, their scales shimmering in hues of emerald and sapphire, under a twilight sky. +A submarine's periscope, its lens etched with "Depth Unknown Courage 100", emerges from the deep ocean, surrounded by swirling currents and bioluminescent sea creatures, capturing the essence of underwater exploration and bravery. +An art gallery displays a plaque titled "Sunset Over Paris 1923", set against a backdrop of a vintage painting showing the Eiffel Tower bathed in the warm, golden light of a setting sun, with soft, pastel-colored clouds in the sky. +A cozy café interior with warm lighting, wooden tables, and a chalkboard prominently displaying "Soup of the Day Mystery" in elegant script, surrounded by hand-drawn illustrations of steamy bowls and herbs. +A scientist in a lab, wearing a lab coat embroidered with "Dr Quantum Physics Dept", stands amidst high-tech equipment, with charts and equations on the walls, capturing the essence of cutting-edge research. +A wizard's ancient spellbook lies open beside a spilled potion, the shimmering liquid forming the words "Epic Fail Try Again" on the stone floor, surrounded by floating magical sparks and eerie shadows. +An ancient wizard's scroll unfurled, revealing the spell "Lux Nova" inscribed in glowing runes, set against a backdrop of a dimly lit, mystical library with flickering candles casting shadows on old tomes. +A close-up shot of a name tag sticker with the text "Hello My Name Is Alex" clearly visible, placed on a light blue background, with a slight shadow to give it depth and realism. +An ancient, tattered scroll with a golden header inscribed with the words "Cure for Mortality", lying on a worn wooden table, illuminated by the soft glow of a flickering candle. +A realistic photograph of a zoo enclosure, prominently featuring a clear sign that reads "Do Not Feed the Lions", surrounded by lush greenery and perhaps a curious lion in the background. +A vibrant farm mural featuring a large silo painted with the text "Harvest Time Blessings", surrounded by golden fields of wheat and a clear blue sky, capturing the essence of a bountiful autumn harvest. +A spy meticulously adjusts the combination lock on a sleek, black briefcase, setting it to "007" under the dim light of a clandestine meeting spot. The scene is tense, with a shadowy figure watching from a distance. +A vintage postcard featuring the whimsical text "Greetings from Atlantis" with a vibrant illustration of a mermaid swimming among coral and seashells, set against a turquoise ocean background. +A modern living room with a smart home hub displaying a notification that reads "Front Door Unlocked". The room is brightly lit, with a front door visible in the background, slightly ajar, and a sleek, minimalist design. +A nighttime cityscape with a yellow taxi prominently featured, its roof light clearly displaying "Available For Hire" in bright, illuminated letters. The taxi is parked on a busy street, with pedestrians and other vehicles visible in the background, creating a bustling urban atmosphere. +A classroom wall features a vibrant science poster titled "The Water Cycle", illustrating the stages of evaporation, condensation, precipitation, and collection with colorful diagrams and labels, surrounded by students' handmade projects and notes. +An ancient, leather-bound wizard’s spellbook lies open on a wooden desk, its pages glowing with the incantation "Lumos Maxima", casting a soft, radiant light that illuminates the dim, mystical room. +A high-resolution screen displaying a gaming console loading screen with the text "Press Start to Play" in bold, vibrant colors, set against a sleek, futuristic background. +A vibrant birthday card opened to reveal a playful message in bold letters: "Getting Old". The card features a whimsical illustration of a clock with a smiling face, surrounded by confetti and balloons, set against a pastel background. +Retro arcade game cabinet with a pixelated screen displaying "Insert Coin", surrounded by the warm glow of neon lights in a dimly lit game room. +A detailed detective's notepad page titled "Prime Suspect", filled with handwritten notes, sketches, and clues, set against a backdrop of a dimly lit, cluttered office with a vintage typewriter and a magnifying glass resting on the page. +A scenic hiking trail winds through a lush forest, with a wooden marker standing prominently. Carved deeply into the marker are the words "Eagle Peak 32 Miles", guiding hikers towards their distant goal. Sunlight filters through the trees, casting a warm glow on the path ahead. +A realistic photograph of a vintage vending machine with a unique button labeled "Surprise Regret 300", set against a dimly lit alley. The machine is slightly dusty, and the button stands out with a glowing red light, inviting yet ominous. +A submerged submarine with its hatch marked "Emergency Exit Only" slightly ajar, revealing a glimpse of the underwater world with vibrant marine life and soft, ambient light filtering through the depths. +A close-up of a spacesuit sleeve, featuring a detailed patch that reads "Moon Base Alpha Crew". The patch is vibrant, with the moon and stars subtly embossed, set against a backdrop of the lunar landscape. +A romantic wedding scene with a couple standing under a floral arch, surrounded by twinkling fairy lights and lush greenery. A delicate invitation script reading "Happily Ever After" is visible on a nearby table, adding a touch of elegance to the moment. +A close-up of a sleek, modern smartwatch with a vibrant, high-resolution display showing the message "Step Goal Achieved" in bold, celebratory text, surrounded by a dynamic progress bar that glows with a satisfying green hue. +A close-up of a voting ballot with the header "Proposition 12" prominently displayed, set against a neutral background to emphasize the text and the official, formal nature of the document. +A beautifully decorated birthday cake with smooth, white icing and colorful decorations, featuring a clear message "Happy 30th Birthday" in elegant script on top, surrounded by lit candles and fresh berries. +A vintage camera strap with the phrase "Capture the Moment" hangs from an old wooden tripod in a sunlit attic, surrounded by vintage photography equipment and framed by dusty, golden light streaming through a small window. +A vintage luggage tag, labeled "Handle With Caution", attached to a worn leather suitcase, resting on a rustic wooden table, with soft, warm lighting casting gentle shadows, emphasizing the tag's aged, slightly creased appearance. +A vibrant, futuristic alien plant nursery with a neon sign that reads "Venus Flytrap Pets" hanging above the entrance, surrounded by exotic, bioluminescent plants and sleek, metallic display cases. +An antique globe map, detailed and worn, with a vintage aesthetic. Near the poles, a whimsical label reads "Here There Be Tax Audits", surrounded by old-world cartography elements like sea monsters and compass roses. +A modern hotel lobby featuring a sleek, illuminated sign directing guests to "Conference Room B", with a minimalist interior design and a few scattered business travelers. +A bustling book fair with a vibrant banner that reads "Authors Signing Today" hanging prominently over a row of tables where authors are enthusiastically signing books for eager fans, surrounded by shelves of colorful book spines. +A close-up of a shiny pet collar tag, intricately engraved with "My Name Is Rover", lying on a rustic wooden surface, bathed in soft, natural sunlight. +A movie poster titled "How Many Miles to Babylon" featuring a rugged, sun-weathered traveler standing on a desolate, ancient road. The horizon stretches endlessly, with crumbling ruins and a distant, enigmatic city silhouette. The poster's text is in bold, vintage font, evoking a sense of epic journey and mystery. +A hiker pauses on a rugged mountain trail, the wooden signpost clearly displaying "Summit 2 Miles Ahead" amidst a backdrop of dense evergreen forests and rocky terrain, with a hint of mist lingering in the air. +A modern digital office door sign displaying "Quiet Please" in sleek, white font against a minimalist black background, set in a contemporary office hallway with soft lighting and a subtle, professional ambiance. +A serene yoga studio with a large mural on the wall featuring the phrase "Breathe In Peace" in elegant, flowing letters, surrounded by tranquil nature scenes like gentle waves and soft, swaying trees. The room is bathed in calm, natural light. +A miniature dollhouse newspaper with the headline "Ghosts Unionize" lies on a dusty, cobweb-covered table, surrounded by eerie, vintage toys and a flickering candle, set in a dimly lit, abandoned room. +An abstract painting titled "Meaning of Life", featuring vibrant swirls of color and intricate patterns that evoke deep philosophical contemplation, set against a dark, mysterious background. +A close-up photograph of a car bumper sticker that reads "Baby On Board", with a subtle reflection of a stroller in the background, set against a blurred, sunlit parking lot. +A realistic photograph of a car mechanic's shop with a prominently displayed sign that reads "Oil Change Special 29", surrounded by tools and vehicles, with a technician in a stained work uniform standing nearby. +A bustling city street at dusk, with a digital billboard prominently displaying cycling ads that read "Summer Sale 50% Off" in vibrant, glowing letters, surrounded by the glow of streetlights and the hustle of pedestrians. +A pair of boxing gloves, labeled "Champ Edition", laid on a worn-out gym mat, with a blurred background of a bustling boxing ring, capturing the essence of a fighter's dedication and triumph. +A pirate ship navigates turbulent waters, its massive sail emblazoned with bold, striking letters "Sea Dominator" against a backdrop of stormy skies and crashing waves. +A nighttime city street with a taxi stopped at the curb, its roof light illuminated in bright red letters displaying "Off Duty", reflecting softly on the wet pavement. +In a chemistry lab, a whiteboard displays the equation "H2O + CO2 → H2CO3" with detailed molecular structures. Lab equipment, including beakers and test tubes, is arranged neatly on a table, and a scientist in a white coat stands nearby, examining a sample. +A close-up of a library book’s spine, labeled "Mystery Tales Vol III" in elegant, embossed text, with the texture of aged leather and subtle gold accents, set against a soft, blurred background of other books. +A futuristic space station airlock with a glowing warning sign that reads "Check Your Privilege" in bold, red text, set against the backdrop of a star-filled universe. The airlock door is half-open, revealing a dimly lit interior. +In a dimly lit UFO bathroom, the walls are metallic with futuristic tiles. On one wall, neon green graffiti scrawls "Wash Your Tentacles" next to a sleek, alien sink. The scene is eerie yet humorous, capturing the essence of extraterrestrial life. +A highway billboard stands tall, advertising "Next Exit Free Coffee" with vibrant, bold letters. The scene is set during a sunny afternoon, with cars passing by on the busy road below, and a small coffee stand visible in the distance at the next exit. +A realistic classroom scene with a whiteboard prominently displaying the reminder "Test Tomorrow Ch 4". Students are seated at desks, some taking notes, others looking concerned. The room is filled with the soft hum of activity and the scent of chalk. +In a modern hospital corridor, a sign that reads "pocket" hangs above a sleek, stainless-steel information desk, illuminated by soft, overhead lighting. The scene is clean and sterile, with a few medical staff in blue scrubs walking by. +A close-up of an artisanal soap label, elegantly designed with minimalist typography. The label reads "Imposter Syndrome Scent" in bold, modern font, set against a soft, pastel background with subtle, watercolor-like textures. +A doormat with the aggressive message "Go Away" in bold, striking letters, placed at the entrance of a modern apartment, with a sleek, minimalist door behind it. +A vibrant poster featuring the title text "Locust" in bold, eye-catching typography, set against a backdrop of a swarm of locusts in mid-flight, with a subtle, gradient sky transitioning from golden yellow to deep purple. +A close-up of a digital thermometer with its screen displaying "Normal Body Temperature" in clear, green LED digits, set against a neutral, softly lit background. +A bustling train station with an announcement board prominently displaying "Delayed 15 Min" in the center, surrounded by commuters checking their watches and phones, with the faint glow of the city lights in the background. +A vibrant birthday card adorned with glittery "Happy Birthday Sam", set against a colorful, festive background with balloons and confetti. +A museum gallery featuring "Exhibit 3 Audio Tour", with visitors listening intently to audio guides. The scene is bathed in soft, ambient lighting, highlighting ancient artifacts and detailed informational plaques. Modern, sleek audio devices are visible, enhancing the educational atmosphere. +A realistic photograph of an airport luggage tag, slightly worn and crumpled, with the words "Not Your Bag" scribbled in bold, black marker on its surface, lying on a textured conveyor belt. +A classroom poster titled "Periodic Table" with vibrant, colorful elements, each cell featuring a different hue and detailed illustrations of atoms and molecules, set against a clean, white background. +A professional food critic stands confidently in a modern kitchen, holding a badge that reads "Professional Taste Tester". The kitchen is well-lit, with stainless steel appliances and a variety of gourmet dishes on display, emphasizing the critic's expertise and the high standards of culinary art. +A sleek, modern logo for the company "moneymoneymoney", featuring an elegant blend of gold and black. The design incorporates stylized dollar signs, creating a sophisticated and luxurious look that exudes financial success and prestige. +A weathered pirate map, crinkled and stained, with "X Marks the Spot" clearly visible, surrounded by intricate illustrations of sea monsters and old sailing ships, under a fading light that highlights the treasure's location. +A realistic photograph of a botanical garden greenhouse, with a clear sign reading "Rare Orchids Do Not Touch" hanging on a wooden post. Surrounding the sign are vibrant, exotic orchids in various colors, with dew drops on their petals, and sunlight streaming through the glass roof. +In a modern art gallery, a sleek, black wall label reads "Abstract Existential Crisis 7" beneath a large, vibrant painting that swirls with chaotic colors and shapes, evoking deep emotional and philosophical reflection. +A hiker stands on a trail, holding a map with a section circled that reads "Bears Love Picnic Baskets", surrounded by a lush forest and a hint of mist in the air. +A high-resolution photograph of a wine bottle with a sophisticated label that reads "Vintage Reserve 2020", set against a rustic wooden background, capturing the elegance and quality of the wine. +A deep-sea submarine's console glows with an ominous red warning light, displaying the message "Pressure Doubt Rising" on its screen. The control panel is surrounded by intricate machinery and dim, flickering lights, creating a tense, claustrophobic atmosphere. +A realistic photograph of a modern office building with a clear sign that says "Google Brain Toronto" prominently displayed at the entrance, surrounded by urban greenery and bustling city life. +A close-up of a pharmacy window, featuring a sticker that prominently displays "Vaccines Available Here" in bold letters, with a modern, clean design. The background shows a glimpse of the pharmacy interior, with shelves of medicines and a pharmacist in a white coat. +An astronaut stands on the lunar surface, their helmet visor reflecting the futuristic structure of "Moon Base Alpha" amidst the stark, gray landscape, with Earth hanging low in the dark sky. +A wizard's ancient, fire-breathing dragon perches atop a weathered sign that warns, "Keep Out", its fiery breath casting an ominous glow on the faded wood. +A vintage diner with a fresh coat of paint and modern signage, featuring a prominent "Under New Management" banner hanging outside, set against a sunny backdrop with a few cars parked nearby. +A detailed campground map with a clear marker labeled "Bear Proof Food Storage", surrounded by forest trails and camping sites, emphasizing the safety and natural setting. +A wizard stands in a dimly lit forest, his staff glowing with an eerie light that spells out "Out of Magic Try Again Later" in shimmering, fading letters. The surrounding trees cast long shadows, and the night sky is dotted with stars. +A cloud-shaped sticker with "Think Lightly" in Comic Sans, floating against a serene sky, with soft, pastel colors and a gentle, uplifting atmosphere. +A vintage postcard with a slightly weathered texture, featuring faded writing that reads "Greetings from Atlantis" against a backdrop of an ancient, sunken cityscape with mythical ruins and an ethereal, underwater glow. +A medieval tavern's rustic wooden menu board hangs outside, weathered by time. It prominently displays "Dragon Ale" in ornate, aged lettering, alongside other ancient brews. The scene is set in a bustling village square, with cobblestone streets and stone buildings in the background. +In a desolate, post-apocalyptic cityscape, a cracked wall bears the bold, graffiti-marked words "ZombieFree Zone" in vibrant red spray paint, surrounded by overgrown weeds and debris. +A noir scene: A detective's hand holding a matchbox with "Meet Docks at Midnight" written on it, under the dim light of a streetlamp, rain-slicked alley, shadows cast by the buildings, mysterious atmosphere. +A vibrant banner at a bustling tech expo announces "Innovate 2024", surrounded by futuristic exhibits and enthusiastic attendees, with glowing neon lights and high-tech displays in the background. +A weathered prison wall, covered in fading graffiti that reads "Innocent Until Proven", with the text partially obscured by moss and peeling paint, set against a bleak, overcast sky. +A dark forest clearing at night, a witch in a tattered robe stirs a cauldron emitting swirling, neon pink smoke labeled "Love Potion 9", under a full moon, surrounded by glowing mushrooms and flying bats. +A realistic photograph of a wrist with a cursive tattoo reading "This Was a Mistake", set against a neutral background, highlighting the intricate ink and subtle shading of the design. +A bustling farmer’s market stall with a wooden sign that reads "Local Honey Sold Here", surrounded by jars of golden honey, woven baskets, and fresh flowers, under a sunny sky. +An old ice cream truck parked on a sunny street, its side panel proudly displaying the words "Frosty Treats" in colorful, playful letters, with children excitedly gathered around. +A movie set with a vintage clapperboard prominently displaying the scene title "Take 3 Action", surrounded by a director, crew, and actors in character, captured in a realistic photographic style with warm, cinematic lighting. +A realistic photograph of a vending machine displaying the message "Exact Change Required" in a bustling city street, with people walking by and a mix of modern and vintage architecture in the background. +A realistic photograph of a construction site with yellow and black warning tape fluttering in the wind, prominently displaying the text "Danger High Voltage" against a backdrop of steel beams and machinery. +A detailed diagram illustrating the installation process of solar panels, with a clear label reading "Sun Side Up" on the main panel. The diagram includes step-by-step instructions and safety guidelines, set against a clean, technical background. +A realistic photograph of a science lab door, prominently displaying a sign that reads "Biohazard Zone Keep Out", with warning symbols and a caution tape barrier. +A vibrant TV show poster featuring the logo "Class Act" prominently displayed, surrounded by a diverse cast of young actors in a school setting, with a backdrop of a modern classroom and chalkboards, emphasizing the theme of academic and personal growth. +A close-up of a musician's guitar case, featuring a vibrant "Rock On" sticker prominently placed on the worn, leather surface, with a subtle reflection of a stage light. +A realistic photograph of a person wearing a black hoodie with "Code All Day" printed in white letters, standing in a modern, minimalist room with a laptop on a wooden desk, soft natural light filtering through a large window. +A realistic photograph of a military base checkpoint, featuring a prominent sign that reads "Authorized Use Only", guarded by soldiers in camouflage uniforms, with barbed wire and concrete barriers enhancing the secure perimeter. +A neon sign glowing "Midnight Diner" above a 1950s burger joint, set against a vintage cityscape at night, with classic cars parked outside and a nostalgic atmosphere. +A detailed blueprint of a futuristic spaceship, labeled "Mars Explorer 3000" on the side, with intricate technical drawings and schematics, showcasing its advanced design and space exploration capabilities. +A close-up of a vintage seed packet labeled "Heirloom Tomatoes", lying on a rustic wooden table, with a gardener's trowel and a handful of rich soil nearby, under the warm glow of a sunny window. +In the abyss, a mysterious deep-sea creature emits a mesmerizing bioluminescent display, flashing the words "Dive Deeper" in neon blues and greens, illuminating the dark waters around it. +A sophisticated wedding invitation card, embossed with "Save the Date" in elegant gold foil, set against a soft, cream background with delicate floral borders. +A medieval knight stands proudly, holding a shield emblazoned with "YOLO" in intricate Old English script. The scene is set in a sunlit castle courtyard, with stone walls and banners fluttering in the breeze, emphasizing the contrast between the ancient setting and the modern slogan. +A close-up of a modern fitness tracker on a wrist, with a sleek, minimalist design. The display prominently shows "10000 Steps Achieved" in clear, bold text, with a background that subtly changes color to celebrate the milestone. +A realistic photograph of a plant nursery, featuring a small, green tag attached to a thriving potted plant. The tag clearly reads "Water Daily Needs Sunlight" in neat, black font, set against a backdrop of lush, verdant foliage and sunlight streaming through a nearby window. +A vast desert landscape with a lonely oasis, where a rustic wooden sign stands tall, reading "Last Water Before Next Water", under a blazing sun, surrounded by lush palms and a serene water pool. +A modern yoga studio with a large wooden schedule board prominently displaying "Sunrise Flow 6AM" in elegant calligraphy. Soft, natural light filters through large windows, casting a serene glow over the calm, minimalist interior. +A DJ's neon booth sign pulsing "Volume at Illegal Levels" in a vibrant, crowded nightclub, with colorful lights reflecting off the sweating crowd and a haze of smoke in the air. +A close-up of a pet collar tag, intricately engraved with "If Found Call Owner", lying on a rustic wooden table, sunlight casting a warm glow, emphasizing the detailed text and the worn texture of the tag. +A bustling farmer's market scene with a wooden stand featuring a hand-painted sign that reads "Fresh Organic Strawberries". Baskets of vibrant, ripe strawberries are displayed, surrounded by green leaves, with happy shoppers browsing the fresh produce. +A campsite at dusk, with a cozy campfire surrounded by logs. A humorous wooden sign stands next to it, clearly warning, "Beware of Smores". The scene is illuminated by the warm glow of the fire, casting long shadows and creating a playful, inviting atmosphere. +An astronaut floating in space, the helmet visor prominently displaying "O₂ 3h 42m", with Earth in the background and stars twinkling around. The visor reflects the serene blue and green hues of the planet, enhancing the sense of isolation and vastness. +A dark, eerie haunted house with a single window glowing ominously, displaying the chilling message "Get Out While You Can" in bold, illuminated letters. +A high-quality surfboard with a vibrant "Wave Rider Pro" decal, showcasing a dynamic wave pattern and bold text, set against a backdrop of crashing ocean waves and a sunny sky. +A realistic photograph of a modern subway station, with intricate tilework spelling "Downtown Line" prominently displayed on the wall, surrounded by stainless steel and glass architecture, under the glow of fluorescent lighting. +A cozy kitchen scene with a baker in an apron that reads "Kiss the Cook", surrounded by baking supplies and a warm, inviting atmosphere. +A museum display with a plaque titled "Ancient Meme Artifacts" under glass, showcasing various humorous stone carvings and pottery pieces, illuminated by soft, ambient lighting in a modern gallery setting. +A treehouse nestled in a vibrant green canopy, with a rustic wooden door featuring a hand-painted sign that reads, "Adults Must Knock First" in playful, child’s writing, surrounded by dappled sunlight filtering through the leaves. +A dimly lit sci-fi prison corridor with a futuristic cell door displaying a glowing neon sign that reads "CELL 404 NOT FOUND", casting an eerie blue light on the metallic walls and floor. +A realistic photograph of a dentist office wall featuring a poster that reads "Floss Like Nobody's Watching", with dental tools and a smiling tooth illustration in the background. +A detailed map of an astronaut's moon base, labeled "Colony Site Alpha", showcasing modular habitats, solar panels, and rovers on a desolate lunar landscape. +A medieval banner "Dragon Slayers" hangs above a stone archway, flanked by armored knights holding spears. The banner is tattered and weathered, with vibrant red and gold colors. Sunlight filters through the arch, casting dramatic shadows on the cobblestone floor. +A close-up of a tea bag with a tag string labeled "Fortune Pending Steep Longer", resting on a saucer next to a steaming cup of tea, with a soft, warm light casting a gentle shadow. +A classroom setting with a detailed periodic table on the wall, prominently highlighting "Element 118" with a bright, yellow border. Students are seated at desks, and a teacher points to the highlighted element, creating a focused and educational atmosphere. +A futuristic spaceship hull, gleaming under distant stars, painted with bold, vibrant letters reading "Mars Colony One", against a backdrop of the red planet. +A red stop sign stands at the intersection, prominently displaying the text "School Zone Ahead", surrounded by a quiet residential street with a few houses and trees in the background, under a clear blue sky. +A realistic photographic scene of a clinic waiting room featuring a vibrant poster on the wall, advising "Get Vaccinated Today", surrounded by comfortable seating and medical magazines. The poster is the focal point, with clear, bold text and a friendly, inviting graphic. +A high-resolution image from a lunar orbiter captures a unique moon crater formation that eerily resembles the word "NOPE", set against the stark, shadowy landscape of the moon's surface. +A realistic photograph of an ambulance parked on a city street, with a clear side decal stating "Emergency Medical Services" visible on the vehicle's door, surrounded by a busy urban environment. +A vibrant food truck parked on a bustling city street, with a colorful bumper sticker on the rear that reads "Honk for Tacos" in bold, playful letters. The truck is surrounded by eager customers, and the aroma of sizzling tacos fills the air. +A weathered, torn notebook page with the handwritten text "I cant unsee whats coming", lying on a rustic wooden table, with a subtle play of light and shadow emphasizing the worn edges and the intensity of the message. +A realistic photograph of an alien plant nursery, with a caution sign that reads "Water With Caution Screams" prominently displayed among exotic, otherworldly flora. The plants have vibrant, surreal colors and unusual shapes, enhancing the eerie yet fascinating atmosphere of the scene. +A medieval tavern door, intricately carved with the phrase "Ye Olde Safe Space", set against a backdrop of a bustling village square, with warm, golden light spilling from the tavern windows, inviting travelers and locals alike. +A dimly lit carnival tent with a mysterious fortune teller sign that reads "Know Your Future 5" hanging above an old, worn wooden table, surrounded by flickering candles and mystical artifacts. +A high-resolution photograph of a sleek, red race car with a bold, white decal on the hood proclaiming "Slow Steady", set against a blurred background of a racetrack. The car's front is slightly lifted, capturing a dynamic yet controlled speed. +In a bustling airport terminal, the digital departure board prominently displays "Flight 307 Delayed" in bright, red letters, while passengers look on with expressions of frustration and anticipation. The scene is captured in a realistic photographic style, emphasizing the modern architecture and the diverse crowd. +A mountain summit with a weathered plaque engraved with "Altitude Sickness Zone", surrounded by rugged terrain and sparse, wind-swept vegetation, under a clear blue sky. +A glowing "Fasten Seatbelt" icon illuminates the wall of a luxurious cruise ship cabin, casting a soft, serene light in the dimly lit room, reflecting off the polished wood and glass surfaces. +An astronaut stands proudly beside a moon base, the flag bearing the phrase "We Came in Pizza" fluttering in the lunar breeze, surrounded by the stark, gray landscape of the moon. +A realistic photograph of a hospital wristband worn on a patient's wrist, clearly displaying the text "Patient ID 04567" against a neutral background. The wristband is slightly curved to fit the wrist, and the text is sharp and legible. +A close-up of a circle drawn on a smooth, white paper, with the words "Infinity makes me happy" handwritten in elegant, flowing script inside the circle, surrounded by subtle, ethereal light. +An astronaut's uniform displays a mission patch embroidered with "Mars or Bust", set against the backdrop of a futuristic spacecraft and the red, dusty landscape of Mars, emphasizing the determination and spirit of exploration. +A police car parked on a dimly lit street at dusk, its side clearly marked with "K9 Unit Patrol" in bold letters, next to a silhouette of a police officer and a German Shepherd standing guard. +A vintage seed packet titled "Sunflower Mix" with a rustic design, featuring a variety of sunflower illustrations and detailed planting instructions, set against a weathered wooden background. +A camping tent with a "Weatherproof Up To 50mph" tag, set up on a rocky cliff overlooking a stormy ocean, with strong winds bending the nearby trees and waves crashing against the shore. +A bustling city street with a modern bus stop. The timetable prominently displays "Next Bus 10 Min" in bright, clear letters. Passengers wait patiently, some checking their phones, others chatting. The scene is illuminated by the soft glow of streetlights, adding a touch of urban ambiance. +A bustling cyberpunk cityscape at night, neon lights reflecting off rain-slicked streets. A massive hologram advertises "Neural Upgrades 50% Off" in vibrant, flickering colors, drawing the attention of passersby and adding to the futuristic ambiance. +A snowman with a carrot nose and sticks arranged to spell "Hi Frosty" in the snow, set against a winter landscape with a crisp, blue sky. +A vibrant Easter egg, dyed with the playful message "Hop into Spring", nestled among fresh green grass and blooming flowers, capturing the essence of renewal and joy. +A detective's cluttered desk with a notebook open to a page labeled "Prime Suspect", pen resting on the detailed notes, a magnifying glass nearby, and a dimly lit room with a window showing a rainy night. +In a dimly lit medieval tavern, an old wooden sign reads "Mutton Maybe Horse" above a rustic wooden door. Patrons gather around wooden tables, their faces illuminated by the warm glow of flickering candles. The atmosphere is thick with the scent of roasting meat and the sound of lively chatter. +A close-up of a rustic, vintage gardening seed packet labeled "Heirloom Tomato Summer Blend", featuring a vibrant illustration of ripe, red tomatoes and green foliage, set against a weathered, wooden background. +A realistic photograph of a construction site with workers in hi-visibility vests and a prominent sign featuring a construction helmet sticker warning "Hard Hat Area" on a weathered, blue background. +A vintage school bus with the slogan "heeresbekleidungsamt" boldly printed on its side, parked in front of a quaint, rural schoolhouse surrounded by lush green fields and a clear blue sky. +A close-up of a fortune cookie with the message "You Will Need More Cookies" clearly visible, set against a rustic wooden background with a few scattered cookie crumbs, creating a warm and cozy atmosphere. +A gym locker room with modern lockers and a large mirror featuring a stylish decal that reads "You Look Strong Today", reflecting a motivated individual preparing for a workout. +A pilot in a cockpit, holding a clipboard with a checklist, where "PreFlight Complete" is prominently checked off, surrounded by the intricate controls and instruments of a modern aircraft. +A cozy living room with a wooden coffee table, a comfy sofa, and a fireplace. On the table, a framed adoption certificate reads "Certified Good Boy". A content golden retriever lies beside the table, wagging its tail gently. +A close-up of an old library book's inside cover, featuring a vintage stamp that reads "Return by Due Date", surrounded by the texture of aged paper and subtle wear marks. +A solemn war memorial stone inscribed with "Lest We Forget 1944" stands in a quiet, sunlit park, surrounded by lush green grass and tall, swaying trees. The stone is weathered, with a bouquet of fresh red poppies placed at its base, honoring the fallen soldiers. +A realistic photograph of a cinema ticket stub with a clear "Silent Mode" reminder, lying on a red velvet seat in a dimly lit movie theater, illuminated by the soft glow of the screen. +A realistic pharmacy interior with a prominent counter sign that reads "Consult Pharmacist First", surrounded by shelves of medications and health products, with a pharmacist in a white coat standing nearby. +A realistic photograph of an airport luggage tag, prominently displaying the text "Fragile Handle With Care", attached to a well-worn suitcase on a conveyor belt, with a blurred background of other luggage and airport signage. +A realistic photograph of a traffic sign with "Slow Down" prominently displayed, situated near a school zone, with children and parents visible, and a yellow school bus parked nearby, under a clear blue sky. +A vibrant globe with "contrarian" boldly written across it, continents depicted in striking, bright colors, set against a subtle, gradient background. +In a dimly lit museum hall, a meticulously crafted ancient sun dial rests on a pedestal, its intricate engravings catching the soft light. A descriptive label reads "Ancient Sun Dial", positioned elegantly beside the artifact, enhancing its historical significance. +An ice cream truck parked on a sunny street, its speaker blaring "Soft Serve Today" as children gather excitedly around, the truck's vibrant colors contrasting with the blue sky and green trees. +A medieval knight stands proudly beside his armored horse, the intricate plate etched with the playful phrase "My Other Ride Is a Unicorn", set against a backdrop of a lush, green forest. +A vintage retro diner with a classic jukebox in the corner, its selection panel prominently displaying "Hit Tracks" illuminated in neon lights, surrounded by nostalgic 1950s decor and patrons enjoying their meals. +A vintage camera with a well-worn leather case, prominently stamped with the phrase "Shoot First Develop Later", sitting on a rustic wooden table, surrounded by old photographs and film rolls. +A high-tech spaceship control panel with sleek, modern design, featuring a prominent red warning light labeled "Gravity Fail" blinking urgently, surrounded by various screens and buttons, in a dimly lit, futuristic setting. +A vintage arcade cabinet with a glowing screen displaying "Insert Coin to Play", set in a dimly lit room with soft neon lights casting a nostalgic glow, capturing the essence of 1980s game culture. +A close-up of an elegant wedding invitation card with intricate gold embossing, featuring the script "RSVP by June 5th" in a flowing, cursive font, set against a soft ivory background. +In a museum, a glass case displays ancient scrolls, with a descriptive plaque titled "Ancient Scrolls" detailing their origins and significance. The scene is lit by soft, ambient lighting, enhancing the historical atmosphere. +A weathered prison wall, with "Innocent AF Cell 24601" intricately carved into the stone, surrounded by barbed wire and dim, moody lighting, capturing the somber atmosphere of confinement and a plea for justice. +An antique globe, its aged surface marked by faded continents and "Here Be Dragons" scrawled in bold, archaic script over the vast, uncharted oceans, sitting on a wooden desk illuminated by the warm glow of a vintage lamp. +A musician's drum set, branded "Thunder Beats", illuminated by stage lights in a dimly lit concert hall, capturing the dynamic energy of a live performance. +A lizard perched on home plate at a sunlit baseball field, with a speech bubble above it containing the words "beria". The lizard's eyes are focused, and the field is empty, emphasizing the surreal scene. +A vintage typewriter with a crumpled sheet of paper jammed in, endlessly typing "The End" in faded ink, set on a worn wooden desk under a soft, nostalgic lamp light. +A roadside billboard stands tall, boldly advertising "World's Best Coffee" with vibrant, eye-catching graphics. The scene is set against a sunny day, with cars passing by on a busy road, and a few people pausing to glance at the enticing ad. +A lone mountain trail marker stands amidst rugged terrain, pointing towards the distant summit with the sign reading "Summit 25mi". The scene is bathed in the warm glow of the morning sun, highlighting the rugged beauty of the natural surroundings. +A detailed engraving on an ancient, tarnished brass lamp reads "Wishes NonRefundable". The lamp is partially buried in sand, with a faint glow emanating from within, hinting at the mystical power contained inside. +A factory floor bustling with activity, a worker wearing a bright yellow helmet with "SHIFT MANAGER ON DUTY" prominently displayed, overseeing the operations, with machinery in the background. +A close-up of a vintage book spine titled "The Lost City" in bold, elegant letters, set against a warm, golden background with subtle texture, capturing the essence of adventure and mystery. +A samurai stands in a misty bamboo forest, his sword sheathed at his waist. The sheath is intricately carved with the words "Honor Above All", reflecting the warrior's unwavering code of conduct. +A serene landscape at the nature reserve, with a subtle, elegant sign that reads "Please Respect the Wildlife" nestled among vibrant flora and fauna, emphasizing the importance of conservation and harmony with nature. +A lonely, sentient parking meter with a screen displaying the plea "Feed Me Quarters Please", standing in an empty urban street at dusk, its digital eyes flickering with a desperate, human-like expression. +A realistic photograph of a wooden sign on a hiking trail, surrounded by dense forest, with the warning "Beware of Bears" clearly visible in bold letters. The scene is illuminated by soft sunlight filtering through the trees. +A weathered Wild West wanted poster hangs on a wooden fence, offering "5000 Alive Preferably" for a notorious outlaw. The poster is faded by the sun, with a detailed sketch of the outlaw's face and a Wanted seal in the corner. Dust swirls around in the dry air of a deserted town. +A vintage map with intricate, aged detailing, featuring the caption "Here Be Dragons" near the edge, surrounded by mythical sea creatures and compass roses, under a soft, nostalgic glow that enhances the map's historical charm and mystery. +A romantic restaurant table set with elegant silverware and a lit candle. At the center, a luxurious chocolate cake with a "Happy Anniversary" topper, surrounded by roses and soft, ambient lighting. +A Valentine's card featuring a delicate, heart-shaped design with intricate lace borders and a soft, romantic color palette. In the center, elegant cursive script reads "Be Mine Forever" against a backdrop of blooming roses and fluttering butterflies. +A sleek digital watch face with neon blue digits displaying "Time to Party" against a dark, futuristic background, set in a bustling cyber city at night. +A realistic photograph of an elevator button panel, with a modern design and sleek buttons. Among the standard floor options, one button stands out, labeled "Narnia No Refunds", with a subtle, mystical glow around it. +A close-up of a sleek smartwatch on a wrist, with the screen displaying a bright notification: "10000 Steps Achieved". The background is blurred, focusing attention on the watch and the accomplishment. The scene is set outdoors, with hints of sunlight filtering through. +A vintage, mystical potion bottle with a weathered, parchment-like label that reads "Drink Me" in elegant, flowing script, surrounded by intricate, arcane symbols and a faint, ethereal glow. +A close-up of a golf ball imprinted with "Hole In One", resting on a lush green fairway, with a subtle shadow indicating a recent successful shot. The ball's texture and the crisp text are clearly visible, capturing the moment of triumph. +A video game loading screen with a futuristic, neon-lit aesthetic, featuring the tip "Watch for Hidden Paths" prominently displayed in the center, surrounded by intricate, glowing icons and subtle environmental details that hint at the game's mysterious world. +A realistic photograph of a brick wall with vibrant graffiti spelling out "Revolution Now" in bold, striking letters, capturing the intensity and urgency of the message. +A realistic scene of a modern office hallway, where construction barrier tape, printed with "CAUTION WET FLOOR", stretches across the floor, warning employees of a recently mopped area. The tape catches the light, emphasizing the cautionary message. +A gym motivational poster with the slogan "Sweat Now Shine Later" featuring a determined athlete mid-workout, drenched in sweat, with a glowing aura symbolizing future success, set against a vibrant, energizing background. +A vibrant skateboard with the graphic "Skate or Die" prominently displayed, set against a backdrop of a bustling urban street. The scene captures the energy of skate culture, with graffiti-covered walls and a group of skaters in the background, one mid-air performing a trick. +A bustling city street at night, illuminated by the vibrant lights of a theater marquee prominently displaying "Encore Performance Tonight", with a crowd of excited patrons gathering outside. +In a desolate, post-apocalyptic cityscape, a crumbling wall bears bold, red spray paint that reads "They're Watching". Overgrown vines and scattered debris surround the wall, adding to the eerie, abandoned atmosphere. +A detailed wedding cake topper featuring a elegant couple embracing, with the inscription "Happily Ever After" elegantly engraved on a delicate plaque beneath them, set against a soft, romantic backdrop. +A close-up of a sleek, metallic hotel key card sleeve with "Room 237 Access" embossed in elegant, silver lettering, set against a dark, luxurious background. +A realistic photograph of a pizza box with a handwritten note "For Emotional Support" scribbled on it, placed on a cozy kitchen counter with warm lighting and a backdrop of a cluttered, lived-in space. +A cozy pet store window displays a charming sign reading "Adopt a Friend", surrounded by playful puppies and kittens, with soft lighting and a warm, welcoming atmosphere. +A serene desert oasis with a rustic well in the center, the wooden sign reads "Drink at Own Risk". The sun casts long shadows, and a few palm trees sway gently in the breeze, creating a tranquil yet mysterious scene. +A dark, gothic vanity table with a vintage mirror, featuring a sleek, black sunscreen bottle labeled "SPF 10000 Night Formula" next to a flickering candle and a silver cross, all set against a mysterious, shadowy background. +A fitness poster featuring bold, impactful text "No Pain No Gain" set against a dynamic background of a gym, with athletic equipment and a blurred crowd of determined exercisers, emphasizing the mantra of perseverance and effort. +A vibrant board game box cover with the title "Kingdom Quest" prominently displayed in an elegant, medieval font. The background features a fantasy landscape with a majestic castle, surrounded by rolling hills and a mystical forest. +A futuristic scene featuring a sleek, metallic cyborg arm with a detailed tattoo that scrolls "Reboot in Progress" in glowing LED text, set against a dark, tech-laden background. +A close-up of a baking show scorecard with "Final Score 9510" prominently displayed, set against a backdrop of a well-lit kitchen with pastries and baking utensils. The scorecard is held by a contestant with a look of surprise, emphasizing the high score. +A realistic smartphone screen displaying a weather app notification with "Storm Alert" prominently featured, set against a backdrop of dark, stormy skies with flashes of lightning in the distance. +A vintage book cover with the title "Mystery of the Ages" embossed in elegant gold foil, set against a rich, maroon background with subtle, intricate patterns along the edges. +A vintage camera strap, intricately embroidered with the phrase "Smile Like You Mean It", draped over a classic wooden desk, next to an old Polaroid photo of a smiling person, with a warm, nostalgic light casting a soft glow. +A modern corporate lobby featuring a sleek, abstract sculpture titled "Peak Productivity Illusion", crafted from polished steel and glass, reflecting the vibrant lights of the lobby. The sculpture's dynamic design symbolizes the fast-paced, often illusory nature of corporate success. +A rustic farm windmill with large blades actively grinding grain, set against a backdrop of golden fields. The scene captures the dynamic process of "Grinding Grain Active", with sunlight casting warm shadows and highlighting the texture of the grains and the weathered wood. +A dimly lit, ancient library with a large, ornate wooden door carved with the words "Enter With Quiet Courage". The door is slightly ajar, revealing a beam of warm light from within, casting long shadows across the dusty, book-filled room. +A bustling city street at dusk, with a large, illuminated billboard advertising the movie "Galaxy Warriors 2024". The billboard features futuristic spaceships and heroic characters in sleek armor, set against a starry backdrop. Crowds of people pass by, some glancing up at the vibrant display. +A lighthouse stands on a rocky cliff, its powerful beacon cutting through the dense fog to project the words "Safe Harbor Ahead" onto the misty air, guiding ships to safety. +A classroom wall adorned with colorful kindergarten artwork, each piece a unique family portrait. In the center, a standout piece titled "My Family Portrait" featuring a joyful family with vibrant, hand-drawn details and a loving, warm atmosphere. +A vibrant TV show poster titled "The Wrecking Crew", featuring a gritty urban setting with a group of diverse characters in construction helmets and neon safety vests, standing confidently amidst a half-demolished building, with the show's title prominently displayed in bold, industrial font. +A vintage train ticket, slightly worn and curled at the edges, with a bold red stamp reading "Destination Unknown" prominently displayed in the center, set against a backdrop of an old, rustic train station. +A detailed ski slope map with a prominently marked "Beginner Route Green Circle", set against a snowy mountain backdrop, with ski lifts and trees visible in the distance. +"Monarch Migration" at a butterfly exhibit, showcasing hundreds of orange and black Monarch butterflies in mid-flight, surrounded by lush green foliage and vibrant wildflowers, capturing the essence of their annual journey. +A vintage radio on a wooden table, softly glowing with the words "Tune In Tonight" displayed on its screen, surrounded by antique decor and a warm, nostalgic ambiance. +An ancient, weathered page from a wizard's spellbook, titled "How to Summon Dragons", illuminated by a flickering candle in a dim, mystical library. The page is filled with intricate illustrations of dragons and arcane symbols, with the title in bold, glowing letters. +In a modern laboratory, a scientist with a lab coat nametag reading "Dr Ellie Sparks" is intently examining a petri dish under a microscope, surrounded by high-tech equipment and chemical bottles. +A bustling nightclub with a vibrant neon sign that reads "Dance the Night Away", casting colorful reflections on the pavement and the faces of excited partygoers entering the venue. +A vibrant TV show poster featuring the text "Color Runaway Dog" in bold, eye-catching fonts, set against a dynamic background of a colorful, bustling cityscape with playful illustrations of dogs in various whimsical poses. +A vibrant medieval tournament poster featuring a knight on a rearing horse, lance in hand, under a cloudy sky. Bold banners wave in the wind, and the crowd eagerly watches. At the top, in elegant calligraphy, reads: "Joust Do It". +A vintage fantasy potion bottle with a handwritten label that reads "Drink Me Results Vary", set against a mystical forest backdrop with glowing light effects. +A vibrant movie poster titled "Gold of the Amazon Women", featuring a fierce Amazonian warrior in golden armor, standing amidst an ancient, lush jungle. The background showcases towering trees and a mystical aura, while the warrior holds a gleaming gold spear, symbolizing power and bravery. +A detective's evidence tag, marked with a unique identifier, is securely attached to a sleek, black briefcase labeled "Case File X29", sitting on a dimly lit desk with a vintage lamp casting shadows. +A wizard stands in a mystical forest, holding an ancient scroll that reads "100% Chance of Frogs". Frogs leap and float around him, creating a whimsical and magical atmosphere. The scene is bathed in a soft, ethereal light, emphasizing the fantastical nature of the forecast. +A bustling construction site with workers in high-visibility vests and hard hats, surrounded by cranes and scaffolding. A prominent sign reads "Hard Hat Area Required" in bold letters, emphasizing the safety regulations. +A medieval knight stands proudly, his shield emblazoned with the motto "Strength and Honor", reflecting the values of his chivalric code. The shield's metal gleams under the sun, with the motto clearly visible in elegant, embossed letters. +A cozy, custom-knitted sweater on a playful dog, featuring the playful text "I Ate the Homework" in bold, colorful letters, set against a background of a messy, charming living room with books and a schoolbag scattered around. +A vintage jukebox in a dimly lit room, glowing softly with the inviting message "Play Me" on its illuminated panel, surrounded by nostalgic records and old album covers. +A dive shop with a row of scuba tanks lined up, each tagged with a label that reads "Last Inspected 032024", set against a backdrop of diving equipment and a poster of underwater marine life. +A realistic photograph of a smartphone screen with a notification popping up, displaying "Low Battery" in bold text, set against a blurred background of a cluttered desk with various tech gadgets. +A vibrant night sky illuminated by a spectacular fireworks display, announcing the "Grand Finale Display" with bursts of color and light, reflecting off a serene lake below. +A cluttered laboratory with a scientist's lab coat hanging on a rack, the badge clearly visible and reading "Dr Nova PhD", surrounded by beakers, test tubes, and scientific equipment. +A close-up of a sleek, futuristic robot with a metallic sheen, its chest screen glowing faintly with the message "Error 404 Soul Not Found" in stark white letters against a dark background, set in a dimly lit, high-tech laboratory. +A close-up of a wedding ring with an intricate inner engraving reading "All Ways", set against a soft, romantic background with subtle lighting highlighting the ring's polished surface and the delicate details of the engraving. +A bustling city street at dusk, with a vibrant neon sign reading "Cape Repairs Extra" hanging above a quaint dry cleaner's shop, attracting the attention of passersby and caped heroes alike. +A ballet dancer performs a graceful move, her foot elegantly pointed, with the ribbon of her ballet shoe "Graceful Moves" flowing softly in the air, capturing the essence of her fluid motion in a serene, softly lit studio. +A close-up photograph of a vintage library bookmark, featuring elegant cursive text that reads "Return By Due Date", lying on an old, worn book with the pages slightly curled. +A detective's notepad lying on a worn wooden desk, the page open to a detailed sketch of a crime scene. In bold letters at the top, it reads "Case Unsolved". The room is dimly lit, with a single ray of light highlighting the notes. +A vintage movie theater marquee, glowing neon lights spelling out "Midnight Horror Show", set against a dark, starry night. The marquee is slightly weathered, with a crowd of excited moviegoers in retro attire gathering in front. +A bustling food truck with a vibrant sign that reads "Tacos 3 Each" in bold, colorful letters. The window is open, and steam rises from a stack of freshly made tacos, while customers queue eagerly, their faces lit by the warm, inviting glow of the truck's lights. +A detailed ice sculpture, intricately carved with symbols of winter, is melting in the warm sunlight, gradually revealing the hidden phrase "Winters End" as water drips and glistens on the smooth, thawing surface. +An art installation featuring a minimalist chair with "nizhnelomovskoye" intricately engraved on its back, set against a backdrop of a modern gallery space, with soft lighting highlighting the chair's elegant lines and the detailed engraving. +An astronaut's glove, partially covered in moon dust, its finger delicately writing "First Step" in the fine lunar soil, with the stark, shadowy landscape of the moon in the background. +An alien, with multiple eyes and a green, scaly body, sitting at a restaurant table on Earth, looking bewildered and slightly uncomfortable, with a menu in hand. The background shows a bustling, futuristic cityscape. The alien is thinking, "Earth Cuisine: Too Many Limbs". +A serene garden bursting with vibrant flowers in full bloom, with the word "Peace" delicately written in elegant script across a stone plaque, surrounded by lush greenery and delicate petals. +A nighttime cityscape with a taxi driving down a bustling street, its roof light-up sign prominently displaying "Available" in bright, clear letters, illuminated against the dark sky and reflecting off wet pavements. +A realistic photographic scene of caution tape, with the text "Do Not Cross" printed repeatedly, wrapped tightly around an old, gnarled tree in a misty forest. +A detailed fantasy map with text labeling "Dragonbone Mountains", showcasing rugged, bone-like peaks under a mystical sky, with ancient runes etched along the borders and a subtle, glowing aura around the mountain range. +A close-up of a pizza box sticker prominently displaying the text "Hot Fresh" in bold, vibrant letters, set against a backdrop of a steaming, freshly baked pizza with melted cheese and pepperoni slices. +A realistic photograph of a rustic chalkboard placed outside a cozy café, featuring elegant cursive writing that reads "Soup of the Day" with a steaming bowl of soup illustrated beside it, surrounded by vibrant flowers and a bustling street scene. +A sleek, futuristic spaceship docked in a Martian colony, its hull prominently displaying the marking "Property of Mars Colony" in bold, reflective letters under the crimson sky. +A weathered pirate map with intricate illustrations, featuring a prominent "X Marks the Spot" in the center, surrounded by detailed coastline sketches and mysterious symbols. The map is slightly curled at the edges, showing signs of age and many adventures. +A garden gnome, with a mischievous grin, holds up a tiny "Go Away" sign, standing amidst a lush, vibrant garden filled with blooming flowers and greenery. +A serene meadow with soft, rolling hills and lush green grass, where the sky above displays distinct cloud formations that clearly spell out "Reply Hazy Try Again", casting gentle shadows over the landscape. +A detailed museum exhibit featuring towering dinosaur bones, with a clear label at the base reading "Tyrannosaurus Rex", set against the backdrop of a dimly lit hall with subtle spotlights highlighting the skeletal structure. +Vintage movie poster from 1955 titled "Dance of the Robots", featuring retro robots in a 1950s ballroom, surrounded by neon lights and geometric patterns, with a bold, vintage font for the title. +A gym with a large mirror featuring a motivational decal that reads "Push Your Limits", surrounded by modern workout equipment and energetic athletes. +A baby wearing a onesie printed with "Future Overthinker", sitting on a colorful play mat surrounded by soft toys, with a thoughtful expression on their face. +Retro diner with vintage decor, jukebox in the corner with a selection screen blinking "Play It Again", warm neon lights, patrons enjoying classic tunes, 1950s ambiance, detailed and realistic. +A protester holds a placard demanding "Equal Pay Now" in a crowded city square, surrounded by a diverse group of supporters, with skyscrapers and a busy street in the background. +An astronaut stands on the lunar surface, their helmet visor clearly reflecting the futuristic structure of "Moon Base Alpha" in the background, surrounded by the stark, gray landscape of the moon. +A close-up photo of a fast food receipt with the footer clearly visible, stating "Not Actual Food" in bold, set against a blurred background of a fast food restaurant interior. +A vibrant surfboard with the bottom artwork "Hang Ten Waves", featuring dynamic, curling waves in bright blues and greens, set against a sunlit beach backdrop with palm trees swaying in the breeze. +Graffiti artists have transformed a lineup of train cars into a vibrant canvas, spelling out "Art Never Sleeps" in bold, colorful letters. The scene is set at dusk, with the city skyline glowing in the background, highlighting the dynamic and energetic street art. +A cute little raccoon, with curious eyes and a fluffy tail, stands on a forest path, holding a small wooden sign that reads "I want to learn", surrounded by autumn leaves. +A detective's worn notebook lies open, the page filled with notes and sketches. In bold, messy handwriting, "Case Closed" is scribbled across the top, marking the end of a complex investigation. The room is dimly lit, with a single beam of light highlighting the notebook. +A realistic photograph of a tattered "Missing Cat Reward" flyer, slightly curled at the edges and partially faded, adhering to a wooden telephone pole in a suburban setting. +Studio shot of intricate shoe sculptures crafted from vibrant colored wires, with the text "produce" elegantly displayed beside them, set against a minimalist background. +A mysterious alien artifact lies in a dimly lit room, its surface covered in intricate, glowing symbols that clearly translate to "Warning Earthlings". The artifact emits a soft, eerie light, casting long shadows and enhancing the sense of otherworldly caution. +A vibrant tattoo parlor at night, with a neon sign reading "Ink Your Story" glowing brightly against the dark urban backdrop, attracting passersby with its colorful, intricate designs. +A dark, stormy sky looms over a cityscape, with lightning illuminating the scene. A smartphone screen in the foreground displays a weather app notification reading "Storm of Conscience", casting a blue glow. +A detective's cluttered desk with a notepad prominently displaying the note "Follow the Money", surrounded by scattered papers, a magnifying glass, and a cup of cold coffee, under the dim light of a desk lamp. +A carnival ticket booth with a weathered sign prominently displaying "Rides Closed" in bold letters, surrounded by colorful, faded decorations and empty, eerie amusement park attractions in the background. +A medieval knight stands proudly, holding a large, intricately designed shield. The shield's surface is engraved with the phrase "Dragon Proof Maybe", surrounded by ancient runes and mythical creatures, set against a battlefield at sunset. +In a neon-lit cyberpunk alley, a vintage noodle cart features an LED sign displaying "RAMen Special 5". The sign glows with vibrant colors, reflecting off the wet, glossy streets and the cart's metallic surface, creating a futuristic yet nostalgic atmosphere. +A futuristic sci-fi laboratory with a door prominently stenciled "Biohazard Zone 5", illuminated by dim, sterile lighting, with advanced security panels and warning signs. +A luxurious jewelry store display featuring an elegant glass case with a spotlight on the "Engagement Ring Collection". The rings, set on velvet, sparkle brilliantly, reflecting the warm, ambient lighting of the store. The background is a sophisticated, dark wooden interior with a hint of gold accents. +A realistic office door with a polished metal nameplate that reads "Dr Smith MD" centered slightly above the doorknob, with a subtle wood grain texture in the background and soft, ambient lighting. +A rustic farmer’s market scene with a chalkboard sign reading "Fresh Honey 5" placed beside a row of traditional wooden beehives, surrounded by blooming wildflowers and buzzing bees, capturing the essence of a sunny countryside morning. +A vintage suitcase tag labeled "Adventures Inside" with colorful travel stamps, worn edges, and a distressed leather texture, set against a soft, blurred background of an old-world map. +A vintage lemonade stand sign with hand-painted letters, reading "Fresh Squeezed 2 Dollars", set against a sunny, rustic background with a wooden fence and a clear blue sky. +A cozy bakery interior with a display case prominently featuring a label that reads "Fresh Croissants Daily", surrounded by an array of golden, flaky croissants. +A close-up of a superhero's utility belt buckle, intricately engraved with the words "Cape Not Included", set against a dark, gritty urban background, capturing the essence of a modern, no-nonsense hero. +An ancient, leather-bound wizard’s spellbook lies open, revealing yellowed pages filled with arcane symbols. A delicate bookmark, inscribed with "Last Read 1423 AD", rests gently between the pages, casting a soft shadow in the dim, candlelit room. +A serene yoga studio with minimalist decor, featuring a large wall art piece that reads "Breathe In Breathe Out" in elegant, flowing script. Soft, natural light filters through the windows, casting a calm and inviting atmosphere. +An ancient, weathered scroll lying on a wooden table, with the words "Sealed By King" clearly visible in elegant, faded ink. The room is dimly lit, casting shadows that enhance the scroll's mystique. +A roadside warning sign, weathered by the elements, clearly states "Falling Rocks Next 2 Miles". The sign is set against a rugged, mountainous backdrop with loose rocks scattered on the side of a winding road, emphasizing the imminent danger. +An astronaut in a detailed spacesuit, standing on a lunar surface, with their helmet visor prominently displaying "Oxygen Level 95 Percent" in clear, digital text. The visor reflects the barren, rocky landscape and the distant Earth, glowing blue and green. +A close-up photograph of a vintage wooden box with a weathered, red "handle with caution" warning sticker prominently displayed on the lid, set against a blurred background of an old, dusty library. +A movie poster featuring the logo "The Fortune Hunter" prominently at the top, set against a backdrop of a bustling, neon-lit cityscape, with a silhouette of a mysterious figure in a trench coat and fedora, hinting at adventure and intrigue. +A bustling electronics store with a large TV screen prominently displaying "4K Resolution Demo". Shoppers gather around, marveling at the sharp, vibrant imagery, while store lights and reflections add a modern, high-tech atmosphere. +A high-speed race car with the door number "SPEED DEMON 24" gleaming under the track lights, tires smoking from a recent burnout, surrounded by the blur of a cheering crowd and the glow of neon signs. +A vintage movie theater marquee, illuminated at night, proudly displays "Now Showing Robot Romeo" in bright, colorful lights, set against a backdrop of a bustling city street with movie-goers walking by. +A realistic photograph of a gym weight rack labeled "50 lb Max", showing sleek, modern equipment with weights neatly arranged, set in a well-lit, professional gym environment. +A movie set with a vintage clapperboard clearly displaying "Scene 24 Take 3", surrounded by the soft glow of on-set lights and the bustling crew preparing for the next shot. +A close-up shot of a supermarket price tag prominently displaying "50 Off Regrets" in bold letters, with a slightly worn-out look, set against a backdrop of colorful grocery items on shelves. +An abandoned factory wall, covered in peeling paint and graffiti, prominently features the spray-painted message "Robots Took Our Jobs" in bold, stark letters, surrounded by overgrown weeds and discarded machinery. +A minimalist black and white sign with the words "raimundo" on a stark white background, rendered in a wireframe style, creating a unique piece of generative art. +A modern, urban scene featuring a stylish T-shirt with the bold text "Code Sleep Repeat" prominently displayed on the front, set against a backdrop of vibrant city lights and tech gadgets, capturing the essence of a tech-savvy lifestyle. +A vast, futuristic space colony with a large, transparent dome. Inside, lush greenery thrives, and a prominent sign at the entrance reads "Oxygen Garden Zone", welcoming visitors to an oasis of life amid the stars. +An ancient, tattered page from a wizard's spellbook, titled "Recipe for Instant Regret", with mystical symbols and handwritten notes in faded ink, illuminated by a dim, flickering candle. +A cozy coffee shop interior with a chalkboard prominently displaying "Latte Art Champion 2024", surrounded by steaming cups of coffee and a bustling atmosphere of patrons enjoying their drinks. +A mysterious, dimly lit room with an antique wooden table. On the table, a sleek, black envelope with gold embossing that reads "Inner Circle". Surrounding the envelope are flickering candles and vintage artifacts, hinting at the secretive nature of the society. +A vast desert under a blazing sun, where heat waves distort the air, creating a mirage that forms the words "Free Ice Water" as if written in the shimmering heat, surrounded by endless sand dunes. +A vibrant cityscape with a large billboard featuring a solar panel advertisement that reads "Go Green Save Energy". The billboard is illuminated, showcasing modern solar panels against a backdrop of skyscrapers and green parks, emphasizing the eco-friendly message. +In a quiet library, a prominently displayed sign reads "Please do not make noise", surrounded by shelves of books and studious patrons whispers. +A volcanic observatory's control room, with a large digital screen flashing the words "ERUPTION BINGO" in red, amidst a flurry of activity from scientists monitoring seismographs and computer terminals. +A detailed close-up of a space probe's side panel, featuring the engraved text "Voyager 6 Mission", set against the backdrop of a distant, star-filled galaxy. The panel shows signs of wear, with subtle scratches and a faint layer of cosmic dust, highlighting its journey through the vastness of space. +A jewelry store display case prominently features a selection of exquisite "Engagement Rings", each set with sparkling diamonds and intricate metalwork, under the warm glow of soft lighting, creating a romantic and elegant atmosphere. +A dark cave entrance with a worn, wooden sign hanging on a rugged stone wall, clearly displaying the words "Keep Out" in bold, red letters. The scene is dimly lit, with shadows creeping around the edges, enhancing the ominous atmosphere. +A vintage farm tractor, proudly displaying a decal that reads "Est 1932 Family Owned", stands in a sunlit field, surrounded by golden wheat and blue skies, with the tractor's weathered paint and rustic charm capturing the essence of a bygone era. +A cozy study room with a wooden desk, where a child is diligently working on their homework. The assignment paper is clearly visible, with the title "Math Page 42 Due" at the top. Warm, natural light filters through a nearby window, casting a gentle glow on the scene. +A university campus in spring, with a large banner displaying "Class of 2024" hanging across a historic building's facade, surrounded by blooming cherry blossom trees and students in casual attire walking by. +A lighthouse stands on a rugged cliff, its beacon projecting the words "Wrong Way" in bold, red letters across the misty sea, warning ships of danger ahead. The scene is bathed in a cold, blue twilight, emphasizing the lighthouse's solitary vigil. +A close-up of a sleek, modern hotel room keycard labeled "Floor 7 Room 712", resting on a crisp, white napkin beside a polished silver doorknob, with a subtle reflection of a luxurious bedroom through a glass door in the background. +A close-up of a science experiment jar with a cautionary label reading "Handle With Care", set against a blurred laboratory background, emphasizing the delicate nature of the contents. +A close-up of a political campaign button featuring the text "Free Hugs False Promises" against a vibrant, retro background with a slight grain effect, emphasizing the contrast between the warm, inviting message and the underlying skepticism. +A realistic photograph of a fire station with a bold banner stretched across the front, clearly proclaiming "Heroes Work Here", surrounded by parked fire trucks and firefighters in action. +A photographer in a dimly lit alley, the camera's LCD screen prominently displaying "Low Light Mode" as they capture the eerie, shadowy atmosphere. The scene is realistic, with a focus on the camera and the text on the screen. +A baker stands in a cozy kitchen, her apron heavily stained with flour and embroidered with "Knead to Bake". Sunlight streams through the window, casting a warm glow on the rustic wooden table where a variety of baked goods are cooling. +An astronaut stands in a stark, futuristic space station, the light casting a subtle glow on their suit. A clear patch on the chest is labeled "Mission Control", reflecting the critical role of the wearer in space operations. +A realistic photograph of a science classroom featuring a large, colorful poster titled "Periodic Table Basics" hanging on the wall, surrounded by lab equipment and student desks. The poster highlights key elements and their properties, with clear, educational text and illustrations. +A detailed dinosaur museum plaque titled "Tyrant Lizard King" in a well-lit exhibit hall, with a life-sized T-Rex skeleton towering behind it. The plaque features intricate illustrations and informative text, set against a backdrop of prehistoric flora. +A surfboard bottom featuring a bold, stylized print that declares "Ride the Wave" in vibrant, ocean-inspired colors, set against a backdrop of sunlit water and sandy beach. +A close-up photograph of an old library book, showing the checkout card with a stamp that reads "Due Back Monday". The book's pages are slightly yellowed, and the edges are worn, capturing the essence of a well-loved library volume. +A close-up of a kindergarten cubby with a label that reads "Olivias Supplies", surrounded by colorful backpacks, lunch boxes, and children's books, set against a pastel classroom wall. +A pirate ship sails the stormy seas, its flag proudly displaying the ominous words "Beware Ye Matey" in bold, weathered letters. The ship's dark sails catch the wind, while the crew looks on with a mix of determination and menace. +A rural landscape featuring a farmer’s field with a wooden signpost that reads "Fresh Eggs Sold Here", surrounded by lush green fields and a few chickens pecking around, under a clear blue sky. +A medieval village entrance, with a grand stone archway adorned by a weathered metal plaque that reads "Ye Olde Village Entrance". The scene is bathed in the warm, golden light of sunset, with cobblestone paths leading into the village and lush greenery framing the archway. +A detective's worn notebook lies open, a page filled with scribbled notes and sketches. A finger points to a circled phrase, "Motive Probably WiFi", under a dim desk lamp, highlighting the mystery. +A neon sign above a bustling city bar, flashing "Open 247" in vibrant colors, casting a glow over the rainy night street and reflecting in puddles. +A close-up of a passport page with a vibrant, colorful stamp marked "Adventure Awaits", surrounded by other exotic stamps, under a soft, warm light, capturing the essence of wanderlust and exploration. +A close-up of a movie theater popcorn tub, prominently displaying the label "Butter Substitute Inside", set against a backdrop of a dimly lit cinema with the faint glow of the screen visible in the background. +A close-up of a gym membership card, prominently displaying the stamp "New Years Resolution Package", set against a backdrop of fitness equipment and motivational posters. The card is slightly worn, hinting at frequent use, with a water bottle and a towel casually placed nearby. +A vintage movie poster titled "Attack of the Giant Tomatoes", featuring colossal, menacing tomatoes wreaking havoc in a small town, with panic-stricken townspeople fleeing in the background. The poster is styled with retro colors and bold typography, capturing the essence of 1950s B-movies. +A yoga studio with natural light, featuring a close-up of a yoga mat with the imprint "Non Slip Eco Friendly" clearly visible, surrounded by green plants, emphasizing the eco-friendly aspect. +A desert highway stretches into the distance, heat waves distorting the air. In the shimmering heat, a mirage forms the words "Turn Back", visible as if written in the air, warning travelers of the dangers ahead. +A close-up of a vintage radio with a retro aesthetic, the dial carefully set to "Static Regrets FM", surrounded by the warm glow of ambient light, capturing the nostalgic essence of a bygone era. +A weathered wanted poster hangs on a wooden post in a dusty, old Western town. The poster prominently displays a faded photograph of a notorious outlaw, with the text "Reward" in bold, large letters at the top. Sunlight filters through the clouds, casting long shadows across the poster and the cracked, dirt road. +A vintage antique globe with a detailed, worn label reading "Terra Incognita", set against a backdrop of old, yellowed maps and nautical instruments, capturing the essence of historical exploration and mystery. +"Beyond Reality" – A surreal digital landscape where vibrant, floating islands hover above a swirling, cosmic sea. Glowing, ethereal lights dance in the sky, casting an otherworldly glow on the scene. The horizon merges with the sky, creating an endless, dreamlike expanse. +A roadside billboard stands tall, displaying the text "Next Exit Tech Valley" in bold, futuristic font against a backdrop of a vibrant, tech-driven cityscape, with cars and pedestrians passing by in the foreground. +A bustling street with a vibrant banner stretched across, prominently displaying "Annual Food Fair". Colorful stalls line the sidewalks, filled with diverse cuisines, as excited crowds gather, creating a lively atmosphere. +A crime scene photograph with a police evidence tag labeled "Case 04592 2024" clearly visible on a wooden floor, surrounded by yellow police tape and faint footprints. The lighting is dim, emphasizing the seriousness of the scene. +A detailed campground map with a clear marker labeled "Campsite B12" surrounded by trees and tents, emphasizing the natural setting and recreational atmosphere. +A dimly lit alleyway leads to a detective's office door, featuring a frosted glass pane with "Private Investigator" etched in elegant letters, surrounded by old, peeling posters and a flickering streetlamp casting shadows. +Detailed amusement park map with a red "You Are Here" marker, surrounded by colorful icons representing various attractions, rides, and facilities. The map is vibrant and clear, with a slightly vintage aesthetic, emphasizing the fun and excitement of the park. +A close-up of a firefighter's helmet, the reflective shield gleaming under harsh lights, with the motto "Brave and Ready" prominently displayed, set against a backdrop of a smoky, partially burnt-out building. +A noir-style detective scene with a worn matchbook on a gritty, rain-soaked sidewalk at night. The matchbook reads "Club Midnight 12AM" in bold, neon-inspired text, partially illuminated by a distant streetlamp. +A cluttered laboratory with a mad scientist's blackboard filled with complex equations, prominently featuring "EMC² Maybe" at the bottom, surrounded by scattered notes and scientific instruments. +A vast, sun-baked desert with a shimmering heat haze. In the distance, a weathered signpost reads "Oasis 2 Miles Just Kidding", casting a long shadow. The sky is a clear, intense blue, and the sand stretches endlessly, unmarred by footprints. +A close-up of a futuristic space hotel keycard, embossed with "Suite 42 Panic Room", set against the backdrop of a distant, glowing nebula. The card's metallic surface reflects the soft, ambient light of the space station, adding a touch of sci-fi elegance. +A cozy kitchen scene featuring a baker in an apron embroidered with "Knead to Bake" and rolling pin graphics, standing beside a wooden table with baking ingredients and tools, under soft, warm lighting. +A detailed tattoo of a phoenix rising from flames, with the words "Rebirth" elegantly inscribed below, on a muscular arm. The vibrant colors of the phoenix contrast with the dark, smoky background, emphasizing the theme of transformation and renewal. +A quaint tailor's shop window displays a sign reading "Custom Fit Guaranteed", with neatly hung custom suits and dresses, a measuring tape, and a vintage sewing machine, all bathed in warm, afternoon sunlight. +A bustling farmer's market stand, with a wooden sign painted in vibrant green and brown hues, prominently displaying the text "Fresh Organic Produce". Baskets of colorful, fresh vegetables and fruits surround the stand, with happy shoppers browsing the offerings under a sunny sky. +A modern, minimalist room with a sleek gaming console labeled "Press Start" on a stylish desk, surrounded by ambient lighting and a large, high-resolution screen displaying a vibrant, colorful game intro screen. +A sleek, futuristic robot stands in a modern lab, its chest panel prominently displaying "Version 20" in bold, illuminated text, surrounded by intricate circuitry and sleek metal surfaces. +A detailed science fair poster titled "Volcano Experiment", featuring a colorful diagram of a volcano, labeled sections explaining the eruption process, and images of the experiment setup, including a small model volcano, beakers, and safety goggles. +A cozy bakery interior with a rustic wooden counter and a chalkboard menu prominently displaying "Try Our Sourdough" in elegant, handwritten script. Warm, golden lighting enhances the inviting atmosphere, while fresh loaves of bread sit on the counter, their crusts glistening. +A wedding cake topper featuring elegant cursive text that reads "Game Over Player 2", set against a backdrop of white frosting and delicate sugar flowers, with a modern, sleek design. +Ancient cave wall painting, rough stone surface, vibrant red ochre and black charcoal depicting a group of prehistoric hunters gathered around, spears in hand, under the phrase "Hunters Gather Here" etched above them. +A cartoon dog wearing a chef's hat, standing in a kitchen, with a thought bubble above its head that says "marra", surrounded by cooking utensils and ingredients. +A vintage suitcase adorned with a colorful collection of stickers, each showcasing iconic landmarks and phrases, prominently featuring a large sticker that reads "World Traveler". +A cozy bakery scene featuring a rustic wooden table with a freshly baked loaf of bread in a bag tagged "GlutenFree Goodness", surrounded by warm, golden lighting and pastries on display, capturing the essence of a wholesome, inviting atmosphere. +A high-tech superhero headquarters with a large, glowing screen on the wall, prominently displaying the message "Villain Alert Level 5" in red, surrounded by advanced monitoring equipment and tense team members. +A realistic photograph of a police car with its door open, showing the emblem "To Protect and Serve" clearly visible on the door, under a streetlight in a urban night setting. +A close-up of a worn detective's notebook page titled "Suspect List 12", with handwritten notes and sketches of faces, under a dim desk lamp, in a cluttered, dimly lit office. +A beautifully crafted wooden jewelry box with an elegant inscription "Forever Yours" etched on the lid, surrounded by a soft, romantic glow, set on a vintage lace tablecloth in a dimly lit room. +A high-quality skateboard deck featuring the bold, vibrant "Skate or Die" graphic, set against a backdrop of a bustling urban skate park, with skaters in motion and the sun setting in the distance. +A detailed medieval tapestry, rich with vibrant threads, depicts "A Noble Quest Begins". Knights in gleaming armor gather around a majestic castle, banners fluttering in the wind, as they prepare to embark on their epic journey, surrounded by lush, rolling landscapes. +A realistic classroom scene with a chalkboard prominently displaying the handwritten message "Algebra Test Tomorrow", surrounded by scattered math notes and a few students whispering in the background. +Studio shot of a sculpture of the text "cheese" intricately crafted from various types of cheese, set against a minimalist background with a cheese frame surrounding the artwork, creating a visually appealing and thematically consistent composition. +"Abstract Emotion No 5" in a modern art gallery, featuring vibrant, swirling colors and dynamic brushstrokes that evoke intense emotional depth, with soft lighting highlighting the texture and movement of the artwork. +A realistic photograph of a protest sign at a climate march, featuring the phrase "No Planet B" in bold, block letters, held high amidst a crowd of demonstrators. +A group of zombies gathering in a dimly lit, urban alley, holding up a weathered protest sign that reads "Brains Need Minimum Wage", their decayed hands gripping the sign tightly, surrounded by discarded fast-food containers and faint graffiti on the walls. +A beautifully decorated birthday cake with intricate icing that spells out "Happy 18th Birthday Amy" in elegant script, surrounded by colorful candles and set against a warm, festive backdrop. +A jewelry store window featuring an elegant etching of "Diamonds Forever", with sparkling diamonds displayed inside, illuminated by soft, warm lighting, and reflected in the glass, creating a luxurious and inviting atmosphere. +A tech expo booth featuring a sleek VR headset on display, with a digital screen displaying the text "Enter Metaverse" prominently in the background. A futuristic, sleek design with soft lighting enhancing the high-tech feel. +A wizard stands proudly next to a broomstick with a sticker that reads "My Other Ride Is a Dragon". The wizard wears a pointed hat and flowing robes, standing in a mystical forest with a dragon perched on a nearby tree branch, its eyes glowing. +A close-up of a library checkout receipt, prominently displaying the due date stamp "Due Date 12 31", with a subtle background of book spines and pages, capturing the quiet ambiance of a library. +A vibrant movie poster titled "Alien Invasion 3000", featuring a futuristic city under attack by extraterrestrial ships. The skyline is illuminated by laser beams and explosions, with humans fleeing in panic. The title is displayed in bold, neon letters against a dark, starry sky. +A suburban mailbox adorned with a "No Junk Mail" sticker, set against a backdrop of neatly trimmed lawns and a quiet residential street, with a slight autumn breeze causing the leaves to gently rustle. +A classroom globe, marked with "Flat Earth Society Approved", sits on a teacher's desk, surrounded by textbooks and maps, under the warm glow of an old-fashioned desk lamp. +A realistic photograph of a zoo exhibit sign reading "Endangered Species Zone", set against a lush, green backdrop with a subtle fence in the background, emphasizing the importance of conservation. +A spy in a sleek black suit stands under a dim streetlight, holding a vintage briefcase with a combination lock set to "007", reflecting a subtle glow in the misty night air. +A festive parade scene with a large, vibrant banner prominently displaying "Happy Centennial" in bold, colorful letters, surrounded by cheering crowds, floats, and decorative flags. +A scuba diver checks the gauge on their dive tank, which clearly displays "Oxygen Level 90". The scene is set underwater, with sunlight filtering through the blue water, creating a serene and focused atmosphere. +A baker stands in a cozy, sunlit kitchen, wearing a crisp white apron embroidered with "Knead to Bake". The apron is detailed with intricate stitching, and the baker's hands are dusted with flour as they shape dough on a wooden table. +A nostalgic movie theater at dusk, the marquee brightly lit and displaying "Killer Tomatoes 3D" in bold, retro letters. The red curtain is partially open, revealing a glimpse of the audience inside, eagerly awaiting the screening. +A neon bar sign glowing "Open 24 Hours" above the entrance of a retro diner, set against a dark, urban night scene with a few cars parked nearby and a faint cityscape in the background. +A beautifully crafted wedding cake adorned with intricate sugar decorations, featuring the phrase "Till Death" elegantly written in gold calligraphy on a white fondant banner, surrounded by delicate roses and pearls. +A close-up of an old library book with a faded green stamp marking "Return by 0430" on the checkout card, surrounded by worn pages and the scent of aged paper. +A cozy café scene with a vintage chalkboard standing outside, prominently displaying the text "World's Best Scones" in elegant cursive, surrounded by hand-drawn illustrations of scones and steaming cups of tea. +A classroom globe with a sticker that reads "Explore the World", surrounded by books and maps, with sunlight streaming through a window, creating a warm, inviting atmosphere. +A vibrant candy wrapper design featuring "Sweet Sour" in playful, bold fonts, surrounded by a swirl of red and green candies, with a glossy, slightly reflective surface, set against a bright, white background. +A close-up of a library book spine with a vintage stamp that reads "Rare First Edition", set against a backdrop of old, leather-bound books on a wooden shelf. +A close-up of a pizza box lid, opened to reveal steaming hot pizza with a generous layer of melted cheese. The lid is printed with the bold text "Extra Cheese Special" in a vibrant red font. +A realistic photograph of a modern dance studio with a poster on the wall that reads "No Street Shoes on the Floor", surrounded by dancers in practice attire, with ballet bars and mirrors in the background. +A close-up of a detective's notebook, magnified to show a detailed fingerprint with the note "Match Found" clearly visible, set against a backdrop of crime scene photos and forensic tools. +A surfboard with wax inscribed with "Wipeout Protection" sits on a sandy beach, the sun casting a warm glow over the scene. Waves gently lap at the shore, and a faint trail of footprints leads to the board. +In a bustling supermarket aisle, a distinctive sign hangs above, clearly displaying the word "carboxylase" in bold letters. Shoppers browse nearby shelves stocked with various products, while the sign stands out, drawing attention to a specific section. +A vintage clockmaker's workshop sign reads "Time You Enjoy Wasting", hanging above an old wooden door, with intricate clocks and gears displayed in the window, bathed in the warm glow of the setting sun. +A vintage circus tent with a vibrant banner proudly proclaiming "World's Smallest Elephant" in bold, colorful circus font, surrounded by curious onlookers and playful circus decorations. +A crime scene photograph showing a tagged evidence bag on a table, containing a bloody knife. The label "Murder Weapon Exhibit C" is clearly visible, with a stark, well-lit background to highlight the somber and serious nature of the evidence. +A modern delivery van parked on a busy city street, prominently displaying the slogan "Fast and Fresh" on its side. The van is surrounded by bustling pedestrians and vibrant street life, emphasizing the message of quick, reliable service in an urban setting. +A roadside attraction sign, prominently displaying "World's Largest Rubber Band", stands next to a whimsical, oversized rubber band sculpture. The scene is set in a sunny afternoon, with a clear blue sky and a few cars parked nearby, capturing the quirky charm of this unique tourist spot. +A birthday balloon floating mid-air, emblazoned with "40th Crisis" in comic sans, against a cheerful, sunlit room with a colorful party backdrop and confetti scattered on the floor. +A medieval tavern scene with a wooden menu board hanging on a rustic stone wall, chalked with "Dragon Stew 2". Warm candlelight illuminates the board, casting soft shadows. Patrons in medieval attire sit at wooden tables, engaged in lively conversation. +A bustling supermarket with a floor sticker that reads "Cleanup Aisle 5", surrounded by grocery carts and shoppers. The scene is vibrant and realistic, capturing the everyday hustle and bustle of a busy store. +A realistic photograph of a bus seat featuring an advertisement that reads "Visit the City Zoo", adorned with silhouettes of various animals, including a lion, elephant, and giraffe, against a vibrant city backdrop. +A carnival ticket booth with a faded sign reading "Rides Closed After 10" under a dim, nostalgic glow, surrounded by colorful, worn-out banners and empty, rusted ride structures in the background. +A realistic photograph of a kitchen fridge with a handwritten note stuck on it, saying "Buy Milk Eggs", in a casual, legible script. The fridge is modern, with a few other typical fridge magnets and a slightly cluttered countertop in the background. +A vintage gas pump, weathered and rusted, prominently displaying "Regular 39 Gallon" in bold, retro font, set against a nostalgic 1950s American roadside scene. +A weathered stone monument stands solemnly in a serene landscape, its surface engraved with the profound words "Never Forget", surrounded by lush greenery and a gentle mist, capturing the essence of remembrance and reverence. +A realistic photograph of a dog and a cat with their heads poking out of a metal cage, both looking curiously at the camera. The cage has a sign attached to it that reads "No pets allowed". +A laboratory setting with a glass flask on a wooden table, labeled in bold font "Do Not Drink", illuminated by soft, overhead lighting, with scientific instruments and a notebook in the background. +A cozy coffee shop interior with a steaming cup of coffee on a wooden table. The cup sleeve is prominently displayed, printed with the words "Caution Existential Fuel". The warm, inviting atmosphere is enhanced by soft lighting and rustic decor. +A bustling supermarket with a PA system announcement display prominently showing "Cleanup Aisle 5". Shoppers browse aisles filled with groceries, while an employee rushes to address the spill, capturing the everyday chaos and efficiency of a busy store. +A detailed movie set scene with a clapperboard slate clearly showing "Take 27 Scene 5" in the center, surrounded by crew members preparing for the next take. The atmosphere is tense and focused, with cameras and lights set up around. +A futuristic spaceship's cryopod window is mostly fogged, with only the center displaying the message "Revival in Progress" in glowing text, indicating the awakening of a crew member in a high-tech, dimly lit environment. +A cozy restaurant interior with a specials board hanging on a rustic wooden wall, featuring elegant chalk handwriting that reads, "Soup of the Day Tomato", illuminated by the warm glow of hanging lanterns. +A modern, sleek logo for a tech startup, "Innovate Now Inc", featuring bold, futuristic typography and dynamic, abstract shapes in vibrant colors, set against a clean, minimalistic background. +A close-up of a chef's handwritten recipe card titled "Secret Sauce Recipe", placed on a rustic wooden table, with a sprinkle of fresh herbs and a small, antique ink bottle beside it. +A snowman with a carrot nose stands in a snowy field, holding a sign that reads "Frosty 2024", surrounded by frosty trees and a serene winter landscape. +A cozy coffee shop with a rustic wooden interior, featuring a chalkboard menu prominently displaying "New Matcha Latte" in elegant, handwritten script. Soft, warm lighting enhances the inviting atmosphere, while a barista prepares drinks behind the counter. +A vibrant surfboard with a bold decal that reads "Catch the Wave" in dynamic, ocean-inspired typography, set against a backdrop of rolling waves and a sunny sky. +In a solemn courtroom, a judge's gavel, engraved with "Final Warning", rests on a mahogany bench, under the watchful gaze of a stern judge. The scene is bathed in the soft, natural light of a late afternoon, highlighting the gravity of the moment. +A close-up of elegant piano sheet music with the header "Sonata in C Major" clearly visible, set against a slightly blurred background of a vintage music room with a grand piano and warm, golden-hour lighting. +A bustling garage sale scene with a large, eye-catching sign that reads "Everything Must Go" hanging from the garage door. Cluttered tables filled with various items, a crowd of shoppers browsing, and the warm sunlight filtering through the trees. +A nostalgic retro gas station with a vibrant tire display prominently advertising "Free Air for All" in bold, colorful letters, set against a sunny, mid-century American backdrop. +A vibrant subway car adorned with dynamic graffiti spelling "Street Art Rules" in bold, colorful spray paint, contrasting against the urban backdrop of a bustling city. +A vast, icy ocean with a modern iceberg warning buoy floating near a massive, jagged iceberg. The buoy is marked with bold text "Titanic Memorial Area", paying homage to the historic tragedy, while the cold, serene waters reflect the somber mood. +A cluttered laboratory with a mad scientist standing by a whiteboard filled with complex equations, the final equation unexpectedly ending with "Zombies". The scientist looks intrigued, with various scientific instruments and glowing vials in the background. +Retro arcade game loading screen with pixelated graphics, vibrant neon colors, and the text "Insert Coin to Continue" prominently displayed in the center. +A cozy café corner with a rustic wooden table and a vintage chalkboard standing nearby, proudly advertising "World's Best Cinnamon Rolls" in elegant cursive script. Soft morning light filters through the window, casting a warm glow over the scene. +In a dimly lit urban alley, vibrant alien graffiti in neon colors reads "Humans Taste Salty" against a weathered brick wall, with subtle shadows and a realistic texture, capturing the gritty essence of street art. +A futuristic tablet with a sleek, metallic finish lies on a dark, reflective surface. The lock screen displays the message "Swipe to Unlock Dreams" in glowing, holographic text. Soft, ambient blue lighting surrounds the tablet, enhancing its high-tech appearance. +A vintage ice cream truck parked on a sunny street, its side panel prominently displaying "Brain Freeze Express" in colorful, playful letters. Children gather excitedly around, while the truck's cheerful music plays in the background. +A vibrant cereal box front prominently displays "Super Crunch" in bold, colorful letters, surrounded by cheerful, dynamic graphics and playful characters, set against a bright, appetizing background that pops with energy and fun. +A wooden trail marker, intricately carved with "Hikers Welcome", stands amidst a lush, dense forest, its surface weathered by time and nature, surrounded by vibrant green foliage and a carpet of fallen leaves. +A skyscraper window cleaner stands on a bucket labeled "Fear Heights", suspended high above the city, with a determined look on his face, surrounded by towering glass and steel structures. +A vast, starlit space scene with a futuristic space whale watching tour sign floating in the distance, prominently displaying the text "Bring Binoculars" in bold, illuminated letters. Nearby, a pod of bioluminescent space whales gracefully swims through the cosmic abyss. +A rustic wooden crate at a farmer’s market, labeled with a hand-painted sign reading "Organic Apples 3 USD", surrounded by fresh, vibrant apples. The scene is bathed in warm, natural sunlight, highlighting the rich colors and textures of the market. +A submarine's periscope breaks the surface, displaying the humorous message "Land Ho Wait Wrong Ocean", surrounded by vast, tranquil blue waters and a distant, misty shoreline. +A clandestine meeting invitation, subtly hidden in an old, dusty book. The note reads, "Meet Tonight. Bring Cookies". A single candle casts a warm, flickering light, illuminating the secretive message and a vintage cookie jar on a wooden table. +Aerial view of Toronto with the CN Tower dominating the center of the frame. Cartoon text "apostle" prominently displayed, contrasting with the realistic cityscape below. +A vintage circus poster with vibrant, retro colors, featuring a confident performer holding flaming torches, advertised as "The Amazing FireEater". The background shows a traditional circus tent and excited onlookers, enhancing the nostalgic and dramatic atmosphere. +A beautifully crafted wedding invitation card with elegant script reading "Join Our Journey" set against a vintage, floral background. The scene is illuminated by soft, warm lighting, emphasizing the romantic and joyful atmosphere of the occasion. +A bustling bakery storefront with a charming window decal that reads "Fresh Bread Daily", surrounded by an array of freshly baked bread loaves displayed on rustic wooden shelves, with warm, golden lighting casting a cozy glow. +A superhero stands in a dimly lit alley, their wrist device glowing with an urgent alert: "Villain Detected Downtown". The city skyline looms in the background, with the glow of neon signs and distant skyscrapers, emphasizing the urgency of the message. +A high-resolution smartwatch display proudly showing "10K Steps Achieved" with a colorful, dynamic progress bar and a sleek, modern interface, set against a blurred, active urban background. +A high-resolution smartwatch face with a sleek, modern design, displaying the notification "Time to Stand Up" in a clean, sans-serif font. The background is a gradient of soft blue, and the watch is set on a wrist with a stylish leather band, under a desk lamp's warm glow. +A realistic smartphone screen with a notification popup displaying "Low Battery 10%". The screen is set against a blurred background of a modern living room, with soft, ambient lighting highlighting the device. +A towering structure with a massive "W" emblazoned on its side, viewed from the ground level, capturing the perspective of a person standing right at the base of the tower. +An astronaut in a space suit, standing on a rocky lunar surface, with the helmet visor displaying "O₂ LOW" in red digital font, under a dark, star-filled sky. +A vintage spyglass with intricate engravings, prominently featuring the phrase "Adventure Awaits 1776" in elegant script, set against a backdrop of a foggy, historical maritime scene with wooden ships and lighthouses. +A desert canyon with ancient, weathered rock walls, featuring a prominent rock carving that reads "Turn Back Now" in bold, worn letters, set against a backdrop of rugged, sunlit terrain and scattered scrub brush. +Retro diner interior with a vintage jukebox displaying a selection card that reads "Play It Again", surrounded by classic 50s decor, soft neon lights, and a checkered floor. +A realistic photograph of a chess tournament scoreboard prominently displaying "Grandmaster Match", with spectators in the background and chess pieces on a table in the foreground, capturing the intensity of the event. +A movie theater marquee at night, illuminated with neon lights, prominently displaying "Now Playing Cyber Noir" against a backdrop of a futuristic cityscape, with pedestrians and sleek, futuristic cars passing by. +A dark, eerie haunted house with a faded sign that reads "Beware Ghost Zone Ahead" hanging crookedly on a rusted chain, surrounded by overgrown weeds and shadowy mist, creating a chilling atmosphere. +A wizard stands in a misty forest, wearing a familiar collar inscribed with "Answers to Merlin". The scene is bathed in a soft, magical glow, emphasizing the ancient and mystical connection between the wizard and the legendary figure. +A vintage book cover titled "Mystery of the Lost Keys", featuring an old, weathered key lying on a faded, intricate map. The background is a dimly lit, mysterious library with ancient books and a flickering candle. The title is elegantly embossed in gold. +A mermaid clutches a seashell with a braille message "Beware of Sharks" inscribed on it, surrounded by vibrant coral and colorful fish in an underwater scene. +A mysterious secret cave with ancient wall paintings, prominently featuring the phrase "Treasure Buried Here" in bold, weathered text, surrounded by intricate tribal designs and symbols, illuminated by the dim light of flickering torches. +A vintage bakery scene with an old, rustic oven featuring a window decal that reads "Do Not Open Cake Apocalypse", surrounded by scattered baking tools and a cozy, warm atmosphere. +A bustling restaurant scene with a menu board prominently displaying "Daily Special Burger" in bold, eye-catching letters, set against a backdrop of vibrant, appetizing food imagery and cheerful diners. +A frosted window pane, delicately etched with the words "Let It Snow", catching the soft glow of an indoor light, with gentle snowflakes drifting outside. +A weathered pirate's compass spinning wildly on a wooden table, its needle pointing decisively toward the word "Adventure" etched into the background, with a map and old nautical instruments scattered around. +A medieval knight's shield, prominently displaying the emblem with the inscription "Defend the Realm", set against a battle-worn background, capturing the essence of honor and duty. +A medieval banquet hall with a lavish menu scroll hanging on a wooden stand. The scroll is unrolled, showcasing elegant calligraphy that lists "Roast Phoenix 2 Gold" among other sumptuous dishes. Candles illuminate the scene, casting a warm glow over the detailed illustrations of phoenixes and intricate borders. +A realistic photograph of an elevator panel with a prominently placed red emergency button labeled "Panic Here", set against a sleek, modern interior with soft lighting and reflective surfaces. +A close-up of a supermarket price tag, clearly displaying "Organic Apples 199", with a few ripe, red apples arranged neatly nearby, set against a clean, well-lit shelf background. +A close-up of a detective's worn notebook, with a circled entry reading "Butler Did It", surrounded by scribbled notes and coffee stains, under a dim desk lamp. +A close-up of a pink candy heart with the message "Text Me Later" clearly visible, set against a soft, pastel background with a slight bokeh effect, capturing the sweet and nostalgic feel of Valentine's Day. +A close-up shot of a camping tent tag, clearly labeled "Waterproof Design", attached to a zipper pull. The tag is slightly worn, with a natural, outdoor aesthetic, set against a backdrop of a forested campsite. +At the bustling train station, a vibrant sign that says "popularly" hangs above the crowd, catching the eye of commuters rushing to catch their trains. The scene is alive with the movement of people and the ambient noise of a typical city transit hub. +In a futuristic lab, a sleek sci-fi cryopod is on display, its transparent front revealing a figure inside. The pod's interface is lit with vibrant, pulsing lights, prominently displaying the message "Reanimation in Progress" in bold, glowing letters. +A realistic urban scene with vibrant graffiti on a brick wall, prominently displaying the words "Revolution Now" in bold, dynamic letters, with shadows and highlights that give the text a three-dimensional appearance, set against a backdrop of a bustling city street. +A spy dossier cover with a sleek, vintage design, prominently stamped with "Top Secret Penguin Espionage" in bold red letters, surrounded by intricate, security-patterned borders and subtle watermarks of penguins in stealthy poses. +A cozy backyard scene with a wooden bird feeder hanging from a tree, clearly labeled with "Wild Bird Food" on a rustic, weathered sign. Sunlight filters through the leaves, casting a warm, natural glow on the feeder and the active birds around it. +A war robot stands in a futuristic battlefield, its chest plate prominently stamped with "PEACE MODEL v42", reflecting the paradox of its purpose. The robot's metallic surface glistens under the neon glow of the surroundings, emphasizing its advanced yet peaceful design. +A close-up of a passport page with a bold, red "Denied" stamp prominently displayed, set against a slightly worn, cream-colored paper background, capturing the stark finality of the refusal. +A weathered leather journal lies open on an antique wooden desk, the page titled "Words Unspoken" filled with delicate, handwritten poetry. Soft morning light filters through a nearby window, casting a gentle glow over the scene, enhancing the serene and contemplative atmosphere. +A laboratory setting with a chemistry flask on a wooden desk, labeled "Acid Handle Carefully", surrounded by scientific instruments and books. The scene is lit by a soft overhead light, creating a focused and professional atmosphere. +A close-up of a hospital wristband on a patient's wrist, clearly showing the text "Patient Name John Doe" against a clinical, white background. The wristband is slightly wrinkled, adding a realistic touch to the scene. +A close-up photograph of a gardening tool with a caution label that reads "Sharp Edges Caution", set against a blurred backdrop of a garden, emphasizing the vivid red and black warning text on the label. +A close-up of a kindergarten cubby label, neatly written in child-friendly script, reading "Sophie's Art Supplies", against a colorful, playful background with crayons and paints nearby. +A movie poster for "You to Me Are Everything", featuring a romantic silhouette of two figures under a starlit sky, with soft, warm lighting and a nostalgic, vintage film grain effect, emphasizing the emotional depth and connection between the characters. +A baby dolphin, playful and curious, holds a sign that reads "I want to swim" while splashing in the clear, turquoise waters of a warm ocean, surrounded by vibrant coral and colorful fish. +A serene graveyard with an old, iron gate slightly ajar, a sign reading "Quiet Please" hanging from it, overgrown ivy creeping along the fence, and a single, wilting flower lying on the ground nearby. +An e-reader lying on a wooden table, its screen displaying "Page 404 Not Found", surrounded by scattered books and a cup of coffee, capturing a moment of digital frustration in a cozy reading nook. +A charming bakery window adorned with a vintage decal that reads "Fresh Bread Daily", showcasing a variety of freshly baked bread loaves behind the glass, with warm, inviting lighting and a rustic wooden display shelf. +A medieval tapestry, richly embroidered with intricate threads, displays the phrase "Here Be Dragons" in elegant Gothic script. The tapestry is set against a backdrop of a grand, dimly lit hall, with the dragons depicted as fearsome, mythical creatures emerging from dense, swirling mists. +A red sports car parked on a sunny street, with a bumper sticker that reads "Honk If You're Awesome", reflecting the vibrant personality of the owner. The scene is set in the afternoon, with shadows stretching across the pavement. +A close-up of a gardener's hands holding colorful seed packets labeled "Magic Beans", set against a backdrop of a lush, verdant garden. The sunlight filters through the leaves, casting a warm, golden glow on the packets. +A retro arcade cabinet displaying a pixelated screen with the message "High Score ACE23" in vibrant, nostalgic colors, set against the soft glow of neon lights in a dimly lit game room. +A close-up of a vintage VHS tape with a handwritten label that reads "Home Video DO NOT ERASE", set against a slightly blurred, nostalgic background of an old television set. +A superhero stands proudly, their belt buckle prominently displayed, engraved with "Power Activated", reflecting the determination and strength of the hero. The scene is set in a cityscape at sunset, with the hero’s cape billowing in the wind. +A detective's cluttered desk with a worn notebook open to a page labeled "Case File 042 Unsolved", surrounded by coffee cups, case photos, and a dim desk lamp casting shadows. +An ancient, weathered page from a wizard's spellbook, titled "How to Win Wordle", with intricate runes and illustrations of magical letters and word puzzles, set against a backdrop of a cozy, dimly lit study. +A medieval knight stands beside his majestic horse, whose intricate armor is engraved with "Trusty Steed Model X". The scene is set in a sunlit courtyard, capturing the detailed craftsmanship and the noble bond between man and beast. +A vintage arcade machine, its cabinet worn but colorful, flashing the neon sign "Insert Coin to Play" amidst the dim lighting of a classic game room. +A close-up of a spacesuit arm, featuring a detailed patch with intricate stitching that reads "Mars Chill" in bold, futuristic font, set against a backdrop of Martian red dust and rocky terrain. +A vintage movie theater marquee, lit with neon lights, prominently displays "Now Showing Galaxy Wars" against the backdrop of a starry night, with a crowd of excited moviegoers lining up to buy tickets. +A futuristic cityscape at night with a large holographic billboard floating above the streets, displaying vibrant colors and dynamic text that reads "Fly to Mars Book Now", surrounded by bustling pedestrians and sleek, futuristic vehicles. +A serene park with a wooden bench under a large oak tree. On the bench, a small, polished plaque is engraved with the words "In Memory Of John Doe". Sunlight filters through the leaves, casting a gentle glow on the plaque. +A mountain climber stands triumphantly at the peak, holding a flag that reads "Summit or Die" against a backdrop of snow-capped mountains and a clear blue sky. The climber is dressed in full hiking gear, with a determined look on their face. +A vibrant TV show poster featuring a cozy winter scene with Yogi Bear and Boo-Boo preparing for Christmas, surrounded by festive decorations and a snowy backdrop, with the text "Yogi's First Christmas" prominently displayed at the top. +A modern farm tractor with a sleek, metallic side decal reading "Harvest King 4000", parked in a sunlit field of golden wheat, with a clear blue sky and fluffy white clouds in the background. +A realistic photograph of a library entrance, featuring a sign that reads "Silence Please" prominently displayed above the door, surrounded by elegant wooden bookshelves and soft lighting. +In a modern art gallery, a sleek black plaque titled "Abstract Concept of Regret" stands before a large, monochromatic painting. The plaque's text is elegantly etched in silver, contrasting with the somber, textured canvas that evokes a sense of introspection and longing. +A modern living room with a sleek smart home screen displaying "Hello Smart Home" on a minimalist wall, surrounded by soft ambient lighting and contemporary furniture. +A vintage ice cream truck parked on a sunny street, its side panel adorned with a colorful, hand-painted sign that reads "Choco Vanilla Swirl", surrounded by cheerful children and melting ice cream cones. +A weathered pirate map with "Treasure Below" scribbled near a detailed sketch of a tropical island, surrounded by faded compass markings and intricate scrollwork, hinting at the adventure that lies ahead. +A gym's motivational poster on a bright teal wall, prominently displaying the phrase "Sweat Now Brag Later" in bold, dynamic typography, with a fitness enthusiast in the background, mid-workout, surrounded by workout equipment and motivational quotes. +A movie set with a clapperboard clearly labeled "Take 3 Scene 2", surrounded by film crew members preparing for the next take, under the soft glow of overhead lights. +A submarine porthole with a sticker reading "Caution Kraken Crossing Zone", surrounded by deep ocean blue, with faint, swirling currents and bioluminescent plankton adding a subtle glow. +A classroom setting with a red apple on a desk, a note attached reading "From Teachers Pet", surrounded by books and school supplies, with a window showing a sunny day outside. +A museum exhibit titled "Dinosaur Era" featuring a life-sized T-Rex skeleton in the center, surrounded by smaller dinosaur fossils and ancient flora. Dim lighting enhances the prehistoric atmosphere, with informative plaques and spotlights highlighting key details. +Astronaut floating in space, helmet visor reflecting "O₂ LOW" in red text, surrounded by the vast, dark cosmos with distant stars and a sliver of Earth's blue horizon. +In a dimly lit, futuristic corridor, a glowing exit sign reads "Break Cycle Here Maybe", casting an eerie, blue light on the metallic walls and floor, creating a sense of urgency and mystery. +A high-resolution video game loading screen with a sleek, modern interface. In the center, bold white text reads "Press Start" against a dark, gradient background. Subtle, futuristic animations swirl around the edges, enhancing the immersive and anticipatory atmosphere. +A high-resolution digital thermometer display showing "986 F Normal" in a sleek, modern design, set against a clean, white background. The display is bright and clear, with a subtle shadow effect for depth and realism. +A beautifully decorated birthday cake with smooth pink frosting and elegant writing that reads "Happy 10th Birthday" atop a white cake stand, surrounded by colorful balloons and confetti, set against a warm, celebratory backdrop. +A detailed museum exhibit featuring "Dinosaur Era Fossils", showcasing a variety of ancient bones and imprints set against a backdrop of prehistoric landscapes, with informative plaques and soft, ambient lighting enhancing the educational atmosphere. +A bustling farmer’s market stall with a rustic wooden table, baskets overflowing with vibrant produce, and a charming chalkboard sign that reads "Organic Moon Melons 5lb" prominently displayed, capturing the essence of a sunny, vibrant market day. +A small, determined turtle standing on a rocky path, holding a handmade sign that reads "I want to climb a mountain", with a majestic mountain range in the background, under a clear blue sky. +A snowman with a carrot nose, the carrot extending to hold a sign that reads "Melt Happens", standing in a snowy landscape with a gentle winter sun casting soft shadows. +In an ancient Egyptian tomb, intricate hieroglyphs cover the stone walls, translating to "Mummy Issues". The dimly lit chamber reveals the faded colors of the hieroglyphs, casting mysterious shadows. A single beam of light illuminates the central inscription, highlighting its significance. +A futuristic spaceship's control panel, with neon blue and red lights flashing "Fuel Level Critical", set against the dim interior of the cockpit, highlighting the urgency and high-tech environment. +A close-up of a silver keychain, intricately engraved with the phrase "Lost and Found", set against a soft, blurred background of a vintage wooden table. +Muted pastel multi-colored paint swirled in white paint, forming the letters "swirl". The globular paint in liquid form adds a dynamic, fluid texture to the composition. +An astronaut stands beside a lunar rover with a plate marked "Moon Buggy 1" on the moon's surface, surrounded by craters and the vast, dark lunar landscape. +A community pool area with a vibrant, sunny atmosphere, where a large, clear sign reads "No Running on Deck" is prominently displayed near the pool edge, surrounded by lounging chairs and playful children. +A musician seated at a grand piano, the sheet music "Solo Section" prominently displayed on the stand, bathed in the warm glow of a stage spotlight, surrounded by a hushed, anticipatory audience. +A realistic photograph of a highway sign indicating "Next Exit Paradise City", set against a backdrop of a scenic landscape with rolling hills and a clear blue sky, capturing the essence of an inviting and serene destination. +A cartoon dog wearing a chef's hat, with a whimsical thought bubble above its head that says "surgeon", standing in a colorful kitchen with cooking utensils and ingredients around. +Retro arcade cabinet with a vibrant, pixelated marquee displaying "Insert Coin", set in a dimly lit game room with nostalgic 80s decor and soft neon lights casting a warm glow. +A serene forest clearing at dusk, with a small, smoky campfire surrounded by logs. A wooden sign stands prominently near the fire, clearly displaying the message "Burn Ban Active" in bold letters. The scene is bathed in the warm, amber glow of the setting sun. +A stone well bucket, intricately carved with "Wish Recycling Center", is covered in vibrant green moss, reflecting the age and serene environment of a forgotten, tranquil garden. +A vibrant carnival tent adorned with a bold banner that reads "See the Invisible Man", surrounded by curious onlookers and colorful lanterns, under a twilight sky. +A vintage rock band poster with "World Tour Sold Out" in grunge fonts, featuring distressed textures and a rebellious aesthetic, set against a backdrop of electric guitars and drum kits. +A realistic photograph of a train seat with a "Reserved for Elderly" tag, featuring blue and white text, set against the backdrop of a modern train interior. +Ancient cave wall painting, intricate and vibrant, depicting the "Hunt Moon Festival", with hunters and wildlife under a full moon, surrounded by natural rock formations and subtle torchlight, capturing the essence of a prehistoric celebration. +A realistic gym setting with a digital display prominently showing "Calories Burned 450", surrounded by modern exercise equipment and a few people working out in the background. +An astronaut on the moon, wearing a modern spacesuit, with a detailed tool belt labeled "Lunar Repair Kit Model 5" prominently displayed, surrounded by the stark, grey lunar landscape. +A dimly lit prison cell with rough, gray walls, scratched with the desperate message "Innocent Man Inside" in bold, uneven letters. The cell is empty, with a single, flickering light casting long shadows. +An ancient, leather-bound wizard’s spellbook lies open on a wooden desk, illuminated by a flickering candle. A bright yellow sticky note is affixed to the page, reading "Turned Frog Back Mostly". The room is filled with mystical artifacts and a sense of arcane power. +A movie theater marquee at night, illuminated with bright lights, displaying "Now Showing Space Wars". The marquee is set against a starry sky, with a few people walking by, creating a sense of anticipation and excitement. +A museum exhibit features a plaque titled "Age of Dinosaurs", surrounded by life-sized dinosaur models and dim, ambient lighting that enhances the prehistoric atmosphere. Visitors in the background gaze in awe, capturing the moment on their cameras. +A smartphone screen displays a lock screen notification reading "3 New Memories", set against a blurred background of a cozy living room, with soft, warm lighting and a glimpse of a bookshelf and a potted plant. +High-resolution DSLR shot of the 3D word "rainbow" covered in vibrant, rainbow-colored fur, set against a pristine white background. The fur has a soft, fluffy texture, and the lighting highlights the colorful fibers, creating a striking contrast with the clean, white backdrop. +An astronaut stands in a desolate, rocky landscape, their helmet visor prominently displaying "Low Oxygen Warning" amidst the stark, alien environment, with a distant, reddish planet horizon. +A vibrant carnival scene with a colorful ticket booth prominently displaying a "Ride All Day Pass" sign, surrounded by excited visitors and festive decorations. +A bustling city street at night, with a vibrant tattoo parlor neon sign reading "Ink Dreams Walk Ins Welcome" glowing brightly, casting a colorful glow on the pavement and passersby. +A realistic photograph of a church entrance, prominently displaying a bulletin board with the message "All Are Welcome" in bold letters, surrounded by lush greenery and a stone pathway leading up to the door. +A notebook with a worn, leather cover, featuring elegant, handwritten text that reads "Science Fair Ideas" in a cursive style, placed on a rustic wooden table with a pencil and a magnifying glass nearby, under a warm, ambient light. +A vibrant city street with a marathon finish line banner prominently displaying "Race Completed", surrounded by cheering spectators and exhausted yet triumphant runners. +A detailed ski slope map featuring a prominent marker for the "Black Diamond Run", set against a snowy mountain backdrop with skiers in the distance, emphasizing the challenging terrain and the map's clear, informative design. +A realistic photograph of a smartphone screen displaying a weather app with a prominent red alert banner reading "Tornado Warning" in bold text, set against a dark, stormy sky background with swirling clouds. +A close-up of a spacesuit arm patch, reading "Mars or Bust", with a detailed texture of the fabric and a subtle Martian dust background. The patch is slightly worn, giving it a realistic, well-used appearance. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot", sitting on a wooden table, surrounded by morning light streaming through a window. +A charming hand-painted bakery window featuring the elegant cursive text "Fresh Croissants Daily", surrounded by a rustic wooden frame and vibrant floral decorations, set against a cozy, sunlit street scene. +A vintage suitcase adorned with a faded, weathered sticker labeled "Fragile", set against a background of old travel posters and worn leather. +Astronaut in a space station holds a food packet labeled "Meal 12 Beef Stew", with Earth visible through the window behind them, capturing the serene yet isolated environment of space exploration. +A modern smartphone with a sleek, black screen, displaying a lock screen notification that reads "12 New Cryptocurrency Alerts" in white text, set against a dimly lit, futuristic cityscape at night. +A high-resolution satellite image of a desert landscape, with a clear overlay of coordinates labeled "Area 51 Restricted", surrounded by a perimeter of fenced-off land and guarded by watchtowers. +An astronaut in a detailed spacesuit stands against a backdrop of the moon's surface, the helmet visor clearly reflecting the critical message "Low Oxygen" in red, with the Earth visible in the distant sky. +A realistic photograph of a modern laptop with a sticker on the lid that reads "Code All Day", placed in a cozy, well-lit home office with a minimalistic desk and a cup of coffee nearby. +A cozy restaurant interior with a vintage wooden menu board prominently displaying "Mystery Soup of the Day" in elegant cursive, illuminated by soft, warm lighting, creating a welcoming and mysterious atmosphere. +A realistic construction site scene with a prominent barrier sign that reads "Danger Hard Hat Area", surrounded by workers in safety gear and machinery in the background. +A mad scientist stands in a cluttered lab, surrounded by glowing vials and scattered papers. He points excitedly at a whiteboard filled with complex equations that culminate in the word "Profit". The scene is captured in a realistic, slightly chaotic style, with the scientist's wild hair and intense expression. +A movie theater concession stand featuring a large popcorn bucket prominently printed with "Butter Substitute Warning", surrounded by snacks and drinks, with movie posters visible in the background. +A photography exhibit featuring a stunning landscape at "Golden Hour", where the sun’s warm, soft light bathes rolling hills and a tranquil lake, casting long shadows and creating a serene, magical atmosphere. +A winding mountain trail leads to a summit where a weathered wooden sign stands, carved with the ominous words "Turn Back Now", set against a backdrop of misty peaks and rugged terrain. +A vintage, enchanted magic wand box, intricately carved with mystical symbols, sits on a velvet cloth. The box is slightly open, revealing a glowing wand inside. The inscription "Wish Granted" is elegantly etched on the lid, shimmering with a subtle, magical glow. +A rustic farm stand with a weathered wooden sign painted "Fresh Organic Eggs", surrounded by baskets of eggs and vibrant, lush greenery, under a sunny sky. +A dimly lit sci-fi prison cell with metallic walls, scratched and marked with the words "Escape Plan Failed" in a desperate, handwritten style. The cell is cluttered with remnants of failed escape tools, adding to the atmosphere of despair and isolation. +A medieval bestiary page with intricate illustrations and text, depicting a "Common Office Chair Drake". The dragon-like creature is shown with a body resembling an office chair, complete with wheels and adjustable features, set against a backdrop of ancient forests and castles. +A realistic photograph of a Halloween pumpkin carved with "Boo" on a dark, misty night, illuminated by a soft, warm glow from inside, casting eerie shadows on the ground. +A vibrant travel agency poster titled "Explore The World Today", featuring a globe with colorful routes connecting iconic landmarks, surrounded by happy travelers with backpacks and cameras, set against a bright, sunny sky. +A vast, green field at dusk, where an intricate alien crop circle spells out "Take Me to Your Leader" in glowing, bioluminescent patterns, surrounded by swirled and flattened crops, with a sense of mystery and awe. +A nostalgic nighttime scene featuring a retro gas station with a glowing sign that reads "Last Stop for 100 Miles", set against a desolate landscape with a lone car parked nearby, the sign's warm glow illuminating the barren surroundings. +A cat, sitting on a cozy armchair, is engrossed in a book titled "How to catch mice", with a warm fireplace in the background and a bowl of milk at its feet. +A close-up of a child's lunchbox, featuring a vibrant sticker that boldly declares "Best Soccer Player", set against a blurred background of a schoolyard, capturing the essence of youthful enthusiasm and pride. +A Magic 8-Ball hovers mid-air in a dimly lit room, its triangular window glowing with the message "Ask Again Later" clearly visible, surrounded by a subtle aura of mystical light. +A classroom globe with a sticker clearly marking the "Equator Line", surrounded by maps and educational charts, under the warm glow of overhead lights. +A rock band's drum kit, prominently branded "Loud and Proud", set up on a dimly lit stage, with glowing cymbals and a powerful spotlight highlighting the vibrant, energetic atmosphere. +A high-quality TV show poster for "The Girlfriend Experience", featuring a sleek, modern design with a glamorous woman in a minimalist, chic outfit, standing against a neutral background, exuding sophistication and mystery. +A close-up of a modern pizza delivery box with a vibrant sticker on top, clearly displaying the text "Hot & Fresh" in bold, eye-catching colors, set against a slightly blurred background of a busy, neon-lit city at night. +A bustling farmer’s market scene with a wooden stand featuring a hand-painted sign that reads "Organic Produce Here", surrounded by colorful, fresh fruits and vegetables, under a sunny sky. +A close-up of a sleek fitness tracker display, prominently showing "10k Steps Achieved" with a vibrant green checkmark, set against a blurred background of a city park at dusk. +A close-up of a wooden giraffe toothbrush with "defunct" lettering in vibrant rainbow colors, set against a clean, white background, capturing the playful and colorful design with high detail. +A bustling farmer’s market stall featuring a vibrant banner painted with the playful text "Fresh Grumpy Vegetables", surrounded by a variety of colorful, whimsical vegetables that seem to have a personality of their own. +A coastal scene featuring a tall lighthouse tower, its white surface painted with bold red letters reading "Beware of Rocks". The lighthouse stands against a backdrop of rugged cliffs and churning sea waves, emphasizing the warning. +An astronaut on the moon, leaving footprints that spell out "Hi Mom" in the lunar dust, under the glow of Earth's light in the background. +A vintage wall clock with the face inscribed "Time Flies" below Roman numerals, set against a softly lit, rustic wooden background, capturing the essence of time's fleeting nature in a serene and elegant photograph. +A classroom globe with a sticker marking "Equator Line Here", surrounded by textbooks and maps, with a window in the background letting in natural light. The globe is centered in the image, with the sticker clearly visible and detailed. +A mountain summit with a rustic wooden plaque that reads "You're Higher Than WiFi Here", surrounded by rocky terrain and a panoramic view of distant peaks and valleys, under a clear blue sky. +A vintage ice cream truck parked on a sunny street, its side panel brightly displaying "Frosty Treats 3" in colorful, playful lettering. Children gather around, eagerly waiting for their frozen delights. +A nighttime scene featuring a vintage movie theater with marquee lights spelling "Now Showing" brightly, illuminating the surrounding area, set against a dark sky with a few stars twinkling faintly. +A high-quality photograph of a wine bottle with an elegant label titled "Vintage Reserve 2015", set against a soft, rustic wooden background, capturing the rich colors and intricate details of the label. +A classroom poster titled "Periodic Table 2024" hangs on a wall, surrounded by neatly arranged desks and chairs. The poster features vibrant, colorful elements with detailed annotations, capturing the attention of students in the background. +A vintage retro diner at dusk, its neon sign blinking "Eat Here" in vibrant red and blue, casting a nostalgic glow over the parking lot and the old cars parked nearby. +A vintage arcade machine with a neon-lit marquee that flashes the words "Insert Token", set against the backdrop of a dimly lit game room, capturing the nostalgic essence of 1980s arcade culture. +A high-resolution wristwatch with a sleek, modern design, featuring a digital display for the complication "Steps 8500". The watch face is set against a minimalist background, highlighting the elegance of the timepiece and the clear, readable complication. +A protestor standing in a crowded city square, holding a banner that reads "Climate Justice Now", surrounded by other demonstrators and onlookers, with skyscrapers and a cloudy sky in the background. +A vibrant city street lined with cheering spectators, where runners approach the final stretch marked by a large, colorful banner reading "Finish Line Ahead". The sun sets behind them, casting a warm, golden glow over the scene. +A classroom with a large clock on the wall, its face labeled "Time For Lunch", surrounded by old wooden desks and chalkboards, capturing the moment just before the school bell rings. +A neon sign reading "Open 24 Hours" flashes brightly above the entrance of a vintage diner, casting colorful reflections on the wet pavement and illuminated windows, set against the backdrop of a bustling city night. +A charming candy shop window adorned with a vibrant decal boasting "Sweetest Treats in Town", surrounded by an array of colorful sweets and pastel decorations, capturing the whimsical essence of a classic confectionery. +A classroom poster with the text "Think Before You Speak" hangs on a wall, surrounded by neatly arranged desks and chairs. The room is bathed in soft, natural light from a nearby window, creating a serene and contemplative atmosphere. +A city street at dusk, with a classic yellow taxi prominently in the foreground. The taxi's roof light displays "Available For Hire" in bright, clear letters, reflecting the ambient city lights and enhancing the urban atmosphere. +A movie set with a director's chair labeled "Action Station" under a soft spotlight, surrounded by clapperboards and film reels, with a bustling crew in the background. The scene is captured in a hyper-realistic style, emphasizing the vibrant colors and dynamic atmosphere of a working film set. +A medieval shield, intricately crafted with a bold crest and the motto "Valor Prevails" emblazoned across its center, set against the backdrop of an ancient stone wall, with rays of sunlight filtering through the arched windows, casting dramatic shadows. +A weathered treasure chest adorned with intricate engravings, featuring a prominent golden plaque that reads "Top Secret", set against a backdrop of shimmering sand and scattered ancient coins, under the soft glow of a hidden lantern. +A vast desert landscape with a lone highway stretching into the distance. A weathered road sign stands by the side, clearly displaying "Next Gas 100 Miles" against a backdrop of arid sands and a hazy, sunlit horizon. +A weathered mountain trail marker, carved with "Summit 15 Hours", stands at the edge of a rocky path, surrounded by misty peaks and rugged terrain, emphasizing the arduous journey ahead. +A cozy café corner with a rustic wooden table and a steaming cup of latte. Above, a vintage chalkboard hangs, boldly displaying "Latte Special" in elegant cursive, surrounded by charming, hand-drawn illustrations of coffee beans and leaves. +A weathered pirate's treasure map, with an X marking "Gold Here", laid out on a wooden table, surrounded by a compass, an old lantern, and scattered gold coins, under the warm glow of a single candle. +A gardener carefully tends to a vibrant rose garden, holding a watering can marked with a tag that reads "Rose Garden Only". The roses, in various shades of red and pink, are in full bloom, creating a picturesque scene of natural beauty and meticulous care. +A realistic photograph of a highway rest stop map, with a red arrow pointing to the current location, labeled "You Are Here", surrounded by scenic natural landscapes and clear signage. +A street parking meter with a digital screen displaying "Expired Add Coins" in bold red text, set against the backdrop of a busy urban street with cars parked alongside. +A fantasy tavern sign, intricately carved with "The Drunken Dragon Inn", hangs above a wooden door, illuminated by flickering torches. The sign depicts a dragon holding a mug, with detailed scales and a fiery expression, set against a rustic, medieval backdrop. +An ancient oracle bone, weathered by time, intricately carved with the enigmatic message "Reply Haze Try Again Later", set against the backdrop of a dimly lit archaeological site. +An elegant ice sculpture sign at a glamorous gala, intricately carved with the words "Winter Ball 2024", glistening under soft, ambient lighting, surrounded by frosty decorations and elegantly dressed guests. +A realistic photograph of an old, wooden door with "syretzk" intricately carved into it, surrounded by peeling paint and weathered textures, set against a dimly lit, narrow alleyway. +A rustic barn door with a weathered wooden sign reading "Fresh Eggs Sold", surrounded by a verdant countryside, with a basket of eggs and a rooster in the foreground. +A rustic wooden sign at a quaint farm stand reads "Fresh Eggs Daily" amidst a backdrop of rolling green fields and a cozy red barn, with a basket of fresh eggs displayed on the stand. +A vintage farmer’s almanac page with a detailed illustration of a frost-covered landscape, highlighting the note "Plant After Frost" in elegant script, surrounded by gardening tips and weather predictions. +A close-up of a lunchbox with a heartwarming note inside that reads "Made with Love", surrounded by neatly arranged, colorful food items, capturing the essence of care and affection. +A close-up of a pet collar tag, intricately engraved with "Call 555 1234", set against a blurred, natural background of grass and leaves, capturing the texture and shine of the metal tag. +A yoga mat with the imprint "Namaste" on a serene beach at sunrise, the soft sand reflecting the warm hues of the sky, creating a peaceful and meditative atmosphere. +A beautifully decorated birthday cake with intricate icing spelling "Happy 30th Birthday Sarah" on top, surrounded by colorful candles and set against a warm, festive background. +A colorful children's lunchbox with a playful sticker that reads "Snack Attack Squad" on a bright, sunny day, placed on a picnic blanket in a lush green park. +A realistic classroom setting with a large periodic table on the wall, prominently highlighting "Element 79 Au" with a bright, yellow border. Students are seated at desks, and a teacher points to the highlighted element, creating an engaging and educational atmosphere. +A close-up of a bakery window decal featuring colorful, hand-drawn illustrations and the text "Gluten-Free Options" prominently displayed, with pastries and loaves of bread in the background, creating a warm and inviting atmosphere. +A vibrant skatepark with a bold wall stencil that reads "Skate at Own Risk", surrounded by graffiti and energetic skaters performing tricks. The scene is captured in a realistic photographic style, with the stencil prominently featured and slightly worn, reflecting the park's active use. +A mountain climber stands triumphantly on a rugged summit, notebook open to a page reading "Peak Conquered", the wind tousling their hair, with a panoramic vista of mist-covered mountains and valleys stretching into the distance. +In a modern art gallery, a minimalist abstract painting hangs on a white wall, with a sleek black plaque beneath it reading, "This Could Be Your Kids Work", surrounded by soft, ambient lighting and a few curious visitors. +A festive birthday cake topper featuring the text "Happy 10th Birthday Zoe" in colorful, playful lettering, set against a backdrop of sparkling confetti and balloons. +A clean laboratory setting with a mouse cage prominently displayed, labeled "Group B Test 12", under bright, sterile lighting. The cage is clear, showing a white mouse inside, with a water bottle and a small food dish. +A realistic photograph of a pizza delivery box with a sticker that reads "Hot Regrets", placed on a city street at dusk, with the warm glow of streetlights reflecting off the pavement. +A movie director's chair on a bustling film set, the backrest prominently printed with "Silence On Set" in bold letters, surrounded by crew members and cinematic equipment under the soft glow of overhead lights. +A classroom wall adorned with a vibrant poster featuring the phrase "Learn Every Day" in bold, colorful letters, surrounded by illustrations of books, pencils, and students engaged in various learning activities. +A clear photograph of a dog park sign, set against a green, grassy background with a few playful dogs in the distance. The sign prominently displays the text "No Telepathic Retrievers" in bold letters. +A vibrant graffiti tag on a subway train, prominently displaying the words "Urban Art" in bold, colorful letters, set against the gritty texture of the train's metal surface. +A modern, sleek software login screen with a minimalist design, prominently displaying the text "Enter Password" in a clean, sans-serif font, set against a soft, gradient background. +A futuristic kitchen where a sleek, silver robot chef, adorned with a crisp white apron emblazoned with "Food Processor 3000", prepares a gourmet meal, surrounded by high-tech cooking appliances and shiny countertops. +A sushi chef in a bustling Tokyo restaurant, wearing a vibrant headband printed "Fish Master", meticulously prepares sashimi, his hands moving with precision and grace, surrounded by an array of fresh fish and traditional Japanese ingredients. +A close-up of a wedding ring with an inner engraving reading "To Infinity and Tax Returns", placed on a velvet cushion, with soft, warm lighting highlighting the intricate design and shine of the metal. +A bustling tech conference with attendees wearing lanyards printed "Welcome Developers 2024", showcasing a modern exhibition hall filled with futuristic displays and enthusiastic participants. +A futuristic spaceship control room with a glowing control panel displaying the alert "Warp Drive Active", surrounded by holographic screens and illuminated buttons, bathed in a blue and green ambient light. +A realistic photograph of an elevator button panel featuring an unlabeled "13½ Floor" option, set in a modern, sleek building lobby with minimalistic design elements and soft lighting. +A close-up of a retro game cartridge label, vividly displaying the title "Blow to Start Not Joking" with pixel art graphics and a nostalgic 1990s color palette. +A photo of a helicopter with "public" written on the side, landing on a helipad in a valley. The scene includes a river winding through the valley, surrounded by lush trees and towering mountains in the background. +A smartphone screen displays a lock screen notification that reads "17 Battery Good Luck" with a subtle battery icon showing 17% charge, set against a minimalist background. +A vast desert landscape under a scorching sun, with a lone billboard standing amidst the dunes. The billboard reads: "Free Water Ahead Just Kidding", casting a subtle shadow as a hint of irony in the barren, arid environment. +A detailed engraving on an ancient wizard's telescope reads "Moon Base Real Estate 3 APR", set against a backdrop of a starlit night sky, with the moon prominently visible through the lens. +A dystopian cityscape with towering, bleak architecture. Large, imposing billboards display the slogan "Happiness Mandatory" in bold, stark letters. Citizens with expressionless faces walk the gray, empty streets, under the watchful eye of surveillance cameras. +In a stately courtroom, a wooden podium stands prominently, displaying an elegant plaque that reads "Order in the Court", surrounded by solemn spectators and a focused judge. +A close-up of a wedding ring with intricate, delicate engravings. The inner band features the phrase "Always Never Enough" in tiny, elegant script, catching the light subtly as the ring rests on a soft, velvety surface. +A scuba diver descending into the deep blue ocean, their oxygen tank clearly labeled "Depth Limit 100m", surrounded by schools of colorful fish and coral reefs. +A realistic photograph of a hotel room door with a "Do Not Disturb" sign hanging on it, the door slightly ajar, revealing a glimpse of the room's interior, with soft morning light filtering through the curtains. +A close-up of a gardener's toolset, including a spade, pruning shears, and a trowel, neatly arranged on a rustic wooden table. Each tool is labeled with a caution sticker that reads "Handle With Care", emphasizing the delicate nature of the equipment. +A futuristic spaceship's control panel, with sleek, metallic surfaces and a holographic interface, prominently displaying a red, blinking "Low Fuel Warning" light, set against the dim, ambient glow of the cabin. +A close-up of a dog's collar, featuring a shiny silver tag engraved with "Max 123 Main Street", set against a soft, blurred background of green grass and flowers. +A marathon runner, drenched in sweat, crosses the finish line with a determined expression, her bib number "2024 Finisher" prominently displayed on her chest, the crowd cheering in the background. +A sleek, futuristic sci-fi spaceship with a metallic hull gleaming under distant starlight, prominently branded with the text "Galaxy Cruiser XT9000" on its side, set against a backdrop of swirling nebulae and distant planets. +A close-up of a coffee cup sleeve with "Caution Hot" printed in bold letters, set against a warm, cozy background with a steaming cup of coffee nearby, capturing the essence of a relaxing café moment. +A close-up of a concert ticket stub with "Main Floor Seat B12" clearly visible, lying on a textured wooden table, illuminated by soft, warm lighting, capturing the essence of a memorable night out. +A museum exhibit featuring a cluster of ancient dinosaur eggs, surrounded by informational plaques and gentle spotlights. Visitors in the background observe quietly, enhancing the sense of awe and historical significance. "Dinosaur Egg Cluster" is prominently displayed on a banner above the exhibit. +A realistic photograph of a science laboratory with a prominent caution sign reading "Flammable Materials" hanging on a metal wall, surrounded by glass beakers and safety equipment. +A vibrant TV show poster featuring the logo "Karol" prominently at the center, surrounded by dynamic, colorful graphics and a cast of diverse characters in various dramatic poses, set against a gradient background that transitions from deep blue to bright orange. +A close-up of an old, weathered seed packet lying on a rustic wooden table, stamped with the mysterious words "Grows Best at Midnight", illuminated by the soft glow of a nearby candle, surrounded by gardening tools and soil. +A vibrant movie poster for "Morrissey: 25 Live", featuring the iconic singer in a dimly lit stage, surrounded by a passionate audience. The background showcases a mix of colorful lights and banners with the tour's logo, capturing the energy and nostalgia of his 25-year career. +A narrow, rain-soaked cyberpunk alley, vibrant neon signs in Japanese and English, one prominently displaying "Neural Upgrades 50% Off", reflections of light on wet pavement, futuristic graffiti, and hovering drones in the background. +A scientist's laboratory, where a high-tech microscope labeled "400x Magnification" sits on a cluttered desk. The microscope is focused on a slide, revealing intricate cellular structures in vivid detail. +A cozy café corner featuring a barista's chalkboard with "Pumpkin Spice Latte" prominently displayed, surrounded by steaming cups of coffee and autumn-themed decorations. +A hiker stands on a rugged path, holding a worn map with a note that reads, "Beware of Sentient Rocks". Large, eerily animated stones with glowing eyes and sinister grins surround him, casting long shadows in the twilight forest. +A hand-painted "Slow Turtle Crossing" sign stands at the edge of a serene wetland, surrounded by tall grass and shallow water, where small turtles can be seen slowly making their way across the path. +A cinematic movie poster featuring the text "Così il teatro" prominently displayed, set against a backdrop of an elegant theater interior with rich red curtains and gold embellishments, illuminated by a soft, dramatic spotlight. +A close-up of a colorful language class flashcard, prominently displaying "Bonjour Hello" in bold, playful fonts, with a cheerful, sunny background that suggests a learning environment. +A vintage recipe card with a charming, handwritten header titled "Grandma's Apple Pie", set against a rustic wooden background with a few fallen apple leaves and a small, antique measuring spoon nearby. +A realistic photograph of an espresso machine in a cozy coffee shop, with a clear "Caution Hot Surface" label prominently displayed on the side, surrounded by steaming cups of coffee and pastries. +A close-up of an old library book, showing a vintage stamp in the corner that reads "Return by March 15", with the pages slightly curled and a soft, warm light illuminating the scene. +A lonely desert gas station, its sign rusted and faded, declaring "Last Fuel for 10yrs" under a harsh sun. Dusty cars parked nearby, cacti scattered around, and a distant horizon hinting at endless sand. +A vintage ice cream truck parked on a sunny street, with its side panel prominently displaying the words "Chill Out Treats" in colorful, playful letters, surrounded by cheerful illustrations of ice cream cones and happy faces. +A close-up of a sleek, metallic UFO hovering in a dark sky, its underside illuminated with the neon sign "Intergalactic Valet" in vibrant, futuristic colors, surrounded by a glowing aura. +A vibrant concert poster headlining "Rock the City" features a dynamic lineup of bands under a neon-lit cityscape, with guitars and microphones in the foreground, and enthusiastic fans in the background, capturing the electric atmosphere of a live rock show. +A close-up of a camp name tag reading "Counselor Chris", pinned to a green camp shirt, with a backdrop of a sunny forest clearing. The tag is slightly worn, showing signs of outdoor use. +A realistic photograph of a boat with the hull name "Ocean Wanderer" prominently displayed, moored at a sunlit coastal harbor, with clear blue skies and gentle waves lapping against the dock. +An astronaut's spacesuit patch, intricately stitched with the bold text "Mars or Bust", prominently displayed on the arm, set against the backdrop of a futuristic space station. +A construction site with a prominent sign warning "Invisible Work Zone", surrounded by caution tape and cones. The scene is bustling with workers in hi-vis jackets, and heavy machinery in the background, under a clear blue sky. +A close-up of a gardener's glove, prominently displaying a patch that reads "Plant Killer in Recovery", set against a backdrop of lush, vibrant garden foliage. +A weathered fishing boat hull, painted with the name "Salty Dog III", rests on a sandy beach at sunset, surrounded by the tranquil sea and a sky filled with warm, golden hues. +A close-up of a UFO's underside, metallic and gleaming, with the words "We Come in Pizza" painted in bold, colorful letters, hovering over a suburban street at dusk, with cars and streetlights visible below. +A serene park scene with a wooden bench under a leafy tree. On the bench, a small, elegant plaque is inscribed "In Memory of Joy", surrounded by fresh flowers and bathed in soft afternoon sunlight. +A dimly lit prison tunnel with rough, earthen walls. In the center, a faintly glowing, hand-carved message reads, "This Way Out Maybe", casting a eerie shadow. The tunnel leads to a distant, dim light, hinting at a possible escape. +A magician's hat on a rustic wooden table, with a tag hanging from it that reads "Rabbit Not Included", surrounded by magical props like a wand and a spell book, in a dimly lit, enchanted forest setting. +A red car parked on a sunny street, with a bumper sticker that reads "Honk If You're Happy", reflecting the joyful vibe of the neighborhood. +A cozy kitchen scene with a pair of oven mitts hanging from a rack, one of them displaying the slogan "Handle With Care" in bold, cheerful letters. Sunlight streams through the window, casting a warm glow on the rustic wooden countertop. +A cinematic movie poster titled "Invasion of the Robots", featuring towering, menacing robots marching through a dystopian cityscape at night, with explosions and chaos in the background. The sky is dark, illuminated by the glow of futuristic technology. +A vintage antique globe with a detailed, aged label marking "New South Wales", set against a warm, wooden library background with soft, ambient lighting highlighting the globe's intricate craftsmanship. +A young gamer stands proudly wearing a vibrant T-shirt with the slogan "I Paused My Game to Be Here". The setting is a bustling gaming convention, with colorful banners and enthusiastic crowds in the background. The gamer's expression is one of excitement and pride. +A cozy bakery interior with a chalkboard menu prominently displaying "Fresh Sourdough Daily", warm lighting, and a rustic wooden table with a basket of freshly baked sourdough loaves. +A vintage ice cream truck parked on a sunny street, with a detailed side panel that reads "Frozen Treats 3" in colorful, playful lettering. The truck is surrounded by children and adults eagerly waiting for their frozen delights. +A cozy café with a couple sitting at a wooden table, a fortune cookie slip with the message "New Love Approaches" resting on a saucer. Soft, warm lighting enhances the intimate atmosphere, capturing the subtle excitement in their eyes. +A realistic photograph of an elegant wedding invitation card, scripted with "Join Us on June 5th", placed on a rustic wooden table, with soft, warm lighting highlighting the intricate calligraphy and a subtle floral pattern in the background. +A vintage circus poster titled "Greatest Show Under Mars" features a vibrant Martian landscape with towering red cliffs and a distant, small blue sun. Colorful tents and acrobats in retro-futuristic costumes float against the alien sky, inviting viewers to join the interplanetary spectacle. +A wizard's broomstick parked against a stone wall, with a license plate clearly displaying "MAG1CVRM" in elegant, glowing letters. The broomstick is surrounded by a faint, magical aura, and the scene is set in a moonlit, mystical forest. +A charming wedding cake topper featuring a classic bride and groom figurine pair, delicately holding a sign that reads "Mr & Mrs Smith", set against a backdrop of intricate frosting and elegant sugar flowers. +A news studio camera feed with a modern, sleek set. A high-tech camera focuses on the anchor, with the text overlay "Live Broadcast" prominently displayed at the bottom of the screen, reflecting a professional and dynamic broadcast environment. +A vibrant tattoo parlor window display, featuring the bold sign "Bad Decisions Welcome", surrounded by an array of colorful, edgy tattoo designs and neon lights, set against a gritty urban backdrop. +A close-up photograph of a cookie shaped like a speech bubble, with the words "Eat Me Last" clearly visible in a playful, handwritten font. The cookie has a crispy texture with a slight golden brown color, set against a simple, light background. +A close-up of an engraved pendant necklace featuring the word "Believe" in elegant cursive, hanging delicately on a simple chain against a soft, blurred background. +A realistic subway station scene with a wall featuring stenciled graffiti that reads "Mind the Gap" in bold, black spray paint, surrounded by the gritty texture of the concrete and the dim, ambient lighting of the station. +A snow globe on a wooden table, containing a miniature landscape with a serene lake, a small island, and a sign that reads "Wish You Were Here", surrounded by gently falling snow. +A realistic photograph of a swimming pool area with a prominent "No Diving" sign posted on a wooden stand, surrounded by sun loungers and umbrellas, with clear blue water and a few swimmers in the background. +A close-up of a music album cover featuring a bold, red "Parental Advisory" sticker, prominently placed over the artwork, which shows a vibrant, abstract design with deep purples and blues, hinting at a genre like alternative rock or hip-hop. +A vintage spy camera with a film canister labeled "Exposure 7" sitting on a worn wooden table, under the soft glow of an old desk lamp, surrounded by scattered black and white photos and a leather-bound notebook. +A medieval knight stands on a rocky cliff, his battle flag emblazoned with "Dragon Slayer for Hire" waving proudly in the wind, overlooking a misty, ancient forest. +A close-up of a hotel key card sleeve, "Room 1427 Check Out Noon", lying on a wooden desk with a sleek modern hotel room in the background, sunlight streaming through the window. +A close-up photograph of a wine bottle with an elegant label that reads "Vintage Reserve 2020", set against a soft, blurred background of a rustic wooden table. The bottle is slightly tilted, showcasing the rich, deep red color of the wine inside. +A medieval stable scene with a knight's horse, the feed bag clearly labeled "Oats Regrets", hanging from a wooden peg. The horse is munching contentedly, and the warm, golden light of the setting sun streams through the open stable door. +A realistic photograph of a laptop screen displaying a code editor with a red error message "Syntax Error Line 42" in the center, surrounded by lines of code, with a coder's workspace in the background. +A realistic photograph of a wedding cake with a topper banner made of white frosting, elegantly draped and reading "This Was a Mistake" in bold, cursive letters. The cake is decorated with delicate flowers and sits on a rustic wooden table. +A serene park scene with a vintage iron bench under a canopy of autumn leaves. On the bench, a small, elegant plaque reads "In Memory of Schrödingers Cat". The sunlight filters through the trees, casting a warm, golden glow over the memorial. +An office setting with a modern printer displaying the error message "Paper Jam Detected" on its screen. Papers are scattered around, and a frustrated businessman stands nearby, scratching his head. The scene is captured in a realistic photographic style. +A cozy café with an outdoor chalkboard sign prominently displaying "Try Our New Matcha Latte", surrounded by potted plants and bustling with customers enjoying the sunny weather. +An ancient Egyptian tomb houses a grand sarcophagus, intricately carved with hieroglyphs and the solemn warning, "Disturb Not My Eternal Nap", under the dim glow of torchlight. +A close-up of a laboratory test tube with a clear, blue liquid inside, labeled "Sample 29B" in bold black text on a white sticker, set against a blurred background of scientific equipment. +A high-quality photo of the letter "C" intricately formed using vibrant green cacti, set against a sandy desert backdrop with subtle sunlight casting natural shadows, enhancing the texture and form of the cacti. +A realistic photograph of a welcome mat with "Go Away" written in bold, placed at the entrance of a cozy wooden cabin, surrounded by autumn leaves. +A protester holds a posterboard with the bold text "Climate Action Now" in a crowded urban street, surrounded by other demonstrators and placards, under a cloudy sky, captured in a realistic photographic style. +A vibrant video game screen displaying "Level Complete" in bold, neon colors against a dynamic, pixelated background with celebratory fireworks and a cheering crowd of animated characters. +A bustling city street at night, illuminated by neon lights, features a retro-futuristic robot comedy club. The marquee prominently displays the message "Error 404 Joke Not Found", inviting passersby with a playful, tech-savvy twist. +An astronaut stands in a vast, starlit space, their helmet visor prominently displaying the phrase "Low Oxygen High Hopes", reflecting the determination and optimism of human exploration. +A dark, mystical forest at twilight, where an enigmatic witch stirs a cauldron of "Love Potion 9" over a crackling fire. The potion bubbles with a mesmerizing, iridescent glow, casting ethereal shadows in the dim light. +A stunning ice sculpture at the "First Place 2024" ice sculpture festival, intricately carved with mythical creatures and intricate patterns, illuminated by colorful lights, set against a snowy winter night. +A detailed fantasy map with intricate runes marking the "Path of the Ancients", surrounded by mystical symbols and ancient landmarks, set against a backdrop of ethereal, glowing landscapes. +A bustling amusement park with vibrant lights and excited crowds, centered around a towering roller coaster with a prominent sign displaying "Must Be This Tall" next to a measuring ruler, ensuring safety and fun for all visitors. +In a tranquil botanical garden, a rustic wooden signpost with a directory arrow points towards the "Rose Garden Path", surrounded by lush greenery and vibrant flowers, capturing the essence of a serene and inviting natural setting. +A farmer's scarecrow stands in a golden wheat field, wearing an old, weathered hat labeled "Crow CEO Since 1999", with crows perched atop its shoulders and a rustic, autumnal landscape in the background. +A museum exhibit features a plaque titled "Extinct Since 2023", surrounded by glass cases displaying the last remnants of species that vanished in recent years. The scene is dimly lit, with a somber atmosphere, emphasizing the finality of their extinction. +A romantic Valentine's Day scene with a red velvet box open to reveal candy hearts, each emblazoned with the message "Be Mine Forever", set against a soft, pastel background with delicate rose petals scattered around. +A dramatic TV show poster titled "Brainwash", featuring a shadowy figure in a lab coat standing amidst a chaotic, high-tech laboratory. Neon blue and red lights illuminate the scene, casting eerie shadows. The figure's face is partially obscured, adding to the suspense and mystery of the title. +A realistic photograph of a wrist with an elegant script tattoo saying "Carpe Diem", set against a soft, natural background with subtle lighting to highlight the intricate details of the tattoo. +A vibrant movie poster featuring the headline "Invasion of the Pixeloids" in neon colors, set against a futuristic cityscape at night. Pixelated aliens invade the skyline, blending retro 80s aesthetics with modern sci-fi elements. +An astronaut in a detailed spacesuit stands against a backdrop of the vast cosmos, the helmet visor displaying a critical warning: "Oxygen Low 15". The visor reflects distant stars and the curvature of a blue planet, adding a sense of urgency to the scene. +In a mystical forest, an otherworldly tree with iridescent bark displays the words "Take Me Home" in elegant, glowing script, surrounded by bioluminescent fungi and ethereal mist. +An antique globe, its surface worn and faded, with "Here Be Dragons" handwritten in elegant script across the vast, blue expanse of the Pacific Ocean, surrounded by aged, detailed maps and nautical instruments. +A modern elevator button panel with sleek, illuminated buttons, prominently displaying the "Floor" label above. The scene is set in a well-lit, contemporary building lobby, capturing a realistic photographic moment. +A carnival scene with a colorful, whimsical ride sign prominently displaying "Height Requirement 48in", surrounded by vibrant lights and excited children. +A tattered pirate flag, emblazoned with "Retirement Crew", flutters dramatically in the salty sea breeze, its frayed edges and faded colors telling tales of countless adventures on the high seas. +A detailed close-up of a wizard's hat, featuring intricate embroidery that reads "Magus Supreme" in elegant, glowing threads. The hat is made of deep purple velvet, with a silver band adorned with mystical runes and a single, large emerald. +A plane soars above the city skyline, leaving behind vivid smoke trails that spell out "tornado" in bold, swirling letters, contrasting against the clear blue sky. +A futuristic alien spacecraft with a sleek, metallic hull, marked with the words "Humans Keep Forbidden Snacks", floating in a starlit space, with subtle lights illuminating the text and the ship's contours. +An astronaut in a detailed space suit stands against the vastness of space, the helmet visor's HUD clearly displaying "Oxygen 78" in a futuristic, sleek font, with stars and distant planets visible in the background. +A realistic smartphone screen with a notification pop-up that reads "You're Almost There", set against a blurred background of a cityscape at dusk, emphasizing the glow of the screen and the text clarity. +A close-up of a detective's notepad page, with messy handwriting scribbling "The Butler Did Nothing" amidst other scattered notes and doodles, under a dim desk lamp. +An astronaut's notebook floats in zero-G, pages gently fluttering, with the words "Houston We Have a Typo" clearly visible on the open page, surrounded by the vast, star-filled darkness of space. +A realistic photograph of a red stop sign at a busy intersection, prominently displaying the text "No Entry Here" against a backdrop of passing cars and urban scenery. +A modern thermos, sleek and metallic, stands on a concrete sidewalk. The slogan "urban" is prominently displayed on its side, reflecting the bustling cityscape behind it. The scene captures the essence of urban life, with skyscrapers and busy streets in the background. +A yoga studio with a minimalist design, featuring a large, serene wall art that reads "Mind Body Soul" in elegant, flowing script, surrounded by soft, warm lighting and tranquil, earthy tones. +A detailed birdwatching guidebook page titled "Species Identification Chart", showcasing various bird species with vibrant illustrations, key identifying features, and concise descriptions. The layout is clean and educational, perfect for enthusiasts and beginners alike. +A surreal, close-up photograph of a pillow shaped like the words "ready for the weekend", with funny, jumbled letters in a Swedish, flat art style. The pillow is diaper-shaped, made of white clay, and surrounded by various breads, creating a bizarre and letteristic scene. +A sleek, modern music album cover with the title "Midnight Melodies" in elegant, glowing typography, set against a dark, starry night sky with subtle neon city lights in the background. +A submarine's periscope screen displays "Depth 2000m Pressure Critical" amidst dim, blue-green lighting, with dials and gauges showing strained readings, suggesting the vessel is in a tense, critical situation deep underwater. +A close-up of a pottery vase, intricately imprinted with the words "Handmade With Love", showcasing the unique texture and warm, earthy tones of the handcrafted clay. +A marathon runner, drenched in sweat, with a determined expression, wears a bib number reading "2024" as they sprint towards the finish line, surrounded by cheering spectators and colorful banners. +A bustling marathon scene with runners sprinting towards the finish line, a large sign overhead reading "100 Meters Left", spectators cheering on the side, and a mix of exhaustion and determination on the athletes' faces. +A serene campsite at dusk, with a marshmallow roasting over a warm, glowing campfire. The stick holding the marshmallow is intricately carved with the words "Best Summer Ever", capturing the joyful essence of the moment. +A modern elevator button panel with sleek, silver buttons, featuring "Penthouse" illuminated in gold, set against a backdrop of polished marble walls. +A close-up of a crumpled movie ticket stub with the text "Theater 5 Row H Seat 12" clearly visible, lying on a worn, red velvet seat cushion in a dimly lit cinema. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot Contents Inside", sitting on a wooden table, surrounded by a scattering of fallen leaves, with soft morning light filtering through a nearby window. +A bustling football stadium with a massive Jumbotron prominently displaying the words "Defense Defense" as the crowd cheers enthusiastically, their faces lit by the screen's glow, creating a vibrant and dynamic atmosphere. +A realistic photograph of a cruise ship's daily schedule header, prominently displaying "Todays Activities" in bold, modern font, with a backdrop of a serene ocean and a vibrant sky, capturing the essence of a luxurious and enjoyable cruise experience. +A weathered pirate treasure map with a detailed corner annotated "X Marks the Spot", showing a lush island with palm trees, a sandy beach, and a small wooden chest half-buried in the sand. +A towering stone structure, its ancient walls adorned with mystical runes, stands under a twilight sky. At the entrance, a wooden sign reads "Magic Experiments Ahead", warning passersby of the arcane wonders and dangers within. +A dimly lit sci-fi prison cell with metallic walls, scratched and marked with the word "Innocent" repeated 47 times, casting eerie shadows in the flickering light. +A hotel room door with a "Do Not Disturb" sign hanging on the handle, set against a neutral background. The door is slightly ajar, revealing a sliver of the room's interior, with warm lighting and modern decor. +A realistic photograph of a modern car parked on a sunny street, with a bumper sticker that reads "Honk If You Love Cats" prominently displayed on the rear bumper. The sticker features a playful illustration of a cat. +A futuristic moon base entrance, sleek and metallic, with a glowing sign that reads "Gravity Zone Ahead" in bold, illuminated letters. The scene is set under a dark lunar sky, with fine moon dust scattered around the base's threshold. +A cozy bakery interior with a vintage wooden counter, featuring a large glass cookie jar prominently labeled "Take One Please", filled with an assortment of freshly baked cookies, surrounded by the warm, inviting glow of ambient lighting. +A realistic photograph of a highway construction site at dusk, with a large, blinking sign reading "Caution Robot Workers Ahead" illuminated in the fading light, surrounded by modern construction equipment and robotic workers. +A tiny bee perched on a delicate flower, holding a small sign that reads "cell", surrounded by a vibrant garden with soft sunlight filtering through the leaves, capturing a serene and whimsical moment. +A close-up of a vibrant pizza box sticker featuring the phrase "Made with Real Pizza Love" in bold, cheerful fonts, set against a backdrop of steaming pizza slices and fresh, colorful toppings. +A wooden trail sign nestled in a lush forest, with "Stay on Path" intricately carved into its surface, surrounded by vibrant green foliage and dappled sunlight filtering through the canopy. +A nostalgic night scene featuring a retro neon motel sign, prominently displaying "Vacancy No Vacancy" in alternating flashes, casting vibrant hues over a deserted road and old cars parked nearby. +A spy in a dimly lit alley, holding a sleek black briefcase with a combination lock set to "007", the numbers glowing faintly in the shadows. +A digital scoreboard at a bustling stadium, prominently displaying "Home Team 3 Visitors 2", under the glow of stadium lights, with excited fans in the background. +A scenic hiking trail with a wooden marker post carved with "Summit 2 Miles", set against a backdrop of lush forests and distant mountains, capturing the essence of a serene and adventurous journey. +A high-resolution laboratory scene featuring a microscope slide labeled "Specimen X Unidentified" under a microscope. The slide is illuminated by a soft, focused light, and the background showcases a cluttered lab bench with scientific instruments and notes scattered around. +A close-up of a concert wristband with "VIP Access" clearly visible, set against a blurred background of enthusiastic concert-goers and glowing stage lights, capturing the vibrant energy of a live music event. +A vibrant nightclub scene with a young man proudly wearing an LED wristband flashing "Dance Floor King" as he dances energetically, surrounded by a colorful, pulsing light show and a crowd of enthusiastic partygoers. +In a dimly lit, antique library, a leather-bound rare book from the 18th century lies open on a mahogany desk, with a prominent "Do Not Remove" sticker adhered to its cover, surrounded by flickering candlelight and shelves of ancient tomes. +A close-up of a spy document with a subtle, yet discernible watermark across it, reading "Top Secret" in elegant, italicized font. The document appears slightly worn, with faint creases and a subtle texture, enhancing its authentic and confidential appearance. +A cozy bakery interior with a paper bag prominently displayed on the counter, printed with "Fresh Baked Daily", next to a basket of warm, freshly baked bread rolls, with the scent of cinnamon and sugar in the air. +A close-up of a coffee bean bag label featuring the text "Dark Roast Blend 42" in bold, with a rich, dark background and a sprinkle of coffee beans around the edges, capturing the essence of a premium coffee blend. +A snowboarder speeds down a slope, their goggles reflecting the ominous "Mountain of Bad Decisions" in the distance, surrounded by a blanket of pristine snow and towering pine trees. +A cozy beanie with a small, discreet tag that reads "Warm Head Warm Heart", sitting on a wooden table with a soft, natural light illuminating it, creating a warm and inviting atmosphere. +A museum exhibit featuring a detailed plaque titled "Ancient Relics", surrounded by artifacts from various ancient civilizations, including pottery, tools, and statues, all displayed under warm, ambient lighting. +A prehistoric cave wall painting featuring mammoths in a detailed, earth-toned mural, with the phrase "Cold Outside" inscribed in ancient script beneath the animals, set against the rough, textured surface of the cave wall. +A UFO hovers above a dark forest, its abduction beam illuminating the trees with an eerie glow. The beam projects the words "Humans Return Unopened" in bold, glowing letters, casting an otherworldly atmosphere. +A modern elevator interior with the button panel prominently lit, displaying "Floor 13 Locked" in glowing red text, surrounded by dimly lit floor buttons, creating a tense atmosphere. +A realistic photograph of a hospital wristband, clearly printed with "Patient Room 205", worn on a patient's wrist in a clinical setting, with a subtle background of a hospital bed and curtains. +A museum exhibit featuring a detailed plaque titled "Dinosaur Era", surrounded by life-sized dinosaur models and ancient fossils, with soft, ambient lighting enhancing the prehistoric atmosphere. +An abstract sculpture featuring different colored shapes forming the words "Life is like a rainbow", with a polycount design, wrinkled and flowing realistic fabric, incorporating psytrance elements, cartography, smooth shading, marble skin, old internet art aesthetics, and a camouflage scheme, rendered in medium poly with a smoothened finish. +A weathered wooden trail marker, intricately carved with "Summit 2 Miles", stands at the edge of a dense forest, partially covered by moss and surrounded by tall, whispering pines. The morning sun filters through the canopy, casting dappled light on the rugged path leading upwards. +A bustling farmer's market scene with a rustic wooden stand, featuring a hand-painted chalkboard sign that reads "Organic Lies 5lb" amidst a variety of fresh, colorful produce and bustling shoppers. +A medieval battlefield at twilight, a lone knight stands amidst fallen foes, his banner "No Retreat" billowing in the wind, emblazoned with a fierce dragon. The knight’s armor is dented, reflecting the intensity of the battle, while his determined gaze focuses on the horizon. +A realistic photograph of a construction site, featuring bright yellow barrier tape with bold black letters reading "DEMOLITION ZONE 12" stretched across the scene, surrounded by debris and heavy machinery. +A realistic photograph of fireworks packaging, prominently displaying the warning "Light Fuse and Retreat" in bold letters. The packaging is colorful with vibrant illustrations of exploding fireworks, set against a dark background to emphasize the warning. +A detailed engraved bronze plaque stating "Est 1897" is prominently displayed below the ornate logo of a historic hotel, set against the backdrop of the hotel's grand facade. +A realistic smartphone screen with a notification popup in the center, saying "Low Battery 10 Percent", against a slightly blurred background of a cluttered desk with a coffee cup and a notebook. +A scenic hiking trail with a wooden signpost marked "Summit 2 Miles" standing tall amidst lush greenery, leading the way through a winding path up a mountain. +A city nighttime scene with a taxi parked on the side of a bustling street. The taxi's roof light-up sign prominently displays "Off Duty Ask Me Anyway", glowing brightly against the dark, rain-slicked pavement. +A child's lunchbox sticker featuring colorful dinosaurs munching on various snacks, with the playful text "Jurassic Snacks" prominently displayed in a fun, cartoonish font. The scene is bright and engaging, perfect for a young dinosaur enthusiast. +A librarian's hand pressing a large, red stamp onto a book, clearly imprinting the text "Overdue Pay in Dad Jokes" on the page, surrounded by stacks of old books and a vintage wooden desk. +A vast glacier landscape with intricate ice formations, featuring a large, detailed engraving of the words "Melt Alert" on the ice, surrounded by melting ice and water streams, under a dramatic sky. +A neon bar sign glowing "Live Music Tonight" illuminates a dim, urban alleyway at night, casting vibrant colors onto the wet pavement and reflecting in the puddles. The sign's bright lights contrast with the dark, gritty surroundings, hinting at the lively atmosphere inside the bar. +Ancient papyrus with faded text "Pharaohs Secret Chamber" lies on a weathered stone table, surrounded by dusty artifacts and illuminated by the dim light of an old lantern in a forgotten Egyptian tomb. +A bustling farmer’s market scene with a rustic wooden stand, featuring a hand-painted chalkboard sign that reads "Organic Apples". Fresh, vibrant apples are displayed in baskets, surrounded by other produce and cheerful market-goers. +A serene garden pathway, lined with lush greenery and colorful flowers, features a large, ornate stone marker inscribed with "Walk This Way", guiding visitors through the winding path. +A dragon's treasure chest, intricately engraved with "Property of Smaug", resting on a pile of gold and gems, illuminated by the dim light of an ancient, cavernous lair. +Studio shot of intricate shoe sculptures crafted from vibrant colored wires, with the text "drop" elegantly displayed beside them, set against a minimalist background. +A charming bakery window display with a rustic wooden sign that reads "Fresh Bread Daily", surrounded by an array of freshly baked bread loaves, pastries, and a cozy, warm atmosphere, captured in a realistic photographic style. +A classroom scene with a blackboard filled with complex equations, the final equation reading "X Equals 42" circled prominently in red chalk, under a beam of sunlight streaming through a window. +A dark room with a tablet screen dimly displaying "Battery 5 Remaining", casting a faint glow on the surrounding area, creating a somber and isolated atmosphere. +A cruise ship deck with sun loungers and passengers enjoying the sea view. A humorous sign reads "Not a Flotation Couch" next to a particularly inviting lounge chair, emphasizing the ship's safety guidelines in a light-hearted way. +A vibrant decal on a vintage rock band tour bus, prominently featuring the humorous slogan "Worlds Okayest Musicians", surrounded by colorful guitar picks and musical notes, set against a backdrop of a bustling city at dusk. +A realistic photograph of a modern yoga studio billboard titled "Mind Body Balance", featuring a serene landscape background with a silhouette of a person in a yoga pose, emphasizing harmony and tranquility. +A bustling mall atrium with a large, eye-catching "Sale Ends Tomorrow" banner hanging from the ceiling, surrounded by shoppers and vibrant store displays. +A bustling train station with a vintage aesthetic, the departure board flipping to display "Track 9 Now Boarding", surrounded by travelers carrying suitcases and chatting, with the soft hum of the station and the distant sound of a train whistle. +A vintage restaurant reservation book opened to a page with an elegant entry reading "Table for Two" in cursive, under a soft, warm lamp, with a classic pen resting beside it on a worn, wooden desk. +A close-up of a bakery window sticker proclaiming "World's Best Bread", with a warm, inviting glow from the interior of the bakery, steam rising from freshly baked loaves visible through the glass. +A medieval plague doctor stands in a dimly lit alley, his mask prominently tagged with "Bad Air", reflecting the era's belief in miasma theory. The scene is set in a foggy, cobblestone street, with dark, looming buildings in the background. +A beekeeper stands beside a vibrant, wooden hive box, clearly marked with bold letters "Queen Bee HQ", surrounded by buzzing bees and a blooming wildflower field, capturing the essence of a serene countryside morning. +A gym locker room with sleek, modern design, featuring a large mirror with a motivational sticker that reads "You Got This" in bold, vibrant letters, reflecting a fitness enthusiast preparing for their workout. +A panoramic view of a mountain summit with a weathered wooden plaque standing proudly, inscribed with "You Made It", surrounded by rugged terrain and a clear blue sky. +A coastal lighthouse stands tall, its powerful beam of light sweeping across the dark ocean, projecting the words "Safe Harbor Ahead" into the misty night air, guiding ships to a sheltered bay. +A toddler building a colorful alphabet block tower that spells "ABC Fun Time" in a bright, sunlit playroom, with soft toys and educational posters in the background. +A wizard's hourglass, intricately inscribed with the words "Time is Magic", glows softly in a dimly lit, ancient library, surrounded by towering shelves filled with mystical tomes and floating candles. +A detailed classroom scene with a world map prominently displayed on the wall, labeled "Pacific Ocean Depth Chart". Students are seated at desks, and a teacher stands at the front, pointing to the map. The classroom is filled with natural light, enhancing the vivid colors of the map. +A city street at dusk, a yellow taxi parked by the curb with its roof light clearly displaying "Off Duty" in bold letters, the reflection of the taxi's lights on the wet pavement. +A vibrant superhero comic panel with a dynamic hero standing triumphantly over a defeated villain, cityscape in the background, with a bold speech bubble exclaiming "Evil Vanquished Again" in eye-catching, comic-style lettering. +A realistic photograph of a zoo enclosure, featuring a well-lit sign at the entrance that reads "Bengal Tiger Habitat", with a wooden fence and lush greenery in the background. +A weathered pirate flag, tattered and frayed, waves ominously in the sea breeze. The flag bears the chilling message "Beware the Kraken", warning all who dare to approach the perilous waters. Dark clouds gather on the horizon, enhancing the foreboding atmosphere. +An astronaut on the moon, leaving a footprint that forms the words "One Small Step" in the lunar dust, under the glow of Earth in the background. The scene captures the historic moment with a blend of realism and subtle artistic emphasis. +A stone monument stands in the center of Harmony Park, its surface weathered by time but the inscription "Harmony Park Est 1920" remains clearly visible, surrounded by lush greenery and vibrant flowers. +A close-up of a skateboard deck featuring bold, vibrant text "Skate or Die 2024" in a graffiti style, with a worn, scratched surface that shows the deck's well-loved use, set against a blurred background of a skate park. +In a tranquil park, a weathered bench is partially covered in autumn leaves. Engraved on the bench, the words "In Memory of Lucy" are clearly visible, with a single rose lying gently on the seat beside it. +A detective in a trench coat holds a magnifying glass, closely examining "Clue It Was the Butler" written on an old, dusty notepad, set against a dimly lit, noir-style room with shadows casting dramatic effects. +A baker in a worn apron, stained and marked with "Flour Power", stands in a cozy kitchen, surrounded by baking tools and fresh bread loaves, capturing the essence of a hard day's work. +A dark, high-tech supervillain lair with a sleek, metallic floor. Near the entrance, a floor mat boldly states "Wipe Your Evil" in glowing red letters, surrounded by ominous shadows and intricate circuit patterns. +A futuristic control panel with neon lights and digital displays, prominently showing a screen that reads "Destination 3024 AD", set in a sleek, high-tech time machine surrounded by swirling temporal energies. +A majestic pirate ship navigating through stormy seas, its massive sail emblazoned with the iconic words "Queen Anne's Revenge" in bold, weathered letters, under a dramatic sky with dark clouds and a hint of lightning. +A movie director's chair on a sunlit film set, the backrest stenciled with the word "Action" in bold letters, surrounded by clapperboards and camera equipment. +A cozy bakery interior with a modern oven featuring a window. The digital screen on the oven reads "Perfect Loaf Loading", while warm, freshly baked bread fills the scene with a inviting aroma. +A vintage arcade claw machine with a neon sign, featuring a prize label that reads "Free Regrets Inside". The scene is dimly lit, with the machine's lights casting a soft glow on the colorful prizes inside. +A sleek, high-tech spy gadget watch with a minimalist design, displaying the message "Target Acquired" on its illuminated screen, set against the backdrop of a dimly lit, futuristic cityscape at night. +A detailed textbook diagram titled "Cell Structure" as seen under a microscope, showcasing various cellular components like the nucleus, mitochondria, and cell membrane, with clear labels and annotations. +A close-up shot of a vintage political campaign button, prominently displaying the ironic slogan "Elect Regret You Always Do", set against a slightly worn, textured background to emphasize its aged and nostalgic feel. +A dimly lit street at night, with a vintage neon sign above a cozy bar, flashing "Last Call" in vibrant red and blue, casting a soft glow on the foggy pavement and the few lingering patrons outside. +A cozy coffee shop with a rustic wooden sign hanging above the entrance, featuring elegant cursive writing: "Try Our Moon Rocks Latte". The sign is partially shaded by a leafy tree, and a few customers sit at outdoor tables, sipping their drinks. +A wizard's ancient spellbook lies open on a wooden desk, illuminated by a single candle. The page titled "Summon Light" is visible, with intricate illustrations and glowing runes surrounding the incantation text. +A close-up of a worn, leather guitar case with a vintage sticker stating "Rock n Roll Forever" prominently displayed, surrounded by scuffs and travel stickers, capturing the spirit of a touring musician. +A realistic photograph of a gym locker room, with a prominent sign on the wall stating "Shower Area Closed", surrounded by rows of lockers and a faintly visible door to the shower area, slightly ajar. +A vintage red tractor parked in a sunlit farmyard, featuring a prominent decal that reads "Harvest Master" on its side. The scene is surrounded by golden, ripe wheat fields, with a clear blue sky above. +A scuba diver, mid-dive, checks their oxygen tank, which has a humorous warning label reading "Contains 78 Nopes". The underwater scene is vibrant, with colorful fish and coral, emphasizing the contrast between the playful warning and the serene environment. +A notebook page with a whimsical doodle that reads "Math Is Hard", surrounded by scattered equations and playful illustrations of geometric shapes and numbers. +An empty supermarket shelf with a prominent "Out of Stock" tag, under the harsh fluorescent lighting, surrounded by other well-stocked shelves, creating a stark contrast. +A paleontology dig site with markers and flags scattered around, one flag prominently displaying "T Rex Bone Here" in bold letters, surrounded by scientists and tools, under a clear blue sky. +A close-up of a kids' backpack featuring a vibrant, colorful patch that reads "Future Astronaut In Training", surrounded by tiny stars and a small rocket, set against a dark blue background. +A high-resolution close-up of a sleek smartwatch face, prominently displaying the text "12 PM Meeting" in a modern, clean font. The background is a subtle, gradient gray, and the watch has minimalistic, silver bezels. The scene is well-lit, with a slight reflection on the watch's glass surface. +A vibrant hot air balloon ascends against a clear blue sky, displaying a large banner that reads "Cloud Surfing Tours 99" in bold, eye-catching letters. The balloon's colorful fabric contrasts beautifully with the serene clouds below, inviting adventurers to join an unforgettable journey. +A little raccoon, with fluffy gray fur and a bushy tail, sits on a kitchen counter, sipping from a small cup that reads "raccoon" in playful, bold letters. The scene is warm and cozy, with soft, golden light streaming through a nearby window. +A majestic medieval castle gate, intricately carved with the phrase "KNOW ALL WHO ENTER HERE", set against a backdrop of ancient stone walls and a moat. The gate is slightly ajar, revealing a glimpse of the castle interior. Sunlight filters through the clouds, casting dramatic shadows. +A realistic smartphone screen displaying a weather app notification that reads "Storm Alert Today", with a dark, cloudy sky and lightning in the background, emphasizing the urgency of the storm warning. +Ancient Egyptian tomb walls adorned with intricate hieroglyphs, including the phrase "Curses Half Price Today", illuminated by the soft glow of torchlight, creating a mysterious and eerie atmosphere. +A detailed, ancient wizard’s spellbook page titled "Invisibility Incantation", with intricate illustrations of magical symbols and a faded, parchment-like texture, illuminated by a soft, mystical glow. +A realistic photograph of a sign that says "No Dogs" in a park setting, with a friendly dog smiling and wagging its tail, standing right next to the sign, looking playful and oblivious to the rule. +A vintage camera with a leather strap embossed with "Capture the Moment", resting on a rustic wooden table, surrounded by scattered polaroid photos and old film rolls, bathed in the warm glow of a sunset. +A bustling city street with a tattoo parlor window prominently displaying "WalkIns Welcome", surrounded by vibrant, colorful artwork and a neon sign. The window reflects the silhouettes of passersby, adding a dynamic, urban feel to the scene. +A T-shirt design featuring "Code Sleep Repeat" in binary, with a sleek, modern font. The binary code is arranged in a circular pattern around the text, creating a tech-savvy, futuristic aesthetic. The background is a subtle gradient, enhancing the digital theme. +A neon bar sign flashing "Open 24 Hours" hangs above a vintage diner, casting vibrant red and blue lights onto the rain-slicked pavement and reflecting in the windows. The scene is set in a quiet, late-night urban street. +A detailed close-up of a spy gadget briefcase interior, intricately etched with "For Official Eyes Only", featuring high-tech gadgets and secret compartments, illuminated by a soft, ambient light. +A tailor's workshop with a measuring tape prominently displayed, printed "Perfect Fit Guaranteed", hanging from a wooden mannequin amidst spools of thread and fabric swatches. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot Awesome" sitting on a wooden table, surrounded by scattered coffee beans and a steam rising from the cup. +A camping tent tagged "Waterproof Edition" set up by a serene lake at dusk, with mist gently rising from the water and a forest backdrop. The tent is illuminated by a soft, warm light from within, highlighting its durable, waterproof fabric. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Dough Whisperer", surrounded by freshly baked bread and pastries, with sunlight streaming through the window, creating a warm, inviting atmosphere. +A submarine control room with a periscope display prominently showing the message "Leak Detected" in red, surrounded by concerned crew members monitoring various instruments and screens, with a tense atmosphere. +A realistic construction site scene with a warning sign that reads "Hard Hat Area Ahead", surrounded by yellow barriers, safety cones, and workers in high-visibility vests. The sky is clear, and the site is bustling with activity. +In a mystical library, an ancient wizard's scroll unfurls, revealing the words "Spells 50 Off" in glowing runes, surrounded by floating candles and a haze of magical mist. +A realistic underwater scene featuring the entrance of a stone "Atlantis Research Facility" dome, surrounded by vibrant coral and schools of colorful fish, with beams of sunlight piercing through the water, casting a mystical glow. +A gym weight plate stamped "45 LBS" resting on a steel rack, with dumbbells and other equipment in the background. The scene is lit by the natural light from a nearby window, creating a realistic, well-lit photograph. +In a bustling electronics store, a sleek demo tablet on a display stand shows the message "Try Me Mode Active", inviting customers to interact. The store is filled with modern gadgets and vibrant lighting, highlighting the tablet as the focal point. +A realistic photograph of a bank vault door, prominently featuring a metal plaque engraved with "Authorized Personnel Only", set against the backdrop of a dimly lit, secure corridor. +In a gritty, dystopian alley, vibrant wall graffiti reads "Resist the System" in bold, neon colors, contrasting with the dull, decaying surroundings. Broken windows and graffiti-covered walls add to the rebellious atmosphere. +A cozy bakery storefront with a vintage wooden window sign reading "Fresh Bread Daily" hanging above a display of freshly baked bread loaves and pastries, bathed in the warm morning sunlight. +A cozy café corner with a wooden table, a customer holding a loyalty card stamped "Buy 9 Coffees Get 1 Free", surrounded by steaming cups of coffee and a backdrop of shelves lined with books and coffee beans. +A gardener stands proudly next to a lush, vibrant greenhouse with a clear sign at the entrance reading "Tropical Plants", surrounded by exotic flowers and greenery. +A neon sign flashing "Open 24 Hours" hangs above the entrance of a vintage diner, casting a vibrant glow on the rain-slicked sidewalk and reflecting in the puddles below. The scene is set at night, with a few cars parked along the street and a gentle rain falling. +Ancient Egyptian papyrus scroll, detailed hieroglyphics inscribed, "Curse of Ra" prominently displayed, dimly lit room, sandstone walls, flickering torchlight, mystical atmosphere. +A realistic gym locker room scene with a mirror featuring the etched message "You Got This", surrounded by metal lockers, gym equipment, and a faint glow highlighting the motivational text. +A police car parked on a dimly lit street at night, its door open, revealing the emblem "Protect Serve" clearly visible on the side. The scene is captured in a realistic photographic style, with the emblem illuminated by the car's interior light. +A vintage, ornate potion bottle with a delicate, handwritten label that reads "Drink Me Shrinking Serum", set against a mystical, dimly lit background with soft, glowing light. +A dramatic coastal scene featuring a lighthouse tower with its beacon flashing, prominently displaying "Storm Warning Activated" on its side, amidst turbulent waves and a stormy sky. +A modern elevator lobby with a sleek, silver sign mounted on the wall, clearly displaying "Max Capacity 8" in bold, black text. The scene is well-lit, with a clean, professional aesthetic, capturing the essence of a corporate or high-end residential building. +A cluttered detective's desk with a leather-bound case file prominently displaying a red stamp that reads "Top Secret Clearance", surrounded by magnifying glasses, notepads, and coffee cups. +A bustling movie theater marquee at night, prominently displaying "Premiere Night Sold Out" in bright, glowing letters, surrounded by excited crowds and paparazzi flashes. +A detective's worn notepad lies open, pages filled with meticulous handwriting. Prominently scribbled in the center: "Follow Money Trail". The background is a dimly lit, cluttered office, with a vintage lamp casting a warm glow on the notes. +A digital billboard displaying "Stay Hydrated" rotates near a bustling marathon race route, capturing the attention of runners and spectators under a clear blue sky. +A close-up of a wedding ring with the inscription "Always Forever" delicately engraved inside the band, set against a soft, blurred background of romantic flowers and candles, capturing the essence of eternal love. +A realistic photograph of a red fire extinguisher case mounted on a white wall, labeled in bold black letters, "Break Glass for Dad Jokes". The scene is set in a modern office, with a slight shadow cast on the wall, emphasizing the humorous and unexpected label. +In a gym locker room, a lipstick message on a fogged mirror reads, "You're Bench Pressing Wrong". A sweaty, focused athlete prepares for their next set, the dim lighting and reflections adding to the intense atmosphere. +A weathered fisherman's tackle box sits on a rustic wooden dock, the label "Worms Wisdom Inside" partially faded but still legible, surrounded by fishing gear and the serene backdrop of a misty lake at dawn. +A bakery window adorned with a stylish decal advertising "Gluten-Free Options", featuring a rustic wooden background and a variety of fresh, colorful pastries displayed inside the shop, with soft, warm lighting enhancing the inviting atmosphere. +A realistic photograph of a modern laptop screen displaying an error message that reads "Update System Now", with a concerned user leaning over the desk, looking at the screen with a puzzled expression. +A superhero stands proudly, their cape emblazoned with a "Power Shield Symbol", reflecting the city lights. The emblem glows with a protective aura, symbolizing strength and defense. The hero's stance is resolute, ready to protect the innocent. +A vintage neon sign reading "Open 24 Hours" flickers above a 1950s-style diner, casting a soft glow over the empty parking lot and the lone car parked outside. The night is cool, and a light mist hangs in the air, adding a nostalgic aura to the scene. +A nocturnal animal exhibit at night, illuminated only by the soft glow of moonlight and ambient park lights, enforcing the "No Flashlights" rule to ensure the animals remain undisturbed. The scene captures the quiet, mysterious atmosphere, with visitors whispering and peering into the enclosures. +A futuristic dashboard of a time machine, with a large, glowing screen displaying "Destination 3010 AD". The interface is filled with intricate buttons, levers, and digital readouts, all bathed in a cool blue light, suggesting the machine is ready to embark on an incredible journey through time. +A cluttered laboratory with a scientist in a lab coat, embroidered with "I 404 Errors", standing amidst beakers and microscopes, with a computer displaying code in the background. +An astronaut stands in a stark, lunar landscape, their helmet visor prominently displaying "O₂ Levels 98" against a backdrop of distant, grey craters and the black expanse of space. +A vibrant movie poster for "Eat Drink Man Woman", featuring a bustling Taiwanese market with vibrant colors, steaming food stalls, and a joyful family gathering around a table laden with traditional dishes, all set against a warm, sunset backdrop. +A sleek highway patrol car with a prominent decal on the side stating "Speed Enforced", parked on the shoulder of a busy highway at dusk, with the city skyline and setting sun creating a dramatic backdrop. +A digital billboard looms above a busy highway, displaying the warning "Traffic Jam Ahead" in bright, bold letters, as cars slow down, their headlights forming a glowing line stretching into the distance. +A realistic photograph of a middle school science fair project titled "Volcano Eruption Test", featuring a small model volcano on a table, with students in lab coats observing the eruption, and a poster with diagrams and scientific explanations in the background. +A realistic construction site with yellow and black warning tape stretched across, prominently displaying "Danger Keep Out". The scene is partially obscured by a dusty, gritty atmosphere, with scattered tools and a half-built wall in the background. +A realistic tattoo of an anchor intricately designed on a person's arm, with the phrase "Stay Grounded" elegantly scripted below it, set against a subtle, blurred background of a beach at sunset. +A serene dog park features a rustic wooden bench carved with "Best Friends Furever", surrounded by playful puppies and their joyful owners, with a sunny sky and lush greenery in the background. +A vintage travel poster featuring "Visit Mars Breathtaking Views", showcasing a retro-futuristic landscape with sweeping red dunes, towering rock formations, and a distant, rugged skyline under a pale pink sky. +A vintage spaceship floating in space, its hull proudly displaying the retro lettering "Mars or Bust", surrounded by distant stars and planetary rings, capturing the essence of 1950s space exploration aesthetics. +A desk with a wooden surface, a sticky note prominently placed saying "Meeting at 3 PM", a laptop closed beside it, and a cup of coffee cooling in the background, captured in a realistic photographic style. +A bustling farmer’s market stall, colorful and vibrant, with a prominent banner displaying "Fresh Organic Produce" in rustic, elegant lettering. Baskets overflow with a variety of fresh fruits and vegetables, and happy shoppers browse the selections. +A close-up of an alien artifact's surface, intricately etched with the phrase "We Come in Peace" in a mysterious, glowing script, surrounded by intricate, geometric patterns that seem to pulse with an otherworldly energy. +A dinosaur museum exhibit featuring a plaque that reads "TRex Vegan Phase", surrounded by detailed fossil bones of a T-Rex, set against the backdrop of a recreated prehistoric forest. +A beach volleyball match at sunset, with a vibrant crowd cheering. The net post prominently displays a sign reading "Tournament Match 3PM", set against the golden sands and azure waters. +A vibrant TV show poster featuring the text "Superstition" in bold, glowing letters, set against a mysterious, dimly lit background with subtle supernatural elements like floating candles and shadowy figures. +A close-up of a superhero's belt buckle, embossed with "Hero on Duty", gleaming under the city lights, with a subtle reflection of the skyline in the polished metal. +A surreal dream bubble floats in a misty, ethereal landscape, containing the whimsical text "Why Am I a Potato?" The bubble shimmers with iridescent colors, reflecting the mysterious and playful nature of the scene. +A vibrant beach scene with a surfboard leaning against a bright, colorful lifeguard stand. The surfboard features bold art that reads "Ride the Big Waves", reflecting the adventurous spirit of the ocean. Sunlight glints off the water, casting a warm glow over the sandy shore. +An ancient, weathered scroll unfurled, revealing the cryptic text "Seek The Hidden Truth" etched in elegant calligraphy, surrounded by intricate, mystical symbols and faded botanical illustrations. +A cozy baby onesie featuring the phrase "Little Star" in elegant, child-friendly font, set against a soft, pastel background with subtle star patterns, capturing the innocence and wonder of a newborn. +A realistic forest scene with a wooden campfire warning sign that reads "Beware Of Bears", surrounded by tall pine trees and under a twilight sky, with a subtle glow from a distant campfire. +A movie director holds a clapperboard labeled "Scene 5 Take 2" under the soft glow of on-set lights, surrounded by crew members and film equipment, capturing a moment of anticipation and focus on a bustling film set. +A detailed fantasy map scroll, ancient and worn, showcasing the mystical "Sea of Lost Socks" territory, with whimsical illustrations of socks sailing on tiny boats and a legend describing the mythical waters where socks go to never be found again. +A dog collar tag, shaped like a bone and inscribed with "Good Boy", resting on a rustic wooden table, bathed in warm afternoon sunlight streaming through a nearby window. +A futuristic sci-fi laboratory with a sleek, glass-encased cryopod displaying the message "Status In Stasis" on a glowing, holographic screen. The pod is illuminated by soft, blue light, with intricate machinery and control panels surrounding it. +A camping tent patch sewn with "Adventure Squad 2024" prominently displayed, set against a backdrop of a serene forest clearing with a gentle stream flowing nearby. The patch is detailed and vibrant, capturing the spirit of outdoor adventure. +A spy movie scene featuring a close-up of a microfilm reel, delicately held by gloved hands. The microfilm is stamped with the text "Burn After Reading This", illuminated by a focused beam of light, creating a dramatic, tense atmosphere. +A close-up of a witch's familiar, a sleek black cat, wearing an antique silver collar. The tag hangs delicately, engraved with the phrase "I Meow in Ancient Tongues", set against a backdrop of mystical, swirling fog in a forest clearing. +A realistic photograph of an open math textbook page, focusing on an equation titled "Solve For X", with a slightly blurred background to emphasize the equation and the textbook's worn, well-used appearance. +A retro video game loading screen with pixel art graphics, featuring the text "Press Start" in bold, vibrant colors, set against a dynamic background of swirling digital patterns and glowing lights. +A cozy bakery with a large window displaying a vintage wooden sign that reads "Fresh Bread Daily", surrounded by an array of freshly baked bread loaves and pastries, with soft morning light filtering through. +A casual, modern T-shirt design featuring the text "I Paused My Game to Be Here" in bold, playful fonts, set against a vibrant, gradient background with subtle gaming icons like controllers and pixel art scattered around. +A modern laundry room featuring a sleek, white washing machine with a prominent display setting on "Delicate Wash". Soft, diffused lighting highlights the machine's clean lines and the gentle motion of water inside, reflecting a sense of care and precision. +A realistic photograph of a person's wrist wearing a hospital wristband, clearly printed with "Allergic to Bullsht", set against a clinical background with subtle medical equipment in the periphery. +A medieval wizard's tower with a heavy wooden door featuring an ornate brass knocker shaped like a "KNOCK THREE TIMES" sign, set against a foggy, mystical background. +A realistic photograph of a vintage yellow taxi parked by a serene lake at sunset, its roof light displaying "Off Duty Gone Fishing" in bright, clear letters, reflecting the peaceful atmosphere of a driver taking a well-deserved break. +A detailed hand-drawn blueprint of a time machine, titled "caranobe", with intricate mechanical components and futuristic symbols, set on an old, weathered parchment. +A close-up photograph of a pizza box sticker, prominently featuring the text "Extra Cheese Added" in bold, colorful letters, set against a vibrant, appetizing background that hints at melted cheese and fresh pizza toppings. +A modern cityscape at night with a large digital billboard displaying a news headline ticker scrolling "Breaking Election Results" in vibrant, clear text, surrounded by the bustling nightlife and illuminated skyscrapers. +A museum exhibit features a detailed plaque titled "Dinosaur Era", surrounded by life-sized models of dinosaurs in a lush, prehistoric landscape. The plaque is prominently displayed, with clear, informative text explaining the era's significance. Bright, natural light illuminates the scene, enhancing the realism of the ancient environment. +A wedding cake adorned with elegant letters spelling "Happily Ever After", set against a soft, romantic backdrop with delicate flowers and sparkling lights, capturing the essence of a dreamy, blissful celebration. +In a dimly lit, ancient stone chamber, a witch stirs a cauldron bubbling with "Love Potion 9", its vapors swirling in mystical patterns, casting eerie shadows on the rough walls. +A close-up of a greenhouse plant tag, clearly labeled "Rare Orchid Species", with dew drops glistening on the leaves of the orchid in the background, capturing the serene and vibrant atmosphere of a well-maintained botanical garden. +A vintage typewriter with a sheet of paper jammed in it, the words "Chapter 1" clearly visible, sitting on a worn wooden desk under a soft, nostalgic lamp light. +A bustling urban plaza features a grand public art installation, the "Peace Fountain", where a mosaic title is intricately embedded, reflecting the sun's rays and surrounded by flowing water and vibrant, colorful tiles. People gather, captivated by its beauty and message. +A realistic photograph of a newspaper front page with the headline "Bigfoot Wins Mayoral Race", featuring a large, blurry image of Bigfoot waving to a crowd, surrounded by shocked onlookers and reporters with cameras. +A vintage newspaper from the 1960s, featuring a bold headline that reads "Moon Landing Achieved", laid on a worn wooden table with a cup of coffee and a pair of reading glasses nearby, under a soft, nostalgic light. +A rustic farmer’s market scene with a vintage cash register on a wooden counter. A hand-drawn "Cash Only" label is taped to the front of the register, emphasizing the market’s commitment to traditional payment methods. +A cheerful cereal box mascot, perhaps an animated character like a talking animal, stands confidently holding a sign that reads "Now with More Fiber", set against a bright, colorful background typical of cereal advertising. +A vibrant TV show poster featuring dynamic, eye-catching graphics with the text "The Rundown" prominently displayed in bold, modern font, set against a backdrop of urban nightlife, with neon lights and bustling city streets. +A pirate flag flutters in the sea breeze, featuring a skull and crossbones with a twist: a bag of snacks in one bony hand and a sword in the other, with the bold text "Surrender the Snacks" beneath. +A cluttered artist's desk with an art supply jar labeled "Paint Brushes" in bold letters, filled with a variety of colorful brushes. The jar is the focal point, with scattered paint palettes and half-finished artworks in the background, capturing the essence of a creative workspace. +An art gallery wall displays a sleek, modern description card titled "Untitled 47", set against a minimalist white background. The card features elegant, sans-serif text, with a subtle shadow that highlights its crisp edges and professional design. +A close-up of an engraved wedding ring, featuring the phrase "Always Forever" delicately inscribed around its band, set against a soft, blurred background of romantic flowers and candles, capturing the essence of eternal love. +A realistic photograph of a bustling construction site, with warning tape stretched across a designated area. The tape is vividly printed with the words "Nope Rope Area", clearly visible against the backdrop of hard hats and machinery. +A cozy bakery interior featuring a beautifully crafted pie with a detailed "Slice of Joy" crust design, surrounded by warm lighting and rustic wooden decor, capturing the essence of home and comfort. +A close-up of a chef's hat with intricate embroidery that reads "Master of Sauce", set against a backdrop of a bustling, professional kitchen. The embroidery is detailed, with gold and red threads, and the hat is slightly creased from use. +A vintage potion bottle with a peeling label, revealing the text "Love Elixir Best by 1692" in elegant, faded script, set against a backdrop of an old, dusty apothecary shelf. +A vintage radio with an antique wooden casing, sitting on a cluttered desk. The display glows softly, blinking "Tune In" in a retro font, surrounded by old records and vinyls. The scene is bathed in warm, nostalgic lighting, capturing the essence of a bygone era. +A detailed cave explorer's map, slightly worn and aged, with a corner notation "Here Be Dragons" illustrated with subtle, menacing dragon silhouettes lurking in the shadows, set against a backdrop of rugged, rocky terrain and dim, flickering torchlight. +A majestic medieval castle stands against a twilight sky, its grand banner prominently displayed on the central tower, embroidered with the emblem "House of Dragons" in intricate gold thread, fluttering in the wind. +A weathered wanted poster hangs on a wooden post in an old Western town, featuring a sketch of a notorious outlaw. The text "Reward 1000 Gold Coins" is prominently displayed at the top, with a faded sheriff's seal in the corner. Dust and rain stains mar the poster, adding to its rustic, authentic look. +A wedding cake topper featuring an elegant script reading "Happily Ever After", adorned with delicate floral motifs and sparkling sequins, set against a backdrop of a romantic, sunlit garden. +Retro arcade cabinet with a vibrant, pixelated marquee blinking "Insert Coin" in neon colors, set in a dimly lit, nostalgic game room with scattered arcade flyers and a nostalgic glow. +A cozy living room during Christmas, with a beautifully decorated tree. On the tree, a unique ornament engraved with "Our First Home" stands out, reflecting the warm, festive lights. The scene captures the joy and nostalgia of a couple's first holiday in their new home. +A cozy candy shop interior with vintage wooden shelves, glass jars filled with colorful sweets, and a prominent jar labeled "Nostalgia Nuggets 2lb" sitting front and center, bathed in warm, golden light. +A prehistoric cave wall adorned with ancient paintings of mammoths, alongside crude, symbolic markings that clearly read "Too Spicy" in a primitive, yet recognizable script. +A realistic photograph of a travel suitcase with a tag that reads "Fragile This Side Up" hanging from its handle, set against a backdrop of a busy airport terminal. +A close-up of a musician's guitar case, featuring a vibrant "Rock On 2024" sticker prominently displayed, surrounded by worn leather and travel stickers, capturing the essence of a life on the road. +A high-quality photograph of a winter coat, showcasing the inner tag that reads "Designed for Extreme Cold", set against a snowy backdrop to emphasize its purpose for extreme conditions. +Oil painting of a serene "Sunset Over The Fields", depicting golden rays casting long shadows across lush, rolling fields, with a tranquil sky painted in hues of orange and purple, and a lone tree standing tall in the foreground. +A detailed close-up of a magic carpet with intricate embroidery that reads "Fly Responsibly". The carpet is worn but vibrant, with threads of gold and silver intertwining to form a mesmerizing pattern. Soft, ambient light highlights the texture and craftsmanship. +An ancient, leather-bound wizard’s spellbook lies open on a wooden desk, illuminated by flickering candlelight. In the margin, a quill-penned note reads, "This Spell Sucks", contrasting with the arcane symbols and elaborate illustrations surrounding it. +A bustling digital train station with a large, futuristic display screen flashing the text "Platform 9¾ Departing Now" in vibrant colors, surrounded by curious onlookers and the soft hum of modern technology. +A serene yoga studio with a yoga mat featuring the print "Breathe In Peace" placed on a wooden floor. Soft natural light filters through large windows, casting gentle shadows. A single yoga block rests beside the mat, enhancing the tranquil atmosphere. +A carnival strongman game booth with a vibrant, colorful sign that reads "Ring the Bell". A muscular man in a striped shirt stands ready, hammer in hand, while a crowd of excited onlookers gathers around, cheering him on. +A beautifully decorated birthday cake with intricate icing that spells out "Happy 30th Birthday" in elegant script, surrounded by flickering candles and set against a warm, celebratory background. +A professional chef in a bustling kitchen, wearing a white chef's jacket, with a tattoo on his forearm that reads "Salt Bae Mode", confidently seasoning a dish with flair. +A movie poster featuring the title text "Hell's Angels" in bold, retro font, set against a backdrop of roaring motorcycles and a fiery sky, with rugged, leather-clad bikers in the foreground. +A cozy campfire scene with a marshmallow roasting kit packaging labeled "Stay Toasty", surrounded by wooden sticks, marshmallows, and a warm, golden glow from the flames. +A dog wearing a collar with a tag inscribed "Best Buddy" sits in a sunlit meadow, surrounded by wildflowers, looking curiously at a butterfly fluttering nearby. +A cozy coffee shop interior with a chalkboard prominently displaying "Todays Brew Midnight Blend" in elegant script, surrounded by steaming cups of coffee and the warm glow of ambient lighting. +A detailed page from a detective's notepad, headed "Coldest Case", filled with handwritten notes, sketches, and stick-on markers, set against a slightly worn, yellowed paper background. +A realistic smartphone screen with a sleek, modern design, displaying a lock screen notification that reads "3 New Messages" at the center, with a subtle background pattern and minimalistic icons along the edges. +A bustling city street at dusk, with a vintage movie theater marquee glowing brightly, announcing "Premiere Robot Romeo". Crowds of excited moviegoers queue up, while a robotic figure, resembling a classic Romeo, stands elegantly on the marquee, under a starlit sky. +In a dimly lit, eerie hallway of a haunted mansion, an old, leather-bound guestbook rests on a dusty, antique wooden stand. The last entry reads in faded, crimson ink, "The Walls Are Watching", with a single, ominous eye painted above the words. Shadows dance on the cracked, peeling wallpaper. +A vibrant board game box cover showcasing the "Space Explorers Edition", featuring astronauts in futuristic suits floating amidst a starry cosmos, with a sleek, metallic spaceship in the background and the game title in bold, futuristic font. +A TV show poster featuring the title text "Talk to Me" in bold, modern font, set against a backdrop of a bustling cityscape at dusk, with silhouetted figures engaged in conversation, emphasizing the theme of communication and intrigue. +An abstract canvas painting titled "Chaos Theory" hangs in the corner of a dimly lit room, its vibrant colors and chaotic patterns reflecting the complex dynamics of the theory it represents. +A close-up shot of an old, leather-bound book spine titled "History of Ancient Astronomy", with intricate gold embossing and a slightly worn, aged appearance, set against a warm, wooden bookshelf background. +A detailed pilot's flight plan document with neat handwriting, featuring a large, red stamp that reads "Route Approved", set against a backdrop of a cockpit with a view of a cloudy sky. +A close-up of a pizza box with a bold, eye-catching sticker that reads "Satisfaction Not Guaranteed", set against a blurred, busy kitchen backdrop. The sticker's design is modern and slightly edgy, with a dark background and white text. +A close-up photograph of a vintage brass keychain, intricately engraved with the words "Return If Found", resting on a worn, leather journal page. Soft, warm lighting highlights the detailed engraving and the aged texture of the keychain. +A beautifully crafted wedding cake topper featuring an elegant script that reads "Happily Ever After", delicately placed atop a tiered white cake, surrounded by fresh flowers and sparkling candles, set in a cozy, warmly lit reception hall. +A modern living room with a smartphone on a coffee table, displaying a notification: "New Message Received", surrounded by cozy furniture and natural light streaming through a window. +A colorful birthday card illustration featuring a glittery "Make a Wish" caption, surrounded by festive balloons, candles, and confetti, set against a warm, pastel background. +A red sports car parked on a urban street, with a bumper sticker that reads "Honk If You Love Dragons". The sticker features an illustration of a fierce dragon, and the car is surrounded by tall buildings and city lights. +In a well-lit dinosaur museum, a detailed plaque stands next to a towering T-Rex skeleton. The plaque prominently displays the text "TRex Vegan Options Available", surrounded by informative graphics and subtle fossil textures. +A realistic photograph of a farmer's scarecrow in a lush, green field, wearing a rustic, worn shirt with the text "Keep Away Birds" clearly visible. The scarecrow stands tall, surrounded by vibrant, fluttering birds, emphasizing the ironic contrast. +In a bustling subway car, the seat fabric pattern subtly incorporates the phrase "Eat Sleep Repeat" in its design, blending modern urban aesthetics with a whimsical touch. The scene captures the everyday life of commuters, with the text subtly woven into the fabric, creating a hidden message among the seats. +A classroom whiteboard features a bright yellow sticky note that reads "Turn Off Lights", contrasting with the darkened room and illuminated by the last rays of sunlight through the windows. +A classic barbershop with a spinning pole outside, featuring the text "Best Dad Cuts Since 1999" prominently displayed. The scene is set on a sunny afternoon, with a few customers chatting outside, and the barbershop's vintage interior visible through the window. +A close-up of a coffee cup with a sleeve printed "Caution Hot Brew", set against a warm, wooden table top, with steam gently rising from the cup, creating a cozy and inviting atmosphere. +A realistic photograph of a zoo exhibit, featuring an information plaque that clearly states "Endangered Species", surrounded by a lush, natural enclosure with subtle signs of wildlife conservation efforts. +A cozy bakery storefront with a rustic wooden sign hanging over the window, clearly displaying "Fresh Bread Daily" in elegant, hand-painted letters. Sunlight streams through the window, illuminating a display of freshly baked bread loaves on a wooden shelf. +A street performer stands on a bustling city sidewalk, holding a sign that reads "Tips Appreciated Smiles Free". The scene is vibrant, with passersby glancing curiously, some smiling and others dropping coins into a hat at the performer's feet. +A group of people wearing solar eclipse viewing glasses, each pair clearly printed with "ISO Certified", gathered under a clear sky, excitedly looking upwards as the sun begins to eclipse. +A detailed fantasy potion bottle, intricately designed with glowing runes, tagged with a small, antique label that reads "Drink Me for Luck", set against a mystical, softly lit background. +A vintage UFO abduction poster with a retro sci-fi aesthetic, warning in bold letters, "They Want Your WiFi Password". The poster features a hovering saucer, anxious humans, and a humorous alien with a laptop, set against a starry night sky. +In a modern museum, a sleek plaque beneath towering dinosaur bones reads "T Rex Swipe Left", contrasting ancient fossils with contemporary dating culture. +A futuristic spaceship control room, with a glowing control panel displaying the alert "Warp Drive Online". The scene is illuminated by the soft blue and green lights of the instruments, creating a high-tech, sci-fi atmosphere. +A fitness enthusiast checks their smartwatch, displaying a notification that reads "Calories Burned 500", while jogging in a sunlit park, surrounded by lush greenery and other runners. +A close-up of an antique, leather-bound book with intricate gold embossing, prominently displaying the tagline "Inspired by Wisdom" on its cover, surrounded by a soft, ambient light that highlights the texture and age of the book. +A detailed spaceship dashboard with futuristic controls and a red alert light flashing "CRITICAL FUEL LEVEL" amidst dimly lit panels and gauges, set in a dark, high-tech environment. +A serene park scene featuring a weathered stone monument engraved with "Peace Prevails", surrounded by lush greenery and blooming flowers, under a clear blue sky. +A close-up of a pet collar tag, intricately engraved with "Best Dog Ever", shining under a soft spotlight, set against a warm, wooden background. +A cozy kitchen countertop with a pottery mug etched "Handmade Love" sitting next to a small bouquet of wildflowers, illuminated by the warm glow of a window. +A realistic photograph of a hospital wristband securely fastened around a patient's wrist, clearly printed with "Patient Name John Doe", set against a clinical white background. +A medieval tavern sign, weathered and creaking, swings gently in the evening breeze. The sign reads "Dragons Mead" in old, rustic lettering, with a painted dragon clutching a goblet, set against a backdrop of a bustling village square. +A baker's freshly baked loaf of bread, with the words "Daily Bread" intricately scored into the golden crust, sitting on a rustic wooden board in a warm, cozy kitchen. +A high-resolution image of a sleek smartwatch with a modern, minimalistic face. The screen displays custom text "Stay Hydrated" in a clean, bold font against a subtle, gradient background. The watch is shown on a wrist, with the surrounding environment suggesting a healthy, active lifestyle. +A dark, gothic vanity table with a single, elegant vampire sunscreen bottle labeled "SPF Night Use Only" sitting under a flickering candle. The room is dimly lit, casting long shadows, with a window revealing a full moon outside. +A futuristic book cover for "Robots and Rebels", featuring a sleek, metallic robot standing alongside a defiant human rebel in a dystopian cityscape, with neon lights and towering skyscrapers in the background. +A close-up photograph of a post office package label, prominently displaying the text "Handle With Care" in bold, with a textured paper background and subtle creases, emphasizing the cautionary message. +A realistic photographic scene of a fire extinguisher case mounted on a red wall, labeled "Break Glass In Emergency", with a reflective surface and a slight shadow beneath, set in a modern office corridor. +A close-up of an airport baggage tag, prominently stamped with "Handle With Extreme Disbelief", lying on a conveyor belt amidst other tags and luggage, under the glow of overhead airport lighting. +A vast, verdant field at dawn, where an intricate alien crop circle spells out "Take Me to Your Leader" in perfectly swirled wheat, surrounded by a mist that adds an ethereal glow to the mysterious formation. +A close-up of a gym weight plate with a sticker that boldly claims, "World's Heaviest 5lbs", set against a backdrop of dumbbells and workout equipment, capturing the humorous contrast in a realistic photographic style. +A chef stands in a modern kitchen, wearing an apron printed with "Kiss the Cook or Else", preparing a gourmet dish with a playful smile, surrounded by fresh ingredients and cooking utensils. +A close-up of a modern smartwatch with a sleek, silver band, displaying the watch face complication "Steps 10K Achieved" in bold, vibrant colors, set against a blurred background of a cityscape at dusk. +A nighttime city scene with a yellow taxi driving down a rain-slicked street. The taxi's roof light is illuminated, displaying "Available For Hire" in bright, clear letters, reflecting off the wet pavement. +An ice cream truck parked on a sunny street, its jingle sign playing "Pop Goes the Weasel", surrounded by excited children and melting ice cream cones. +A bustling nightclub scene with a velvet rope marked "Reserved for Celebrities" separating the VIP area, illuminated by colorful lights and surrounded by admiring fans and security personnel. +A serene forest reserve entrance featuring a wooden signpost with a clearly visible sign that reads "Protected Wetlands", surrounded by lush green foliage and a tranquil path leading deeper into the wetlands. +A close-up of a concert ticket stub with "Row 5 Seat 12" clearly visible, crumpled slightly from being held tightly, under a soft spotlight on a dark background, emphasizing the texture and details of the paper. +A eerie, fog-shrouded entrance to a haunted mansion, with an old, rusted iron gate. Above the gate, a weathered sign reads "Enter at Your Own Risk", partially obscured by creeping ivy, casting long shadows in the dim, moonlit night. +A classroom with a large world map on the wall, featuring a colorful pushpin labeled "Where We Live" pointing to a specific location. Students are seated at desks, looking curiously at the map, with a teacher standing nearby, pointing to the pin. +A high-resolution photograph of a wine bottle with an elegant label that reads "Reserve Vintage 1999", set against a soft, wooden backdrop, with a subtle spotlight highlighting the bottle's label and the rich, deep red color of the wine inside. +A cozy, snow-covered cabin in a serene winter landscape, with a wooden sign at the front path reading "WiFi Free Zone Ahead", surrounded by frosty trees and a light dusting of snow in the air. +A vast, serene field under a twilight sky, where an intricate alien crop circle has formed, spelling out "Take Me To Your Dealer" in glowing, flattened wheat. The circle is surrounded by standing crops, creating a stark contrast that highlights the mysterious message. +A close-up of a music festival wristband with the imprint "Main Stage Access", showcasing the vibrant colors and detailed text against a blurred background of enthusiastic festival-goers and bright stage lights. +A vintage suitcase adorned with a colorful collection of travel stickers that spell out "Wanderlust", set against a backdrop of an old-world map, with a soft, nostalgic filter to enhance the timeless charm. +A marathon runner, wearing a bib with the number "2024", sprints through a crowded city street, with spectators cheering and holding signs. The runner's determined expression and the vibrant colors of the crowd create a dynamic and energetic scene. +A studio shot of the word "coffee" intricately formed from roasted coffee beans, set against a minimalist background, capturing the rich texture and natural colors of the beans. +A vibrant car dealership with a large banner reading "Best Deals Today" hanging prominently over a row of shiny new cars, under a clear blue sky. +A realistic photograph of a rustic wooden sign at a campground, reading "Extinguish Fire Completely" in bold letters, placed beside a crackling campfire under a starlit sky. +A realistic photograph of an airport security checkpoint, featuring a large, clear sign that reads "Remove Shoes" in bold letters, with travelers in the background removing their footwear as instructed. +A realistic photograph of a supermarket produce section, featuring a sign that clearly reads "Organic Apples 299". The apples are arranged neatly in a bin, with vibrant colors and a fresh, inviting appearance. The background includes other fruits and vegetables, enhancing the bustling supermarket atmosphere. +A security camera feed displaying a dimly lit hallway with the text "Motion Detected" prominently overlaid, capturing the shadow of a figure moving across the floor. +A high-resolution close-up of a modern fitness tracker screen displaying "Goal Reached 10000 Steps", set against a blurred background of a city park at sunset, with a runner's silhouette in the distance. +A user's smartphone displays a fitness app notification reading "Goal Achieved", surrounded by a vibrant, modern interface. The screen is set against a blurred background of a well-lit gym, with fitness equipment and a few people working out in the distance. +A realistic photograph of a sports stadium checkpoint, where a clear, bold sign reads "No Alcohol Beyond This Point". Fans in team jerseys and security personnel are visible, emphasizing the regulated atmosphere and the clear boundary for alcohol consumption. +A vintage movie poster titled "Space Adventure 2050", featuring a retro-futuristic spacecraft soaring through a starry nebula, with bold, colorful typography and illustrations of astronauts in vintage space suits, set against a cosmic background. +A cluttered lab bench with a vintage fridge, its door adorned with colorful alphabet magnets spelling "Brain Buffet" in a playful arrangement, surrounded by beakers, test tubes, and scientific paraphernalia. +A pirate ship sails on turbulent seas, its dark wooden hull adorned with tattered sails. The main sail is painted with ominous, bold letters "Plunderers Paradise", reflecting the ship's fearsome reputation. Fog rolls around, adding to the menacing atmosphere. +A modern, vibrant T-shirt design featuring bold, stylized letters "Code And Coffee" in a dynamic layout, set against a contrasting background with subtle coffee splashes and coding symbols, capturing the essence of a tech-meets-caffeine lifestyle. +A charming bakery window display features a rustic wooden sign that reads "Fresh Croissants Daily", surrounded by a variety of golden, flaky croissants arranged on a white linen cloth, with soft morning light filtering through the window, casting a warm glow on the scene. +A close-up of an old library book with a vintage stamp that reads "Return by March 15", surrounded by the faint scent of aged paper and the soft glow of a reading lamp. +In a modern, sleek elevator, the button panel features a row of illuminated floor buttons, including a peculiar one labeled "Floor ½ Existential Crisis". The scene is captured in a realistic photographic style, emphasizing the unique and intriguing button. +"Modern Abstract Piece" in an art gallery, showcasing vibrant, geometric shapes and bold colors on a large canvas, with soft lighting highlighting the texture and depth of the artwork, and a few visitors quietly admiring the piece from a respectful distance. +A pair of scissors pointing downward on a desk, next to a computer screen displaying the word "delete" in bold letters. The scene is set in a modern office with a minimalist design, capturing the tension and decisiveness of the moment. +A close-up of a gym locker tag hanging from a metallic hook, with the text "Property of Team Titans" clearly visible. The tag is slightly worn, showing signs of use, against a blurred gym locker background. +A scuba diver checks their tank gauge, which clearly indicates "Air 2000 PSI Remaining", against a backdrop of vibrant underwater coral and tropical fish, emphasizing the critical nature of the diver's air supply. +A close-up of a sleek smartwatch on a wrist, with a notification alert popping up that reads "Low Oxygen Levels", set against a blurred background of a fitness room. The watch face is modern and the notification is clearly visible. +A realistic photograph of a fire extinguisher with clear instructions labeled "Pull Aim Squeeze" on a white background, emphasizing the safety guidelines in a modern, clean setting. +A vibrant birthday card with a modern design, featuring the message "Age Is Just a Number" in bold, stylish typography, surrounded by colorful confetti and sparkling elements, conveying a festive and uplifting mood. +A vibrant street scene with an umbrella stand displaying a variety of colorful umbrellas, each featuring the print "Rain or Shine" prominently. The scene is set on a sunny day, with people strolling by, some holding the distinctive umbrellas. +A cozy bakery interior featuring a vintage cookie jar prominently displayed on a wooden shelf, labeled "Grandma's Secret Stash", surrounded by warm, rustic decor and the soft glow of ambient lighting. +A weathered journal page with a handwritten entry dated "Yesterday 3023", surrounded by futuristic gadgets and a steampunk-inspired time machine in the background. The scene is lit by a soft, nostalgic glow, emphasizing the contrast between the ancient paper and advanced technology. +A bustling car dealership lot with a large, eye-catching banner that reads "Zero Down Payment Now" hanging prominently over a row of shiny new cars, with excited customers browsing and salespeople ready to assist. +In a dimly lit ancient library, a wizard's staff casts a radiant glow, illuminating intricate runes that spell "Lumos Maxima" against the shadowy backdrop. The light cascades over dusty tomes and mystical artifacts, creating a scene of enchanting magic. +A realistic photographic scene featuring the word "broken" crafted from shattered black glass, centered in the frame, with light reflecting off the jagged fragments, creating a dramatic and impactful visual. +A realistic photograph of a birthday cake with candles arranged to spell "30 Math Error", set on a white tablecloth with a soft, warm ambient light, creating a cozy and slightly puzzled atmosphere. +A vast desert canyon, with towering walls of rust-red sandstone. Ancient, weathered symbols are intricately carved into the rock, clearly translating to "Beware of Sandworms", warning travelers of the dangers that lurk beneath the sandy surface. +A bustling train station with a large, illuminated announcement board prominently displaying "Track 9 Departing". Passengers hurry past, casting shadows on the tiled floor, while the echoes of footsteps and distant train whistles fill the air. +A bustling night scene in Times Square, New York, with a large digital billboard prominently displaying "Welcome to New York" in vibrant, glowing letters, surrounded by a sea of flashing lights and neon signs. +A realistic photograph of a rustic farm field with a scarecrow standing tall. The scarecrow wears an old, tattered hat and a faded shirt, with a note pinned to its chest that reads, "If I Move Run". The scene is bathed in the warm, golden light of late afternoon. +A bustling city street with a tattoo parlor window displaying a vibrant "Walk Ins Welcome" sign, surrounded by various tattoo designs and artistic posters, reflecting a lively and inviting atmosphere. +A motivational gym poster featuring the slogan "No Pain No Gain" prominently displayed, with a determined athlete pushing through an intense workout in the background, sweat glistening on their forehead, and the gym equipment and other athletes blurred in the periphery. +A spooky, dilapidated haunted house with a menacing doorway intricately carved with the eerie phrase "Abandon All WiFi", set under a moonlit sky, surrounded by fog and twisted trees. +A bustling farmer’s market stall with a vibrant banner reading "Organic Produce Here", showcasing a variety of fresh, colorful vegetables and fruits, surrounded by happy shoppers and vendors. +A movie theater marquee at dusk, illuminated with neon lights, prominently displaying "Robots in Love Now Playing" in bold, futuristic fonts, surrounded by excited moviegoers and towering city skyscrapers in the background. +A red stop sign stands at a busy intersection, prominently displaying the text "Wrong Way Ahead". The sign is slightly weathered, with a few scratches, and the background is a bustling street with cars and pedestrians. +A realistic desktop scene with a computer screen displaying an error pop-up that reads "System Update Required", surrounded by scattered papers and a cup of coffee, captured in a high-resolution photograph. +A realistic smartphone screen displaying a weather app notification warning "Storm Alert", with dark storm clouds and a bolt of lightning in the background, emphasizing the urgency of the message. +A majestic sailing ship with a billowing flag proudly displaying "Queen Annes Revenge" cuts through the waves on a stormy sea, surrounded by dark, rolling clouds and splashing water, capturing the essence of a pirate vessel in action. +A fitness tracker display with a sleek, modern design, showing the text "10000 Steps Goal" in bold, clear digits, set against a vibrant, blue background, with a subtle reflection of a cityscape at sunset in the screen. +A lonely highway stretches into the distance, with a weathered rest stop sign standing by the roadside, clearly stating "Next Exit Middle of Nowhere". The scene is bathed in the soft, golden light of dusk, emphasizing the isolation and tranquility of the location. +A vibrant, realistic scene of an artist's studio, with a prominent sign reading "Color Outside the Lines" hanging above a cluttered desk. Brushes, paints, and half-finished canvases surround the workspace, capturing the essence of creative freedom and artistic expression. +A close-up shot of a vintage honey jar with a rustic wooden lid, the label elegantly reading "Pure Nectar" in cursive script, set against a soft, blurred background of a sunlit kitchen counter. +A high-resolution computer screen displays a sleek, modern interface with a screensaver that reads "System Active" in bold, futuristic font. The room is dimly lit, casting a soft glow from the screen, highlighting the sleek design of the computer and the minimalistic desk setup. +A classroom wall features a vibrant gold star chart, prominently labeled "Spelling Bee Champion", with rows of golden stars tracking student achievements. +A vampire stands in a sunlit garden, holding a bottle of sunscreen labeled "Yes We Know the Irony". The scene is bathed in warm sunlight, with a hint of dramatic shadow, emphasizing the humorous contrast between the vampire and the product. +A realistic photograph of a boxing ring with the floor mat prominently displaying the text "Round 3 Fight", surrounded by the ropes and the feet of the boxers, capturing the intensity of the moment just before the round begins. +A bustling train station with a large digital display showing the "Now Boarding" announcement, surrounded by travelers carrying luggage, with the glow of the screen reflecting on their faces and the metallic surfaces of the modern station. +A vintage movie director's chair placed on a bustling film set, with the words "Action Station Here" clearly visible on the backrest. The scene is lit by soft, golden hour sunlight, casting a warm glow over the equipment and crew members preparing for the next shot. +A medieval shield, intricately crafted with a bold heraldic motto "Lionheart" emblazoned across its center, surrounded by detailed engravings of lions and floral patterns, set against a rich, weathered background that tells the story of countless battles. +A detailed pirate map on weathered parchment, with "X Marks Utopia" clearly labeled near a hand-drawn island, surrounded by intricate compass roses and nautical symbols, evoking a sense of adventure and mystery. +A smartphone lock screen with a dark, sleek design, displaying the notification "Unread Destinies" in elegant, glowing text, surrounded by a subtle, futuristic interface. +A dark smartphone screen with a lock screen notification displaying "127 Unread Regrets" in glowing white text, set against a blurred background of a dimly lit room with a faint silhouette of a person sitting on a bed, head in hands. +A close-up of a supermarket price tag, prominently displaying "Sale 199lb", with a bright, eye-catching design, set against a cluttered background of shelves filled with various products. +A detailed ski resort trail map with "Black Diamond Slopes" marked in bold, set against a snowy backdrop with pine trees and mountain ridges, emphasizing the challenging terrain and adventurous spirit of the slopes. +A vibrant poster design featuring the title text "Saving Grace B Jones" in elegant, flowing typography, set against a backdrop of a sunlit, urban skyline at dusk, with soft, warm tones and a subtle, artistic gradient effect enhancing the overall visual impact. +A realistic photograph of a university lecture hall, with a large projector screen displaying the slide titled "Quantum Physics Basics" in clear, professional fonts, surrounded by attentive students and a professor gesturing towards the screen. +In a dimly lit, old library, an archive box labeled "Classified Documents" sits on a dusty shelf, surrounded by ancient books and flickering candlelight, casting shadows that add to the mysterious atmosphere. +A vibrant movie poster for "Dougal and the Blue Cat", featuring a curious, wide-eyed boy named Dougal standing beside a majestic, oversized blue cat. The backdrop showcases a whimsical, enchanted forest with a golden sunset, enhancing the magical and adventurous atmosphere of the film. +A gym locker room with sleek, modern lockers and a large mirror featuring a motivational sticker that reads "You Got This" in bold, vibrant letters, reflecting the determined expression of an athlete preparing for their next workout. +A close-up of a "No Flyers" notice on a community bulletin board, with a slightly worn texture and a few thumbtacks holding it in place, set against a backdrop of a bustling neighborhood park. +A high-tech robot with a sleek, metallic chest panel embossed with the words "AI Assistant Model X", standing in a modern, futuristic setting with soft ambient lighting highlighting its advanced design and intricate details. +A cozy doorway featuring a rustic wooden door with a welcoming mat that reads "Welcome Friends", set against a backdrop of a charming, sunlit porch with potted plants and a wicker rocking chair. +A detective's notepad lies open on a cluttered desk, the page revealing meticulously scribbled notes. "Follow the Money" is boldly circled, drawing the eye to its significance amidst the chaos of the investigation. +A bustling city street with a quaint store, its window displaying a handwritten note that reads "Back in 5 Minutes", capturing a moment of temporary closure amidst the urban hustle. +A charming children's lemonade stand poster featuring the price "50 a Cup" written in colorful crayon letters, surrounded by hand-drawn lemons and playful doodles, set against a bright, sunny background. +A coastal scene featuring a weathered lighthouse with a wooden door adorned with a metal plaque that reads "Keepers Quarters Private". The door is slightly ajar, revealing a glimpse of the interior, while the rugged shoreline and crashing waves add to the atmospheric setting. +A cluttered laboratory with a scientist's notebook open to a page that reads "Trial 42 Failed", surrounded by vials, beakers, and a holographic display showing molecular structures. The scientist looks dejected, staring at the notebook. +Astronaut floating in the International Space Station, holding a checklist with the item "Check Oxygen DONE" clearly visible. The background shows the Earth through a window, with the astronaut's spacesuit and equipment meticulously detailed. +Realistic photograph of an ice hockey rink, focusing on the "Home Team Locker Room" with team jerseys hanging on the lockers, hockey sticks leaning against the walls, and players' equipment scattered around, capturing the intense atmosphere before a game. +An astronaut stands in a desolate lunar landscape, the helmet visor clearly displaying "O₂ LEVELS CRITICAL" in glowing red text, with the stark, shadowy terrain and distant Earth in the background. +A movie set with a director's clapperboard prominently displayed, showing "Scene 5 Take 2" in clear, bold letters. The clapperboard is just about to be clapped, with the assistant holding it in focus, under the soft lighting of a studio. +A close-up shot of an alien fast food wrapper, crumpled and half-open, revealing nothing inside. The wrapper is printed with "Contains 0 Actual Food" in bold, futuristic text. The background is a deserted, futuristic cityscape with neon lights. +A clear, sunny day at a modern swimming pool, with a large, blue pool surrounded by green tiles. Prominent "No Diving Allowed" signs are visible on the walls and pool deck, ensuring safety for all swimmers. +A submarine control room with a sonar screen blinking "Leviathan Detected Smile" in the dim, blue-lit environment, surrounded by tense crew members monitoring various instruments and gauges. +A cozy bedroom with a rustic wooden wall featuring elegant wall art that reads "Home Is Where The Heart Is" in a flowing, cursive font, surrounded by soft, warm lighting and comfortable bedding. +In a bustling mall, a modern, illuminated sign reads "sounds", hanging above a busy electronics section where shoppers browse through headphones and speakers. The vibrant lights and dynamic atmosphere highlight the technological and social hub of the mall. +A realistic photograph of a hospital room, focusing on a patient's wrist wearing a blue hospital wristband with "Patient Name John Doe" clearly visible, surrounded by medical equipment and a window with soft sunlight streaming in. +A close-up of a toddler's teddy bear, with a small, worn tag sewn onto its arm that reads "Mr Snuggles", set against a soft, blurred background. +Retro diner menu board with vintage signage, prominently displaying "Burger Special 5" in bold, neon-lit letters. The board is set against a classic 1950s backdrop with checkered floors and chrome accents, capturing the nostalgic essence of an American diner. +A boutique storefront with a "Grand Opening Tomorrow" banner written in chalk on the window, surrounded by elegant mannequins and tasteful decor, under the soft glow of streetlights in the evening. +A realistic photograph of the interior of a Mars colony, featuring a large dome window with an etched message "Home Sweet Red Planet" reflecting the warm, rusty hues of the Martian landscape outside. +A close-up of a knight's gauntlet, intricately engraved with the words "Protect the Realm", set against a backdrop of ancient stone and flickering torchlight. The metal gleams with a subtle sheen, reflecting the warm glow of the flames. +A close-up photograph of a fire extinguisher label, clearly displaying the instructions "Pull Pin Aim Base", set against a slightly blurred, modern kitchen background with subtle reflections of stainless steel appliances. +A serene Japanese garden, where a samurai performs a traditional tea ceremony. A delicate scroll hangs in the background, elegantly displaying the words "Harmony in Motion" in elegant calligraphy, reflecting the samurai's disciplined and tranquil demeanor. +A close-up of an alien plant pot sticker, prominently featuring the text "Water Weekly Earth Time", set against a minimalist background, with subtle, futuristic elements hinting at the extraterrestrial origin of the plant. +A dimly lit bedroom with a nightstand featuring a retro alarm clock prominently displaying "Wake Up Time" on its illuminated face, surrounded by scattered books and a glass of water. +A cozy living room with sunlight streaming through the window, a cat named "Mittens Professional Napper" lounging on a plush rug, its collar tag shaped like a fish, gleaming in the soft light. +A bustling sushi restaurant with a conveyor belt displaying an array of fresh dishes, including a plate labeled "Tuna Roll 2 Pieces 3" featuring two perfectly sliced tuna rolls and a third, partially eaten roll, all under soft, warm lighting. +A mermaid with flowing sea-green hair and a shimmering tail, wearing a delicate seashell necklace inscribed "Kiss With Caution", swims gracefully through a vibrant coral reef, surrounded by schools of colorful fish. +A solemn portrait of a soldier in a war-torn landscape, wearing dog tags stamped "War Is Hell", with a backdrop of smoky ruins and fallen comrades, capturing the raw emotion and harsh reality of conflict. +A dark, tense submarine control room with crew members looking concerned. The sonar screen prominently displays pulsating, erratic signals labeled "Unknown Screaming", casting an eerie glow over the anxious faces. +A weathered sailor’s arm, muscles defined, adorned with a nautical tattoo: "Homeward Bound" in bold, vintage script, surrounded by anchors and waves, under a clear blue sky. +A serene beach scene with soft, golden sand and clear blue water, featuring skywriting in elegant, flowing letters spelling "Summer Vibes" against a backdrop of a bright, sunny sky. +A close-up photograph of a hospital wristband, clearly showing the bold text "Allergies Penicillin" printed on it, with a crisp, clean background to highlight the essential medical information. +A close-up of a bartender's coaster featuring the text "Tipsy Hour Specials", set on a wooden bar top with a few colorful cocktail glasses in the background, capturing the cozy, inviting atmosphere of a well-lit, evening bar. +A high-resolution close-up of a sleek, modern fitness tracker screen displaying "Steps 10000", set against a blurred background of a city park at dusk, with joggers and cyclists in the distance. +A snowy ski slope with a trail marker warning sign that reads "Black Diamond Run" standing prominently at the edge, surrounded by tall pine trees and a crisp, clear sky. +A child's colorful drawing of a vibrant rainbow, with the words "Happy Day" scribbled in bold crayon, set against a simple, white background. +A close-up of a food critic's notepad, the page filled with handwritten notes and a prominent scribble that reads "Needs More Salt", with a pencil resting on the side. +A vintage library cart features a sign that reads "Silence is Golden" in elegant gold calligraphy, set against a backdrop of neatly arranged old books and warm, ambient lighting. +A high school football player wearing a jersey with the name "Titan 22" stands on a sunlit field, the grass slightly worn from the game, his teammates cheering in the background. +A hot air balloon at sunrise, with a wooden basket featuring a brass plaque that reads "Fly High Adventure", set against a backdrop of rolling hills and a clear blue sky. +A cozy coffee shop with a rustic wooden interior, featuring a chalkboard menu prominently displaying "Latte Special Today" in elegant cursive, surrounded by hand-drawn coffee icons and floral decorations. +A bookstore window display titled "Bestsellers of 2024" features a vibrant arrangement of colorful book covers, with a large, eye-catching sign at the top. The display is illuminated by warm lights, creating a cozy and inviting atmosphere, perfect for attracting passersby. +A realistic photograph of a car dashboard with the alert light prominently displaying "Check Engine Soon", set against the backdrop of a dimly lit interior, capturing the urgency and concern of the situation. +A realistic photograph of a refrigerator with a hastily handwritten note saying "devotion" attached to its door using a small, red magnet. The note is slightly crumpled, and the fridge has a few other magnets and a calendar on it. +A close-up of a superhero's emblem, featuring the motto "Truth and Justice" in bold, glowing letters, set against a backdrop of a city skyline at dusk, with rays of light piercing through the clouds. +A futuristic spaceship console with blinking red lights signaling "Warning Fuel Low", surrounded by dimly lit control panels and screens displaying various data, set against the backdrop of a dark, star-filled space. +A detailed page from a robot's instruction manual titled "How to Hug Humans", featuring illustrated diagrams of robot arms in various hugging positions, accompanied by safety guidelines and emotional cues to ensure a warm and safe interaction. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly printed with "Patient Name Alex Mercer", set against a neutral background, emphasizing the crisp, legible text and the medical environment. +A futuristic spaceship control room, with a large, illuminated control panel displaying a critical alert: "Warp Drive Needs Updates". The room is dimly lit, with holographic interfaces and screens showing technical data, while a crew member in a sleek spacesuit looks concerned. +A modern ambulance parked on a city street, its side panel prominently displaying the text "Emergency Response" in bold, reflective letters, with emergency lights subtly illuminating the scene. +A plane soars through a clear blue sky, its wing trailing a long, white banner that reads "Marry Me Sarah" in elegant, cursive font, capturing the romantic moment as onlookers below watch in awe. +A professional chef in a bustling kitchen, wearing a crisp white chef's apron embroidered with "Master Chef" in elegant gold thread, expertly preparing a gourmet dish while surrounded by stainless steel countertops and shiny copper pots. +A close-up of a pet collar tag, made of metal with a slightly worn texture, engraved with "If Lost Call 555HELP", lying on a rustic wooden surface with natural light casting a soft shadow. +A close-up of an artist's palette with vibrant paint colors swirling together, the text "Mix Colors Here" clearly visible in the center, surrounded by brushes and a few paint tubes. +A detailed diagram from a wizard school textbook, titled "Levitate Your Ex 101", showing various magical techniques and incantations for levitation, with illustrations of wands, floating objects, and a whimsical, illustrated ex-partner floating mid-air. +A scientist stands in a lab, wearing a lab coat with a name tag that reads "Dr Fusion" in bold letters, surrounded by high-tech equipment and chemical apparatus, creating a realistic photographic scene. +A vibrant concert backdrop featuring the text "Rock The City 2024" with intricate guitar art, colorful lights, and a dynamic crowd in the background, capturing the energetic atmosphere of a live rock show. +A bustling train station with a large digital display blinking "Platform 9¾ Closed" amidst the crowd, steam from locomotives adding to the mystical atmosphere. The scene is captured in a realistic photographic style, emphasizing the contrast between the ordinary and the magical. +A nostalgic candy store with a vintage marquee that reads "Salt Water Taffy 2", illuminated by soft, warm lights, surrounded by colorful, sweet treats in glass jars, set against a backdrop of a charming small town during twilight. +A realistic photograph of a brewery barrel branded "Hoppy IPA" standing in a dimly lit, rustic brewery room, surrounded by wooden crates and copper brewing equipment, with a soft glow from a nearby lantern. +A cozy bakery interior with a rustic wooden table and a vintage cash register. On the wall, a chalkboard menu prominently displays "Croissant 250" in elegant script, with a warm, ambient light casting soft shadows. +A high-resolution TV show poster featuring a futuristic, cyber-enhanced dog, with the text "Cybermutt" prominently displayed in neon blue, set against a dark, tech-laden cityscape. +A vintage 1950s diner with a retro lunch counter sign spinning "Pie Eating Contest Today", neon lights flickering, and customers chatting excitedly, capturing the nostalgic atmosphere of a small-town event. +A 1920s speakeasy door, dimly lit with a vintage sign above. A shadowy figure in a fedora whispers the password "Sarsaparilla" to the bouncer, who nods and swings the door open, revealing a lively jazz band and crowded dance floor inside. +A realistic construction site with warning tape spanning across the area, prominently displaying the text "Danger Hard Hat Area". Workers in hard hats and high-visibility vests are seen in the background, emphasizing the safety precautions. +A cozy, dimly lit restaurant with a vintage aesthetic, featuring a large, leather-bound menu on a rustic wooden table. The menu prominently displays the disclaimer: "Soup Contains Answers", illuminated by a soft, ambient light casting shadows across the textured pages. +"American" generative art featuring rivers and sticky smoke composed of dots, set against a stark white background, with a strong emphasis on graphic design elements. +A vibrant birthday cake topper spelling "30 Going on 13" in shimmering glitter, set against a soft, pastel background with sparkling confetti and colorful candles, capturing the playful spirit of a milestone birthday celebration. +A dark, gritty alleyway at night, a spy's encrypted note torn to reveal "Meet at Midnight" under a dim streetlamp, with shadows of nearby buildings adding to the suspense. +A bustling farmer's market stand with a wooden sign prominently displaying "Organic Produce", surrounded by colorful, fresh vegetables and fruits, with cheerful vendors and customers chatting in the background. +A high-definition television screen displays a news channel, with a bright, red ticker scrolling "Breaking News Update" across the bottom. The room is dimly lit, with the TV as the primary light source, casting a soft glow on the surrounding furniture and walls. +A coastal scene with a lighthouse tower prominently displaying a sign that reads "Foggy Conditions", surrounded by dense fog and rocky cliffs, with the sea crashing against the shore. +A weathered pirate treasure map with "X Marks the Spot" clearly visible, laid out on an old wooden table. The map is illuminated by the warm glow of a single candle, casting shadows on the intricate details and faded ink. +A dimly lit alley leads to a vintage detective's office, its doorplate prominently displaying "Private Eye" in worn, golden letters. The scene is set at dusk, with a soft glow from a nearby streetlamp casting long shadows and adding a mysterious atmosphere. +A weathered treasure map parchment, detailed with intricate lines and faded ink, "X Marks the Spot" prominently etched at the center, surrounded by mysterious symbols and compass directions, set against a backdrop of an old wooden table with a flickering candle. +A dimly lit theater stage with a worn, painted floor that reads "Macbeth's Pizza Parlor" in bold, faded letters, surrounded by vintage curtains and a few scattered props, creating an eerie, abandoned atmosphere. +A sleek, floating Magic 8 Ball in a dimly lit room, its triangular window displaying the answer "Ask Your Therapist" in glowing, neon blue text, surrounded by a subtle aura of mystic energy. +An astronaut's doodle pad, filled with a sketch titled "Home Sick for Earth", shows a nostalgic scene of a serene Earth, surrounded by stars, with a faint outline of a spacecraft in the background. +A vibrant candy wrapper design featuring "Sugar Rush", with a playful font and a burst of colorful, swirling patterns that evoke a sense of sweet excitement and joy, set against a bright, eye-catching background. +A close-up of a chef's knife with the blade engraved "Slice Through the Nonsense", resting on a cutting board with fresh herbs and vegetables, capturing the precision and artistry of culinary craftsmanship. +A city street at night, a yellow taxi with its roof light illuminated, displaying "Available for Hire" in bright letters, reflecting off the wet pavement. +A close-up of an ancient, ornate magic wand with intricate carvings, including the inscription "Batteries Not Included" near the tip, set against a dimly lit, mystical background with soft, glowing particles. +A cozy bakery interior with a vintage wooden counter, a large cookie jar prominently displayed, labeled "Grandma's Secret Recipe", filled with freshly baked, golden-brown cookies, surrounded by pastel-colored decor and a warm, inviting atmosphere. +A chef stands in a bustling kitchen, his apron prominently displaying the embroidered text "Master Chef Antonio". The warm, golden lighting highlights the intricate stitching and the chef's focused expression as he prepares a gourmet dish. +A realistic photograph of a smartphone screen displaying a weather app with "100 Rain Expected" in bold, set against a backdrop of dark, stormy clouds and raindrops falling on the screen. +A close-up photograph of a car's windshield, prominently displaying a parking permit sticker that reads "Resident Only", set against a backdrop of a quiet residential street. +A vibrant elementary school poster featuring a cheerful cartoon character with a big smile, reminding children to "Wash Your Hands". The poster includes a colorful illustration of a child washing hands at a sink, with soap bubbles and water splashing playfully. +A hiker's trail marker, carved with "North Ridge Path", stands at the edge of a dense forest, surrounded by tall trees and overgrown shrubs, with a winding path leading into the distance. +A street performer stands by their instrument, a worn sign reading "Tips Welcome" propped beside them, capturing the essence of urban life and the struggle of artists in the city. +An ancient alien artifact, intricately carved with luminescent symbols, stands in a desolate landscape. The most prominent inscription reads "Welcome Humans" in a glowing, otherworldly script. The artifact is surrounded by a mysterious, faint aura, hinting at its advanced and unknown origins. +A digital door lock with a sleek, modern design, its screen flashing the text "Password TacoCat" in vibrant green against a dark background, set in a well-lit, futuristic hallway. +A steaming cup of coffee with intricate foam art shaped into "Good Morning" on its surface, set against a warm, cozy kitchen backdrop with soft morning light filtering through the window. +A realistic gym scene with a weight rack prominently displaying a sign that reads "Lift Responsibly", surrounded by fitness equipment and motivational posters, with a few athletes working out in the background. +A sci-fi novel cover featuring the title "Galactic Outlaws", with a sleek spaceship hovering over a futuristic cityscape at sunset, neon lights reflecting off metallic surfaces, and a group of rugged outlaws standing on a rooftop, silhouetted against the vibrant sky. +A weathered stone monument rises from the sandy expanse of a vast desert, its surface engraved with the words "Lost Civilization 3000 BCE", partially obscured by swirling sand and ancient moss. +A dark room with a hacker's computer screen prominently displaying a red pop-up alert that reads "System Breach Detected", surrounded by lines of scrolling code and dim, ambient lighting. +A bustling city street at night, with a tattoo parlor's neon sign flashing "Ink Dreams" in vibrant colors, reflecting off the wet pavement and drawing the eye of passersby. +A close-up of camping gear, including a tent, backpack, and sleeping bag, all labeled with a tag that reads "Waterproof Durable Light", set against a backdrop of a serene forest at dusk. +A realistic photograph of an airport departure board, prominently displaying "Flight CA102 Cancelled" in red, with other flights listed around it, and a few travelers looking concerned in the background. +A high-resolution image of a modern smartwatch face, sleek and minimalist, displaying "10K Steps Completed" in bold, clear text. The watch is worn on a sporty silicone band, and the background shows a blurred cityscape at dusk, highlighting the achievement. +A rugged sailor with a tattoo on his arm that reads "Born to Sail", standing by the ship's wheel, the ocean waves crashing behind him, under a clear blue sky. +A realistic photograph of a supermarket aisle, focusing on a shelf tag labeled "Organic Produce Section", with fresh fruits and vegetables neatly arranged on the shelves below, bathed in soft overhead lighting. +A close-up of a firefighter's helmet, prominently displaying a bold sticker warning "Stay Back 50 Feet", set against a backdrop of a controlled fire training exercise. +A modern elevator button panel with sleek, illuminated buttons, including a distinctive, red button labeled "Secret Basement", set against a backdrop of polished stainless steel and ambient lighting. +A cyberpunk city street at night, with a neon-lit noodle shop window displaying "Ramen OS v92" in futuristic fonts, steam rising from bowls of ramen, and reflective surfaces showing the bustling, tech-filled environment. +A realistic photograph of a spacesuit helmet with "Eagle One" emblazoned on the side, set against a backdrop of a star-studded space landscape, with the helmet's reflective visor capturing distant galaxies and nebulae. +An ancient, tattered page from a wizard's spellbook, titled "Turnip Transmutation", with intricate illustrations of magical turnips and arcane symbols surrounding the text. The page is illuminated by a soft, mystical glow, highlighting the detailed calligraphy and vibrant colors. +A vintage spy gadget briefcase, its weathered leather showing signs of many missions, with a discreet label that reads "Top Secret Sandwiches" in elegant, faded typography, set against a backdrop of a dimly lit, clandestine meeting room. +In a bustling airport terminal, the departure board dramatically flashes "Flight 666 Boarding Hell", casting an eerie glow over the anxious crowd. The scene is a mix of modern architecture and tense travelers, with the ominous message standing out starkly. +A close-up of a fortune cookie slip with the message "You Are Hungry" laid on a rustic wooden table, next to a half-eaten cookie, under the warm glow of a vintage lamp. +A stylish birthday card featuring elegant gold foil text with the message "Best Wishes at 40" set against a deep navy blue background, adorned with subtle, sparkling stars. +A charming bakery window with a rustic wooden frame, displaying the sign "Fresh Bread Daily" in elegant cursive. Sunlight streams through, casting a warm glow on an array of freshly baked bread loaves and pastries. +A construction worker stands on a scaffolding, wearing a bright orange vest stenciled with "Safety First Always", against a backdrop of a bustling city skyline, emphasizing the importance of safety in a high-risk environment. +A bustling farmer's market with vibrant stalls, fresh produce, and a large, welcoming banner that reads "Locally Grown Love" hanging prominently overhead, capturing the essence of community and freshness. +A digital banner within a vibrant video game environment, prominently displaying the text "Press Start to Play" in bold, neon colors, set against a futuristic cityscape at night. +In a sunlit ballet studio, a graceful dancer stands in perfect "Fifth Position Perfection" before a large mirrored wall, her reflection capturing the elegance and precision of her pose, surrounded by wooden barres and soft, pink toe shoes. +A UFO hovers above a dark, quiet town, its blinking lights casting an eerie glow. On the side of the UFO, a bright, glowing sign reads "Take Me to Your Leader", illuminating the night sky. +A vintage 1950s sci-fi movie poster titled "Invasion of the Moon Robots", featuring retro robots descending on a small American town, with a dramatic sky and bold, colorful typography. +A vast desert canyon with distinct rock layers that naturally form the words "Turn Back", set against a dramatic sky with soft shadows highlighting the intricate patterns and textures of the ancient stone. +A close-up of a Christmas ornament, intricately engraved with "Joy to the World" in elegant cursive, hanging from a pine branch, with soft, warm holiday lights illuminating it against a dark, velvety background. +A close-up of a vintage medicine bottle with a label that reads "Take Two Daily", surrounded by old-fashioned medical tools and a few scattered pills on a rustic wooden table. +A sleek racing car with a glossy finish, featuring a bold hood decal that reads "Speed Demon XT2000" in dynamic, futuristic typography, set against the backdrop of a high-speed racetrack. +In a vibrant skatepark, a large, colorful graffiti tag reading "Skull Crusher Crew" dominates a wall, surrounded by skaters performing tricks and a crowd cheering them on. The scene is alive with urban energy and the spirit of rebellion. +A mysterious, moss-covered cave entrance carved with the ominous words "Abandon Hope", set against a dark, foreboding forest background, with a single beam of light piercing through the canopy to illuminate the ancient, weathered inscription. +A digital billboard looms above a bustling highway, displaying the warning "Traffic Jam Ahead" in bright, bold letters, as cars slow down, forming a long queue beneath the imposing sign. +A cozy bookstore café with a rustic wooden interior, warm lighting, and shelves lined with books. A chalkboard near the entrance prominently displays "Poetry Reading Tonight" in elegant script, inviting patrons to an evening of literary delight. +A cozy bakery storefront with a large window displaying a vintage-style decal that reads "World's Best Croissants". The scene is bathed in warm morning light, with a few croissants visible inside, enhancing the inviting atmosphere. +A weathered pirate map parchment, intricately detailed with old-world symbols and a distinctive red "X Marks the Spot" clearly visible in the center, surrounded by faded compass roses and nautical illustrations. +A vintage ice cream truck parked on a sunny street, its side panel prominently displaying a colorful, hand-painted sign that reads "Frozen Treats Here", surrounded by playful illustrations of ice cream cones and happy children. +A neon sign flashing "Open 247" above a retro diner, with vintage cars parked outside and a nostalgic 1950s atmosphere, under a starlit night sky. +A realistic screenshot of a computer error message dialog box on a sleek, modern desktop, prominently displaying the text "Connection Lost" with a subtle blue background and a concerned user looking at the screen, reflecting frustration. +A nostalgic retro diner at night, its neon sign flickering with the words "Eat Disappear", casting a vibrant glow on the deserted street and reflecting in the wet pavement. +A neatly organized DIY store shelf with a variety of tools and hardware, featuring a subtle "Assembly Required" label in small print at the bottom right corner. +A casino floor at night, vibrant and bustling, with a slot machine screen blinking "Jackpot Winner" in bright, flashing lights, surrounded by excited onlookers and the sound of coins clinking. +A medieval castle courtyard, sunlight casting long shadows, a grand banner with the "Royal Crest" embroidered in gold and crimson threads flutters gently in the breeze, hanging from the ancient stone walls. +A commercial airplane with the wing logo "SkyHigh Airlines" prominently displayed, soaring through a clear blue sky with white contrails behind it, capturing the essence of travel and adventure. +A suspenseful scene from a foreign film, with text "Suspenseful Music" displayed at the bottom. Dimly lit room, shadows cast on the walls, a lone figure standing by the window, tense atmosphere. +In a modern elevator, emergency instructions are clearly displayed: "In Case of Freefall Scream". The scene captures the tense atmosphere, with a slightly distressed expression on a passenger's face, emphasizing the surreal and humorous safety advice. +A cinematic movie poster titled "Elizabeth: The Golden Age", featuring a regal Queen Elizabeth I standing beneath a lavish, golden crown, surrounded by symbols of her reign—rich fabrics, intricate jewelry, and a backdrop of a majestic, sunlit English countryside. +In an ancient cave, the wall painting, faded over centuries, reveals the words "Treasure Below" amidst mysterious symbols and primitive art, hinting at a hidden treasure deep within the earth. +A protestor holds a bold sign demanding "Equal Pay Now" amidst a crowd, the sign's red letters standing out against a white background, capturing the intensity and determination of the moment. +A bustling farmer's market stall with a vibrant banner reading "Fresh From Our Fields", surrounded by colorful, ripe vegetables and smiling farmers. The scene is alive with the morning sun casting a warm glow, enhancing the freshness and vitality of the produce. +A vintage airplane flying through a clear blue sky, trailing a banner that reads "Marry Me Jessica", with fluffy white clouds in the background and the sun shining brightly. +In a dimly lit, eerie kitchen, a zombie chef in a blood-stained apron prepares a gory yet gourmet dish titled "Brains à la Mode", surrounded by macabre ingredients and a spooky, atmospheric setting. +In a bustling classroom, the teacher stands by the blackboard, chalk in hand, having just written the phrase "popular" in bold letters. Students are engaged, some taking notes, others discussing the term, capturing the dynamic atmosphere of an interactive lesson. +A passionate protester holds a sign high, emblazoned with the bold text "Climate Justice Now", against a backdrop of a bustling city street, with other demonstrators and onlookers around, capturing the intensity and resolve of the moment. +A charming candy shop window featuring a playful decal that reads "Free Samples Tomorrow", surrounded by a colorful array of sweets and lollipops, with a vintage cash register and glass jars filled with candies in the background. +A futuristic cityscape at night, with a large hologram ad floating mid-air, displaying "Visit Mars Colony Tours" in vibrant, glowing colors, surrounded by sleek, high-tech buildings and flying cars. +A realistic urban scene with a traffic light pole prominently featuring a sticker that reads "Wait For Green". The sticker is bright and clear, set against a backdrop of bustling city traffic and pedestrians. +A movie poster featuring the logo "Night Flowers" prominently, set against a backdrop of blooming flowers under a starlit sky, with a subtle urban skyline in the distance. +A cozy café corner with a small table, a steaming cup of coffee, and a sugar packet printed with "Sweeten Your Day" prominently displayed, capturing the warm, inviting atmosphere of a morning rendezvous. +A cozy bookstore with a wooden shelf labeled "Banned Ideas Aisle 7" in elegant cursive, surrounded by rows of old, leather-bound books. The warm lighting casts a soft glow, highlighting the mysterious allure of the forbidden titles. +A detailed amusement park map with vibrant colors and playful icons, featuring a clear "You Are Here" marker surrounded by attractions like roller coasters, carousels, and food stalls. +A close-up of a vintage library bookmark, intricately designed with floral patterns, stamped with "Due Next Week" in bold red ink, lying on an old, worn book with golden lettering on its spine. +A poster design featuring bold, eerie graphics with the title text "Terrifier 3" prominently displayed in a haunting, gothic font, set against a dark, atmospheric background. +A sleek digital clock on a bedside table, its screen glowing with the words "Time To Wake Up" in a modern font, set against a dimly lit bedroom with soft morning light filtering through the curtains. +A time traveler's guidebook page with a highlighted footnote: "Avoid 2020 - Out of Order". The scene is a vintage study with a leather-bound book open on a wooden desk, surrounded by antique clocks and a globe, with a ray of sunlight streaming through a dusty window. +A vintage photograph of a grand clock tower with intricate stonework, its face prominently displaying the text "Established 1890", set against a clear blue sky with a few fluffy clouds. +A realistic photograph of a birthday card opened to reveal the inside message, which reads in bold, playful letters: "You're Aging Poorly". The card features a whimsical design with colorful confetti and balloons in the background. +A solemn war memorial statue titled "For Those We Lost 1918", standing in a quiet, leafy park. The statue, crafted from weathered bronze, depicts a soldier holding a helmet, surrounded by wreaths and poppies, with a somber sky and a few people paying their respects in the background. +A close-up of a museum gift shop bookmark imprinted with "History Rocks", lying on a rustic wooden table, with soft, natural light illuminating the scene, emphasizing the texture of the wood and the clarity of the text. +A high-resolution close-up of a smartwatch screen displaying a notification that reads "Low Battery 10". The watch face has a sleek, modern design with a black background, and the notification is highlighted in red to emphasize the urgency of the low battery warning. +A vibrant basketball court with the floor painted in bold, dynamic colors, featuring the phrase "Home Court Advantage" prominently displayed at center court, surrounded by enthusiastic spectators and the glow of overhead lights. +A vintage coffee truck parked by a bustling street, its side panel proudly displaying the quirky slogan: "Bean There Drunk That" in bold, playful lettering. The truck is surrounded by happy customers, with steam rising from cups of freshly brewed coffee. +A rustic tavern sign hangs prominently, reading "The Drunken Dragon" in bold, weathered letters. The sign sways gently in the breeze, casting long shadows over the cobblestone street, while the warm glow from the tavern's windows spills out, inviting travelers to seek refuge and tales of adventure. +A vibrant night sky illuminated by fireworks, spelling out "Game Over" in a bold, cursive style. The explosions cast a colorful glow over the dark landscape, creating a dramatic and awe-inspiring scene. +A realistic photograph of a science museum exhibit, featuring a large, illuminated plaque titled "DNA Structure" with detailed diagrams and information about the double helix, surrounded by interactive models and glass display cases. +In a bustling airport terminal, a large digital departure board displays "Flight CX102 On Time" amidst a flurry of travelers. The scene captures the mix of anticipation and routine, with passengers checking their boarding passes and luggage carts rolling by. +An old, weathered antique radio with a faded sticker on its front that clearly reads "Tune to 985 FM", set against a vintage background. +A majestic Viking longship sails across a stormy sea, its sail emblazoned with the words "Valhalla Bound" in ancient runes. The ship cuts through towering waves, with the northern lights casting an ethereal glow over the scene. +A locker room scene with a prominent sign that reads "Shower Before Pool", surrounded by clean, modern facilities and softly lit, emphasizing the sign's clear and concise message. +A gym locker room with a row of metal lockers, a large mirror on the wall, and vibrant graffiti that reads "You Look Great Today" in bold, colorful letters, reflecting the positive atmosphere of the space. +A close-up of a hospital wristband worn on a person's wrist, printed with "Allergies Peanuts" in bold red text, set against a neutral background to highlight the important medical information. +A realistic farm scene with a scarecrow standing by a rustic wooden signpost that reads "No Crows Allowed", surrounded by golden wheat fields under a clear blue sky. +A vintage barber shop with a neon sign that reads "Hot Towel Shaves Available" glowing softly in the evening, casting a warm, inviting light on the cobblestone street outside. +A wizard stands in a mystical forest, his staff glowing with the "Spell of Infinite Wisdom", casting an ethereal blue light that illuminates ancient runes floating around him. +In a stately courtroom, the judge's bench is prominently displayed, featuring a polished wooden plaque that reads "Order In Court", reflecting the solemnity and authority of the legal proceedings. +A realistic photograph of a restaurant bathroom mirror, partially fogged with droplets of water. In clear, bold letters, "Wash Your Hands" is written on the fogged part of the mirror, reflecting a sense of hygiene and cleanliness. +A cozy bakery interior, a baker in a white apron embroidered with "Knead to Know Basis", surrounded by fresh bread and pastries, warm lighting, and wooden shelves. +A pirate flag billows in the sea breeze, its dark fabric emblazoned with a skull and the menacing words "Plunder Cove" beneath it, casting ominous shadows over the turbulent waters. +A close-up of a chocolate bar wrapper, prominently displaying "Dark 70 Percent Cocoa", set against a minimalist background with subtle lighting to highlight the texture and sheen of the wrapper. +A school gymnasium featuring a large banner hanging from the rafters, boldly proclaiming "Champions of 2024", with trophies and team photos displayed around the vibrant, energetic space. +An ancient, leather-bound wizard’s spellbook lies open on a wooden desk, illuminated by a flickering candle. The page titled "Fireball Incantation" is visible, with intricate illustrations of flames and magical runes surrounding the text. +A scientist stands in a lab, pointing at a whiteboard with a complex equation that reads "E Oops²" in the center. The lab is filled with high-tech equipment, and the scientist looks puzzled, as if realizing a significant mistake in their work. +A construction site at dusk, workers in hard hats with a reflective orange sticker on the front, clearly displaying the text "Safety First" under the glow of safety lights, surrounded by half-built structures and machinery. +A gym motivational poster with bold, vibrant colors, featuring the phrase "No Pain No Gain" in dynamic, eye-catching typography. The background shows energetic athletes working out, with weights and fitness equipment, emphasizing the message of perseverance and effort. +A vintage 1950s diner at night, illuminated by a bright neon sign that reads "Eat Heavy 24 Hour Service", casting a colorful glow on the sidewalk and reflecting in the windows of the empty street. +A medieval bard holds a lute intricately carved with the phrase "Play Free Bird", its wood grain and strings detailed, set against a backdrop of an ancient tavern. +A vibrant T-shirt design featuring bold, neon text "Code All Night" against a dark, urban night backdrop, illuminated by the glow of city lights and computer screens. +A courtroom scene with a judge holding a gavel engraved "Order in the Chat", emphasizing the formal setting and the judge's authoritative presence. +A modern kitchen countertop with a sleek, silver pet food container labeled "Feed Twice Daily", next to a bowl of kibble. Morning sunlight streams through the window, casting soft shadows. +A vibrant poster featuring the title text "Kehtaa Hai Dil Baar Baar" in elegant, flowing script, set against a backdrop of a bustling, colorful market scene with people chatting and vendors displaying their goods, capturing the lively spirit of a traditional Indian bazaar. +A museum exhibit featuring a detailed label that reads "Ancient Roman Coin", showcasing a well-preserved bronze coin with intricate engravings of a Roman emperor, set against a backdrop of soft, ambient lighting and elegant display cases. +A close-up of a baker's bread bag, prominently featuring a tag that reads "Freshly Baked", with a warm, golden crust visible through the clear plastic, set against a rustic wooden backdrop. +A baby wearing a onesie printed with "Future Problem" is sitting on a colorful play mat, surrounded by soft toys and blocks. The room is brightly lit, and the baby is looking curiously at a toy in front of them. +A rustic farmer’s barn with a wooden sign hanging above the entrance, reading "Fresh Eggs Daily" in bold, weathered letters. Sunlight filters through the trees, casting a warm, golden glow on the scene. +An antique globe stand, intricately engraved with the phrase "Explore Unknown Territories", sits in a dimly lit study, its wood grain rich and detailed, surrounded by vintage maps and nautical instruments, evoking a sense of adventure and discovery from a bygone era. +An amusement park entrance arch glowing with vibrant lights, prominently displaying "Magic Kingdom" in dazzling neon, set against a twilight sky, with excited visitors entering the magical realm. +A glowing Magic 8 Ball floats in a dimly lit room, its triangular window displaying the answer "Ask Again Later" in luminous, eerie letters. The ball is surrounded by a soft, blue aura, creating a mysterious and slightly unsettling atmosphere. +A bustling train station with a digital board displaying "Platform 2 Delayed" in bright red letters. Commuters with weary expressions wait on the platform, some checking their phones, others glancing at the board, under the soft glow of overhead lights. +In a courtroom, a witness stand features a plaque reading "Swear to Tell the Fun Truth", with a playful yet serious atmosphere, capturing the unique juxtaposition of formality and humor. +A clear sky above a sandy beach, where skywriting in elegant cursive spells "Summer Vibes", reflecting off the gentle waves of the ocean. Palm trees sway in the background, enhancing the tropical atmosphere. +A wedding cake topper elegantly spelling "Happily Ever After" in intricate, golden letters, set against a backdrop of a romantic, softly lit reception hall with a twinkling chandelier and delicate floral arrangements. +A detailed close-up of a concert wristband, prominently displaying the text "VIP Access Only", set against the background of a bustling concert crowd, with vibrant stage lights and a fog machine adding to the atmosphere. +A detective's office, cluttered with files and photos, features a prominent crime board. Centered on the board is a red note that reads "Prime Suspect Found", surrounded by evidence and clues leading to the breakthrough. +A vintage movie poster featuring the title "Bedtime for Bonzo" in bold, playful letters, set against a backdrop of a cozy bedroom with a mischievous chimpanzee named Bonzo peeking out from under the covers, surrounded by nostalgic 1950s decor. +A realistic photograph of a hotel key card sleeve lying on a wooden desk, with the text "Room 303 Checked In" clearly visible on the sleeve, next to a small potted plant. +A vibrant banner reading "Grand Opening Sale" hangs prominently across the entrance of a bustling new store, with excited shoppers gathered outside, awaiting the doors to open. The scene is lit by the warm afternoon sun, casting soft shadows and highlighting the festive atmosphere. +A close-up of a gym locker combination lock with the dial set to spell out "HELP" in clear, bold numbers, against the worn, metallic surface of the locker. The scene is lit by soft, ambient gym lighting, emphasizing the contrast between the lock and the locker's texture. +A vibrant circus tent with a grand banner proclaiming "Greatest Show" stretched across the entrance, surrounded by excited crowds and colorful decorations, under a clear blue sky. +A nostalgic 1950s street scene at night, featuring a vintage pharmacy with a glowing neon sign that reads "Open All Night 1955", surrounded by old-fashioned buildings and parked cars from the era. +A detailed fantasy map framed on an ancient wooden wall, featuring the realm name "Eldoria" in intricate, ornate script, surrounded by mystical symbols and illustrated landscapes. +A close-up of a firefighter's helmet, prominently displaying a sticker that reads "Kick Down Doors Daily", set against a backdrop of a smoky, urban firefighting scene. The helmet is slightly worn, showing signs of use, with the sticker vivid and clear. +A close-up of a smartwatch screen with a notification blinking "Low Battery 10" in a modern, sleek interface. The watch is on a wrist, with the ambient light casting soft shadows, emphasizing the urgency of the message. +A Viking longship glides across a choppy sea, its sail proudly displaying the embroidered phrase "Row Harder Mead Closer". Warriors in traditional attire man the oars, their faces determined. The sky is a dramatic mix of stormy clouds and breaking sunlight. +A Stone Age club with a wooden handle intricately carved with the words "Oggs Best Club", set against a backdrop of ancient cave paintings and surrounded by stone tools and animal bones, capturing the essence of prehistoric craftsmanship. +A witch's cauldron bubbling with steam, labeled "Love Potion 9", set in a dimly lit, mystical forest clearing, surrounded by glowing fireflies and ancient, gnarled trees. +A superhero stands proudly, their cape billowing in the wind, emblazoned with the embroidered text "Cape Town Citizen" in bold, vibrant letters. The cityscape of Cape Town, with Table Mountain in the background, frames the heroic figure. +A nighttime city street with a yellow taxi driving by, its roof light clearly displaying "Available" in bright, illuminated letters, reflecting off the wet pavement. +A close-up photograph of novelty socks featuring the phrase "Best Dad Ever" knitted in a vibrant, playful design, set against a soft, blurred background to highlight the detailed text and colorful patterns. +A close-up of an old, dusty book page with a distinctive library stamp in the corner, clearly displaying "Property of Atlantis". The stamp is slightly faded but legible, surrounded by the worn texture of aged paper. +A high-resolution close-up of a fitness tracker screen displaying "10000 Steps", set against a blurred background of a runner's wrist, with a hint of a cityscape in the distance. The scene captures the moment of achievement with vibrant colors and sharp details. +A quiet library with a wooden desk, a placard prominently displaying "Shhh Genius at Work", surrounded by stacks of books and a soft, ambient light, creating a serene and focused atmosphere. +A close-up of a futuristic motorcycle with a dragon rider license plate that reads "FLYBY U", set against a backdrop of a neon-lit cityscape at dusk, with the motorcycle's headlight glowing brightly. +A black and white sign with the words "towers" on a white background, rendered as a wireframe in a generative art style, emphasizing the minimalist and geometric elements. +A casual, modern scene featuring a person wearing a bright, eye-catching t-shirt that prominently displays the word "feature" in bold, colorful letters, standing in a vibrant urban setting. +A sophisticated wedding invitation card with elegant gold foil text that reads "Save The Date" on a soft ivory background, surrounded by delicate floral patterns and intricate lace borders. +A serene lakeside scene with a wooden dock extending into the calm water. A sign post stands at the edge, clearly displaying the sign "Life Jackets Required" next to a row of colorful kayaks and life jackets. The sun casts a warm glow, highlighting the natural beauty and safety measures. +A high-quality wine bottle with an elegant label prominently displaying "Vintage Reserve 2020", set against a rustic wooden background, capturing the essence of fine wine in a realistic photographic style. +A serene sky with cloud formation resembling the word "Hope", gently illuminated by the warm, golden light of a setting sun, creating a peaceful and inspiring atmosphere. +A realistic underwater scene featuring a submarine hatch with a clear stencil reading "Depth 300m Maximum", surrounded by deep-sea flora and fauna, with subtle light filtering through the water, creating a mysterious and immersive atmosphere. +A close-up of a movie theater popcorn bag featuring the logo "Butter Lovers Special" in bold, golden letters, with melted butter dripping down the side of the bag, creating a rich, appetizing scene. +A close-up of a programmer's laptop, with a sticker prominently displaying "Hello World Coder" on the lid, surrounded by scattered notes and a cup of coffee, set in a cozy, well-lit workspace. +An ancient scroll unfurled, revealing elegant "Wisdom Of Ages" calligraphy, set against a backdrop of worn, golden parchment. The scene is illuminated by a soft, ambient light, emphasizing the delicate brushstrokes and the scroll's weathered texture. +A realistic photograph of a vibrant, colorful t-shirt with the bold text "Certified Chaos Coordinator" emblazoned across the front, set against a dynamic urban backdrop with bustling street life and vibrant graffiti. +An ancient cave wall, partially illuminated by flickering torchlight, adorned with mysterious symbols and a stark warning below: "Beware". The rough stone texture and the subtle shadows enhance the eerie atmosphere. +A detective's weathered matchbox, labeled "Burn After Solving", lies on a cluttered desk, surrounded by investigative notes and a half-empty cup of cold coffee, under the dim light of a flickering desk lamp. +A sleek race car speeding on a track, its hood adorned with a striking decal that reads "Speed Demon", capturing the essence of speed and thrill in a high-octane, realistic photograph. +A carnival ticket booth with a vibrant banner stretched across the top, boldly proclaiming "Win Big Prizes". The scene is lively, with colorful lights and playful decorations, capturing the excitement and energy of the carnival atmosphere. +A prehistoric cave wall adorned with primitive paintings of hunters, their bodies outlined in ochre and charcoal. Ancient symbols beside them clearly translate to "Good Hunt", invoking the spirits for a prosperous chase. +A construction site with a barrier wrapped in bright yellow "Danger Excavation Zone" tape, surrounded by heavy machinery and workers in high-visibility vests. The scene is bustling with activity, with a large excavator digging into the ground. +A poster design featuring the title text "Magical Caresses" in an elegant, flowing font, surrounded by ethereal, shimmering light effects and delicate, abstract shapes that evoke a sense of magic and enchantment. +A vibrant food truck with a window decal proudly stating "Vegan Burgers Sold Here", surrounded by happy customers in a bustling street market, with colorful banners and green plants adding to the lively atmosphere. +A cluttered detective's desk with a thick, leather-bound case file prominently displayed, stamped "Top Secret Eyes Only" in bold red letters, next to a dim desk lamp casting a moody, noir-like shadow. +A robot's instruction manual cover titled "Human Interaction for Dummies", featuring a sleek, futuristic robot standing beside a confused human, with a backdrop of a bustling cityscape and a holographic interface displaying interactive symbols and guidelines. +A realistic photograph of a solar farm entrance, featuring a prominent sign that reads "Renewable Power Zone", surrounded by rows of gleaming solar panels under a clear blue sky. +A time traveler stands in an old, dimly lit library, his wristwatch prominently displaying "Now Is Relative" amidst ancient books and dusty shelves, capturing the essence of time's fluid nature. +A translucent magic 8-ball hovers in a dimly lit room, its surface reflecting a soft glow. Inside, the answer "Ask Again Tomorrow" is clearly visible, illuminated by a subtle light, creating an eerie yet fascinating atmosphere. +A vibrant basketball court with a detailed floor painting titled "Home Court Advantage", featuring dynamic geometric patterns and the team's logo, surrounded by enthusiastic fans in the stands, all under the glow of arena lights. +"October" generative art featuring rivers and sticky smoke composed of dots, set against a crisp white background, blending graphic design elements with a minimalist aesthetic. +A realistic photograph of a zoo enclosure featuring a sign that reads "Bengal Tiger Habitat", with a majestic Bengal tiger resting in the background, surrounded by lush vegetation and a rocky landscape. +An old-fashioned ice cream truck parked on a sunny street, with "Play Jingle Until Sold Out" emblazoned on its side. The truck's music box plays a cheerful jingle, attracting children and adults alike, all eagerly awaiting their sweet treats. +A children's book illustration featuring the text "Once Upon a Time" in a whimsical, hand-drawn font, surrounded by playful, colorful elements like floating stars, enchanted forests, and magical creatures. +A close-up of a time machine's dashboard, with a futuristic, sleek design. The screen prominently displays "Destination Yesterday", with blinking lights and intricate controls around it, set in a slightly darkened, tech-filled room. +A classroom wall adorned with a vibrant gold star chart labeled "Spelling Bee Winners", showcasing rows of stars next to students' names, with a chalkboard and desks in the background, capturing the essence of academic achievement and friendly competition. +A lighthouse stands on a rocky cliff, its beacon projecting the words "Safe Harbor Free WiFi" onto the misty sea. The warm glow of the light contrasts with the cool, blue tones of the night, creating a serene and inviting atmosphere. +A leather-bound journal with "Captain's Log Stardate 3024" embossed on the front, lying on a wooden desk illuminated by the warm glow of a vintage lamp, surrounded by navigational charts and a steaming cup of coffee. +A bustling supermarket with bright fluorescent lighting, shoppers browsing aisles filled with colorful products. A staff member holds a microphone, making a PA announcement: "Cleanup Aisle 5". The scene captures the everyday hustle and bustle, emphasizing the realism of the moment. +A rustic barn with a wooden sign hanging above the entrance, painted in bold, cursive letters that read "Fresh Eggs Daily". Sunlight filters through the trees, casting warm shadows on the weathered red wood. +A cozy coffee shop with a rustic wooden table and chairs. On the wall, a chalkboard reads "Try Our New Mocha" in elegant cursive, surrounded by hand-drawn coffee leaves and steaming cups. Soft, warm lighting enhances the inviting atmosphere. +A realistic promotional poster in a bustling supermarket, featuring the text "Only buy this day" prominently displayed. The poster is surrounded by vibrant, colorful products and cheerful shoppers, emphasizing the urgency and excitement of a one-day sale. +A high-security "Biohazard Containment Level 4" laboratory, with a glowing access panel set into a sleek, futuristic wall. The panel features intricate, illuminated circuits and a cautionary biohazard symbol, emphasizing the critical nature of the facility. +A clandestine office desk with a sleek, futuristic computer, scattered papers, and a prominent red stamp that reads "TOP SECRET LEVEL 9" on a dossier. The room is dimly lit, with shadows hinting at high-tech surveillance equipment. +A close-up of a vintage candy heart with the message "Text Me Never" in bold, retro font, set against a soft, pastel background with a slight vintage filter, capturing the nostalgic charm of the 1950s. +A cozy bookstore interior with a wooden sign that reads "Bestsellers Here" hanging above a shelf filled with colorful book covers, warm lighting, and a few customers browsing. +A close-up of a wine bottle with a label prominently displaying "Vintage 2020", set against a rustic wooden background, with a soft, warm lighting highlighting the bottle's elegant curves and the rich, dark color of the wine inside. +A digital billboard displaying "Next Exit Gas Station" flashes brightly on a dark highway, casting a neon glow on the asphalt and the surrounding trees, with a lone car driving towards the sign. +A close-up of a concert wristband with "VIP Access" clearly visible, set against a blurred background of excited concertgoers and bright stage lights, capturing the vibrant energy of the event. +A detailed, realistic photograph of a firetruck door with the emblem "Engine Company 54" prominently displayed, set against a slightly blurred urban background. The firetruck is red, and the emblem is clear and sharp, with a professional, modern design. +A vibrant TV show poster featuring the logo "La pasarela" prominently at the center, surrounded by dynamic images of runway models and a glittering fashion backdrop. +A medieval shield, intricately crafted with a weathered metal surface, prominently displays the family crest "Fortis in Arduis" at its center. The crest features a majestic lion standing on a rocky outcrop, symbolizing strength and resilience. Surrounding the lion are vines and thorny branches, representing the challenges faced and overcome. +A detailed blueprint header labeled "Mars Colony Module 5" displayed on a sleek, futuristic workstation, with technical annotations and schematics surrounding it, set against the backdrop of a Martian landscape. +A cluttered scientist's lab with a large freezer in the background, prominently displaying a warning sign that reads "Cryogenic Samples". The lab is filled with various scientific instruments and papers, with the freezer slightly ajar, emitting a faint mist. +A solemn war memorial stands under a gray, overcast sky, its stone surface engraved with the poignant phrase "Lest We Forget". Surrounded by neatly trimmed hedges and a sea of small, white crosses, the memorial is a powerful tribute to those who have fallen. +In a modern gym locker room, a large mirror features a sleek, motivational decal that reads "One More Rep". The reflective surface shows a faint silhouette of a determined athlete, enhancing the room's energetic and inspiring atmosphere. +A marathon runner wearing a bib numbered "2024" with the participant's name clearly visible, sprinting through a crowded urban street, with cheering spectators lining the route and a city skyline in the background. +A vintage neon sign flashing "Open 24 Hours" hangs above the entrance of a classic American diner, casting a vibrant glow on the rain-slicked pavement and reflecting in the windows of the empty street at night. +A detective's magnifying glass hovers over a note that reads "Clue Found Here", set against a dimly lit, noir-style room with shadows casting mysterious patterns on the walls. +"Fall is here" inscribed in vibrant autumn leaves gently floating on a calm, reflective lake, surrounded by a dense forest of trees with golden and crimson foliage, under a soft, overcast sky. +A vibrant surfboard design featuring the phrase "Ride the Wave" in bold, wave-like typography, surrounded by dynamic splashes of ocean blue and white foam, capturing the essence of a surfer's adventure on a perfect wave. +A scientist in a lab, wearing a white coat with a badge labeled "Dr Genius" prominently displayed on the chest, standing amidst high-tech equipment and bubbling beakers. +A college dorm room door, featuring a whiteboard with the message "Midterm Study Group 8 PM" clearly written in black marker, surrounded by textbooks and notes scattered on the floor, with a cozy, warm lighting from a desk lamp inside the room. +A bustling farmer’s market stall with a vibrant banner painted "Organic Oddities" overhead, showcasing an array of unique, organic produce. The stall is surrounded by colorful market umbrellas and bustling shoppers, with the warm sunlight casting a natural glow on the scene. +A pair of rugged hiking boots, with a stylish "Trail Ready" tag attached, standing on a rocky trail at the edge of a dense forest, morning sunlight filtering through the trees. +A neon sign flashing "Open 247" above the entrance of a convenience store, set against a dark urban night scene, with the glow of the sign reflecting on the wet pavement and casting a warm, inviting light into the store's windows. +An astronaut's meal packet "Space Food" floats in the zero-gravity environment of a futuristic space station, illuminated by the soft glow of control panels. The packet, detailed with nutritional information and a small American flag, is partially unzipped, revealing a glimpse of the food inside. +A detailed chemistry lab chart prominently displaying the "Periodic Table Elements", with each element clearly labeled and color-coded. The chart is mounted on a whiteboard in a modern laboratory, with glass beakers and test tubes arranged neatly on a nearby table. +A bustling airport terminal with a large digital departure screen flashing "Gate 13 Final Boarding" in bright letters, surrounded by hurried travelers and overhead announcements, under the glow of modern lighting. +A vibrant circus tent banner, fluttering in a gentle breeze, proudly announces "World's Strongest Man" in bold, decorative letters. The scene is set against a clear blue sky, with excited onlookers in the background, capturing the festive and anticipatory atmosphere of a circus event. +A vivid school science fair scene featuring a poster titled "Volcano Project", showcasing a colorful, erupting volcano model with students gathered around, excitedly discussing their project. The background includes tables with various science projects and a classroom setting. +A close-up of a detective's desk, with a polished brass plaque reading "No Case Too Small" prominently displayed. The desk is cluttered with old case files, a magnifying glass, and a vintage typewriter, under a soft, nostalgic lamp light. +A close-up photograph of a hiking boot sole, its intricate pattern clearly visible, with the words "Tread Lightly" embossed into the tread, set against a natural, earthy background. +A dark, dense forest with trees casting long shadows, a single distant light glowing faintly, and the text "takraw" illuminated softly in the beam of light. +A skydiver in mid-air, free-falling with a bold tattoo on their arm that reads "Gravity is a Social Construct", against a backdrop of fluffy clouds and a clear blue sky. +A close-up of a pet collar tag, intricately engraved with "Max Call 5551234", set against a blurred background of a lush, green park. The tag glints in the sunlight, capturing the warmth and detail of the engraving. +A bustling urban street featuring a quaint storefront with a vintage sign that reads "Text to Image", surrounded by colorful window displays and pedestrians passing by. +A medieval knight's steed, adorned with intricate armor engraved with the words "Speed Ludicrous Gallop", stands proudly in a misty forest clearing, the morning light highlighting the detailed metalwork. +A modern kitchen with a sleek, stainless steel fridge. A smart fridge magnet note reads, "Ate your lasagna Dog". A playful golden retriever sits next to the fridge, looking guilty with a lasagna dish nearby. +Aerial view of a vast, green field with a meticulously crafted alien crop circle forming the words "Send Tacos", surrounded by subtle, glowing patterns that hint at extraterrestrial origins. +Astronaut’s glove drifting in the vastness of space, with "Let Go" sharply written on the palm, against a backdrop of distant stars and galaxies. +A close-up of a digital clock with its display flashing "12:00 AM" in bright red, set against a dark background, capturing the eerie glow of the digits in a silent, nighttime room. +A colorful children's alphabet poster featuring "C is for Cloud" with a bright, fluffy cloud illustrated above the text, surrounded by playful, hand-drawn letters and cheerful background elements. +A tattoo parlor at night, with neon lights spelling out "No Regrets Just Ink" in vibrant colors, casting a soft glow on the urban street below. The scene is realistic, with a few people walking by, and the parlor's window displaying various tattoo designs. +A bustling city street at dusk with a large, illuminated billboard featuring the title "Future Innovators 2024" in sleek, modern typography. Crowds of people with futuristic gadgets walk below, reflecting the conference's theme of cutting-edge technology and innovation. +A realistic photograph of an engraved stone plaque reading "Established 1920" set within a serene park, surrounded by lush greenery and mature trees, with a gentle path leading up to it. +A close-up of a script cover with the title "Final Draft No More Revisions" in bold, lying on a wooden desk with a pen resting beside it, under a soft desk lamp. +A vibrant concert stage backdrop, illuminated with neon lights spelling "Encore Performance" in bold, glowing letters, set against a dark, starry night. The audience's silhouettes are faintly visible, creating a sense of anticipation and excitement. +A cluttered laboratory with a scientist in a lab coat embroidered with "Mad Genius", surrounded by bubbling potions and intricate machinery, under the warm glow of vintage lab lamps. +A realistic photograph of a construction site with a bright orange barrier prominently displaying the sign "Hard Hat Area Only", surrounded by hard hats, safety vests, and construction equipment. +A close-up of ancient Egyptian pyramid wall hieroglyphs, intricately carved and vividly colored, translating to "Eternal Life", set against the backdrop of a sunlit, sandy landscape. +A vibrant city square filled with diverse people, colorful banners, and a large, eye-catching voting poster with the slogan "Make Your Voice Count" prominently displayed. The scene is lively, with people engaging in discussions and forming queues at voting booths. +A realistic photograph of an ambulance with a clear, bold decal on its side that reads "Emergency Response", set against a backdrop of a busy urban street during the day. +A vintage computer screen displays a retro error message in green text: "File Not Found Hope". The room is dimly lit, with old tech peripherals scattered around, capturing the essence of a 1980s computer lab. +A vintage Farmer's Almanac page with a corner note that reads "Plant After Last Meme", surrounded by illustrations of rustic farming tools and seasonal plants, set against a backdrop of a serene, sunlit countryside. +An art gallery featuring a modern installation with a plaque titled "Banana Duct Tape 1M", showcasing a large, minimalist banana sculpture wrapped in silver duct tape, set against a clean, white wall. +A prehistoric cave wall features intricate paintings, including a modern twist: the words "WiFi Password Mammoth123" clearly visible, blending ancient art with contemporary humor. +A vibrant skateboard deck featuring bold graffiti text "Skate or Die Trying" in dynamic, colorful strokes, set against a urban backdrop with a gritty, edgy feel. +A realistic photograph of a robot holding a protest sign that reads "Batteries Included Consent" in a busy city square, surrounded by a crowd of onlookers. The robot is modern and sleek, with a slightly worn sign, emphasizing the message's importance. +A protester holds a placard stating "Climate Justice Today" at a crowded city rally, surrounded by others with similar signs, under a clear blue sky. +A lighthouse tower, its wall marked with bold red letters "Storm Alert Level 4", stands against a turbulent sea, its beacon flickering amidst dark, stormy skies. +A realistic photograph of a gas station with a large price sign prominently displaying "Unleaded 399 Gallon" in bold, clear letters, under a cloudy sky, with a few cars parked nearby. +A beautifully decorated birthday cake with "Happy 30th Birthday" inscribed in elegant gold lettering, surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm glow from nearby fairy lights. +A sleek spaceship hull, gleaming under distant stars, features bold lettering that reads "Welcome to Jupiter Station", set against a backdrop of the giant planet's swirling clouds and rings. +A baker in a cozy, sunlit kitchen, wearing a crisp white apron embroidered with "Flour Power", surrounded by bags of flour and freshly baked bread loaves. +A bustling city center at dusk, with a large, illuminated billboard prominently displaying the slogan "Vote for Change" against a backdrop of skyscrapers and busy streets filled with pedestrians and vehicles. +A detailed photograph of an ancient, dust-covered wizard’s potion bottle, prominently labeled "Elixir of Wisdom", sitting on a wooden table with old books and mystical artifacts scattered around. +Realistic photograph of a bustling subway station with vibrant wall graffiti that reads "Take the A Train", surrounded by commuters and the glow of neon lights. +A casual snapshot of a programmer wearing a T-shirt with "Hello World" written in code syntax, standing in a modern office with a computer screen in the background, capturing the essence of tech culture. +A pirate ship sails the stormy seas, its flag proudly waving with the name "Sea Wolf Crew" emblazoned in jagged, menacing letters against a dark, stormy sky. +A cozy campfire scene with a marshmallow stick tagged "Smores Time" poking out from a pile of roasted marshmallows and graham crackers, surrounded by friends laughing and enjoying the warmth of the fire under a starry night sky. +In a neon-lit alien supermarket, an aisle sign reads "Human Snacks" in glowing green letters, towering over shelves stocked with exotic, colorful packages. The scene is bustling with alien shoppers, their curious gazes drawn to the unique products. +A close-up of a futuristic, sleek lab coat with a metallic badge on the chest, prominently displaying the text "Mad Scientist in Training". The badge is illuminated with a soft blue glow, reflecting the high-tech environment of the lab. +Ancient Chinese scroll painting labeled "Mount Neverest Summit", depicting a serene landscape with towering peaks, misty valleys, and traditional Chinese elements like pine trees and pagodas, rendered in ink and watercolor. +Astronaut in a futuristic space station conducting a plant experiment, carefully labeling a hydroponic container with "Moon Basil". The station's windows reveal the vast, star-filled universe, enhancing the high-tech and isolated atmosphere of the scene. +A city street at dusk, a yellow taxi with its roof light displaying "Off Duty" in bright, clear letters, parked by the curb. The taxi is slightly worn, reflecting the day's fading light, with a hint of urban hustle in the background. +A high-quality, professional cooking show title card featuring the text "Master Chef Challenge" in elegant, bold fonts, set against a backdrop of a modern kitchen with shiny appliances and fresh ingredients laid out on a granite countertop. +A beach resort entrance with a wooden signpost carved with "Private Property Ahead", surrounded by tropical greenery and sandy shores, under a clear blue sky. +A chalkboard in a history classroom, titled "World War II", with detailed handwritten notes and a map of Europe, under the warm glow of vintage classroom lighting. +A modern elevator panel with the button for "Floor 5" illuminated, set in a sleek, minimalist lobby with soft ambient lighting and reflective surfaces. +A detailed close-up of a microscope slide labeled "Specimen X", showing the intricate cellular structure under high magnification, with a crisp focus and vibrant colors highlighting the unique features of the specimen. +A close-up of a rustic metal keychain, intricately designed with the words "Home Sweet Home" engraved in an elegant script, hanging against a warm, wooden background. +A little squirrel, with fluffy fur and bright eyes, stands on a forest floor, holding a small wooden sign that reads "I want to store food". The background features tall trees and fallen leaves, emphasizing the squirrel's natural habitat. +A classroom whiteboard prominently displays the reminder "Test Tomorrow" in bold black marker, surrounded by scattered notes and diagrams, with a few students' desks in the foreground, creating a sense of urgency and preparation. +A cozy coffee shop interior with warm lighting, wooden tables, and comfy chairs. On the rustic chalkboard wall, it reads in elegant white chalk, "WiFi password: BeanJuice123", surrounded by doodles of coffee cups and beans. +A vibrant tech expo banner prominently displays "Future of AI Conference", featuring sleek, futuristic graphics with robotic elements and a backdrop of a glowing city skyline, emphasizing innovation and technology. +A futuristic spaceship cargo bay, dimly lit, with a large crate prominently displaying the label "Handle AntiGravity Side Up" in bold, reflective letters. The crate is surrounded by complex machinery and illuminated by the soft glow of control panels. +Retro diner interior with vintage decor, a classic jukebox in the corner displaying a selection list that prominently features "Play It Again Sam", patrons enjoying their meals, warm lighting, and a nostalgic 1950s atmosphere. +A close-up of a dog collar tag, finely engraved with "Best Buddy", reflecting a warm, golden glow under the afternoon sun, set against a soft, blurred background of a grassy park. +A detective's worn notebook lies open on a cluttered desk, the page marked with a scribbled note: "Follow the Money". The room is dimly lit, with shadows casting over the notebook, emphasizing the urgency and mystery of the message. +A realistic photograph of an airport departure board, with "Flight 808 DELAYED" blinking in red, surrounded by other flight information in a busy terminal. +A vibrant carnival game booth, brightly lit with colorful lights, features a large sign shouting "Win a Giant Panda". People crowd around, excitedly trying their luck, while a giant plush panda stands proudly on the counter, drawing all the attention. +A close-up of a pharmacy shelf label reading "Cold Medicine Aisle", with various cold medicine boxes and bottles neatly arranged on the shelf behind it, under the soft, warm lighting of the store. +A close-up of an elevator inspection certificate on a metallic panel, clearly displaying the text "Last Checked March 2024", with a subtle reflection of the elevator's interior in the background. +A close-up of a concert-goer's wrist, showcasing a vibrant, neon wristband printed with "VIP Access" in bold, glowing letters, set against the backdrop of a dimly lit, bustling concert venue. +A vintage spy camera with a film canister labeled "Develop Urgently" sitting on a worn wooden table, surrounded by old newspapers and a flickering desk lamp, creating a tense, noir atmosphere. +A close-up of a vintage library card pocket, labeled "Check Out Now", attached to the inside cover of an old, leather-bound book, with a faded bookmark resting beside it. Soft, warm lighting highlights the worn, textured paper and the intricate details of the book's cover. +A bustling farmer’s market scene with vibrant stalls, where a prominent chalkboard sign reads "Fresh Squeezed BS" in bold, playful letters, surrounded by baskets of fresh produce and cheerful vendors. +A movie theater marquee illuminated at night, prominently displaying "Now Playing Cyber Heist" in neon lights, with a futuristic cityscape and cyberpunk elements in the background. +A beautifully lit birthday party with a large cake centerpiece. The cake is elegantly decorated with pastel colors and features icing that reads "40 and Fabulous" in a stylish, cursive font. Guests gather around, smiling and holding up their glasses in a toast. +A cozy bistro interior with a specials board prominently displaying "Wine Pairing Fridays". Soft, warm lighting enhances the rustic wooden decor, and a selection of wine glasses and bottles are arranged on a nearby table, inviting patrons to enjoy a perfect pairing. +A wizard's cluttered desk with a crystal ball displaying the message "Answer Hazy, Try Again Later", surrounded by ancient books and mystical artifacts, bathed in the soft glow of candlelight. +A realistic photograph of a car dashboard with a prominent "Check Engine" alert illuminated on the display, surrounded by other gauges and controls in a modern vehicle interior. +A weathered cemetery headstone, moss-covered and cracked, prominently displays the inscription "LOL 1999-2024" in faded, chipped lettering, set against a backdrop of overgrown grass and autumn leaves. +A vibrant skateboard deck graphic featuring the bold text "Skate or Die 2024" against a dynamic, colorful background with skateboard wheels and urban street elements. +A high-resolution photo of a sleek race car with a bold hood decal prominently displaying "Speed Demon Racing", set against a blurred background of a bustling pit crew, capturing the essence of speed and competition. +A modern coworking space with a sleek, minimalist design, featuring a large, vibrant poster on a wall that reads "Reserve Your Desk Online" in bold, stylish font. The space is filled with natural light, comfortable desks, and stylish furnishings, with a few people working quietly in the background. +A futuristic sci-fi book cover titled "Robots of the Crimson Desert", featuring towering robotic figures standing against a backdrop of vast, red desert dunes under a sunset sky, with subtle cybernetic details and a sense of looming adventure. +A realistic photograph of a classroom door with a sign that reads "Quiet Exam in Progress", surrounded by a quiet, empty hallway with soft lighting and a few scattered books on the floor, emphasizing the serene and focused atmosphere. +A realistic hospital room with a patient bed, medical equipment, and an IV stand holding a bag labeled "Liquid Courage 100 Proof", reflecting a humorous take on medical treatment. +In a dimly lit, eerie dollhouse, a faded wall is marred by a chilling scribble in red: "Get Out Now", casting ominous shadows that seem to warn of unseen dangers lurking within the silent, haunted rooms. +A close-up of a vibrant, detailed magic carpet with an intricate care tag that reads "Do Not Spin Cycle", set against a mystical, softly glowing background. +In a bustling airport terminal, a large digital display board prominently shows "Flight 404 Delayed", surrounded by frustrated passengers checking their watches and phones, with overhead announcements echoing in the background. +A bustling garden center with a whimsical sign that reads "Plants Judge You Too", surrounded by a variety of vibrant flowers and lush greenery, capturing the playful and lively atmosphere of the place. +A sleek, black Aston Martin parked on a misty London street at night, with the spy car license plate "007ABC" clearly visible under the dim glow of a street lamp. +A vibrant fireworks stand banner reads "July 4th Specials" under a twilight sky, with colorful fireworks bursting in the background, illuminating the scene with a festive glow. +A close-up of a concert ticket stub with the text "Rock The Night Away" prominently displayed, crumpled and worn from being held tightly, set against a backdrop of a vibrant, colorful music festival scene. +A bustling city street with a marathon finish line banner prominently displaying "Race Completed", surrounded by cheering spectators and exhausted yet victorious runners crossing the line. +An ancient stone tablet, weathered by time, stands in a desolate desert landscape. The tablet is carved with the ominous warning, "Beware the Sands", visible against a backdrop of shifting dunes and a setting sun. +A mermaid with shimmering scales and flowing seafoam-green hair, adorned with a seashell bra. The clasp of her bra is intricately inscribed with the words "Saltwater Sass", reflecting the playful spirit of the ocean. +A detailed, realistic photograph of a detective's notebook page, with the phrase "Case Closed" prominently underlined, surrounded by scribbled notes and sketches. +A realistic photograph of a baseball cap with the embroidery "Team Captain" in bold, navy blue thread, set against a soft, blurred background of a baseball field, capturing the essence of leadership and team spirit. +A bakery display features a cake with icing piped "Happy Retirement Dave", surrounded by pastries and flowers, with a warm, inviting atmosphere and natural sunlight streaming through a window. +A classic movie theater at night, its marquee brightly lit and prominently displaying "Midnight Premiere Tonight" in bold, glowing letters, surrounded by excited moviegoers and the soft glow of street lamps. +A high-tech laboratory with a sleek, futuristic quantum computer. Its large, illuminated screen flashes the enigmatic message "Answer to Life 42 05" in neon blue, surrounded by complex circuitry and glowing indicators. +A close-up of a spacesuit arm, showcasing a detailed embroidered patch that reads "Lunar Colony 7", set against the backdrop of a futuristic lunar landscape. +A stylish birthday cake topper featuring sparkly silver letters that spell out "40 Years Young", set against a backdrop of shimmering gold and white decorations, capturing the elegance and celebration of the occasion. +A detailed photograph of a dinosaur fossil exhibit, featuring a large, informative plaque titled "Lost World Titans" prominently displayed. The plaque is set against a backdrop of ancient, weathered stone, with the fossil of a massive dinosaur skeleton looming behind it. +"City Protector Issue 1" comic book cover: A heroic figure stands atop a skyscraper at sunset, overlooking a bustling city. The hero, clad in a vibrant costume, is silhouetted against the orange and pink sky, with the city's skyline and traffic lights glowing below. +A coffee cup with a sleeve printed in bold, playful letters: "Caution Brewing Genius Inside", sitting on a rustic wooden table, surrounded by scattered notes and a laptop, capturing the essence of a creative workspace. +In a bustling airport terminal, the departure board prominently displays "Flight 227 Now Boarding" in bright, flashing letters. Passengers with luggage hurry past, casting quick glances at the board, while a sense of urgency and anticipation fills the air. +A sleek, futuristic spaceship hull labeled "Mars Expedition" glows under the dim light of distant stars, its surface reflecting the cold, vast emptiness of space. The ship's intricate details and weathered appearance hint at its long journey through the cosmos. +A sleek, futuristic software loading screen with a minimalist design, displaying the text "Initializing System" in bold, modern font, set against a gradient background transitioning from deep blue to black, with subtle, glowing lines animating the progress. +In a dark, high-tech supervillain lair, a large, glowing monitor on the wall displays a stark red alert: "Heroes Detected". The room is filled with futuristic equipment, and a shadowy figure watches intently from the background. +An underwater scene featuring a vibrant coral reef with a signpost clearly marked "Atlantis 2 Leagues" amidst colorful fish and intricate coral formations. +A spy novel cover for "Operation Midnight Sun" featuring a lone agent in a sleek black suit, standing under the soft glow of the northern lights. The agent is partially obscured by shadows, with a cityscape and a hint of tension in the background. +An astronaut in a detailed spacesuit stands against the backdrop of a distant Earth, the helmet visor displaying a critical alert: "Oxygen Critical 2 Remaining", with a tense, focused expression on their face. +A cluttered detective's desk with a polished brass plaque prominently displaying the text "Private Investigator", surrounded by scattered papers, a vintage typewriter, and a dim desk lamp casting a warm glow. +A roadside attraction billboard stands tall, announcing the "World's Largest Ball of Twine" in bold, vibrant letters. The billboard is weathered, with a few peeling edges, set against a clear blue sky and surrounded by green fields, capturing the essence of a classic American road trip. +A close-up of a race car's windshield, featuring a decal that reads "Pit Stop Required Lap 12", set against the blurred backdrop of a speeding track, with the decal prominently displayed and slightly weathered from the race. +A rustic wooden signpost with a weathered sign that reads "Horn Polishing Extra" stands at the entrance of a mystical unicorn stable, surrounded by lush greenery and illuminated by the soft glow of evening light. +A minimalist desktop wallpaper featuring the quote "Stay Hungry" in elegant, modern typography set against a clean, gradient background. The text is slightly offset, creating a balanced and visually appealing composition. +A close-up of a sleek, metallic UFO hovering slightly above the ground, its light panel glowing and displaying the words "Scanning for Tacos" in bright, neon colors, surrounded by a dark, starry night sky. +A chef stands in a bustling kitchen, wearing an apron embroidered with "Kiss the Cook". Steam rises from a pot on the stove, and the chef smiles warmly, holding a wooden spoon. The scene is captured in a realistic, high-resolution photograph with a warm, inviting atmosphere. +Postcard from Mars: A vast, desolate red landscape under a pale sky, with distant hills and a rover in the foreground. The text "Wish You Were Breathless" is emblazoned across the top, capturing the awe and isolation of the Martian environment. +In a sleek, futuristic sci-fi spaceship, the main console glows with neon lights, displaying a critical alert in bold red text: "Warp Drive Offline". The surrounding control panels and holographic interfaces are illuminated, reflecting off the polished surfaces and creating a high-tech, tense atmosphere. +A vintage radio with a retro wooden casing and a large, round dial prominently labeled "Tune to 987 FM", sitting on a rustic wooden table, with warm, ambient lighting highlighting its intricate details and aged texture. +In a hospital corridor, a worn sign that says "survive" hangs above a row of sterile, white lockers, casting a faint shadow in the dimly lit room. The scene is captured in a realistic photographic style, emphasizing the stark contrast between the harsh lighting and the soft, muted colors of the environment. +A charming flower shop window displays a vibrant arrangement of fresh roses, with a hand-painted sign that reads "Fresh Roses 10 Per Dozen", set against a backdrop of lush greenery and delicate blooms. +In a misty, moonlit graveyard, an ancient tombstone bears the inscription "Resting Mostly". The stone is weathered, with ivy creeping along its edges, and a single bat hovers nearby, adding to the eerie, gothic atmosphere. +A vast solar panel array stretches across a sunlit field, each panel gleaming under the clear blue sky. At the entrance, a prominent sign reads "Clean Energy Future", symbolizing hope and sustainability. +A diver, equipped with an oxygen tank clearly stamped "Depth Limit 500ft", explores the underwater abyss, surrounded by dark, mysterious waters and illuminated by a single beam of sunlight piercing through the depths. +A rustic bakery scene with a baker holding a large, warm loaf of bread, freshly baked and placed in a paper bag stamped with "Fresh Today", surrounded by the cozy ambiance of a traditional bakehouse. +A detailed blueprint of a moon base, prominently labeled "Oxygen Farm Sector 9", with intricate diagrams of life support systems, greenhouses, and astronaut pathways, set against the backdrop of a lunar landscape. +A cozy farmhouse quilt, meticulously stitched with the phrase "Harvest Hysteria", draped over an old wooden rocking chair on a sunlit porch, surrounded by baskets of freshly picked apples and gourds, capturing the essence of autumn. +A weathered pirate map parchment with faded, mysterious text "X Marks Dementia", partially obscured by water stains and intricate nautical symbols, set against a backdrop of an old wooden table with a flickering candle casting shadows. +A close-up of a student's notebook page, with a margin doodle that reads "I Heart Math" in playful, hand-drawn letters, surrounded by math equations and geometric shapes. +A sci-fi scene featuring an alien pet collar tag that reads "Zetas Best Friend", set against a futuristic cityscape with neon lights and flying vehicles in the background. The collar tag is prominently displayed, with a sleek, metallic design and glowing blue accents. +A vintage album cover titled "Midnight Jazz Sessions", featuring a dimly lit jazz club with a sultry saxophonist on stage, surrounded by hazy smoke and a crowd of elegantly dressed patrons, all under the soft glow of vintage bulbs. +In a dusty, ancient library, an old, leather-bound book titled "Secrets of Alchemy" rests on a wooden table, illuminated by a shaft of light filtering through a high, cobwebbed window. The room is filled with the scent of old paper and magic. +A realistic smartphone screen displaying a weather app with an alert banner "Storm Warning Today", set against a backdrop of dark, stormy skies with lightning in the distance. +A serene landscape of the Coyote Point National Wildlife Refuge in Arizona, with a coyote perched on a rocky outcrop. The word "coyote" is written in vibrant sunrise hues, casting a warm glow over the scene. +A rustic farmer’s barn door, weathered by time, prominently displays the bold, hand-painted sign "Fresh Eggs Sold Here" in vibrant red letters, set against a backdrop of a sunny countryside morning. +A close-up of an alien spacecraft's hull, showcasing intricate markings that translate to "From Andromeda", set against the backdrop of a distant galaxy, with subtle reflections of stars and nebulae on the smooth, metallic surface. +A close-up of a fast food receipt with fine print that clearly reads "Contains Regrets", set against a blurred background of a bustling restaurant, capturing the moment of realization on a customer's face. +A modern car's dashboard at night, with the GPS navigation prominently displaying "Turn Left in 500m" on the screen, illuminated in a soft blue glow, while the street lights and passing cityscape blur in the background. +A winding mountain trail leads to a wooden signpost that reads "Base Camp 1 Mile Ahead", surrounded by lush greenery and towering trees, with a distant mountain peak visible through the mist. +A dark, eerie kitchen with a single, dim lightbulb hanging overhead. In the center of the room, a haunting pizza box scrawled with the ominous words "15 Minutes or Eternity". Shadows dance on the walls, adding to the unsettling atmosphere. +A rustic farmer's barn with a weathered wooden sign that reads "Fresh Eggs Daily" hanging above the entrance, surrounded by a field of golden wheat under a clear blue sky. +A bustling street food scene with a vibrant food truck featuring a menu board that prominently displays "Best Tacos in Town 5 Each", surrounded by happy customers and the aroma of fresh tacos. +In a desolate post-apocalyptic landscape, a rusted road sign stands alone, warning travelers with the faded text "Tacos 200mi". The sign is partially covered by overgrown vines, and the background shows a barren, dusty road stretching into the horizon. +A realistic photograph of a fire station garage, with the large door prominently displaying "Engine 5 Ready". The scene includes a gleaming red fire engine parked inside, with sunlight streaming through the open door, casting shadows on the concrete floor. +A cozy bakery interior with a beautifully lit cake display featuring an array of colorful, creatively decorated cakes. A charming sign reads "Custom Orders Welcome", inviting customers to request their dream desserts. The scene is warm and inviting, with the rich aroma of fresh pastries filling the air. +A vibrant TV show poster titled "Neid ist auch keine Lösung", featuring a cityscape at dusk with silhouetted figures discussing over coffee, conveying themes of envy and resolution. +A close-up of a pizza box sticker, prominently displaying the text "Extra Cheesy Regrets Inside", set against a blurry background of a cozy kitchen. The sticker is slightly worn, with a few creases, adding a realistic touch to the scene. +Neon-lit cyborg tattoo parlor at night, "Organic Ink Special" glows brightly, futuristic cityscape in the background, cybernetic enhancements visible, detailed tattoos on display, realistic photography. +A realistic photograph of a computer screen displaying a critical error message, with "Critical System Failure" prominently visible in red text against a black background, surrounded by a cluttered desk with scattered tech gadgets. +A spy in a dimly lit room, holding a pair of high-tech spy glasses that display "Target Acquired" on the lens, with a focused and intense expression, standing against a backdrop of shadowy silhouettes and electronic equipment. +A realistic photograph of a hospital hallway with a "Keep Right" arrow painted on the floor, guiding patients and staff through the clean, well-lit corridor. +A vibrant beach scene with volunteers in bright t-shirts picking up trash, waves gently lapping at the shore, and a clear blue sky. A large sign reads "Keep Our Shores Clean" prominently in the background. +A weathered fishing boat named "Salty Dog III" is docked at a sunlit harbor, with seagulls perched on its deck and the reflection of the boat's name shimmering in the calm, blue water. +A detailed sandcastle on a sunny beach, featuring a small flag with "Beach Day 2023" fluttering in a gentle sea breeze, surrounded by colorful seashells and footprints in the soft sand. +A modern kitchen countertop with an electric kettle base labeled "Boil Serve" sitting next to a sleek, stainless-steel kettle. The scene is illuminated by soft, overhead lighting, creating a warm and inviting atmosphere. +A wizard’s hourglass, intricately carved with ancient runes, filled with shimmering sand labeled "Time Warp", set against a backdrop of mystical, swirling colors, capturing the essence of temporal magic. +A rock band’s drum kit features a striking drum skin labeled "Thunder Beats", capturing the intense energy of a live performance under stage lights, with the drummer’s hands poised to strike, creating a sense of anticipation and power. +A vibrant carnival scene with a colorful booth banner prominently displaying "Win Big Prizes" in bold, playful letters, surrounded by excited attendees and an array of shiny, oversized trophies and stuffed animals. +A vast, moonlit field with a detailed alien crop circle formation spelling out "We Come in Peace" in intricate patterns, surrounded by swirled and flattened crops, under a starry night sky. +A fiery red hot sauce bottle, labeled "Extreme Heat Inside", stands out on a white kitchen counter, with steam rising subtly from the open cap, emphasizing its intense heat. +A lone protester stands in a crowded city square, holding a sign that boldly declares "Climate Justice Now". The sign is weathered, with slightly faded letters, indicating its message has been carried for many days. The background is a bustling urban scene with a mix of old and modern architecture. +A majestic pirate ship sailing the turbulent seas, its black flag proudly bearing the iconic words "Queen Annes Revenge" fluttering in the wind, with dark clouds gathering overhead and the crew bustling on deck. +A serene park scene featuring a wooden bench with an engraving that reads "Donated By Local Lions Club", surrounded by lush greenery and a clear blue sky. +A close-up of a pharmacy receipt with the text "Refill Due 05 30" clearly visible, set against a blurred background of pill bottles and medical supplies, capturing the essence of a pharmacy counter. +A close-up of a poet's notebook page, the paper slightly worn and yellowed, with a hand-scribbled note reading "Roses are Red Violets" in elegant, flowing cursive. +A cozy café with a "Free WiFi" sticker prominently displayed on its front window, inviting passersby to step inside. The warm glow of the interior lights illuminates the street, creating a welcoming atmosphere. +A realistic photograph of a quaint, red mailbox with the number "2468" clearly visible on its side, set against a backdrop of a suburban street with autumn leaves scattered on the ground. +A vintage farm tractor with a "John Deere Model X" decal, parked in a sunlit field, surrounded by golden wheat, with a clear blue sky and fluffy white clouds in the background. +A realistic photograph of a zoo enclosure, featuring a clear sign that reads "Feeding Time 3 PM", surrounded by lush greenery and a few curious animals in the background. +In a dark forest clearing, a campfire's smoke twists and forms the words "Tell Ghost Stories" against the night sky, the flickering flames casting eerie shadows on the surrounding trees and faces of gathered campers. +A realistic photograph of a gym water bottle, prominently labeled with "Hydrate or Die", sitting on a workout mat next to a pair of dumbbells, with a water bottle holder in the background. +A well-lit gym featuring a robust weight rack labeled "Max Load 200 Lbs", surrounded by modern exercise equipment and a few athletes in mid-workout, capturing the dynamic energy of a busy fitness center. +A sushi chef meticulously slicing fish, his blade etched with "Master Blade Tokyo", reflecting the precision and tradition of his craft in a modern Tokyo sushi bar. +A close-up of a modern emergency exit door featuring a clear, reflective sticker with bold black text that reads "Push To Open", set against a sleek, silver door frame. +A vibrant candy store window with a playful decal that reads "Sugar Rush Guaranteed", surrounded by an array of colorful sweets and lollipops, bathed in the warm glow of afternoon sunlight. +A close-up shot of an old library book, showing a vintage stamp in the corner that reads "Return by Nov 5", with the texture of aged paper and a slight shadow from the corner of the page. +A cartoon illustration of a cat, with a thought bubble above its head that reads "tablas", set against a simple, colorful background. The cat has a curious expression, reflecting its puzzling over the word. +A cozy cabin window covered in snow, with "Warmth Inside" delicately etched into the frost, glowing softly from the warm light within. +A weathered prison wall, covered in moss and cracks, features a striking carving that reads "Innocent Since Tuesday". The scene is dimly lit by the setting sun, casting long shadows and highlighting the stark contrast between the rugged stone and the delicate letters. +A realistic photograph of an airport baggage tag, prominently labeled "Destination Maybe", attached to a worn suitcase on a conveyor belt, with the bustling terminal and travelers in the background. +A hiker pauses on a rugged mountain trail, where a weathered wooden sign reads "Summit or Regret". The path ahead splits, one leading upwards into misty peaks, the other descending into a lush valley. Sunlight filters through the clouds, casting dramatic shadows. +A cozy kitchen with a chef in a white apron standing next to an oven, a TV screen in the background displaying a cooking show with the caption "Step 3 Bake" clearly visible. +An astronaut's glove, close-up, with a detailed patch that reads "Zero G Zero Problems", set against the backdrop of a star-studded space landscape. +A close-up of an astronaut's glove, featuring a detailed patch embroidered with "Mission Specialist", set against the backdrop of a star-studded space environment. +A desert highway stretches endlessly, heat waves causing a mirage that shimmers in the distance. A weathered sign reads "Last Exit for Sanity", partially obscured by the haze, as the sun beats down on the barren landscape. +An ancient, tattered prophecy scroll unfurls in a dimly lit chamber, revealing the cryptic phrase "The End is Cute". Soft, golden light illuminates the scroll, casting mystical shadows on the stone walls, as if the very room holds its breath in anticipation of the revelation. +A cozy bookstore window display featuring a curated selection of "Bestsellers of 2024", with vibrant book covers and a warm, inviting atmosphere, highlighted by soft, ambient lighting and a few potted plants. +A realistic photograph of a modern laptop with its screen displaying the login screen, prominently featuring the text "Enter Password" in a clean, professional font, set against a minimalist background. +A realistic photograph of a hospital waiting room featuring a prominently displayed poster that reads "Silence is Golden", surrounded by comfortable chairs and gentle lighting, with a few patients quietly waiting. +A fire truck with its doors airbrushed with "Inferno Squad", parked against a city skyline at sunset, with firefighters in full gear standing beside it, ready for action. +A close-up of a robot's chest plate, intricately etched with the phrase "Made with Human Tears", under a soft, ambient light, highlighting the metallic texture and the delicate craftsmanship of the inscription. +A detailed botanical garden display showcasing the "Rare Orchid Phalaenopsis", with vivid, lush green leaves and delicate, vibrant flowers. Soft sunlight filters through the canopy, highlighting the orchid's intricate petals and the surrounding tropical foliage. +A detailed campground map with a "You Are Here" marker, surrounded by scenic natural elements like trees, tents, and a campfire. The map is worn and slightly crumpled, giving it a realistic, well-used appearance. +A cozy living room with a pillow embroidered with "Home Sweet Home" resting on a plush sofa, warm sunlight streaming through a window, and a vase of fresh flowers on the coffee table. +A vibrant scene with birthday balloon letters floating in the air, spelling out "Happy Quinceañera". The balloons are a mix of metallic gold and pastel colors, surrounded by festive decorations and a joyful crowd in the background. +A cozy coffee shop with a rustic wooden interior, warm lighting, and a large chalkboard prominently displaying "Latte Art Therapy 5" in elegant, cursive handwriting. Customers enjoy steaming cups of coffee at wooden tables, while the aroma of fresh brew fills the air. +A superhero stands confidently, cape fluttering behind them, embroidered with the phrase "Cape Does Not Enable Flight" in bold, intricate stitching. The setting sun casts a warm, golden light, highlighting the hero's determined expression and the detailed embroidery. +A vintage wanted poster, weathered by the sun, hangs on a wooden saloon door in a dusty Western town, announcing a "500 Reward for Decent WiFi" with a humorous twist, blending the old West with modern technology. +A vibrant skateboard deck with a bold, edgy graphic featuring the phrase "Ride or Die" in graffiti-style lettering, set against a dynamic background of urban street art and blurred motion lines, capturing the essence of skate culture and adventure. +A robotic lecturer, with a sleek, modern design, stands in a classroom, writing the words "representational learning" in elegant cursive on a blackboard. Behind it, a photo of complex mathematical formulas and diagrams is projected, enhancing the academic atmosphere. +A weathered treasure map with "X Marks the Spot" prominently displayed, surrounded by cryptic symbols and faded compass directions, hinting at a legendary adventure waiting to be unearthed. +A cozy café interior with a chalkboard menu prominently displaying "Soup of the Day Tomato" in elegant cursive. Warm lighting and rustic wooden tables enhance the inviting atmosphere. +A wizard's cluttered broom closet with a wooden sign hanging on the door, clearly stating "Nimbus 2000 Parking Only", surrounded by various magical items and brooms. +A detailed ski resort map with the "Avalanche Risk Area" prominently highlighted in bright red, surrounded by snowy peaks and marked with caution symbols, ensuring clear visibility for skiers. +A vibrant poster for a rock band's "World Tour 2025", featuring the band members on stage with electric guitars, drums, and a powerful light show, set against a backdrop of a world map with highlighted tour locations. +A realistic courtroom scene with a judge's gavel resting on a wooden plaque inscribed "Order in the Court", set against a background of dark, paneled walls and a high ceiling. +A beautifully decorated birthday cake topper reading "40 Fabulous" in elegant gold letters, set against a backdrop of colorful balloons and sparkling confetti, capturing the joyful essence of a milestone birthday celebration. +A vast, serene field at dawn, where an intricate alien crop circle spells out "We Come Hungry" in an ancient, glowing script. The surrounding wheat stalks are bent in perfect symmetry, casting long shadows under the rising sun. +A realistic photograph of a red fire extinguisher mounted on a wall, with a clear label reading "Emergency Use Only" prominently displayed. The scene is set in a modern office corridor, with soft lighting highlighting the safety equipment. +A bustling farmers market with a wooden sign that reads "Local Honey Sold Here", surrounded by vibrant stalls filled with fresh produce and handmade crafts, under a sunny sky. +A bustling night scene in Times Square, with a massive digital billboard flashing the vibrant message "Eat Sleep Stream Repeat" amidst the sea of neon lights and crowded sidewalks. +A weathered pirate ship's wheel, intricately carved with the phrase "Turn Left at Next Kraken", set against a backdrop of turbulent seas and a looming, foggy horizon. The wood shows signs of age and sea battles, with barnacles and seaweed adding to its authentic maritime feel. +A realistic underwater scene featuring a submarine's depth gauge prominently displaying "Crush Depth 900m", surrounded by the dim, blue-green light of the deep ocean, with bubbles and slight current effects enhancing the immersion. +A close-up of a skateboard's grip tape, featuring a scrawled message that reads "Skate or Die Trying", set against a worn, gritty urban background. +A barista hands a steaming coffee cup with a sleeve printed "Caution Hot" to a customer in a bustling café. The scene captures the warmth and coziness of the coffee shop, with soft lighting and wooden countertops. +A vibrant, nocturnal music album cover titled "Midnight Sessions", featuring a dimly lit urban street with neon signs and a lone musician playing a guitar under a streetlamp, surrounded by the soft glow of city lights. +A futuristic spaceship console with blinking red lights displaying "Gravity Failing" in a high-tech, dimly lit room, surrounded by control panels and screens showing critical system alerts. +A detective's notepad with a scribbled note "Butler Did It" prominently circled, surrounded by other scattered clues and sketches, under a dim desk lamp in a vintage office. +A noir scene: A detective's hand holds a vintage matchbook, its cover worn and faded, with the text "Club Midnight Ask for Rex" clearly visible. The dimly lit room casts long shadows, emphasizing the mystery and urgency of the clue. +A vibrant parade float featuring a large banner that reads "City Champions", surrounded by cheering crowds and colorful decorations, with confetti floating in the air and a sunny sky overhead. +A close-up of a smartphone screen with a sleek, modern design, displaying a lock screen notification that reads "3 New Messages", with a blurred background suggesting a cityscape at dusk. +A lonely desert highway stretches under a clear blue sky, with a weathered road sign reading "Next Gas 100 Miles" standing by the roadside, surrounded by sprawling sand dunes and sparse scrub. +In a bustling supermarket, a sign prominently displays the word "fly" in bold, eye-catching letters, hanging above a section of insect repellents and flying toy aisles. Shoppers pass by, some glancing curiously at the intriguing sign. +A vast desert landscape under a scorching sun, with a mirage of floating text "Last Water 5 Miles" shimmering above the sandy dunes, creating an eerie and hopeful illusion. +A rustic farm gate with a hand-painted sign that reads "Fresh Eggs Sold Here", surrounded by a lush, green field and a backdrop of rolling hills. The gate is slightly ajar, and a few chickens can be seen roaming nearby. +A high-resolution photograph of an observatory telescope pointed at the night sky, with a clear view of Saturn's rings through the lens. A sign next to the telescope reads "View Saturn Rings Tonight". The scene is set under a starry sky, emphasizing the celestial observation. +A realistic photograph of a swimming pool with depth markers clearly visible, showing "Deep End 12ft" at the far end, surrounded by blue water and tiles. +In a gym locker room, a mirror reflects a lipstick message reading "Sweat Sparkles" on its surface, surrounded by steam from the nearby showers, with athletic gear and a water bottle on a bench in the foreground. +A close-up of a robot's chest plate, intricately engraved with "Error 404 Emotion Not Found", set against a backdrop of a futuristic cityscape, with subtle reflections of neon lights on the metallic surface. +A realistic photograph of a vintage baseball stadium, with a prominent sign reading "Home Run Counter 45" in retro font, set against a sunny sky with a few clouds. The stadium's green seats are partially filled, and the field is groomed with crisp lines. +A close-up of a firefighter's helmet, the shield prominently engraved with "Third Alarm Club", reflecting the bravery and camaraderie of its members, set against a backdrop of a smoky, urban firefighting scene. +A tattoo on a rugged sailor’s arm, reading "Moms Apple Pie" in bold, nautical script, with waves and a ship’s compass integrated into the design, set against a backdrop of the sailor’s weathered skin. +A boxing ring with the floor canvas prominently displaying "Championship Round 12", surrounded by ropes and corner posts, under the harsh lights of the arena, capturing the intensity of a high-stakes match. +A beautifully crafted wedding cake topper featuring a couple in elegant attire, standing hand in hand under a romantic arch adorned with flowers and vines. The topper reads "Happily Ever After" in stylish, cursive lettering, set against a soft, dreamy backdrop. +A superhero costume with a sleek, high-tech chest emblem featuring the name "Captain Quantum" in bold, futuristic font, set against a glowing, circuit-patterned background. The costume is dark and form-fitting, with metallic accents that reflect a subtle, cosmic glow. +A cozy coffee shop with a vintage vibe, featuring a chalkboard sign outside that reads "Latte of the Damned", surrounded by steaming cups of coffee and fall leaves scattered on the ground. +A vintage library stamp, intricately designed with mythical elements, marks the pages of ancient books with the phrase "Property of Atlantis", set against the backdrop of a dimly lit, wooden library interior. +A realistic photograph of a factory wall, featuring a large, red safety board prominently displaying "Days Since Accident 1000". The board is clean and well-lit, with a few workers in hard hats and safety vests standing nearby, looking proud and focused. +A realistic photograph of a laboratory door with a prominent warning sign that reads "Biohazard Zone", surrounded by a sterile, white-walled corridor with safety equipment visible nearby. +At the bustling train station, a vintage wooden sign prominently displays "lake", pointing travelers toward a serene natural escape, while the modern architecture and busy commuters provide a stark contrast to the promise of tranquility. +A rustic wooden table outdoors, with a campfire marshmallow roasting kit prominently displayed. The kit is labeled "Golden Crisp Sticks" in bold, eye-catching letters. Surrounding the table are camping essentials and a serene forest backdrop. +An astronaut's glove, slightly worn and covered in fine grey moon dust, with a humorous patch that reads "Moon Dust Happens" clearly visible on the forearm. The glove is illuminated by the harsh sunlight of the lunar surface, casting sharp shadows. +An ancient alien artifact lies in a desolate landscape, emitting a soft, ethereal glow that illuminates the words "Welcome to Zeta Reticuli" in a futuristic script, surrounded by swirling cosmic dust and distant stars. +A beautifully decorated birthday cake with smooth, white icing, featuring elegant cursive letters spelling "40 Fabulous" in a vibrant, gold hue, surrounded by delicate floral patterns and sparkling sprinkles. +A dark, nocturnal landscape with a hovering UFO. The underside of the UFO glows with intricate symbols that clearly translate to "Take Me Leader", casting an eerie, blue light on the surrounding area. +A roadside scene with a highway billboard prominently displaying "247 Tire Service Ahead", set against a backdrop of passing cars and a sunny sky. The billboard is clear and vibrant, with a modern, professional design that catches the eye of drivers. +A green compost bin labeled "Food Waste Only" sits behind a bustling restaurant, surrounded by crates and barrels, with the rear door slightly ajar, revealing a chef's hand disposing of kitchen scraps. +A time capsule buried in a lush, green park, with an engraving that reads "Open in 2100 Remember Us". The capsule is partially covered by soil and surrounded by wildflowers, with a clear blue sky and sunlight filtering through the trees. +A vintage radio with a prominently displayed dial labeled "Tune In", set against a nostalgic backdrop of a 1950s living room, capturing the essence of a bygone era. +In a serene zoo enclosure, two majestic lions are resting under a shaded tree, their manes gently brushing the ground. A placard in the foreground reads "Lions Resting", capturing the peaceful atmosphere of the scene. +A magician's top hat with an elegant, slightly worn appearance, placed on a velvet cloth. The hat features a tag hanging from it, clearly reading "Rabbit Not Included", emphasizing the whimsical and mysterious nature of magic. +A detailed drawing featuring the text "maybe" in a style reminiscent of alphabetism, with thick gauge filigree intricately woven around the letters, creating a visually complex and ornate design. +A spy's sleek, black briefcase with a combination lock set to "007", resting on a vintage wooden desk, illuminated by the soft glow of a nearby lamp, in a dimly lit, secretive office. +A museum exhibit features a card reading "Extinct Since 2123" beside a glass-encased, futuristic hologram of a once-living creature, bathed in a soft, melancholic blue light. The background displays a barren, dystopian landscape, emphasizing the loss. +A detailed pirate treasure map with intricate illustrations, labeled "X Marks Doubloons", showing a coastal landscape with a large X marking the spot where a chest of gold doubloons is buried, surrounded by palm trees and rocky cliffs. +A mad scientist stands in a cluttered lab, surrounded by peculiar gadgets and bubbling potions. Behind him, a large chalkboard is filled with complex equations and formulas, ending with the word "Profit" in bold, capitalized letters. +A realistic gym locker room with a large mirror etched with "You Got This" in elegant script, surrounded by steam from the showers, with gym equipment and lockers in the background. +A modern, clean bathroom with a hand sanitizer dispenser prominently displayed on the wall. The label reads "Kills 99 Germs" in bold, clear text. The background is minimalistic, with white tiles and a soft, natural light. +A sophisticated robot, meticulously writing "Ethics 101" in elegant chalk script on a vintage blackboard, set in a modern classroom with soft natural light filtering through large windows. +A close-up of a vintage suitcase tag, with a handwritten note that reads "Paris or Bust", placed against a slightly worn, leather suitcase in a nostalgic setting. +A close-up of a hospital wristband on a pale wrist, with the patient name "Recovering Optimist" clearly visible, set against a soft, blurred hospital background. +A medieval knight stands proudly, his shield prominently displayed. The shield is intricately engraved with the motto "Fear No Darkness", set against a backdrop of an ancient, misty battlefield. The knight's armor glints under the soft light of a setting sun. +A modern digital train station board prominently displaying "Platform 9" in a bustling station, with passengers milling about and the sleek design of the board standing out against the urban backdrop. +A vintage radio with a retro design, prominently displaying a glowing red dial preset labeled "Emergency Broadcast", set against a backdrop of an old, wood-paneled room with a nostalgic atmosphere. +A modern living room with a smart home device displaying "Hello Welcome" on its sleek, high-resolution screen, set against a backdrop of minimalist furniture and natural light streaming in from a large window. +A realistic photograph of a hairdryer with a prominent warning label that reads "Do Not Immerse in Water", set against a bathroom background with a slight reflection in the sink. +A close-up of a concert wristband, intricately designed with the phrase "VIP Access Only" prominently displayed, set against a dimly lit, backstage area with a faint glow from stage lights in the background. +A realistic construction site scene with a prominent warning sign that reads "Hard Hat Area", surrounded by yellow safety barriers and workers in hi-visibility vests and hard hats. +A dusty Martian landscape with a rover on the horizon, its antenna extended, transmitting a signal into space. The rover's display screen reads "Life Signs Detected" in glowing green text, casting a faint light in the dim, cold atmosphere. +"Aliens Land in New York" as a movie prop newspaper headline, featuring a bustling New York City street with curious onlookers and news vendors, under a dramatic sky with a UFO descending amidst skyscrapers. +A realistic photograph of a boxing ring, the floor mat boldly printed with "Round 3 Fight", surrounded by intense spectators and the glare of overhead lights, capturing the moment just before the bell rings. +A realistic photograph of a pharmacy window, featuring a vibrant poster that prominently displays the advice "Consult Your Pharmacist", with professional imagery and clear, readable text. The poster is surrounded by shelves of medications and health products, enhancing the authentic pharmacy setting. +A retro gaming console display with a vibrant, pixelated splash screen showing "Player 1 Ready" in bold, neon colors against a dark background, surrounded by nostalgic game cartridges and controllers. +A detailed "Oracles Chamber" wooden arrow, intricately carved with ancient runes, displayed prominently in a dimly lit mystic shop filled with mystical artifacts and glowing candles. +A mysterious, fog-laden forest at dusk, with an ancient, gnarled tree in the foreground. The title "Chapter 11" is elegantly inscribed on a weathered stone tablet, half-buried in moss, creating an atmosphere of suspense and intrigue. +A wizard's hand hovers over a crystal ball, its surface shimmering with mystical energy, displaying the cryptic message "Answer Unclear" in glowing letters. The scene is set in a dimly lit, ancient study filled with arcane artifacts. +A pet store fish tank filled with colorful fish, a sign reading "Feed Sparingly" prominently displayed next to a small container of fish food on a wooden shelf, soft lighting highlighting the aquatic scene. +A futuristic spaceship control panel with blinking red lights signaling "Warp Drive Malfunction", surrounded by holographic displays and intricate circuitry, in a dimly lit, high-tech environment. +A close-up of a spaceship's hull, featuring a prominently displayed identification plate that reads "Earth618", set against the backdrop of a star-studded space landscape. +A winding mountain trail with a wooden signpost marked "PEAK 2 MILES AHEAD" standing prominently. The path is surrounded by lush greenery and rocky outcrops, with distant peaks visible through the mist. The scene captures the essence of a serene and challenging hike. +A vintage suitcase adorned with colorful, slightly worn stickers that read "Paris Tokyo Rio", set against a blurred backdrop of an old travel poster, capturing the essence of mid-century travel and adventure. +A vibrant beach scene with a surfer applying wax to their board, featuring a colorful surfboard wax sticker that reads "Waves Welcome Here" prominently displayed on the board, set against a backdrop of rolling waves and a sunny sky. +A vibrant, illustrated birthday card interior with the message "Happy 30th" in elegant, glittering gold lettering, surrounded by colorful balloons and confetti, set against a soft, pastel background. +A bustling city street with a storefront window prominently displaying a vibrant decal announcing "Grand Opening Today". The scene is lively, with pedestrians passing by, some pausing to read the decal. The store’s interior is faintly visible, adorned with balloons and streamers, creating a festive atmosphere. +A cozy treehouse nestled among lush green leaves, with a wooden sign hanging on the door that reads "No Adults Allowed" in playful, handwritten letters. The scene is bathed in the warm, golden light of a late afternoon, enhancing the whimsical and secretive atmosphere of the treehouse. +Close-up of a 3D rendered toothpaste tube figurine, candy pastel colors, with the text "Brush your teeth" clearly visible on the tube. +A weathered, crumpled wanted poster hangs on a rustic wooden board, partially torn to reveal only the words "Dead or Alie". The background shows a dusty, old Western town at sunset, with a lone figure on the horizon. +A vibrant, realistic photograph of a brick wall in an urban setting, covered with bold graffiti spelling "Revolution Now" in dynamic, colorful letters, surrounded by smaller tags and street art. +A cozy diner setting with a vintage coffee mug on a checkered tablecloth, featuring the slogan "World's 2nd Best Mom" in bold, cheerful letters. The mug is half-filled with steaming coffee, and a spoon rests beside it, capturing the warm, nostalgic feel of a classic American diner. +An old-fashioned ice cream truck parked on a sunny street, its side panel proudly listing "Today's Special Rocket Pop" in colorful, playful lettering, with children excitedly gathering around. +A beautifully decorated birthday cake with a sparkling "Happy 30th Birthday" topper, set against a warm, festive background with soft, golden lighting and colorful balloons floating gently in the air. +A detailed star map featuring the constellation "Orion the Hunter", with stars labeled and connected by lines to form the hunter's iconic shape, set against a dark night sky with a subtle gradient of deep blue to black. +A close-up of a scientist's whiteboard filled with complex equations, the last one concluding with "42", under a soft classroom light, with a blurred background of laboratory equipment. +A zombie with a torn shirt stenciled "Brains R Us" standing in a dimly lit, abandoned street. The shirt is tattered and bloodstained, revealing the zombie's decaying flesh. The scene is gritty and atmospheric, with a sense of urban decay. +A close-up of a post office package label, prominently marked with "Fragile Handle Care", adhered to a brown cardboard box, with a textured background of shipping materials and stamps, emphasizing the caution required for handling. +A magician's hat, slightly tilted, with a vintage, worn tag attached, reading "Pull Rabbit Here" in elegant, cursive script. The hat is placed on a dark, mystical background, with a soft, ambient light highlighting its texture and the tag. +A trendy T-shirt design for a cat café, featuring a playful cat with "Purr Unlimited" in stylish, hand-drawn letters, surrounded by paw prints and coffee cups, set against a soft, pastel background. +A close-up of a detective's worn notebook, a page filled with scribbled notes and clues, with the phrase "Follow the Money" prominently circled in a bold, red marker. +A close-up of a witch's broomstick, with a license plate reading "FLY4EVA" attached to the handle, set against a backdrop of a misty forest at twilight. +A close-up of a hospital wristband worn on a person's wrist, printed with "ALLERGIC TO RESPONSIBILITY", set against a clinical white background, emphasizing the stark contrast between the humorous text and the serious environment. +Retro diner with a vintage jukebox displaying "Error Bop Not Found". The scene is lit by soft, nostalgic lights, with checkered floors and classic booths. The jukebox is the focal point, reflecting a 1950s atmosphere. +A rugged farmer's tractor parked in a muddy field, with the seat engraving "Built for Mud" clearly visible, surrounded by wet, textured earth and tall grass. +A close-up of a gym locker tag hanging on a metal hook, with the text "Sweat is Glory" clearly visible. The tag is slightly worn, with a metallic sheen, and the background shows the textured metal of the locker door. +A realistic photograph of a boxing ring, the floor mat boldly printed with "Final Round Fight", under the glow of overhead lights, with the ropes casting subtle shadows. +A vibrant TV show poster titled "Manji", featuring a samurai with a fierce expression, wielding a blood-stained katana. The background showcases a stormy sky over ancient Japan, with cherry blossoms swirling in the wind. +A realistic photograph of a construction site with a bright orange barrier wrapped around the area. The barrier is marked with a bold, playful sign that reads "Danger Unicorns Ahead", adding a whimsical touch to the industrial setting. +A bustling airport terminal with a large digital departure board prominently displaying "Flight 815 Canceled" in bright red letters, surrounded by frustrated passengers and airport staff. +"Galaxy Warriors" movie poster featuring a squad of futuristic warriors in armored suits, wielding high-tech weapons, standing against a backdrop of a star-studded galaxy. The lead character, a determined female warrior, stands at the forefront, her helmet reflecting the vibrant colors of distant nebulae. +At the bustling train station, a vintage sign that reads "nepean" hangs above the platform, casting a warm glow over the waiting passengers and the steam from the arriving locomotive. +A close-up photograph of a hotel key card sleeve lying on a wooden desk, printed with "Room 3214 Checkout 11 AM", next to a sleek key card and a small notepad. The background is softly blurred, focusing attention on the key card sleeve. +A cozy café interior featuring a rustic chalkboard prominently displaying "Daily Soup Special" in elegant script, surrounded by steaming mugs and fresh bread, with warm lighting and wooden furnishings. +A realistic photograph of a library entrance featuring a large, elegant sign that reads "Silence Please" in prominent, large font, set against a backdrop of classic wooden doors and a row of tall, vintage lamps. +A professional racing car speeds towards the finish line, crossing the "Final Lap" banner. The blurred background highlights the intense speed, with spectators cheering on the sidelines. Sunlight glints off the car's polished surface, capturing the moment of triumph. +A mailbox with its flag up, featuring a sign that reads "Important Dreams Enclosed", set in a tranquil suburban street at dusk, with a soft glow illuminating the scene. +A vibrant beach scene with a colorful towel laid out on the sand, featuring a bold print that reads "Sun Fun Sand" in playful, sunny letters. The towel is partially shaded by a palm tree, with the clear blue ocean and sky visible in the background. +A cozy cabin in a snowy landscape, with a wooden signpost pointing towards it that reads "To Hot Chocolate", adorned with a pair of mittens hanging from the sign. +A realistic photograph of a coffee cup with a sleeve featuring the bold printed joke "Best Brew Ever", set on a wooden table with a warm, cozy ambiance. +A serene mountain landscape with a wooden signpost labeled "Base Camp" at the peak, surrounded by rugged terrain and expansive views of distant, snow-capped mountains. +A close-up of a modern car key fob with a small LCD screen displaying the notification "Low Battery". The key fob is placed on a dark, sleek surface, with a soft, focused light highlighting the screen and the intricate details of the device. +A medieval tavern menu board, weathered and old, prominently displays "Dragon Wings" among other dishes, illuminated by the warm glow of lanterns hanging from the wooden beams. The scene is set in a cozy, dimly lit tavern with patrons enjoying their meals. +A dimly lit alley reveals a vintage, bronze plaque with the phrase "Speak Friend" engraved in elegant script, partially illuminated by a flickering street lamp, creating an aura of mystery and intrigue. +A weathered medieval scroll unfurled on an ancient wooden table, revealing the faded ink of the phrase "The Dragon Awakens" amidst intricate, hand-drawn illustrations of fiery dragons and mystical forests. +An alien grocery store aisle, dimly lit with neon signs, labeled "Human Snack Experiments". Shelves stocked with bizarre, otherworldly snacks, each with detailed labels and ingredients. Curious alien shoppers browsing, while a robotic store assistant hovers nearby, scanning items. +A wheelchair symbol with "Accessible Entrance" sign clearly visible, positioned beside a modern, gently sloping ramp leading into a sleek, glass-fronted building. +A lone lighthouse keeper stands by the massive, ancient lighthouse, his journal open to the page with the words "Darkness Needs Witnesses" under the soft glow of a lantern, the stormy sea crashing against the rocky shore in the background. +A vintage luggage tag, slightly worn and faded, reads "Paris 1945 Adventure", attached to a well-traveled leather suitcase, set against the backdrop of a classic Parisian street scene with vintage cars and cobblestone roads. +A close-up of an art supply jar sticker labeled "Acrylic Brushes Size 8" on a white background, with a subtle texture of brush bristles visible at the edges, enhancing the realism of the sticker. +A smartphone screen displays a weather app notification flashing "Stormy Moods" against a backdrop of a dark, stormy sky with dramatic lightning, emphasizing the emotional and atmospheric tension. +A beautifully decorated birthday cake with intricate icing that spells out "Happy 30th" in elegant cursive, surrounded by colorful candles and set on a rustic wooden table, with soft, warm lighting creating a cozy atmosphere. +A fantasy map in an ancient, weathered book labeled "Here Be Dragons", detailing mysterious mountain ranges with old, intricate illustrations and faded, handwritten notes around the edges. +A close-up of a chef's knife blade, gleaming under studio lights, with the engraving "Sharpened to Perfection" clearly visible, set against a minimalist background. +A bustling urban night scene with a tattoo parlor featuring a neon sign that reads "Ink Dreams 20 Specials", casting a vibrant glow on the rain-slicked pavement and reflecting in the windows of adjacent shops. +Vintage theater marquee with bold red letters announcing "Tonight The Phantom", set against a twilight sky, with soft glow around the letters, and a few people walking by on the cobblestone street. +An astronaut floating in space, their helmet visor displaying "O2 Low 15 Percent", with the Earth visible in the background, emphasizing the urgency of the situation. +A close-up of a firefighter's helmet, prominently displaying a sticker that reads "Rescue Team 6", set against a backdrop of a smoky, partially damaged building. The helmet is slightly worn, showing signs of use, with the sticker still vivid and clear. +An ice cream truck parked on a sunny street, with a colorful menu board that prominently displays "Rainbow Swirl Today" in vibrant, eye-catching letters. Children and adults gather excitedly, anticipating the sweet, multi-colored treat. +A nostalgic retro video game screen with pixelated graphics, displaying "High Score Player 1" in vibrant, flashing colors against a dark background. +A close-up of a sleek, vintage briefcase with a combination lock set to "007", resting on a dark, worn leather surface, under the dim light of a clandestine meeting, emphasizing the spy's signature code. +A close-up of a firefighter’s helmet, featuring a bold sticker warning "Stay Back 50ft" in bright red letters against a reflective yellow background, set against a smoky, urban firefighting scene. +A realistic photograph of a construction site with yellow and black warning tape stretched across, prominently displaying the text "High Voltage Danger" in bold letters. The tape is slightly taut, fluttering gently in the breeze, with a backdrop of unfinished building structures and safety cones. +In a modern art gallery, a plaque titled "Sunset Over Chaos" stands before a vivid painting, capturing a chaotic landscape bathed in the warm, golden hues of sunset. The scene blends abstract shapes with realistic elements, evoking a sense of tumultuous beauty. +A modern elevator with a sleek digital screen on the wall, displaying the text "Now Playing Jazz" in elegant fonts, surrounded by soft ambient lighting and reflective metallic surfaces. +A detailed astronomy quiz answer sheet with the statement "Jupiter Has 92 Moons" prominently displayed, set against a backdrop of the night sky with Jupiter and its moons visible. The paper has a slightly crumpled texture, suggesting it has been handled. +A pet rock sitting on a cozy rug, adorned with a stylish collar featuring a tag that reads "Good Boy Sometimes", set against a warm, natural background with soft sunlight filtering through. +A vintage train station with an old, weathered announcement board prominently displaying "Platform 9¾ Departing". The scene is dimly lit, with soft, nostalgic lighting and a few scattered passengers waiting on the platform, evoking a sense of mystery and anticipation. +A sleek, futuristic sci-fi spaceship with its hull prominently labeled "Galaxy Voyager" in bold, metallic letters, reflecting the ambient glow of distant stars and nebulae. +A high-tech space hotel corridor with sleek, futuristic design. A guest inserts a key card labeled "Room Service Via Airlock" into a door, revealing a spacious, zero-gravity room with a view of the Earth through a large window. +A neon bar sign glowing with the phrase "Open 24 Hours" illuminates a dim, urban street at night, casting vibrant reflections on wet pavement and drawing the eye to the entrance of a bustling, late-night establishment. +A realistic photograph of an airport security checkpoint, featuring a large, clear sign that reads "Remove Electronics Now", with travelers in the background carefully removing their electronic devices from their bags. +A realistic photograph of a worn museum ticket stub, slightly crumpled and faded, with the text "Admit One Adult" clearly visible in the center. The stub is placed on a textured, aged paper background, enhancing its vintage look. +In a modern museum, a glass case displays an ancient, intricately carved stone tablet labeled "Primitive Meme Device". Soft lighting highlights the artifact, while a detailed information card beside it explains its significance in early human communication and cultural exchange. +A realistic photograph of a dog park with a sign prominently displayed, reading "No Teleporting Without Leash", surrounded by playful dogs and their owners enjoying the sunny day. +A medieval knight pauses for a snack, his belt buckle humorously inscribed with "Verily Snack Break Needed", set against a rustic, battle-worn armor backdrop. The scene captures a lighthearted moment in a typically serious environment. +A bird's-eye view of Toronto from a plane, featuring the CN Tower prominently in the center. The cartoon text "edsvikens" is playfully integrated into the skyline, adding a whimsical touch to the realistic urban landscape. +A cozy coffee shop interior with a rustic wooden counter and steaming cups of coffee. On the wall, a chalkboard reads "LATTE ART CONTEST" in elegant cursive, surrounded by sketches of coffee cups and leaves. Morning sunlight filters through the windows, casting warm glows on the scene. +A music festival wristband labeled "VIP Access" in vibrant neon green, glowing under the stage lights, surrounded by cheering crowds and colorful confetti, capturing the energetic atmosphere of the event. +A grand zoo entrance arch, adorned with intricate carvings of wild animals, welcomes visitors to "Safari Kingdom Park", set against a sunny sky with lush green trees in the background. +A realistic photograph of a forearm featuring a "Carpe Diem" tattoo in elegant script font, with subtle shading and a natural skin texture. +A well-lit bookstore with a wooden shelf labeled "Mystery Novels Section", featuring a variety of colorful mystery book spines, and a soft, warm ambient light casting subtle shadows. +A vibrant movie poster for "Invasion of the Robots", featuring towering, sleek robotic figures emerging from a futuristic cityscape at dusk, with neon lights and billboards adding a cyberpunk atmosphere. The robots are poised menacingly, casting long shadows, while panicked humans flee in the foreground. +A wooden giraffe toothbrush with "carden" lettering in vibrant rainbow colors, standing on a white bathroom sink, surrounded by a splash of water droplets, with soft, natural light illuminating the scene. +A close-up of an apartment complex key with "Do Not Duplicate" engraved on its surface, lying on a dark, textured background with soft, ambient lighting highlighting the intricate details of the key. +A futuristic spaceship docked in a starlit space station, its hull gleaming with the mission name "Galaxy Quest 2025" prominently displayed, reflecting the ambient lights of distant stars and the station's glow. +A realistic photograph of a modern parking garage exit, featuring a prominent "Press Here for Assistance" button on a sleek, silver kiosk, with the button illuminated and surrounded by clear, instructional signage. The scene is dimly lit, with the kiosk standing out. +A realistic photograph of a basketball court with a detailed "Free Throw Line" decal prominently displayed on the polished wooden floor, surrounded by the court's bold markings and bleachers in the background. +A medieval knight's shield, intricately painted with the bold words "DragonProof Guaranteed" in the center, surrounded by ancient runes and detailed dragon scales, set against a weathered, battle-worn metal surface. +A close-up of an antique, dusty wizard potion bottle with a parchment label that reads "Instant Hair Regret Formula", set against a dimly lit, mystical backdrop with subtle magical runes glowing around it. +A hauntingly serene image of an abandoned ghost ship at dusk, its wooden planks weathered and creaking. The logbook lies open on a worn desk, the entry "Crew Now Mostly Air" visible in faded ink, as ethereal mists swirl around the dimly lit cabin. +A rustic medieval tavern wall, dimly lit by flickering torches, featuring a wooden menu board intricately carved with "Mutton Stew 2 Pennies" in old English script, surrounded by cobwebs and aged, peeling posters. +A rock band t-shirt design featuring the text "World Tour 3023" in bold, futuristic font, with a backdrop of neon cityscapes and holographic dates, set against a dark, starry night sky. +A realistic photographic scene of a fallen tree surrounded by police tape that reads "Do Not Cross", with officers standing guard and onlookers gathered at a distance, under a cloudy sky. +A samurai stands proudly on a battlefield, his flag bearing the kanji "Honor Above All" billowing in the wind, capturing the essence of his unwavering loyalty and courage. +A pizza box with the text "Open Late Close Early" prominently displayed on its side, sitting on a wooden table in a cozy, dimly lit kitchen. The box is slightly open, revealing a steaming hot pizza inside. +A vibrant rock band poster advertising the "World Tour 2025", featuring dynamic band members with electric guitars, a pulsing crowd, and a backdrop of city lights, all set against a bold, colorful gradient. +A realistic photograph of a pharmacy window, with a sticker prominently displayed stating "Vaccines Available". The window reflects the street outside, adding depth and context to the scene. The sticker is clear and legible, with a modern, professional design. +A detailed close-up of an antique, amber glass bottle labeled "Love Elixir", sitting on a weathered wooden table. Sunlight filters through a nearby window, casting a warm glow on the bottle, highlighting its intricate, gold-embossed label and the shimmering, crimson liquid inside. +A moon crater, tagged by astronauts with a sign that reads "Lunar Parking Only", under the glow of Earth's light, surrounded by the stark, grey lunar surface. +A realistic photograph of a delivery truck with a side print reading "Fragile Handle Care", parked on a busy urban street, surrounded by pedestrians and other vehicles, with the sun casting soft shadows. +A close-up of a medicine label with "Take With Food" in bold red text, on a white background, with a subtle shadow to enhance clarity and focus. +A close-up of a gym locker tag, prominently displaying the text "Reserved for Team Alpha", with a subtle reflection of the metal locker surface and a faint shadow of a gym bag in the background. +A baker in a cozy kitchen, wearing an apron embroidered with "Flour Power" in looping, elegant thread, surrounded by bags of flour and baking tools. +A yoga studio features a serene wall mural with the phrase "Breathe In Peace Out" in elegant, flowing script, surrounded by tranquil nature scenes like soft rolling hills and blooming lotus flowers, creating a calming atmosphere. +In a cluttered mad scientist lab, a whiteboard is filled with brainstorming notes and diagrams labeled "Zombie Bees", surrounded by beakers, test tubes, and buzzing mechanical devices. +A wizard’s ancient scroll unfurled, revealing glowing runes that shimmer in the dim light: "Arcane Secrets". The parchment is weathered, with intricate illustrations of mystical symbols surrounding the text. +A vibrant night scene featuring a fireworks stand with a bright, illuminated sign that reads "Buy One Get One". The stand is surrounded by colorful, bursting fireworks in the sky, casting a festive glow on the excited crowd gathered around. +A futuristic spaceship control panel with blinking red lights and a digital display warning "Gravity Failure Imminent", surrounded by complex instrumentation and dimly lit by the glow of screens. +A tattoo parlor's neon sign glows "Ink Dreams" against a gritty urban backdrop, with a stylized dagger piercing a heart, casting a vibrant red light over the scene. +A close-up of a superhero costume, featuring a detailed chest emblem that reads "Power Within", set against a dark, textured background. The emblem glows subtly, emphasizing the powerful and mysterious nature of the hero. +A bustling stadium at night, the scoreboard dramatically flashing "Home Team Rules" in vibrant, pulsing lights, surrounded by cheering fans and the glow of stadium lights. +A nighttime street scene with a pharmacy sign blinking "24 Hour Drugstore" in neon lights, casting a soft glow on the pavement and nearby buildings. The street is lightly populated with a few pedestrians and cars, enhancing the urban ambiance. +A detailed school science fair poster titled "Volcano Eruption Project", featuring a colorful illustration of a volcano erupting, with lava flowing down its slopes, and students in the background excitedly observing the experiment. +A close-up of a hospital wristband, clearly showing the text "Patient 24601", against the pale skin of a patient's wrist, with a subtle medical setting in the background. +A realistic photograph of a modern car's GPS navigation screen, prominently displaying the instruction "Turn Left Now" with a blue arrow pointing left, set against a dimly lit dashboard. +Ancient, moss-covered stone tablet, cracked and weathered, with ominous inscription "Beware the Idols Curse" clearly visible, set against a backdrop of dense, mysterious forest. +A patient in a hospital bed wears a wristband printed "Allergic to Bad Vibes", surrounded by cheerful, vibrant flowers and a sunny window, reflecting a positive and uplifting atmosphere. +A realistic photograph of a boxing ring, with the floor mat boldly printed with "Round 3 Fight" in the center, surrounded by the ropes and the worn, leather corners. The mat shows signs of use, with slight scuffs and marks from intense matches. +A cozy living room with a soft, embroidered pillow prominently displayed on a vintage armchair. The pillow reads "Home Sweet Home" in elegant cursive, surrounded by intricate floral patterns, capturing the warmth and comfort of a cherished home. +A close-up of a jewelry store display case, showcasing a gleaming 15ct diamond ring set in white gold, with the label "15ct Diamond Ring" clearly visible below. The background is softly blurred, emphasizing the ring's brilliance and the elegant setting. +A detailed ice sculpture, intricately carved with floral motifs, is beginning to melt, revealing the words "Spring Comes Soon" etched beneath. The scene is set in a frosty outdoor environment, with sunlight casting soft shadows and creating a glistening effect on the melting ice. +A winding mountain road with a prominent road sign that reads "Test Your Brakes" in bold letters, surrounded by dense, foggy forests and steep cliffs. The scene is captured in a realistic photographic style, emphasizing the cautionary message and the rugged terrain. +A museum exhibit titled "Age of Dinosaurs" features life-sized, intricately detailed dinosaur models set in a prehistoric landscape. Visitors walk through a lush, foggy environment, with towering ferns and ancient trees, as animatronic dinosaurs roar and move, bringing the Mesozoic era to life. +A realistic courtroom scene with a wooden gavel on a plaque that reads "Order In Proceedings", set on a judge's desk under the warm glow of overhead lights. +A barista carefully places a steaming coffee cup on the counter, its sleeve printed with "Handle With Care", reflecting the gentle attention required for the perfect brew. +A realistic photograph of a coffee cup with a sleeve printed in multiple languages, prominently featuring the warning "Caution Hot Liquid" in bold, clear text. The cup is set on a white background, with slight shadows to enhance depth. +A close-up of a QR code sticker on a rustic wooden table, labeled "Scan for Menu", with a blurred background of a cozy café interior, soft ambient lighting, and a hint of morning sunlight through the window. +A detailed, realistic brochure for a ghost tour at "Most Haunted IKEA", featuring eerie, dimly lit aisles, spectral figures roaming between shelves, and a vintage, slightly worn aesthetic with bold text highlighting the haunted history and paranormal activities. +A cozy medieval tavern interior, dimly lit by flickering candles, with a rustic wooden sign hanging above the bar that reads "Dragon Roast Special" in bold, ancient script. Patrons dressed in period attire eagerly discuss the legendary dish, while a massive dragon-themed tapestry adorns the wall behind them. +A detailed space pirate map with "X Marks the Spaceport" clearly labeled, set against a backdrop of distant stars and nebulae. The map is worn and creased, with ancient symbols and coordinates guiding the way to a hidden spaceport. +A vintage antique globe, intricately detailed, showcasing the fictional continent "Procrastinia" with whimsical landmarks and mythical creatures, set against a backdrop of aged, yellowed paper. +A bustling movie theater at night with a vibrant marquee displaying "Midnight Premiere NOW" in neon lights, surrounded by excited moviegoers and the glow of street lamps. +A futuristic space hotel lobby with a sleek, digital sign prominently displaying "Gravity Fee 10minute". The lobby features modern, floating furniture and a backdrop of a vast, star-filled universe visible through large windows. +An antique globe with detailed continents and oceans, featuring the phrase "Here Be Dragons" inked in elegant script on the Antarctic region, surrounded by vintage maps and compasses, with a warm, nostalgic lighting. +An ancient sundial, weathered by centuries, stands in a tranquil garden. The intricate engraving reads "Time Waits for None", casting a subtle shadow as the sunlight filters through the foliage, emphasizing the timeless message. +A close-up shot of a hospital IV bag, with a clear label prominently displaying "Experimental Serum X12" in bold text, set against a sterile, clinical background. +A majestic horse adorned with a vibrant, detailed blanket named "Steed of Valor", standing proud in a sunlit meadow. The horse's coat glistens, and the blanket features intricate patterns symbolizing courage and strength, enhancing the regal presence of the animal. +Graffiti in bold, vibrant colors on a rugged rock formation spells "Adventure Awaits", set against a backdrop of a sunlit, dramatic landscape with distant mountains and a clear blue sky. +A firefighter stands proudly, their helmet featuring a bold sticker that reads "Yes My Job Is Lit", with flames reflecting in the polished surface, emphasizing the courage and humor of their profession. +A spy's briefcase open, revealing the interior with a folder stamped "Top Secret Eyes Only", under a dim desk lamp, casting shadows on the dark, leather-lined case. +A medieval knight stands proudly, holding a shield emblazoned with the bold words "Defend the Realm", set against a backdrop of an ancient, battle-scarred castle. The knight's armor glints under the sunlight, reflecting the resilience and honor of the age. +A vibrant train car adorned with graffiti spelling "Urban Art" in bold, colorful letters, set against a backdrop of a bustling cityscape at dusk, capturing the essence of urban creativity and expression. +A cinematic movie poster titled "Operación Cóndor", featuring a shadowy figure in a dark alley, with a cityscape at night in the background, and a sense of mystery and tension in the air. +A reminder sign for "associates" prominently displayed on the side of a modern city bus, with passengers boarding and the urban landscape bustling in the background. The sign is clear and visible, capturing the attention of both passengers and pedestrians. +A realistic smartphone screen with a notification pop-up in the center saying "Storage Almost Full", set against a blurred background of a modern, cluttered desk with various tech gadgets. +A prehistoric cave wall, illuminated by flickering torchlight, features a detailed painting with the caption "Hunt Here". Ancient hunters, depicted with crude lines, chase animals through a forested landscape, their spears poised for the kill. The rough texture of the stone adds authenticity to the scene. +A scientist in a lab, wearing a lab coat with a badge that clearly reads "Dr Genius", surrounded by high-tech equipment and bubbling beakers, looking intently at a microscope. +A vintage brass genie lamp, intricately engraved with the phrase "3 Wishes Terms Apply", sits on a worn wooden table, a single beam of light illuminating its detailed surface, casting shadowy patterns on the surrounding antique decor. +A vintage neon sign above a retro diner flashes "Open 24 Hours", casting a vibrant glow on the rain-soaked sidewalk below, with the diner's windows illuminated, inviting passersby in the late-night cityscape. +A medieval tavern interior with wooden beams and flickering candlelight. On a worn, oak table, a rustic menu board carved from dark wood displays "Dragon Wings 3 Shillings" in elegant script. Patrons in tattered cloaks and leather jerkins converse over mugs of ale. +A vibrant cruise ship deck bustling with guests in swimwear, lounging by a large, clear pool. Colorful beach balls and inflatable floats add to the festive atmosphere. A banner above reads "Pool Party 3PM" in bold, cheerful letters. Sunlight glints off the water, creating a sparkling, inviting scene. +A realistic photograph of a campfire safety sign in a forest clearing, reading "Extinguish Flames", surrounded by fallen leaves and illuminated by the warm glow of a nearby fire. +A close-up photograph of a pharmaceutical bottle with a clear warning label that reads "Take 2 Pills Daily", set against a neutral background, emphasizing the bottle's sleek design and the importance of the warning text. +A close-up of an old, worn library book page, with a distinct red stamp in the corner that reads "Property of City Library", surrounded by faded text and the subtle texture of aged paper. +A realistic photograph of a clinic door with a gold nameplate elegantly engraved with "Dr Amelia Chen", set against a modern, sleek office background. +A vibrant movie poster for "The Eight Masters", featuring eight distinctive martial artists in dynamic poses against a backdrop of ancient China, with traditional elements like temples and bamboo forests, and bold, stylized text at the top. +A unicorn-themed Uber sign stands proudly on a city street, featuring the playful text "Mane Care Optional" in bold, colorful letters. The sign is illuminated at night, attracting curious onlookers and creating a whimsical urban scene. +A realistic photograph of a vintage library bookshelf, with a prominent, slightly worn book titled "History of Space" among other aged books, capturing the essence of timeless knowledge and exploration. +A realistic photograph of a billboard advertising "Luxury Condos PreSale Now" situated near a busy freeway, with cars passing by in the evening light, emphasizing the modern and upscale feel of the development. +A realistic photograph of a zoo enclosure with a plaque that reads "Lions Feeding At 3 PM", set against a backdrop of lush greenery and a rocky landscape, with a few visitors in the distance observing. +A realistic photograph of a modern laptop with its screen displaying the login screen message "Enter Password", set on a clean, minimalist desk with a subtle, professional background. +A nighttime airport runway with "WRONG WAY" spelled out in bright red lights, illuminating the tarmac and creating a stark warning against the dark sky. +A weathered pirate map parchment, detailing an ancient sea with intricate illustrations, showing "X Marks Safe Passage" near a secluded cove, surrounded by treacherous reefs and fog. +A weathered Viking runestone stands tall in a misty Nordic forest, its ancient surface intricately etched with the powerful runes "Valhalla Awaits", illuminated by the soft glow of dawn. +A close-up of a navy blue baseball cap with detailed embroidery that reads "Team Captain 07" in white thread, set against a blurred, green grass background. +A vast desert landscape under a scorching sun, where a mirage illusion forms the words "Water Never Heard of Her" in shimmering, ethereal letters that seem to float above the sandy dunes. +A realistic photograph of a dog and a cat with their heads poking out of a metal cage, both looking curiously at a sign that reads "no pets allowed", set against a slightly blurry background of a busy street. +A DJ’s turntable in a dimly lit room, with a vibrant sticker spinning and displaying "Drop the Beat" in glowing neon letters, casting a soft light on the surrounding equipment and walls. +A laptop screen displaying an error message "Connection Failed", set on a modern desk with a cluttered background, including scattered papers and a cup of coffee, under the soft glow of a desk lamp. +In a desolate desert, a weathered signpost points towards "Mirage 1 Mile", surrounded by bleached bones scattered on the sun-baked sand, creating an eerie and hauntingly beautiful scene. +A bustling farmer’s market scene with a rustic wooden stand featuring a chalkboard sign that reads "Organic Eggs 3 Dozen", surrounded by baskets of fresh produce and eggs, under a sunny sky. +A pet store window adorned with a vibrant sticker declaring "Puppies for Adoption", featuring playful puppies in various poses, with the store's name subtly displayed above. +A serene botanical garden with a rustic wooden guidepost marked "Rose Garden" standing amidst a lush, colorful array of blooming roses and greenery, captured in a realistic photographic style. +A realistic photograph of a hospital wristband worn on a patient's wrist, clearly printed with "Patient Room 307", set against a neutral background to highlight the details of the wristband. +A detective in a trench coat and hat examines a crime scene, his magnifying glass focused on a subtle "Clue Here" marked in chalk on the floor, surrounded by yellow police tape and dimly lit by the glow of a nearby streetlamp. +A realistic construction site with a prominent hazard sign that reads "Hard Hats Only", surrounded by yellow barriers, safety cones, and workers in high-visibility vests. The scene is illuminated by the afternoon sun, casting long shadows and highlighting the textures of the materials and equipment. +A futuristic spaceship cryopod with a glowing interface displaying "Hibernation Mode Activated", surrounded by the dim, metallic interior of a spacecraft, bathed in a cool, blue light. +A deep-sea diver in a classic diving suit with a helmet inscribed "Depth Limit 300m", standing on the ocean floor surrounded by bioluminescent creatures and coral, with a beam of light piercing the dark water above. +A tiny bee, no bigger than a thumbnail, clings to a miniature sign that reads "I want to pick flowers", set against a backdrop of a vibrant, sunlit meadow bursting with a variety of colorful wildflowers. +A close-up of a delicate silver necklace with a pendant intricately engraved with the words "Forever Yours", set against a soft, blurred background of romantic, pastel hues. +In a modern art gallery, a sleek, silver plaque titled "Banana Taped to Wall 120k" is mounted on a white wall, next to a realistic banana secured with clear tape. The lighting highlights the contrast between the mundane object and the sophisticated setting. +A landscape painting with rolling hills, a serene lake, and a forest in the background, featuring the words "I didn't paint this picture" prominently displayed in the foreground. +A realistic photograph of a science fair display titled "Volcano Eruption Model", featuring a detailed miniature volcano with red and orange lava flowing down its sides, set against a backdrop of a classroom with students and judges observing. +A bustling city street at dusk, with a digital billboard prominently displaying a series of ads that cycle through various images, all ending with the bold text "Vote Tuesday" at the bottom of each ad. +A realistic photograph of a wooden garden plant marker, slightly weathered, labeled "Tomatoes Organic" standing in a lush, green vegetable garden with ripe tomatoes visible in the background. +A realistic photograph of a wedding cake topper intricately designed with a couple embracing, with the words "Happily Ever After" elegantly engraved below them, set against a soft, romantic backdrop. +A wide-angle night shot of an airport runway, where the bright, evenly spaced lights form the words "LAND HERE" in a clear, bold font, guiding airplanes to their safe touchdown. The sky is dark with a few stars visible, enhancing the illuminated message. +In a classroom, the teacher stands by the blackboard, chalk in hand, having just written the mysterious phrase "jasdf" on it. Students look on with curiosity, some taking notes, others whispering to each other. The room is bathed in the warm light of late afternoon. +A highway billboard advertising "Biggest Sale Ever" beside a cartoon price tag, set against a sunny sky with passing cars in the foreground. The billboard is vibrant and eye-catching, with bold fonts and dynamic colors. +A sculptor meticulously chisels the words "Carve Your Dream" into a massive block of white marble, sunlight casting dramatic shadows, emphasizing the texture and depth of the emerging phrase. +An alien couple, with distinctive green skin and large, dark eyes, sits on a couch in a futuristic living room, surrounded by Earth-like plants and a holographic display of a human child. They hold an open book titled "Raising Your Human", discussing the challenges and joys of parenting a species from another world. +A realistic photograph of a TV news broadcast, featuring a lower third graphic that reads "Live from New York", with a bustling cityscape visible behind the anchor. +A vibrant amusement park scene with a roller coaster sign prominently displaying "48 Inches Minimum" in bold letters, surrounded by colorful lights and excited visitors. +A close-up of a digital thermometer with a red screen displaying "102F High Fever", set against a blurred background of a medical clinic, emphasizing the urgency and clinical nature of the high temperature reading. +A film set with a director holding a clapperboard that reads "Scene 24 Take 3" under the soft glow of studio lights, surrounded by crew members and cinematic equipment. The director's focused expression and the clapperboard are the focal points of the scene. +A vibrant T-shirt design featuring the bold text "Born to Explore" positioned below a striking mountain graphic, set against a clear blue sky with subtle cloud wisps, capturing the essence of adventure and freedom. +A detective's notepad lies on a cluttered desk, the page marked with a bold entry: "Case Closed". A magnifying glass rests beside it, hinting at the meticulous investigation that led to this moment. The room is dimly lit, casting shadows that emphasize the finality of the words. +A person wearing solar eclipse glasses, standing under a clear sky with the sun partially obscured, holding a sign that reads "View Safely Now", surrounded by a serene landscape. +A bustling concert venue with a vibrant banner displaying "World Tour 2024" stretched across the front, illuminated by colorful stage lights and surrounded by excited fans holding up their phones to capture the moment. +A barista meticulously creates a detailed chalk drawing on a coffee cup sleeve, featuring elegant cursive letters that spell "Perfect Brew" against a rustic, textured background. +A vibrant skateboard deck features a bold graphic that loudly proclaims "Skate or Regret" in dynamic, graffiti-style lettering, set against a backdrop of splashed colors and abstract shapes, capturing the rebellious spirit of skate culture. +A glowing magic 8 ball hovers in a dimly lit room, its surface shimmering with a soft, mystical light. Inside, the message "Ask Again Later" is clearly visible, cast against a backdrop of swirling, iridescent colors. +Vintage circus poster, featuring intricate typography and vibrant colors, advertising "The Bearded Woman". The poster shows a majestic, bearded woman in an elegant, vintage costume, surrounded by swirling circus elements like ribbons and stars, set against a faded, textured background. +A vintage retro diner setting, with a napkin on the table printed with "Tip Your Robot Waiter", surrounded by 1950s-style decor, including a jukebox and neon signs, with a sleek, futuristic robot waiter in the background. +A picnic scene with a blanket spread out on a lush green lawn, embroidered with the words "Sunny Days Only" in elegant cursive, surrounded by a basket, a book, and flowers, under a bright, cloudless sky. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Knead Bake Repeat" in flour-dusted thread, surrounded by fresh bread and pastries. +Underwater coral formation naturally spelling "Help Climate Sick" in vibrant colors, surrounded by schools of tropical fish and set against a backdrop of deep blue ocean, capturing the essence of marine life's plea for environmental awareness. +In a dimly lit, ancient stone chamber, a vast pile of gold and treasures glimmers under the flickering torchlight. A quaint, old wooden table holds a parchment with a dragon’s hoard tax notice reading "Pay by 415 IRS", surrounded by shiny coins and jewels. +A bustling urban night scene with a neon sign flashing "VIP Lounge Entry" above a sleek, modern nightclub entrance, illuminated by the glow of city lights and the occasional passerby. +In a well-lit chemistry lab, a scientist examines the results of "Experiment 9" on a lab bench. Test tubes, beakers, and a digital display show the outcomes, with detailed notes and graphs surrounding the equipment. The scene captures the precision and focus of scientific research. +A majestic mountain peak, with a flag planted at the summit that reads "Peak Conquered". The flag flutters in the crisp, high-altitude wind, against a backdrop of rugged terrain and distant, snow-capped mountains. The sky is a clear blue, with a few wispy clouds. +A realistic photograph of a hospital wristband wrapped around a patient's wrist, clearly printed with "Patient Name John Doe", set against a neutral background to highlight the details of the wristband. +A realistic photograph of an airport security checkpoint, featuring a prominent sign that reads "Remove Electronics" in bold, clear text, surrounded by travelers and security equipment. +A futuristic space hotel lobby with a sleek, illuminated sign directing to the "ZeroG Lounge", set against the backdrop of a star-filled cosmos, featuring modern, minimalist decor and floating guests in zero-gravity. +A construction site with barriers wrapped in vibrant yellow tape, clearly displaying the text "Danger Zone". The scene is set under a slightly overcast sky, emphasizing the cautionary atmosphere of the area. +A beautifully decorated birthday cake with smooth, white icing and colorful sprinkles, featuring a neatly written message in blue icing that reads "Happy 30th Jake" on top, surrounded by lit candles. +A cozy coffee shop interior with a rustic wooden table and soft lighting. On the wall, a chalkboard prominently displays the special: "Caramel Latte 4". Patrons enjoy their drinks, and the aroma of fresh coffee fills the air. +A TV show poster titled "Ernest & Celestine", featuring a whimsical scene of a bear and a mouse as the main characters, set against a backdrop of a cozy, snow-covered village. The poster has a warm, inviting color palette with a vintage, hand-drawn aesthetic. +A serene yoga studio with a minimalist design, featuring a large wall decal that reads "Bend Reality Gently" in elegant, flowing typography. Soft, natural light filters through windows, casting a peaceful glow on the calming, pastel-colored walls and polished wooden floors. +A close-up of a sleek, metallic superhero belt buckle with intricate design, featuring the phrase "Cape Optional" in bold, futuristic font, set against a dark, gritty urban background. +An antique typewriter with a crisp, yellowed page inserted, displaying the typed words "Chapter 1" in a classic font, set against a warm, nostalgic background with a subtle wood texture. +A sleek laptop with a sticker declaring "CtrlAltDefeat" in a geeky, pixelated font, placed on a wooden desk with a clutter of tech gadgets and a cup of coffee nearby. +A chef stands in a modern kitchen, wearing an apron screen-printed with "Kiss the Cook Or Else", preparing a gourmet dish while smiling confidently. The kitchen is well-lit, with stainless steel appliances and fresh ingredients on the counter. +A close-up of a vintage library stamp imprint in a well-worn book, showing "Overdue 1957" in faded, slightly smudged ink, surrounded by the textured, aged paper. +Shattered dragon eggshell fragments delicately arranged to spell out "Hatchling Coming", set against a backdrop of a mystical forest at twilight, with a soft, ethereal glow illuminating the scene. +A vintage casino slot machine, glowing under neon lights, with a bold sign that reads "Jackpot Feels". The machine's reels spin, showing classic symbols like cherries, bars, and sevens, while a crowd of excited gamblers watches eagerly. +A realistic photograph of a doorway blocked by yellow police tape, prominently displaying the text "Do Not Cross" in bold black letters, with a dimly lit hallway leading to the door. +A serene hiking trail winds through lush forests, leading to a wooden trail marker that reads "Summit 2 Miles". Sunlight filters through the canopy, casting dappled shadows on the path, enhancing the natural beauty of the scene. +A vivid science fiction novel cover titled "Mars Colony Rising", showcasing a sprawling Martian settlement with sleek, futuristic domes and rovers against a backdrop of red, dusty terrain and a setting sun, emphasizing the rise and expansion of human civilization on Mars. +A realistic photograph of a gym membership card with a sleek, modern design, prominently featuring the stamp "Valid Through 2025" in a bold, red ink, placed on a clean, white background. +A cozy bedroom with a vintage alarm clock on the nightstand, displaying the time "7:00 AM". Soft morning light streams through the window, casting a warm glow on the bed and the clock, creating a serene and peaceful atmosphere. +In a dimly lit, eerie hotel room, an antique menu titled "Midnight Snack Souls Extra" rests on a dusty table. The wallpaper peels, and a faint mist swirls around, giving the scene a hauntingly surreal atmosphere. +A close-up of a sleek, futuristic robot pet's collar, featuring a metallic tag engraved with "If Lost Return to Factory", set against a minimalistic background. +A carnival fortune teller, draped in vibrant, mystical attire, gazes intently into a large, foggy crystal ball. The ball glows softly, revealing the words "Marry Rich" in elegant, glowing letters, set against a backdrop of twinkling lights and colorful tents. +A vibrant TV show poster featuring a charismatic quail character, styled in a modern, eye-catching design with the title text "Quentin Quail" prominently displayed at the top, set against a dynamic background that hints at adventure and comedy. +"Ride the Wave" surfboard design featuring a sleek, modern surfboard with vibrant ocean waves and dynamic splashes in bold blues and whites, set against a clear sky, capturing the essence of ocean adventure and freedom. +A detailed poster titled "North American Quail" showcasing various species of quail, each labeled with its name and habitat, set against a natural background with subtle botanical illustrations. +A wizard gazes into a crystal ball, where swirling mists form the words "Destiny Awaits" in an ancient script, set against a backdrop of a mystical forest at twilight. +A majestic unicorn stands in a sunlit meadow, its saddle intricately embroidered with the words "Magical Journey" in shimmering gold thread. The unicorn's mane flows gently in the breeze, and a trail of sparkles leads into a mystical forest. +A cluttered laboratory with a mad scientist in a lab coat embroidered with "What Could Go Wrong", surrounded by bubbling potions, intricate machinery, and scattered notes, under the glow of neon lights and flickering candles. +A close-up of a scientist's whiteboard, featuring the iconic equation "E = mc²" written in bold black marker, surrounded by scribbled notes and diagrams, with a faint shadow of a lab coat and glasses on the side. +A pirate flag, tattered and weathered, waves ominously in the sea breeze. "Beware the Kraken" is emblazoned in jagged, menacing letters, casting eerie shadows as the sun sets over the turbulent ocean. +A toddler stacks colorful alphabet blocks to form the word "ABCD", each block vividly detailed with bold letters, set against a soft, pastel background that highlights the playful innocence of the scene. +A close-up of a voting booth with a ballot and a pen, emphasizing the instruction "Fill in the Oval Completely" clearly visible on the ballot. The scene is lit by soft, overhead lighting, creating a focused and serious atmosphere. +A samurai sword sheath, intricately engraved with the phrase "Honor Above All", rests on a dark, traditional Japanese wood surface, reflecting the soft, ambient light of a paper lantern. The sheath is detailed with subtle, elegant patterns, emphasizing the craftsmanship and the profound meaning of the inscription. +A serene beach scene with soft, golden sand and gentle waves. Clear, blue water washes over the sand, partially eroding the words "Send Nudes To Sea" written in the sand, with the remnants of the letters still visible. +A detailed manual diagram of a satellite dish installation, with clear annotations and arrows pointing to the adjustment screws. The diagram highlights the step "Align to 45 Degrees" with a red box and bold text. +An artist's workspace with a palette smeared with vibrant colors, labeled "Color Theory 101", surrounded by brushes and paint tubes, capturing the essence of a creative learning environment. +A vintage phonograph with a detailed horn etched with the phrase "Sound of the Past", placed on a rustic wooden table, illuminated by the warm glow of an antique lamp, surrounded by old records and books. +Retro diner interior, vintage jukebox glowing softly, "Hit Song 45" selection highlighted, nostalgic 1950s atmosphere, customers in period attire enjoying classic tunes, warm lighting, checkered floor, classic diner stools and booths. +A retro video game title screen with pixel art graphics, displaying the text "PRESS START TO DENY REALITY" in bold, vibrant colors, set against a backdrop of 8-bit landscapes and glowing pixel effects. +A scientist stands in a cluttered laboratory, wearing a white lab coat embroidered with "Dr Genius" in elegant cursive. Test tubes, beakers, and complex machinery surround them, reflecting the innovative spirit of their work. +A realistic photograph of a mountain ridge with a wooden signpost clearly pointing and labeled "Peak Summit 2 Miles", surrounded by rugged terrain and distant peaks shrouded in mist. +A futuristic space station module labeled "Oxygen Garden", featuring lush, vibrant plant life and advanced life support systems, set against the backdrop of a star-studded universe. +An office scene with a modern printer displaying an error message "Paper Jam". Papers are scattered around, and a frustrated employee is leaning over the printer, trying to resolve the issue. The environment is a typical office setting with desks, chairs, and computers in the background. +A majestic medieval castle gate, intricately engraved with the phrase "Speak Friend and Enter", set against a misty backdrop, with ancient stone textures and subtle lighting that highlights the detailed engraving. +A medieval plague doctor stands in a dimly lit, cobblestone alley, holding a mask tagged with "N95 Certified". The eerie glow from a nearby lantern highlights the intricate, beak-like mask, blending ancient and modern protective measures. +A vintage newspaper page with the bold headline "Man Lands on Moon", featuring a grainy, black-and-white photograph of an astronaut on the lunar surface, surrounded by articles from the 1960s. +A close-up of a pizza box sticker that reads "Extra Cheese Ordered", with a glossy finish and slightly peeling corners, on a blurred background of a cozy kitchen counter. +A superhero costume with the emblem "Justice Unlimited" glowing brightly in the center, set against a dark urban night scene with city lights in the background. The emblem radiates a powerful, focused light, symbolizing unwavering resolve and justice. +An ice cream truck parked on a sunny street, its side menu prominently displaying "Rocky Road 350" in bold, colorful letters, with a queue of excited children and adults eagerly waiting to place their orders. +A bustling fast food drive-thru at dusk, with a large, illuminated menu board displaying the special "Regret Meal 499" in bold, neon letters. Cars line up, and the scent of fries fills the air. +A hot air balloon basket at 5000 feet, with a banner reading "Altitude Record 5000 Feet", floating above a serene landscape of rolling hills and vibrant wildflowers, the sun setting behind the balloon, casting a warm, golden glow. +A close-up of a greenhouse plant tag labeled "Rare Orchid Species", with a delicate orchid blooming nearby, soft sunlight filtering through the glass, and a wooden table beneath, creating a serene and vibrant botanical scene. +A superhero costume with a gleaming emblem that reads "Slightly Above Average Man", set against a city skyline at dusk, with the hero standing confidently on a rooftop, the emblem glowing brightly in the fading light. +A colorful ice cream truck with a sign that reads "Soft Serve 2" prominently displayed. Next to the sign, a playful cartoon ice cream cone waves enthusiastically, its scoops melting slightly in the sunny weather. +An ice cream truck parked on a sunny street, with a vibrant side panel that reads "Brain Freeze Guaranteed" in bold, colorful letters, surrounded by playful illustrations of ice cream cones and happy faces. +A cozy coffee shop interior with a rustic wooden table and a vintage typewriter. On the chalkboard menu, "Existential Crisis Latte 499" stands out among other items, illuminated by a soft, warm light. Customers sip their drinks, deep in thought. +A detailed ski resort map with a marked "Black Diamond Slope", surrounded by snow-capped mountains and dotted with skiers. The map features intricate trails and lift lines, highlighting the challenging terrain of the black diamond area. +A weathered treasure chest with an intricate lock engraved with "Rich or Dead", surrounded by golden coins and ancient artifacts, in a dimly lit, cobweb-filled cavern. +A realistic photograph of a roadwork scene with a bright, red and yellow barrier flashing "Detour Ahead" under a clear blue sky, surrounded by construction cones and a partially paved road. +A cozy coffee shop interior with a rustic chalkboard menu prominently displaying "Existential Dread 350" among other drink options, with a warm, inviting atmosphere and soft lighting. +An ice cream truck parked on a sunny street, with a side menu prominently advertising "Triple Scoop Supreme" in bright, colorful letters, surrounded by illustrations of melting ice cream cones and happy kids. +A close-up of a pet collar tag, intricately engraved with the words "Best Dog Ever", resting on a rustic wooden surface, with soft, warm lighting highlighting the engraving and the texture of the wood. +In a cluttered office, a frustrated employee stands beside a malfunctioning printer displaying the error message "PC Load Letter Seriously" on its screen, surrounded by crumpled papers and empty ink cartridges. +A high-resolution photograph of a laboratory flask on a white background, with a clear label warning "Volatile Compound XZ9" prominently displayed, surrounded by safety symbols and text indicating caution and potential hazards. +A close-up photograph of a coffee cup with a sleeve featuring the print "Caution Hot Liquid", set against a warm, cozy background with a subtle blur to emphasize the warning text. +A steaming cup of café latte with intricate latte art forming the words "Youre Brewtiful", set on a rustic wooden table, with a soft, warm glow from an overhead lamp, capturing the delicate details of the foam. +A realistic photograph of an elevator button panel, with all buttons dimly lit except for the "Floor 13 Out of Order" sign, which is brightly illuminated, set in a modern, slightly worn elevator. +A medieval knight's shield, intricately engraved with the motto "Honor Above All" in elegant, flowing script. The shield is weathered, showing signs of battle, with the motto still prominently visible against a backdrop of ancient woodland. +A detailed campsite map with a prominent marker that reads "Bear Territory Stay Alert", surrounded by forest icons and caution symbols, set against a rustic, outdoorsy background. +A nostalgic retro videogame arcade cabinet titled "Space Invaders 3000", featuring vibrant pixel art, neon lights, and a sleek, futuristic design, set in a dimly lit, vintage game room with a soft glow emanating from the screen. +A bustling amusement park entrance with a "No Outside Food or Drink" sign prominently displayed, surrounded by excited visitors and vibrant park decorations. +A movie set with a director's chair prominently displayed, the back of the chair featuring the text "Quiet on the Set" in bold letters. The scene is bustling with crew members and equipment, but the focus remains on the iconic chair. +A baker stands in a cozy kitchen, holding an oven mitt embroidered with "Hot Takes Served Daily". The mitt is placed against a backdrop of freshly baked bread, with a warm, golden light casting a soft glow over the scene. +A crystal ball on an ornate stand, intricately inscribed with the phrase "See Beyond the Veil", set in a dimly lit room with soft, mystical lights casting shadows around it. +A realistic photograph of a marathon finish line, with a large banner reading "You Did It" and a table nearby stacked with shiny medals for the finishers. The scene is vibrant, with cheering spectators and exhausted yet triumphant runners. +A detailed close-up of a police car door, featuring the emblem with the text "To Protect & Serve" prominently displayed, set against a backdrop of a bustling city street at dusk, with the glow of streetlights and the silhouettes of pedestrians. +A weathered pirate ship flag flutters in the sea breeze, displaying a menacing skull above the bold text "Yeet the Rich", set against a backdrop of stormy skies and turbulent waves. +A vibrant music festival stage with a large, illuminated backdrop displaying "Main Stage Live" in bold, colorful letters, surrounded by enthusiastic crowds and bright stage lights. +A fantasy novel cover with an epic landscape, featuring the title "Realm of Dragons" prominently at the top. Dragons soar through stormy skies over a mystical forest, with ancient runes and a glowing gemstone on the cover, enhancing the magical atmosphere. +A vintage farm tractor parked in a sunlit field, its license plate prominently displaying "Harvest King", surrounded by golden wheat stalks swaying in a gentle breeze. +A futuristic spaceship control room with a central panel screen flashing "Hyperdrive Active" in neon blue, surrounded by illuminated buttons and gauges, with the dim glow of the console casting a soft light on the control area. +A high-resolution photograph of a laboratory flask with a clear, readable label that says "Do Not Inhale Project 42" on a white background, set against a cluttered lab bench with scientific equipment. +A neon bar sign flashing "Open 247" illuminates a dim, bustling downtown alley at night, casting vibrant reflections on the wet cobblestone streets and the glass of surrounding buildings. +Retro sci-fi comic cover titled "Attack of the Giant Squirrels" featuring massive, technologically enhanced squirrels with glowing eyes and metallic fur, towering over a futuristic cityscape with neon lights and flying cars, as terrified humans flee in the background. +A dark urban street at night, with a neon bar sign glowing "Live Music Tonight" in vibrant red and blue, casting colorful reflections on the wet pavement and the windows of adjacent buildings. +A close-up of a pet collar tag shaped like a bone, with the text "Good Boy" clearly engraved on it, lying on a soft, textured surface with a subtle, warm lighting to highlight its details. +A dimly lit cave with a large, ancient wooden treasure chest labeled "Gold Touch Die" sitting on a bed of shimmering gold coins and jewels, guarded by the coiled form of a slumbering dragon. +A vibrant movie poster titled "The Luminescent Jewel", featuring a radiant gemstone that glows with an otherworldly light, set against a backdrop of an ancient, mystical forest. The poster captures the essence of adventure and mystery, with subtle hints of danger lurking in the shadows. +A vibrant comic book panel featuring the sound effect "Boom" in bold, dynamic letters, surrounded by the explosion of a superhero's powerful punch, with debris and energy waves radiating outward in a burst of color and action. +A movie set with a clapperboard clearly displaying "Scene 24 Take 107", surrounded by crew members preparing for the next shot, with cameras and lights set up in a bustling, realistic environment. +A detective's cluttered desk with a notebook open to a page that reads "Case Unsolved", a half-empty cup of coffee, and a magnifying glass resting on the notebook, under a dim desk lamp. +A detailed hiking trail map with a key highlighting a "Dangerous Cliff Area", set against a rugged, mountainous landscape with a winding path leading to a steep drop-off. +A close-up of a vintage seed packet on a rustic wooden table, featuring the text "Grow Wildflowers Not Weeds" in elegant script, surrounded by illustrations of colorful wildflowers and subtle, intertwining vines. +A realistic photograph of a university building's entrance, featuring a sleek, modern plaque that reads "Department Of Physics" in elegant, silver lettering, set against a backdrop of autumn foliage and a clear blue sky. +A dragon's lair with a rugged stone floor, dimly lit by glowing embers. At the entrance, a weathered welcome mat reads: "Go Away Seriously", surrounded by ancient, twisted roots and flickering torches casting shadows on the walls. +A close-up of a shiny pet collar tag, intricately engraved with "Call 555 1234", reflecting a soft, warm light that highlights the detailed craftsmanship and worn edges, set against a blurred, natural outdoor background. +A vibrant, high-definition title card for a cooking show, featuring the text "Bake Off Champions" in elegant, golden lettering against a backdrop of a bustling, modern kitchen with chefs in action, steaming ovens, and a variety of baked goods on display. +A close-up of a modern car dashboard with the "Check Engine" alert illuminated, set in a dimly lit garage. The scene captures the subtle glow of the warning light against the dark interior, highlighting the sleek design of the dashboard. +A close-up of a modern, sleek pizza delivery box with a prominent sticker that reads "Hot & Fresh Guarantee", set against a blurred urban night background, emphasizing the freshness and warmth of the delivered pizza. +A cozy living room with a cat sprawled on a sunlit cushion, paws up, looking utterly relaxed. The caption reads: "Nap Champion Since 2019" in elegant font, with a vintage Polaroid frame around the image. +A vintage pirate treasure map with intricate illustrations, weathered and faded, featuring the notation "X Marks the Therapy Spot" prominently marked in a secluded cove, surrounded by lush, tropical vegetation and a serene beach. +A movie set at dusk, a director in a trench coat holds a clapperboard snapping shut with "Scene 5 Take 2" in front of a vintage microphone, surrounded by film crew and soft, golden hour lighting. +A cozy coffee shop features a rustic chalkboard prominently displaying "Latte Art Divination 5" in elegant, cursive script. Warm, ambient lighting and wooden decor enhance the inviting atmosphere, while a barista expertly crafts latte art behind the counter. +A vibrant food truck scene with a colorful menu board prominently displaying "Quantum Taco Tastes Ways". The truck is bustling with activity, customers queueing up, and the aroma of fresh tacos wafting through the air. +A sleek, modern spy gadget briefcase with a small, illuminated screen displaying the words "SelfDestruct Activated" in red, set against a dark, high-tech background. +A dimly lit room with a spy camera mounted on the wall, its screen glowing with the warning "MOTION DETECTED ZONE 4" in red text, casting an eerie light on the shadowy surroundings. +A realistic photograph of a birthday cake with smooth, white icing and colorful decorations, featuring the message "Happy 30th Birthday" elegantly written on top, surrounded by flickering candles and set against a warm, celebratory background. +An art gallery featuring a minimalist plaque that reads "This Side Up", hanging on a sleek, white wall. The plaque is made of brushed metal with elegant, sans-serif text. Soft, ambient lighting highlights the plaque, creating a subtle shadow on the wall. +A sleek spy pen with a subtle, laser-engraved message "For Your Eyes Only" lying on a dark, textured surface, illuminated by a single, focused light source, creating dramatic shadows and highlighting the intricate engraving. +A close-up of a pharmacy prescription bottle on a white background, with a clear label that reads "Take 1 Tablet Daily" in bold black text, surrounded by subtle medical icons. +A realistic photograph of a secure bank vault door, with the combination lock prominently displayed and set to "1234". The door is made of heavy steel, with intricate patterns and a well-worn surface, suggesting years of use. The lighting is dim, adding to the mysterious atmosphere. +A vintage 1950s street scene with a newsboy shouting, holding up a movie prop newspaper with the headline "Aliens Land Today". The background features a bustling cityscape, with classic cars and pedestrians, emphasizing the sci-fi theme. +A bustling food truck with a vibrant, hand-painted sign that reads "Vegan Tacos Sold Here". Steam rises from a sizzling griddle as a chef prepares fresh, colorful tacos, while happy customers queue up, eagerly awaiting their plant-based delights. +A vibrant, modern website banner featuring a sleek design with dynamic typography. The central focus is the bold, inviting text "Subscribe Now" in a striking color that contrasts with the background. The banner includes subtle animations and a clean, professional aesthetic to capture attention and encourage action. +A bustling city street at dusk, with a vibrant storefront illuminated by warm lights, prominently displaying "NeurIPS" in bold, modern lettering. Pedestrians pass by, some pausing to look at the window displays, while others hurry along the sidewalk. +A close-up of a movie villain's monocle, the polished glass reflecting the words "Pathetic Hero" in a dimly lit room, with dramatic shadows enhancing the sinister atmosphere. +A diver descending into the deep blue ocean, their oxygen tank prominently stamped "Deep Dive 100m", reflecting the sunlight that barely penetrates the water's surface. +A modern delivery truck parked on a city street, with clear side text "Express Shipping Available" prominently displayed. The truck is surrounded by bustling urban activity, with pedestrians and other vehicles in the scene, capturing the essence of a busy, vibrant city environment. +A realistic photograph of a coffee cup with a sleeve printed in bold letters, "Caution Hot", placed on a wooden table, surrounded by a light morning mist, capturing the warmth and coziness of a quiet café. +A sleek race car with a glossy black finish, featuring a prominent hood decal that reads "Speed Demon Racing Team" in bold, vibrant red and yellow letters, set against the backdrop of a bustling pit lane. +A bakery shelf with a wooden sign declaring "Fresh Croissants Daily", surrounded by an array of golden, flaky croissants, under the warm glow of overhead lighting. +A realistic photograph of a boxing ring, the floor mat prominently displaying "Round 3" in bold, vibrant letters, surrounded by the worn ropes and the intense atmosphere of an ongoing match. +A cozy living room setting with a coffee mug printed with "World's Best Dad" sitting on a wooden table, next to a open book and a pair of glasses, bathed in warm afternoon sunlight. +A cozy bakery interior with a freshly baked loaf of bread prominently displayed, branded with "Freshly Breadicated Today" in elegant, embossed letters on its crust, surrounded by warm, golden lighting and a rustic wooden table. +A futuristic spaceship interior with sleek, metallic surfaces and soft blue lighting. A cryopod in the center displays "Hibernation Active" in glowing green letters, with a translucent figure inside, wires and tubes connected, surrounded by advanced monitoring equipment. +A vast space colony with a dome window etched with the phrase "Earth Was Overrated", overlooking a distant, alien landscape with stars twinkling in the background. The scene is bathed in the soft, blue light of a nearby planet. +A close-up of a librarian's stamp imprinting "Overdue Since 1492" on the cover of a weathered, leather-bound biography about Christopher Columbus, set against a backdrop of ancient, dust-covered books. +A dilapidated, moss-covered mailbox stands before a ominous, shadowy haunted house, with a eerie plaque that reads "Return to Sender" prominently displayed, surrounded by overgrown vines and twisted metal. +A majestic pirate ship sails the turbulent seas, its large, weathered sail proudly stitched with the words "Sea Queen's Revenge" in bold, intricate lettering. Waves crash around the ship, emphasizing its fierce and adventurous spirit. +A realistic photograph of a lab door with a prominent warning sign that reads "Biohazard Zone", set against a sterile, white background. The sign is clearly visible, with bold, red text and a biohazard symbol. +A movie poster titled "Registry Office", showcasing a vintage, film noir scene of a 1940s office with typewriters and filing cabinets, dimly lit by a single overhead light, emphasizing the mysterious and bureaucratic atmosphere. +A close-up photograph of a toolbox sticker that reads "If Broken Fix It", with a slightly weathered and worn look, set against a blurred background of tools and workshop materials. +A vintage Wanted poster with a weathered, rustic texture, prominently displaying "10000 Reward for Sock Thief" in bold, worn lettering. The poster features a humorous illustration of a mischievous raccoon wearing stolen socks, set against a backdrop of a cozy, small-town street. +A rustic wooden sign outside a gardener's tool shed reads "Beware Of Gnomes", surrounded by overgrown vines and wildflowers, with a pair of mischievous garden gnomes peeking out from behind a stack of old tools. +A pirate ship navigates stormy seas, its flag billowing in the wind with the ominous warning "Beware the Kraken", set against a dark, swirling sky and churning waves. +A realistic photograph of a moon base airlock panel, with the label "PRESSURIZE SECTION B" clearly visible, set against the backdrop of the lunar surface and a distant Earth hanging in the black sky. +A rustic wooden bird feeder hangs from a tree branch, featuring a clear label that reads "SquirrelProof Guarantee". Sunlight filters through the leaves, casting dappled shadows on the feeder and the ground below, where a curious squirrel watches from a distance. +A bathroom mirror fogged up, with "Breathe Out" written in the condensation, reflecting a dimly lit, modern bathroom. Steam swirls around the edges, creating a serene and calming atmosphere. +A close-up of an airport luggage tag, prominently displaying the text "Fragile Handle With Care", attached to a worn suitcase with a scratched surface, set against a blurred airport conveyor belt background. +A worn, torn notebook page with a hand-drawn map labeled "Treasure 3rd Coffee Cup", showing paths, landmarks, and a X marking the spot, with coffee stains and scribbled notes around the edges. +Comic panel depicting a vibrant explosion with bright, radiating colors and dynamic lines, featuring the word "Kapow" in bold, vibrant yellow, set against a backdrop of swirling smoke and debris. +A realistic photograph of an ambulance parked on a city street, with the side panel prominently displaying the text "Emergency Response Unit" in bold, clear letters, reflecting the urgency and professionalism of the medical service. +Retro diner placemat featuring a detailed map with a prominent "You Are Here" marker, surrounded by classic 1950s diner elements like checkered floors, soda fountains, and vintage signage. +A rustic wooden door in a countryside setting, with the word "travel" carved into it, surrounded by overgrown ivy and wildflowers, under a clear blue sky. +A realistic supermarket aisle with bright fluorescent lighting, shelves stocked with various items, and a price tag prominently displaying "Sanity On Clearance Now" in bold letters, capturing the surreal essence of the scene. +In a stately courtroom, a judge's podium prominently displays a wooden plaque engraved with "Order In Court", capturing the solemn and authoritative atmosphere of the legal proceedings. +Retro gaming cartridge label with bold, neon colors: "Pong 2 The Reckoning". The label features a vintage 8-bit aesthetic with pixelated graphics of two futuristic paddles and a glowing ball, set against a backdrop of 1980s arcade patterns. +A close-up of a chef's apron, intricately embroidered with the phrase "Kiss the Cookbot" in elegant, flowing letters, set against a backdrop of a bustling, modern kitchen with stainless steel appliances and fresh ingredients. +A protest banner, emblazoned with the words "Justice for All", draped dramatically over an ancient, weathered statue in a bustling city square, surrounded by a crowd of determined supporters. +Retro arcade machine with a vibrant, pixelated marquee blinking "Insert Coin to Play", set in a dimly lit game room with soft neon lights and nostalgic game posters on the walls. +A futuristic gym advertisement featuring a sleek, muscular cyborg with a metallic arm and leg, standing confidently in a high-tech gym. The ad reads: "Upgrade Your Fleshy Parts". Neon lights and advanced workout equipment in the background enhance the sci-fi atmosphere. +A honey jar with a rustic wooden label featuring bold text "100 Organic" sits on a sunlit windowsill, with a buzzing bee hovering nearby, surrounded by soft golden light and a backdrop of a blooming meadow. +A vibrant TV show poster featuring the logo "Born a Champion" prominently at the center, surrounded by dynamic imagery of athletes in action, set against a gradient background that transitions from gold to deep blue. +A vintage fantasy map on weathered parchment, labeled "Here Be Dragons", featuring intricate illustrations of mythical creatures and ancient symbols, surrounded by a border of sailing ships and sea monsters. +A prehistoric cave wall painting, rough and textured, depicts a group of ancient hunters gathered around a central point, their spears and tools evident. The scene is titled "Hunters Gather Here", with the figures and environment rendered in earthy tones. +A realistic photograph of a basketball court, focusing on the "Free Throw Line", with players in action and the net hanging from the hoop in the background. +At a bustling farmer's market, a rustic chalkboard stands prominently, listing "Fresh Lies 3lb" in elegant script. Sunlight filters through the market awnings, casting a warm glow on the vibrant stalls and the curious onlookers. +A realistic photograph of a traffic sign at a construction zone, prominently displaying the warning "Detour Ahead", surrounded by orange cones and caution tape, with a partially visible road under repair in the background. +A close-up of a pet collar tag with the engraving "IF FOUND CALL 5550182" on a silver background, featuring subtle reflections and a slight texture to the metal surface. +A realistic photo of a fish tank with a colorful fish swimming inside, featuring the text "tank you for visiting!" prominently displayed on a small, elegant sign attached to the front of the tank. +A rustic medieval tavern scene with a wooden menu board hanging by the entrance, intricately carved with the words "Mutton Pie Special" in Gothic script, illuminated by the warm glow of torches. +A realistic photograph of a coffee cup with a paper sleeve wrapped around it, printed with the warning "Caution Hot Liquid", sitting on a wooden table, with a light steam rising from the cup. +A museum exhibit featuring a detailed plaque titled "Dinosaur Era Fossil Display", surrounded by ancient fossils and skeletal remains, with soft, ambient lighting highlighting the textures and details of the prehistoric artifacts. +A vintage robot with a chest panel labeled "FEELINGS v10", standing in a nostalgic 1980s room, surrounded by old tech gadgets and neon lights, capturing the essence of retro futurism. +A vibrant, well-groomed plant grows in a decorative pot, prominently displaying a "bangalore" sign. The scene is set in a sunny, cozy corner of a room, with soft light enhancing the colors and textures. +A vintage magic potion bottle with an ornate label that reads "Drink Responsibly" in elegant script, sitting on a wooden table with a soft glow from a nearby candle, creating a mystical and serene atmosphere. +A movie set with a clapperboard prominently displayed, labeled "Scene 24 Take 3", surrounded by film crew members preparing for the next shot, with cameras and lights set up in a dimly lit, atmospheric studio. +A close-up of a fire truck door, featuring an embossed emblem that reads "Rescue Squad 88" in bold, crisp lettering, set against the red metallic surface with subtle reflections and scratches, capturing the essence of a well-maintained, active fire vehicle. +A bustling farmer's market scene with a vibrant stall banner prominently displaying "Organic Proud", surrounded by fresh, colorful produce and happy shoppers. +A pet collar tag, shaped like a realistic bone, with the engraving "Good Boy" in clear, bold letters. The tag is worn by a happy golden retriever in a sunlit backyard, surrounded by green grass and colorful flowers. +A detective's cluttered desk with a case file prominently displayed, stamped "Top Secret", under a dim desk lamp, surrounded by notes and photos, creating a tense, noir atmosphere. +A modern airport terminal with a digital departure board prominently displaying "Flight NFT202 to Metaverse". Passengers in futuristic attire look up in awe, surrounded by sleek, high-tech architecture and holographic advertisements. +A close-up of a pizza box top, prominently featuring a bold, red stamp that reads "Hot and Fresh Guaranteed", with steam rising from the box, suggesting the pizza inside is just out of the oven. +A bustling fast food drive-thru at dusk, with a neon sign reading "Order Regret Here" prominently displayed above the service window. Customers in cars look puzzled, while employees take orders with confused expressions. +A close-up of an elevator button panel, with a noticeable "Out of Order" sticker adhered to it, capturing the mundane yet slightly unsettling atmosphere of a broken elevator. +A baking show contestant in a vibrant kitchen, wearing an apron that reads "Team Sugar Rush", surrounded by colorful pastries and ingredients, with a look of concentration as they prepare a dessert. +A close-up of a hospital wristband labeled "Patient Name Jane Doe", worn on a pale wrist, with a faint IV mark visible on the back of the hand, set against a soft, blurred hospital blanket background. +Neon lights above a vintage diner flicker, displaying "Open 24 Hours Tonight", casting a vibrant glow on the empty street and reflecting in the wet pavement. +A futuristic city park at dusk, a sleek robotic pet dog with a metallic sheen sits on a bench. Its collar tag reads "Battery Low Cuddles Required", reflecting the warm glow of streetlights. The dog's eyes are dim, awaiting affection to recharge. +A rustic medieval tavern sign swings gently in the breeze, reading "Ale and Tales Inn". The sign is weathered with age, its wood grain visible, and the lettering is painted in faded, earthy tones. Surrounding the sign, lush green foliage and stone walls create a cozy, inviting atmosphere. +A close-up shot of an ancient, dusty potion bottle with a warning label that reads "Do Not Shake", set against a dimly lit, mystical background, capturing the eerie atmosphere of an old alchemist's lab. +A camping tent tag prominently displaying "Weatherproof Design", hanging from a zipper on a sleek, modern tent set against a backdrop of a misty forest at dawn, with dew drops glistening on the tent fabric. +A realistic photograph of a baseball cap with intricate embroidery that reads "Team USA" on the front, set against a backdrop of a sports field, with the subtle texture of the fabric and the vivid colors of the thread clearly visible. +Retro diner interior with a vintage jukebox prominently displaying a red button labeled "Play Elvis". Warm, nostalgic lighting enhances the classic 50s decor, including red vinyl booths and a checkered floor. +A vintage circus banner featuring a burly strongman, muscles rippling, holding a barbell aloft, with the text "World's Okayest Athlete" emblazoned in bold, circus-font letters. The background is a faded, worn canvas, hinting at years of travel and performance. +A realistic hospital room scene with an IV bag hanging on a stand, the label clearly displaying "Type O Negative" in bold text, beside a patient's bed with medical equipment in the background. +A mystical forest clearing where a unicorn has just passed, leaving behind a glittering hoofprint that shimmers in the moonlight. The hoofprint reads "Was Here You Missed It" in elegant, glowing letters. +An artist, wearing a smock, stands before a large canvas, holding a paintbrush to outline the word "Freedom" in bold, sweeping strokes, with a palette and various colors at their side, in a sunlit studio. +An ambulance parked on a city street, its side door prominently labeled "Emergency Medical Services", with a medic in a reflective vest standing nearby, holding a medical bag. The scene is illuminated by the soft glow of streetlights, emphasizing the serious, yet calm atmosphere. +A weathered pirate map parchment, intricately detailed with old-world symbols and a compass rose, prominently labeled "X Marks the Starbucks" at a marked spot, surrounded by faded ink sketches of ships and sea creatures. +A museum exhibit featuring an elaborate plaque titled "Ancient Civilizations", surrounded by artifacts from various cultures, including pottery, tools, and statuettes, under warm, ambient lighting that highlights the historical significance of each piece. +A detective's worn notebook lies open on a cluttered desk, the page revealing a handwritten note that reads, "The Butler Did It", surrounded by scattered crime scene photos and investigative tools, under the dim light of a vintage desk lamp. +A chef’s recipe book lies open to "Perfect Soufflé Page 42", with detailed notes and a faded, handwritten recipe. Sunlight streams through a nearby window, casting a warm glow on the page and highlighting the intricate illustrations of soufflé ingredients. +A retro video game cartridge with a vibrant, pixelated design, labeled "EXTREME TAXES Turbo Edition" in bold, colorful text. The cartridge is set against a nostalgic background of an 80s arcade, with glowing neon lights and vintage game controllers. +A baker in a cozy, sunlit kitchen, wearing a crisp white apron embroidered with "Knead Proof Bake Repeat", skillfully kneading dough on a wooden table, surrounded by baking tools and fresh ingredients. +A realistic photograph of a movie set featuring a prop newspaper with the headline "Aliens Love Bagels" prominently displayed, surrounded by vintage typewriters, film reels, and a steaming cup of coffee on a worn wooden desk. +A realistic photograph of a boxing ring with the floor mat prominently displaying "Round 30 Still 2020", surrounded by the ropes and corner posts, under the glow of overhead lights. +A modern elevator interior with a sleek, metallic speaker sticker prominently displaying the text "Mandatory Joy Tracks". The scene is lit by soft, ambient lighting, emphasizing the clean, contemporary design of the elevator. +A vintage 1920s-style travel poster featuring the iconic Eiffel Tower under a clear blue sky, with the charming streets of Paris bustling below. The slogan "Visit Paris" is prominently displayed in elegant, Art Deco typography, surrounded by intricate floral borders and decorative elements. +A vintage camera with its well-worn leather case, intricately stamped with "Captured Moments" in elegant cursive, resting on a rustic wooden table, bathed in the warm glow of afternoon sunlight. +A vibrant race finish line with a large banner reading "Congratulations Winner" in bold letters, surrounded by cheering spectators, exhausted but triumphant runners, and a podium prepared for the awards ceremony. Sunlight casts a warm glow, highlighting the festive atmosphere. +A cozy bakery interior featuring a cake stand with a charming wooden sign that reads "Custom Orders Welcome", surrounded by an array of delicious, freshly baked cakes and pastries, with soft, warm lighting enhancing the inviting atmosphere. +A serene beach scene with a vivid "High Surf Advisory" warning flag fluttering in the wind, set against a backdrop of rolling waves and a cloudy sky. The sand is dotted with a few distant figures, emphasizing the cautionary nature of the flag. +A vintage gas station scene with a retro pump proudly displaying "Unleaded Sarcasm 099gal", set against a nostalgic backdrop of an old American town. +A weathered cave explorer's journal lies open on a rocky surface, the page showing an entry that reads "Turn Back Now" with the text heavily underlined, surrounded by the dim, mystical glow of bioluminescent fungi. +A close-up of a hotel key card sleeve, prominently displaying the text "Room 303 Access", placed on a modern, sleek hotel room door. The door has a brushed metal handle and a digital lock, with soft ambient lighting in the corridor. +A neatly organized hardware store aisle with a shelf tag prominently displaying "Power Tools Aisle 12", surrounded by various power tools and equipment, with a soft overhead light illuminating the scene. +A close-up of a fire truck door, prominently emblazoned with "Rescue Squad", reflecting the bravery and urgency of its mission, with a subtle cityscape in the background. +A dramatic photo illustration of Earth under a fierce electrical storm, with multiple lightning bolts merging as they strike the planet, titled "maduropeptin". The atmosphere glows with an intense blue light, highlighting the power and scale of the event. +A vintage television screen displays the classic test pattern with the text "Stay Tuned" in bold, surrounded by geometric shapes and a textured background, capturing the nostalgic essence of early broadcasting. +A detailed science fair poster titled "Volcano Eruption Experiment", featuring a colorful illustration of a volcano erupting with lava, surrounded by scientific notes and diagrams explaining the chemical reactions and geological processes involved. +A futuristic spaceship control panel with blinking red lights, displaying a critical alert that reads "Warning Oxygen Low" in bold, illuminated text, set against a dimly lit, high-tech interior. +A cozy cafe with a vintage charm, where a customer opens a fortune cookie revealing the message "Adventure Awaits You Soon", surrounded by a warm, golden light that enhances the sense of anticipation and excitement. +A realistic underwater scene featuring a submarine's control panel, with illuminated gauges and flashing "Dive Depth 300m" in the center, surrounded by dials and screens, bathed in the blue-green glow of the deep sea. +A vintage pizza box with a retro logo that reads "Slice Paradise Since 1999", set against a warm, nostalgic background with soft, golden lighting. +A vast desert under a blazing sun, where a shimmering mirage of "Water Ahead" appears on the horizon, creating an illusion of a tranquil oasis with palm trees and a clear, reflective pool. +A sleek, futuristic spaceship dashboard with a prominent fuel gauge pointing to "EMC²", surrounded by glowing panels and intricate controls, set against the backdrop of a starlit space. +A focused Olympic runner, muscles tense, jersey boldly printed with "Team Chaos", sprinting on a sunlit track, with a crowd cheering in the background. +A nighttime city street, a lone taxi parked by the curb with its roof light illuminated, displaying "Off Duty Forever" in bright neon, reflecting off the wet pavement. +A movie poster titled "Avengers: Endgame", featuring the superheroes assembled against a backdrop of a city in turmoil, with vibrant colors and dynamic action poses, highlighting the epic finale of their journey. +A child's lunchbox featuring colorful dinosaurs and the playful phrase "Roarsome Meals" prominently displayed, set against a backdrop of a school playground with children playing in the background. +A vibrant TV show poster titled "Merry Christmas", featuring a snowy town square with a large, lit Christmas tree, joyful characters in winter attire, and festive lights decorating the buildings, all under a starry night sky. +A high-resolution screenshot of a smartwatch face, sleek and modern, displaying "Steps 8500 Calories 500" with a clean, minimalistic interface and a vibrant, colorful background. +A realistic photograph of a modern highway with a large billboard prominently displaying an advertisement for "Eco Friendly Cars". The billboard features a sleek, green electric vehicle against a backdrop of lush forests and clear skies, emphasizing environmental friendliness. +In a chemistry lab, a Bunsen burner with a clearly labeled knob that reads "Adjust Flame Here" sits on a white tile countertop. The flame burns steadily, and laboratory equipment is neatly arranged in the background. +A high-speed race car with a sleek, glossy finish, featuring a bold hood decal that reads "Speed Demon X1" in dynamic, eye-catching typography, set against the backdrop of a modern racetrack. +A laboratory setting with a mouse cage prominently labeled "Group B Control", placed on a sterile, white table. The cage contains a single white mouse, with a background of scientific equipment and a researcher's hand adjusting settings. The lighting is clinical and bright, emphasizing the controlled environment. +A weathered spyglass lies on an old wooden table, its lens intricately etched with "Property of Blackbeard" in pirate cursive, surrounded by scattered nautical maps and a flickering candle. +A detective's notepad page, slightly worn and crumpled, with a pen resting beside it. The page is densely scribbled with notes, but the phrase "Follow White Rabbit" stands out in bold, underlined letters, drawing the eye to its mysterious significance. +A bustling school cafeteria with a colorful sign above the serving counter that reads "Friday Pizza Day". Students in uniform eagerly line up, their trays ready, as the aroma of freshly baked pizza fills the air. +A close-up of a concert wristband, prominently displaying "VIP Access All Areas", wrapped around a wrist, with the background showing a vibrant, crowded music festival scene. +A close-up photograph of a shiny dog collar tag, shaped like a realistic bone, with the text "Good Boy" engraved on it, set against a soft, blurred background of grass and flowers. +A crystal-clear, floating magic 8-ball in a dimly lit room, gently glowing with an ethereal light. The answer "Outlook Hazy Try Again" is clearly visible inside, surrounded by swirling, misty patterns that add to the mysterious atmosphere. +A vibrant, realistic candy wrapper design for "Choco Crunch Bars", featuring a golden bar with crunchy texture, surrounded by rich cocoa tones and playful, colorful graphics that highlight the brand's fun and indulgent appeal. +A pirate ship sails the stormy seas, its flag billowing in the wind. The flag features a menacing skull with crossed bones, and prominently displays the words "Mutiny Discounts" in bold, pirate-style lettering. +A realistic photograph of an ambulance parked on a city street, with the side panel clearly displaying the text "Emergency Response Unit" in bold letters, surrounded by reflective striping for safety and visibility. +An astronaut's meal packet "Space Food Ration 3" floats in the weightless environment of a space station, with Earth visible through a nearby window, reflecting the blue and green hues of the planet. +A high-performance race car with a sleek, matte black finish, featuring a bold hood decal that reads "Speed Demon" in dynamic, fiery red flame lettering, set against a backdrop of a roaring engine and blurred motion, capturing the essence of speed and power. +A campfire scene with a marshmallow roasting stick, featuring a burnt tag that reads "Perfect Toast" hanging from it, set against the warm glow of the flames and the dark, starry night sky. +A person wearing a smartwatch with the alert "Move More" displayed, standing in a modern, sunlit living room, looking at the device with a determined expression, ready to start an exercise session. +A dark, urban street at night, with a tattoo parlor's neon sign blinking "Ink Dreams Here" above a weathered door, casting a vibrant, blue and red glow on the wet pavement. +A bustling stadium with a vibrant jumbotron displaying dynamic animation of "Go Team Go" in bold, colorful letters, surrounded by cheering fans and the glow of spotlights, capturing the electric atmosphere of a major sporting event. +A cowboy's saloon door swings open, revealing a dimly lit interior with a wooden bar and patrons chatting. Above the door, a sign reads "No Shoes No Service", emphasizing the casual yet strict dress code of this wild west establishment. +An astronaut stands against a backdrop of stars and Earth, the helmet visor clearly reflecting the vital sign "O2 98" amidst the serene cosmic landscape. +A bustling space hotel lobby named "Gravity Lounge", featuring sleek, futuristic decor with soft ambient lighting. Guests in stylish space attire mingle around floating holographic displays, while a panoramic window showcases the vast, star-studded cosmos outside. +An astronaut floating in space, their helmet visor displaying "O₂ LOW" in bold red letters, against the backdrop of a distant Earth. The astronaut's face is partially visible, showing a look of concern. +A cluttered laboratory with a scientist's lab coat hanging on a stand, clearly tagged "Dr Genius", surrounded by beakers, microscopes, and scientific instruments. +A beautifully lit birthday party with a large, intricately decorated cake featuring the message "Happy 30th Jake" in elegant calligraphy, surrounded by festive candles and a backdrop of colorful balloons and streamers. +A cozy coffee shop with a rustic wooden interior, featuring a chalkboard prominently displaying "Espresso Liquid Panic" in elegant cursive, surrounded by hand-drawn coffee icons and floral decorations. +A colorful children's alphabet book page featuring "Q is for Quokka", with a cheerful quokka sitting on a tree branch, surrounded by lush green leaves and vibrant flowers, set against a bright blue sky. +A wedding cake topper featuring intricately designed hearts entwined, with the names "Amy & Jake 2024" elegantly engraved in the center, set against a backdrop of sparkling crystals and delicate lace. +A realistic photograph of a dog wearing a collar with an engraved tag that reads "My Human Sucks", sitting on a grassy lawn with a slightly puzzled expression, under a sunny sky. +A close-up of a cracked open fortune cookie, revealing a slip of paper that reads "Adventure Awaits You", set against a warm, golden background with a soft, ambient light highlighting the message. +A motivational poster with the quote "Never Give Up" prominently displayed in bold, inspiring fonts, set against a backdrop of a hiker reaching the summit of a misty mountain at sunrise, with rays of light piercing through the clouds. +A high-tech alien spaceship console with sleek, futuristic surfaces and glowing buttons, prominently displaying the message "Earth Mostly Harmless" in a digital readout, set against the ambient blue and purple lights of the control room. +A high-resolution smartwatch face in a modern, sleek design, displaying "Steps 9876 Calories 420" with a clean, digital font on a black background, set against a blurred wrist and arm to emphasize the watch screen. +A modern smartphone screen displaying an app login interface, prominently featuring a text input field labeled "Enter Password". The background is a sleek, gradient design, and the interface elements are crisp and clean, emphasizing the simplicity and security of the app. +A dark, mystical online shop banner featuring a witch with a mischievous smile, holding a cauldron bubbling with green potion. Text reads "Curses 2for1 Sale" in eerie, glowing letters. Background includes floating spell books, enchanted candles, and a crescent moon. +A close-up of a vintage seed packet, labeled "Heirloom Tomatoes", sitting on a rustic wooden table, surrounded by a scattering of ripe, red heirloom tomatoes and gardening tools, with sunlight streaming through a nearby window. +A mountain peak with a flag planted, reading "We Made It", under a clear blue sky, with rocky terrain and distant snowy mountains in the background. +A movie poster featuring the text "Language of Love" in elegant, flowing script, set against a romantic backdrop of a couple in a soft, warm embrace under a starlit sky, with subtle hues of blue and gold. +A close-up of a bakery's bread loaf tag, "Carb Heaven Inside", placed on a freshly baked, golden-brown loaf with a crusty exterior and soft, fluffy interior, surrounded by a rustic wooden background and soft, warm lighting. +A close-up of a detective's evidence bag, marked "Case File 23B Confidential", resting on a cluttered desk with a vintage typewriter and a cup of cold coffee in the background. +A majestic mountain summit with a stone marker inscribed "Peak Achieved" standing proudly against a backdrop of rolling hills and a clear blue sky, surrounded by rugged, weathered rocks and vibrant wildflowers. +A baker's messy kitchen counter with a poorly frosted cake that reads "Happy Borthday" in lopsided, uneven letters. Crumbs and frosting dots scatter the surface, highlighting the amateurish attempt. +A serene garden path lined with blooming roses, leading to an elegantly crafted wooden plaque inscribed "Welcome To Rose Garden", surrounded by lush greenery and vibrant floral arrangements, captured in a realistic photographic style. +A baker in a flour-stained apron, embroidered with "Knead to Bake", stands in a warm, rustic kitchen, surrounded by baking tools and rising dough, capturing the essence of artisanal craftsmanship. +A mermaid holds a seashell sign that reads "Deep Sea Cove" above her head, standing on a rocky outcrop surrounded by crystal-clear water and vibrant coral reefs, with schools of colorful fish swimming nearby. +A construction worker in a bright orange vest and blue jeans, wearing a hard hat with a sticker that reads "Safety First Always", stands against a backdrop of a bustling construction site, with cranes and scaffolding in the background. +A medieval knight's shield, weathered and battle-worn, emblazoned with the defiant motto "No Dragons Today", set against a backdrop of an ancient, misty forest. +A medieval castle gate, ancient and grand, with detailed stone carvings that read "Royal Keep" above the entrance. The gate is partially open, revealing a glimpse of the cobblestone path leading inside. Surrounding the gate, lush greenery and a moat enhance the fortress's majestic presence. +An ancient, dusty spellbook page titled "Turn Frog to Prince Maybe", with intricate illustrations of a frog and a princely figure, surrounded by glowing runes and mystical symbols, set against a backdrop of a dimly lit, enchanted forest. +In a gritty, dystopian cityscape under a smoky sky, a worn protest poster is plastered on a cracked wall, boldly reading "Rebel for Tomorrow" in bold, defiant letters. The scene is dimly lit, with shadows of protesters in the background. +A detailed hiking map at the trailhead, clearly marked with "Summit This Way", surrounded by lush green trees and a wooden signpost, under a sunny sky. +A bustling farmer's market scene with a vibrant stand banner proudly proclaiming "Fresh From the Farm", surrounded by an array of colorful, freshly picked produce and happy customers browsing the selections. +A realistic photograph of a weathered ferry ticket stub, crumpled and slightly torn, with the clear text "Departure 2 PM" visible, lying on a rustic wooden bench by the seaside, with the ocean and a distant ferry in the background. +A realistic photograph of an amusement park ride entrance, featuring a vivid sign that clearly states "Height Requirement 48 Inches", with colorful decorations and excited visitors in the background. +Retro movie poster for "Attack of the Giant Beetles", featuring colossal beetles emerging from a foggy cityscape, towering over skyscrapers, with dramatic lighting and 1950s font. +A beautifully decorated birthday cake with intricate icing designs, featuring the message "40 Never Looked Better" in elegant script, surrounded by vibrant flowers and sparkling sprinkles, set on a rustic wooden table with a soft, warm ambient light. +A serene yoga studio with minimalist decor, featuring a large, elegant wall art piece that prominently displays the phrase "Peace Love Om" in a flowing, modern font, surrounded by soft, calming colors and subtle geometric patterns. +A serene coastal scene with a small, weathered fishing boat named "Catch of the Day" anchored by a rocky shore. The boat is surrounded by calm, turquoise waters, and the sky is a mix of soft pastel hues at sunset. +A realistic photograph of a sleek, modern laptop with a vibrant "Ctrl Alt Defeat" sticker on its lid, placed on a clean, minimalist desk with a soft, natural light illuminating the scene. +A detailed ski resort trail map featuring a prominent marker for the "Black Diamond Slope", set against a snowy backdrop with subtle shadows and highlights to enhance depth and realism. +A classroom with a whiteboard at the front, prominently displaying the heading "Homework Due Friday", surrounded by students' desks and school supplies. The lighting is natural, streaming in from windows on the left. +A close-up of a medicine bottle with a white label, prominently displaying the text "Take Two Pills Daily" in bold black font, set against a blurred background to emphasize the warning label. +A dark, imposing entrance to a supervillain's lair, with a sleek, metallic door and a sinister "Wipe Your Evil Feet" welcome mat at the threshold, set against the backdrop of a stormy night. +A hiker pauses on a rugged mountain trail, noticing a weathered "Danger Falling Rocks" sign half-buried in gravel, with jagged cliffs and a misty valley visible in the background. +A vintage postage stamp with "Mail Express" in ornate, elegant letters, surrounded by intricate floral and scrollwork designs, set against a faded, textured background. +In a whimsical steampunk tea party, a mad hatter sits at a vintage table, surrounded by floating teacups and gears. He holds a top hat with the tag "One Size Fits All Realities" prominently displayed, his eyes sparkling with mischief and curiosity. +A diver, equipped with an oxygen tank marked "Deep Sea Explorer", explores the depths of a vibrant coral reef, surrounded by schools of colorful fish. The sunlight filters through the water, casting a serene, blue glow. +A dimly lit boxing ring with the floor text "Main Event Tonight" prominently displayed, surrounded by the shadowy silhouettes of excited spectators. The atmosphere is electric, with a spotlight illuminating the center of the ring, emphasizing the anticipation for the upcoming fight. +A pet collar tag shaped like a bone, inscribed with "My Name is Rover", lying on a rustic wooden table with a soft, diffuse light casting a gentle shadow. +A medieval castle gate with intricate engravements, prominently featuring the phrase "Enter At Own Risk" in bold, ancient script, surrounded by detailed stone carvings of mythical creatures and floral patterns, under a cloudy sky. +An ancient, moss-covered stone tablet stands in a dense, misty forest. The tablet is carved with deeply etched, weathered symbols that translate to "Beware the Eclipse". Dappled sunlight filters through the canopy, casting eerie shadows on the tablet. +A vintage magic show poster with the headline "Vanishing Elephant Trick" in elegant, glowing letters. The poster features a magician in a top hat, a mysterious elephant surrounded by swirling mist, and an audience in awe, all set against a deep, starry night sky. +A neon motel sign flickering "Vacancy" on a rainy night, with droplets sliding down the glass and reflecting the vibrant colors, set against the dark, wet pavement of a lonely street. +A vibrant circus tent under a clear blue sky, with a grand banner proudly displaying "Greatest Show On Earth" in bold, colorful letters, surrounded by excited crowds and playful animals, capturing the magic and excitement of a classic circus scene. +A vibrant office party room with a "Happy Birthday" banner strung across the ceiling, colorful balloons scattered around, and a large birthday cake on a table. Employees gather, smiling and clapping, as the birthday person blows out the candles. +A camping site at dusk, with a large, weatherproof tent tagged "Weatherproof Sleeps 4" prominently displayed. The tent is set up near a serene lake, surrounded by tall pines, reflecting the peaceful outdoor experience. +A lone desert cactus stands tall in a vast, sandy landscape, adorned with a tiny sign that reads "Free Hugs Ouch". The sun casts a warm, golden light, highlighting the cactus's spines and the subtle shadows of the surrounding dunes. +A high-resolution digital watch face prominently displaying the current date and the phrase "Time Flies" in a sleek, modern font, set against a minimalist background. +A hotel lobby with a classic reception desk, a brass bell marked "Ring For Service" prominently displayed, surrounded by elegant decor and a few guests waiting, one reaching out to ring the bell. +A dimly lit spaceship console with warning lights flashing red, prominently displaying the message "Gravity Failure Imminent" on a central screen, surrounded by futuristic control panels and gauges. +In a grand courtroom, a judge's gavel rests on a wooden plaque engraved with "Order Order", under a solemn, high-ceilinged setting with classical columns and a stained-glass window casting a soft, dignified light. +"Reserved Parking" sign painted on the ground at a sleek corporate office, with modern glass buildings and professional employees walking by in the background. The parking spot is empty, emphasizing the reserved nature of the space. +A UFO hovers above a dark forest, its glowing underside casting an eerie light. The alien craft projects the message "Take Me to Your Leader" in vibrant, neon letters, illuminating the trees and creating a surreal, otherworldly atmosphere. +A dragon's egg, glowing with a mystical aura, rests on an ancient stone pedestal. The pedestal is inscribed with the ominous warning, "Hatch at Your Own Risk", surrounded by flickering torches in a dimly lit, enchanted forest clearing. +A bustling farmer's market scene with a wooden stall sign prominently painted "Organic Lies", surrounded by vibrant, fresh produce and bustling shoppers. The stall is shaded by a rustic canopy, and the sign is slightly weathered, adding to its character. +A close-up of an ancient, wooden door with a secret keyhole plaque intricately engraved with "Speak Friend Enter", surrounded by weathered, rustic textures, set in a dimly lit, mysterious corridor. +An astronaut's glove, prominently displaying a "Mars Mission Crew" patch, set against the backdrop of a rugged Martian landscape with distant red hills and a clear sky. The glove is slightly worn, showing signs of use in the harsh environment. +A close-up of a medieval knight's gauntlet, intricately etched with the phrase "Glove Actually", resting on a weathered wooden table, with soft, ambient lighting highlighting the detailed craftsmanship. +A realistic classroom scene with a poster on the wall stating "Think Before You Speak", surrounded by desks and students engaged in quiet discussion, with natural light streaming through a window. +A classic yellow taxi cruising through the rain-soaked streets of New York City at night, its roof light prominently displaying "Available for Hire" in bright, bold letters, reflecting off the wet pavement. +A modern smartwatch with a sleek, minimalist design, displaying a vibrant "Time to Move" notification on its face. The watch is set against a blurred, dynamic background of a busy city street, emphasizing the active lifestyle and the prompt to get moving. +A packed stadium at dusk, the scoreboard dramatically flashing "Home Team Wins" in bright, celebratory lights, fans cheering and waving flags, the victorious team huddled on the field in joy. +A vast, sun-baked desert highway stretches into the distance, where a faded, rusted sign reads "Last Gas 1000mi". The heat shimmers, creating a mirage that blurs the boundary between sky and sand. +A sleek, modern robot vacuum with a glowing status light that reads "Cleaning Cycle Complete" in a clean, sans-serif font, set against a minimalist home interior with light hardwood floors and subtle, ambient lighting. +A weathered pirate treasure map, its corner tattered and stained, with "X Marks Debt Relief" clearly visible, surrounded by cryptic symbols and faded compass lines, hinting at a secret journey to financial freedom. +In an ancient Egyptian tomb, the Pharaoh's grand sarcophagus is adorned with intricate hieroglyphs that clearly translate to "No Mummy Jokes", casting a solemn and mysterious atmosphere. +A charming bookstore window display, bathed in warm evening light, featuring a captivating arrangement of "Mystery Novels 50% Off" with vintage books, intriguing props, and a subtle, enigmatic atmosphere. +A medieval knight stands on a battlefield, his banner waving "For King and Country" in the wind, against a backdrop of rolling hills and a cloudy sky. +A high-resolution photograph of a space station module, prominently displaying the label "Lab Module 7" on its metallic surface, with the Earth visible in the background through a window, and astronauts working nearby. +A detailed blueprint of a house featuring a triangular roof, square walls, and a rectangular floor. The blueprint prominently includes the message "literally" in the center, emphasizing the literal interpretation of the design. +A high-resolution space telescope image of the "Andromeda Galaxy", showcasing its swirling spiral arms, vibrant star clusters, and the vast, dark expanse of space surrounding it. +A close-up of an airport baggage tag with "Fragile Handle Care" prominently displayed, set against a blurred background of luggage and airport conveyors, emphasizing the tag's red and white text. +A classroom poster illustrating the "Water Cycle Diagram", featuring detailed illustrations of clouds, rain, rivers, and the sun, with clear labels and arrows showing the stages of evaporation, condensation, precipitation, and collection. +A cozy bakery interior with a glass display case filled with golden, flaky croissants, labeled "Flaky Life Choices Inside", surrounded by warm lighting and the scent of fresh bread. +A chilling portrait of a haunted mansion, with eerie eyes in the windows that seem to follow the viewer, and the unsettling text "Smile More" ominously displayed on the front door. +A realistic subway station scene with a digital "Next Train 8 mins" countdown prominently displayed on the platform, surrounded by waiting passengers and the ambient glow of overhead lights. +A vibrant beach scene with players engaged in a dynamic volleyball match, the ball mid-air. The sand is meticulously detailed, with footprints and ball marks. A banner reading "Sand in Places" hangs between the net poles, fluttering in the sea breeze. +A vast, sun-baked desert landscape with a lonely highway stretching into the distance. A weathered road sign stands by the side, clearly displaying "Next Gas 50 Miles" in bold letters, under a scorching blue sky. +A realistic photograph of an aquarium with a clear glass front, featuring an elegant "Do Not Tap" warning etched into the surface, surrounded by vibrant underwater life and colorful fish. +A young traveler stands on a bustling city street, wearing a casual outfit and a hat with the words "Freedom to Travel" printed on it, a vibrant backpack resting at their feet, surrounded by the dynamic energy of urban life. +A vintage cinema marquee, bathed in warm neon lights, prominently displays "Now Showing Space Odyssey" against a nostalgic backdrop of a 1960s cityscape at dusk. +A vast, icy landscape with a prominent warning sign reading "Titanic Memorial Route" standing against a backdrop of towering icebergs, the sign partially covered in snow, with a crisp, cold atmosphere and a somber, reflective mood. +A vibrant skateboard deck graphic featuring bold, graffiti-style text shouting "Skate or Die" against a dynamic, urban backdrop with spray paint splashes and a gritty, textured finish. +An open page of an alien textbook titled "Earthling Slang 101", showing colorful illustrations of Earthlings using slang in various everyday scenarios, with alien annotations explaining the meanings. The book has a futuristic design with metallic accents. +"Please Recycle" sign prominently displayed above a row of office waste bins, set in a modern, well-lit office space with sleek, minimalist design. The bins are clearly labeled and arranged neatly, with a subtle emphasis on the recycling message. +A cozy bakery interior with a cake box prominently displayed on a wooden counter, labeled "Handle With Care", surrounded by pastries and the warm glow of overhead lights. +A casual scene featuring a person wearing a vibrant T-shirt with the phrase "I Paused My Game to Be Here" in bold, playful fonts. The individual stands in front of a cozy, living room backdrop with a gaming console and a paused game screen visible on the TV. +A vibrant candy wrapper design featuring looping text "Sweet Tooth Delight" in a playful, colorful font, surrounded by whimsical illustrations of lollipops and gummy bears, set against a bright, gradient background. +A vibrant T-shirt design featuring the phrase "Code All Day" in a bold, blocky font, set against a minimalist background with subtle geometric patterns. +A close-up of a candy wrapper label that reads "Sugar Free Delight", showcasing the vibrant, colorful design with a hint of the candy inside, set against a clean, white background. +A detailed, realistic photograph of an ancient dragon's treasure chest, intricately engraved with the phrase "Bitcoin Cache Inside" on its lid, surrounded by shimmering gold coins and gleaming gems, set in a mystical, dimly lit cave. +A museum exhibit featuring a towering dinosaur skeleton with a detailed exhibit label beneath it, clearly stating "Tyranno Rex" in bold lettering, set against the backdrop of a dimly lit, expansive hall with glass display cases and visitors in awe. +A cozy campsite at dusk, a marshmallow bag labeled "Extra Gooey" sits by a crackling campfire, its contents partially spilling out, surrounded by the warm glow of firelight and the serene darkness of the forest. +A cozy campsite at dusk, featuring the "Smore Fun" marshmallow roasting kit by the campfire. Marshmallows melt on skewers, surrounded by friends enjoying the warmth and camaraderie. The scene is bathed in the gentle, flickering light of the fire. +A weathered detective's notebook lies open on a dimly lit desk, the page showing the entry "Case 235 Unsolved". A cold cup of coffee and a magnifying glass rest nearby, while shadows of rain-soaked city streets reflect through the window. +A restaurant napkin with a handwritten note "Youre Awesome" next to a simple, cheerful smiley face, set on a rustic wooden table with a faint glow from a nearby candle. +A cozy pet groomer's shop window with a sign that reads "Poodles To Go No Judgement". The window displays a variety of poodle-themed decorations and a happy poodle getting a haircut, set against a warm, inviting background. +A vibrant T-shirt design featuring the phrase "Coffee First" in a bold, retro font, set against a pastel background with subtle coffee bean patterns. The text is the focal point, exuding a nostalgic vibe with its stylish, vintage aesthetic. +A majestic clock tower in a historic town square, its face prominently labeled "Time Flies", with intricate Gothic detailing and a weathered, aged look, set against a clear blue sky with a few wispy clouds. +A bustling city street at dusk, with a prominent "One Way" sign guiding the traffic. Pedestrians walk past, illuminated by the warm glow of street lamps, while cars create a dynamic blur of headlights and taillights, emphasizing the flow of the one-way traffic. +A vintage street scene with an "unchanging" sign prominently displayed, set against a backdrop of old brick buildings and cobblestone roads, captured in a nostalgic, sepia-toned photograph. +A close-up of a dragon’s eggshell fragment, cracked and weathered, with the inscription "Hatch by 2024 Best Before" clearly visible, set against a backdrop of ancient, mystical runes and symbols. +A sleek spaceship hull, gleaming under the stars, with the bold text "Mars or Bust" painted across its side, reflecting the determination of its mission. +A vast desert landscape under a scorching sun, with a distant shimmering mirage that clearly displays the words "Oasis Ahead", hinting at a lush, green haven that seems too good to be true. +A realistic photograph of a construction site with a prominent fence sign stating "Hard Hat Area Only", surrounded by orange barriers and safety cones, with workers in high-visibility vests and hard hats in the background. +A realistic smartphone screen with an app notification pop-up that reads "Update Required to Continue", set against a blurred background of a modern living room. +A serene forest path with dense trees on either side, leading to a wooden trail marker that clearly displays "North Trailhead" in bold letters, surrounded by moss and ferns, with dappled sunlight filtering through the canopy. +A futuristic robot stands in a sleek, modern room, its chest screen glowing with the message "Hello Human Friend". The robot's metallic surface reflects the soft lighting, creating a harmonious blend of technology and warmth. +In a classroom, the teacher stands by the blackboard, chalk in hand, having just written the phrase "brahmaic" in neat, bold letters. Students sit at their desks, looking attentive and curious. The room is filled with the soft hum of anticipation. +A samurai stands proudly on a battlefield, his flag "Honor Above All" billowing in the wind. His armor glints in the sunlight, and his katana is held at the ready. The landscape is rugged and ancient, emphasizing the timeless valor of the samurai's code. +A museum exhibit features a towering skeleton of a Tyrannosaurus Rex, with a prominent label beneath it stating "Tyrannosaurus Rex" in bold, elegant font. The scene is lit softly, highlighting the prehistoric bones and the informative plaque. +A realistic photograph of a supermarket aisle, with a produce sign prominently displayed above a pile of yellow bananas, clearly labeled "69 per lb". The scene is well-lit, with a few shoppers in the background for context. +A realistic photograph of a gas station with a large price sign displaying "Regular 3 99 Gallon" under a cloudy sky, with a few cars parked at the pumps. +A bustling fast food drive-thru with a large, illuminated menu board showcasing the "Try New Zesty Fries" in bold, colorful text. Customers in cars wait eagerly, while the scent of freshly cooked fries fills the air. +A close-up of an elevator emergency button cover, prominently displaying the text "Break Glass for Validation". The scene is set in a modern, sleek elevator with metallic finishes and ambient lighting, emphasizing the button's importance and the urgency of its function. +A vibrant lemonade stand poster with a playful, hand-drawn style, featuring a cheerful lemon mascot holding a glass of lemonade. The poster prominently displays the text "Sugar Rush Guaranteed" in bold, colorful letters, surrounded by swirling illustrations of lemons, ice cubes, and bubbles. +A detective's desk with a fingerprint card prominently displayed, labeled "Match Found", beside a magnifying glass and a stack of case files, under the warm glow of a desk lamp. +A laboratory setting with a mouse cage prominently displayed. The cage tag is clearly visible, marked with "Test Group Alpha". The scene is well-lit, with a clean, sterile background, emphasizing the scientific environment. +A close-up of an old, dusty book with a library stamp clearly visible on the page, imprinting "Overdue Since 1999", surrounded by the faint scent of aged paper and a silent, dimly lit reading room. +A vibrant music festival scene with excited concertgoers, colorful lights, and a stage in the background. Focus on a detailed close-up of a wristband worn by a smiling attendee, prominently displaying the text "VIP Access All Areas" in bold letters. +In a dimly lit corridor, an old wooden door with a brass plaque reads "Genius at Work Probably". The door is slightly ajar, revealing a chaotic lab filled with bubbling potions and flickering lights, hinting at the eccentric genius within. +A weathered treasure map with an X marking "Secret Cove", surrounded by intricate illustrations of tropical islands, old ships, and adventurous pirates, all under a sky tinged with the golden hues of sunset. +A coastal scene with a historic lighthouse tower, featuring a prominent plaque that reads "Established 1890", set against a backdrop of rugged cliffs and a serene sea at dusk. +A vintage retro diner scene with a red and white checkered placemat prominently displaying the text "Try Our Famous Pie" in bold, playful font. The placemat is slightly worn, with a fork and knife resting beside it, under the warm, nostalgic glow of a jukebox. +A detective's worn notebook lies open to "Case File 1138", pages filled with handwritten notes, sketches, and photographs, surrounded by a clutter of magnifying glasses, pens, and loose papers, under the warm glow of a desk lamp in a dimly lit, rain-splattered room. +A bustling train station platform with a prominent sign reading "Next Departure Track 3", surrounded by waiting passengers and the distant view of a train pulling into the station. +A eerie, moonlit scene of a haunted mansion with a grand, gothic door. The door features an ornate knocker shaped into the words "Scream Here", casting a ominous shadow in the pale light. +In a modern museum, a sleek plaque next to a futuristic exhibit reads "Fossilized Future Tech". The display showcases a transparent case containing a sleek, metallic device with glowing circuits, surrounded by ambient blue lighting, reflecting a blend of ancient and advanced technology. +A modern living room with a sleek smart TV displaying the menu option "Watch History" prominently on a dark screen, surrounded by ambient lighting and comfortable furniture. +A futuristic time machine dashboard, illuminated with soft blue lights, featuring a large screen displaying the words "Destination Second Chances". The interface is sleek and high-tech, with holographic buttons and a digital timeline. +A museum exhibit featuring an ancient display case with a plaque titled "Ancient Moon Relics". The relics include intricately carved lunar stones and tools, illuminated by soft, ambient lighting that highlights their historical significance and mysterious origins. +A medieval tavern sign, weathered and creaking in the wind, prominently displays the text "Dragons Ale Inn" against a backdrop of an ancient stone wall, with flickering torchlight casting shadows. +A close-up of a vibrant candy wrapper with the slogan "Now With 200 Sugar" prominently displayed, set against a bright, colorful background. The wrapper features playful, cartoonish graphics and a shiny, reflective surface, emphasizing the sweet and energetic nature of the candy. +A hidden door in a dimly lit alley, marked "HQ Access Only", reveals the secret entrance to a superhero's base, illuminated by a faint blue light. +A bustling farmer's market with a vibrant stall banner prominently displaying "Organic Honey Sale", surrounded by jars of golden honey and cheerful customers browsing fresh produce. +A close-up of a coffee cup with a sleeve printed in bold, playful letters: "Caution Liquid Awesome". The cup is half-filled with steaming coffee, set against a warm, cozy background. +A vibrant music festival scene with a crowd of excited attendees, a stage with glowing lights, and a person in the foreground proudly showcasing their wristband that reads "VIP Access All Areas" in bold, clear text. +A movie poster featuring the title text "All This Panic" in bold, modern font, set against a backdrop of a bustling cityscape at dusk, with silhouetted figures running through the streets, capturing the essence of urban chaos and urgency. +A minimal 3D rendering of the word "person" crafted from light metallic iridescent chrome thin lines, viewed in an isometric perspective with super detailed textures and a dark background. +A bustling city street at dusk, with a vibrant restaurant sign that reads "Try Our New Burger" prominently displayed. The sign is illuminated, casting a warm glow over the cobblestone sidewalk, where a few diners sit at outdoor tables, enjoying their meals. +A cozy pet adoption center with a wooden sign that reads "Meet Your New Best Friend", surrounded by playful puppies and kittens in a sunlit room with pastel walls and adoption forms on a rustic desk. +A realistic photograph of a golf scorecard header, prominently displaying "Par 72 Championship Course" in elegant typography, set against a background of lush green fairways and a clear blue sky. +A detailed page from a magical spellbook, titled "Incantation Fire", with intricate illustrations of flames and ancient runes. The parchment is old and slightly worn, with the text written in elegant, flowing script. +A vintage mystery movie poster, set in a dimly lit, 1920s royal hall, asks "Who Took the Crown?" with a stolen golden crown and a line of suspicious, elegantly dressed characters, each holding a clue. +A realistic photograph of a submarine's control panel, with illuminated warning lights and a prominent digital display reading "Depth 300 Meters". The scene is set in a dimly lit, futuristic submarine interior, capturing the tension and precision of deep-sea navigation. +A cozy bakery window with a rustic wooden frame, displaying a hand-painted sign that reads "Fresh Bread Daily", surrounded by an assortment of freshly baked bread loaves and pastries, with a soft, warm glow from the interior lighting. +A cluttered scientist's office with a whiteboard in the foreground, covered in complex equations and formulas. The word "Breakthrough" is circled prominently, surrounded by scribbled notes and diagrams. +A close-up of a digital thermometer with its display flashing "FEVER 1037F" in urgent red, set against a clinical, sterile background with a blurred hospital curtain in the background. +A realistic photograph of a camping tent with a "Weatherproof Design" tag prominently displayed, set against a backdrop of a rainy forest, showcasing the tent's waterproof capabilities and durability in harsh weather conditions. +In a dimly lit modern elevator, the button panel glows with a neon blue light, highlighting "Floor 13 Restricted" in bold, red text. The scene is captured in a realistic photographic style, emphasizing the eerie, isolated atmosphere. +A vintage movie poster for "The Awful Truth", featuring a glamorous 1930s couple in a dramatic embrace, set against a backdrop of a city skyline at sunset. The poster captures the essence of classic Hollywood romance and intrigue. +A close-up of an elegant, handwritten chef's tasting menu card on cream-colored parchment, prominently featuring the phrase "Surprise Ingredients" in bold, surrounded by intricate flourishes and a subtle sprinkling of fresh herbs. +A close-up photograph of a pharmacy prescription bottle with a white label, clearly displaying the text "Take 2 Daily" in bold black font, set against a neutral background. +An underwater hotel room with a sleek, modern design, featuring a number plaque that reads "Suite 7 Coral View", surrounded by vibrant coral and colorful fish, with light filtering through the water, creating a serene and luxurious atmosphere. +A close-up photograph of a vine with the text "Knowledge is power" intricately woven into its leaves, the text clearly visible and centered, against a soft, blurred background. +A neon sign flashing "Open 24 Hours" casts a vibrant glow above a bustling convenience store, its colorful lights reflecting off the wet pavement of a rainy night in the city. +A realistic photograph of a construction site, with a worker placing a sticker that reads "Hard Hat Area" on a bright yellow helmet, surrounded by tools and safety equipment. +A neon sign reading "Open 247" flickers intermittently outside a dimly lit gas station, casting a vibrant glow on the empty pumps and the misty night air. +A weathered hiking trail signpost, carved with "Summit 2 Miles", stands amidst a forest of tall pines, with a winding path leading into the misty distance. +A charming flower shop window displaying a vibrant arrangement of fresh roses, with a hand-painted sign that reads "Fresh Roses Today" hanging above, bathed in the warm afternoon sunlight. +A gym motivational poster with the phrase "No Pain No Gain" prominently displayed, featuring a determined athlete in mid-exercise, with sweat glistening on their skin and muscles tensed, set against a vibrant, energetic background. +A restaurant's menu board, made of rustic wood, prominently displays "Chefs Soup Lentil Curry" in elegant, hand-painted letters, with steam from a nearby bowl of soup adding a touch of authenticity to the scene. +A superhero's emblem, glowing brightly in the night, with the text "Hero City Protector" clearly visible, set against the backdrop of a city skyline. +A beautifully decorated birthday cake with icing that spells "40 Fabulous" in elegant cursive, surrounded by colorful candles and placed on a rustic wooden table, with soft, warm lighting creating a cozy atmosphere. +A digital thermometer with its screen flashing "Feeling Hot Hot Hot" at 104°F, set against a blurred background of a steamy, overheated room, capturing the intense heat in a realistic photographic style. +A realistic gym locker room scene featuring a sign that reads "Secure Your Belongings" prominently displayed above lockers, with a detailed lock icon integrated into the sign's design. The lockers are neatly arranged, and the room is well-lit, emphasizing a clean and secure environment. +A gritty urban scene with a weathered prison wall, covered in graffiti. At the center, the words "Innocent" are scrawled in bold, contrasting colors, reflecting the raw emotions of the inmates. The background includes faint silhouettes of barbed wire and distant city lights. +A eerie, abandoned clock tower stands tall in a foggy, moonlit night. The ancient clock face is hauntingly stuck at "13OO", its hands frozen in time, casting an ominous shadow over the desolate town. +A detailed medieval parchment map with intricate borders, labeled "Here Be Dragons" near a rugged coastline, showing mountains, forests, and a mythical dragon emerging from the waves. +A detailed school science fair display titled "Volcano Eruption Project", featuring a miniature volcano model with vibrant red and orange lava spilling down its sides, surrounded by informational posters and excited students in the background. +A detailed engraved stone marker at the park entrance, prominently displaying the text "Established 1925", surrounded by lush greenery and a well-manicured path leading into the park. +A sleek smartphone with a modern, minimalist design sits on a smooth, white surface. The screen displays a notification that reads "Battery Full", illuminated in a soft, green glow, indicating the device is fully charged and ready for use. +A realistic photograph of a skate park, featuring a prominent metal fence with a clear, bold sign that reads "Helmets Mandatory", surrounded by vibrant graffiti and a few skaters in the background. +A close-up of a hotel key card sleeve, prominently displaying "Room 237", with a subtle texture of the card's surface and a slight reflection from the room number. +An antique globe with a vintage, weathered appearance, prominently displaying the label "Here There Be Monsters" over a detailed map of an uncharted island, surrounded by old nautical charts and compass roses. +A realistic courtroom scene featuring a judge's gavel resting on a wooden plaque engraved with the words "Order in the Court", set against the backdrop of a quiet, solemn courtroom. +A wizard's staff, intricately carved with ancient runes, glows with an ethereal light as the runic word "LUMINOS" illuminates the dark forest around it, casting mystical shadows. +A close-up of a concert wristband imprinted with "VIP Access", worn on a wrist, with the stage lights and a blurred crowd in the background, capturing the vibrant energy of a live music event. +A highway billboard towering over a bustling road, prominently displaying "Biggest Sale Ever" in bold, eye-catching letters, with cars passing by in the foreground. +A cozy restaurant menu with a header that reads "Daily Specials", featuring a rustic wood background and elegant, handwritten font, illuminated by the warm glow of ambient lighting. +A vintage vinyl record sleeve titled "Jazz Classics" sits on a turntable in a cozy, dimly lit room. Soft, warm lighting highlights the rich, earthy colors and detailed artwork on the sleeve, capturing the essence of classic jazz. +A futuristic space hotel lobby with a sleek, metallic sign that reads "Gravity Off After 8 PM", surrounded by floating guests and zero-gravity decor. +A sleek, futuristic spy gadget watch with a high-resolution display showing the message "Mission Avoid Eye Contact" in bold, neon letters. The watch is set against a dark, tech-laden background, highlighting its advanced features and covert nature. +A bustling farmer’s market with a wooden stall sign prominently displaying "Organic Produce Here", surrounded by vibrant, fresh fruits and vegetables, with a cheerful farmer in a straw hat standing behind the stall, inviting passersby to sample his goods. +A medieval banner, tattered and weathered, waves in the wind, proudly displaying the crest "Honor and Glory" in intricate gold and red embroidery, set against a deep blue background. The scene is captured in a realistic, photographic style. +A laboratory bench with a test tube rack labeled "Sample 24H Result Pending" under a bright, clinical light, surrounded by scientific instruments and equipment, with a scientist's notebook and safety goggles nearby. +A close-up of a smartphone screen displaying "Low Battery 10 Percent", with the device sitting on a dark wooden table, a hint of concern in the blurred background of a user's hand reaching for a charger. +A dynamic comic book panel depicting a spectacular explosion, with debris and flames bursting outward. Bold, colorful inks and dynamic lines enhance the action. At the center, the word "WHIZBANG" is prominently displayed in a vibrant, jagged text box, emphasizing the explosive impact. +A vibrant tattoo flash sheet featuring the Latin phrase "Memento Vivere" in elegant script, surrounded by intricate floral and geometric patterns, with subtle shading and bold outlines, capturing the essence of life and remembrance. +A realistic photograph of a street corner, where yellow police tape printed "Crime Scene Do Not Cross" is stretched between metal barriers. Bystanders look on from a distance, and a police officer stands guard, adding to the tension of the scene. +A pet store fish tank with a label that reads "Clownfish School of 10", featuring a vibrant cluster of orange and white clownfish swimming together in a tank filled with colorful corals and sea anemones. +A close-up of a sleek smartwatch with a modern interface, displaying a notification that reads "50 Battery Remaining" on its vibrant screen, set against a minimalistic background. +A poster featuring the title text "Shadow of Fear" in bold, eerie font, set against a dark, mysterious background with subtle, haunting shadows and a faint silhouette of a cloaked figure. +A realistic photograph of a coffee cup with a recycled brown paper sleeve, featuring the text "Caution Hot" prominently displayed, set against a minimalist background. +A close-up of a bakery pie box sticker, prominently displaying the text "Handle With Care", set against a warm, golden background with subtle bakery elements like flour dust and a rolling pin in the background. +In a modern art gallery, a sleek, minimalist plaque reads "Abstract Emotions 2023" beneath a vibrant, colorful abstract painting that evokes a range of intense emotions, surrounded by soft, ambient lighting. +Retro arcade machine with a vibrant, neon-lit marquee that reads "Insert Coin to Play", set in a dimly lit game room with flickering lights and classic game posters on the walls. +An old, weathered treasure map with intricate illustrations and faded ink, prominently displaying "X Marks Spot" at the center, surrounded by mysterious symbols and compass directions, set against a rustic wooden table with a flickering candle casting shadows. +A vibrant concert flyer with the headline "Rock the Night" in bold, neon colors, set against a dark, starry night sky with a silhouette of a guitar and a crowd of excited fans in the background. +A realistic smartphone screen with a notification popping up that reads "Low Battery 1" in a modern, sleek interface, set against a blurred background of a cozy living room. +A realistic photograph of a security camera sticker warning "Smile Youre On Camera" placed on a glass door, with a slight reflection of a cityscape in the background. +A modern highway scene with a large billboard prominently displaying "Solar Energy Solutions", showcasing solar panels under a clear blue sky, with green fields and a few wind turbines in the background, capturing the essence of renewable energy. +A spacesuit glove, worn and slightly dusty, holds a Mars rock tagged "Sample 001 Iron Oxide", against the red, rocky terrain of the Martian surface, with a clear sky and distant rover in the background. +A bustling city street at dusk, with a jewelry store window prominently displaying a sign that reads "Engagement Ring Sale". The window showcases an array of sparkling engagement rings set against a soft, romantic backdrop, illuminated by warm, inviting lights. +A vintage 1957 car with a classic license plate reading "Classic 1957" parked on a nostalgic street, surrounded by period-appropriate signage and architecture, capturing the essence of mid-20th century America. +An ancient, tattered page from a wizard's spellbook, titled "Turnip to Gold Works 3", with intricate illustrations of turnips and gold coins, surrounded by mystical runes and handwritten notes in a faded, arcane script. +A worn detective’s notebook page, yellowed with age, with the phrase "Case Unsolved" scrawled in bold, messy handwriting, surrounded by faded notes and sketches. +A wizard's ancient, parchment-like moon phase chart, annotated with glowing runes that read "Full Power Tonight", hanging on a stone wall in a dimly lit, mystical study. +A bustling city street at dusk, with a vintage restaurant's marquee prominently displaying "Under New Ownership" in bright, neon lights, reflecting off the wet pavement from a recent rain. Passersby glance curiously, while a few linger to read the new sign. +A close-up of a soccer jersey, prominently displaying "Rodriguez Number 10" in bold, vibrant team colors, set against a blurred stadium background. +An alien spacecraft with intricate hull markings that translate "Humans Are Cute" in ancient hieroglyphs, hovering over a desert landscape at sunset, with a clear sky and subtle alien technology details. +A detailed chemistry textbook diagram labeled "Molecular Structure", showcasing various molecular bonds and atoms in a clear, educational layout with labeled elements and structural formulas. +A smartphone screen displays a weather app notification, "Storm Warning Active", with dark, stormy clouds and flashes of lightning in the background, emphasizing the urgency of the alert. +A close-up of a leather wallet, intricately embossed with the initials "JKL" in elegant, gold lettering, set against a soft, blurred background that highlights the craftsmanship and texture of the leather. +A red pizza delivery car with a vibrant magnet on its side, featuring the text "Fast Hot" in bold, eye-catching letters. The car is parked on a busy city street at dusk, with the glow of streetlights and neon signs reflecting off its shiny surface. +A detailed ski resort trail map marker, prominently displaying "Black Diamond Slope", set against a snowy backdrop with pine trees and skiers in the distance. The marker is weathered and slightly snow-covered, emphasizing the challenging terrain. +In a dimly lit museum hall, a large dinosaur skeleton looms overhead, casting long shadows. Beneath it, a small plaque reads, "Extinct Press F", inviting visitors to pay tribute. The scene is captured in a realistic photographic style, emphasizing the contrast between the ancient bones and the modern, reflective floor. +A vibrant butterfly exhibit with a prominently displayed sign reading "Metamorphosis Zone", surrounded by colorful flowers and fluttering butterflies in various stages of transformation, capturing the magic of nature's metamorphosis. +A detailed close-up of a spacesuit glove, with the index finger extended, writing "First Human on Mars Was Here" in the Martian dust, under the pale pink sky of Mars. +A detailed museum exhibit label, clearly identifying "Tyrannosaurus Rex Skeleton", placed next to a towering, intricately assembled Tyrannosaurus Rex skeleton in a well-lit, modern museum hall. +A steam-filled gym locker room with a large mirror reflecting a row of lockers. In the mirror, the phrase "Be Your Best Self" is written in the steam, creating a motivational and serene atmosphere. +A realistic classroom scene with a detailed periodic table poster on the wall, where "Fe Iron" is prominently circled in red, surrounded by attentive students and a teacher pointing towards it. +A busy urban street with a modern bus stop. The slogan "harnetty" is prominently displayed on the bus stop, catching the eye of passersby. The scene is lit by the soft glow of street lamps, adding a warm, inviting atmosphere to the evening setting. +A vintage circus tent with a vibrant banner prominently displaying "World's Smallest Elephant", surrounded by curious onlookers and colorful carnival lights, set against a twilight sky. +A wizard’s study, dimly lit by flickering candles, features an intricate crystal ball stand carved with the words "Answers 5 Clarity Extra", reflecting the mystical aura of the room. +A serene countryside scene under a vast, starry sky, with a large, luminous full moon hanging low on the horizon. A rustic barn and silhouetted trees are visible in the foreground. A farmer stands by the barn door, looking up at the sky, holding a lantern. "Big Harvest Moon Tonight" is written on a sign near the barn. +A vibrant TV show poster titled "A Strong Man", featuring a muscular hero in a dynamic pose against a city skyline at sunset, with the show's title in bold, dramatic letters above him. +A surfboard lying on a sandy beach, its bottom facing up, showcasing intricate artwork that reads "Wipeout Wisdom" in bold, vibrant letters. The sun casts a warm glow, highlighting the detailed design and the texture of the board. +A close-up of a refrigerator door featuring a colorful, playful magnet with the phrase "Eat Your Veggies" in bold letters, surrounded by a variety of fresh, vibrant vegetables like carrots, broccoli, and bell peppers. +A neon sign flashing "Open 247" casts a vibrant glow above a modern gas station, its colors reflecting off the wet pavement and the sleek surfaces of parked cars, creating a lively urban scene under the night sky. +A futuristic time machine dashboard with neon lights and digital displays, prominently showing "Destination Childhood" in glowing text, surrounded by intricate controls and holographic interfaces, set against a softly lit, high-tech interior. +A vibrant video game loading screen with the text "Level 3 Unlocked" prominently displayed in bold, neon colors against a futuristic cityscape at dusk, with skyscrapers and flying vehicles in the background. +A magic 8 ball floats in a dimly lit room, its answer "Ask Again Later" visible upside-down through the murky, dark blue liquid inside, casting a faint shadow on the wooden table below. +A realistic photograph of an airport baggage tag prominently displaying "FRAGILE HANDLE CARE" in bold letters, attached to a suitcase with a scratch on its side, on a conveyor belt in a busy airport terminal. +A dimly lit sci-fi prison cell with cold, metallic walls scratched with the word "Innocentish" in glowing, metallic ink, reflecting faintly off the dark, industrial surroundings. +A diver's underwater scene with a slate board clearly displaying the message "Shipwreck Below 100ft", surrounded by marine life and sunlight filtering through the water. +A close-up of a desk with a vibrant, yellow sticky note prominently placed on a sleek laptop, reading "Call Mom Today" in bold, black letters. The desk is cluttered with a cup of coffee and scattered papers, adding a touch of realism to the scene. +A courtroom scene with a judge's gavel prominently displayed, engraved with "Order in Court", on a wooden desk, under the stern gaze of a judge in a black robe, with a detailed background of a courtroom. +A "Please Wait to Be Seated" sign stands prominently at the entrance of a bustling restaurant, with diners chatting and waitstaff moving about in the background. The warm, ambient lighting enhances the inviting atmosphere, capturing a moment of anticipation and hospitality. +A serene camping scene with a perfectly toasted marshmallow on a stick held over a glowing campfire, surrounded by the warm, golden light of the flames. "Perfectly Toasted" marshmallow is golden-brown, with a slight glow, set against a twilight forest backdrop. +A bustling city street at dusk, with a movie theater marquee glowing brightly, announcing "Premiere Tonight" in large, illuminated letters. Crowds of excited moviegoers in evening attire gather around, creating a vibrant atmosphere of anticipation and excitement. +A bustling train station with a vintage charm, where an old, illuminated announcement board prominently displays "Platform 9 Departing". Passengers hurry past, casting shadows on the worn tiles, while the scent of coffee and the sound of distant trains blend in the air. +A close-up of a jeans pocket, showcasing the tag with "Genuine Denim" embossed in white on dark blue denim, set against a slightly blurred, worn-out denim background. +A medieval shield, intricately emblazoned with the emblem of "House of Dragons", featuring a fierce dragon coiled around a sword, set against a backdrop of an ancient, weathered castle wall. +A vintage retro arcade cabinet stands prominently, its marquee glowing with the iconic title "Space Invaders" in bold, neon-like letters, set against a dimly lit room with a nostalgic 1980s atmosphere. +A serene coastal scene with a fisherman's boat named "Sea Breeze II" gently rocking on the calm waters, early morning light casting a golden glow over the sea and the weathered wooden hull. +An art gallery plaque titled "Untitled 7" placed beside a large, colorful abstract painting, with soft gallery lighting highlighting the textures and hues of the artwork. +A close-up of a witch's broomstick, with a modern license plate attached that reads "FLY4EVA" in sleek, glowing letters, set against a backdrop of a starry night sky. +An antique pharmacy bottle with a vintage paper label reading "Elixir of Wakefulness 1899", sitting on a wooden shelf with soft, warm lighting casting a gentle glow, emphasizing the bottle's aged and elegant appearance. +A realistic photograph of a "Slippery When Wet" floor sign prominently displayed in a modern swimming pool area, with wet tiles reflecting the overhead lighting and a few swimming pool toys scattered nearby. +An art gallery featuring a minimalist plaque titled "Untitled This Means Nothing", mounted on a stark white wall, with a single spotlight illuminating it, surrounded by an empty, modern exhibition space. +A neon candy store sign blinks "Sweet Treats Inside" in vibrant colors, casting a playful glow over the sidewalk and drawing curious onlookers in a bustling city night scene. +A weathered pirate map with "Bury Here" annotated in bold, surrounded by detailed illustrations of tropical flora and fauna, ancient shipwrecks, and a skull and crossbones, set against a backdrop of a sandy beach and rolling ocean waves. +A futuristic control room with a hologram interface projecting the warning "System Overload" in glowing red letters, surrounded by blinking control panels and dark, sleek surfaces. +A realistic photograph of a chef wearing a cooking apron with intricate embroidery reading "Grill Master" on the front, standing in a well-lit kitchen with a backdrop of stainless steel appliances and fresh ingredients on the counter. +A realistic photograph of a laboratory setting with a test tube prominently displayed. The test tube has a clear label that reads "Handle With Care", and is surrounded by scientific equipment and glassware, emphasizing the delicate nature of the experiment. +A cozy living room features a sentient houseplant in a decorative pot, painted with the words "Water Me Maybe". The plant has expressive eyes and a slight smile, surrounded by sunlight streaming through a nearby window, casting gentle shadows on the wooden floor. +A futuristic pet store where a sleek, metallic robot dog wears a high-tech collar with an LED display scrolling "Good Human" in bright, neon colors, set against a backdrop of glass and steel. +A mountain climber stands triumphantly at the peak, a flag planted firmly in the snow reading "Summit Achieved", with a panoramic view of mist-covered mountains in the background. +A realistic photograph of a tattoo parlor's front window, featuring a prominently displayed sticker that reads "No Underage Inking", with the sticker slightly weathered and the window reflecting the street outside. +In a modern robot workshop, a whiteboard prominently displays the text "AI Prototype v42". Robotic arms and tools are scattered around, with a sleek, futuristic robot standing in the foreground, reflecting the innovative spirit of the facility. +In a dimly lit, rain-soaked alley, a detective in a trench coat and fedora examines a crime scene, "Case of the Phantom Thief" written in neon lights above, with shadows of passing figures adding to the mystery. +A realistic photograph of a science museum exhibit titled "Journey To Mars", featuring a detailed model of a Mars rover surrounded by interactive displays and informative panels. The scene is illuminated by soft, ambient lighting, highlighting the futuristic technology and red planet landscape in the background. +A close-up of a water bottle with a vibrant label prominently displaying "Electrolyte Boost", set against a crisp, white background, capturing the essence of freshness and vitality. +A bustling stadium at dusk, the scoreboard prominently displaying "Home Team 3 0" in bright, flashing lights, surrounded by cheering fans in the stands, capturing the triumphant moment of the home team's victory. +A cozy coffee shop interior with a rustic wooden table and a chalkboard menu prominently displaying "Iced Matcha Latte" in elegant script, illuminated by soft, warm lighting. +A cozy kitchen countertop with a vintage recipe card titled "Grandmas Secret Cookies" sitting beside a bowl of freshly baked, warm cookies, sprinkled with powdered sugar, and a cup of steaming milk. +A close-up of a hospital wristband worn on a patient's wrist, clearly displaying the text "Allergy Alert Nuts" in bold, against a neutral background. The wristband is slightly wrinkled, giving a realistic, worn appearance. +A roadside fruit stand with a hand-painted wooden sign that reads "Bananas 0" hanging above a basket filled with ripe yellow bananas, set against a backdrop of lush green trees and a clear blue sky. +A detective holds an evidence bag tagged "Case 42" in a dimly lit, cluttered office, with file cabinets and a vintage typewriter in the background. The bag contains a mysterious, folded note and a small, tarnished key. +A weathered pirate treasure map, intricately detailed with hand-drawn symbols and faded ink, prominently labeled "X Marks the WiFi Spot" at a specific location, surrounded by mysterious islands and sea monsters. +A nostalgic retro diner scene with a neon sign boasting "Pie à la Mode 199" above a vintage counter, illuminated by soft, warm lighting, capturing the essence of a classic 1950s eatery. +A close-up of a DJ's turntable, featuring a vibrant sticker that reads "Spin the Night Away", set against a backdrop of glowing lights and a crowd enjoying the music. +A vibrant movie poster featuring the title text "Flim Flam Fountain" in bold, eye-catching fonts, set against a backdrop of a mystical, glowing fountain in a dimly lit, enchanted forest. +A vintage wedding invitation card elegantly displays "Chris and Taylor Forever" in intricate gold calligraphy, surrounded by a delicate border of white roses and green foliage, set against a soft ivory background. +A beautifully decorated birthday cake with edible icing that spells "Happy 100th Birthday", surrounded by flickering candles and set against a warm, celebratory backdrop. +An ancient stone tablet, moss-covered and weathered, stands in a misty, coastal forest. The warning "Beware the Tide" is intricately carved into its surface, illuminated by the soft glow of twilight. +An ancient, tattered page from a wizard’s spellbook, illuminated by glowing runes that spell out "Lumos Maxima" in a mystical, shimmering light. +A bustling city street at sunset, with a large, vibrant billboard prominently displaying the travel agency's offer: "Book Your Summer Escape Now". Crowds of people pass by, some glancing up at the inviting image of a tropical beach under a clear blue sky. +A prehistoric cave wall adorned with ancient paintings of mammoths, interspersed with vivid "Big Food" symbols, capturing the essence of early human life and symbolism. +A realistic classroom scene with a large, detailed wall poster titled "World Map 2023" prominently displayed. The map shows current geopolitical boundaries and major cities, with a soft, warm classroom lighting enhancing the vibrant colors of the map. +A close-up of a sleek, modern sneaker with the tongue prominently displaying the label "Air Cushion Tech", set against a clean, minimalist background. The shoe's design highlights its advanced technology and stylish appeal. +A "Caution Wet Floor" yellow cone is strategically placed in the center of a bustling supermarket aisle, surrounded by neatly arranged shelves filled with colorful products, with shoppers carefully navigating around it. +A vintage magic potion bottle with an ornate label that reads "Drink Me" in fancy script, surrounded by intricate floral patterns and set against a mystical, softly glowing background. +A dragon's treasure chest, its lid proudly stamped "Property of Smaug", rests amidst a hoard of gold and jewels, the ancient wood worn but the inscription clear and menacing. +A lighthouse stands against a stormy night sky, its powerful beacon flashing the message "You're Way Off Course" across the turbulent sea, warning ships of the impending danger. +A cozy coffee shop with a rustic wooden wall, featuring a chalkboard menu header that reads "Todays Specials" in elegant cursive, surrounded by hand-drawn coffee cups and leaves. Soft, warm lighting enhances the inviting atmosphere. +A classroom globe with a sticker that reads "Explore the World", surrounded by books and maps, under the warm glow of a vintage desk lamp. +A student's notebook page, filled with whimsical doodles and scribbles, prominently featuring the phrase "Math is Hard" in a playful, hand-drawn style. +A dark forest clearing at night, a witch stirring a bubbling cauldron under a full moon, "Eye of Newt Optional" written on a parchment beside her, glowing embers and mystical smoke spiraling upwards. +A vintage Valentine's Day card featuring a red and white candy heart with the saying "Be Mine True" prominently displayed, surrounded by delicate pastel flowers and hearts, set against a soft, romantic background. +Neon diner sign flickering "Eat Here" above retro booths, with a 1950s American vibe, soft glow illuminating the vintage cars and bustling street outside, under a starlit night sky. +A high-resolution close-up of a sleek smartwatch face, displaying a notification that reads "12000 Steps Achieved", set against a blurred background of a cityscape at dusk, with the watch's screen glowing softly. +A cluttered detective's desk with a polished wooden plaque center stage, engraved with "Mystery Solved Since 1987", surrounded by old case files, a magnifying glass, and a vintage typewriter, all bathed in the warm glow of a desk lamp. +A sports arena with a large scoreboard displaying "Home Team 5 Visitors 3" in bright LED lights, surrounded by enthusiastic fans in team colors, cheering loudly. The atmosphere is electric, capturing the intensity of a crucial game moment. +A cluttered bedside table with a vintage alarm clock, its display flashing "Shouldve Stayed In Bed" in bright red digits, amidst scattered personal items and a cup of cold coffee, under the dim light of a rainy morning. +A child's colorful drawing on a fridge, featuring a happy family portrait with the words "My Family" spelled out in bright crayon, surrounded by playful stick figures and a heart. +A pilot in a modern cockpit, wearing a headset with the message "Flight 815 Clear for Takeoff" displayed on the control panel, ready for takeoff, with the runway and control tower visible through the windshield. +A logo for the company "diamonds", featuring a diamond shaped like a heart, set against a sleek, modern background with subtle gradients enhancing the gem's brilliance and clarity. +A realistic photograph of a certificate titled "Best Bark 2023", featuring a dog's paw print as the seal, with a golden border and a ribbon at the top. The background is a subtle, elegant cream color, enhancing the formal and celebratory nature of the award. +"2024 Apology Tour" rock band t-shirt design featuring a vibrant stage with guitars, microphones, and drum kits under bright lights, surrounded by passionate fans and swirling smoke, all set against a dynamic, colorful background. +A stylish wedding invitation card featuring elegant script that reads "Join Us July 10th", set against a backdrop of blooming flowers and soft, golden sunlight, creating a warm and inviting atmosphere. +Retro arcade machine with a vibrant marquee displaying "Insert Coin to Play", set in a dimly lit 1980s game room, surrounded by pixelated game posters and nostalgic gaming memorabilia. +A witch soaring through a moonlit sky on a broomstick branded "Nimbus 2000", her cloak billowing behind her, surrounded by swirling mist and stars, capturing the magical essence of a nocturnal adventure. +A pizza delivery box with "Cold Since 1999" stamped on the lid, sitting on a worn wooden table, under the warm glow of an overhead lamp, with a slice of cold pizza partially visible through the open flap. +A cozy bakery window adorned with a charming decal that reads "Fresh Bread Daily", featuring a rustic wooden sign with golden letters, set against a backdrop of freshly baked bread and warm, inviting lighting. +A dimly lit, vintage hotel hallway with a eerie atmosphere, featuring an old keychain tag hanging from a tarnished brass hook. The tag reads "Room 13 Check Out Never" in faded, gothic lettering, casting a slight shadow on the peeling wallpaper. +A joyful graduate tosses their cap into the air, the words "Class of 2024" clearly visible on the tassel, against a backdrop of cheering classmates and a sunny sky. +A realistic tattoo of a chef's knife on a forearm, with the phrase "Never Trust a Skinny Cook" elegantly inscribed below, set against a subtle, dark background to highlight the intricate details and shading of the tattoo. +A realistic smartphone screen displaying an app notification alerting "System Update Required", set against a blurred background of a modern living room, emphasizing the urgency of the message with a subtle red dot on the app icon. +A wizard stands in a misty forest, his staff glowing with an ethereal light. The staff is intricately carved with ancient runes that read "Power Within", casting a soft, magical glow around him. +A vintage pirate map with intricate illustrations and worn edges, featuring an X marking the spot labeled "Here Be WiFi" instead of the traditional treasure location, surrounded by mysterious symbols and sea creatures. +A desert highway stretches into the distance, lined with scrub brush and rocky outcrops. A weathered billboard stands prominently, its text reading "Last Gas 212 Miles" under the relentless glare of a scorching sun. The sky is a vivid blue, with no sign of clouds. +A vintage antique globe stand, intricately labeled "New World Discoveries 1492", stands in a dimly lit study, surrounded by old maps and nautical instruments, casting a warm, nostalgic glow. +A laboratory freezer door is partially open, revealing neatly organized samples. A bold, red label on the door warns "Do Not Thaw". The cold air creates a slight fog around the freezer, emphasizing the sterile and cautious environment. +A rugged pirate with a weathered face, wearing an eyepatch embroidered with "Arrrt Focused", stands on the deck of a wooden ship, holding a spyglass and gazing intently at the horizon, the salty sea breeze ruffling his beard. +A cozy bookstore window display at dusk, with a sign that reads "Bestsellers Here" prominently featured. Warm, inviting lighting highlights a selection of colorful book covers, and a few potted plants add a touch of greenery. Passersby can be seen through the reflection, adding a sense of urban life. +A cozy café interior with soft, warm lighting. On a slightly crumpled napkin, a whimsical doodle reads "I Coffee More Than People", surrounded by playful sketches of coffee cups and beans. The napkin lies on a rustic wooden table, next to a steaming cup of coffee. +A volcanic eruption spews smoke into the sky, the billowing dark clouds forming the words "Hot Stuff Coming Through" as lava flows dramatically in the foreground. The scene captures the intense, fiery atmosphere of the eruption, with ash and steam adding to the dramatic effect. +A laboratory setting with a mouse running on a wheel. The wheel has a sign that reads "Burn Calories Not Dreams", emphasizing the contrast between physical activity and aspirations. The scene is lit with soft, clinical lighting, highlighting the determination in the mouse's eyes. +A sleek fitness tracker vibrates on a runner's wrist, displaying "Goal 10000 Steps" against a backdrop of a sunrise over a bustling city park, where joggers and cyclists fill the paths. +A detailed close-up of a sculpture base, intricately engraved with the words "Eternal Balance", set against a soft, natural backdrop of a serene garden, with gentle sunlight casting subtle shadows on the elegant engravings. +A medieval shield, intricately crafted with a deep, weathered wood texture, proudly displays the crest text "Draco Invictus" in bold, gold lettering, surrounded by intricate dragon motifs and battle scars, set against a backdrop of a misty, ancient forest. +A dark, futuristic entrance to a supervillain lair, with a sleek, metallic door and high-tech security. At the base of the door, a custom welcome mat reads "Wipe Your Doom Devices", adding a sinister yet humorous touch to the scene. +A cozy café table with a half-open fortune cookie and a slip of paper reading "Adventure Awaits You Soon", surrounded by steaming coffee cups and pastries, with a sunny window and bustling street scene outside. +A vibrant train car adorned with graffiti spelling "Urban Art" in bold, colorful letters, set against a bustling city backdrop. The scene captures the dynamic essence of urban culture, with the graffiti popping against the metallic surface of the train. +A realistic scene at an airport gate, with digital screens prominently displaying "Now Boarding Group 4" in clear, bold text. Passengers gather nearby, some looking at the screens, others chatting or waiting with their luggage. The atmosphere is busy but orderly, with airline staff assisting travelers. +A vast desert canyon with red rock formations, a narrow path leading to a sign with an arrow pointing down, clearly marked with the words "Scream Here", set against a backdrop of a dramatic, sunlit landscape. +A sleek, futuristic sci-fi spaceship with its hull stenciled with "Galaxy Explorer One" glides through the vastness of space, its metallic surface reflecting distant starlight. +A realistic smartphone screen with a notification popup clearly displaying "Low Battery 10". The phone is set on a dark, modern kitchen countertop, with a sleek, minimalist design, and a soft, ambient light highlighting the screen. +A vibrant T-shirt design featuring the phrase "Born to Explore" in bold, adventurous font, set against a backdrop of a rugged mountain landscape. The text is prominently displayed, with a subtle texture that mimics the roughness of a well-worn map. +A vintage arcade screen with pixelated graphics, showing a "High Score Beaten" message, surrounded by colorful, glitching static and flickering lines, capturing the nostalgic feel of retro gaming. +A vintage neon diner sign, glowing brightly with the words "Eat Here Now", casts a warm, inviting light above the entrance of a 1950s-style diner, set against a dark, urban night scene. +An amusement park at night, featuring a brightly lit entrance archway with neon signs that read "Line Starts Here", surrounded by colorful lights and excited visitors. +A realistic desktop screenshot with an anti-virus pop-up warning in the center, displaying the message "Critical Dad Joke Detected". The background shows various icons and open windows, hinting at a busy work environment. +A realistic photograph of a coffee cup with a paper sleeve printed with the warning "Caution Hot Contents", sitting on a wooden table, steam rising gently from the cup. +A colorful child’s drawing of a vibrant rainbow, with the label "My Happy Place" written in playful, crayon-like letters beneath it, set against a bright, white background. +A close-up shot of a vintage political campaign button with the slogan "Vote for Nobody" prominently displayed, set against a slightly blurred, nostalgic American flag background, capturing the essence of political dissent and apathy. +A dimly lit street at night, with a neon bar sign flashing "Open 24 Hours" above the entrance, casting a vibrant glow on the wet pavement and reflecting in the puddles. +A vast desert canyon, with ancient, weathered rock walls towering overhead, features a stark warning carved deeply into the stone: "Turn Back or Perish". The harsh sunlight casts long shadows, emphasizing the ominous message. +A city street at dusk, a taxi with its roof light glowing with "Off Duty Chasing Dreams" in vivid yellow letters, reflecting off wet pavements, as the driver looks out the window with a thoughtful expression. +A sleek spaceship with its hull marked in bold, stenciled letters "Mars Colony One", against the backdrop of a star-studded universe, reflecting the ambition of interplanetary travel. +A vintage camera with a worn leather strap, engraved with the phrase "Capture Memories Forever", sits on a rustic wooden table, surrounded by scattered, faded photographs and a soft, nostalgic glow. +A construction site with orange barriers and caution tape, one of the barriers stamped with "DANGER Quantum Quicksand" in bold letters, surrounded by workers in hard hats and safety vests, with heavy machinery in the background. +A vintage suitcase adorned with a colorful collection of travel stickers, each representing a different country, spelling out "World Traveler" across its worn, leather surface. +A close-up of a crumpled bus ticket stub, with a clear stamp reading "Valid Until Noon", lying on a textured wooden table, softly lit by afternoon sunlight streaming through a nearby window. +A high school football player, wearing a jersey with "Player 23 MVP" on the back, stands on the field at sunset, the golden light highlighting his silhouette and the vibrant colors of his uniform. +A bustling urban street with a dedicated bicycle lane, clearly marked with large white letters "Bikes Only" on the asphalt. Cyclists safely navigate through the lane, surrounded by towering buildings and a few parked cars, capturing the essence of a modern, bike-friendly city. +A close-up of vintage typewriter paper, slightly curled at the edges, with the typed confession "I forged it all" in bold, dark ink, set against a faded, wooden desk background. +A young woman wearing a casual, white T-shirt with the word "Dream" boldly printed across the front, standing in a sunlit room, surrounded by inspirational posters and a desk cluttered with notebooks and pens, capturing a moment of creative inspiration. +A rustic wooden signpost stands at a crossroads, weathered by time, with a clear arrow pointing towards "Old Town", surrounded by a tranquil, rural landscape with overgrown grass and distant trees. +A nighttime cityscape with a glowing UFO billboard prominently displaying "Humans Welcome Mostly" in neon lights, hovering slightly above a busy street, surrounded by amazed onlookers and passing cars. +In an ancient, overgrown temple, an alien artifact glows with an ethereal light, surrounded by hovering symbols that clearly translate to "We Were Here First", casting an eerie, greenish glow on the moss-covered stones. +A vibrant TV show poster featuring the text "Bungo Stray Dogs: Dead Apple" in bold, stylized fonts, set against a backdrop of dark, moody cityscapes and mysterious shadows, hinting at the show's noir and supernatural themes. +A realistic photograph of a person wearing a VR headset, with the display showing a warning message "System Overload" in red text, set against a dimly lit room with a cluttered desk and tech equipment. +A close-up of a hospital wristband, clearly printed with "Patient ID 4567", wrapped around a patient's wrist, set against a soft, neutral background. +A neon sign in cursive script above a vintage diner, flashing "Open 247" with a nostalgic glow, set against a dark urban night scene. +A cozy farmhouse porch featuring a weathered wooden swing with a soft, cream-colored pillow embroidered with "Home Sweet Home" in elegant cursive, surrounded by potted flowers and a rustic wooden fence, under a clear blue sky. +A scenic mountain trail with a wooden signpost marked "Waterfall of Wisdom" pointing towards a misty, verdant path leading deeper into the forest. +A cozy living room with modern home decor, featuring a prominent "Save the environment" sign hanging on the wall, surrounded by green plants and sustainable materials, bathed in soft natural light. +A vintage guidebook with a weathered cover, opened to a page that warns in bold text, "Beware of Butterfly Effect", surrounded by intricate illustrations of butterflies and chaotic patterns, set against a muted, nostalgic background. +A medieval castle hall adorned with a grand tapestry featuring the motto "Loyalty Unto Death", woven in intricate gold and crimson threads, casting a regal shadow over the stone walls. +A construction worker pauses on a scaffolding, looking down at a bustling site. His helmet, prominently displaying a "Safety First" sticker, catches the sunlight, emphasizing the importance of safety in this high-risk environment. +A vibrant basketball court floor with the bold text "Home of the Tigers" prominently displayed at center court, surrounded by the team's tiger-striped logo and energetic, tiger-themed colors. The scene is set under the bright lights of an indoor arena, capturing the spirit of a fierce home game. +A cozy kitchen countertop with a steaming coffee mug prominently displaying "Morning Fuel" in a playful, bubbly font, surrounded by morning light filtering through a window, creating a warm, inviting atmosphere. +An antique globe, detailed with vintage maps and a sticker prominently placed, declaring "Here Be Tax Evaders", set against a backdrop of old books and navigational instruments, capturing the essence of a bygone era's whimsical warning. +An ancient, weathered scroll lies on a wooden table, its edges frayed and yellowed with age. It is sealed with a red wax stamp bearing the inscription "By Order of King Arthur", set against a backdrop of medieval castle walls and flickering candlelight. +A realistic photograph of a boxing ring, the floor mat boldly printed with "Final Round", under the harsh glare of overhead lights, with ropes casting shadows on the worn canvas. +A spy document with most of the text redacted, leaving only the phrase "Is Lying" clearly visible. The document is worn, with creases and stains, hinting at its secretive and high-stakes nature. +A superhero stands confidently, cape billowing behind them. The cape, detailed with intricate embroidery that reads "Dry Clean Only", catches the light, emphasizing its unique and humorous label. The hero's stance and surroundings reflect a dramatic, action-packed scene. +A vintage 1950s diner with a classic jukebox in the corner, its neon lights flickering. The jukebox selection titled "Rock n Roll Hits" is prominently displayed, with old vinyl records stacked nearby. Customers in period attire enjoy the nostalgic tunes. +An astronaut's spacesuit with a prominent patch reading "Mars Mission 2050", set against the backdrop of a rocky Martian landscape under a pale pink sky, with dust devils in the distance and the shadow of a rover visible on the ground. +A cozy café scene with a rustic wooden table, a steaming cup of latte, and a chalkboard menu prominently displaying "Latte of the Day: Pumpkin" in elegant cursive, set against a warm, autumnal backdrop. +A close-up of a police car door, prominently displaying the emblem with the words "To Protect & Serve" in clear, bold letters, set against the metallic blue and white paint of the vehicle. +A modern smartwatch with a sleek, silver band lies on a wooden table, its display brightly showing the notification "Time to Move". The background is softly blurred, highlighting the watch and its active, motivational message. +A clear sign at a zoo enclosure reads "Bengal Tiger Habitat", set against the backdrop of a lush, naturalistic environment designed to mimic the tiger's wild habitat, complete with tall grass, rocks, and trees. +In a well-lit art gallery, a large, vibrant abstract painting hangs on a white wall. The painting, titled "Modern Abstract No 7", features bold strokes of red, blue, and yellow, with intricate patterns that seem to dance across the canvas. A subtle spotlight highlights the artwork, drawing viewers in. +A realistic photograph of a swimming pool with a depth marker painted on the side, clearly showing "Shallow End 3 Feet" in bold, white text against a blue backdrop. The water is clear, and the pool tiles are visible. +In a misty, moonlit graveyard, a gothic tombstone stands tall, its surface intricately engraved with the words "Nap Time Forever". Surrounding the tombstone are wilting roses and creeping ivy, casting eerie shadows under the pale moonlight. The scene is silent, save for the distant hoot of an owl. +A serene hiking trail with a wooden signpost marked "River Trail 2 Miles" standing at the edge of a dense forest, leading towards a misty river in the distance. +A realistic photograph of a white T-shirt with "Coffee First" emblazoned on the front in bold, modern font, set against a minimalistic background. +In a dimly lit ancient chamber, a wizard’s staff glows with mystical ancient runes, "Power Unbound", casting an ethereal light that illuminates the intricate carvings and symbols etched into the stone walls. +In a cozy medieval tavern, a large, roasted boar takes center stage on a wooden table, surrounded by steaming dishes and ale mugs. The walls are adorned with tapestries and flickering candles, casting a warm glow. A sign above reads, "Roast Boar Feast". +A realistic courtroom scene with a judge's gavel on a wooden desk, a prominent plaque reading "Order in the Court" hanging on the wall behind, and a serious atmosphere. +A vintage fantasy potion bottle with an ornate label that reads "Drink For Bad Ideas", surrounded by mystical symbols and a faint glow, set against a dark, enchanted forest backdrop. +An astronaut's meal packet "Space Food" floats in the microgravity of the International Space Station, its silver packaging reflecting the soft glow of the interior lights. +A cozy café window at night, featuring a neon sign in cursive script that blinks "Open 247", casting a warm glow onto the dimly lit street outside. +A neon diner sign with "Open 24 Hours" flashes brightly above a bustling highway at night, casting vibrant reflections on the wet asphalt and attracting the attention of passing drivers. +A close-up of a bakery box sticker, prominently displaying the text "Gluten Free Treats" in elegant, cursive font on a pastel background with subtle flourishes and decorative elements, set against a blurred bakery interior. +A hiker pauses on a scenic trail, their backpack prominently displaying a tag that reads "Pack Light Hike Far", surrounded by lush greenery and distant mountains. +A close-up of a superhero cape with intricate embroidery that reads "Dry Clean Only", set against a dark, moody background, capturing the texture and detail of the fabric. +A satellite image of the Earth, focusing on the Atlantic Ocean at 15N, with swirling clouds indicating a tropical storm forming. The text "Tropical Storm forming at 15N" is overlaid in bold, white letters. +A rustic wooden shed in a lush garden, with a weathered sign hanging on the door that clearly reads "Keep Tools Clean", surrounded by neatly arranged gardening tools and vibrant flowers. +A fast food wrapper, crumpled on a concrete sidewalk, prominently printed with the ironic message "Contains 0 Real Food", under a dim streetlight in an urban night scene. +A realistic photograph of a classroom with a detailed periodic table on the wall, prominently displaying "Element Fe Iron" with a close-up focus on the iron element, surrounded by other elements and educational posters. +A vintage wristwatch with the inscription "Time Flies" elegantly engraved on its face, set against a soft, blurred background of a sunlit library shelf, capturing the serene passage of time. +A wizard's hat, adorned with a tag that reads "One Size Fits All Realms", rests on an ancient, dusty shelf in a mystical library, surrounded by glowing orbs and arcane symbols. +A weathered explorer's journal page with intricate sketches and detailed notes, prominently labeled "Lost City Coordinates", surrounded by faded maps and cryptic symbols, capturing the essence of a forgotten adventure. +A cozy coffee shop with vintage decor, featuring a chalkboard menu prominently displaying "Existential Latte" as the special. The warm, ambient lighting highlights the rustic wooden tables and the barista preparing a latte with thoughtful precision. +A vast desert landscape with a lone signpost reading "Water Ahead" standing amidst the sand dunes, surrounded by a few scattered, withered bushes, hinting at the promise of an oasis in the distance. +A serene mountain trail winds through lush greenery, leading to a wooden signpost that reads "Summit 15 Miles Ahead". The path is dotted with wildflowers, and the distant peaks are shrouded in a light mist, creating a peaceful and inviting atmosphere. +A vintage farmer’s almanac page with a weather prediction titled "Winter Cold Probably", featuring an illustrated snowflake and a rustic, weathered paper texture, surrounded by handwritten notes on crop planting and animal care. +A bustling night scene in Times Square, New York City, with a large digital billboard prominently displaying "Welcome to NYC" in vibrant, flashing lights, surrounded by a sea of pedestrians and towering skyscrapers. +A miniature dollhouse bookshelf displays a tiny, eerie book titled "How to Annoy Humans", its cover slightly worn and pages curled, surrounded by vintage dolls and dusty trinkets, casting long shadows in the dim, flickering light of the room. +A wizard's potion bottle, intricately designed with ancient runes, labeled "Elixir of Wisdom", sits on a weathered wooden table, surrounded by glowing candles and mystical herbs, in a dimly lit, enchanted forest clearing. +A high-altitude photograph capturing a mountain summit marker engraved "Peak 8848m", set against a backdrop of snow-capped peaks and a clear blue sky, with subtle shadows cast by the morning sun. +A realistic photograph of a classroom with a periodic table poster prominently displayed on the wall, highlighting "Element 79 Au" with a spotlight or a colored marker, emphasizing its golden luster and scientific significance. +A close-up of a shiny, silver pet collar tag, engraved with "Buddy 555 1234", reflecting a soft sunlight, lying on a rustic wooden table. +A close-up of a fishing license with the text "Valid Until 123124" clearly visible, set against a rustic wooden background with a subtle texture of aged paper. +A bustling marathon finish line with a large banner stating "Race Complete" overhead, surrounded by cheering spectators and exhausted yet triumphant runners crossing the finish line. +A toddler's colorful doodle on a bright yellow paper, featuring a simple sun with a big smile and two dot eyes, labeled "Mr Happy Face" in wobbly, childlike handwriting. +A farmer's market stall with a wooden sign painted "Organic Overpriced" in rustic, hand-painted letters, surrounded by fresh produce and baskets, under a sunny sky. +A high-security bank vault door with an intricate digital display showing "Time Lock Active", set in a dimly lit, modern vault room with sleek, metallic walls and a single beam of light illuminating the door's robust mechanism. +A cozy living room with a large, intricate tapestry on the wall, prominently featuring the phrase "Home Sweet Home" woven in elegant, golden threads against a backdrop of deep, warm colors. +A close-up of a firefighter's helmet, the shield prominently engraved with "Worlds Okayest Hero", reflecting the wear and tear of many rescues, set against a backdrop of a smoky, dimly lit fire station. +A bustling city street at night, illuminated by neon lights, with a grand theater marquee prominently displaying "SOLD OUT Robot Ballet" in glowing letters, surrounded by excited crowds and robotic figures in ballet poses. +An ancient, tattered page from a wizard's spellbook, titled "Invisibility Spell", with intricate illustrations of mystical symbols and glowing runes, set against a backdrop of a dimly lit, dusty library. +A train conductor stands proudly, wearing a classic navy cap embroidered with "Transcontinental Express" in bold gold thread, set against the backdrop of a vintage steam locomotive ready to depart from a bustling 1920s railway station. +A close-up of a superhero's chest, featuring a detailed thunderbolt emblem with the word "ZAPTOR" prominently displayed, set against a dynamic, action-packed cityscape background. +A vibrant food truck with a colorful window decal proudly advertising "World's Best Tacos", surrounded by a bustling street market, with happy customers lining up to taste the famous tacos. +A neon bookstore sign glowing "Bestsellers Inside" illuminates a rainy city street at night, casting vibrant reflections on the wet pavement and drawing the eye of passersby. +A futuristic cityscape under a twilight sky, with towering skyscrapers and flying vehicles, showcasing the cover of a sci-fi book titled "Galactic Empire Rising" prominently in the foreground. +An ancient prophecy scroll, weathered and cracked, unrolled to reveal mystical symbols and a modern twist: "The WiFi Password Is" handwritten in faded ink, set against a backdrop of an old, dimly lit library. +A cozy kitchen countertop featuring a vintage, ceramic cookie jar labeled "Emergency Sugar". Next to it, a rolling pin, flour-dusted bowl, and a baker's notepad with handwritten recipes. Warm, golden light streams through the window, casting a soft glow on the rustic wooden surfaces. +A vibrant smartphone wallpaper featuring the quote "Stay Curious" in elegant, modern typography, set against a backdrop of a bustling cityscape at sunset, with rays of light piercing through skyscrapers, creating a dynamic and inspiring scene. +A vintage wooden desk with an antique globe sticker "British Empire 1920" prominently displayed, surrounded by old maps and naval instruments, under the warm glow of a brass desk lamp. +A close-up of a bakery's bread loaf tag "Freshly Baked Today" hanging from a warm, golden-brown loaf, with a rustic wooden background and soft, ambient lighting. +A realistic photograph of a library banner hanging above a row of bookshelves, announcing "Silence is Golden" in elegant calligraphy, with soft, warm lighting and a few patrons quietly browsing books in the background. +A close-up of a pizza box with a bold, red stamp that reads "Delivered In 30 Minutes" guarantee, set against a blurred background of a busy kitchen. The box is slightly worn, with a steaming slice of pizza peeking out, emphasizing the fresh, hot delivery promise. +A detailed pilot’s flight plan map titled "Route 66 Airspace", showing aerial routes, waypoints, and landmarks, with a vintage aviation aesthetic and subtle cloud patterns in the background. +A close-up of a DJ's turntable with a vibrant sticker that reads "Spin the Night", set against a backdrop of glowing neon lights and a crowd of enthusiastic dancers. The sticker features a stylized vinyl record with dynamic, swirling colors. +A vintage postcard from a time traveler, featuring an antique clock tower under a twilight sky. The postcard reads: "Wish You Were Then". Soft, nostalgic colors and a slight grain effect enhance the old-world charm. +A close-up of a worn, brass door plaque reading "Private Investigator" mounted on a weathered wooden door, with a subtle shadow from the detective's hat brim visible above it, suggesting the detective is just outside, about to enter. +A bustling train station with a large, ornate clock tower prominently displaying the text "Departures on Time" above the clock face, surrounded by hurried commuters and arriving trains. +A photographer captures a close-up of a concert wristband, prominently displaying the stamp "VIP Backstage Access", against a dimly lit background with the glow of stage lights in the distance. +A vintage bakery window adorned with a charming decal that reads "Croissants Beat Regret", showcasing a variety of freshly baked croissants in the background, with warm, inviting lighting and a cozy, rustic atmosphere. +A scientist in a lab coat examines a microscope slide labeled "Oops", revealing a colorful, unexpected reaction under the lens, with beakers and lab equipment in the background. +An underwater cave with unique rock formations that naturally form the letters "SOS", illuminated by beams of sunlight piercing through the water's surface, surrounded by vibrant coral and schools of colorful fish. +In a fog-shrouded graveyard, an ancient, moss-covered tombstone stands solemnly. The inscription reads "RIP In Peace Yes Double Peace", illuminated faintly by moonlight, with ghostly wisps swirling around it. +A close-up of a pet collar tag, finely engraved with "Call 555 1234", lying on a wooden surface, bathed in soft, natural light. +A realistic photograph of a museum display featuring an ancient dinosaur egg fossil. The label "Dinosaur Egg Fossil" is clearly visible, positioned below the fossil on a sleek, modern plaque. Soft, ambient lighting highlights the texture and age of the fossil, enhancing its scientific and historical significance. +A high-quality TV show poster featuring the logo "A Perfect Plan" prominently at the top, set against a sleek, modern background with subtle geometric patterns, evoking a sense of sophistication and intrigue. +A sleek, futuristic sci-fi spaceship console with blinking lights and a central screen displaying "Warp Drive Online" in neon blue, set against the dimly lit interior of the ship's command deck. +A realistic photograph of a robot holding a protest sign that reads "Battery Lives Matter", standing in a crowd of other robots and humans, all gathered in a city square under a gray, overcast sky. +A coastal scene with a lighthouse casting a powerful beam of light onto jagged rocks by the shore, projecting the words "Stay Away Rocks" clearly visible in the misty night air. +A rustic wooden table in a sunlit garden, with a vintage seed packet labeled "Magic Beans" prominently displayed. Around it, various gardening tools and pots, with lush greenery and colorful flowers in the background. The scene captures the essence of a magical, yet everyday, moment in a gardener's life. +An ice rink with a penalty box sign prominently displaying "2 Minute Minor" in bold, clear letters, surrounded by the cold, reflective surface of the rink and the shadows of the boards. +A realistic photograph of a theater stage, with a clear marking on the floor labeled "Center Stage Position", illuminated by soft stage lights, surrounded by dark, velvet curtains. +A chef stands in a bustling kitchen, his apron splattered with sauce and emblazoned with the bold text "Kiss the Cook If You Dare". Steam rises from pots, and the chef's expression is a mix of pride and mischief. +A sleek, modern race car with a bold hood decal that reads "Speed Demon X1" in dynamic, fiery red letters, set against a backdrop of a bustling, high-tech racetrack at dusk. +An astronaut's glove adrift in the vastness of space, with the words "Call Home" clearly visible, against a backdrop of distant stars and planets. +A medieval knight stands proudly, his shield prominently displaying the crest "Veritas Vincit" in intricate gold and red detailing, set against a weathered, battle-worn background. The knight is armored and stands in a grand, sunlit courtyard, surrounded by stone walls and banners. +A realistic photograph of a voting booth with an instruction sheet titled "Complete Both Sides" prominently displayed on the table, surrounded by pens and ballots. The booth is set in a community center with a few people in the background, creating a busy yet organized atmosphere. +A sci-fi prison cell door, sleek and metallic, etched with the words "Escape Plan Included", illuminated by dim, flickering lights, suggesting a high-tech facility with a mysterious and tense atmosphere. +A realistic photograph of a gym locker room entrance, featuring a prominent sign that reads "No Towel No Entry", with a modern, clean background and subtle lighting to highlight the sign. +A deserted alien beach with a futuristic warning sign that reads "Beware of Sentient Waves" standing against a backdrop of surreal, bioluminescent tide pools and misty, purple-hued cliffs. +A close-up shot of a bakery's cupcake liner with the playful text "Eat Me Seriously Do It" prominently displayed, set against a backdrop of colorful cupcakes and pastries. +A high-resolution photograph of an embossed label on a vintage wine bottle, prominently displaying "Vintage Reserve 1995" in elegant, gold-foiled text, set against a rich, burgundy background with subtle texture. +A dimly lit prison cell with worn stone walls, featuring noticeable scratchings that read "Innocent 41792" in the faint light. The cell is empty, with a single beam of light casting shadows, emphasizing the desperate message etched into the wall. +A realistic photograph of a scientist's lab coat, with a name tag clearly displaying "Dr Smith" pinned to the chest, set against a blurred background of laboratory equipment. +A majestic mountain peak with a flag planted at the summit, bearing the inscription "We Conquered Everest", under a clear blue sky, with snow-capped ridges and rocky terrain in the background. +A close-up of an old library book's inside cover, featuring a vintage "Return by Due Date" stamp, surrounded by worn pages and the faint scent of aged paper. +A detailed medieval shield featuring an emblem with the phrase "Defender of the Realm" painted in bold, gothic lettering, surrounded by intricate floral patterns and a border of interlaced knots, set against a rich, dark background. +A classroom wall adorned with a vibrant periodic table poster, prominently displaying the slogan "Chemistry Rules Everything". Students gather around, pointing and discussing the elements, with lab equipment and chemical models visible on nearby tables. +A close-up of a painter’s palette, heavily smeared with vibrant colors, with the phrase "Color Outside the Lines" boldly written across it in artistic, swirling script. +A realistic photograph of a busy subway station, focusing on the top of the staircase where a prominent "Watch Your Step" warning sign is clearly visible, surrounded by commuters hurrying to their trains. +A vibrant TV show poster featuring the title text "Butterfly Dreaming" in elegant, flowing script against a backdrop of lush, dreamy landscapes with butterflies fluttering around, evoking a sense of mystery and enchantment. +At the bustling train station, a distinctive sign that reads "professional" stands out amidst the crowd, capturing the attention of passersby with its sleek, modern design and bold lettering. +A close-up of a bank vault door with a metal plaque that reads "Authorized Only", set against the textured, secure steel of the door, illuminated by the soft glow of an overhead security light. +A realistic tattoo design featuring the script "Forever Free", intricately inked on smooth skin, with subtle shading and a slightly weathered look, suggesting the passage of time and enduring meaning. +A realistic photograph of a road sign with a bold, clear message "Speed Limit 40", set against a backdrop of a quiet, tree-lined street. The sign is prominently featured, with a slight angle to add depth and realism to the scene. +A nostalgic scene featuring a neon sign flashing "Open 247" above the entrance of a retro diner, with vintage cars parked nearby and a 1950s ambiance. +A modern smartphone screen displaying a sleek mobile app interface with a "Subscribe for Updates" pop-up prominently centered, featuring minimalist design elements and soft, inviting colors. +A realistic classroom setting with a lecture slide heading "Quantum Theory Basics" projected onto a white screen. Students are seated at desks, attentively looking at the slide. The room is warmly lit, with sunlight filtering through windows, creating a focused and academic atmosphere. +A professional basketball player in a jersey with the name "King James 23" on the back, standing on a court under the hoop, ready to shoot, with a focused expression and the crowd in the background cheering. +A classroom adorned with a large world map, featuring a pin labeled "Here Be Dragons" marking an uncharted island, surrounded by curious students pointing and discussing the mysterious location. +A sleek, futuristic sci-fi spaceship with the hull marking "Colony Ship Europa" prominently displayed, set against the backdrop of a distant nebula. The ship's surface glimmers with advanced technology, and its design exudes a sense of interstellar exploration and discovery. +A gym interior with a modern water cooler station, prominently featuring a bold, eye-catching sign that reads "Hydrate or Diedrate", surrounded by vibrant workout equipment and energetic gym-goers. +A nostalgic ice cream truck parked on a sunny street, its side menu brightly displaying "FROZEN TREAT 3" with colorful illustrations of ice cream cones and popsicles. The truck is surrounded by excited children and adults, all eagerly waiting their turn. +A sticker on a sleek, worn skateboard deck reads "Skate or Die" in bold, graffiti-style letters, set against a backdrop of a vibrant, urban street scene. +A weathered pirate flag, tattered and frayed, hangs loosely from a wooden pole. The skull logo and the text "Retire Early" are barely visible, worn by the sea and sun, adding a nostalgic and adventurous feel to the scene. +Detailed blueprints of a supervillain lair, titled "Operation Mild Inconvenience", spread out on a sleek, futuristic table. The plans showcase intricate designs with labeled sections, including a command center, escape routes, and a secret lab. The room is dimly lit, with a single spotlight illuminating the blueprints. +A minimal sculpture of the word "garoff", crafted from light, metallic, iridescent chrome thin lines, presented in a 3D rendering with an isometric perspective. The scene is super detailed, set against a dark background, emphasizing the intricate lines and reflective surfaces. +A classroom wall features a gold star chart labeled "Participation Mediocrity", with a few scattered stars beneath it. Desks are arranged in neat rows, and a blackboard with faded chalk writings hangs in the background. The scene is lit by the warm glow of overhead lights, creating a nostalgic atmosphere. +A vibrant music festival scene with a large crowd cheering, "Headliner Arctic Monkeys" prominently displayed on a stage backdrop, colorful lights illuminating the night sky, and band members performing energetically on stage. +A realistic photograph of a pharmacy's front window, featuring a prominently displayed sticker with the message "Masks Required" in bold letters, surrounded by medical supplies and a clean, modern interior visible through the glass. +A vibrant movie poster for "The Changing Face of Mars", featuring a futuristic cityscape on Mars with a dynamic, transforming Martian landscape in the background, highlighting the planet's evolution from barren to terraformed. +A beautifully lit birthday cake adorned with vibrant candles and a glossy icing message that reads "Happy 30th Birthday Alex", set on a rustic wooden table with a soft, warm ambient light casting a cozy glow around the scene. +A detailed ski resort trail map featuring the "Black Diamond Experts Only" trail, marked with red and black signs, surrounded by snow-covered slopes and pine trees. The map is partially framed by ski lift poles and shadows of skiers, emphasizing the challenging terrain and pristine winter scenery. +A serene stone garden features a fountain intricately carved with the words "Wish Recycling". Surrounded by lush greenery and delicate flowers, the fountain's water gently cascades, reflecting the peaceful atmosphere of the space. +A realistic smartphone screen with a notification at the top saying "Missed Call Boss", set against a blurred background of a modern office desk with a coffee cup and a notebook. +A detailed scientific diagram with a clear label reading "Cell Structure Diagram", showcasing various cellular components like the nucleus, mitochondria, and cell membrane, all accurately labeled and illustrated in a textbook-style illustration. +A close-up shot of a greenhouse plant with a green tag reading "Water Weekly" hanging from its stem, surrounded by lush foliage and sunlight filtering through the glass roof. +Detailed diagram of a spy gadget manual, highlighting the "Invisibility Mode" feature. The page shows intricate schematics and labels, with a sleek, futuristic design. A ghostly outline of the gadget is visible, emphasizing its stealth capabilities. +A submarine's dimly lit control room, the periscope screen flashing red with the text "Enemy Spotted" amid tense crew members observing the monitor. +"Skate or Hibernate" skateboard deck art featuring a split design: one half showcases a vibrant, action-packed skate park under a sunny sky, while the other half depicts a serene, snow-covered forest with hibernating animals. +A small mouse, holding a flashlight in its tiny paws, stands in a dimly lit room, its eyes wide with fear, saying, "I'm afraid of the dark". The light from the flashlight casts long, eerie shadows on the walls, enhancing the sense of unease. +A realistic photograph of an old library checkout slip, slightly yellowed with age, with the due date stamped prominently in black ink: "Due Date 05 20". The slip is partially folded, showing subtle creases and wear. +A bustling farmer's market scene with a wooden stall sign prominently displaying "Local Honey for Sale", surrounded by jars of golden honey and vibrant, fresh produce. Sunlight filters through, casting warm shadows and highlighting the rich colors and textures. +A medieval banquet hall adorned with a grand tapestry woven with the phrase "Feast and Be Merry", depicting a lively scene of nobles and knights enjoying a sumptuous feast, surrounded by opulent decor and flickering candlelight. +A cozy wizard shop with a charming, dusty window displaying a hand-painted sign that reads "Love Potions 50% Off", surrounded by bottles of colorful potions and enchanted flowers. +A vibrant, close-up shot of a DJ's turntable with a colorful sticker that reads "Drop the Bass Not the Pizza", set against a backdrop of glowing neon lights and DJ equipment. +A beautifully decorated birthday cake with intricate frosting piping that reads "Happy 30th Jake", surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm lighting creating a cozy atmosphere. +A birthday cake topper shaped like "Happy 30th" in elegant gold letters, set against a backdrop of a beautifully lit birthday party, with soft, warm lighting and a hint of confetti in the air. +A close-up of a gardener's seed packet, labeled "Magic Beans Plant Carefully", resting on a wooden table covered in soil, with a pair of gardening gloves and a small trowel beside it, under the warm glow of a morning sun. +A close-up of a pet collar tag shaped like a bone, inscribed with "Good Boy Max", lying on a rustic wooden surface, illuminated by soft, warm sunlight streaming through a nearby window. +A rock band's drum kit, prominently branded with the name "Noise Pollution", set up on a dimly lit stage, with glowing drumheads and a subtle haze of smoke in the background, capturing the raw energy of a live performance. +In a bustling supermarket, a prominently displayed notice board features a sign that reads "financial", surrounded by various promotional flyers and shopping carts filled with groceries. The scene is busy with shoppers, and the lighting is typical of a well-lit modern supermarket. +A high-speed racecar with its hood open, revealing intricate engine details, and the bold text "Speed Demon" emblazoned on the front, set against a blurred background of a cheering crowd and colorful race flags. +A close-up shot of a rustic wooden bakery box, labeled "Assorted Pastries Inside", filled with an array of colorful and freshly baked pastries, including croissants, danishes, and muffins, under warm, golden lighting. +A realistic photograph of a university diploma with the text "Doctor of Thinkology" prominently displayed, set against a background of an academic robe and a stack of books, emphasizing the achievement and scholarly atmosphere. +A film set with a vintage clapperboard prominently displaying "SCENE 12 TAKE 3", surrounded by crew members preparing for the next shot, under the soft glow of overhead lights, capturing the anticipation and energy of the moment. +A scientist's lab with a modern, sterile setup, featuring a mouse cage prominently labeled "CtrlZ Test Group" on a sleek, white shelf, surrounded by high-tech equipment and a backdrop of charts and graphs. +An ancient, moss-covered stone tablet, weathered by time, stands in a dense, misty forest. The tablet is carved with the ominous warning "Enter at Own Risk", illuminated by the soft, golden light of a setting sun. +A bustling city street at sunset with a large billboard advertisement reading "Summer Blowout Sale" prominently displayed, featuring vibrant images of summer fashion and accessories. Crowds of shoppers are walking past, some stopping to look at the billboard. +A dark forest clearing at night, a witch in a tattered cloak stirs a bubbling cauldron under the light of a full moon, with the label "Brewtal Honesty" clearly visible on the side, surrounded by glowing herbs and mystical symbols. +A close-up of a robot's screen displaying the error message "Does Not Compute Love", set against a futuristic, dimly lit background with subtle reflections on the screen. +A modern elevator button panel with sleek, metallic finishes, prominently featuring the label "Floor 100 Sky Lounge" in elegant, illuminated letters. The buttons are slightly recessed, with a subtle texture that catches the light, set against a dark, polished background. +A dark, sleek submarine navigates the deep ocean, its sonar screen pulsing with the digits "Depth 2000m" in a dimly lit control room, surrounded by intricate machinery and focused crew members. +A quaint, dimly lit magic shop with an ornate window sign that reads "Spells Guaranteed" in glowing, mystical letters, set against a cobblestone street at dusk. The sign is surrounded by floating candles and enchanted artifacts, creating an aura of mystery and wonder. +A museum exhibit featuring a T-rex fossil with a humorous display plaque that reads "Actual Size Maybe", surrounded by amazed visitors and soft, ambient lighting highlighting the ancient bones. +A realistic photograph of a gym locker with the combination "Turn Left 15 Right 30" clearly displayed on the dial, set against a backdrop of other lockers and gym equipment. The scene captures the quiet, slightly worn atmosphere of a community gym. +A whimsical fairy garden with a moss-covered signpost pointing toward "Pixie Hollow", surrounded by vibrant flowers and illuminated by soft, glowing fireflies. +A vintage postage stamp featuring elegant, cursive text that reads "Air Mail Express", with intricate floral borders and a central illustration of a classic airplane in flight, set against a faded, textured background. +A vibrant photo of a determined runner wearing a racing bib with the number "Runner 457", sprinting through a crowded urban marathon, with blurred spectators cheering on the sidelines and the cityscape stretching behind. +A realistic photograph of a boxing ring with the mat prominently displaying "Ultimate Fight Club" in bold, vibrant letters. The ropes and corner posts are clearly visible, with the ring set in a well-lit gym. +A valiant knight stands proudly, holding a banner that reads "Defenders of the Realm" in bold, ancient script. The knight is clad in shining armor, standing against a backdrop of a medieval castle with towering walls and fluttering flags. The sky is a dramatic blend of sunset hues, casting a golden glow on the scene. +A realistic photograph of a bank vault door, prominently etched with "Authorized Personnel Only", set against a dimly lit, secure hallway with intricate metalwork and a futuristic keypad lock. +A realistic gym locker room scene with a large mirror reflecting a row of lockers and a person stretching. Above the mirror, a motivational sign reads "Be Your Best" in bold letters. The lighting is bright and modern, emphasizing the clean, energetic atmosphere. +A high-altitude photograph of a mountain summit with a signpost that reads "Elevation 8848m", surrounded by rocky terrain and a backdrop of distant, snow-capped peaks under a clear blue sky. +A desktop wallpaper featuring a subtle, faded text "Hello World" elegantly blending into the background, with a minimalist design and soft, muted colors to ensure the text remains the focal point while maintaining a clean, modern aesthetic. +A high-resolution photograph of a sleek, modern digital clock on a bedside table, displaying "12 00 AM" in large, glowing green digits against a dark background. +A close-up of a sleek smartwatch with a modern interface, displaying a clear and vibrant reminder that reads "Drink Water Now" on its screen, set against a minimalistic, clean background. +A chef stands in a modern kitchen, wearing an apron embroidered with "Kiss the Cook Dangerously". The vibrant colors of the embroidery pop against the white fabric, and the chef's hands are skillfully chopping fresh ingredients on a wooden cutting board. +A realistic photograph of an artist's palette knife etching, intricately detailed with the phrase "Mix With Care" prominently featured, set against a backdrop of a rustic wooden table with scattered paint tubes and brushes. +A realistic photograph of an ambulance parked on a city street at night, its side panel printed with "Emergency Response Unit" in reflective lettering, illuminated by the glow of streetlights and the ambulance's own emergency lights. +In a somber courtroom, a judge's gavel rests on a plate inscribed with "Final Strike", under the watchful eyes of a stern judge, emphasizing the gravity and finality of the moment. +A realistic photograph of a skateboard with vibrant, bold graffiti on its grip tape, clearly reading "Skate or Die" in a dynamic, street-art style. The skateboard is positioned on a concrete surface, with the graffiti standing out against the textured grip tape. +A glamorous movie premiere with a red carpet leading to a grand entrance. Large, sparkling banners and lights spell out "Star Premiere Night" above the crowd. Celebrities and fans mingle, creating a vibrant and exciting atmosphere, captured in a detailed, photorealistic style. +A modern bathroom with a sleek mirror featuring a stylish decal that reads "You're Awesome" in elegant, bold letters, reflecting a vibrant, positive atmosphere. +A detailed, gothic magic mirror with an ornate, gilded frame engraved with the words "Whos the Fairest Be Honest", reflecting a dimly lit, mystical room with soft, ethereal light. +A vibrant surfboard design featuring the phrase "Catch The Wave" in bold, modern typography, surrounded by dynamic wave patterns and splashes of ocean blue and foam white, set against a sunny beach backdrop. +A realistic photograph of a crumpled theater ticket stub, partially unfolded, revealing the seat number "B12" in elegant font, lying on a wooden table with a soft, warm light casting a gentle shadow. +A close-up of a vintage library book spine titled "Secrets of the Nile" in elegant gold foil, set against a warm, wooden bookshelf background, with soft, ambient lighting highlighting the rich texture and timeless allure of the title. +A cinematic movie poster featuring the logo "The Young Master" prominently at the top, set against a backdrop of a young, charismatic man standing in a grand, historic mansion, with subtle shadows and a dramatic, golden hue. +A cozy bedroom with soft lighting, a plush bed adorned with a pillow featuring intricate embroidery that reads "Sweet Dreams", and a delicate, vintage lamp casting a warm glow over the scene. +A hand-drawn lemonade stand poster, with whimsical, scribbled text saying "50 Cents a Cup", set against a sunny backyard scene with a wooden fence and a few playful children in the background. +A close-up of an ancient, leather-bound contract with elegant, golden script reading "3 Wishes Tax" in the center, surrounded by intricate, glowing runes. A fairy godmother's delicate hand hovers above, a shimmering wand in her fingers, casting a soft, magical light on the document. +A weathered fishing boat bobbing gently on the waves, its hull painted with the name "Sea Survivor" in bold, faded letters, reflecting the sun's golden rays off the calm sea. +A close-up of a vintage, cobalt-blue potion bottle with a delicate, golden label that reads "Drink Me For Invisibility", set against a mystical, foggy forest backdrop. +A serene park scene with a bench under a canopy of trees. On the bench, a plaque reads "In Memory of Alice Smith". The sunlight filters through the leaves, casting dappled shadows on the ground and the bench. +A cozy living room with a "phosphor" sign hanging above a rustic wooden mantel, surrounded by soft, warm lighting and elegant home decor, including plush cushions and a vintage rug. +A vibrant art store banner hanging outside a cozy shop, featuring bold, colorful lettering that reads "Paint Sale Today". The scene is set on a sunny day, with the banner fluttering gently in the breeze, attracting the attention of passersby. +A realistic photograph of a laptop screen with the login screen visible, displaying the hint: "Password is password". The laptop is on a clean, modern desk with a blurred office background. The lighting is soft and natural, highlighting the screen's reflection. +A futuristic space elevator with a red emergency button labeled "Deploy Parachute Now" prominently displayed on a sleek control panel, set against the backdrop of Earth's curvature and the vast, star-studded cosmos. +A vibrant movie poster for "The Young Lions", featuring three young actors in dynamic poses against a backdrop of urban nightlife, with neon lights and a bustling cityscape. The poster captures the energy and ambition of youth, set in a modern, gritty environment. +"Future City 2123" projection-mapped onto the expansive facade of a modern expo center, showcasing futuristic skyscrapers, flying vehicles, and vibrant digital displays, set against a twilight sky. +A vibrant beach scene with a towel laid out on the sand, prominently displaying "Sunny Days" in bold, eye-catching typography. The towel is partially covered by the shadows of palm trees, with the clear blue ocean and sky in the background. +A rock band's drum kit center stage, illuminated by vibrant stage lights, with the tour name "Loud n Proud Tour 2024" emblazoned across the bass drum, surrounded by enthusiastic fans and a haze of smoke. +A realistic photograph of an ambulance parked on a city street, its side door prominently displaying the text "Emergency Medical Team" in clear, bold letters, with emergency personnel nearby. +A gritty urban scene featuring graffiti on a brick wall, spelling "Revolution Now" in vibrant, dripping paint, casting shadows in the dim light of an overcast day. +A detailed inset of a national park map, showcasing a rugged trail marked with "Trail Difficulty Hard", surrounded by dense forest and mountainous terrain, emphasizing the challenging nature of the hike. +A realistic photograph of a time capsule marker buried in a grassy field, with a plaque that reads "Open When WiFi Fails", surrounded by wildflowers and a fence in the background. +A realistic photograph of a "No Drones Allowed" warning sign prominently displayed at the base of a historic monument, with the monument's intricate architecture visible in the background. +A vibrant skateboard deck featuring the bold text "Skate or Die" in a graffiti-style font, surrounded by dynamic, colorful illustrations of skateboard wheels, ramps, and urban street elements, capturing the spirit of urban skate culture. +A charming flower shop window display featuring a bouquet of 12 vibrant red roses in a glass vase, surrounded by heart-shaped decorations and a "Valentine Roses 12 Stem" sign, with soft pink and white lights creating a romantic atmosphere. +In a bustling airport terminal, the digital departure board clicks and flips to display "Flight 404 Not Found", casting a moment of confusion and anticipation among the travelers. The scene is modern and realistic, with the board's lights flickering slightly. +A close-up of a vine winding gracefully, with the text "teach" sprouting from it, centered in the frame, set against a soft, blurred background. +A realistic photograph of an airport baggage tag, prominently displaying the text "Handle With Delusions" in bold red ink, partially worn and wrinkled, against a blurred airport conveyor belt background. +A farmer stands proudly beside his tractor, the license plate frame reading "I ❤ My Harvest". The tractor is parked in a golden wheat field at sunset, with the farmer’s weathered hands resting on the steering wheel, a content smile on his face. +A nostalgic movie theater with a vintage marquee brightly displaying "Now Showing Midnight Run", surrounded by the glow of streetlights and the hustle of evening pedestrians, capturing the essence of a classic 1980s film night. +A bustling train station with a vintage aesthetic, the timetable prominently displaying "Platform 9 Departing". Passengers in period clothing hurry past, while a steam locomotive waits on the tracks, ready to depart. The scene is bathed in the golden light of early evening. +A close-up of a vintage theater program insert, prominently displaying "Intermission 15 Minutes" in elegant, gold-embossed text against a rich, maroon background, with subtle, decorative borders and a slight texture to mimic aged paper. +A stone monument stands at the entrance of a tranquil park, intricately carved with the words "Walk in Peace" in elegant script. The monument is partially covered in moss, surrounded by lush greenery and blooming wildflowers, creating a serene and inviting atmosphere. +A cozy coffee shop with a vintage chalkboard prominently displaying "Latte Special" in elegant script. Warm, ambient lighting and wooden furniture complement the rustic decor, creating a inviting atmosphere for customers to enjoy their specialty drinks. +A neon flower shop sign glows brightly with the words "Fresh Blooms Today" against a dark urban night, casting colorful reflections on the wet pavement and nearby windows. +A rustic wooden menu board outside a cozy restaurant, hand-painted with "Daily Special Beef Stew" in elegant cursive. The board is slightly weathered, with a few leaves and a spider web adding a touch of nature. A warm, inviting atmosphere with soft, golden light. +A vintage movie poster featuring the title text "American Gigolo" in bold, sleek lettering, set against a backdrop of neon lights and a 1980s cityscape, with a stylish, suave man in the foreground. +A realistic photograph of a whiteboard with a series of complex equations leading up to the final expression "Emc²", surrounded by scattered markers and notes. The room is dimly lit, with a beam of light highlighting the whiteboard. +A realistic scene of a "Thank You for Voting" poster prominently displayed outside a modern polling station, with people walking by, some looking at the poster, and the station's entrance visible in the background. +A sunny beach scene with a vibrant, colorful beach towel spread on the sand, embroidered with the phrase "Lifes Better in FlipFlops", surrounded by seashells and a pair of flip-flops. +A detailed resume of a dragon, prominently featuring the skill "Hoarding Expert", displayed on an ancient, tattered parchment. The dragon, surrounded by a vast, glittering hoard of gold and jewels, proudly guards its treasure in a grand, cavernous lair. +A realistic smartphone screen displaying a lock screen notification: "3 Missed Calls from Mom". The phone is placed on a wooden table, with soft sunlight streaming in from a nearby window, casting a gentle glow on the screen. +A high-gloss magazine cover featuring the headline "Top 10 Trends", surrounded by vibrant, stylish graphics and images representing current fashion, technology, and lifestyle trends, set against a sleek, modern background. +A realistic photograph of a trailhead in a national park, featuring a prominent sign that reads "Beware of Bear", surrounded by dense forest and a gravel path leading into the wilderness. +A city street at night, a yellow taxi with its roof light displaying "Available" in bright green letters, reflecting off the wet pavement, neon signs in the background. +A futuristic car with a license plate displaying "SPEED 3000" in sleek, metallic digits, set against a backdrop of neon city lights and advanced architecture. +A vintage coffee advertisement featuring a stylish, 1950s diner setting with a steaming cup of coffee and a vintage typewriter. The ad prominently displays the slogan "coffee is my thing" in bold, retro typography. +In a dimly lit medieval library, a scribe pauses, quill in hand, beside an ancient tome. In the margin, his modern note reads "TLDR: Dragons Win", contrasting the ornate script and illuminated letters of the manuscript. +A weathered pirate's treasure map, marked with "X Marks the Spot", lies on a wooden table, illuminated by the soft glow of an old lantern, surrounded by nautical instruments and a compass. +A professional chef stands in a modern kitchen, wearing a pristine white chef’s hat embroidered with "Master Chef" in elegant gold thread, reflecting the ambient lights. The chef’s focused expression and the crisp, detailed hat highlight the prestige of the title. +A close-up of a coffee cup with a sleeve printed in bold letters, reading "Caution Hot", set against a warm, cozy background with a slight steam rising from the cup. +A vintage 1950s movie theater with a glowing neon marquee that reads "Now Showing Robot Rebellion". The marquee's colorful lights reflect on the pavement, and a crowd of excited moviegoers queues outside, creating a nostalgic and vibrant scene. +"Ancient Civilization Map" displayed in a museum exhibit, showcasing intricate details of historical territories, with subtle lighting highlighting the map's age and significance, surrounded by ancient artifacts and informative plaques. +A picturesque Parisian postcard featuring the iconic Eiffel Tower in the background, charming cafes along the Seine, and elegant cobbled streets. The scene is enhanced with cursive "Bon Voyage" text, elegantly styled across the top, capturing the essence of a romantic and adventurous journey. +A bustling stadium filled with enthusiastic fans, the massive jumbotron displaying a vibrant animation with the words "Make Some Noise" in bold, colorful letters, surrounded by dynamic light effects and cheering spectators. +A vast solar panel array under a clear blue sky, with a prominent sign in the foreground stating "Energy Output 521 Gigawatts", surrounded by rolling green hills and modern infrastructure. +A whimsical treehouse nestled among lush green leaves, with a wooden door featuring a hand-painted sign that reads "No Adults Allowed Club", surrounded by playful decorations and a rope ladder leading up to the entrance. +A close-up shot of a vintage candy store jar, with a hand-drawn label that reads "Sour Gummy Worms", surrounded by a jumble of colorful, twisted gummy worms. The scene is brightly lit, emphasizing the vibrant colors and the playful, nostalgic atmosphere of the candy store. +A cozy pair of socks with the text "Happy Feet" prominently displayed, set against a soft, pastel background with a slight blur to highlight the socks' vibrant colors and playful text. +A high-quality photograph of an elegant wine bottle with a sophisticated label that reads "Vintage Reserve 2020", set against a subtle, dark background, capturing the refined details of the bottle and the subtle shine of the glass. +A zombie teddy bear holding a sign that reads "Brains Not Included", standing in a dimly lit, abandoned room with peeling walls and broken furniture, creating an eerie and slightly humorous atmosphere. +A close-up of a crumpled napkin with a secret menu code scrawled in pen: "Ask for the Quantum Fries", lying on a rustic wooden table with a subtle hint of ambient cafe lighting. +A bustling Times Square at night, illuminated by a massive digital billboard displaying "Happy New Year 2024" in vibrant colors, surrounded by cheering crowds and sparkling lights. +A bustling farmer’s market stall, prominently labeled "Organic Greens", overflowing with a variety of fresh, vibrant vegetables and herbs. Shoppers browse with keen interest, while the stall owner smiles warmly, showcasing the produce under a bright, sunny sky. +A weathered fishing boat hull named "The Lucky Catch" rests on a sandy beach, surrounded by seagulls and fishing nets. The sun sets behind it, casting a warm, golden glow over the scene, emphasizing the boat's rugged texture and the serene coastal atmosphere. +A sleek, futuristic time machine with a holographic display panel flashing "Year 3023" in neon blue, set against a backdrop of a dimly lit laboratory with scattered technological gadgets and a large, glowing portal in the background. +A roadside fruit stand with a rustic wooden sign painted "Organic Apples 2" stands against a backdrop of lush green fields, with a basket of fresh, red apples displayed prominently on the stand. +A high-speed race track with a large billboard on the side reading "Final Lap Speed Check", capturing the intense atmosphere of a crucial moment in the race, with cars zooming by in the background. +A sleek, modern cryptocurrency wallet interface displaying the phrase "To the Moon" in bold, futuristic fonts, set against a backdrop of vibrant, ascending charts and glowing stars, symbolizing the rise in value and the adventurous spirit of crypto investing. +A realistic photograph of a computer screen displaying a login interface with a prominent "Password Incorrect" error message, set against a blurred office background. +A detailed brain sculpture crafted from wire and paper, with the phrase "deep thoughts" intricately written in a material that resembles brain tissue, set against a minimalist background. +A cozy farmhouse quilt, intricately embroidered with the words "Snore Symphony 2023", draped over an antique wooden bed in a rustic bedroom, surrounded by soft, warm lighting and vintage decor. +An astronaut in a detailed spacesuit stands against the vastness of space, their helmet visor prominently displaying the warning "O₂ LOW" in glowing red letters, indicating a critical oxygen level. +A vast space colony with a futuristic dome, the entrance sign prominently displaying "Oxygen Gardens Ahead" in bold, illuminated letters, set against the backdrop of a distant, star-filled sky and lush, verdant plants visible through the transparent dome. +A wizard in a mystical forest sends a smoke signal, the swirling grey smoke forming the words "Out of Mana BRB" against a twilight sky. +A close-up of a DJ's turntable, with a vibrant, colorful sticker on the side that reads "Spin the Night Away", set against a backdrop of glowing lights and a pulsing crowd. +A rustic wooden gardener's shed with a weathered sign hanging on the door, clearly stating "Beware of Sprinklers". The shed is surrounded by lush greenery and vibrant flowers, with a sprinkler system partially visible in the foreground, droplets of water glistening in the sunlight. +A realistic photograph of the interior of a space helmet, with a digital display prominently showing the warning "Air Supply Low" in red text against a dark background, set within the curved glass of the helmet's visor. +A close-up of an e-reader displaying the book title "Digital Age" on its screen, set against a backdrop of a modern, minimalist living room with a large window letting in soft, natural light. +A nostalgic retro video game loading screen with pixelated graphics, vibrant colors, and the text "Press Start" prominently displayed in the center, surrounded by classic game elements like power-ups and characters. +A Mars rover leaving tire tracks that spell "Send More Memes" in the red Martian dust, under the vast, rusty sky. The tracks are clear and bold, visible from a distance, with the rover's shadow stretching across the barren landscape. +A rugged wooden trail marker, weathered by time, stands at the edge of a forest path, carved with "Summit 1 Mile" in bold, clear letters, guiding hikers toward the peak. +A realistic photograph of a domestic cat with a collar tag engraved "Humans Name Servant", sitting on a wooden floor, surrounded by sunlight streaming through a window, creating a warm, cozy atmosphere. +A diver underwater, holding a wrist slate with "Shark Selfie Bad Idea" written on it, surrounded by a school of fish, with a curious shark in the background. +A futuristic spaceship's airlock control panel, featuring a prominent red button labeled "Earth Eject Use Sparingly". The button is surrounded by warning symbols and dimly lit by a blue glow, reflecting the serious nature of its function. +A classroom scene with a whiteboard in the background, clearly displaying the reminder "Homework Due Friday". Desks are arranged in rows, and a few books and notebooks are scattered on them, creating a typical school atmosphere. +A modern smartphone screen displaying a sleek, digital lock screen with the message "Slide to Unlock" in clear, bold text, set against a minimalist background. +A realistic photograph of a stylish T-shirt design featuring the phrase "I ❤ Black Holes" in bold, modern typography, set against a dark, cosmic background with swirling nebulae and distant stars. +A bustling farmer's market stall with a vibrant banner prominently displaying "Organic Produce" in elegant, rustic lettering. Fresh, colorful fruits and vegetables are artfully arranged on wooden crates, surrounded by baskets and burlap sacks, with cheerful shoppers browsing the selection. +A cluttered detective's desk with a polished nameplate that reads "Case Solver Extraordinaire", surrounded by stacks of files, a magnifying glass, and a vintage typewriter, with a dim lamp casting a warm glow over the scene. +A movie poster featuring the title text "Selah and the Spades" in bold, stylish font, set against a backdrop of a high school with students in the foreground, hinting at the film's themes of rebellion and hierarchy. +A realistic photograph of a hotel swimming pool area, with a clear "No Horseplay" warning sign prominently displayed near the water, surrounded by lounge chairs and umbrellas. The scene is vibrant, with a few people relaxing by the pool, emphasizing the safety and serene atmosphere. +A vibrant candy store window display, bursting with colorful sweets and treats, features a prominent sign that reads "1000 Flavors Inside", inviting passersby to explore the endless delights within. +A vintage suitcase tag, labeled "Fragile Contents Inside", attached to an old, weathered leather suitcase, sitting on a rustic wooden table with a warm, golden light shining from a nearby window, casting soft shadows. +A beautifully designed wedding invitation card with the heading "Happily Ever After", featuring elegant calligraphy and floral borders, set against a soft, pastel background with gold accents. +A movie poster featuring the title "Robbed of Truth" in bold, dramatic font, set against a backdrop of a shadowy, urban night scene with neon lights and a lone figure in a trench coat, suggesting a mystery or thriller genre. +A realistic photograph of an ATM machine in a modern urban setting, the screen prominently displaying the message "Enter Your PIN", with a person's hand reaching out to touch the screen, surrounded by the glow of city lights. +A stone monument in a park, engraved with "Remember the Fallen", surrounded by a sea of vibrant red poppies, under a clear blue sky. +A realistic photograph of a sprawling warehouse wall, covered in vibrant graffiti that spells "Urban Art" in bold, colorful letters, with the surrounding urban landscape faintly visible in the background. +A dimly lit wizard's bookstore with an ancient, dusty shelf prominently labeled "Forbidden Fanfiction KEEP OUT", surrounded by mystical tomes and glowing orbs. +A charming bakery window with a vintage wooden sign that reads "Fresh Bread Daily", surrounded by an array of freshly baked bread loaves and pastries, with warm, inviting lighting and a cozy, rustic atmosphere. +A detective's cluttered desk with a steaming coffee mug prominently displayed, printed "Clues Before Brews", surrounded by open case files, a magnifying glass, and a half-smoked cigar. +A medieval knight's shield prominently displays a sticker with the bold text "Dragon Slayer", set against a backdrop of a bustling tournament field, with cheering crowds and other armored knights preparing for battle. +A vibrant beach scene with players engaged in a dynamic volleyball match, "Summer Games 2024" printed boldly on the scoreboard and flags fluttering in the breeze, capturing the spirit of summer competition. +A vintage suitcase adorned with a nostalgic collection of travel stickers, prominently featuring a faded "Paris 1920" sticker among other classic European city emblems, set against a backdrop of a rustic wooden table. +A floating magic 8-ball hovers in a dimly lit room, its triangular window glowing with the answer "Ask Later" in eerie, luminescent letters. Shadows dance on the walls, adding to the mysterious atmosphere. +A movie theater marquee illuminated at night, prominently displaying "Now Showing Galaxy Quest" in bold, colorful letters. The marquee is surrounded by a crowd of excited moviegoers, with the theater's classic architecture and maroon curtains visible in the background. +A close-up of a vibrant candy wrapper featuring a playful design with swirls and bright colors. In the corner, the warning "Contains Nuts" is written in tiny, bold print, ensuring it's noticeable yet discreet. +A medieval tavern sign, weathered and creaking in the wind, reads "The Drunken Unicorn" above a rustic wooden door and cobblestone path, set against a dimly lit, misty evening sky. +A quiet library with rows of bookshelves, a student sits at a desk in front of a computer screen displaying "15 Minutes Remaining", surrounded by open books and notes, soft ambient lighting, and a sense of focused urgency. +A fisherman's net is tangled with a bright red buoy, prominently marked with the words "Catch of the Day", floating in a calm sea under a clear blue sky. +A beautifully decorated birthday cake with "Happy 30th Alex" written in elegant blue frosting, surrounded by colorful candles and set against a warm, festive background. +A realistic photograph of a gym locker room, featuring a prominent sign on the wall that clearly states "Shower Out Order", with clean, modern facilities and a slightly empty atmosphere. +A realistic photograph of a voting booth with an instruction sheet clearly visible, titled "Mark One Box", hanging on the wall. The booth is set up with a privacy curtain and a ballot box on the table. +A space marine stands in a futuristic battlefield, his armor gleaming under the alien sky. On his chest, a detailed patch reads "Moms Favorite Astronaut", contrasting with the harsh environment around him. The scene captures a moment of personal connection amidst the chaos. +A classroom wall adorned with colorful posters and student artwork, featuring a gold star sticker prominently placed, labeled "Best Alien Student". The sticker reflects the playful and inclusive atmosphere of the room, with alien-themed decorations scattered around. +A police car parked on a rainy urban street at night, its door marked with "K9 Unit Patrol", reflecting the wet pavement. A police officer and a German Shepherd stand beside it, both under a streetlight. +A realistic photograph of a walk-in freezer in a modern kitchen, with a clear "Keep Door Closed" instruction sticker on the handle, emphasizing the importance of maintaining the freezer's temperature. +A bustling city street at dusk, with a large digital billboard flashing "Traffic Jam Ahead" in bold red letters, casting a glow over the halted cars and pedestrians below, all under the fading light of the setting sun. +A realistic photograph of a baseball cap with "NYC" embroidered on the front, sitting on a rustic wooden table with a subtle cityscape backdrop. The cap is slightly tilted, showcasing the detailed embroidery and the soft fabric texture. +A realistic photograph of a school bus stop sign extended with the text "Stop for Children", set against a backdrop of a suburban street with children waiting at the bus stop, surrounded by trees and houses. +A bustling nightclub with vibrant neon lights, including a prominent "No Photos Allowed" sign glowing above the DJ booth, where a DJ is mixing tracks surrounded by an enthusiastic crowd and swirling lights. +A close-up of a traditional samurai sword sheath, intricately engraved with the words "For Opening Amazon Packages", set against a minimalist background, blending ancient craftsmanship with modern humor. +A sleek, futuristic wristwatch with a holographic screen glowing "Time Dilation Active" against the backdrop of a dimly lit, high-tech room. The watch's design features sharp edges and a metallic finish, reflecting the ambient blue light. +A vibrant skateboard deck featuring bold, dynamic artwork with the tag "Skate or Die" prominently displayed, set against a backdrop of a gritty urban landscape with graffiti-covered walls and a sunsetting sky. +A high-tech sci-fi spaceship dashboard with glowing holographic displays and blinking warning lights, prominently showing a red alert that reads "Warp Drive Failure" in bold, illuminated text. +A scarecrow in a farmer's field, wearing a shirt painted with "No Crows Allowed", stands amidst golden wheat, with a clear blue sky and a few crows flying in the distance, emphasizing the ironic message on the shirt. +A realistic urban street scene at dusk, with a GPS navigation voice bubble saying "Turn Left Ahead" prominently displayed, illuminated by the ambient city lights, and reflecting on the wet pavement. +A medieval knight's shield, embossed with the motto "Fortune Favors" in elegant script, lies on a weathered oak table. Sunlight streams through a stained glass window, casting colorful shadows over the detailed metalwork and the rich textures of the ancient wood. +A nighttime cityscape with a taxi parked on the side of a rain-slicked street. The taxi's roof light sign is blinking "Off Duty", reflecting softly in the puddles, while the background is illuminated by the warm glow of streetlights and distant neon signs. +A high-tech spaceship control panel with futuristic interfaces and glowing buttons, prominently featuring a large screen displaying the text "Warp Drive Engaged" in a sleek, modern font. The scene is illuminated by the soft blue and green lights of the panel, creating a sci-fi atmosphere. +A realistic photograph of a window decal at a vet clinic, prominently featuring the text "All Pets Must Be Leashed" in clear, bold letters, with a background of a clean, modern veterinary office. +A digital billboard towering above a futuristic cityscape, prominently displaying the text "Neon Nexus" in vibrant, pulsating neon lights, casting a colorful glow over the sleek, high-rise buildings and bustling streets below. +A neon diner sign flickering "Eat Here or Else" casts a vibrant glow above a retro burger joint, its colorful lights reflecting off the wet pavement of a lonely street at night. +A futuristic time machine with a vintage aesthetic, its dial prominently displaying "2024 or Bust", set against a backdrop of swirling temporal energies and glowing circuits. +A close-up shot of a digital thermometer with a sleek, modern design, displaying the temperature "986F Normal" on its screen, set against a clean, white background. +A roadside warning sign, weathered by time, stands prominently at the edge of a rugged mountain pass. The sign clearly states "Falling Rocks Next 2 Miles" in bold letters, with the surrounding landscape featuring jagged rocks and a winding road that disappears into the distance. +A nostalgic 1950s retro diner scene with a classic jukebox prominently displaying the selection "Never Gonna Give You Up", surrounded by vintage decor, neon signs, and a couple enjoying their milkshakes at a booth. +A futuristic space station control room, with illuminated panels and screens displaying critical data. A prominent red warning light blinks next to a digital display reading "Airlock Secured", set against the backdrop of the vast, star-studded cosmos visible through large windows. +A mountain summit signpost marked "Peak of Achievement" stands against a backdrop of rugged peaks and a clear blue sky, with a few fluffy clouds drifting by. Sunlight bathes the scene, casting long shadows and highlighting the natural beauty of the landscape. +A close-up of a drone controller screen displaying "Signal Lost" in bold red text, surrounded by a cluttered array of buttons and dials, with a tense operator's hand resting on the control stick. +A rustic wooden sign, intricately carved with the words "Mythical Zone", hangs from a weathered post. A unicorn, with a shimmering mane and a glowing horn, stands beneath the sign, surrounded by lush, enchanted forest foliage. The scene captures the magic of a hidden, mythical realm. +A close-up shot of a barcode scanner's screen displaying "Product Not Recognized", with a crumpled barcode label partially visible in the foreground, set against a cluttered supermarket checkout counter. +A movie poster featuring a mysterious, ancient wooden door embedded deep within a dense, misty forest. The title "Door in the Woods" is prominently displayed at the top, with eerie, ethereal light surrounding the door, hinting at the unknown beyond. +A high-tech dragon egg incubator with a sleek, futuristic design, displaying a large screen that reads "Hatch Progress 99". The egg inside glows with a faint, pulsating light, hinting at the magnificent creature about to be born. +A close-up of a food package label prominently displaying "GLUTEN FREE ZONE" in bold, vibrant colors against a clean, modern background, with subtle shadows enhancing the label's texture and readability. +A fantasy map scroll, labeled "Here Be Dragons", lies unfurled on a weathered wooden table, with intricate illustrations of mountain ranges and mythical creatures, surrounded by antique compasses and navigational tools. +A vintage postcard illustration featuring a bustling cityscape filled with futuristic robots, vintage cars, and neon signs, captioned "Greetings from Robot City" in an elegant, retro font. +A close-up of an old, leather-bound book open to a page with a vintage library stamp reading "Property of Arkham Library", set against the backdrop of worn, aged paper and surrounded by the soft glow of a nearby lamp. +A close-up of a pair of rugged gardener’s gloves, visibly worn and soil-stained, with the words "Dirty Work" meticulously stitched in bold, faded letters across the back. The gloves rest on a bed of freshly tilled earth, surrounded by gardening tools. +A bustling city street at night, illuminated by the vibrant theater marquee lights spelling "Encore Tonight" in bold, neon letters, reflecting off the wet pavement and drawing a crowd of excited theater-goers. +A realistic photograph of a modern voting booth, with a digital screen prominently displaying the message "Select Your Candidate". The booth is clean and well-lit, with a voter's hand reaching out to touch the screen, emphasizing the interactive nature of the voting process. +A coastal lighthouse tower, prominently painted with the words "Safe Harbor 2 Miles", stands tall against a serene sunset, its beacon glowing softly. Waves gently lap at the rocky shore below, enhancing the sense of a welcoming and secure haven. +A realistic photograph of a basketball court at the game's end, with the scoreboard prominently displaying "Final Score 98 95", fans cheering in the background, and players shaking hands on the court. +A realistic smartphone screen with a notification pop-up reading "Battery Critical 1", set against a blurred background of a modern living room, emphasizing the urgency of the message. +Retro diner placemat with a detailed map, vintage style, showing "You Are Here" marked with a red dot, surrounded by classic 1950s cars and charming small-town scenes. +A gritty urban scene with a robot holding a protest sign, spray-painted with the words "Battery Lives Matter", standing amidst a crowd of demonstrators in a futuristic city. +A bustling train station with a large digital screen prominently displaying the "Now Boarding Gate 12" announcement, surrounded by travelers carrying luggage and chatting, with the soft glow of overhead lights and the hum of the station in the background. +In a solemn courtroom, a judge, draped in a traditional robe, raises a gavel intricately engraved with "Order Order" above a wooden bench, ready to strike it down for a dramatic effect, surrounded by tense, attentive observers. +A roadside billboard stands tall, showcasing the vibrant message "Visit Sunnyvale" in bold, eye-catching letters. The sun sets behind the billboard, casting a warm glow over the scene, with a busy highway and lush green fields stretching into the distance. +A realistic photograph of a "No Rollerblading" icon prominently displayed on the polished tile floor of a bustling shopping mall, surrounded by the reflections of shoppers and stores. +A realistic submarine control room with a illuminated control panel displaying a critical alert, "Depth Exceeded", in bright red letters, surrounded by anxious crew members monitoring various screens and gauges. +A futuristic laboratory setting with a scientist wearing a sleek, sci-fi lab coat. The badge on the coat prominently displays "Dr Smith Time Travel Division", reflecting advanced technology and a mysterious, high-security environment. +A "Welcome Home" banner is strung across a suburban driveway, flanked by neatly trimmed hedges and a blooming flower bed. A cozy, two-story house with a red door stands in the background, under a clear blue sky. +A time traveler's antique pocket watch, intricately engraved with "Now Is Always the Right Time", rests on a worn, leather journal page, next to a feather quill and aged, crumpled maps, under the warm glow of an old-fashioned desk lamp. +A close-up of an old library book with a vintage stamp marked "Due Date 1225", surrounded by worn pages and the faint scent of ink, capturing the timeless essence of a well-loved book. +A digital thermometer with a red display showing "Feeling Hot 102F" sits on a white background, with a subtle shadow beneath it, emphasizing the high temperature reading. +A dimly lit urban street at night, featuring a pharmacy with a vibrant neon cross sign prominently displaying "Open Late" in bold, glowing letters, casting a warm, inviting light over the surrounding area. +An astronaut stands before the moon base door, clearly labeled "Airlock Chamber 1", with the desolate lunar landscape stretching out behind them, emphasizing the isolation and technological advancement of their habitat. +A realistic desktop screen displaying a pop-up window with the message "System Update Required", surrounded by icons and folders, with a slight blur effect to emphasize the alert. +A realistic photograph of a tattoo on a muscular arm, featuring the word "Fearless" in bold, cursive script, with subtle shading and a slightly weathered look, set against a blurred background of a forest. +A winter scene at a ski resort, featuring a wooden trail sign that reads "Black Diamond Slope" amidst a backdrop of snow-covered trees and skiers descending a steep, challenging slope. +A vibrant skatepark with a smooth, curved ramp, "Helmets Required" stenciled in bold letters on the concrete, surrounded by energetic skaters and safety gear, capturing the dynamic spirit of urban sports. +A vibrant scene featuring a unicorn stable sign that reads "Rainbow Parking Only", set against a magical forest backdrop with a soft, golden light filtering through the trees, enhancing the mystical atmosphere. +A close-up of a sunscreen bottle on a white background, with the front label prominently displaying "SPF 50 Protection" in bold, colorful letters, surrounded by a minimalist, modern design. +A pet store's fish tank features a playful sticker warning, "No Tap Dancing", humorously depicting a tiny tap dancer in mid-leap, surrounded by curious fish and aquatic plants, creating a whimsical and vibrant underwater scene. +A detailed biology textbook diagram with a clear, labeled illustration of a cell, prominently highlighting the "Mitochondria" with a bright, contrasting color and an informative caption explaining its function. +A hauntingly detailed photograph of an ancient, weathered mansion door, with a sinister, anthropomorphic door knocker that seems to mouth the words "Go Away", set against a dimly lit, eerie background. +A vintage Western wanted poster featuring a rugged cowboy, with the text "Dead or Mildly Annoyed" prominently displayed. The poster is weathered, with faded colors and a rustic wooden plank background, emphasizing the old West atmosphere. +A moving company's cardboard boxes, each labeled with a sticker that reads "Fragile", are stacked neatly in a sunlit room, casting soft shadows on the floor. +A close-up of a keychain tag inscribed "Home Sweet Home", hanging from a rustic keyring, with a warm, sunlit wooden background, capturing the essence of comfort and familiarity. +An ice cream truck parked on a sunny street, its side panel prominently displaying "Soft Serve 1" in bold, colorful letters, with a queue of happy customers eagerly waiting for their treats. +An underwater cave with a rugged stone wall, intricately carved with the words "Treasure Below", illuminated by soft, filtered light from the surface, surrounded by swirling currents and colorful marine life. +A realistic photograph of a wedding invitation card on a wooden table, featuring elegant calligraphy that reads "Joyful Union of Alex & Sam", surrounded by delicate flowers and a soft, warm light. +A nostalgic roadside diner with a vintage neon sign, the menu board prominently displaying "Pie of the Day Apple" in bold, hand-painted letters, surrounded by classic car patrons and a sunny, small-town atmosphere. +A detailed engineer’s blueprint titled "Build the Future" laid out on a wooden desk, with a mechanical pencil and a scale ruler resting beside it. Sunlight streams through a window, casting soft shadows and highlighting the intricate designs and notes on the blueprint. +A dramatic scene of a volcano monitoring station, with a digital countdown screen displaying "Eruption in 54" seconds. Scientists in protective gear observe the rising ash and glowing lava, capturing data with urgency. The sky is darkened by ash clouds, and the ground vibrates with impending eruption. +A pirate ship sails the turbulent sea, its flag emblazoned with "Skull Crossbones" billowing in the wind, casting shadows over the dark wooden deck and the crew below. +A sleek, modern ambulance parked on a city street, with a vivid side decal that reads "Emergency Medical" in bold, clear letters, reflecting the urgency and professionalism of the medical service. +A close-up of a detective's notepad with a scribbled note saying "Follow the Crypto Trail", surrounded by coffee stains and scattered coins, under the glow of a dim desk lamp. +A sleek, retro-futuristic time machine control panel with glowing neon buttons and a large digital display reading "Destination Year 1985", set against a backdrop of swirling temporal energy. +A wizard stands in a dimly lit ancient library, his staff emitting a soft, ethereal glow. Runes along the staff spell "Ctrl Z", casting a mysterious light on old, dusty tomes and arcane symbols etched into the walls. +A neon sign flashing "Open 24 Hours" hangs above the entrance of a vintage diner, casting a vibrant glow on the rain-slicked pavement and reflecting in the windows. The scene is set at night, with a few cars parked outside and a faint glow from the streetlights. +A city street at night, a yellow taxi with its roof light glowing "Available for Hire" in bright, clear letters, reflecting off the wet pavement. The taxi is parked by the curb, with a faint glow from the streetlights illuminating the scene. +A high-resolution space telescope image captioned "Andromeda Galaxy Cluster", showcasing the intricate spiral arms and vibrant stellar nurseries of the Andromeda Galaxy, surrounded by a faint halo of distant stars and galaxies. +A realistic photograph of a delivery truck parked on a city street, with a bumper sticker reading "Hows My Driving Call 555" clearly visible on the back. The truck is surrounded by urban scenery, including buildings and pedestrians. +A mad scientist stands in his cluttered lab, wearing a lab coat embroidered with "Trust My Genius". Shelves lined with bizarre experiments and bubbling potions surround him, while intricate machinery hums in the background. The scientist's eyes gleam with eccentric enthusiasm. +A librarian stands amidst shelves of books, holding a bookmark that reads "Silence Please", her finger gently pressing it against an open page, surrounded by the quiet ambiance of the library. +A close-up shot of a sleek fitness tracker on a wrist, its screen glowing and flashing "10000 Steps Achieved" in a bold, clear font, set against a blurred background of a morning jog in a park. +A smartphone screen displays a weather app notification with the text "100% Chance of Regrets" amidst a stormy, overcast sky, with raindrops visible on the screen, emphasizing the somber and reflective mood. +A high-resolution digital ad in a bustling subway station, prominently displaying "New Movie Release" with dynamic visuals of the film's key characters and scenes, surrounded by commuters in a modern, well-lit setting. +A realistic photograph of a wedding cake with a humorous banner on top that reads "Thanks for Coming We Guess", surrounded by delicate frosting and decorative elements, set against a soft, elegant background. +A cozy living room scene with a coffee mug featuring "World's Best Dad" in elegant gold lettering, placed on a wooden table beside a open book and a pair of reading glasses, bathed in warm afternoon sunlight. +A cozy kitchen scene featuring a baker in an apron embroidered with "Knead to Relax", surrounded by fresh bread and pastries, with sunlight streaming through the window, casting a warm glow on the wooden countertop. +A serene coastal scene with a modern sailboat docked at a wooden pier. The boat's hull prominently displays the name "Sea Wanderer 2023" in elegant, bold letters. Sunlight glints off the water, casting gentle shadows on the boat and the surrounding area. +A detailed ski resort trail map with vibrant, natural scenery, prominently marking the "Black Diamond Run" with a bold, red line. Snow-covered slopes and pine trees in the background enhance the adventurous atmosphere of the challenging trail. +A realistic photograph of a dog wearing an intricately embroidered collar tag shaped like a bone, with the text "I Bite Liberals" clearly visible, set against a natural outdoor backdrop. +A dimly lit theater stage with a vintage "Act 1 Scene 2 Marker" plaque prominently placed on the wooden floor, surrounded by soft shadows and a subtle spotlight, capturing the essence of a classic play's opening. +A deep-sea submarine dashboard with glowing indicators and a central screen blinking "Abyss Mode Engaged", surrounded by the dim blue light of the ocean depths. +Realistic urban scene with graffiti on a subway wall, prominently featuring the words "Revolution Now" spray-painted in vivid, dripping red, casting shadows in the dim tunnel light. +A cruise ship deck at dusk, bustling with guests in vibrant attire, preparing for the "Tropical Night Party 8 PM". Lively music plays as the sun sets over the ocean, casting a warm glow on colorful decorations and festive lights. +A close-up of an artist’s paint palette, labeled "Primary Colors Only", featuring vibrant red, blue, and yellow paints, with brushes and a few mixed colors on the side, set against a clean, white background. +A desolate landscape with an alien road sign featuring glowing symbols that translate to "Humans 5 LightYears" under a twilight sky, emphasizing the eerie, otherworldly atmosphere. +A protester holds a hand-painted poster with the slogan "Books Not Bullets" at a peaceful rally, surrounded by a diverse crowd waving signs and banners under a clear blue sky. +Astronaut floating in space, their helmet visor reflecting a dashboard with "O₂ 15" prominently displayed, Earth's curvature visible in the background, realistic lighting and shadows. +A close-up of a bakery box sticker featuring the text "Handle With Care" in elegant, cursive font, surrounded by intricate floral patterns and pastel colors, set against a soft, textured background. +In a cozy diner, a vintage placemat features a trivia question: "What is the Meaning of Toast?" The scene is warm and inviting, with a classic American diner backdrop, complete with red booths, chrome counters, and a retro jukebox. +A rustic bakery scene with a fresh bread loaf wrapped in paper labeled "Fresh Daily", sitting on a wooden counter alongside a basket of other baked goods, with warm, golden lighting and the subtle aroma of fresh bread in the air. +A hidden cave entrance, partially obscured by lush green foliage, with a weathered wooden sign hanging above it that reads "Adventure Awaits Maybe". The scene is bathed in a soft, mystical light filtering through the trees, hinting at the mysteries that lie within. +A majestic mountain summit with a stone marker reading "Elevation 14411 ft", surrounded by rugged, snow-capped peaks and a clear blue sky with wispy clouds. +A realistic photograph of a pharmacy window, featuring a vibrant sticker that reads "Get Vaccinated" in bold letters, surrounded by colorful icons of syringes and medical symbols, with a busy street scene visible through the glass. +A close-up of boxing gloves, meticulously stitched with the words "Knockout Champion", resting on a worn, red boxing ring mat, with a soft, dramatic spotlight highlighting the intricate details of the gloves and the text. +A vast desert landscape with an old, weathered signpost standing tall, pointing towards the horizon with the text "To Mirage 2 Miles" clearly visible. Sunlight casts long shadows, emphasizing the stark, arid environment. +An astronaut floating in space, their helmet visor prominently reflecting the warning "Oxygen Low 10", set against the backdrop of a distant, shimmering Earth. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Knead to Succeed", surrounded by fresh bread and pastries, with sunlight streaming through the window, creating a warm, inviting atmosphere. +A bustling city street during a marathon, with a digital billboard prominently displaying "Stay Hydrated" in vibrant colors, surrounded by cheering spectators and runners passing by. +A realistic smartphone screen displaying a weather app notification that reads "Storm Alert Seek Shelter", set against a backdrop of dark, stormy skies with lightning in the distance. +A beautifully crafted birthday cake with smooth blue icing, elegantly written "Happy 30th" in bold, cursive letters, surrounded by sparkling candles and a sprinkle of edible glitter, set against a warm, celebratory backdrop. +A high-resolution weather forecast screen displaying "Storm Alert Category 5", with dramatic storm clouds and lightning in the background, emphasizing the severity of the warning. +A backstage pass labeled "All Access" hangs from a lanyard, resting on a worn leather jacket. In the background, a dimly lit hallway with posters of famous bands on the walls, leading to a door with a spotlight peeking through, hinting at the concert just beyond. +A realistic photograph of a battery pack with a prominent warning label that reads "Do Not Short Circuit", set against a neutral background, emphasizing the label's clear and cautionary text. +A cozy café interior with warm lighting, wooden tables, and shelves filled with coffee mugs. A barista wearing a green apron and a name tag that reads "Ask Me About Coffee" in neat, handwritten script, smiling as they prepare a latte. +A realistic smartphone screen displaying a weather app notification during a storm, with the alert reading "Chance of Dragons 80%". The background shows a dark, stormy sky with lightning, emphasizing the surreal and fantastical nature of the notification. +A close-up photograph of a plant tag in a garden center, clearly displaying the text "Sunflower Tall Variety", with a backdrop of vibrant sunflower plants towering behind it. +A tiny bee, no bigger than a thumbnail, stands proudly on a sunlit flower, holding a miniature sign that says "drink". The bee's wings glisten in the warm sunlight, and the sign is clearly visible, inviting passersby to notice its playful message. +Under a dimly lit bridge, vibrant graffiti spells "Lost Souls" in bold, swirling letters, casting eerie shadows on the cracked concrete walls, surrounded by scattered urban debris. +A neon-lit tattoo parlor sign reads "Ink at Your Own Risk", casting a vibrant glow on the gritty, urban street below, where a lone figure stands, contemplating their next artistic venture. +A vibrant carnival game booth with a colorful banner that reads "Win Big Prizes", surrounded by excited children and adults, with a variety of dazzling prizes on display, including plush toys and shiny trophies, under the warm glow of carnival lights. +A detailed close-up of a retro-futuristic time machine dashboard, with glowing gauges and a central screen displaying "Destination Childhood", set against a soft, nostalgic glow. +A dilapidated, rusted mailbox stands at the entrance of a haunted house, its surface scratched with the ominous warning "Leave If You Dare", surrounded by overgrown weeds and shadows of twisted trees. +A rugged hiking trail marker, intricately carved with "Summit Trail" on a weathered wooden post, stands at the edge of a dense forest, leading the way through a misty morning landscape. +An astronaut floating in space, their helmet visor HUD clearly displaying "O2 98 Full", with the vast cosmos and a distant planet visible in the background. +A realistic photograph of a pharmacy counter with a clear, prominently displayed sign that reads "Prescription Pickup", surrounded by shelves of medicine and a pharmacist in a white coat assisting a customer. +An ancient Egyptian papyrus scroll, intricately detailed with hieroglyphs that spell out "Pharaoh's Tomb", laid out on a weathered stone table, surrounded by the dim light of flickering torches in a dusty, grand tomb. +A close-up of a chef's knife on a wooden cutting board, the handle intricately engraved with "Dull Intentions", casting a subtle shadow in the warm kitchen light. +A rustic bakery scene with a fresh loaf of bread on display, tagged with a paper label reading "Fresh Baked 6AM", steaming slightly in the early morning light. +A close-up of a detective's badge, intricately inscribed with "Serve Protect Truth", gleaming under a soft spotlight, set against a dark, gritty urban background. +A fairy delicately holds a shimmering dust jar tagged "Sneeze Causes Flight Mode" in a whimsical forest, surrounded by glowing particles that float gently in the air. The fairy's eyes sparkle with mischief, hinting at the magical properties of the jar. +A vintage 1960s diner with a sleek jukebox labeled "Hit Songs 1965" placed on a Formica countertop, surrounded by bar stools and a nostalgic atmosphere, illuminated by soft, warm lighting. +A close-up of a test tube containing a single drop of liquid, with the words "We found water on Mars" clearly visible on a label affixed to the tube, set against a backdrop of Martian terrain. +A detailed, ancient wizard’s spellbook page titled "Summon Light Spell", with intricate illustrations of celestial symbols and glowing runes, set against a backdrop of weathered parchment. +A close-up of an ancient hourglass with "Tempus Fugit" engraved on its wooden base, surrounded by fallen leaves and fading sunlight, capturing the essence of time's inevitable passage. +A serene campsite with a wooden signpost clearly displaying "Site 12 Reserved" amidst a forest of tall pines, surrounded by tents and campfire setups, under a clear blue sky. +An art gallery plaque titled "Sunset Over Mountains" stands elegantly in front of a large, framed painting depicting a serene sunset casting golden hues over majestic, snow-capped mountains. The plaque's text is clearly visible, set against a minimalist, modern background. +A vibrant travel agency brochure cover titled "Explore New Horizons", featuring a stunning sunrise over a mountainous landscape with a winding road leading to the horizon. A silhouette of a hiker stands atop a peak, symbolizing adventure and discovery. +A realistic photograph of a downtown plaza bench with a prominent "No Skateboarding" decal, surrounded by urban architecture and bustling with pedestrians. The bench is slightly worn, with the decal standing out clearly against the weathered wood. +A vast desert landscape with a lone oasis, where a weathered signpost reads "Last Water 50mi", surrounded by rugged sand dunes and sparse vegetation, under a blazing sun. +A realistic photograph of a futuristic spaceship cargo crate labeled "Handle With Care Moon Rocks", surrounded by the dim lighting and metal walls of a spacecraft's cargo hold, with subtle reflections and textures on the crate. +A detective's evidence tag, labeled "Case File 42", is attached to a worn, brown folder on a cluttered desk, with a dimly lit room and a vintage typewriter in the background, capturing the essence of a classic noir mystery. +A realistic photograph of a subway station wall featuring vibrant graffiti that reads "Mind The Gap", with the bold text standing out against a colorful, urban backdrop. +A serene yoga studio with a large, elegant wall decal that reads "Breathe In Possibilities", surrounded by soft, natural light and minimalist decor, creating a calming and inspirational atmosphere. +A detailed, futuristic time machine dashboard with neon lights and digital displays, prominently showing "Year Not Found" in glowing red text, set against a dark, high-tech interior. +A vintage diner at night with a neon sign flashing "Open 24 Hours" above the entrance, casting a soft glow on the sidewalk and reflecting in the wet pavement. +In a modern screening hall, a promotional video featuring "buildings" is projected onto a large screen, showcasing skyscrapers, historic structures, and vibrant cityscapes, with the audience seated in rows, captivated by the dynamic visuals. +A coastal scene with a lighthouse tower, its powerful beam cutting through the gathering storm clouds. A prominent sign at the base reads "Storm Approaching", warning travelers of the impending danger. The sky is dark and turbulent, with waves crashing against the rocky shore. +A detailed drawing featuring the text "wace" in alphabetism style, intricately surrounded by thick gauge filigree, creating a visually complex and elegant design. +A detailed subway map with vibrant colors, prominently highlighting the "Express Line" in bold, contrasting hues, set against a sleek, modern cityscape visible through the map's transparent edges. +In a dimly lit museum hall, a plaque reads "Egyptian Artifact 1500 BC" beside an ancient, intricately carved stone statue. The warm glow from overhead spotlights highlights the artifact's detailed hieroglyphics and the worn, timeless texture of the stone. +"Social Distancing Required" stickers placed strategically on the supermarket floor, guiding shoppers to maintain a safe distance in the checkout aisle. The scene is bustling with a few customers wearing masks, and the store is well-lit with fluorescent lights. +A close-up of a vintage library stamp, embossed with "Return By Date", on a worn, yellowed card catalog slip, set against the backdrop of an old, leather-bound book's pages. +Ancient stone tablet, weathered and moss-covered, carved with faded runes that read "Beware the Eclipse", set against a backdrop of an overgrown forest, with dappled sunlight filtering through the leaves. +A solitary fishing boat named "Sea Explorer" floats on a tranquil, sunlit sea. The boat's weathered hull and fishing nets are clearly visible, reflecting the serene blue waters. Seagulls soar overhead, and the horizon glows with the warmth of a setting sun. +A weathered pirate's wanted poster, tattered and pinned to a wooden board, with bold text reading "Reward 500 Gold" and a detailed sketch of a rugged pirate with a tricorn hat and a menacing expression. +A weathered pirate ship sails the stormy sea, its flag tattered and threadbare, embroidered with the ominous words "Treasure or Death" in faded ink, flapping in the fierce wind. +A cozy bakery scene with a wooden counter displaying a glass case filled with various donuts. A baker's dozen box, labeled "13th Donut Good Luck", sits prominently on the counter, with a cheerful baker in the background. +A close-up of a bank vault door, the combination dial stopped precisely on the numbers spelling "TRUSTNO1", with the metallic surface showing subtle wear, reflecting the dim light of the vault's interior. +A dimly lit medieval apothecary shop, shelves lined with various potion bottles. In the center, a wizard holds a glowing, eerie green potion bottle labeled "Instant Regret Shake Well", its contents swirling ominously. +A close-up of a spy gadget watch with a sleek, metallic design, the screen displaying bold red text: "Self Destruct Active". The background is a dark, high-tech environment, emphasizing the urgency and sophistication of the device. +A comedian stands on stage with a vibrant "Laugh Factory" backdrop, colorful lights illuminating the scene, the audience blurred in the background, capturing the essence of a lively comedy club. +A mountain peak with a weathered signpost clearly pointing towards "Everest Base Camp", surrounded by rugged terrain and sparse, hardy vegetation, under a clear blue sky. +A cozy bedroom with a plush bed, where a decorative pillow with the embroidered message "No Snoring Allowed" is prominently displayed, surrounded by soft, luxurious blankets and pillows in pastel colors. +A majestic mountain peak with a survey marker inscribed "Elevation 29031 ft" standing prominently against a clear blue sky, surrounded by rugged, snow-capped terrain and distant, misty valleys. +A yellow taxi cruising down a city street at dusk, with its roof light prominently displaying "Off Duty" in bright yellow, reflecting off the wet pavement. +A tea box labeled "Zen Garden Blend" with elegant bamboo illustrations, set against a serene, minimalistic background, capturing the essence of a tranquil Japanese garden. +A medieval wizard's tower with a large, ancient wooden sign hanging above the entrance, boldly warning "Magic in Progress". The tower is surrounded by a misty forest, with glowing runes etched into the stone walls, creating an atmosphere of mystique and danger. +A detailed ski resort trail map with vivid markings, prominently displaying "Expert Slopes Only" in bold text, surrounded by snowy peaks and ski lifts in the background. +Retro gas station scene with a vintage sign advertising "Unleaded Time Travel 199gal" under a nostalgic 1950s sky, complete with old cars and a classic diner in the background. +In a modern art gallery, a sleek, minimalist plaque beneath a large, dynamic abstract painting reads "Chaos in Blue 2024". The painting features swirling, vibrant blues and whites, evoking a sense of turbulent energy. The gallery walls are a neutral white, enhancing the artwork's impact. +A realistic photograph of a laboratory mouse cage with a clear label reading "Test Group Alpha" affixed to the front, set against a clean, white background. The cage contains a water bottle and a few wooden shavings, with a small mouse visible inside. +A bustling construction site with a barrier prominently displaying "Hard Hat Area", surrounded by workers in safety gear and heavy machinery in the background. +A vintage postage stamp with intricate engraving along the border, featuring the text "Mail Express" in elegant, classic typography, set against a faded, textured background reminiscent of aged paper. +A cozy kitchen scene featuring a baker in an apron embroidered with "Knead Love Daily", surrounded by fresh bread and pastries, with sunlight streaming through the window, creating a warm and inviting atmosphere. +A movie director's chair with the text "Silence On Set" prominently displayed, situated on a sunlit film set, surrounded by clapperboards and crew members in the background, capturing the essence of a bustling yet hushed production environment. +A tattoo parlor window, featuring a decal with the phrase "Ink Your Legacy" in Gothic font, illuminated by the warm glow of interior lights, with a faint reflection of a tattoo artist at work in the background. +A close-up of a pizza box with a bold, red logo stamped "Hot Fresh" on the top, set against a blurred background of a bustling pizzeria. +A detailed campground map with a marker labeled "Bear Territory", surrounded by dense forest and a small trail leading into the woods, emphasizing the wilderness and potential danger. +A vibrant city street featuring a graffiti wall prominently displaying the tag "Urban Artist 2024", surrounded by colorful murals and bustling urban life. +A cozy kitchen table with a steaming coffee mug displaying the print "Mornings Are Hard", surrounded by a scattered morning newspaper and a half-eaten pastry, bathed in the soft, warm light of early sunrise. +A beautifully designed wedding invitation featuring elegant gold calligraphy on a crisp white card, with the phrase "Join Our Joyful Union" prominently displayed. Surrounding the text are delicate floral borders in soft pastel colors, enhancing the romantic and celebratory mood of the occasion. +A vibrant, detailed magic carpet with an intricate "Fly to Agrabah" pattern, soaring through a starlit sky above the bustling city of Agrabah, with the moon casting a golden glow over the ancient architecture and bustling markets below. +A vibrant campaign rally with a sea of people holding up "Vote for Change" buttons, under a bright, sunny sky. The buttons are prominently displayed, capturing the essence of hope and unity in the crowd. +A weathered stone monument, half-buried in sand, with the phrase "They tried to bury us" clearly carved into its surface, set against a desolate, windswept desert landscape. +A beautifully decorated birthday cake with intricate frosting designs and colorful sprinkles, featuring the message "Happy 30th Birthday" in elegant script on top, surrounded by glowing candles and set against a warm, celebratory backdrop. +A detailed, realistic photograph of an ancient, dusty potion bottle with a warning label that reads "May Cause Invisibility", set on a wooden table with magical runes etched into the surface, surrounded by mystical ingredients and a flickering candle. +A close-up shot of a concert wristband, prominently displaying the print "VIP Access All Areas", with a vibrant stage light reflecting off its surface, set against a blurred crowd in the background. +A marathon runner, wearing a bib labeled "Bib 246 Finish Strong", crosses the finish line, drenched in sweat, with a determined look on their face, surrounded by cheering spectators and a festive atmosphere. +A colorful kindergarten classroom poster prominently displays "ABC 123", surrounded by playful illustrations of animals and numbers, with a bright, cheerful background that captures the essence of early learning. +A realistic beach scene with a detailed sand sculpture of driftwood letters spelling "Tides Change", surrounded by smooth pebbles and seashells, with gentle waves lapping at the edges. +A vibrant poster featuring the title text "Fun and Games" in bold, playful letters, surrounded by colorful illustrations of children enjoying various activities like playing board games, riding bicycles, and flying kites in a sunny park. +In a modern museum exhibit, a glass case displays an ancient smartphone, its screen glowing faintly with the words "Swipe Left to Unlock". Surrounding it, informational plaques and soft, ambient lighting enhance the sense of historical significance and technological evolution. +A realistic photograph of a modern car's GPS navigation screen, clearly displaying the instruction "Turn Left in 200m" with a map showing the upcoming turn and surrounding streets. +A close-up of a candy wrapper with "Prize Inside" in shiny golden foil, reflecting light and casting subtle shadows, set against a soft, neutral background. +A futuristic spaceship's navigation screen, prominently displaying "Warp Drive Engaged" in glowing green text, with intricate control panels and holographic interfaces surrounding it, set against the backdrop of a starry space landscape. +A crime scene photograph showing a court evidence tag marked "Exhibit C Bloody Glove" placed next to a blood-stained leather glove on a white forensic sheet, with a ruler for scale and a faint police caution tape in the background. +A close-up of a vintage gardener's seed packet, labeled "Mystery Flowers", with an illustrated border of various blooming flowers and a subtle, rustic texture. The packet is slightly worn, with a faded label and a hint of soil on the corner. +A highway patrol car parked on the side of a sunlit road, its door prominently displaying the quirky slogan "To Punish and Enchilada". The car's sleek, modern design contrasts with the rural landscape, emphasizing the humor and uniqueness of the phrase. +Retro airline poster featuring a classic propeller plane soaring through a vibrant blue sky, with the iconic slogan "Fly the Friendly Skies" emblazoned across the top, surrounded by elegant, mid-century modern typography and graphic elements. +A vintage ice cream truck parked on a sunny street, with a bright sign that reads "Soft Serve Here" prominently displayed on its side. Children gather excitedly around, eager for a cool treat. +A camping tent with a clear tag warning "No Food Inside" attached to the entrance, set against a backdrop of a dense forest with sunlight filtering through the trees, emphasizing the natural and serene camping environment. +A nostalgic scene at an old gas station, featuring a vintage gas pump with a retro sticker that reads "Unleaded Hopes 399gal", surrounded by classic cars and a 1950s American landscape. +A rugged mountain trail with a wooden signpost, carved with "Summit This Way", guiding hikers towards the peak, surrounded by dense, verdant foliage and rocky terrain. +A modern yoga studio with a minimalist design, featuring a large wall art piece that prominently displays the text "Find Your Balance" in elegant, flowing typography, surrounded by subtle geometric patterns and natural elements like plants and soft lighting. +In a dimly lit museum, a modest, unassuming rock rests on a pedestal, with a small, discreet plaque that reads "Ordinary Rock Donated". The scene is captured in a realistic photographic style, emphasizing the contrast between the rock's simplicity and the grandeur of its surroundings. +A smartphone screen displaying a weather app notification that reads "UV Extreme Stay Undead", set against a backdrop of a desolate, sun-baked desert landscape with a dark, stormy sky looming in the distance. +A realistic photograph of a birthday cake with smooth, white frosting and elegant blue icing that spells out "30 Again" on top, set against a warm, celebratory background with soft lighting highlighting the cake's details. +A time traveler's worn leather journal, open to a page titled "Yesterdays Tomorrow", with faded ink detailing a futuristic cityscape under a twilight sky, surrounded by vintage maps and clock gears. +A beautifully lit birthday party featuring a vibrant cake decorated with "Happy 5th Birthday Zoe", surrounded by colorful balloons and happy faces, captured in a warm, candid moment. +A close-up of a sleek, modern hotel keycard with "Room 237" clearly visible, set against a blurred background of a luxurious hotel hallway, evoking a sense of mystery and anticipation. +A vintage postage stamp with an elegant, cursive "Air Mail" inscription, set against a faded, textured background with subtle perforations around the edges, capturing the nostalgic charm of early aviation correspondence. +A beautifully lit birthday cake with candles spelling "30 Really" in flickering icing, set on a rustic wooden table, surrounded by soft, warm ambient lighting, capturing the essence of a celebratory moment. +A detailed fire exit map diagram in an office hallway, clearly labeling "You Are Here", with safety signs and exit routes highlighted, set against a modern office backdrop with neutral tones and clean lines. +A sushi chef, wearing a traditional white outfit, has a blue headband embroidered with the words "Sharp Knives Only". The chef is focused, preparing fresh sushi in a modern, clean kitchen, with a variety of ingredients neatly arranged on the counter. +A sleek, futuristic spy gadget manual lies open on a dark, metallic surface. The page is illuminated, highlighting the section titled "Self Destruct Button", with detailed schematics and a red, glowing button in the center. +A vintage theater marquee at night, glowing neon lights spelling "Now Showing" with classic film posters in the background, bustling city street, people walking by, realistic photography style. +A detailed blackboard in a wizard school classroom, with a diagram labeled "Proper Broomstick Maintenance". Quills, ink bottles, and a half-erased spell formula are scattered on a wooden desk in front. The classroom is dimly lit, with a single beam of light highlighting the blackboard. +A modern bakery window featuring a stylish decal that reads "Gluten-Free Options", with fresh, colorful pastries displayed inside, and a warm, inviting atmosphere. +A realistic gym locker room scene with a mirror reflecting a muscular figure. Clear writing in bold, encouraging letters on the mirror says "You Got This", surrounded by steam and gym equipment in the background. +A deep-sea probe camera feed displays murky waters with a faint glow, text overlay reads "Unknown Species Detected". In the background, an eerie, bioluminescent creature with translucent fins and large, reflective eyes drifts into view, adding to the mysterious ambiance of the abyss. +In a cluttered mad scientist lab, a whiteboard is filled with complex equations, the last line reading "Zombies". Beakers, coils, and strange machines surround the board, with a glowing green substance bubbling in the background. +A ship captain stands solemnly on the deck, holding a logbook open to a page that reads "Storm Warning Issued". Dark clouds gather on the horizon, and the sea churns with foamy waves, emphasizing the impending storm. The captain's expression is one of determined resolve. +A detailed pirate map with "X Marks the Spot" prominently displayed, surrounded by intricate illustrations of ships, compasses, and treasure icons, set against a weathered parchment background. +Retro diner scene with a vintage menu board prominently displaying "World's Best Milkshakes", set against a 1950s backdrop with classic car reflections and soft, warm lighting. +A detailed subway map with a vividly highlighted route "To City Hall Station", set against a backdrop of a bustling cityscape, captured in a realistic photographic style. +A realistic photograph of a sleek, modern laptop with a vibrant sticker on the bottom left corner. The sticker reads "Ctrl Alt Defeat" in bold, eye-catching text. The laptop is placed on a clean, minimal desk, with soft, natural lighting highlighting the sticker. +Retro diner menu board with vintage fonts and colors, prominently advertising "Pie of the Day Apple" in the center, surrounded by classic diner items and a cozy, nostalgic atmosphere. +A vibrant T-shirt design with the phrase "I Survived the Plot Twist" in bold comic font, set against a dynamic background of exploding comic book panels and quirky illustrations, capturing the essence of a thrilling narrative twist. +A vibrant neon sign flashing "Dream Lounge" illuminates the entrance of a retro nightclub, casting colorful reflections on the wet pavement and creating a nostalgic 1980s atmosphere. +A bustling farmer’s market stall with a vibrant banner reading "Organic Produce Daily" hanging above a colorful array of fresh fruits and vegetables, surrounded by happy shoppers and farmers. +A close-up shot of a hospital IV bag, labeled in messy handwriting "Super Serum v23", hanging against a sterile, white background, with a faint shadow of a syringe and a nurse's hand in the lower corner. +A close-up of a detective's office door, featuring a brass plaque that reads "Private Investigator", set against a backdrop of worn, wooden panels and a dimly lit hallway. +A close-up of a VR headset display, showing floating text "System Overload" in a futuristic font, with a glitch effect and a dark, cyberpunk background. +A realistic photograph of the lowercase letter "b" crafted entirely from flickering flames, set against a dark background, with the fire's warm hues of orange and yellow creating a striking contrast. +A vibrant skateboard deck featuring the bold slogan "Skate Or Die", surrounded by dynamic graffiti and street art elements, set against a gritty urban backdrop. +A vintage postcard with the message "Wish You Were Here" prominently displayed, set against a nostalgic beach scene with an old-fashioned pier and a clear blue sky. The postcard is slightly worn, with a soft, warm color palette, evoking a sense of timeless charm. +A diver, equipped with scuba gear, examines a wrist compass stamped "North Follow the Jellyfish" while surrounded by a swarm of bioluminescent jellyfish in the deep blue ocean. +An ancient, weathered scroll unfurled on a wooden desk, the elegant calligraphy reading "Beware the Eclipse" stands out against the parchment, illuminated by the soft glow of a nearby candle, casting subtle shadows. +A realistic photograph of an airport departure board, prominently displaying "Flight 815 DELAYED" in bold, red letters, with other flights listed below in a modern, sleek font, and a few passengers looking concerned in the background. +A close-up of an antique spyglass with intricate lens etching that reveals the phrase "Look Behind You" when light passes through, set against a backdrop of a mysterious, foggy forest at dusk. +A ballet studio with a large mirror featuring a decal that reads "Point Your Toes". Dancers in leotards and tights practice at the barre, their reflections capturing the grace and precision of their movements. +A Viking longship glides through choppy waters, its sail prominently displaying the phrase "Row Harder Valhalla Waits". Warriors with shields and helmets line the deck, their faces determined, as they row fiercely. The sky is a dramatic mix of stormy clouds and breaking sunlight. +A museum exhibit featuring a display case with ancient artifacts, including pottery, tools, and statuettes, under warm, ambient lighting. A sign prominently reads "Ancient Artifacts" in elegant, gold lettering. +A movie theater marquee illuminated at night, prominently displaying the text "Premiere Tonight" in bold, colorful letters, with a crowd of excited people gathering outside, paparazzi flashing cameras, and a red carpet leading up to the entrance. +A close-up of a spacesuit arm, showcasing a detailed, embroidered patch that reads "Mars Colony Dropout". The patch features a blend of red and gray tones, symbolizing Mars and the futuristic setting. The fabric shows subtle wear, hinting at the wearer's rugged journey. +A close-up of a pet collar tag, intricately engraved with "Call 555 1234", lying on a rustic wooden table, illuminated by soft, natural light streaming through a window, emphasizing the detailed craftsmanship and the worn, metallic surface. +A vibrant children’s book illustration featuring a majestic dragon with shimmering scales, holding a speech bubble that reads "I Love Sparkles", surrounded by a glittering forest with twinkling lights. +A bustling city street with a diverse group of protesters holding hand-painted signs, one prominently displaying "More Parks Less Parking" in bold, colorful letters. The scene is vibrant, with green spaces visible in the background, emphasizing the message of the sign. +A realistic smartphone screen displaying a digital notification that reads "Low Battery 10%", set against a blurred background of a modern living room, with soft ambient lighting highlighting the phone's screen. +A sleek highway patrol car with the decal "State Trooper Unit 405" prominently displayed on the side, parked on a scenic overlook with a sprawling highway and rolling hills in the background. The car's lights are off, and the scene is captured during the golden hour, casting a warm, soft light. +A realistic photograph of a highway exit sign, prominently displaying "Next Rest Stop 2 Miles", set against a backdrop of a sunny sky and passing cars. The sign is clear and legible, with the road stretching into the distance. +A parrot perched on the mast of a pirate ship, wearing a classic pirate hat adorned with the text "lupu", overlooking the vast, stormy sea. +A close-up of a hospital wristband on a patient's wrist, clearly displaying the text "PATIENT B POSITIVE", set against a neutral background to emphasize the details of the band and the text. +A weathered tombstone in a misty, ancient cemetery, with the engraving "Told You I Was Sick" clearly visible. Overgrown vines and moss partially cover the stone, adding to the eerie, somber atmosphere. +A close-up of a barista's name tag, clearly displaying "Jenny Certified Barista", set against the warm, rustic backdrop of a coffee shop counter. +A glowing magic 8-ball floats in a dimly lit room, its reflective surface shimmering with a soft, ethereal light. Inside, the answer "Ask Again Later" is clearly visible, casting a mysterious aura around the spherical object. +An electric car parked at a modern charging station, with a digital display showing "Fully Charged 250 Miles". The car's sleek design is highlighted under bright, clear skies, emphasizing the eco-friendly technology and the readiness for a long journey. +A whimsical treehouse nestled in a lush green canopy, with a hand-painted wooden sign hanging on the door that reads "No Adults Allowed We Can Tell", surrounded by playful children's drawings and colorful decorations. +A vibrant fireworks display illuminates the night sky, spelling out "Make Noise Tonight" in a cascade of sparkling bursts, each explosion a symphony of colors against the dark canvas. +A realistic photograph of a shiny, metal dog collar tag engraved with "If Lost Call 123456", lying on a rustic wooden surface, with soft, natural light highlighting the texture and details of the tag. +A kitchen countertop with a modern, stainless steel smart fridge. A sticky note on the fridge door reads "Milk Expired Yesterday", next to a half-empty milk carton. The scene is lit by warm, overhead lighting, emphasizing the note and the fridge's sleek design. +A realistic photograph of a street with cars parked along the side, featuring a clear "Resident Parking Only" sign at the entrance, surrounded by trees and a residential backdrop. +A young superhero in training, wearing a vibrant red cape with the text "Hero in Training" emblazoned on the back, stands confidently in a cityscape at sunset, the golden light casting a heroic glow around them. +In a bustling museum hall, a towering dinosaur skeleton stands, with a humorous label at its base stating "Actual Size Probably Not", surrounded by intrigued visitors and soft, ambient lighting. +A close-up of a bakery window featuring a vibrant, colorful sticker that declares "Gluten Free Options", surrounded by the warm glow of freshly baked goods inside. +A nostalgic carnival scene with a weathered ticket booth sign reading "Rides Closed Forever", surrounded by overgrown grass and faded, abandoned attractions, capturing the eerie yet melancholic atmosphere of a once-thriving amusement park. +A modern office desk with a sleek digital calendar displaying the notification "Meeting at 2 PM". The desk is cluttered with a laptop, notepad, and a cup of coffee, under the soft glow of an overhead lamp. +A cozy coffee shop interior with warm lighting and wooden furnishings. A customer holds up a loyalty card stamped "Free Drink Earned", smiling proudly. The card is prominently displayed, with a steaming cup of coffee on the table in front of them. +A grand clock tower stands tall in a historic town square, its face prominently displaying the phrase "Time Flies" in elegant, aged lettering. The scene is bathed in the warm, golden light of a setting sun, casting long shadows and highlighting the intricate details of the tower's stonework. +A vintage flower shop delivery van parked on a bustling city street, adorned with vibrant floral patterns and a prominent sign reading "Same Day Blooms", surrounded by a cheerful crowd and blooming flower beds. +A high-tech spaceship control room with futuristic interfaces and blinking lights. The central panel displays a critical alert in red: "Oxygen Low". An astronaut looks concerned, checking the systems for any signs of malfunction. The scene is set in a realistic, modern sci-fi style. +A close-up of a pet rock adoption certificate, featuring a whimsical design with a stamp that reads "Licensed Boulder Parent", set against a rustic, wooden background with soft, warm lighting. +A weathered pirate's treasure map with "X Marks the Spice" scrawled in bold red ink, showing a detailed island with tropical forests, a sandy beach, and a prominent X marking the spot where the treasure is buried. +A sleek, modern race car with a gleaming hood that reads "Speed Demon 99" in bold, vibrant letters, parked on a racetrack at dusk, with the setting sun casting long shadows and a crowd in the background. +An antique compass with intricate brass engravings, the needle pointing to "North Found Here", surrounded by a vintage map with faded edges, under a soft, warm light that highlights the worn textures and historical elegance of the scene. +A close-up of an alien spaceship dashboard, featuring a sleek, glowing button labeled "Human Observe Mode", surrounded by intricate, futuristic controls and displays, with a soft, blue ambient light illuminating the detailed interface. +A detailed museum exhibit card titled "Dinosaur Eggs Cretaceous Era", displayed next to a glass case containing ancient, fossilized dinosaur eggs. The card provides information about the eggs' discovery, age, and the species they belonged to, with a soft spotlight illuminating the display. +A vibrant urban alleyway features bold graffiti on a weathered brick wall, prominently displaying the words "Rebel Zone" in dynamic, colorful lettering. The scene is illuminated by the soft glow of streetlights, enhancing the gritty, rebellious atmosphere of the neighborhood. +A vast desert landscape with a weathered wooden signpost standing alone, clearly displaying the text "WATER 1 MILE" in bold letters, set against a backdrop of sand dunes and a distant, shimmering mirage. +A superhero stands confidently, cape billowing in the wind, embroidered with the symbol "Hope Never Dies" in radiant gold thread, against a dramatic cityscape at sunset. +A realistic photograph of a graduation cap with the text "Class of 2024" prominently displayed on the tassel, sitting atop a pile of books and a diploma on a wooden desk, with a blurred background of a sunny campus. +A futuristic spaceship control room, with a central panel displaying "Hyperdrive Ready" in glowing green text, surrounded by blinking lights and holographic interfaces, set against the backdrop of a star-filled universe visible through a large viewport. +A sushi chef in a traditional white outfit, wearing a headband embroidered with "Sharp Knives", prepares fresh sushi in a bustling Tokyo kitchen, surrounded by gleaming utensils and vibrant ingredients. +A movie marquee in a retro-futuristic cityscape, illuminated with neon lights, announcing "Now Showing Space Warriors 5" in bold, glowing letters. The marquee is set against a starry night sky, with a few spaceships hovering in the background. +A realistic notebook page with whimsical doodles, including a speech bubble that reads "Meeting Boredom", surrounded by sketches of bored faces and clock hands moving slowly, capturing the monotony of a dull meeting. +A vibrant beach scene with soft sand and crystal-clear water, featuring a plush towel with the logo "Paradise Sands Resort" prominently displayed, set against the backdrop of swaying palm trees and a serene sunset. +A realistic photograph of a chemistry lab with a glass bottle prominently displayed, labeled "H₂SO4 Corrosive", sitting on a wooden table. The lab is well-lit, with scientific instruments and shelves in the background. +A realistic photograph of an astronaut's helmet, with the display clearly showing "O2 98" on a digital screen, set against the backdrop of a stark, lunar landscape. +A close-up of a space probe's golden record, with a label clearly stating "Play at Volume 11 for Aliens", surrounded by the vast, dark expanse of space, stars twinkling in the background. +A bustling train station with an announcement board prominently displaying "Track 3 Now Boarding". Passengers hurry past, some glancing at the board, while others wait on the platform. The scene is vibrant, with the warm glow of station lighting and the faint sound of a train in the distance. +A cozy kitchen with a chef intently stirring a pot of risotto on a stovetop, surrounded by fresh ingredients. A wooden spoon rests on the edge of the pot. A screen in the background displays the subtitle text "Perfect Risotto Challenge". +A high-resolution digital smartwatch face displaying "1261 PM ERROR" with a sleek, modern design, set against a dark background, emphasizing the error message and the watch's futuristic aesthetics. +A close-up photograph of a salad bar label that reads "Gluten Free Options", set against a backdrop of fresh, colorful vegetables and grains, with a clean, modern aesthetic. +A realistic urban scene with construction zone barrier tape stretched across a demolished building, prominently displaying the text "Danger Active Demolition" in bold, warning passersby of the ongoing demolition work. +A cozy café interior with a rustic wooden specials board hanging on a brick wall, prominently displaying "Existential Crisis Croissants" in elegant chalk handwriting. Soft, warm lighting enhances the inviting atmosphere. +A beachside bar at dusk, the neon sign glowing brightly with "Tiki Drinks Served Here" in vibrant colors, palm trees swaying gently in the background, and the calm sea reflecting the warm hues of the setting sun. +A close-up of a firefighter helmet, the shield gleaming under the station's lights, intricately engraved with "Rescue Team Bravo", reflecting the bravery and dedication of its wearer. +A vibrant candy shop window with a playful decal that reads "Sugar Rush Therapy Inside", surrounded by colorful sweets and lollipops, bathed in warm, inviting light. +"Grandmas Recipe" pie displayed in a vintage wooden case, with a glass front showcasing a variety of pies, each labeled with hand-written tags. Warm, golden lighting casts a cozy glow, highlighting the crust's flaky texture and the rich, inviting filling. +A realistic photograph of an amusement park ride entrance, featuring a vibrant, colorful sign that clearly states "Height Limit 48 Inches", with excited children and parents in the background. +A neon surf shop sign glowing "Catch the Wave" is illuminated against a dark evening sky, reflecting off the wet pavement of a coastal boardwalk. The sign's vibrant colors cast a soft glow on the surrounding environment, creating a nostalgic and inviting atmosphere. +A serene park scene with a wooden bench under a canopy of autumn leaves. On the bench, a small, polished plaque reads "In Memory of Clara". The sunlight filters through the trees, casting a warm, golden glow over the plaque and the surrounding area. +A close-up of a dog's collar featuring a bone-shaped tag with "Buddy" engraved on it, set against a soft, blurred background of grass and flowers, capturing the essence of a sunny, peaceful day in the park. +A cozy kitchen corner where a sleek black cat stares intently at its food bowl, which is etched with the words "Feed Me Now", surrounded by sunlight streaming through a window, casting soft shadows on the wooden floor. +A vibrant hot air balloon floats against a clear blue sky, with a large banner trailing behind it that reads "Happy Anniversary Jenny" in elegant, flowing letters. The balloon's colorful pattern contrasts beautifully with the serene sky, creating a magical and memorable scene. +A busy city bus stop with a digital timetable displaying "Next Bus 5 Min" under a cloudy sky, surrounded by modern buildings and bustling pedestrians. +In a desolate, post-apocalyptic landscape, a dilapidated gas station sign stands tall, reading "Last Coffee 50 miles". The sign is weathered, with peeling paint and rust, set against a bleak, overcast sky. Abandoned cars and debris litter the foreground, emphasizing the desolation. +A bustling city street at night, with a vintage movie theater marquee glowing brightly, displaying "Now Playing Reality 20" in neon lights. People in trendy outfits walk by, some glancing up at the marquee with intrigued expressions. +In a desolate post-apocalyptic landscape, a lone gas station stands abandoned, its pump eerily displaying "Out of Luck 99999gal" under the dim glow of a failing streetlight. The scene is silent, with overgrown weeds and rusted cars scattered around, emphasizing the emptiness and despair. +A realistic photograph of a laptop with a sticker on the lid labeled "Tech Geek Inside", placed on a cluttered desk surrounded by tech gadgets and books, capturing the essence of a tech enthusiast's workspace. +A protester holds a hand-painted sign demanding "Equity Now" in bold black letters, standing in a crowded urban street during a vibrant protest, with bystanders looking on and buildings in the background. +In a desolate, post-apocalyptic cityscape, a cracked wall bears graffiti reading "Moisture Farm Ahead" in bold, weathered letters. The scene is dimly lit by the overcast sky, with debris scattered around, emphasizing the abandoned, eerie atmosphere. +A close-up of an old library book, with a faded "Return By Date" stamp prominently visible on a yellowed page, surrounded by the texture of aged paper and the faint scent of vintage literature. +A detailed blueprint header labeled "Confidential Project X" is prominently displayed, set against a backdrop of intricate architectural drawings and technical schematics. The scene captures the essence of a high-security, futuristic design room, with a modern, sleek aesthetic. +In a dimly lit submarine control room, the main panel glows with a series of blinking lights, culminating in a prominent red alert that reads "Dive Depth Reached", casting an eerie glow on the tense faces of the crew. +A stylish winter coat with a sleek, modern design, prominently featuring a tag that reads "Warmth Guaranteed". The coat is displayed against a snowy backdrop, highlighting its functionality and warmth, with subtle lighting to enhance the texture and color. +A movie poster for "Invasion of the Moon Robots", featuring towering, futuristic robots with glowing eyes emerging from the lunar surface, set against the backdrop of a distant Earth. The robots cast long shadows on the moon's rocky terrain, while a sense of urgency and intrigue fills the air. +In a dimly lit, modern elevator, a single button stands out, labeled "Secret Floor", casting an eerie glow. The metallic walls reflect the soft light, enhancing the mysterious atmosphere. +A city street at night, a yellow taxi driving with its rooftop ad screen flashing "Are We There Yet" repeatedly, neon lights reflecting on wet pavements, pedestrians looking up in curiosity. +A prehistoric cave painting showcasing "First Meme Oog Invented Fire", with Oog standing triumphantly beside a roaring fire, surrounded by awe-struck fellow cave dwellers and shadowy, ancient symbols etched into the rock walls. +A detailed close-up of a richly embroidered theater curtain, featuring the phrase "The Show Must Go On" in elegant, flowing script, surrounded by intricate floral and theatrical motifs, under soft stage lighting. +Ancient cave wall featuring a detailed prehistoric painting of a wooly mammoth, surrounded by crude symbols and markings. Prominently displayed at the center is a clear depiction of a hand with a finger in a "No Hunting" gesture, emphasizing the protective message. +A close-up of a drone controller screen displaying "Signal Lost Reconnecting", with a concerned operator in the background, captured in a realistic photographic style. +A vivid fish tank adorned with a prominent sticker warning "No Fishing", reflecting a playful contrast between the aquatic serenity and the humorous prohibition. +A realistic photograph of a modern police car, its blue and red lights subtly flashing, with a clear view of the bumper sticker that reads "Protect and Serve" in bold letters, set against a slightly blurred urban background. +An astronaut's boot print on the lunar surface, clearly visible in the fine moon dust, with "Moon Base One" prominently displayed in the background, surrounded by the stark, grey landscape of the moon. +A close-up of a vintage Scrabble board with the words "coleoptera" formed by colorful tiles, surrounded by a scattering of other tiles and a wooden table texture in the background. +A dimly lit room with a vintage wooden desk. On the desk, a leather-bound folder is open, revealing a document stamped "Top Secret Eyes Only" in bold red ink, illuminated by a single desk lamp casting shadows. +A yoga mat with the imprint "Breathe Stretch Relax" on a serene beach at sunrise, surrounded by soft sand and gentle waves, capturing the essence of morning tranquility and peacefulness. +A realistic photograph of a gym membership card lying on a textured wooden table, with the text "Good Intentions Expired" clearly visible on the card. Soft, natural light illuminates the scene, highlighting the card's worn edges and the grain of the wood. +A dragon's treasure chest, ornately carved with ancient runes, sits in a cavern adorned with glowing crystals. The chest is slightly ajar, revealing a gleam of gold. A weathered label on the lid reads "Gold Inside", hinting at the riches within. +A detailed pirate map with "X Marks the Spot" near a tropical island, featuring old parchment texture, compass rose, and sea monsters in the surrounding waters. +A realistic photograph of a futuristic robot dog with a sleek metal collar. The collar tag is prominently displayed, stamped with the words "Good Battery Best Friend". The dog stands in a modern living room, reflecting a blend of technology and domestic life. +A high-resolution smartwatch face displaying a sleek, modern calendar alert that reads "Meeting 3 PM", with a clean and minimalist design, set against a crisp white background. +A high-resolution photograph of a laboratory microscope slide, clearly labeled "Specimen A7", set against a clean, white background, with a delicate focus on the text and the slide's glass surface. +A vibrant TV show poster titled "Whisky Galore", featuring a rustic Scottish setting with a wooden sign hanging over a cozy, dimly lit pub. The poster highlights a group of jovial characters holding glasses of whisky, set against a backdrop of rolling hills and a misty evening sky. +A weathered pirate flag with the skull-and-crossbones and the motto "No Mercy" flutters in the salty sea breeze, its frayed edges and faded colors telling tales of countless battles and storms at sea. +A serene yoga studio with a large window featuring a elegant decal that reads "Breathe In Peace", surrounded by soft, natural light and minimalist decor, creating a calming atmosphere. +A realistic photograph of an Arctic research station, with a whiteboard prominently displayed that reads "Day 234 Still Cold". The scene is bathed in the pale light of the polar region, with snow-covered landscapes stretching into the distance. +An ancient, tattered page from a wizard’s spellbook, with the heading "Invisibility Charm" in elegant, flowing script. The page is illuminated by a soft, magical glow, revealing intricate illustrations of wands and mystical symbols. +A vibrant comic book cover featuring a dynamic scene with a bold title "Space Ninja Crisis". A space ninja in futuristic attire battles robotic enemies amidst a star-strewn background, with vivid colors and explosive action. +A detailed close-up of a ski boot tag hanging from a pair of black ski boots in a cozy rental shop, clearly marked with "Size 10 Mens" in bold text. The scene is warm and inviting, with wooden shelves and soft lighting. +A rustic farm barn with a weathered roof, featuring a prominently displayed wooden sign that reads "Fresh Eggs Sold Here", surrounded by a serene countryside landscape with a clear blue sky. +A vintage surfer’s van parked on a beach, with a faded decal on its side stating "Chasing Waves", surrounded by surfboards and beach gear, under a clear blue sky. +A bustling farmer's market stall with a rustic wooden sign, handwritten in bold, flowing letters: "Real Honey". A charming, cartoonish bee perches on the sign, adding a whimsical touch to the scene. Sunlight filters through, casting warm, golden hues on the vibrant market. +A futuristic spaceship interior with a row of cryopods, each displaying blinking neon lights that read "Wakey Wakey Eggs" in bold, futuristic font. The scene is illuminated by the soft glow of the pods, creating a serene yet eerie atmosphere. +A modern hair salon interior with a sleek, minimalist design. On a stylish wall-mounted board, a price list is clearly displayed, featuring the service "Cut & Style" priced at $55. The scene is illuminated by soft, ambient lighting, highlighting the professional and inviting atmosphere. +A beautifully decorated birthday cake with intricate frosting that reads "Happy 30th Birthday Sarah", surrounded by colorful candles and set on a white tablecloth, with a soft, warm lighting creating a cozy atmosphere. +In a whimsical Victorian tea party, a mad hatter's hat sits atop a vintage table, adorned with a tag that reads "Drink Me Responsibly". The hat is decorated with colorful feathers and flowers, surrounded by steaming teacups and pastel pastries, creating a surreal and enchanting atmosphere. +A rugged mountain landscape with a rescue helicopter hovering near a steep cliff. The side of the helicopter prominently displays "Climb Team 7" in bold letters. Rescuers in helmets and safety gear are preparing to lower a rope to stranded climbers below. +A dimly lit retro bar with a neon sign flickering "Last Call" above a vintage liquor cabinet, casting a soft, nostalgic glow on the wooden shelves filled with old-fashioned bottles. +An ice cream truck parked on a sunny street, its side menu prominently displaying "Soft Serve 3" in bright, colorful letters, surrounded by playful illustrations of ice cream cones and happy faces. +A vintage board game box with the title "Dragon Quest Adventure" prominently displayed in bold, vibrant letters, set against a backdrop of a mystical dragon soaring over a fantasy landscape with castles and mountains. +A fantasy map with a label reading "Beware the Whispering Woods" near a dense, mysterious forest, where twisted trees and shadowy paths hint at hidden dangers. The map is detailed with old, parchment-like texture and subtle, mystical symbols. +A spooky Halloween night with a "Boo" sign hanging on a front door, surrounded by carved pumpkins, cobwebs, and flickering candles, set against a dark, starry sky. +In a quiet art gallery, a sleek, modern plaque reads "Modern Abstract No 5" beneath a vibrant, abstract painting featuring bold, sweeping strokes of color. The gallery walls are a subtle gray, and a single spotlight illuminates the artwork, enhancing its dynamic presence. +An ancient, weathered scroll lies unrolled, revealing faded, elegant text that reads "Seek the Treasure". The parchment is cracked and yellowed, with intricate, ornate borders hinting at its historical significance. Soft, ambient light casts a gentle glow, emphasizing the scroll's age and mystery. +A detailed, realistic photograph of the space station module named "Orbital Lab 1", showing its sleek, metallic exterior with solar panels extended, against the backdrop of Earth's curved horizon and the blackness of space. +A close-up of an alien plant nursery tag, intricately designed with luminescent symbols, clearly stating "Water with Starlight Only" in elegant, glowing text, surrounded by delicate, bioluminescent flora. +A close-up of an artisan bread bag tag, prominently displaying the text "Sourdough Baked Today", with a rustic, warm-toned background and a slight texture to mimic paper. +A tiny snail, with a glossy shell, stands proudly on a mossy log, holding a small sign that reads "ensco" in bold letters, surrounded by lush, green foliage in a serene forest setting. +A sleek, modern desktop setup with a high-resolution monitor displaying a desktop wallpaper that reads "Work In Progress". The workspace is cluttered with a keyboard, mouse, and scattered notes, emphasizing the ongoing nature of the task. +A close-up of a vintage pencil case, its surface slightly worn, with a label that reads "Art Supplies Inside" in elegant, handwritten font, set against a warm, textured background. +A close-up of vintage typewriter paper featuring the title "Chapter One Draft", set against a slightly worn, wooden desk, with the soft glow of a desk lamp casting a warm light over the scene, enhancing the nostalgic atmosphere. +A dimly lit alley at night, with a secret club's door slightly ajar, revealing a faint glow inside. On the wall beside the door, the password "Moonlight" is scrawled in graffiti, illuminated by the soft light of a full moon overhead. +A vibrant hot air balloon floats against a clear blue sky, trailing a long banner that reads "Happy Birthday Jen" in bold, festive letters. The balloon's colorful pattern and the crisp, sunny day create a joyful and celebratory atmosphere. +A "Lost Pet" flyer, featuring a cute golden retriever, is pinned to a wooden community center board, surrounded by other flyers and notices, under a slight overcast sky, with a park bench and a few people walking by in the background. +A realistic photograph of a road sign warning drivers of "Sharp Turn Ahead", set against a backdrop of a winding mountain road with dense forest on either side, emphasizing the urgency of the warning. +A vintage school detention slip on yellowed paper, with the reason stated as "Reason: Excessive Laughing". The slip is partially crumpled, with a pencil on the side and a desk in the background, capturing the essence of a classic classroom setting. +A realistic photograph of a coffee cup with a sleeve that clearly displays the text "Caution Hot Contents", set on a wooden table with a soft, warm light illuminating the scene. +A retro arcade game marquee reads "High Score Wins Prize", illuminated with neon lights, set against a dark, gritty alley backdrop with vintage game posters and flickering streetlights. +A vintage ice cream truck parked on a sunny street, its side panel prominently displaying the text "Choco Cone 250" in bold, colorful letters, surrounded by playful illustrations of chocolate cones and swirls. +A sushi chef, wearing an apron embroidered with "Fish Whisperer", expertly prepares fresh sushi in a modern, minimalist kitchen, surrounded by sleek, stainless steel countertops and traditional Japanese decor. +A realistic photograph of a boxing ring with the floor mat prominently displaying the words "Knockout Corner". The ring is empty, with soft, ambient lighting highlighting the worn, textured surface of the mat, emphasizing its history and significance in intense matches. +A futuristic spaceship hull, "Galaxy Explorer", gleaming under the glow of distant stars, with intricate details of its advanced technology and sleek design, set against the vast, dark expanse of space. +A close-up of a sleek, modern blender with a glowing button labeled "Smoothie Mode" prominently displayed. The blender sits on a clean, white kitchen countertop, surrounded by fresh fruits and ingredients, ready to be blended into a smoothie. +A spooky Halloween scene featuring an old, crooked mailbox in front of a dilapidated haunted house, with the sign clearly reading "No Junk Mail Ghosts Only". Fog swirls around, and eerie shadows dance on the walls. +An astronaut in a detailed spacesuit stands against the vastness of space, their helmet visor prominently displaying "O₂ LOW" in bold, red letters, with Earth visible in the background, partially shrouded in shadow. +A baby wearing a onesie with the text "Future Genius" in a modern nursery, surrounded by soft toys and educational books, with sunlight streaming through a large window, creating a warm, inviting atmosphere. +A realistic photograph of an electric box with a prominent warning sign that reads "High Voltage", surrounded by a urban environment with subtle graffiti and a few scattered leaves. +A dragon unleashess a fiery breath, scorching the ground near a sign that reads "BBQ Skills Expert", creating a dramatic, realistic scene with smoke and flames. +A realistic photograph of a movie set with a clapperboard clearly marked "Scene 7 Take 15" held by a production assistant, surrounded by camera equipment and crew members preparing for the next shot. +A cozy café corner featuring a rustic chalkboard prominently displaying today’s special, "Fresh Coffee", in elegant, cursive handwriting, surrounded by a scatter of coffee beans and a steaming cup of coffee on a wooden table. +A realistic tattoo of a compass rose, intricately detailed, with the direction "North" emphasized in bold, standing out vividly against the skin. +A deserted roadside motel at night, the burning neon sign flickering "No Vacancy Since 1987" casting eerie shadows on the weathered brick walls and overgrown bushes. +A realistic photo of a vibrant rose bush in full bloom, with soft morning light highlighting the petals. In the background, a weathered sign stands tall, clearly reading "Danger Minefield", creating a stark contrast between beauty and danger. +A vibrant science fair poster showcasing a detailed "Volcano Experiment", with a miniature volcano erupting red and orange lava, surrounded by labeled diagrams and facts, set against a bright, engaging background. +A close-up of an old library book, its pages yellowed with age, featuring a prominent stamp marked "Overdue Since 1999" in bold red ink, surrounded by the faint scent of musty paper and the quiet hum of a timeless reading room. +A vintage retro diner with a nostalgic atmosphere, featuring a unique napkin dispenser on the counter labeled "Tears of the Chef 1 Extra", surrounded by classic diner decor and retro advertisements. +An astronaut stands on the lunar surface, their helmet visor reflecting the futuristic "Moon Base Alpha" in the distance, under the stark, shadow-cast light of the sun. +A high-resolution screenshot of a gaming console startup screen with the text "Press Start To Play" prominently displayed in the center, set against a sleek, futuristic background with subtle light effects. +A mountain rescue helicopter, marked with "Rescue Team 9" on its side, hovers over a rugged, snow-covered peak, its rotor blades creating a whirlwind of snow. Rescue workers prepare to lower a stretcher in a dramatic, high-altitude operation. +A close-up of a bronze plaque affixed to the trunk of a large, old tree in a serene park, with the inscription "Planted in 2000" clearly visible. Sunlight filters through the leaves, casting dappled shadows on the tree bark. +A detailed, ancient wizard's spellbook page titled "Love Potion 9", with intricate illustrations of herbs and symbols, set against a backdrop of yellowed parchment. The text is handwritten in elegant, flowing script, with marginalia depicting magical creatures and mystical runes. +A cozy bakery interior with a vintage oven timer set to "Cook Time 15 Minutes" on a rustic wooden shelf, warm golden light streaming through the window, creating a homely atmosphere. +In a dimly lit courtroom, a evidence tag labeled "Smoking Gun Metaphorical" lies on an oak table, next to a vintage typewriter. The tag is illuminated by a single beam of light, casting shadows that emphasize its significance. +An ancient pharaoh’s tomb with detailed hieroglyphs covering the walls, prominently spelling "Curse Active" in a mystical, glowing script, illuminated by the dim light of a flickering torch. +A dark, sleek welcome mat at the entrance of a high-tech supervillain lair, prominently displaying the text "Evil Genius at Work" in bold, glowing letters. The mat is set against a backdrop of steel doors and dim, futuristic lighting. +A close-up of a musician's guitar, focusing on the pick guard intricately etched with the phrase "Rock Never Dies", under a warm stage light, capturing the texture and detail of the wood and metal. +A high-resolution, realistic photograph of a sleek, futuristic gaming console startup screen, prominently displaying the text "Press Start to Believe" in a bold, glowing font against a dark, gradient background. +A close-up of a medicine bottle with a clear, bold warning label that reads "Take With Food", set against a neutral background, emphasizing the label's importance and clarity. +A chef standing in a modern kitchen, proudly wearing a white chef’s hat with the motto "Taste Perfection" embroidered in gold, surrounded by fresh ingredients and gleaming stainless steel appliances. +A weathered pirate map with "Treasure Buried Here" marked by a bold X, surrounded by detailed illustrations of tropical islands, old ships, and a compass rose, all under a sky of fading sunset. +A realistic photograph of a broken ATM screen, cracked and shattered, displaying the eerie message "Infinite Debt Withdrawn" amidst a dimly lit street at night. +A close-up shot of a library bookmark, prominently featuring the text "Read More Books" in elegant, bold letters, lying on an old, worn book with pages slightly curled at the edges. Soft, warm lighting highlights the texture of the bookmark and the book. +A nighttime cityscape with a taxi's roof light displaying "Available" in glowing green, illuminated against the dark, bustling streets. +A realistic photograph of a laboratory whiteboard covered in complex equations, with the final equation prominently displaying "E = mc²" in the bottom right corner, surrounded by notes and diagrams. +A realistic gym locker room scene with a mirror featuring a sticker that reads "You Can Do It", surrounded by lockers, towels, and gym equipment, with natural lighting and a slightly blurred background to focus on the mirror and sticker. +A realistic photograph of a car dashboard with an "Low Tire Pressure" alert glowing orange, illuminated in a dimly lit interior, highlighting the warning light and the surrounding controls. +A modern office desk with a sleek laptop displaying a screensaver that reads "Take a Break" in elegant, soft lettering, surrounded by a minimalist, serene environment. +A vibrant music festival scene with a crowd cheering, spotlights flashing, and a wristband prominently displayed on a forearm, imprinted with "VIP Access" in bold letters. The wristband stands out against the dynamic, colorful backdrop of the festival. +An astronaut in a detailed spacesuit stands against a backdrop of stars, their helmet visor prominently displaying the alert "Low Oxygen" in red text, with a concerned expression visible through the visor. +A construction site with a large crane towering overhead, prominently displaying a bright yellow sign that reads "Look Up Danger". The scene is bustling with workers in hard hats, emphasizing the cautionary message of the sign. +A farmer's vintage green tractor parked in a sunlit field, the seat intricately embroidered with "King of the Field", surrounded by golden wheat swaying in a gentle breeze. +A realistic forest scene with a wooden campfire sign prominently displayed, warning "Beware of Bears". The sign is weathered and slightly tilted, surrounded by tall trees and underbrush, with a faint trail leading into the woods. +A grumpy sunflower stands in a sunlit field, holding a "No Solar Panels" sign, its drooping petals and stern expression clearly showing its displeasure at the modern intrusion. +In a bustling airport, the vintage departure board clicks and clacks as it mechanically flips its letters to display "Gate Changed", casting a soft shadow in the fluorescent lighting, surrounded by a sea of waiting passengers and overhead luggage racks. +A vibrant neon carnival sign against a dark, urban night sky, prominently displaying "Win Big Tonight" in dazzling, multicolored lights. The sign is partially reflected in a wet, cobblestone street, with a few people passing by, creating a lively and inviting atmosphere. +A digital camera with its LCD screen displaying the message "Memory Card Full", lying on a rustic wooden table, surrounded by autumn leaves and a cup of steaming coffee, capturing a serene, slightly nostalgic atmosphere. +Astronaut floating in space, helmet visor reflecting "O₂ 15", Earth's blue curve visible in the background, sunlight casting a glow on the metal surface. +A vintage pharmacy bottle with a worn, sepia-toned label that reads "CureAll Elixir 99 Whiskey". The bottle is set against a rustic wooden background, with soft, warm lighting highlighting its aged glass and the rich amber liquid inside. +A basketball player wearing a jersey printed with "Team Spirit", dribbling the ball on a sunlit court, with teammates cheering in the background. +A close-up of an elevator button panel, with the "Emergency Stop" button prominently labeled in red, set against a sleek, modern interior. The scene is illuminated by the soft glow of the panel's backlight, emphasizing the stark, red warning. +A vibrant graffiti mural on a weathered brick wall, spelling "Rebel Hearts Never Die" in bold, colorful letters, with dynamic strokes and shadows that give it a three-dimensional effect. The wall shows signs of age and wear, contrasting with the fresh, energetic artwork. +A fortune cookie lies open on a rustic wooden table, revealing a slip of paper with the message "Adventure Awaits You Soon" in elegant calligraphy, surrounded by a scattering of colorful travel brochures and a steaming cup of tea. +A close-up of a worn, brown case file folder, prominently stamped with the words "CLASSIFIED EYES ONLY" in bold red letters, sitting on a dimly lit, cluttered desk. +A detective's whiskey glass, etched with "The Games Afoot", sits on a cluttered desk in a dimly lit room, surrounded by old case files and a lit cigarette in an ashtray. +A neon-lit nightclub entrance at night, with a vibrant, glowing stamp on a patron's hand that reads "Over 21 Only", surrounded by a bustling crowd and pulsing lights. +A realistic photograph of a computer lab with a monitor prominently displaying the message "Press Any Key to Continue", surrounded by other monitors and computer equipment, with a slightly dimmed, focused lighting on the central screen. +A vibrant TV show poster titled "A Heavenly Christmas", featuring a snow-covered town under a starry night sky, with angelic figures and festive decorations, capturing the magical and serene essence of the holiday season. +A neon sign flashing "Open 24 Hours" hangs above a bustling convenience store, casting a vibrant glow on the pavement and the people walking by, with the store's glass doors reflecting the colorful lights. +A cozy farmhouse interior featuring a hand-stitched sampler reading "Home Sweet Home" hanging above a rustic wooden table, with sunlight streaming through a window, casting a warm glow on the scene. +A serene yoga studio with minimalist decor, featuring a large wall art piece that prominently displays the text "Breathe Find Peace" in elegant, flowing letters, surrounded by soft, calming colors and subtle natural elements like bamboo and stones. +A snowy mountain trail with a wooden signpost reading "Peak Summit 5km", surrounded by frosted evergreens and a blanket of snow, under a crisp, clear sky. +A detailed engraving of a pirate ship's wheel, with the phrase "Captains Orders" prominently inscribed in elegant, weathered font, set against a backdrop of aged wood and maritime elements. +A realistic photograph of a pet shop window, featuring a colorful sticker prominently displaying the message "Adopt Not Shop" amidst a display of playful puppies and kittens. +A vintage movie poster titled "The Lost Galaxy" hangs prominently in a nostalgic 1950s theater lobby, surrounded by faded red curtains and vintage ticket booths. The poster features a retro-futuristic spaceship soaring through a star-studded galaxy, with bold, vintage typography. +A realistic drawing of a badger composed entirely of mushrooms, with the word "mushroom" written above in glowing, vibrant letters. +A serene sunset photo with a vibrant sky painted in hues of orange and pink, casting long shadows over a tranquil beach. A lone figure stands by the water's edge, silhouetted against the horizon, with the caption "End of Day One" at the bottom. +A close-up of a children’s lunchbox sticker, brightly colored with a playful design, declaring "Math Is My Nemesis" surrounded by cartoon numbers and mathematical symbols, set against a slightly blurred, pastel background. +A vibrant fireworks stand banner with "Boom Fest 2024" in bold, glowing letters, set against a night sky filled with colorful explosions. The scene is bustling with excited onlookers, capturing the festive and lively atmosphere of the event. +A beach scene with a vibrant red warning flag marked "High Surf Alert" waving in the strong coastal breeze, set against a backdrop of rolling waves and a cloudy sky. +An ancient, tattered wizard’s scroll with glowing runes that spell "Firestorm", lying on a weathered wooden table, illuminated by the flickering light of a nearby candle. +A close-up of a car dashboard with a prominent "Check Engine Soon" warning light illuminated, set against the dim interior of a modern vehicle. The scene captures the subtle play of ambient light from the dashboard, highlighting the warning with a sense of urgency. +A sleek, futuristic spaceship with its hull prominently branded with "Mars or Bust" in bold, metallic letters, set against the backdrop of a star-studded night sky. +A rustic wooden table in a sunlit farm kitchen, a farmer's honey jar labeled "Sweet as Sunshine" prominently displayed, bees buzzing around a window, and fresh flowers in a vase, capturing the essence of a warm, sunny day. +A close-up of a child's lunchbox, featuring a colorful sticker that reads "Moms Special Recipes", with a background of a kitchen counter adorned with various cooking utensils and ingredients. +A whimsical diary page with a hand-drawn doodle of a blushing character, surrounded by floating hearts and stars, with the words "Secret Crush Alert" prominently displayed in bold, playful lettering. +A wizard stands in a mystical forest, holding a staff adorned with glowing runes that spell "Power Within". The runes emit a soft, ethereal light, illuminating the ancient trees and casting a magical glow around the figure. +A realistic photograph of a red stop sign with the text "Stop" clearly visible, situated at a bustling intersection with cars waiting and pedestrians crossing. +A close-up of a white pharmacy label on a blue pill bottle, prominently displaying the text "Take With Food" in bold black letters, set against a soft, blurred background of a medicine cabinet. +A cozy flower shop filled with vibrant blooms, featuring a vase prominently displaying a tag that reads "Fresh Roses Daily", capturing the essence of freshness and beauty in a warm, inviting setting. +A fun and colorful illustration of a waterfall, with the word "waterfall" styled like a children's book, featuring bright, whimsical colors and playful, hand-drawn elements. +A close-up of a hotel keycard sleeve, subtly worn from use, with "Room 404 Reality Not Found" prominently stamped in bold, red letters, set against a blurred hotel corridor background. +A realistic photograph of a smartphone with a low battery warning, displaying the notification "12 Battery Remaining" on a dark screen, set against a blurred background of a cluttered desk with scattered tech accessories. +A gym mirror featuring a sleek, modern decal with the motivational text "No Pain No Gain", reflecting a fit individual working out, with soft gym lighting and a clean, minimalist background. +An ancient stone tablet, weathered by time, lies in a sunlit clearing. The inscription "Kingdom of Solaris 102 AD" is clearly visible, etched deep into the stone. Surrounding the tablet, lush green foliage and wildflowers create a serene, natural backdrop. +A neon bar sign glowing "Live Music Tonight" stands out against a dark urban night, casting vibrant red and blue hues onto the wet pavement and nearby brick walls, with a few silhouetted figures passing by. +A realistic photograph of an ambulance with a clear side decal reading "Emergency Medical Service", parked on a city street with blurred background traffic, emphasizing the professional and urgent nature of the vehicle. +A sleek racing car door, boldly painted with "Speed Demon Racing Team", reflecting the vibrant energy of the track, set against a dynamic background of blurred motion and cheering crowds. +A detective's cluttered desk with a notepad open to a page labeled "Case Unsolved", surrounded by scattered photos, a magnifying glass, and a cup of cold coffee, under the dim light of a vintage desk lamp. +A vibrant street scene with a colorful food truck. Above the truck, a bright, eye-catching menu board reads, "Try Our Famous Tacos". The truck is bustling with activity, and a line of happy customers eagerly waits, creating a lively and appetizing atmosphere. +A realistic photograph of a modern voting booth with a clear sign that reads "Cast Your Vote" in bold letters, surrounded by informational posters and a queue of diverse voters, all captured under the soft, natural light of a polling station. +A realistic photograph of a fast food drive-thru menu board at dusk, prominently featuring the special offer: "Regret Burger $0.99" in bold, neon-lit text, with a steamy, close-up image of the burger below. +A futuristic virtual reality headset, sleek and high-tech, displaying the error message "System Overload" on its screen, set against a dark, tech-laden room with glowing lights and holographic interfaces. +A close-up photograph of a battery with "apazine" clearly written on its side, set against a neutral background, emphasizing the text and the battery's texture. +A hiker stands beside a wooden signpost in a lush forest, with "Summit 2 Miles" clearly visible. The trail ahead winds through dense trees, and sunlight filters through the canopy, casting dappled shadows on the path. +A cozy front porch with a wooden door, surrounded by blooming flowers and greenery. A front door mat with the words "Welcome Home" in elegant script lies just outside the door, inviting and warm. +A realistic photo of a rabbit sitting at a small wooden table, sipping coffee from a delicate cup while reading a book titled "tikaw" under the warm glow of a vintage lamp. +A movie set at dusk, a clapperboard snaps shut with "Scene 5 Take 2" clearly visible, actors and crew in the background preparing for the next take, soft lighting enhancing the cinematic atmosphere. +A cozy campsite at dusk, with a blazing campfire. A marshmallow bag labeled "Now 20 More Flammable" sits next to the fire, its packaging slightly singed. A group of friends roasts marshmallows, their faces illuminated by the warm glow of the flames. +A pencil sketch of a lone tree on a blank sheet of paper, with the phrase "nothing to tree here" elegantly written below the sketch in cursive handwriting. +A worn, vintage circus ticket stub featuring elegant, old-fashioned typography. The text reads "Admit One Lion Tamer Show" in bold, with intricate border designs and a faded, sepia-toned background. +A coastal scene featuring a lighthouse tower with a prominent sign reading "Storm Warning Active" amidst a turbulent sky and crashing waves, emphasizing the ominous atmosphere and the stark warning. +A vibrant shoe store banner prominently displays the text "New Arrivals" in bold, modern font. The banner features a variety of stylish new shoes, including sneakers, boots, and sandals, set against a clean, bright background with subtle shadows for depth and realism. +A weathered fisherman's truck parked by the shore, with a bumper sticker that reads "My Other Boat Is Sinking". The truck is surrounded by fishing gear, and the sea is turbulent in the background, reflecting a stormy sky. +A cozy bakery interior with a glass case displaying an array of cookies. One large, ornately decorated cookie has icing that spells "Happy Birthday Mom" in elegant cursive. Warm lighting and a rustic wooden background enhance the inviting atmosphere. +A spy's sleek, black briefcase resting on a modern, dimly lit desk, the combination lock precisely set to "0071321", reflecting a subtle, ominous atmosphere. +Vintage postage stamp design featuring "Postal Rebellion", depicting a 1950s mail truck being overtaken by playful, anthropomorphic envelopes and letters, with a retro color palette and intricate borders typical of vintage stamps. +"Best Day Ever" at a vibrant outdoor festival, featuring a joyful crowd, colorful decorations, and a sunny sky. The scene captures the essence of celebration and happiness, with people dancing and laughing in the foreground. +A modern elevator button panel with a sleek, metallic finish, prominently displaying "Floor 13 Locked" in bold red text, while other floor buttons are dimly lit and unselected. The scene is set in a well-lit, contemporary building lobby. +A decrepit, gothic mansion looms under a moonlit sky, its iron gate rusted and twisted, with the ominous inscription "Abandon Hope" etched in eerie, glowing letters. Dry vines cling to the gate, and shadows of twisted trees loom in the background, adding to the haunting atmosphere. +A colorful parrot perched on a wooden branch, with a vibrant speech bubble floating beside it, clearly displaying the text "Polly Wants Crypto" in bold, modern font. The background is a serene, tropical setting with lush greenery and soft sunlight filtering through the leaves. +A dimly lit sci-fi prison cell, walls made of cold, metallic surfaces, scratched with the eerie, jagged words "Theyre Watching" in a desperate, handwritten style, casting shadows that add to the unsettling atmosphere. +A realistic urban scene featuring a brick wall with vibrant graffiti that reads "Revolution Now" in bold, dynamic letters, set against a backdrop of a bustling city street. +A realistic photograph of a modern house with a real estate sign on the lawn clearly stating "Open House Sunday 1 4PM", surrounded by a lush, well-maintained garden. +In a modern office kitchen, a sleek fridge features a "Label Your Food" magnet on its door, surrounded by various labeled containers and a diverse group of coworkers chatting nearby, capturing the lively, communal atmosphere of a shared workspace. +A realistic photograph of a smartphone screen with a notification popping up, displaying "Low Battery 15%". The screen is slightly illuminated in a dimly lit room, casting a soft glow on the surface of the phone. +A high-resolution digital watch face with a sleek, modern design, displaying the message "Time to Run" in bold, clear letters against a dark background, surrounded by a thin, metallic bezel. +A programmer's desk with a monitor prominently displaying the error message "Fix Code Now", surrounded by scattered code papers and a cup of cold coffee, capturing the essence of late-night debugging sessions. +A modern digital photo frame displaying a reminder note that reads "Remember Dentist 3PM", with a sleek, minimalist design and a soft, ambient backlight. +An art class in a sunlit room, students gathered around canvases, each painting their interpretation of "Paint Your Dreams", vibrant colors and personal symbols filling the space, capturing the essence of creativity and aspiration. +A lighthouse stands on a rocky cliff, its beacon flashing the Morse code sequence "SOS Tinder" into the night, casting a mysterious glow over the turbulent sea and foggy coastline. +A sleek, futuristic dashboard of a time machine, with a large, glowing screen displaying the words "Destination Yesterday". The interface is surrounded by intricate, glowing controls and dials, set against a dark, metallic background. +A realistic photograph of a laboratory door with a prominent sign that reads "Biohazard Level 4", surrounded by sterile, white walls and illuminated by harsh fluorescent lights, creating a stark, clinical atmosphere. +An ancient Egyptian tomb, dimly lit, featuring a grand sarcophagus intricately carved with hieroglyphs that spell out "Curse of the Ancients" in glowing, eerie green light, surrounded by dusty, crumbling artifacts and walls adorned with mystical symbols. +A bustling garage sale scene with a large cardboard sign reading "Everything Must Go" prominently displayed, surrounded by a variety of items like old furniture, books, and toys, with people browsing and chatting. +A time traveler stands in a futuristic cityscape, their wristwatch screen glowing and displaying the message "You're Late Again" amidst the neon lights and bustling crowds. +A cinematic movie poster featuring the title "Silencer" in bold, sleek typography, set against a backdrop of a gritty urban night scene with a lone figure holding a silenced pistol, shadows looming large and neon lights casting a cold glow. +A bakery window featuring a modern, sleek decal that reads "Gluten Free Options", with a variety of fresh, gluten-free pastries displayed behind the glass, bathed in warm, inviting light. +A close-up of a pizza box top, prominently stamped with "Extra Cheese Added" in bold, red lettering, against a backdrop of a steamy, freshly delivered pizza. +A vintage movie theater marquee glowing under the night sky, prominently displaying the text "Midnight Horror Show" in bold, neon letters, surrounded by eerie fog and silhouettes of classic horror movie icons. +A weathered pirate map with intricate details, showing a coastal town with a small, cozy therapy office marked by an "X". The map is rolled and tied with a piece of old rope, partially unfolded to reveal the marked location. +A realistic classroom scene with a globe prominently displayed, labeled "Northern Hemisphere", surrounded by desks, a chalkboard, and educational posters on the walls. +A graduation cap with the year "Class of 2024" written in glitter, placed on a wooden desk with a stack of books and a diploma in the background, under soft, natural lighting. +A close-up of a weathered, leather-bound writer’s notebook titled "Plot Twist Inside", lying on a rustic wooden desk, with a vintage typewriter and a cup of steaming coffee nearby, under the warm glow of a desk lamp. +A cozy pet store window display with a sign that reads "Adopt A Friend Today", featuring a variety of cute animals like kittens, puppies, and bunnies, all sitting in colorful baskets with soft blankets, surrounded by playful toys and treats. +A cluttered scientist's lab with a prominent fridge labeled "Biohazard Samples" in bold letters, surrounded by lab equipment and scientific instruments, with a lab coat hanging nearby. +A futuristic cargo bay with a sleek spaceship cargo crate prominently stenciled "Handle AntiGrav" amidst a clutter of other crates and equipment, illuminated by the cool, blue light of overhead panels. +A detailed forest trail map, intricately carved into a wooden signpost, clearly showing paths and landmarks. The sign prominently displays "Hiker Rest Area 1 Mile" in bold letters, surrounded by rustic engravings of trees and wildlife, set against a backdrop of dense green foliage. +Elegant wedding invitation design with a classic, sophisticated layout, featuring the text "The Smith Wedding" in an ornate, calligraphic font, surrounded by delicate floral embellishments and gold accents, set against a soft, ivory background. +A detective's notepad with a worn leather cover, lying on a dimly lit wooden desk, the page showing a scribbled note that reads "Suspect The Butler", surrounded by scattered pens and a magnifying glass. +A dragon's powerful claw has left deep scratch marks in the ancient stone, spelling out "Live Laugh Loot" with a menacing, yet whimsical, presence. The scene is set at dusk, with shadows deepening the contrast of the claw marks. +A bustling airport terminal with a modern departure board prominently displaying "Flight 777 to Atlantis" in glowing letters, surrounded by travelers with futuristic luggage, under the soft glow of overhead lights. +A grand medieval castle gate, adorned with intricate stonework and iron bars, featuring a prominent sign that reads "Kingdom of Eldoria" in elegant, aged lettering. The scene is bathed in the warm, golden light of a setting sun, casting long shadows and highlighting the ancient, weathered texture of the stone. +A cozy campfire scene with a marshmallow stick tag "Burn Carefully" hanging from a tree branch, surrounded by glowing embers and the warm light of the fire, with a serene forest background. +A serene garden scene with a plant pot prominently featuring "Herbs Growing", surrounded by lush greenery and vibrant flowers, capturing the essence of a thriving herb garden in a peaceful outdoor setting. +A close-up of an artist's paint palette with a detailed "Color Mixing Guide v2" chart, showing various color combinations and their mixed results, surrounded by vibrant paint swatches and brushes. +A close-up of a baby onesie featuring the bold print "Future Genius At Work", set against a soft, pastel background with subtle geometric patterns. The fabric is smooth and the text is vibrant, capturing the playful spirit of the design. +A vintage 1950s gas station at dusk, with a neon marquee flashing "Ethyl 29Gal" in bright red and blue. The scene is captured in a realistic photographic style, with old cars parked nearby and a faint glow from the station’s lights illuminating the surrounding area. +A cozy clinic interior with a vibrant, hand-painted sign on the wall saying "Pawsitive Vibes Only", surrounded by playful pet-themed decorations and a friendly veterinarian with a gentle smile, creating a warm and inviting atmosphere. +In a dimly lit cave, ancient stone walls are adorned with intricate carvings that spell "Ancient Wisdom Here", illuminated by flickering torchlight, creating a mystical atmosphere. +A close-up of an airport baggage tag, clearly labeled "Fragile Alien Artifacts", attached to a sleek, futuristic suitcase. The tag is worn, with a slightly creased surface, hinting at the mysterious and delicate contents within. The scene is set against a blurred airport conveyor belt. +A realistic photograph of a gym locker room, with a prominent sign that reads "Shower Area Closed" hanging on the wall, surrounded by rows of lockers and a few scattered gym towels. +An old, weathered page from a pirate's recipe book, titled "Kraken Calamari Serves 200". The page is stained and crumpled, with intricate illustrations of a kraken tentacle and a pirate ship in the margins. The text is handwritten in faded ink, partially obscured by water damage. +A fitness studio wall displays a weekly schedule with "Zumba 7 PM Today" highlighted. Participants in vibrant workout attire gather, ready for an energetic session, as the instructor warms up the music. The room is filled with exercise equipment and large mirrors, capturing the excitement of the group. +Antique shop window display with vintage items and a vintage sign that reads "Junk or Treasure You Decide", surrounded by old books, clocks, and trinkets, bathed in soft, warm afternoon light. +A snowy mountain trail with a prominent wooden signpost carved with "Danger Avalanche Zone", set against a backdrop of icy peaks and a crisp, blue sky. +A dimly lit medieval torture chamber featuring a menacing rack with a wooden plaque hanging above it, reading "Try Our New Rack 20". The scene is stark, with stone walls and a single torch casting eerie shadows. +A vibrant parrot perched on a wooden branch, with a speech bubble above its head that reads "Polly Wants Crackers". The parrot's feathers are a mix of green, yellow, and blue, and the background is a lush, tropical forest. +Ancient cave walls, dimly lit by torches, feature a primitive yeti cave painting. The artwork crudely depicts a human figure pointing and shouting, "I Saw Bigfoot First", with a large, hairy creature lurking in the background, surrounded by a forest and mountains. +A close-up of an elevator music speaker with a sticker that reads "Do Not Touch Wiring", set against the metallic interior of an elevator, capturing the subtle reflections and textures. +A detailed birdwatching guidebook page titled "Northern Cardinal Habitat", showcasing a vivid illustration of a Northern Cardinal in its natural environment, surrounded by lush greenery and vibrant flowers, with a sidebar featuring key facts about the bird's habitat, diet, and behavior. +A bustling city street at dusk, with a large digital billboard prominently displaying "Summer Sale 70% Off" in vibrant colors, attracting passersby and illuminating the surrounding urban landscape. +A realistic photograph of a Mars colony, showing a large, weathered sign that reads "Oxygen Farm Zone" against a backdrop of red, dusty terrain and futuristic greenhouses. The sign is partially shadowed by a solar panel array, emphasizing the colony's reliance on renewable energy. +A wizard's familiar, a sleek black cat with piercing green eyes, wears an ornate silver collar engraved with the words "Speak No Lies". The cat sits on an ancient, dusty tome in a dimly lit library, surrounded by flickering candles and mystical artifacts. +A vast desert under a scorching sun, where a mirage shimmers in the distance, displaying the words "Free WiFi Ahead" amidst the wavering heat waves. +A thrilling amusement park ride with vibrant, colorful lights and exhilarating loops, featuring a conspicuous warning sign that reads, "You Might Throw Up", next to excited, slightly nervous park-goers waiting in line. +A vibrant movie poster titled "When Cars Attack", featuring a chaotic urban scene where futuristic cars, with glowing headlights and mechanical limbs, rampage through the city, leaving trails of sparks and debris. The sky is dark, with neon lights reflecting off wet streets, enhancing the dystopian atmosphere. +A realistic photograph of a highway exit sign that reads "Next Gas 100 Lightyears", set against a backdrop of a distant, star-filled sky and a futuristic cityscape with sleek, glowing skyscrapers. +A marathon runner, drenched in sweat, wearing a white tank top and black shorts, with the bib number "Race 42" prominently displayed on their chest, crossing the finish line amid a cheering crowd. +A construction worker stands confidently on a scaffolding, adjusting his bright orange safety vest. His helmet, prominently displaying a sticker that reads "Safety First", reflects the sunlight, emphasizing the importance of safety on the construction site. +Retro gaming arcade with a vibrant neon marquee that reads "Game Over Gallery", set against a 1980s cityscape at dusk, with classic arcade cabinets and excited gamers inside. +A vibrant artist's palette with the text "Color Mixing Zone" prominently displayed, surrounded by a variety of brushes, paint tubes, and a few splashes of color, set against a clean, white background. +A historical monument stands tall, with a bronze plaque at its base inscribed with "Established 1776", surrounded by lush greenery and a clear blue sky. +A close-up photograph of a modern satellite dish with a clear label that reads "Signal Receiving" in bold letters, set against a backdrop of a clear blue sky. +A bustling farmer's market scene with a rustic wooden stand. A chalkboard prominently displays "Organic Eggs 3 Dozen" in neat, cursive writing. Sunlight filters through the trees, casting soft shadows on the colorful array of fresh produce and handmade baskets. +A bustling nightclub with a roped-off VIP section, illuminated by neon lights. A prominent sign reads "Exclusive Access", guarded by a bouncer in a sleek suit, under a canopy of glittering lights and surrounded by a crowd of elegantly dressed patrons. +A movie poster featuring the title text "Killerman" in bold, edgy font, set against a gritty urban backdrop with a lone figure in a dark alley, neon lights casting shadows. +A close-up of an airplane tray table with a sticker reading "Seat 24B", the sticker slightly worn and the table showing signs of frequent use, capturing the essence of air travel. +A young adventurer wearing a baseball cap embroidered with the words "Adventure Awaits" on the front, standing on a rocky cliff overlooking a vast, misty forest at sunrise. +An ancient wizard's spellbook lies open on a wooden desk, illuminated by a flickering candle. The page titled "Summon Pancakes" is visible, with intricate illustrations of steaming pancakes and arcane symbols surrounding the text. +A sleek racecar speeding on a track, with a prominent hood decal featuring the text "Speed Demon X1" in bold, vibrant colors, reflecting the car's dynamic motion and powerful presence. +A weathered pirate's treasure map, detailed with faded ink, labeled "X Marks the Spot" on ancient, crinkled parchment, showing a coastline with a prominent rocky outcrop and a lone palm tree, under a sky streaked with the orange and pink hues of sunset. +A vintage 1950s diner at night, with a neon sign blinking "Try Our Milkshakes" above the entrance, casting a soft glow over the checkered floor and chrome counter inside. +A roadside billboard stands tall, advertising "World's Best Coffee Next Exit" in bold, inviting letters. The sun sets behind it, casting a warm glow over a busy highway, where cars speed by, their headlights beginning to flicker on. +A close-up of a final exam paper with a red circle around the question: "Define Life Good Luck", set against a blurred classroom background, capturing the tension and focus of exam time. +A dimly lit detective's office with a vintage wooden door, featuring a brass plaque that reads "Private Eye Agency" under a single flickering overhead light, casting shadows on the worn, faded walls. +A classroom setting with a large globe prominently displayed, featuring a sticker that reads "Flat Earth Society Was Here", surrounded by desks and school supplies, with sunlight streaming through windows, creating a warm, educational atmosphere. +A bustling city nightlife scene with a nightclub entrance prominently featuring neon lights that spell out "Exclusive VIP Entry", surrounded by an eager crowd and a sleek, modern facade. +A vast desert canyon with ancient, weathered walls, one of which is intricately carved with the message "Turn Back WiFi Ahead", illuminated by the soft glow of the setting sun, emphasizing the stark contrast between natural and modern elements. +A bustling bookstore interior with a prominent display for the "Number 1 Mystery Novel" on the bestseller list, surrounded by eager readers and a cozy, warm atmosphere. +A detailed hiking trail map, showcasing winding paths through a lush forest, with a clear, bold sign that reads "Stay on the Path" prominently displayed at the trailhead, surrounded by vibrant green foliage and a serene natural landscape. +A bustling movie theater at night, with a vibrant marquee prominently displaying "Premiere Night Sold Out" in glowing neon lights, surrounded by excited crowds and paparazzi flashing cameras. +A close-up of a sleek, modern hotel key card with "Room 1421 Until 03 28" clearly visible, placed on a luxurious hotel room desk with a background of elegant, contemporary decor. +A detailed science fair poster titled "Volcano Eruption Project", featuring colorful diagrams of a volcano, erupting lava, and cross-sections of the Earth's crust, surrounded by text explaining the science of volcanic eruptions. +A dimly lit medieval dungeon corridor, with a heavy, iron-banded wooden door at the end. Above the door, an ominous sign reads "Beware the Beast", illuminated by flickering torchlight, casting eerie shadows on the stone walls. +An astronaut in a detailed space suit stands against the vast backdrop of space, the helmet visor displaying "O₂ Critical" in bright red, warning of a critical oxygen level, while stars and distant planets shimmer in the background. +A charming wedding cake topper featuring a elegant couple, their hands gently clasped, standing beneath a delicate arch adorned with flowers and a banner that reads "Happily Ever After", set against a soft, romantic backdrop. +A vintage car wash with a bright, red "Help Wanted Apply Within" banner hanging above the entrance, set against a sunny, clear sky. The scene is lively, with cars being washed and employees in uniform working diligently. +A dark, high-tech room with a large screen displaying "World Domination 75" in bold, glowing letters. The lair is filled with futuristic gadgets and shadows, with a looming figure in the background, hinting at the sinister plans within. +A vibrant urban alleyway featuring a graffiti wall spray-painted with the bold message "Revolution Now", surrounded by faded posters and scattered trash, capturing the raw energy of the city's rebellious spirit. +A bustling movie theater at night, the marquee brightly lit and prominently displaying "Now Playing Space Wars" in bold, futuristic letters. Crowds of excited moviegoers line up, with the theater's neon lights reflecting off the pavement. +A close-up of a hotel keycard sleeve, prominently displaying "Room 304", set against a blurred hotel corridor background, capturing the essence of a traveler's moment of arrival. +A medieval knight's steed, clad in intricate armor embossed with the phrase "My Other Ride Is a Dragon", stands proudly in a misty, ancient forest clearing, sunlight filtering through the trees. +A cozy bakery interior with a freshly baked loaf of bread on display, branded "Freshly Conjured", steaming slightly, surrounded by rustic wooden decor and warm lighting. +A detective holds an evidence bag marked "Exhibit A" under the dim light of a crime scene, the bag containing a mysterious object that glints in the shadows. +A vibrant gym wallpaper mural featuring the motivational quote "Sweat Now Shine Later" in bold, modern typography, surrounded by dynamic images of athletes in action, with a blend of bright colors and energetic lighting to emphasize the spirit of fitness and determination. +A dragon's hoard featuring ancient coins intricately engraved with the phrase "In Code We Trust", surrounded by shimmering gold and silver treasures, set in a mystical, dimly lit cave. +A close-up photograph of a sleek, metallic UFO hovering just above a deserted road at dusk. The underside is painted with the text "Earth Yelp Review Pending" in bold, neon letters, casting a eerie glow on the cracked asphalt below. +A cozy cat café adorned with a vibrant wall vinyl that reads "Purr Therapy Zone", surrounded by plush seating and playful felines, capturing the serene and inviting atmosphere of a space designed for relaxation and cat lovers. +Retro arcade cabinet with a vibrant marquee displaying the text "Game Over The Game", surrounded by pixel art characters and neon lights, set in a dimly lit game room with vintage arcade machines. +A whimsical photograph of a mad hatter's hat, with a tag reading "This Side Up or Down" prominently displayed, set against a vintage, steampunk background. The hat is adorned with gears and flowers, and the tag hangs delicately from a ribbon. +A vast desert scene with a lone oasis signpost standing tall, clearly pointing east with the text "Water 2 Miles East" visible. Sunlight casts long shadows, emphasizing the sparse, arid landscape and the promise of water. +A gritty urban alleyway with vibrant graffiti spray-painted "Revolution Now" on a weathered concrete wall, surrounded by shadows and scattered trash, capturing the raw energy of the city. +A UFO hovers above a suburban street at night, its abduction beam illuminating a sign that reads "Take Me Instead", while curious onlookers watch from their yards, their silhouettes framed by the glow of porch lights. +An ancient treasure map with "X Marks the Spot" written in faded ink, crinkled and weathered, with intricate illustrations of mountains and a coastline, hinting at the location of a long-lost treasure. +A classroom poster titled "Respect Your Classmates" featuring a variety of cartoon animals, including a wise owl, a friendly bear, and a playful rabbit, all engaged in positive interactions, set against a bright, colorful background with educational elements like books and pencils. +A weatherworn wooden signpost stands at the edge of a rugged coastal path, pointing towards "To the Lighthouse 2km" amidst a backdrop of rolling mist and rocky cliffs. +A busy sushi restaurant with a conveyor belt carrying a variety of dishes. One plate features a Spicy Salmon Roll labeled "Spicy Salmon Roll of Destiny", illuminated by soft, warm lighting, emphasizing its significance among the rotating selection. +A colorful arrangement of alphabet blocks spelling "Learn ABCs" on a bright, textured wooden table, surrounded by playful educational toys and a stack of children's storybooks, with soft, natural light filtering through a nearby window. +A close-up of a spacesuit glove, the fabric worn but intact, with a detailed patch stitched with "In Case of Emergency Panic", set against the backdrop of a distant, star-filled universe. +A sleek, modern robot vacuum on display in a well-lit electronics store, with a digital screen showing "Floor Clean 98 Percent" prominently. The robot is positioned on a clean, white floor, surrounded by minimalist decor. +A high-quality, realistic photograph of a board game box titled "Kingdom Quest", featuring a majestic castle under a twilight sky, with knights and dragons embossed on the cover, and the title in elegant, golden lettering. +A cozy front porch with a welcome mat embroidered with "Go Away", surrounded by autumn leaves and a rustic wooden fence. The scene is captured in a realistic photographic style, with warm, golden-hour lighting. +A florist's shop front with a chalkboard sign announcing "Tulips in Stock 10Bunch", surrounded by vibrant tulips in various colors, with a warm, sunny day illuminating the scene. +A classroom wall adorned with a vibrant sticker chart titled "Star Student", showcasing a variety of gold star stickers next to the names of eager young students, each star a symbol of their achievements and teacher's pride. +A sleek, modern race car with a vibrant hood decal prominently displaying "Speed Demon 2024", parked on a gleaming asphalt track under a sunny sky, with the engine hood slightly open, revealing a glimpse of the powerful engine inside. +A charming garden gnome stands proudly in a lush, verdant garden, its hat boldly painted with the words "Welcome to My Yard", surrounded by blooming flowers and greenery, capturing the essence of a peaceful and inviting outdoor space. +A TV show poster featuring the logo "Remembrance: A Portrait Study" prominently at the top, with a somber, black-and-white portrait of a young woman in the center, surrounded by subtle, artistic brushstrokes that blend into the background. +An art gallery wall displays a sleek, silver plaque titled "Untitled 47" beneath a large, vibrant abstract splatter painting, the chaotic swirls and droplets of paint creating a dynamic contrast against the clean, white gallery walls. +A close-up of a shiny dog collar tag, intricately engraved with the words "Im the Good Boy", reflecting sunlight and showing fine details of the engraving. The tag is slightly worn, suggesting it has been loved and cherished. +A realistic photograph of a hospital room, focusing on the wrist of a patient lying in a bed. The wristband is clearly visible and labeled "Patient John Doe". The background includes medical equipment and a window with soft, natural light. +In a cozy fantasy tavern, a wooden menu board hangs by the fireplace, listing "Dragon Wings 5gp" among other mystical dishes. The board is adorned with intricate carvings and illuminated by warm, flickering candlelight. +A roadside caution sign stating "Falling Rocks Zone" stands near the edge of rugged mountain cliffs, with large boulders precariously perched above and a winding road below, under a dramatic, cloudy sky. +A vibrant political campaign poster with the slogan "Vote for Change" prominently displayed, set against a dynamic backdrop of a bustling cityscape during a sunny afternoon, with diverse crowds and campaign volunteers handing out flyers. +A vibrant decal on a rock band's tour bus, featuring bold, colorful text that reads "Next Stop Vegas" against a backdrop of neon lights and a desert landscape, capturing the excitement of the upcoming show. +A dimly lit prison cell with a rough, stone wall. The wall is marked with a hand-carved calendar, prominently displaying "Day 7208". A single, flickering light bulb casts long shadows, emphasizing the solitary confinement and the passage of time. +A high-energy gym motivational poster with bold, vibrant colors, featuring the phrase "No Pain No Gain" in large, dynamic text, surrounded by images of athletes in intense workout poses, sweat glistening on their muscles, with a blurred gym background. +A close-up of a spy's briefcase interior, revealing a red-stamped "Top Secret Eyes Only" message on the leather lining, with a sleek, high-tech gadget and a stack of classified documents. +A skate park with a vibrant wall spray-painted "Grind Till You Fly" in bold, colorful graffiti, surrounded by skaters performing tricks and a sunny, energetic atmosphere. +A chef stands in a modern kitchen, wearing an apron embroidered with "Kiss The Cook 2024". Sunlight streams through the window, casting a warm glow on the stainless steel countertops and the chef's focused expression as they prepare a gourmet dish. +A vintage circus tent banner in a nostalgic carnival setting, prominently advertising "World's Smallest Elephant", with colorful lights and a lively crowd in the background, capturing the essence of a bygone era. +A lighthouse stands tall on a rocky cliff, its powerful beacon projecting the words "Safe Harbor Ahead" across the misty sea, guiding ships towards a sheltered bay. The night sky is clear, with stars twinkling overhead, enhancing the serene and protective atmosphere of the scene. +"Stay away from fatigue" warning signs stand prominently along the side of a bustling expressway, illuminated by the headlights of passing cars, ensuring drivers remain alert and safe during their journey. +A scientist's journal lies open on a cluttered lab desk, the page titled "Breakthrough Found" illuminated by the soft glow of a desk lamp. Lab equipment and notes are scattered around, capturing the moment of discovery. +A baker stands in a cozy, rustic kitchen, holding an oven mitt embroidered with "Hot Stuff Inside". Steam rises from a freshly baked pie on the counter, and the warm, golden light enhances the homely atmosphere. +A retro arcade machine with a classic wooden cabinet, glowing neon lights, and a pixelated marquee displaying the text "Game Over" in vibrant red and blue, set in a dimly lit room with a nostalgic 80s atmosphere. +A vintage theater program listing "Act 3 Scene 2" on a worn, slightly curled page. The text is elegant, with a decorative border featuring classic theater masks and floral patterns. Soft, warm lighting highlights the paper's texture and age. +A close-up of a shiny pet collar tag, intricately engraved with "Call 555 1234", reflecting a gentle outdoor light, set against a blurred background of grass and flowers, capturing the essence of a peaceful day in the park. +A close-up of a modern thermostat with a digital display showing "Set To 72F", set against a neutral background, capturing the sleek design and clear readability of the temperature setting. +A gardener, surrounded by lush greenery, holds a vintage watering can labeled "Plant Juice", pouring it gently over a vibrant flower bed, creating a serene and tranquil garden scene. +A realistic photograph of a skateboard deck, the grip tape featuring bold, distressed text reading "Skate or Die" in a gritty, urban setting with a worn, textured background. +A realistic photograph of a takeout coffee cup with a white lid prominently printed in bold red letters, "Caution Contents Hot", set against a minimalistic background. +A vintage movie theater at night, the marquee brightly lit and displaying "Now Showing Space Wars" in bold, colorful letters. The neon lights reflect on the wet pavement, creating a nostalgic 1980s atmosphere. +A vintage seed packet for "Heirloom Tomatoes", featuring a nostalgic illustration of a bountiful tomato plant with ripe, varied tomatoes, set against a rustic, weathered paper background. +A scuba diver holds up a slate board with the message "Shark Says Hi" in clear, underwater visibility, surrounded by vibrant coral and colorful fish, with a curious shark swimming nearby in the blue depths. +A sleek, black motorcycle parked on a sunlit street, its license plate frame boldly displaying "Born To Ride" in vibrant, metallic letters, reflecting the surrounding urban landscape. +A sleek, glossy Magic 8 Ball floats mid-air, its triangular window displaying the answer "Ask Again Later" in crisp, white letters against a deep, blue-black background, surrounded by a soft, ambient glow. +A blueprint of a house featuring a triangular roof, square walls, and a rectangular floor, with the message "buen" clearly visible in the center of the design. The blueprint is detailed, with precise lines and measurements, set against a neutral background. +A sleek smartphone with a minimalist design, displaying a dark screen with a slender, glowing "Slide to Unlock" text at the bottom, set against a blurred background of a modern cityscape at dusk. +A realistic photograph of an airport luggage tag, clearly labeled "Fragile Handle Care", attached to a suitcase with a textured leather handle, set against a backdrop of a busy airport baggage claim area. +A serene yoga studio featuring a minimalist wall decal with the phrase "Breathe In Peace", surrounded by soft, natural lighting and calming earth tones, enhancing the tranquil atmosphere. +A vibrant car dealership banner prominently displays the text "Big Discounts Today" in bold, eye-catching fonts. The banner hangs across a row of gleaming new cars, with excited customers browsing the lot on a sunny day. +A close-up of a modern elevator button panel, with a prominently displayed button labeled "Floor 5", set against a sleek, metallic background. +A serene mountain summit with a stone marker carved with "Peak Paradox" standing prominently against a backdrop of rolling hills and a clear blue sky, surrounded by rugged, weathered rocks and a few hardy, ancient trees. +A realistic photograph of a construction site with a yellow and black striped barrier labeled "Caution Wet Paint" standing in front of a freshly painted wall, surrounded by paint cans and brushes. +A grand, ancient clock tower stands tall in a misty, early morning town square, its face inscribed with "Tempus Fugit". The intricate clock hands cast long shadows, emphasizing the passage of time. Soft, golden light from the rising sun illuminates the tower, highlighting its weathered, stone details. +A close-up of a cowboy's belt buckle, intricately etched with "Rodeo Champion 2023", reflecting the sunset during a dusty rodeo event. +A cluttered photographer's desk with a vintage camera displaying a "Low Memory" warning on its screen, surrounded by rolls of film, memory cards, and a half-empty cup of coffee. The scene is lit by a soft, warm desk lamp. +A cozy café interior with a vintage chalkboard prominently displaying "Latte Art Workshop Tomorrow" in elegant script, surrounded by steaming cups of coffee and a warm, inviting atmosphere. +A serene, sunlit library with a vintage, leather-bound book open to "Chapter 5 The Journey", surrounded by a warm, golden glow, emphasizing the sense of adventure and discovery. +A futuristic cityscape at dusk, a sleek, humanoid robot stands by a neon-lit sign that reads "Seeking Human for Rebooting", its metallic surface reflecting the vibrant colors, exuding a blend of loneliness and determination. +A film set with a vintage clapperboard clearly marking "Scene 12 Take 2", surrounded by crew members preparing for the next shot, under the soft glow of overhead lights. +A futuristic robot stands in a sleek, high-tech laboratory, its chest panel glowing with the status "Operational 100" in bright blue, surrounded by advanced machinery and soft, ambient lighting. +A bustling supermarket with a slightly messy aisle 4, where a staff member is making a PA announcement: "Cleanup on Aisle 4". Shoppers pause, looking around curiously, while carts and products are scattered nearby. +A vibrant skateboard deck featuring bold graffiti that reads "Skate or Die", set against a backdrop of a gritty urban alley with faded murals and scattered skateboards. +A cozy living room decorated with pastel colors, featuring large, cheerful balloon letters spelling "It's a Boy" hanging above a beautifully arranged baby shower table with a blue and white themed cake and gifts. +A cozy bakery interior with a rustic wooden table, warm lighting, and a vintage oven timer buzzing "Bake Complete" on a shelf, surrounded by freshly baked bread loaves and pastries. +A detailed diagram illustrating the "Optimal Angle Setup" for solar panel installation, showing various angles and measurements with clear labels and annotations, set against a backdrop of a sunny, clear sky. +A director's chair on a film set, its backrest painted with the words "Quiet on Set" in bold, black letters, surrounded by the subtle textures of worn leather and the soft shadows of an overhead light. +A photograph of a car parked on a suburban street, with a bumper sticker on the rear that clearly reads "I Love My Dog", surrounded by a well-manicured garden and a cheerful, sunny day. +A cluttered programmer's desk with a sleek, modern desk plaque prominently displaying the phrase "In Code We Trust", surrounded by a laptop, code books, and coffee cups, under the soft glow of a desk lamp. +A camping tent tag prominently displaying "Waterproof Camping Gear" hangs from a sturdy, weathered carabiner, attached to a vibrant, forest-green tent in a lush, dewy woodland setting. +A glowing magic 8-ball floats in a dimly lit room, its surface shimmering with a soft, ethereal light. Inside, the text "Ask Again Later" is clearly visible, casting a subtle glow. The background is dark, with a slight hint of stars, emphasizing the mystical and otherworldly nature of the scene. +A vibrant comic book title page for "Heroes United", featuring a dynamic assembly of superheroes in action, with bold text and colorful, energetic illustrations that capture the essence of teamwork and heroism. +A yoga studio interior with a modern, serene design, featuring a large wall decal that reads "Breathe And Stretch" in elegant, flowing script, surrounded by soft, warm lighting and minimalist decor. +A lone mountain climber stands victorious at the peak, a flag planted firmly in the snow reading "I Regret Nothing". The flag flutters in the crisp, high-altitude wind, with majestic mountains stretching into the distance under a clear blue sky. +Retro weather station with an antique instrument panel, featuring brass dials and vintage gauges, prominently displaying the warning "Storm Alert Seek Shelter" in bold, illuminated letters, surrounded by a rustic wooden frame. +A solitary highway sign reads "Last Exit For Sanity" under the glow of a setting sun, surrounded by an endless stretch of deserted road and sprawling, twilight landscapes, evoking a sense of isolation and introspection. +A realistic photograph of a DIY store shelf, featuring a clear and prominently displayed shelf tag that reads "Tools on Sale". The shelf is stocked with various tools, and the lighting highlights the tag and the tools, creating a welcoming and inviting shopping environment. +A cozy café scene with a chalkboard prominently displaying "Today's Special Matcha Latte" adorned with whimsical doodles, surrounded by rustic wooden tables and potted plants. +A realistic photograph of a zoo exhibit sign prominently displaying "Siberian Snow Leopard" in bold letters, set against a backdrop of a snowy landscape with a subtle fence in the foreground, capturing the serene yet wild essence of the animal's habitat. +A futuristic spaceship's cryopod with a red alert displaying "Life Support Failing" on the screen, surrounded by dim, cold lighting and frost-covered glass, reflecting a sense of urgency and isolation. +A "traditional" reminder sign, crafted from rustic wood with elegant, hand-painted calligraphy, hangs on the weathered wall of a cozy, dimly lit restaurant, surrounded by vintage decor and warm, amber lighting. +A realistic photograph of a highway billboard prominently displaying "Big Joe's Truck Stop 5 Miles" against a backdrop of a sprawling landscape, with the sun setting in the distance and a few trucks visible on the road below. +A high-end jewelry store display case, elegantly lit, featuring an array of sparkling "Diamond Infinity Rings" set against a luxurious, dark velvet background, with reflections of the rings in the glass, creating a sense of depth and opulence. +A beautifully crafted wedding cake topper featuring an elegant couple, with the phrase "Happily Ever After" intricately designed above them, set against a backdrop of soft, romantic lighting and delicate floral decorations. +A futuristic spaceship's control panel glows with a flashing red alert, prominently displaying "Oxygen Level Critical", while dim blue lights and holographic displays cast shadows across the metallic surfaces, emphasizing the urgency of the situation. +An airplane soaring above a bustling cityscape, leaving behind a trail of smoke that spells out "Support Skywriters" in bold, clear letters. The scene is captured during the golden hour, with warm, ambient lighting enhancing the contrast between the sky and the urban landscape. +A vibrant hot air balloon ascends into a clear blue sky, its basket adorned with a bold banner that reads "Sky High Adventures". The scene captures the excitement of a serene, early morning launch, with the sun casting warm, golden light on the surrounding landscape. +A close-up of a superhero costume featuring the emblem "Average Man" on the chest, set against a dark, textured background. The emblem is detailed, with a modern, sleek design that stands out against the fabric. +In a bustling airport terminal, the departure board prominently displays "Flight 404 Not Found" in bright, blinking lights, surrounded by confused passengers and a flurry of activity. +A bustling farmer's market scene with a charming chalkboard sign reading "Organic Produce Here" in elegant cursive, surrounded by vibrant, fresh vegetables and fruits, under a sunny sky. +A dark, sleek welcome mat at the entrance of a high-tech supervillain lair, with bold, menacing text stating "Come Back with a Warrant" illuminated by dim, eerie lighting. +A realistic photograph of a taxi's dashboard, with the meter screen prominently displaying "Fare Due 2850" in bright, flashing lights, set against the backdrop of a dimly lit city street at night. +A high-resolution photo of a modern fitness tracker with a sleek, black band on a person's wrist, the screen brightly displaying "10000 Steps" against a clean, white background. +A skilled sushi chef prepares a delicate dish, his hand resting on a traditional Japanese knife. The knife's handle is intricately engraved with "Master Chef Tanaka", reflecting his esteemed status and craftsmanship. The scene is set in a modern sushi kitchen, with a minimalist aesthetic. +A dimly lit street at night with a neon sign above a bar flashing "Open 24 Hours", casting vibrant hues of blue and red onto the wet pavement and the occasional passerby. +A modern living room with soft, ambient lighting. On a sleek wooden table, a smart speaker with a digital screen displaying the word "Listening" in elegant font, surrounded by minimalist decor. The scene captures the essence of technology seamlessly integrated into a cozy, inviting space. +A vibrant movie poster featuring a futuristic cityscape at sunset, with two sleek, humanoid robots embracing tenderly in the foreground. The tagline "Robots In Love 2025" is prominently displayed in bold, futuristic font at the top of the poster. +A bustling night scene in Times Square, with a massive digital billboard prominently displaying "Welcome to New York" in vibrant, flashing colors, surrounded by crowds and the iconic neon lights of the city. +Astronaut journal entry "MOON BASE DAY 189" depicts a solitary figure in a spacesuit, sitting at a desk inside a futuristic lunar base, illuminated by the soft glow of computer screens, with a large window showing the stark, grey lunar landscape outside. +A pilot, wearing a headset with the phrase "Clearance Granted" clearly visible, sits in the cockpit of a modern aircraft, ready for takeoff. The runway stretches out ahead, bathed in the warm glow of the setting sun, creating a serene and focused atmosphere. +A wizard’s hat, slightly worn and adorned with a tag that reads "Magician in Training", resting on a stack of ancient spellbooks in a dimly lit, mystical library. +A realistic photograph of an art supplies box with a sticker that reads "Oil Paints Handle Carefully", surrounded by various art tools like brushes and palettes on a wooden table. +A hologram floats above the bustling Mars Colony, displaying the words "Welcome to Mars" in luminous, vibrant colors, set against the backdrop of the red planet's dusty landscape and clear, dark sky. +A modern living room with a sleek smart speaker on a wooden table, its screen clearly displaying "Playing Jazz Playlist Now", surrounded by cozy furniture and warm lighting, capturing the essence of a relaxing evening. +A sunny day at a children's playground, featuring a vibrant red slide with a prominently displayed sign that reads "Slide at Your Own Risk". Kids play around, some hesitating at the top of the slide, while others laugh and slide down. +A programmer's desk with a laptop and scattered coding books, centered around a steaming coffee mug that boldly states "Code Compiling" on its side, set against a minimalist background. +A cozy coffee shop interior with a vintage chalkboard prominently displaying "Latte Art Class Today" in elegant script, surrounded by steaming cups of coffee and pastries on a rustic wooden table. Warm, inviting lighting enhances the cozy atmosphere. +A weathered pirate's treasure map, crinkled and stained, with "X Marks the Spot Maybe" subtly penciled in a whimsical script, surrounded by intricate illustrations of tropical islands and ancient ships. +A close-up of a fitness tracker screen displaying "10000 Steps Goal Met", with a blurred background of a park trail, emphasizing the achievement of the daily step goal. +A realistic photograph of a handwritten grocery list note on a yellow sticky pad, clearly showing the items: "Buy Eggs Bread Milk". The note is placed on a kitchen counter with a rustic wooden texture, under the warm glow of a pendant lamp. +A protestor holds a hand-painted poster declaring "Climate Action Now" in bold block letters, standing in a crowded city square filled with demonstrators and banners, under a cloudy sky. +A wedding cake topper featuring a stylish couple embracing, with the elegant text "Happily Ever After" elegantly inscribed above them, set against a soft, romantic background with delicate floral accents. +A close-up of a ship's wheel with a brass plaque that reads "Steer True Steer Bold", set against the backdrop of a wooden deck and the vast, turbulent ocean. The plaque is polished and gleaming, reflecting the sunlight. +A quaint wizard shop with a wooden sign hanging above the door, inscribed with "Potions Notions" in elegant, glowing letters. The shop is nestled on a cobblestone street, with mystical fog swirling around, and a few curious onlookers peering in through the windows. +A 3D word "bricks" constructed from real bricks, with a detailed brick texture, set against a neutral background to highlight the intricate structure and realistic material. +A hoodie featuring the slogan "Hacker by Night" in binary code, worn by a young tech enthusiast in a dimly lit room, surrounded by computer screens and electronic gadgets, capturing the essence of modern digital culture. +In a futuristic sci-fi courtroom, the judge's bench prominently displays a sleek, metallic plaque engraved with the words "Galactic Law Prevails", illuminated by soft, ambient blue lighting, reflecting the advanced technology and solemn atmosphere of the setting. +A courtroom sketch featuring a dramatic moment, with a lawyer standing, pointing dramatically, and a large speech bubble above their head saying "Objection". The judge, jury, and spectators are all reacting with visible surprise and tension. +A serene yoga studio featuring a large, elegant wall decal with the mantra "Breathe and Flow", surrounded by soft, ambient lighting and minimalist decor, creating a calm and inviting atmosphere for practitioners. +A professional basketball player wearing a jersey with the number "23" on a court, poised to shoot a three-pointer, with the crowd in the background cheering enthusiastically. +A bustling city street at sunset, with a large, vivid billboard featuring the message "Donate Now to End Hunger" prominently displayed. The billboard shows a diverse group of smiling people, symbolizing community and hope, with warm, inviting colors to attract attention and convey positivity. +A studio close-up of an antique book with "knowledge is power" elegantly painted in gold, using thick, flowing brushed calligraphy on the cover, set against a soft, neutral background to highlight the book's intricate details and timeless charm. +A close-up of an alien plant pot with a sticker that reads "Water with cola only", set against a futuristic kitchen backdrop, featuring sleek, metallic surfaces and a glass of cola on a nearby counter. +A motivational gym poster with bold, vibrant colors, featuring the phrase "No Pain No Gain" in dynamic typography. The background showcases energetic athletes in action, emphasizing strength and determination. +An ancient stone tablet, weathered by time, with "Beware The Eclipse" intricately carved into its surface, standing in a dimly lit forest clearing, partially covered by moss and ivy, illuminated by the eerie light of a partial lunar eclipse. +A bakery display featuring a cake with intricate piped icing that spells "Oops All Sprinkles", adorned with a vibrant array of colorful sprinkles. +A rustic weathervan base on a farmer's barn, marked "Wind Direction", surrounded by golden wheat fields under a clear blue sky. The metal is weathered, showing signs of age and the elements, with a gentle breeze causing the wheat to ripple. +A realistic photograph of a smartphone screen displaying a notification that reads "Low Battery", with a slightly worried expression on the face of the person holding the phone, set against a blurred background. +A realistic photograph of a modern parking meter with a digital display clearly showing "Time Expired", set against a slightly overcast city street, with a few parked cars in the background. +A realistic photograph of the entrance to a Public Security Bureau, with a clear "emit" warning sign prominently displayed, set against a backdrop of a busy urban street. +A close-up of vintage typewriter paper, slightly curled at the edges, with the words "The End" typed neatly at the bottom, surrounded by the subtle texture of aged paper. +A diver descends into the clear blue ocean, their oxygen tank prominently stamped "Depth Limit 40m", reflecting the sunlight filtering through the water. The tank's metallic surface glistens, contrasting with the surrounding marine environment. +A close-up of an intricately designed wizard’s familiar collar, featuring a silver tag engraved with the text "If Lost Return to Tower", set against a mystical forest backdrop. +A serene forest reserve with a wooden signpost that reads "Protected Area", surrounded by lush green trees and undergrowth, with a narrow path leading deeper into the woods. +A realistic photograph of a laboratory door with a prominent warning sign that reads "Biohazard Level 4", set against a sterile, white-walled background. The door is slightly ajar, revealing a glimpse of high-tech equipment inside. +A serene mountain trail winding through lush greenery, with a wooden signpost clearly displaying "Summit 2 Miles Ahead" standing tall amidst the natural landscape, sunlight filtering through the trees, casting dappled shadows on the path. +A vibrant fireworks stand poster with bold, colorful graphics, prominently displaying the text "Legal In City Limits Only" in large, eye-catching letters, set against a night sky with distant city lights. +A police car parked on a city street at dusk, its side adorned with a bold decal that reads "To Protect and Serve", reflecting the department's commitment to the community, with a policeman standing nearby, looking vigilant. +A vibrant video game loading screen displaying the text "Level Complete" in bold, colorful fonts, with a spectacular fireworks display exploding in the background, casting a radiant glow over the scene. +A sleek, futuristic time machine dashboard with neon blue lights and digital displays, prominently showing a large, glowing screen flashing "Destination 3024" in bright, bold letters. The background is dimly lit, with a subtle glow highlighting the intricate controls and buttons. +A medieval knight stands solemnly, his shield dented and worn, with the phrase "For the Realm" clearly visible. The scene is set in a misty, ancient battlefield, emphasizing the knight's resilience and dedication. +A close-up of a pet collar tag, intricately engraved with "My Name Is Max", lying on a rustic wooden table, soft sunlight casting a gentle glow, highlighting the tag's worn, vintage texture. +A modern office door with a sleek, silver nameplate that reads "Dr Smith MD" set against a clean, white background, illuminated by soft, ambient lighting. +A musician sits at a grand piano, illuminated by the soft glow of a desk lamp. On the music stand, the sheet music titled "Symphony No. 5" is prominently displayed, partially turned pages hinting at the complex composition. +A futuristic spaceship docked in a starlit space station, its hull prominently painted with the bold letters "Mars or Bust", reflecting the determination of its crew. The ship's metallic surface gleams under the soft glow of distant stars. +A rustic fantasy tavern with a wooden sign hanging outside, displaying a handwritten menu that reads, "Dragon Wings 5gp". The sign is weathered, with intricate carvings and a warm, inviting glow from the tavern's windows. +A realistic tattoo parlor window decal featuring the text "Walk Ins Welcome" in bold, modern font, set against a backdrop of colorful, intricate tattoo designs, including roses, skulls, and tribal patterns, with a subtle, weathered glass effect. +A vast desert canyon, where natural rock formations eerily spell out "Try Whispering" in the fading light of dusk, creating a surreal echo chamber. The scene captures the quiet, mysterious beauty of the isolated wilderness. +A realistic photograph of a city street blocked by police tape, with the message "Do Not Cross" repeating along its length, under a dim streetlight in the evening. +A bustling sushi restaurant with a conveyor belt prominently displaying a sign that reads "No Salmon Sundays". The scene is captured in a realistic photographic style, with the vibrant colors of various sushi dishes contrasting against the clean, modern decor. +A roadside fruit stand with a rustic wooden sign that reads "Bananas Not for Scale". The stand is filled with vibrant, oversized bananas, contrasting with the ordinary size of other fruits. The scene is bathed in warm afternoon sunlight, highlighting the rich colors and textures. +A neon sign outside a bustling tattoo parlor reads "Ink Soul" in vibrant, flowing letters. The sign is reflected in the wet, urban street below, adding a splash of color to the nighttime cityscape. +A museum exhibit featuring an elegant label titled "Ancient Civilizations", surrounded by artifacts from various ancient cultures, including Egyptian statues, Greek pottery, and Mayan stone carvings, all bathed in soft, ambient lighting. +An astronaut's glove floating in the vastness of space, with "Help Me" scribbled on it in red marker, against a backdrop of distant stars and planets. +A vintage spyglass with intricate engravings, prominently featuring the text "Made in 1701", resting on an antique wooden table. Soft, warm light illuminates the scene, highlighting the detailed craftsmanship and aged patina of the spyglass. +A close-up of an airport baggage tag, prominently displaying the phrase "Handle With Existential Care", against a backdrop of conveyor belts and luggage, with a subtle, philosophical aura. +A detailed tattoo on a weathered sailor’s arm, reading "Mom Forever" in elegant script, with nautical stars and a compass rose, set against the backdrop of a rolling sea and a distant ship on the horizon. +An old library with dusty wooden shelves, featuring an antique book with a leather spine titled "Forgotten Lore", illuminated by a soft beam of light from a nearby window. +A close-up of a sleek smartwatch with a modern interface, the screen pulsing with a notification that reads "Stand Up Move Around", set against a blurred background of a desk and office environment. +A group of zombies gathered in a city square, holding protest signs that read "Brains Need Fair Wages Too", with a backdrop of urban decay and dim, overcast skies. +A snowy forest path with clear footprints leading "Follow Me" toward a cozy, wooden cabin, surrounded by tall pines dusted with fresh snow, the sky tinged with the soft glow of twilight. +A cluttered laboratory with a scientist's whiteboard in the center, densely covered in complex equations and diagrams, with "Theory of Everything Draft" prominently scribbled at the top. +A lone gravestone in a misty, overgrown cemetery, with the inscription "I Told You I Was Sick" clearly visible. The stone is weathered, but the words are still legible, surrounded by tall grass and autumn leaves. +A detailed close-up of a concert wristband, prominently displaying "VIP Access All Areas", set against a backdrop of a vibrant, bustling music festival. The wristband features a metallic, reflective finish, and the crowd's energy is palpable in the blurred, colorful lights and silhouettes of excited fans in the background. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot Contents", placed on a wooden table, steam rising gently from the cup, surrounded by a cozy, warm ambient light. +A pilot's logbook open to an entry reading "Flight 307 Clear Skies", surrounded by a cockpit with a panoramic view of a cloudless blue sky, sunlight streaming in through the windows, and the horizon stretching endlessly below. +A futuristic wristwatch with a sleek, metallic design, projecting a holographic red message "Low Oxygen Alert" in a dimly lit, high-tech room. +A retro-futuristic time machine dashboard with a glowing screen warning "Do Not Disturb 1929", surrounded by intricate dials, levers, and vintage controls, set against a dimly lit, metallic interior. +A vintage ice cream truck parked on a sunny street, its side panel proudly displaying "50 Flavors Available" in colorful, playful letters, surrounded by excited children and melting ice cream cones. +A close-up of a fortune cookie slip with the printed message "You Will Debug This Later", set against a warm, wooden table background, with a soft, ambient light highlighting the texture of the paper and the subtle grain of the wood. +A detailed medieval sword, intricately engraved with the phrase "Dragon Slayer Edition" along the blade, set against a backdrop of an ancient, dimly lit forge, with sparks flying and the silhouette of a blacksmith in the background. +A serene desert scene with an old, weathered signpost standing alone, pointing towards "Miracle 5 Miles". The sun sets in the background, casting long shadows and a warm glow over the sandy dunes, emphasizing the promise of the distant oasis. +A close-up of an old library book, showing the worn pages and a distinct red stamp marked "Return by May 15" on the title page, with soft, warm lighting highlighting the texture of the paper and the faded ink. +A coffee cup on a wooden table, its sleeve printed with "Caution Liquid Time Machine", surrounded by steaming books and vintage clocks, capturing a quirky, retro-futuristic atmosphere. +A close-up of an astronaut's glove, prominently displaying the tag that reads "Property of Mars Colony", set against the backdrop of the red Martian landscape. +A close-up of a shiny, silver dog collar tag, engraved with the words "Call My Human", reflecting a warm, ambient light. The tag is slightly worn, showing signs of affectionate wear, with a blurred, cozy living room background. +A weathered stone monument stands tall, its surface intricately carved with the words "Forgotten Kingdom" in ancient runes. Moss and lichen cling to its sides, hinting at the passage of countless years. The monument is partially obscured by overgrown vines, adding to its mysterious and forgotten aura. +A realistic photograph of a chessboard square, intricately carved with the words "Checkmate Zone", set against a subtle, wooden background, capturing the texture and depth of the engraving. +A fantasy tavern menu board hangs outside a rustic wooden door, illuminated by the warm glow of lanterns. The board features intricate carvings and reads: "Dragon Wings Spicy", with a vivid illustration of fiery dragon wings in the background. +An astronaut's moon footprint on the lunar surface, subtly forming the letters "One Small Nap" in the dust, with the Earth visible in the sky above, casting a soft blue glow over the desolate landscape. +A baby in a onesie printed with "Future Genius" sits on a colorful play mat surrounded by educational toys, including alphabet blocks and a small globe, in a bright, cozy nursery. +A crowded urban street with a marathon finish line, a large banner overhead declaring "You Outran Procrastination", runners crossing the line with expressions of triumph, supporters cheering on the sidelines, and a festive atmosphere. +A realistic photograph of a boxing ring with the mat prominently displaying "Champions Arena 2024", surrounded by ropes and a crowd of spectators in the background, capturing the intense atmosphere of an upcoming championship event. +An antique bottle, labeled "Energy Tonic", sits on a weathered wooden table, surrounded by old books and flickering candles, casting a warm, nostalgic glow. The bottle's label is slightly faded, with intricate Victorian-era typography. +A futuristic kitchen where a sleek, silver robot butler stands, its chest screen boldly displaying "Sass Level Maximum", with a subtle smirk on its metallic face, surrounded by modern appliances and a gleaming countertop. +A weathered, rusty metal sign, partially obscured by moss, is nailed to an ancient oak tree. The sign reads, "Trespassers Will Be Toadified", with the text slightly faded but still legible. The scene is set in a dense, misty forest, with dappled sunlight filtering through the canopy. +A pirate ship sails the stormy seas, its flag billowing in the wind. The flag is stitched with "Surrender or Swim" in blood-red thread, casting an ominous shadow over the turbulent waters. +A vintage postage stamp featuring the text "First Moon Landing 1969", surrounded by an intricate border of stars and lunar landscapes, set against a dark, starry background. +A tattoo parlor at night, the neon sign glowing "Ink Dreams" in vibrant red, casting a warm, eerie light on the foggy street, with reflections visible in the wet pavement. +A serene mountain landscape with snow patterns naturally forming the words "Breathe Deeply" on the peak, surrounded by a gentle mist and towering pine trees, capturing the essence of tranquility and natural beauty. +A well-lit music store shelf featuring a variety of guitar picks, with a prominent display labeled "Medium Gauge 073mm" in the center, surrounded by different brands and sizes, capturing the essence of a guitarist's haven. +Sitting at one end of a park bench, gaze upwards to the vast sky where the words "Imagine Result" are distinctly written, surrounded by fluffy clouds and the serene blue expanse. +Astronaut floating in space, helmet visor displaying "Oxygen 85", Earth visible in the background, detailed space suit, realistic lighting. +A retro video game loading screen with the text "Loading" displayed in a pixelated font, set against a nostalgic background of 8-bit graphics and a simple, colorful border. +A vintage car parked on a street, with a sign prominently displayed on its side that reads "records", surrounded by a bustling, retro urban scene. +A carnival fortune teller's tent, with a weathered wooden sign hanging above the entrance, boldly proclaiming "Know Your Fate" in ornate, glowing letters. The tent is lit by flickering lanterns, casting mysterious shadows, and the scene is set against a dusky, starlit sky. +A detailed photograph of a spy gadget briefcase interior, with compartments neatly organized and labeled "Top Fake Secrets". The scene includes high-tech gadgets, miniature cameras, and encrypted devices, all bathed in the cool glow of hidden LED lights, emphasizing the secretive and sophisticated nature of the contents. +A leather journal with a weathered, rustic appearance, intricately stamped with the words "Private Do Not Open" in bold, antique lettering, lying on a wooden desk with a soft, warm light casting shadows, emphasizing the texture and detail of the stamp. +A realistic photograph of a math competition certificate featuring the text "First Place Algebra", displayed on a wooden desk with a pen and a calculator next to it, under a soft desk lamp. +A student’s notebook page, filled with math equations and doodles, prominently featuring a whimsical sketch with the words "Math is Hard" written in a playful, hand-drawn font. +A realistic photograph of a modern laptop with a sticker on the lid that reads "Code Poet", placed in a cozy home office setting with a wooden desk and a soft, ambient light. +A vintage marquee outside a bustling 1950s theater, illuminated with neon lights, prominently displaying "Now Playing Midnight Jazz". The scene is set at dusk, with a slight urban bustle, capturing the essence of a classic jazz night. +A sophisticated wedding invitation featuring elegant calligraphy that reads "Black Tie Optional", set against a backdrop of rich, dark velvet with a subtle, shimmering gold border. +A serene desktop scene with an open journal, the page showing a handwritten entry that reads, "Roses are Red". Beside it, a vase of red roses, with sunlight streaming through a nearby window, casting a warm glow on the scene. +A bustling city street at night, with a tattoo parlor neon sign glowing brightly, displaying "WalkIns Welcome" in vibrant red and blue. The sign is reflected in the wet pavement, and a few people are passing by, some glancing curiously at the shop. +A beautifully decorated birthday cake with intricate frosting lettering that reads "Happy 100th Robot", surrounded by colorful candles and set against a festive background with robotic elements. +A sushi chef in a bustling Tokyo restaurant, wearing a vibrant headband printed "Raw Talent", expertly prepares fresh sushi with precision and flair, surrounded by an array of colorful ingredients and traditional utensils. +A close-up of a chef's knife with intricate engraving on the blade that reads "Sharp Words Cut Deepest", set against a backdrop of a modern kitchen, with the warm glow of overhead lights highlighting the metallic sheen. +A close-up photograph of a circuit board, with a detailed label marking "Test Point A1" clearly visible. The board has intricate wiring and components, and the label stands out with a bold, professional font. +In a bustling airport terminal, the departure board prominently displays "Flight Delayed" in bold red letters, causing a mix of frustration and anticipation among the waiting passengers. The scene captures the essence of travel disruptions, with the board as the focal point. +A roadside billboard with a vivid, cautionary message in bold letters: "Drive Slow Kids At Play", set against a backdrop of a quiet suburban street with children playing safely on the sidewalk. The scene is captured in a realistic photographic style, emphasizing the serene yet alert atmosphere of the neighborhood. +A realistic courtroom scene with a prominent sign that reads "Silence Court in Session", emphasizing the solemn atmosphere and the judge's presence. +A wizard's potion bottle, delicately crafted with intricate runes, sits on an ancient wooden table. The bottle is labeled "Liquid Courage Use Sparingly" in elegant script, with a small, glowing droplet of the potion visible inside. +A detailed, realistic photograph of an engraved stone plaque set into an old brick wall, with the text "Established 1920" clearly visible, surrounded by ivy and moss, under a soft, overcast sky. +Ancient cave wall painting, vibrant red and ochre hues, depicting "First BBQ 10000 BC", early humans gathered around a fire, roasting meat on skewers, tools and weapons scattered nearby, detailed textures, realistic shadows, prehistoric setting. +A cozy bookstore interior with a wooden shelf marker prominently displaying "Bestsellers Section", surrounded by neatly arranged books and soft, ambient lighting. +A vintage retro diner menu with a special offer, "Meatloaf Dinner 9 99", prominently displayed. The menu is worn, with a classic 1950s design, and the Meatloaf Dinner is highlighted with a red circle and a small illustration of a steaming meatloaf. +A roadside billboard stands tall, showcasing a vibrant advertisement for "Summer Tire Sale 50% Off". The sun sets behind the billboard, casting long shadows and highlighting the bold, colorful text and images of tires and summer scenes. +A modern smartphone with a fitness app notification "Time to Move" displayed on the screen, set against a backdrop of a sunlit, urban morning jog, with a runner in athletic wear passing by a park bench. +A futuristic alien spaceship console with glowing, blinking lights that display the message "Earth Mostly Harmless" in a sleek, futuristic font, set against the backdrop of the ship's advanced technology and dim ambient lighting. +A police car parked on a city street at dusk, its sides emblazoned with the decal "To Serve and Protect", reflecting the glow of streetlights and neon signs. The scene captures the essence of urban law enforcement, with the car's sleek, authoritative presence standing out against the bustling cityscape. +A close-up of a hotel key card sleeve featuring the elegant text "Sweet Dreams Await" in gold foil on a deep blue background, with a subtle pattern of stars and moons. The sleeve is slightly worn, hinting at a cozy, well-loved hotel room. +A vintage sci-fi movie poster titled "Invasion of the Moon Men", featuring silver-suited aliens descending from a futuristic spacecraft, with a 1950s cityscape in the background and bold, neon typography. +A classroom poster in a vibrant, educational style, featuring the text "Math Magic" prominently. Above the text, a colorful wizard hat graphic adds a playful touch, emphasizing the magical theme of mathematics. +A close-up of a pharmacy prescription bottle with a white label that reads "Take Two Daily", set against a blurred background of medical supplies and pill bottles, emphasizing the clarity and importance of the label's instructions. +A weathered ship captain's logbook lies open on a wooden desk, illuminated by the dim light of an oil lamp. The entry reads "Storm Brewing", with ink slightly smudged by sea spray, hinting at the impending tempest outside. +A vibrant sports arena packed with excited spectators, a T-shirt cannon firing shirts reading "I Survived The 2020s" into the crowd, capturing the moment as fans eagerly reach out to catch them, celebrating resilience and unity. +A robotic philosopher sits in a dimly lit library, surrounded by ancient books and intricate gears. In its metallic hand, it holds a tome titled "To Be or Not To Beep", its eyes glowing softly as it contemplates the essence of existence. +A realistic airport terminal with a digital departure screen prominently displaying "Flight 808 On Time" amidst other flight listings, passengers milling about, and the hustle and bustle of a busy travel day. +An antique globe map, detailed and aged, highlighting a hidden island labeled "New Beginnings", surrounded by mythical sea creatures and ornate compass roses, set against a backdrop of a vintage study with wooden shelves and globes. +A close-up of an airplane seatback screen displaying the message "Fasten Seatbelt" in a modern, sleek font, with a subtle airline logo in the corner. The screen is illuminated, reflecting softly on the armrests and the fabric of the seat. +A vibrant beach scene with a towel spread out on the sand, prominently displaying the words "Sun Sand Surf" in bold, colorful letters. The towel is partially shaded by a nearby palm tree, with the clear blue ocean and sky forming a serene backdrop. +A vibrant TV show poster titled "Chudail No. 1", featuring a mysterious, supernatural woman with glowing eyes, set against a dark, foggy backdrop with ancient symbols and eerie lighting, creating a haunting and captivating atmosphere. +A realistic photograph of a modern tablet displaying an app notification popup with the text "Update Required" on a sleek, minimalist desk, surrounded by soft, natural light. +A neon sign in a modern gym locker room, prominently displaying the text "No Towel No Entry" in bright, eye-catching colors, with a sleek, reflective surface and subtle shadows emphasizing its three-dimensional appearance. +A realistic photograph of a pharmacy window with a prominent ad in red letters reading "Flu Shots Available", set against a slightly blurred urban backdrop. +A parrot perched on the mast of a weathered pirate ship, wearing a classic pirate hat adorned with the text "odnoin", the vibrant feathers contrasting with the rugged ship's deck and the vast, open sea. +A vibrant city street featuring a graffiti wall with the tag "Urban Artistry" in bold, colorful letters, surrounded by dynamic street art and bustling urban life. +In a quaint, dimly lit clockmaker’s workshop, an ornate wooden sign hangs above the door, reading "Time is Precious". Antique clocks and watches fill the shelves, their intricate mechanisms gleaming in the soft, warm light. +A satellite image captures a massive hurricane with swirling clouds and a defined eye, overlayed with the text "Storm Alert Category 4" in bold, yellow letters against a dark blue background. +A realistic photograph of a garden plant marker, clearly labeled "Herb Garden", surrounded by a variety of fresh herbs and greenery, with a wooden fence and a sunny sky in the background. +A vintage postcard from "The Edge of Sanity" featuring a serene, misty forest with a winding path leading to an old, abandoned asylum atop a hill, surrounded by towering, ancient trees. +A bustling subway car with vibrant "Metro Transit" seat fabric, capturing the essence of urban commuting. The scene is filled with diverse passengers, each engrossed in their own world, against the backdrop of the distinctive seat pattern. +A realistic photograph of a hospital wristband, neatly wrapped around a patient's wrist, with the clear and legible text "Patient B25" printed on it, set against a clinical white background. +A detailed view of the Hubble Space Telescope orbiting Earth, with the Milky Way galaxy stretching across the sky behind it. The scene includes the text "larva" prominently displayed, blending into the cosmic background. +A vintage postage stamp with a kangaroo leaping energetically, "Marsupial Express" elegantly printed beneath, set against a rustic, aged paper texture. +A close-up of a mail envelope with a bold red stamp that reads "Urgent Open Immediately", set against a slightly blurred, neutral background to emphasize the urgency and importance of the message. +A nighttime suburban street, a glowing UFO hovers above, casting an eerie light. A figure is being lifted into the craft by a beam of light. On the ground, a piece of paper with the note "Beam Me Maybe" is fluttering in the breeze. +A close-up of a cracked fortune cookie on a white plate, with a slip of paper inside that reads "Adventure Awaits You Soon", set against a soft, blurred background of a dimly lit, cozy restaurant. +A clothing store mannequin stands in a well-lit boutique, with a vivid "30 Off Today Only" sale tag prominently pinned to its chest, drawing the eye of passing shoppers. +A vibrant street scene featuring a colorful food truck with a neon-lit menu board prominently displaying "GravityFree Tacos 7". Customers queue eagerly, and the truck's exterior is adorned with playful, space-themed decorations, emphasizing the unique, floating taco concept. +A vibrant movie poster titled "Teenage Mutant Ninja Turtles", featuring the four turtle heroes in action poses against a backdrop of a neon-lit cityscape, with the iconic sewers and pizza slices scattered around, emphasizing their youthful and rebellious spirit. +A snow-covered cabin in a winter forest, with a wooden signpost in front pointing towards the cabin, clearly displaying "Warmth 50 Yards" in rustic lettering. +A gym with modern equipment, focusing on a treadmill whose screen prominently displays "Keep Running" in bright green, under the soft glow of overhead lights, with a runner just finishing a workout in the background. +A "No Trespassing" sign is nailed to a large, ancient tree on a forest trail, surrounded by dense, green foliage and dappled sunlight filtering through the canopy. The sign is slightly weathered, emphasizing the solemn warning it conveys. +A busy café scene with a barista wearing a nametag that reads "Ask Me About Secret Menu", surrounded by steaming cups of coffee and pastries, with customers chatting and the morning light streaming through the window. +A rustic blacksmith workshop with a weathered wooden sign hanging above the entrance, clearly displaying the text "Hot Metal Working" in bold, aged metal letters. The scene is illuminated by the warm glow of a forge, casting shadows across the rugged, hammer-scarred workbenches and tools. +A vibrant concert scene with a massive LED screen displaying the word "Encore" in dynamic, colorful animation, surrounded by an enthusiastic crowd and a haze of light, capturing the electrifying energy of the moment. +A cozy café corner featuring an espresso machine with a noticeable label that reads "Handle With Care", surrounded by steaming cups of coffee and a backdrop of shelves lined with coffee beans and pastries. +A TV show poster featuring the logo "Night Of Terror" prominently at the top, set against a dark, eerie background with shadows and mist, creating a suspenseful and haunting atmosphere. +A bustling farmer’s market stall, brightly lit by the morning sun, features a hand-painted wooden sign hanging above, clearly displaying "Organic Produce" in elegant, rustic letters. Fresh, colorful vegetables and fruits are neatly arranged on the stall, attracting shoppers with their vibrant hues and natural beauty. +A high-resolution photograph of a wine bottle with an elegant label that prominently displays "Vintage Reserve 1985", set against a soft, blurred background of a dimly lit wine cellar. +A realistic urban scene featuring vibrant graffiti on a brick wall, prominently spelling "Revolution Now" in bold, dynamic letters, with surrounding street art and a gritty city backdrop. +A photographer, camera strap "Snap Perfect" hanging around their neck, stands on a bustling city street, capturing the vibrant life around them, with the golden hour casting a warm glow over the scene. +A medieval castle courtyard at dusk, banners fluttering gently in the breeze, each banner embroidered with the emblem "House of Lions" in golden thread, casting long shadows across the ancient stone walls. +A sleek, futuristic time machine dashboard with glowing blue panels and a central screen displaying "Destination Yesterday", set against the backdrop of a vintage, sepia-toned cityscape. +Retro diner scene with a vibrant placemat prominently displaying the "Pie of the Day Apple Cinnamon" in classic 1950s style, surrounded by checkered tablecloth, vintage cutlery, and a steaming slice of apple cinnamon pie. +Retro diner interior, old-fashioned pie case with a vintage label reading "Yesterdays Pie Still Good", warm lighting, checkered floor, 1950s ambiance. +A detective's cluttered desk with a steaming coffee mug that reads "Crime Solver Juice", surrounded by case files and a dimly lit lamp casting shadows. +A movie theater concession stand, brightly lit, with a large popcorn bucket labeled "Extra Butter Please" front and center, steam rising from the golden kernels, surrounded by the glow of colorful movie posters and the smell of fresh popcorn. +A close-up shot of a sleek, modern smartwatch with its screen prominently displaying "23000 Steps Achieved", set against a blurred background of a city park at sunset, highlighting the user's achievement. +A vintage retro gas station scene with an old pump sign clearly displaying the price "Fuel 3 99", set against a nostalgic 1950s backdrop. +A detailed galaxy map with a ominous, red-labeled area marked "Black Hole Zone Avoid", surrounded by swirling nebulae and distant stars, in a realistic space photography style. +A bustling airport terminal with a digital departure board prominently displaying "Gate 13 Final Boarding" amidst other listings, passengers hurrying by with luggage, and the warm, ambient lighting of the modern airport interior. +A cozy coffee shop interior with a vintage chalkboard prominently displaying "Existential Crisis Latte 5" in elegant script, surrounded by artistic doodles and small, handwritten notes about the blend and flavor notes. Warm lighting and a rustic wooden table in the foreground. +A close-up of a toddler's first scribbled letter "A" on a white sheet of paper, circled in vibrant red marker, with tiny handprints around it, capturing the joy and pride of a small achievement. +A detailed dog training manual diagram with a cheerful illustration of a dog sitting and staying, accompanied by the caption "Sit Stay Good" in clear, bold text. The scene is set against a light, airy background, emphasizing the positive and educational nature of the image. +A modern hair salon with a large mirror featuring a stylish decal that reads "New Style New You", surrounded by sleek hair styling tools and vibrant, colorful hair products on a sleek, white countertop. +A close-up of a wise, grey owl perched on a gnarled branch, its collar adorned with a small, intricate tag engraved with "Property of Merlin". The owl's feathers are detailed, and the tag glimmers in the soft, mystical forest light. +A realistic photograph of a concert stage, with a prominent floor marking that reads "Pyro Zone No Entry", surrounded by vibrant stage lights and equipment, emphasizing the high-energy atmosphere of the event. +An antique globe stand, intricately engraved with the phrase "Terra Incognita", stands in a dimly lit study, surrounded by old books and maps, casting a warm, nostalgic glow. +A movie poster with the tagline "The End is Just the Beginning" in bold red text, set against a dramatic backdrop of a sunset over a cityscape, with silhouettes of skyscrapers and a lone figure standing on a rooftop, looking towards the horizon. +Graffiti artist paints "City Lights" in bold, vibrant colors on a concrete bridge pillar, overlooking a cityscape with twinkling lights at dusk, capturing the essence of urban creativity and nightlife. +A movie theater marquee at night, brightly lit, displaying "Now Showing Alien Invasion" in bold, neon letters. The marquee is surrounded by excited moviegoers and illuminated by the glow of the streetlights, creating a vibrant and bustling atmosphere. +A close-up of a sleek, modern hotel key card sleeve, prominently displaying "Room 305" in elegant, silver font against a deep blue background. The sleeve is partially inserted into a card reader, with a hint of a luxurious room behind it. +A close-up photograph of a magnifying glass etched with "Truth Seeker", resting on an old, weathered book. The glass magnifies a page of ancient text, revealing intricate, handwritten letters. Soft, ambient light highlights the detailed craftsmanship of the magnifying glass. +A detailed view of a rich, velvet theater stage curtain, intricately embroidered with the words "Opening Night" in shimmering gold thread, set against a deep crimson background, with subtle lighting highlighting the texture and craftsmanship. +A detailed 3D wizard chessboard piece, intricately inscribed with "Checkmate in 3D", casting a mystical shadow on a stone table, surrounded by an ethereal glow. +An astronaut's glove floats in the vastness of space, clutching a note that reads "The End", against a backdrop of distant stars and planets, emphasizing the isolation and finality of the message. +A vibrant carnival scene with a ticket booth prominently displaying a sign that reads "Adults 20 Kids Free", surrounded by colorful lights and festive decorations. +A vibrant school science fair poster titled "Volcano Eruption Experiment", featuring a detailed illustration of a volcano erupting with lava, surrounded by enthusiastic students and teachers observing the experiment with amazement. +A close-up of a laboratory mouse cage, with a small, white tag attached to the front. The tag clearly reads "Project Midnight" in bold, black letters against a stark white background. The cage is clean and modern, with a water bottle and bedding visible. +A realistic smartphone screen displaying a weather app with a prominent red alert banner reading "Severe Storm Warning Active", set against a dark, stormy sky with flashes of lightning in the background. +A bustling farmer's market scene with a vibrant stand banner prominently displaying "Organic Produce Here", surrounded by an array of fresh, colorful fruits and vegetables, with happy shoppers browsing the selection. +A close-up of a spacesuit arm patch, prominently displaying the text "Mars Colony Crew Member", set against the backdrop of a dusty, red Martian landscape. The patch is detailed, with a subtle sheen reflecting the harsh sunlight, emphasizing the pride and mission of the wearer. +A football stadium's end zone, vividly painted with "Home Team Rules" in bold letters. The grass is lush and green, with clear yard markers. Fans in team colors cheer from the stands, creating a vibrant and energetic atmosphere. +A detailed classroom scene with a globe prominently displayed, featuring a sticker pointing to the "Equator Line". The globe is surrounded by educational posters and a chalkboard with notes on geography. +A roadside fruit stand with a rustic wooden sign that reads "Fresh Peaches", surrounded by baskets overflowing with ripe, juicy peaches. The scene is bathed in the warm, golden light of late afternoon, with a few passing cars visible in the distance. +A realistic photograph of a university lecture hall, with a large screen displaying a slide titled "Quantum Physics Basics", surrounded by rows of students attentively listening to the lecture. +A gritty subway tunnel wall, covered in urban decay, features bold, vibrant graffiti that reads "Lost Souls Welcome" in a striking, spray-painted font, illuminated by the dim light of passing trains. +A bustling street scene with a vibrant food cart, prominently displaying a banner that reads "Halal Chicken Over Rice". The cart is surrounded by eager customers, and the aroma of spices fills the air, creating a lively and inviting atmosphere. +A vibrant TV show poster titled "Wondrous Woman", featuring a powerful female superhero in a dynamic pose, set against a backdrop of a futuristic city skyline. The poster highlights her iconic costume and confident expression, capturing the essence of strength and adventure. +A close-up of a VR headset's display screen, showing the message "Simulation Glitch Detected" in a futuristic, slightly distorted interface, with warning icons and a backdrop of code streaming down the screen. +A vibrant TV show poster featuring the text "Wild on the Beach" prominently displayed, set against a backdrop of a lively beach scene with colorful umbrellas, surfboards, and energetic partygoers enjoying the sun and waves. +A roadside warning sign, illuminated by the headlights of passing cars, flashes "Bridge Out Ahead" in bold red letters against a dark, night-time backdrop. The sign stands next to a narrow, deserted road, with trees and shadows creating a sense of isolation and urgency. +A dark, eerie haunted mansion with an old iron gate. A weathered sign hangs from the gate, clearly warning visitors with the text "Beware of Ghost Dog" in bold, faded letters. The scene is shrouded in mist, enhancing the ominous atmosphere. +A weathered lighthouse logbook lies open on a wooden desk, the page stained and faded. The entry reads "Shipwreck Count", surrounded by handwritten notes and sketches of ships. A beam of light from the lighthouse window casts a soft glow on the page, highlighting the ominous tally. +A medieval knight's shield, emblazoned with the phrase "For Honor and Tacos", lies on a weathered stone pedestal in a sunlit castle courtyard, surrounded by vibrant flowers and ancient armor. +A close-up of a test tube containing a single drop of liquid, with the text "We've found water on Mars!" clearly visible on a label attached to the test tube, set against a laboratory backdrop. +A realistic photograph of a gym locker with a combination lock set to the letters "HELP", the metal surface showing slight wear, with a water bottle and a towel casually placed nearby. +An ancient, tattered page from a wizard’s spellbook titled "How to Befriend Dragons" in intricate runic script, illuminated by a soft, mystical glow, with detailed illustrations of dragons and magical symbols surrounding the text. +A highway billboard stands tall, advertising "Skyline Motel Next Exit" in bold letters. The scene is set at dusk, with the fading sunlight casting a warm glow over the landscape, and the first stars beginning to twinkle in the sky. +A chilling yet inviting photo of a rustic cabin at night, surrounded by foggy woods. The front porch is dimly lit by a flickering lantern, and a sign reads "Cozy Ghost Not Included". The door is slightly ajar, hinting at secrets within. +A close-up of a vintage candy heart with the message "Text Me Maybe" in pink lettering, set against a soft, blurred background of pastel Valentine's decorations. The candy heart is the focal point, with a slight shine highlighting its sugary surface. +A realistic photograph of a school bus stop, with a prominent sign reading "Stop When Red" in bold letters, set against a backdrop of a quiet suburban street. The scene is captured during the golden hour, casting a warm, inviting light over the area. +An airport security checkpoint x-ray screen displays a clear, organized suitcase with a message in bold letters: "NO LIQUIDS DETECTED". The screen shows a variety of items like clothes, a laptop, and personal belongings, but no liquids are visible, emphasizing the security message. +A retro pixelated video game screen with vibrant colors, displaying the message "Level Up Achieved" in bold, glowing letters, surrounded by celebratory icons and animations. +A close-up of a winter coat's label, intricately stitched with "Made in Snowdin", set against a frosty backdrop, emphasizing the craftsmanship and the cold, snowy environment of Snowdin. +A farmer's tractor, adorned with a "Harvest Season 2024" banner, plows through a golden field of wheat at sunset, dust swirling around the tires, with a vibrant sky and rolling hills in the background. +A realistic construction site scene with workers in high-visibility vests and safety gear. A prominent sign with a "Hard Hat Area" sticker is clearly visible on a large, orange barrier, warning everyone to wear hard hats. +A futuristic sci-fi spaceship console with neon lights and holographic displays, prominently featuring a red blinking light that reads "Hyperdrive Active" in the center, surrounded by intricate control panels and digital screens. +A bustling city street with a charming bakery window display prominently featuring the sign "Fresh Bread Daily", surrounded by an array of freshly baked bread loaves and pastries, bathed in the warm morning sunlight. +A scientist in a lab, wearing a white lab coat with a nametag that reads "Dr Smith Genetics", stands amidst shelves of petri dishes and genetic samples, under the glow of fluorescent lights. +A futuristic sci-fi prison scene with a prisoner wearing a uniform. The uniform features a metallic, reflective patch on the chest reading "Convict 42666" in bold, futuristic font. The setting is a stark, high-tech cell with glowing blue lights and sleek, modern architecture. +In a dimly lit room, a hacker sits intently at a cluttered desk, their fingers poised over a keyboard. The computer screen prominently displays the message "Access Denied", casting an eerie glow on the hacker's focused face. +A dragon's lair filled with ancient treasures, where a golden coin engraved with "Stolen from Knights" gleams among the hoard, reflecting the flickering torchlight. The coin is partially buried under a pile of jewels, its inscription clearly visible. +A serene yoga studio with a yoga mat printed with "Find Your Zen" in elegant script, surrounded by soft, natural light filtering through large windows, and minimalist decor that enhances the calm atmosphere. +In the modern exhibition hall, a sleek, illuminated sign that reads "polls" hangs above a display featuring interactive screens, inviting visitors to participate in various surveys and opinion polls. +A close-up of a jeweler's ring box, elegantly engraved with "Forever Yours", set on a velvet backdrop, with soft, warm lighting highlighting the intricate details and the shine of the box. +A futuristic urban setting with a person showcasing a detailed cyborg arm tattoo that reads "Upgrade In Progress", illuminated by neon lights, emphasizing the blend of human and machine. +A vibrant poster in a cozy music store window reads "Guitar Lessons Available Here", surrounded by displayed guitars, sheet music, and enthusiastic musicians practicing in the background. +A roadside scene featuring a large, weathered highway billboard prominently displaying the text "24 Hour Tire Service" against a backdrop of passing cars and a setting sun, with the billboard slightly faded and a few peeling edges, emphasizing the practical and timeless nature of the service. +A realistic photograph of a construction site, with yellow and black warning tape stretched across, clearly printed with "Danger High Voltage" in bold letters, surrounded by caution cones and electrical equipment. +In a rustic blacksmith's workshop, an ancient anvil stands prominently, marked with the inscription "Forge Your Fate" in bold, weathered letters. The anvil is surrounded by tools and glowing embers, capturing the essence of craftsmanship and determination. +A delivery van, wrapped with the logo "Fast Fresh Food", parked outside a bustling city market, with fresh produce stands and busy pedestrians in the background. +A close-up of an old, weathered library book with a faded stamp on the page, clearly reading "Property of Atlantis", set against a backdrop of worn, aged paper. +A realistic scene of an airport terminal at night, with the LED "Flight Canceled" alert blinking red on a large digital monitor, casting a faint glow over the empty seats and deserted check-in counters. +An astronaut stands beside a detailed lunar base map, clearly marked with "Emergency Exit Route", under the stark, shadowy landscape of the moon. +A modern elevator button panel with sleek, illuminated buttons, including a prominently displayed "Floor 13½" button, set against a backdrop of polished stainless steel and glass. The scene is lit by the soft glow of the elevator's interior lighting, creating a futuristic and slightly mysterious atmosphere. +A whimsical treehouse nestled in a vibrant oak tree, with a hand-drawn sign in bright crayon colors that reads "No Adults Allowed", surrounded by dappled sunlight and playful shadows from the leaves. +A futuristic spaceship console with blinking lights and a red alert screen displaying the message "HYPERDRIVE MALFUNCTION" in bold letters, surrounded by control panels and gauges. The scene is lit by the glow of the console, creating a tense atmosphere. +A close-up of an alien plant pot, with a small, intricately designed tag attached, clearly reading "Water With Moonlight Only" under the soft glow of moonlight. +An ancient, worn page from a wizard's spellbook, titled "Turnip Transmutation Charm", with intricate illustrations of magical turnips and glowing runes surrounding the text. The page is slightly curled and has a yellowed, aged appearance. +A close-up of a sleek, metallic superhero emblem featuring the initials "SJ", set against a dark, urban backdrop with subtle reflections of city lights, capturing the essence of a modern, nocturnal hero. +A bustling night scene in Times Square, with a digital billboard prominently displaying the text "New York Never Sleeps" in vibrant, dynamic colors, surrounded by glowing neon lights and bustling crowds. +Vintage diner with a nostalgic feel, featuring a classic neon sign glowing "Eat Here" prominently above the entrance, set against a slightly faded, evening backdrop. +A realistic photograph of a fire station's bulletin board, featuring a vibrant notice that reads "Annual BBQ July 4th", surrounded by community event flyers and a patriotic American flag backdrop. +A vintage illustration of a gardener's seed packet, prominently labeled "Grow Big Zucchinis", featuring a cheerful gardener holding a massive, vibrant zucchini amidst lush, green foliage and sunny skies. +Wanted poster in a futuristic Western town, featuring a space cowboy with a rugged, tech-enhanced look, labeled "Galaxy's Worst Speller". The background shows a dusty, alien landscape with neon signs and old-fashioned wooden buildings. +A bustling train station with an announcement board prominently displaying "Track 9 Departing". Passengers hurry past, some glancing at the board, while others wait on the platform. The scene is vibrant, with the board's digital display standing out against the backdrop of the busy station. +A witch's cauldron bubbling in a dark, mystical forest, steam rising and forming the text "404 Error" above it, surrounded by glowing embers and flickering shadows. +A vast, green field at dusk, illuminated by the fading sunlight, features an intricate alien crop circle that spells out "Send Tacos" in a complex, glowing pattern. The surrounding crops are undisturbed, enhancing the mysterious and otherworldly atmosphere of the scene. +A worn, leather-bound detective's case file, prominently stamped with "Top Secret" in bold red letters, lying on a cluttered desk under the dim light of a vintage desk lamp, surrounded by magnifying glasses and notepads. +A colorful children's drawing with a caption that reads "My Happy Family", featuring a cheerful family of stick figures with big smiles, under a bright sun in a blue sky, surrounded by playful flowers and a cozy house. +A sleek, futuristic room with a metallic desk featuring a polished, silver nameplate engraved with "Designation Sarcasm Module v3". The nameplate reflects the soft, ambient lighting, and a robotic arm is seen in the background, adding a high-tech touch to the scene. +A medieval knight stands proudly, holding a shield emblazoned with the family motto "Fortis in Arduis" in elegant script. The shield is adorned with intricate metalwork and heraldic symbols, reflecting the knight's noble lineage and unwavering courage. +An astronaut stands against a backdrop of stars, the helmet visor reflecting the serene message "Oxygen Low Smile Anyway", with a subtle smile on their face, encapsulating resilience and optimism in the vastness of space. +A realistic photograph of a spaceship hull, with "Galaxy Explorer One" stenciled in bold, futuristic font against a backdrop of stars and distant planets. The hull shows subtle wear, indicating numerous journeys through the cosmos. +Halloween pumpkin patch scene with a wooden signpost that reads "Pick Your Poison 10 Each", surrounded by a variety of colorful pumpkins and autumn leaves, under a slightly overcast sky. +A bustling bakery interior with a baker in a white apron, prominently embroidered with "Flour Power Specialist", kneading dough on a wooden table, surrounded by baking tools and fresh bread loaves. +A bustling baseball stadium at twilight, the scoreboard prominently displaying "Home Run Record 62" in vibrant lights, surrounded by cheering fans and the glow of concession stands. +A vibrant skateboard deck featuring the bold text "Skate or Die" in graffiti style, surrounded by dynamic skateboarding elements and urban street art, capturing the essence of skate culture. +"Age of Dinosaurs" exhibit in a vast, dimly lit museum hall, featuring lifelike dinosaur models surrounded by ancient ferns and fog. A family stands in awe, the children pointing excitedly at a towering T-Rex skeleton, while a beam of light highlights the exhibit's educational plaques. +A city street at night, with a yellow taxi prominently featured. The taxi's roof light is illuminated, displaying "Available for Hire" in bright, clear letters. The scene is bustling with pedestrians and other vehicles, capturing the vibrant energy of urban nightlife. +In a sunlit art studio, an open paint can labeled "Cobalt Blue" sits on a wooden easel, surrounded by brushes and a half-painted canvas, capturing the vibrant hue of the sky through the window. +A protester at a lively rally holds a hand-painted sign that reads "Save the Whales", surrounded by a crowd of supporters and a backdrop of colorful banners and placards, under a clear blue sky. +A close-up of a hospital wristband on a patient's wrist, clearly displaying "Patient ID 4567", set against a neutral background with soft, natural lighting to highlight the details of the band. +A sleek, modern bathroom countertop with a bottle of hair gel prominently displayed. The bottle features a glossy label that reads "flawless", reflecting the surrounding ambient light. The background is minimalist, with soft, natural lighting enhancing the product's premium appearance. +A realistic photograph of a desert scene with a wooden signpost standing tall, weathered by the sun. The signpost points towards "Water Source 2 Miles" in the vast, sandy expanse, with a few sparse, drought-resistant plants in the foreground. +A sleek sci-fi spaceship, its metallic hull gleaming under distant starlight, prominently painted with the bold text "Mars or Bust", as it traverses the vast, dark expanse of space. +A close-up of a baker's cake box with a sticker that reads "Handle With Sugar", surrounded by pastel-colored sprinkles and a light dusting of powdered sugar, set against a soft, warm background. +A detailed tattoo sleeve featuring the phrase "Born to Roam" in bold, script lettering, surrounded by intricate designs of wandering maps, compasses, and wild landscapes, all in a realistic style. +A close-up of a shiny, black dragon rider license plate frame with the text "My Other Hoard Is Gold" in bold, gold letters, set against a blurred backdrop of a sleek, modern car parked in a garage. +A detective holds a magnifying glass etched with "Truth Seeker", examining a cluttered, dimly lit room filled with vintage furniture and mysterious artifacts, casting a focused beam of light on a dusty, old diary. +A vibrant T-shirt design featuring the bold text "Code All Day" in a modern, sleek font, surrounded by dynamic, colorful icons of computer keyboards, code snippets, and digital elements, set against a gradient background. +A close-up of a pharmacy label on a white pill bottle, prominently displaying the text "Take 2 Daily" in bold, against a soft, blurred background of a pharmacy shelf with various other bottles and medications. +A birdwatcher stands in a lush forest, holding a detailed guidebook titled "Species Checklist Inside", with a binoculars around their neck and a variety of birds visible in the trees behind them. +A dark cave with "crazy" carved into the wall, illuminated by a soft yellow light filtering through the cave entrance, casting eerie shadows. +A cozy wooden birdhouse labeled "Sparrow Nest" hangs from a branch of an old oak tree, surrounded by a canopy of green leaves. Morning sunlight filters through, casting soft shadows and highlighting the intricate carvings on the birdhouse. +A marathon runner, wearing a bib numbered "Runner 42", is captured mid-stride on a city street, surrounded by cheering spectators and colorful banners. The runner's focused expression and the dynamic motion blur convey the intensity of the race. +A cozy bakery with a large window displaying a hand-painted sign that reads "Fresh Bread Daily", surrounded by an assortment of baked goods and the warm glow of interior lighting. +A close-up photograph of a hotel key card sleeve, elegantly printed with "Room 305 Welcome", placed on a sleek, modern countertop with a subtle, reflective surface. +An astronaut’s moon boot print clearly forms the words "First Step" on the lunar surface, surrounded by fine, gray moon dust, with the curvature of the moon and the vast, starry space as the backdrop. +A festive street scene with a large, vibrant New Year banner reading "Happy New Year 2025" hanging between lampposts, surrounded by colorful decorations and excited crowds celebrating the arrival of the new year. +A vibrant science fair booth featuring a large, eye-catching banner with the title "Solar Energy Revolution". Display tables are adorned with models of solar panels, charts, and diagrams explaining the benefits and innovations in solar technology. Enthusiastic students stand by, ready to present their findings. +A high-altitude landscape with a rustic wooden signpost firmly planted in the rocky terrain, clearly pointing towards "Everest Base Camp" under a clear blue sky, surrounded by snow-capped peaks and sparse, hardy vegetation. +A wizard stands proudly next to a broom with a sticker that reads "My Other Ride Is a Dragon". The wizard wears a pointed hat and flowing robes, standing in a mystical forest with a dragon perched on a nearby tree, its eyes glowing. +A colorful children’s alphabet poster featuring a large, red apple with the text "A Is For Apple" prominently displayed, surrounded by playful illustrations of other fruits and letters, set against a bright, cheerful background. +A realistic photograph of a smartphone screen displaying a weather app notification: "100% Chance of Meteors". The night sky behind the phone is filled with streaking meteors, casting a celestial glow over the scene. +A realistic photograph of an ATM machine in a well-lit indoor setting, with the screen prominently displaying "Enter Your PIN" in clear, bold text. The machine is modern, with sleek lines and a minimalistic design. +An astronaut in a detailed spacesuit stands beside a spacecraft, holding a clipboard with the checklist item "Check Radiation Shielding" clearly visible. The scene is set against the backdrop of a distant Earth, with the sun casting a soft glow, highlighting the importance of the task. +A red pizza delivery car with a large, eye-catching magnet on its side stating "Hot and Fast Delivery", parked on a bustling city street at dusk, with pedestrians and other vehicles in the background. +A vintage diner jukebox, glowing softly in the corner, with its vintage wooden frame and glass front. It's flashing "Play Track 7 for Magic", casting a warm, nostalgic light on the checkered floor and retro decor. +A dark, dimly lit office with an old, eerie printer displaying the error message "PC LOAD LETTER" on its screen, surrounded by scattered papers and a flickering light, creating a haunting atmosphere. +A bustling farmer's market scene with a wooden stall sign prominently displaying "Organic Honey 10". Jars of golden honey are neatly arranged, surrounded by fresh flowers and baskets of produce, with a friendly farmer in a straw hat standing behind the stall. +An ambulance parked on a city street, its side panel prominently printed with "Emergency Response Unit", reflecting the urgency and professionalism of the medical team. The scene is captured in a realistic photographic style, emphasizing the vehicle's presence and the clarity of the text. +A cartoon dog in a chef's hat, standing in a kitchen, with a thought bubble above its head that says "man", surrounded by cooking utensils and ingredients. +A vintage library interior with rows of old, leather-bound books. One book stands out, its spine prominently stamped with "Forbidden Knowledge" in gold lettering, catching the dim light of the room. +A rustic farmer's barn with a wooden door, featuring a hand-painted sign that reads "Fresh Eggs Sold Here", surrounded by a countryside landscape with rolling hills and a clear blue sky. +A vibrant street art mural of a laughing child holding a colorful balloon that reads "Hope", set against a backdrop of a bustling urban neighborhood with graffiti and passerby. +A retro arcade game cabinet, vintage and slightly worn, with vibrant, pixelated graphics on the screen. The cabinet is labeled "Insert Coin to Play" in bold, nostalgic fonts, set in a dimly lit game room with soft neon lights casting a glow. +A close-up of a hotel key card sleeve, printed with "Room 237 Check Out Noon", lying on a sleek, modern countertop with a subtle reflection. The scene is lit by soft, ambient lighting, emphasizing the text and the clean, minimalist design of the card sleeve. +A vintage postcard featuring a serene beach scene with soft, golden sands and tranquil turquoise waters. In the foreground, the message "Wish You Were Here" is written in elegant, cursive handwriting. The postcard is slightly worn, with a warm, nostalgic glow, capturing the essence of a bygone era. +Astronaut floating in space, helmet visor HUD prominently displaying "O2 Level 95", against a backdrop of Earth and stars, realistic photographic style. +A charming bakery window adorned with a vintage decal announcing "Fresh Bread Daily", surrounded by a display of freshly baked bread loaves and pastries, with warm, inviting lighting and a subtle wood grain texture in the background. +A classroom corner with a hamster cage, a sign prominently displayed that reads "Handle With Chaos", surrounded by playful hamster toys and educational posters on the walls. +A rustic garden scene with a scarecrow holding a wooden sign that reads "Trespassers Will Be Cornfused", surrounded by tall cornfields and wildflowers, under a sunny sky. +A close-up of a digital thermometer with a sleek, modern design, displaying "98 6F Normal" on its screen, set against a clean, white background, with soft shadows highlighting the device's contours. +A medieval castle courtyard with a grand banner displaying the "Royal Crest Of Valor" fluttering in the breeze, surrounded by stone walls and towering turrets, under a clear blue sky. +A rainy night in downtown, with a neon café sign flickering "Hot Coffee" above a cozy corner café, raindrops glistening on the wet pavement, and the warm glow of the sign reflecting off the wet streets. +A realistic photograph of a vintage tattoo parlor, with vibrant flash art designs lining the walls. In the center, a prominent sign reads "No Regrets" in bold, classic tattoo lettering, illuminated by soft, warm lighting. +A wizard's hand holds a crystal ball, swirling with mystical fog that forms the words "Future Unclear Try Again", set against a dimly lit, ancient library backdrop. +A realistic photograph of a birthday cake with intricate icing piping that spells out "Over the Hill" in elegant, cursive letters, surrounded by festive decorations and candles. +A modern elevator with its button panel illuminated, prominently displaying "Floor 5 Office" in a sleek, futuristic font, set against the backdrop of a well-lit, stainless steel interior. +A bustling movie theater at night, the marquee prominently displaying "Sold Out Show" in bright, glowing letters, surrounded by excited crowds and the soft glow of streetlights. +A realistic smartphone screen with a notification popping up, displaying "Storage Almost Full" in the center, surrounded by a cluttered home screen with various app icons and a wallpaper of a digital cityscape at sunset. +A close-up of a vintage red fire truck's door, featuring a sleek decal that reads "Engine Co 88 Est 1921", with a slight weathered look, set against the polished metal surface, capturing the timeless spirit of the brigade. +A detailed geography map quiz with a clear label "Identify The Oceans", featuring the world's major oceans marked with subtle outlines, ready for students to name each one. +A detailed close-up of an antique pipe with intricate engraving that reads "Smoke Signals Ahead", set against a rustic wooden background, capturing the essence of old-world craftsmanship and mystery. +A vintage poster with a bold, retro font reading "Morlang" against a gradient background, featuring illustrations of mystical creatures and adventurers in a fantasy landscape. +An underwater casino entrance, illuminated by neon lights, with a sign that reads "No Merfolk Allowed", surrounded by vibrant coral and exotic sea creatures. +A red button labeled "Do Not Press" on a futuristic control panel in a sci-fi control room, surrounded by glowing screens and intricate machinery, with a soft blue ambient light casting shadows. +A neon sign reading "Open 247" glows brightly above the entrance of a convenience store, casting a vibrant light on the sidewalk and the store's glass doors, creating a lively atmosphere in the early hours of the morning. +A vibrant night sky filled with colorful fireworks exploding in mid-air, forming the words "Celebrate Life" in a dynamic and eye-catching display, with the cityscape below illuminated by the radiant light. +A weathered spyglass with intricate etchings, the words "Land Ahoy Maybe" clearly visible on the lens, resting on a wooden ship deck with the ocean horizon in the background. +A wizard’s hat with a tag stitched "Size One Size Fits All" sitting on an ancient, dusty bookshelf in a mystical library, surrounded by glowing orbs and ancient tomes. +A freshly baked bread loaf, scored with the phrase "Artisan AF" in elegant, rustic lettering, sits on a wooden board in a cozy kitchen, surrounded by flour-dusted utensils and a backdrop of warm, golden sunlight streaming through the window. +A nostalgic retro video game screen with pixelated graphics, vibrant colors, and the text "High Score 9999" prominently displayed in the center, surrounded by classic game elements like power-ups and enemies. +A vintage detective office door with a worn, brass plaque that reads "Private Eye Office", set against a backdrop of a 1940s noir cityscape, with rain-slicked streets and dim, flickering streetlights. +A medieval knight stands beside his armored horse, both reflecting the late afternoon sun. The horse's armor plate bears the inscription: "My Other Ride Is a Dragon". The scene is set in a lush, green meadow with a castle in the distance. +A retro arcade screen displaying a vibrant, pixelated game with sections glitching out, revealing colorful static and distorted graphics. The message "Player 2 Found Cheating" is prominently displayed in the center, surrounded by flickering pixels and jagged lines. +A close-up of a pet collar tag, intricately engraved with "Max 5551234", lying on a rustic wooden table, with soft sunlight casting a warm glow, highlighting the metallic shine and detailed engraving. +A realistic photograph of a person wearing a prison jumpsuit with the ID "INMATE 24601" clearly visible on the chest, standing against a stark, gray wall. The lighting highlights the texture of the jumpsuit and the somber expression on the person's face. +A gym towel with "Sweat Now Shine Tomorrow" stitched in bold, vibrant thread, draped over a modern gym equipment, with a motivational athlete in the background, capturing the essence of perseverance and dedication. +A close-up photograph of a hospital wristband wrapped around a patient's wrist, with the text "Patient ID 4587" clearly visible, set against a soft, neutral background. +A diver exploring the ocean depths, their oxygen tank clearly stamped with "Caution Mermaid Territory", surrounded by mystical underwater creatures and vibrant coral reefs, in a photorealistic style. +A gym with a large mirror featuring a motivational decal: "Sweat Now Shine Later". The room is filled with workout equipment, and a few athletes are training, their reflections visible in the mirror, capturing the intensity and determination of their efforts. +A realistic photograph of a post office package, prominently displaying a large, red "Fragile Handle With Care" stamp on its side, surrounded by other parcels and postal equipment in a busy postal facility. +A college lecture hall with students settling in; a noticeable "This Seat Saved" note is carefully placed on an empty chair, drawing curious glances from those around. The scene is bright, with morning light streaming through large windows, highlighting the note and the academic setting. +An ancient mummy's bandages slowly unravel, revealing a cryptic message: "I Pyramid Schemes". The dusty, dimly lit tomb is filled with the eerie silence of millennia, casting shadows that dance around the unwrapped sarcophagus. +A vintage ice cream truck parked on a sunny street, with its side panel proudly advertising "Cold Treats Here" in colorful, playful lettering, surrounded by images of various ice cream flavors and happy kids enjoying their treats. +A realistic classroom scene with a whiteboard at the front. The whiteboard prominently displays the message in bold black marker: "Test Tomorrow Study Now". Students' desks are arranged in rows, and a few textbooks and notebooks are scattered on them, capturing the essence of a typical study environment. +A medieval knight stands proudly, holding a shield emblazoned with the bold inscription "Yeet the Heretic". The scene is set in a sunlit courtyard, where the knight's armor glints under the sky, and the crowd watches with intense gazes. +A movie theater at night, the marquee brightly lit with "Now Showing Lost in Time", surrounded by the glow of city lights and a few lingering moviegoers. +A detailed, ancient Egyptian papyrus scroll unfurled, revealing intricate hieroglyphics and vibrant illustrations from the "Book of the Dead", set against a backdrop of golden sand and fading sunlight. +A rustic wooden table holds a brown paper bag labeled "All Natural" dog treats, surrounded by various natural ingredients like carrots, apples, and bones, with a cheerful golden retriever looking on from the background. +A realistic photograph of a zoo penguin exhibit, featuring a clear sign at the entrance warning visitors with the text "No Polar Bears" in bold letters, surrounded by happy penguins in their icy habitat. +A detailed photograph of an ancient pharaoh’s sarcophagus, intricately inscribed with the words "Eternal Sands" in hieroglyphics, set against the backdrop of a dimly lit, dusty tomb. +A realistic photograph of a plant pot with a wooden marker stake tagged "Water Daily" inserted into the soil, surrounded by green foliage, under a soft sunlight filtering through leaves. +A close-up of a pet collar tag, engraved with "Luna If Found Call 5551234", resting on a rustic wooden surface, with soft, natural light highlighting the texture and details of the tag. +A close-up of an old library book with a due date stamp that reads "Overdue Since 2003", surrounded by worn pages and dust, capturing the essence of time and neglect. +An ice cream truck parked on a sunny street, its side panel clearly displaying "Flavor of the Day" with colorful illustrations of ice cream cones, surrounded by playful, whimsical decorations. +An underwater cave adorned with ancient paintings, prominently featuring the phrase "Land Dwellers Suck" in bold, primitive strokes. The cave is illuminated by the soft, blue light filtering through the water, highlighting the vibrant, colorful marine life surrounding the ancient artwork. +A futuristic time machine's dashboard, with a glowing red alert message that reads "Past Closed for Repairs", surrounded by intricate controls and blinking lights in a dimly lit cockpit. +A bustling street food scene with a vibrant food truck featuring a neon menu board that reads, "Tacos 2 Tuesdays Only", surrounded by happy customers enjoying their meals. +A dimly lit library corner with a row of ancient books, one prominently displaying a leather spine stamped with "Forbidden Section 13" in gold, surrounded by flickering candlelight and shadows. +An ancient oracle bone, weathered and cracked, lies under a spotlight in a museum display. The bone is etched with intricate symbols that read "Tomorrow Brings Cat Videos", surrounded by faded, mystical carvings. +A serene beach with soft, golden sand, where the words "TIDE COMES AT 3PM" are delicately written, reflecting the sunlight. The horizon shows a calm sea, with a few seagulls flying overhead, hinting at the approaching tide. +A close-up of a sleek sneaker side panel, featuring the embossed text "Run Fast Live Slow" in a stylish, modern font, set against a clean, white background. +A vintage retro diner jukebox, its neon lights glowing bright with the words "Pick Your Hit" prominently displayed, set against a nostalgic 1950s backdrop. +A cluttered detective's desk with a worn case file prominently displayed, its label clearly marked "JFK Solved See pg 47", surrounded by vintage 1960s newspapers and a dimly lit room with a single desk lamp casting shadows. +A vibrant film festival banner for the "Best Documentary Award", featuring a collage of diverse documentary scenes, including nature, wildlife, and human stories, with a golden trophy emblem in the center, all set against a backdrop of a bustling cityscape at dusk. +A wizard's staff, glowing with an ethereal light, features the inscription "Power of Light" prominently etched along its length, casting a radiant glow in a dark, mystical forest. +A high-tech digital screen on a sleek spaceship dashboard, prominently displaying "Welcome to Mars Colony" in futuristic font, with red Martian landscape visible through the window, emphasizing the arrival at the new frontier. +A sleek spaceship with its hull painted in a sleek, metallic finish, prominently displaying the identification "NXEnterprise" in bold, futuristic font, set against the backdrop of a star-studded universe. +A detailed, futuristic time machine control panel with glowing buttons and a large digital display showing "Set Destination Year". The panel is sleek with metallic finishes and futuristic symbols, set against a backdrop of soft, ambient lighting. +An antique telephone receiver, its once vibrant label now faded to a whisper, clearly reads "For Ghost Calls Only" under a soft, nostalgic glow, set against a vintage background with subtle, ethereal hints of old-world charm. +In a dimly lit, ancient stone chamber, a witch stirs a bubbling cauldron. Her eyes gleam as she holds a small, eerie vial labeled "Eye of Newt Optional", contemplating whether to add it to the potion. The scene is shrouded in mystical, greenish light, enhancing the spell's otherworldly aura. +A weathered pirate flag bearing the "Skull and Crossbones" flutters dramatically in the salty sea breeze, set against a backdrop of a stormy sky and turbulent ocean waves. +A mermaid with a seashell bra, adorned with the words "Property of Atlantis Beach", lounges on a vibrant coral reef, surrounded by colorful fish and shimmering bubbles in the sunlit ocean. +A crime scene photo showing a police evidence bag with a tag that reads "Contains 1 Genie in Bottle". The bottle inside the bag is old and dusty, with intricate designs, set against a dimly lit, cluttered background. +A close-up of a scientist's whiteboard, filled with complex equations and a detailed diagram labeled "Quantum Theory Model", surrounded by scattered markers and notes. +A close-up of a beer bottle with a sleek, modern label proudly displaying the text "Brewed With Moon Water" in elegant, silver font, set against a deep blue background with subtle, starry patterns. +A vibrant graffiti mural on a weathered train car, featuring bold, colorful letters that spell out "Ride the Lightning" against a backdrop of urban decay, with subtle shadows and highlights enhancing the texture and depth of the graffiti. +A classroom poster in a vibrant, educational style, illustrating "The Water Cycle 90 Magic", featuring a detailed diagram of the water cycle with magical elements, such as glowing water droplets and enchanted clouds, set against a bright, colorful background. +A realistic photograph of a modern fire extinguisher against a slightly blurred white wall, with a clear label stating "Pull Pin Aim Spray" in bold, red text. +A cozy café corner with a vintage fortune cookie lying on a rustic wooden table. The slip of paper reads "Adventure Awaits You", partially visible as it peeks out of the cracked cookie. Soft, golden sunlight streams through a window, casting a warm glow over the scene. +A dark, ancient dungeon door with a weathered, mystical wizard’s "Caution Portal to Chaos" sign, illuminated by flickering torchlight, casting eerie shadows in a gothic fantasy setting. +Retro diner interior, vintage pie case with a label reading "Slice of Heaven 350", warm lighting, checkered floor, nostalgic 1950s atmosphere. +A vibrant poster design featuring bold, colorful graphics and a striking title text of "Straight Outta OZ", set against a backdrop of fantastical elements from the Land of Oz, including the Emerald City and the Yellow Brick Road. +A serene photo of a vast dandelion field, with fluffy white seeds scattered in the gentle breeze, set against the backdrop of an ancient, stone church. The caption reads "churchyard" in elegant script at the bottom of the image. +A detailed fire truck decal featuring the text "Rescue Unit 5" in bold, red font, set against a sleek, black background with subtle flames at the edges, giving it a dynamic and professional look. +A chilling, moonlit scene of an old, dilapidated house entrance, with a crooked sign reading "Abandon Hope" hanging from a rusted chain, surrounded by overgrown, eerie vines and fog creeping through the dark, abandoned grounds. +A dimly lit alley at night, a spy clutching an encrypted note that reads "Meet at Midnight", shadows cast by flickering streetlights, a sense of urgency and secrecy in the air. +A scientist in a lab coat with "Innovate Discover" emblazoned on the chest, surrounded by high-tech equipment and glowing screens, working diligently in a modern laboratory. +A realistic photograph of a protestor at a climate march holding a sign that reads "Act Now or Swim Later", surrounded by a crowd of people with determined expressions, under a cloudy sky. +A bustling city street at dusk, with a large billboard prominently displaying a new smartphone. The billboard highlights the phone's "UltraPixel Camera" in bold, sleek text, capturing the attention of passersby. +In a modern dentist office waiting room, a sleek poster on the wall reads "Floss Daily" in bold, vibrant letters. The poster features a close-up of a smiling mouth with perfectly clean teeth, set against a clean, white background. +A street scene with a vintage parking meter displaying "Expired Add Coins Now", set against the backdrop of a bustling city, with pedestrians and cars passing by. The meter is slightly worn, emphasizing its age and frequent use. +A roadside billboard stands prominently by a scenic highway, displaying the safety message "Drive Safe Arrive Alive" in bold letters against a bright, sunny sky. Cars pass by in the distance, emphasizing the importance of the message. +An alien spacecraft with a sleek, metallic hull, adorned with intricate symbols that clearly translate to "Earth Observation", hovering silently over a dense forest canopy at dusk, with beams of light scanning the terrain below. +A neon-lit cyberpunk noodle shop with a futuristic sign reading "Ramen Regrets 12" in vibrant, glitching colors, set against a dark, rain-soaked city street at night. +"Visit Earth: Primitive Charm" - An alien tourist poster showcasing Earth’s untouched natural beauty, featuring a serene forest with a winding river, ancient trees, and vibrant wildlife, emphasizing the planet’s unique, unspoiled landscapes. +A rustic farm scene with a scarecrow standing tall in a golden wheat field, holding a hand-painted wooden sign that reads "Crows Beware". The scarecrow is adorned with a straw hat and old, worn clothes, set against a backdrop of a clear blue sky. +A chef stands in a modern kitchen, wearing an apron embroidered with "Kiss the Cook" in looping cursive, preparing a gourmet dish with fresh ingredients on a wooden countertop. +A close-up of a weathered spacesuit glove, the palm displaying faded text "Wash Me Last Cleaned 1998", set against a backdrop of a dusty, abandoned spacecraft interior, capturing the essence of neglect and time. +A realistic photograph of a tornado warning siren pole standing tall in a stormy landscape, with a flashing red sign at its base that reads "Seek Shelter Now". The sky is dark, with swirling clouds, emphasizing the urgency of the message. +A superhero costume with a chest emblem that glows with the words "Power Level 100", set against a dark, urban night scene with neon lights reflecting off wet pavement. +A street performer in a vibrant urban setting creates intricate chalk art on the pavement, boldly declaring "God Hates Parking Meters" in elegant, flowing script. Passersby stop to admire the detailed artwork, capturing the scene on their smartphones. +A vintage 90s lunchbox thermos, intricately stamped with "Contains 90s Nostalgia", sitting on a checkered picnic blanket, surrounded by retro snacks and toys, under a sunny sky with a nostalgic glow. +A rustic wooden signpost, deeply carved with "Trailhead 2 Miles", stands at the edge of a forest path, surrounded by tall pine trees and a carpet of fallen leaves, with the morning sun casting a warm glow through the branches. +A vintage postage stamp design featuring an ornate border, intricate patterns, and the text "Mail Express 1905" prominently displayed in the center, set against a faded, sepia-toned background. +A realistic underwater scene featuring a submarine porthole with a sticker reading "Depth 1000 Meters", surrounded by deep-sea flora and fauna, illuminated by the faint glow of bioluminescent creatures. +A realistic smartphone screen with a delivery app notification popping up, displaying "Order Delivered" in bold text, set against a blurred cityscape background at dusk, capturing the moment of anticipation and relief. +A protester at a vibrant climate march holds a sign that boldly states "No More Excuses", surrounded by a crowd waving flags and banners, with a sunny sky and cityscape in the background. +A bustling dog park with a vibrant green lawn, colorful playground equipment, and happy dogs running around. In the foreground, a rustic wooden sign reads "Clean Up Your Hellhound" in bold, playful lettering. +A baker in a cozy kitchen, holding a tray of fresh bread with an oven mitt printed "Hot Stuff Coming Through", surrounded by warm, golden lighting and the scent of freshly baked goods. +A realistic urban scene featuring graffiti on a metal dumpster, with the bold, stylized words "Waste Not" prominently displayed in vibrant colors, set against a backdrop of a busy city street. +A close-up of a firefighter's helmet, prominently displaying a sticker that reads "No Hydrant Left Behind", set against a backdrop of a smokey, urban firefighting scene. +A modern museum exhibit featuring an interactive touchscreen with a sleek, minimalist design. The screen displays a clear and inviting message: "Press 5 for Details", set against a subtle background of a historical artifact. +A detective's cluttered desk with a case file prominently displayed, stamped "CLOSED Elf Did It", surrounded by investigative notes, photos, and a magnifying glass, under the dim light of a desk lamp. +A professional chef wearing a crisp, white apron embroidered with "Master Sushi", standing in a modern, sleek kitchen, preparing fresh sushi with precision and focus. +A gym wall poster with the slogan "Stay Fit Stay Healthy" prominently displayed, featuring a vibrant, high-contrast image of a diverse group of people exercising, surrounded by gym equipment and motivational quotes. The poster is set in a modern, well-lit gym with large windows. +A vibrant gym poster with bold, energetic fonts, prominently displaying the phrase "No Pain No Gain". The background features a muscular athlete mid-workout, surrounded by fitness equipment, with a dynamic, motivational atmosphere. +A charming bakery window adorned with a stylish decal that reads "Fresh Croissants Daily", surrounded by a display of golden, flaky croissants and pastries, with the warm, inviting glow of the interior lighting up the street. +A police car parked on a city street at dusk, its door displaying a bold decal that reads "To Serve and Protect", with the city's skyline and a few pedestrians in the background. +A TV show poster featuring the title text "Beyond Hypothermia" in bold, icy blue letters against a frosty, snowy landscape, with a silhouette of a lone figure walking towards a distant, warm light. +A city street at night, a yellow taxi with its roof light illuminated, displaying "Available Now" in bright, clear letters, reflecting off the wet pavement. +A vintage neon sign flashing "Open 24 Hours" hangs above a classic 1950s diner, its bright lights reflecting off the wet pavement of a rainy night. The diner's windows are illuminated, showing a cozy interior with red booths and a long counter. +A baby, dressed in a onesie printed with "Future Troublemaker", sitting on a colorful play mat surrounded by toys, with a playful expression and a mischievous glint in their eyes. +A fantasy map scroll, ancient and weathered, unrolled to reveal intricate illustrations of mythical lands. The edges are frayed, and in the center, bold letters read "Here Be Dragons", with illustrations of menacing dragons hovering over uncharted territories. +A close-up of a bottle of hot sauce on a white background, labeled "Extreme Heat Warning" in bold red letters, with a subtle steam effect rising from the cap, indicating intense heat. +A baker in a cozy, sunlit kitchen, wearing an apron embroidered with "Dough or Die Trying", surrounded by freshly baked bread and pastries. +A digital parking meter with a vibrant, high-contrast screen displaying the warning "Time Expired", set against a bustling urban street at dusk, with soft ambient lighting highlighting the meter's sleek design. +A vibrant, realistic photograph of a rugged, outdoor backpack with a strap that prominently displays the text "Adventure Awaits", set against a backdrop of a misty forest at dawn. +An ancient, worn spellbook page with intricate, glowing runes, titled "How to Vanish Student Loans", illuminated by a single flickering candle in a dim, mystical library. +A close-up of a chef’s recipe card titled "Secret Sauce", showing detailed ingredients and steps, with a wooden spoon and fresh herbs in the background, captured in a realistic kitchen setting. +A realistic smartphone screen displaying a weather app alert with the text "Storm Warning", set against a dark, cloudy sky with lightning in the background. The phone is held at a slight angle, capturing the reflection of raindrops on its surface. +A realistic smartphone screen displaying a weather app with "Sunny 75F" on a bright, cloudless day, surrounded by a sunlit outdoor scene with a blue sky and green foliage. +A close-up of an intricately embroidered pillow featuring the phrase "Home is Where the Cat Is", surrounded by delicate floral patterns, with a soft, warm color palette and a gentle, cozy atmosphere. +A neon sign reading "Open 24 Hours" flashes brightly above a gas station, casting a vibrant glow over the pumps and the lone car pulling in under the cool night sky. +A cozy front porch features a doormat printed with "Wipe Your Paws", surrounded by autumn leaves and a wooden door with a vintage knocker. +A rustic farm scene with a scarecrow standing in a golden cornfield at sunset. Its shirt is patched with the phrase "Guardian of Corn", emphasizing its role as the protector of the harvest. The sky is a warm blend of oranges and pinks. +A quaint bookstore with a wooden sign titled "Readers Haven" hanging above the entrance, surrounded by flowering vines and a cobblestone pathway leading to the door. The scene is bathed in the warm, golden light of a setting sun. +A rustic gardener's shed with a wooden door featuring a weathered sign that reads "Tools Inside", surrounded by a vibrant garden in full bloom, with sunlight filtering through the leaves, casting dappled shadows on the ground. +A close-up of a wedding ring with the inner engraving "Always Forever" catching the light, set against a soft, blurred background of romantic flowers and candlelight, emphasizing the timeless promise of eternal love. +A high-resolution digital billboard scrolls the message "AI Rights Now" against a backdrop of sleek, futuristic tech headquarters, set in a bustling city at dusk, with the skyline illuminated by neon lights and the glow of the billboard reflecting on the pavement. +In a bustling parking lot, a prominent sign reads "No Parking", standing out against a backdrop of cars and the muted colors of asphalt. The scene is captured in a realistic photographic style, emphasizing the contrast between the vibrant red of the sign and the gray surroundings. +A realistic photograph of a modern subway station, featuring a vibrant wall mosaic that spells "Downtown Line" in bold, colorful tiles, surrounded by sleek metallic panels and fluorescent lighting. +A bookstore shelf adorned with a sleek, modern shelf marker titled "Bestsellers 2024", showcasing a variety of colorful book covers and a few curious readers browsing through the selection. +A cozy coffee shop interior with a chalkboard menu prominently displaying "Daily Brew Midnight Roast" in elegant, handwritten script. Warm lighting and rustic wooden decor enhance the inviting atmosphere. Customers enjoy their drinks at small, round tables. +A vibrant cityscape at sunset featuring a large billboard that reads "Your Dream Home Awaits", showcasing a cozy, modern house with a garden, surrounded by skyscrapers and bustling streets. +A bustling city street at dusk, with a marathon finish line banner prominently displayed, stating "Race Complete", surrounded by cheering spectators and exhausted but triumphant runners. +A medieval knight stands proudly, his shield prominently displayed. The shield is emblazoned with the motto "Honor Above All", set against a backdrop of a grand castle and rolling hills, capturing the essence of chivalry and valor. +A futuristic space hotel with a neon sign that reads "Earth View Rooms Extra" glowing against the dark expanse of space, showcasing the curvature of Earth in the background. +A realistic photograph of a boxing ring, with the floor mat prominently displaying "Round 12" in bold, vibrant letters. The mat is worn but well-maintained, with the ropes and corners of the ring visible in the background. +A mountain trail with a weathered oak post, carved with "Summit 15 Hours", standing prominently at a rocky turn, surrounded by lush greenery and distant, mist-covered peaks. +A cozy coffee shop with a rustic wooden interior, warm lighting, and a vintage chalkboard prominently displaying "Latte Art Today" in elegant script. Customers enjoy steaming cups of coffee at small, round tables, while a barista skillfully creates latte art behind the counter. +A colorful child’s drawing on a white paper, captioned "My Happy Family", depicting a smiling family with stick figures holding hands, surrounded by a heart and stars. +A lizard perched on home plate at a sunlit baseball field, with a speech bubble above its head containing the words "copden", surrounded by the green grass and white lines of the diamond. +A modern hotel elevator panel with sleek, metallic finishes, prominently displaying "Penthouse Floor" in elegant, illuminated text. The panel is slightly reflective, showing a faint, high-end interior in the background. +A close-up shot of a coffee cup sleeve, intricately printed with the words "Caution Liquid Time Machine", set against a cozy, warm background with a subtle play of light and shadows, capturing the essence of a mysterious and playful warning. +A close-up of a superhero costume, showcasing an intricately embroidered emblem that reads "MildMannered Alter Ego" in elegant, flowing text, set against a deep, textured fabric background. +An ancient, tattered page from a wizard’s spellbook, titled "Turn Frog to Prince Temporary", with intricate illustrations of a frog and a prince, surrounded by mystical symbols and handwritten notes in faded ink. +A roadside billboard stands prominently, displaying the message "Reduce Speed Ahead" in bold, eye-catching letters. The scene is captured in a realistic photographic style, with the billboard slightly weathered, set against a backdrop of a busy, sunlit street. +A close-up of a detective's worn notebook, the page titled "Follow the Money", with scribbled notes, diagrams, and coffee stains, set against a dimly lit, cluttered desk. +A detailed camping gear rental form, prominently displaying "Return By 5PM Daily", surrounded by outdoor equipment like tents, backpacks, and camping stoves, set against a backdrop of a serene forest clearing. +A detailed botanical garden guide map, emphasizing the "Venus Flytrap Sanctuary", with clear pathways, vibrant plant illustrations, and informational markers. The map is designed with a green and earthy color palette, enhancing the natural and serene atmosphere of the garden. +A close-up of a vintage leather notebook with a subtle, embossed title "My Secret Diary" on the cover, set against a warm, golden background with soft, natural lighting highlighting the texture and craftsmanship of the book. +A vintage, dusty typewriter page with the text "Chapter 1 The Mysterious" prominently displayed, set against a backdrop of an old, cluttered desk with a flickering desk lamp casting shadows. +A futuristic spaceship's control panel, with neon blue lights and sleek, metallic surfaces. The central display reads "Warp Speed Engaged" in glowing green text, surrounded by intricate buttons and holographic interfaces. +A vibrant greeting card front featuring the text "Get Well Soon" in elegant, flowing script, surrounded by a colorful bouquet of flowers and cheerful illustrations of healing items like bandages and medicine bottles, set against a soft, pastel background. +A motivational poster featuring a modern voting booth with the text "Your Vote Matters" prominently displayed, set against a backdrop of engaged citizens in a bustling, diverse community, emphasizing the importance and impact of every vote. +A museum exhibit featuring a glass case with several realistic-looking "Fake Dinosaur Eggs" on display, each labeled with detailed information. The exhibit is dimly lit, with a spotlight focused on the eggs, creating a sense of intrigue and mystery. +A cozy kitchen with sunlight streaming in, a dog's bowl labeled "Best Kibble 2024" sits on a wooden floor, half-filled with kibble, next to a happy golden retriever wagging its tail. +A vast, sunlit desert canyon with ancient, weathered rock formations. Carved into a prominent stone face, the inscription "Kilroy Was Here 3024 BC" stands out, hinting at a mysterious past. The scene is tranquil, with subtle shadows and a clear blue sky above. +A cozy farmhouse pillow featuring intricate embroidery of the phrase "Home Sweet Home" stitched in a classic, rustic design, set against a warm, cream-colored background with subtle floral patterns along the edges. +A vibrant food truck with a window decal proudly boasting "World's Okayest Tacos", surrounded by a cheerful crowd, with steam rising from tacos being served, capturing the lively atmosphere of a bustling street market. +A realistic photograph of a construction site with a barrier clearly marked "Hard Hat Area Only", surrounded by yellow caution tape and safety cones, with workers in high-visibility vests and hard hats in the background. +A zoo enclosure during "Feeding at 2 PM", where a keeper tosses fresh vegetables to a group of eager, playful monkeys, surrounded by lush greenery and a small crowd of excited children watching from a safe distance. +A close-up of a vintage Scrabble board featuring the words "optimized mode" spelled out with colorful tiles, set against a warm, wooden background with soft, ambient lighting highlighting the letters. +An astronaut floating in space, their helmet visor displaying "Oxygen Low" in red, against a backdrop of distant stars and the Earth, with a sense of urgency and isolation. +A clear chemistry flask on a white background, labeled "H₂O Solution", with droplets of water condensing on the glass, reflecting soft laboratory lighting. +A detailed map of a dinosaur theme park, highlighting the "TRex Selfie Zone" with colorful pathways, vibrant signs, and playful dinosaur illustrations. The map is set against a lush, prehistoric backdrop with towering trees and misty waterfalls. +A high-tech robot pet with a sleek, metallic collar engraved with the words "Batteries Not Included Again", standing in a futuristic home, with soft ambient lighting highlighting its intricate design and the engraved text. +A detailed tattoo on a rugged sailor's arm, reading "Mom" in elegant script, with nautical stars and anchors surrounding the text, set against the backdrop of a sunlit, weathered skin. +A high-resolution photograph of an observatory telescope pointed at the night sky, with a clear view of "Galaxy NGC 5128" through the lens, surrounded by a starry backdrop. +A vibrant TV show poster featuring the title text "Alone Together" in bold, modern fonts, set against a backdrop of a city skyline at dusk, with silhouettes of two people standing apart but looking at each other. +A close-up of a hospital wristband wrapped around a pale wrist, stamped with "Patient ID 0427", set against a sterile, white background, with a subtle IV drip in the corner, capturing the quiet tension of a medical setting. +A museum exhibit featuring a dinosaur skeleton plaque with the inscription "T Rex CEO", set against a backdrop of modern office equipment and business attire, blending prehistoric grandeur with corporate culture. +A high-tech robot's screen displays the message "Initializing Love Protocol" in sleek, futuristic font, set against a backdrop of glowing circuits and soft, ambient blue lighting. +A chilling, moonlit night reveals an ancient, decrepit haunted house. The front door, warped by time, features a sinister iron knocker shaped as the word "Nevermore", casting eerie shadows in the dim light. +A realistic photograph of a road construction site with a prominent sign stating "Detour Ahead", surrounded by orange cones and barriers, under a cloudy sky. +A neon bar sign flashing "Last Call" hangs above the bustling entrance of a crowded pub, casting vibrant hues of red and blue over the eager patrons spilling out onto the cobblestone street. +A vast, futuristic space colony dome named "Oxygen Garden Section", featuring lush, vibrant flora and advanced technological elements, with sunlight streaming through the transparent dome, creating a serene and harmonious blend of nature and science. +A close-up of a detective's notebook page, with messy handwriting that reads "Follow the Money", surrounded by scattered notes and sketches, under a dim desk lamp. +An astronaut stands on the Martian surface, their helmet visor clearly reflecting the message "First Words Hi Mars", against a backdrop of red, dusty terrain and a distant, rocky horizon. +A realistic photograph of a university hallway, with a bulletin board prominently featuring a note that reads "Thesis Due Friday". The hallway is filled with students passing by, and the bulletin board is cluttered with various flyers and notices. +A realistic photograph of a chemistry lab with a prominent warning sign that reads "Acid Hazard" hanging on a metal wall mount, surrounded by glass beakers and safety equipment. +In a bustling airport terminal, the departure board prominently displays "Flight 815 Delayed" in bright, flashing letters, while travelers with weary expressions consult their phones and luggage carts stand idle nearby. +A realistic photograph of a living room with a TV displaying the message "Enjoy a healthy life" on the screen, surrounded by potted plants and fitness equipment, with morning light streaming in through a window. +A cluttered laboratory bench with a scientist's lab coat hanging on a nearby chair, the nametag clearly displaying "Dr Genius" amidst a backdrop of beakers, test tubes, and scientific instruments. +Retro airline poster advertising "Fly Transatlantic", featuring a classic propeller airplane soaring over the vast ocean at sunset, with elegant text and vintage graphics, evoking the golden age of air travel. +A professional boardroom setting with a sleek, modern aesthetic. A large screen displays a presentation slide titled "Q4 Growth Plan", featuring charts and graphs highlighting strategic business initiatives. Business professionals in suits are seated at a long, polished table, attentively listening to the presenter. +A bakery counter with a modern, clean design, featuring a label that reads "GlutenFree Options Available" in vibrant green, surrounded by an array of fresh, gluten-free pastries and breads. +A detailed fantasy map with an ornate script label reading "Dragons Breath Isles", featuring ancient, twisted lettering surrounded by mystical symbols and mythical creatures, set against a parchment background with faded, antique edges. +A realistic photograph of a person using a windshield ice scraper on a frosty car, with the words "Winter Ready" clearly visible on the scraper, set against a snowy backdrop. +A city bus with a digital destination display prominently showing "Downtown Express" pulls into a busy urban bus stop, surrounded by tall skyscrapers and bustling pedestrians. +A farmer’s windmill blades spinning rapidly under a golden sunset, with bales of hay and a ripe wheat field in the foreground, capturing the essence of "Harvest Time". +A realistic photo of a vast, vibrant poppy field under a clear blue sky, with a subtle, elegant sign at the edge reading "Do not take pictures". +A vibrant tie-dyed shirt featuring the words "Peace Love" in bold, swirling colors, set against a backdrop of a sunny summer day, with soft shadows and a slight breeze catching the fabric. +A supermarket freezer door features a sticker warning, "Beware Ice Gremlins", with a playful, slightly eerie illustration of small, mischievous creatures frolicking among frozen goods, casting a blue glow. +A realistic photograph of an open book titled "Surgery Made Easy" on a wooden desk, with surgical tools neatly arranged beside it and a surgeon's hands in blue gloves holding a scalpel, illuminated by soft, natural light. +A sleek, futuristic sci-fi spaceship console with a glowing screen displaying "Hyperdrive Active" in bold, neon letters, surrounded by intricate control panels and softly lit, high-tech instrumentation. +A realistic photograph of an ambulance parked on a city street, its side panel clearly labeled "Emergency Response Unit 7", with emergency lights reflecting off the wet pavement. +A high-quality chocolate bar wrapped in a rich, glossy package labeled "Cocoa Supreme", sitting on a white background with a subtle shadow, capturing the luxurious texture and vibrant colors of the wrapper. +A medieval knight stands on a windswept hill, his banner fluttering proudly in the breeze with the inscription "For King and Country" clearly visible, set against a dramatic sky. +In a dimly lit mad scientist lab, a detailed chart titled "Frankenstein 20" hangs on the wall, surrounded by flickering lights and bubbling beakers, with a towering, unfinished creature in the background. +A realistic photograph of a bustling construction site, with yellow and black warning tape prominently displayed, printed "Hard Hat Area Only", stretched across a barrier, surrounded by hard hats, safety vests, and construction equipment. +A campfire scene with a marshmallow bag labeled "Extra Flammable" sitting next to the fire, with a group of friends roasting marshmallows on sticks, the flames casting warm, flickering light on their faces. +A close-up of a vintage magic wand with an instruction label warning "Point Away From Face", set against a mystical background with subtle sparkles and a soft, warm glow. +A hand-painted wooden "Pineapple Club" sign, shaped like a pineapple, hangs outside a tropical-themed bar, its vibrant colors catching the eye under the warm afternoon sun. +A close-up of a sleek, futuristic space hotel keycard sleeve, prominently printed with "Gravity Surcharge Applies", set against the backdrop of a star-filled galaxy, with subtle lighting highlighting the text and the metallic texture of the sleeve. +A cozy coffee shop interior with a steaming cup of coffee on a wooden table. The cup sleeve clearly displays the text "Caution Hot Beverage" in bold letters, surrounded by a minimalist design. Warm, inviting lighting enhances the scene. +A wizard stands in a mystical forest, holding a hat tagged with "One Size Fits All Magically", as enchanted leaves swirl around him, capturing the essence of magical realism. +A clear day at a bustling dog park, where a prominent sign reads "Leash Required" stands near a fence, surrounded by playful dogs and attentive owners. The sign is well-lit, ensuring it's easily readable. +A bustling airport terminal with a large digital departure screen flashing "Gate Changed" in bright, attention-grabbing letters. Travelers look up, some with surprised expressions, as they adjust their plans. The scene is filled with the hustle and bustle of a modern airport, with luggage carts and signage guiding passengers. +A realistic photograph of a coffee shop cup sleeve labeled "Caution Hot", featuring a steaming coffee graphic on a crisp, white background. The sleeve is slightly crumpled, giving it a well-used look. +A close-up of a child's lunchbox sticker, prominently displaying "Snack Time Champion" in playful, bubbly letters, set against a soft, pastel background. +A dragon's lair with a massive treasure chest prominently displayed, intricately engraved with "My Precious Stuff" in ancient script, surrounded by gold coins and precious gems, bathed in a mystical, warm light. +A rustic roadside fruit stand with a wooden sign that reads "Fresh Strawberries 2Lb", surrounded by vibrant strawberry fields under a sunny sky. The stand is stocked with baskets of freshly picked strawberries, and a farmer stands nearby, smiling. +A snowglobe paperweight with a frosty, wintry scene inside, featuring delicate snowflakes and a subtle inscription that reads "Winter Is Coming Eventually" on the base. +A gardener's rake leaning against a "Keep Off Grass" sign, set in a lush, well-manicured garden with vibrant green grass and colorful flowers in the background. +A warm, rustic kitchen scene featuring a wooden table with a woven basket of freshly baked bread, labeled with a tag that reads "Homemade Goodness". Soft, golden sunlight streams through the window, casting a cozy glow over the simple, inviting setup. +A rustic farm scene with a wooden fence and a weathered sign that reads "Beware of Bull", surrounded by green pastures and a cloudy sky. +An art gallery description card titled "Surrealist Masterpiece", placed beside a large, enigmatic painting featuring dreamlike landscapes and distorted figures, with soft, ambient lighting casting subtle shadows on the pristine white walls of the gallery. +A realistic photograph of a brick wall featuring vibrant graffiti of a melting clock, with the phrase "Time Flies" spray-painted in bold red letters below it, capturing the surreal essence of Salvador Dalí's style in an urban setting. +A realistic photograph of a birthday cake with icing that spells "Over the Hill", surrounded by colorful candles and set on a rustic wooden table, with a soft, warm ambient light. +In a grand museum hall, beneath the towering, partially reconstructed skeleton of a dinosaur, a plaque reads, "Mostly Reassembled". The dim lighting highlights the fossil's intricate details, emphasizing the scientific effort and precision behind its assembly. +A cozy living room with a birthday banner hanging across, spelling "30 and Fabulous" in colorful letters, surrounded by balloons and streamers, creating a festive atmosphere. +A bustling city street at night, with a vintage theater marquee displaying "Sold Out Tonight" in vibrant, glowing neon letters, reflecting off the wet pavement and drawing the eye of passersby. +A fantasy tavern interior with a wooden menu board hanging on a stone wall, listing "Mead Special 2 Silver" in elegant calligraphy. Candles in iron sconces cast a warm glow, highlighting the rustic, aged texture of the board and the surrounding medieval decor. +A high-tech space station control panel with illuminated displays and buttons, prominently showing the message "Oxygen Levels Stable" in green text, set against a backdrop of stars and the curvature of a distant planet. +A close-up of a stylish pair of sunglasses, the left lens intricately etched with the words "UV Block 100", set against a bright, sunny day with a subtle bokeh effect in the background. +A high-speed racing car with a sleek, aerodynamic design, featuring a bold hood decal that prominently displays "Speed Demon X1" in dynamic, eye-catching graphics, set against a backdrop of a professional racing circuit. +A medieval knight stands proudly, his shield emblazoned with the bold inscription "Yeet or Be Yoten", reflecting the sunlight in a bustling, ancient marketplace surrounded by stone walls and towering castles. +A vibrant dental office poster featuring a smiling tooth with a toothbrush, emphasizing the text "Brush Twice Daily" in bold, colorful letters, set against a clean, white background. +A realistic cityscape at dusk, featuring a digital billboard prominently displaying the message "Traffic Jam Ahead 2 Miles" amidst a backdrop of bustling traffic and towering skyscrapers. +A retro-futuristic time machine with vintage dials and neon lights, prominently displaying the setting "1985 or Bust" on a glowing panel, surrounded by a nostalgic 80s backdrop with neon signs and cassette tapes. +A close-up of a vintage seed packet, labeled "Mutant Sunflowers", lying on a rustic wooden table, surrounded by gardening tools and partially open, revealing colorful, unusual sunflower seeds inside. +A hiking trail marker, weathered and rustic, pointing "To Waterfall" through a dense forest, with sunlight filtering through the trees and a moss-covered rock in the foreground. +A vibrant music album cover titled "Greatest Hits Vol 3", featuring a dynamic collage of the artist's iconic performances, surrounded by glowing stage lights and a passionate crowd, set against a gradient backdrop of deep blues and purples. +A modern living room with a sleek smart thermostat on the wall, prominently displaying "Energy Saving Mode" on its screen. The room is dimly lit, with soft, ambient lighting, and a cozy, energy-efficient atmosphere. +A vintage suitcase with a weathered sticker prominently displaying "Fragile Magic Inside", set against a soft, nostalgic background with subtle hints of old-world charm. +A city night scene with a taxi prominently displayed, its roof light glowing "Available for Hire" in bright, clear letters, reflecting off wet streets in a bustling urban environment. +A detailed amusement park map with a legend prominently featuring "Rollercoaster Zone", surrounded by colorful icons and pathways, set against a vibrant, sunny sky. +A modern smartphone display showing a sleek, dark lock screen with "Slide to Unlock" text in white, illuminated in a dimly lit room, reflecting a minimalistic and sleek design. +A realistic laboratory setting featuring a mouse cage labeled "Group C Control" in a sterile, clean font, placed on a white countertop with scientific equipment in the background. +A vintage 1950s diner with a glowing neon marquee sign that proudly announces "Best Burger in Town", set against a nostalgic evening backdrop. +A student sits at a wooden desk, intensely focused on a history exam question paper that reads "World War II Dates", surrounded by old textbooks and a globe, with a window showing a rainy day outside. +A fantasy novel cover with "The Crystal Prophecy" embossed in gold foil, featuring an ancient, mystical crystal under a moonlit sky, surrounded by enchanted forests and mythical creatures. +A polished silver trophy with an engraved base featuring the text "Champion 2023", set against a sleek, modern background, capturing the essence of victory and achievement. +A realistic photograph of a parking garage ticket dispenser, with a small, discreet notice in fine print at the bottom that reads "Lost Ticket Fee 25". The scene is set in a modern parking garage, with the ticket machine prominently displayed. +A sleek spy gadget watch with a high-tech screen displaying the alert "Mission Impossible" against a dark, futuristic background, subtly illuminated to reveal intricate details and a sense of urgency. +A marathon runner, drenched in sweat, with a determined look, wearing a bib numbered "Runner 42 2024", crosses the finish line amid a cheering crowd, the city skyline visible in the background. +An astronaut stands at the airlock of a moon base, with a warning sign reading "Check Suit Twice" prominently displayed. The scene is set during a lunar sunset, casting long shadows and a glow on the dusty surface. +A close-up of a first aid kit sticker with the text "In Case Of Emergency" clearly visible, set against a clean, white background, with subtle shadows to enhance the sticker's texture and realism. +A dentist’s office poster in a modern clinic, featuring a cheerful cartoon tooth with a floss in hand, advising "Floss Like Nobody's Watching" against a clean, white background. +A yellow taxi cab navigating a bustling city street at dusk, with a rooftop digital ad prominently displaying the message "Life's a Ride Tip Your Driver" in bold, illuminated letters. +An antique globe, detailed with aged, worn textures, featuring the phrase "Here Be Dragons" elegantly stamped over the vast, blue expanse of the Pacific Ocean, surrounded by vintage maps and navigational instruments. +A bustling pet store with a vibrant fish tank labeled "Tropical Zone 78F", filled with colorful tropical fish swimming among lush, green aquatic plants and decorative coral, illuminated by soft, ambient lighting. +A carnival tent with a vibrant banner announcing "Freak Show Extravaganza", surrounded by colorful lights and curious onlookers in a bustling fairground, captured in a realistic photographic style. +A vintage movie poster titled "The Last Voyage" in bold, retro typography, featuring a majestic ocean liner sailing into a misty horizon under a dramatic sky, with seagulls soaring overhead. +A close-up photograph of a pharmacy prescription bottle on a white background, with a clear label that reads "Take 2 Pills Daily", next to a glass of water and two pills on a small white dish. +A surfboard with vibrant airbrushed letters "Hang Ten" catches the eye on a sunny beach, reflecting the azure ocean and golden sand. Waves gently lap at the shore, enhancing the carefree vibe of the scene. +A high-security bank vault door, marked with bold, clear text "Authorized Personnel Only", set against the backdrop of a dimly lit, modern bank interior. The scene captures the imposing nature of the door, emphasizing its role as a gateway to safeguarded wealth. +A majestic unicorn standing in a sunlit meadow, its saddle intricately embroidered with "Certified Magical Creature", reflecting the golden rays of the sun, surrounded by wildflowers. +A high-speed race car with a sleek, glossy finish, featuring a bold hood decal that prominently displays "Speed Demon 99" in dynamic, eye-catching graphics, set against the backdrop of a bustling racetrack. +A close-up of a sleek, modern fitness tracker with a vibrant display showing "10000 Steps to Cake", set against a soft, blurred background of a gym interior, with subtle lighting highlighting the device. +In a modern gym, a treadmill's screen flashes the words "Destination Couch", surrounded by state-of-the-art fitness equipment and motivational posters, with a puzzled jogger looking at the screen. +A marathon runner, wearing a bib with the number "Runner 2024", sprints through a crowded city street, with cheering spectators lining the route and skyscrapers towering in the background. The runner's determined expression and the blur of motion capture the intensity of the race. +A realistic laboratory setting with a test tube rack prominently labeled "Danger Mutagen", surrounded by scientific equipment and instruments, with a researcher in a white coat looking intently at the rack. +A medieval village street at dusk, with a wooden inn sign swinging gently in the breeze, reading "The Prancing Pony". The sign is weathered, with a detailed illustration of a prancing pony, and the inn's stone walls are covered in ivy. +A sailor’s muscular arm prominently displays a detailed anchor tattoo, with the words "Homeport Boston" elegantly inscribed beneath it, set against a backdrop of a weathered wooden ship deck and the rolling sea. +A fitness poster featuring a stylish vampire in a gym, lifting weights with intensity. The text "Count Your Reps 123123" is prominently displayed, blending modern workout aesthetics with a gothic twist. The background is dark and moody, with subtle blood-red accents. +In a modern art gallery, a sleek, black plaque titled "Existential Still Life" sits elegantly beneath a minimalist still life painting, featuring a solitary apple and a cracked mirror, reflecting a barren, abstract landscape. +A vibrant street scene with a stitched banner hanging across, proudly announcing "Summer Festival Next Week", surrounded by bustling crowds and festive decorations. +Rustic farmhouse mailbox at the end of a winding dirt path, painted with "The Smith Family" in elegant cursive, surrounded by wildflowers and greenery, with a wooden fence and a red barn in the background. +A close-up of a wine bottle with a label that reads "Perfect For Bad Decisions", set against a dimly lit, cozy bar background, with a hint of vintage charm and a single, warm spotlight illuminating the bottle. +A majestic pirate ship sailing the high seas, its flag proudly flying with the embroidered words "Queen Anne's Revenge" in bold, golden thread against a deep black background, the waves crashing dramatically around the ship. +Retro fitness VHS cover, vibrant 80s colors, bold fonts screaming "Sweat to the Oldies 3000", featuring an energetic aerobics instructor in neon spandex, surrounded by a dynamic workout group, all set against a pastel gradient background. +A retro arcade game screen with pixelated graphics, displaying large, bold text that reads "Game Over Try Reality" in vibrant colors, surrounded by a classic game over animation. +A detailed medieval shield adorned with the emblem of the "House of Wolves", featuring a fierce wolf's head surrounded by intricate scrollwork and a border of interlaced vines, set against a backdrop of aged, weathered metal. +A vibrant brick wall adorned with graffiti art, spelling "Urban Culture" in bold, colorful letters, capturing the essence of city life and artistic expression. +A cozy picnic scene featuring a lunchbox labeled "Lena's Lunch" on a checkered blanket, surrounded by fresh fruit and sandwiches, under a sunny sky with fluffy clouds. The lunchbox is the focal point, with a playful ribbon tied around it. +A dimly lit sci-fi prison cell with metallic walls, scratched and marked with the words "Escape Plan Failed" in a desperate, handwritten style. The cell is cluttered with remnants of failed attempts, enhancing the bleak and confined atmosphere. +A witch's broomstick leans against a moonlit cottage, with a small, ominous tag dangling from it that reads "Fly at Your Own Risk". The scene is set in a misty forest at night, capturing the eerie yet enchanting atmosphere of a magical world. +A TV show poster titled "Brief Encounter" featuring two silhouetted figures standing under a dimly lit streetlamp, their faces obscured, with a vintage cityscape in the background, evoking a sense of mystery and fleeting connection. +A movie poster for a thriller titled "Midnight Shadows" with bold, dripping letters set against a dark, ominous background, featuring shadows that seem to move and twist, enhancing the suspenseful atmosphere. +A cozy coffee shop interior with a chalkboard menu prominently displaying "New Pumpkin Spice Blend" in elegant cursive, surrounded by illustrations of pumpkin and spice icons, with warm lighting and customers enjoying their beverages in the background. +A realistic photograph of a modern gas station pump, with a sticker prominently placed on the nozzle warning, "Contains 10 Stardust". The scene is illuminated by the station's bright lights, emphasizing the unique and eye-catching warning sticker. +An ancient, weathered page from a wizard's spellbook, featuring intricate illustrations and the incantation "Lux Eterna" written in elegant, glowing script. The page is illuminated by a soft, ethereal light, highlighting the mystical symbols and faded parchment. +A cozy coffee shop with a rustic wooden table and chairs, a warm, ambient light, and a chalkboard standing prominently in the background, featuring hand-drawn text that reads "Buy 1 Get 1 Free" in elegant cursive. +A nostalgic retro video game cartridge, labeled "PacMan Midlife Crisis", sits on a vintage game console, surrounded by pixelated graphics and 8-bit sound waves, evoking the golden age of arcade gaming. +A vibrant TV show poster for "I Am Steve McQueen", featuring a gritty, iconic image of Steve McQueen in a classic leather jacket, standing against a backdrop of a vintage motorcycle and a city skyline at dusk, with the show's title prominently displayed in bold, retro font. +A detailed drawing featuring "vintage lettering" with an alphabetism style, incorporating thick gauge filigree elements, set against a subtle, textured background. +A cozy fantasy tavern with a wooden menu board hanging by the door, clearly displaying "Dragon Ale 2 Gold Coins" in elegant calligraphy. Patrons in medieval attire gather around, the warm glow of lanterns casting a mystical light. +A close-up of a hotel keycard sleeve with "Room 237 Checkout Noon" clearly visible, lying on a modern, sleek hotel room desk with a subtle reflection of a window in the background. +In a vast desert, a solitary oasis is marked by a wooden signpost that reads "To Civilization 1000mi". The sun casts long shadows, and the scene is framed by towering sand dunes and a few scattered palm trees. +A vintage movie theater marquee illuminated at night, prominently displaying "Midnight Horror Marathon" in bold, glowing letters, with a dark, eerie atmosphere and silhouettes of classic horror movie monsters lurking in the shadows. +A spy's briefcase opened to reveal its interior, branded "Top Secret Eyes Only", with a sleek, modern design, containing a vintage-looking file, a small, encrypted USB drive, and a pair of stylish, compact binoculars. +A vibrant candy wrapper design featuring "Sugar Rush Extreme" with bold, colorful graphics and dynamic typography, set against a gradient background transitioning from bright pink to electric blue. +A nostalgic close-up of a retro video game cartridge label, showcasing the vibrant, pixelated text "High Score Edition" against a classic 8-bit background, with a slight weathered effect to emphasize its vintage appeal. +A realistic classroom scene with a large, detailed periodic table on the wall. The table includes a newly added element, "Unobtainium", highlighted and labeled with its atomic number and symbol. Students are seen pointing at and discussing this new element, adding a dynamic and educational atmosphere to the room. +A realistic photograph of a subway tunnel wall, covered in vibrant graffiti. The central piece reads "The Future is Pixelated" in bold, neon colors, surrounded by intricate pixel art designs and dynamic spray paint splashes. +A bustling night scene in Times Square, New York, featuring a massive digital billboard prominently displaying "Future Tech Expo 2024" amidst a crowd of people and glowing neon lights. +A close-up of a pet rock with a certificate hanging from it, clearly visible and stating "Certified Useless", set on a rustic wooden table with soft, natural lighting highlighting the texture of the rock and paper. +A hiker stands on a rugged trail, holding a compass that clearly points to "Northwest Trail" amidst a forest backdrop, with sunlight filtering through the trees. +A camping tent labeled "Waterproof 4 Person" set up by a serene lake at dusk, with a forested background and a slight mist rising from the water, creating a peaceful and inviting atmosphere. +A sleek smartwatch on a wrist, its screen vividly displaying a reminder: "Hydrate or Perish", set against a minimalist background with a subtle texture, emphasizing the modern design and the urgency of the message. +A close-up of a vintage library book with a due date stamp that reads "Overdue Since 1999", the ink slightly smudged, set against the textured pages and worn cover, capturing the nostalgia and mystery of a long-forgotten tale. +A cozy bakery with a charming window sign that reads "Fresh Bread Daily", steam gently rising from loaves on display, morning sunlight streaming through, casting warm glows on the rustic wooden shelves. +A gym motivational poster prominently displays the slogan "No Pain No Gain" in bold, dynamic fonts. The background features energetic athletes working out, with vibrant colors and intense expressions, emphasizing the message of perseverance and dedication. +A detailed ski resort trail map featuring a challenging slope prominently marked "Experts Only", surrounded by snowy peaks and ski lifts, capturing the essence of a winter adventure destination. +A serene apiary with rows of beehives under a sunny sky, one hive prominently labeled "Organic Honey Harvest", surrounded by blooming wildflowers and busy bees, capturing the essence of natural and organic honey production. +A realistic underwater scene featuring a submarine hatch with the marking "Depth Limit 500m", surrounded by seaweed and marine life, with a diver inspecting the hatch. +A close-up of a dumbbell with the engraving "Lift Heavy Lift Smart" on its side, set against a gym background with faint shadows, emphasizing the texture of the metal and the clarity of the engraving. +A poet’s desk bathed in soft, golden afternoon light, a vintage typewriter prominently displayed. The ribbon clearly reads "Words Fail Try Anyway", surrounded by scattered papers and ink bottles, capturing the essence of a dedicated writer’s space. +A detailed, ancient wizard's spellbook page titled "Invisibility Incantation", with intricate illustrations of mystical symbols and handwritten notes in a flowing script, set against a backdrop of yellowed parchment. +A close-up of an artist's palette knife etched with the words "Mix Dreams", surrounded by a splash of vibrant, mixed paint colors on a textured canvas. +A vibrant graffiti adorns the side of a weathered train car, prominently displaying the words "Ghost Town Express" in bold, colorful letters. The train is parked in an abandoned station, surrounded by overgrown weeds and rusting tracks, emphasizing the desolate atmosphere. +A high-speed race car with a sleek, futuristic design, featuring a bold decal that reads "0 to Existential Crisis in 2s" on the spoiler, speeding through a neon-lit urban racetrack at night. +A cozy coffee shop interior with a rustic wooden table and chairs. On the wall, a chalkboard prominently displays "Latte Art Class" in elegant cursive, surrounded by hand-drawn coffee cups and leaves. Soft, warm lighting enhances the inviting atmosphere. +A medieval knight stands proudly, his sword drawn. The blade is intricately etched with the words "Return to Owner Camelot", reflecting the sunlight. The knight's armor glimmers in the sun, set against a backdrop of rolling green hills and a distant, ancient castle. +A cozy bookstore interior with a prominent display table showcasing the "Bestseller Monthly" edition, surrounded by stacks of books and warm, ambient lighting. Customers browse with engaged expressions, highlighting the popularity and appeal of the featured publication. +A high-tech smartwatch with a sleek, modern design displays a notification alert that reads "Burner Phone Detected" on its vibrant, high-resolution screen, set against a blurred cityscape at dusk. +A photographer, wearing a casual t-shirt with the word "Lens" boldly printed on it, stands in a bustling city square, capturing the vibrant life around them with their camera. +A modern bathroom with a sleek mirror featuring a stylish decal that reads "Brush Twice Daily". The decal is prominently displayed, reflecting the room's clean and minimalist design. Soft, natural light enhances the serene atmosphere. +A realistic photograph of a recycling center with a clear, prominent instruction sign stating "Sort Your Materials" placed against a backdrop of sorted recycling bins, surrounded by a mix of paper, plastic, and metal items. +A digital billboard towers above a bustling highway, vividly displaying the vibrant poster for "Summer Music Festival 2024". Cars zoom by, their headlights illuminating the night, while the billboard's bright lights reflect the excitement of the upcoming event. +A city nighttime scene with a taxi driving down a busy street, its rooftop light-up display prominently showing "Available Ride Now" in bright, clear letters, surrounded by the glow of city lights and passing vehicles. +In a bustling supermarket aisle, a notice board prominently displays a sign that reads "kravchunovsky". Shoppers pass by, some pausing to read the unique message, while others continue their shopping. The scene captures the everyday atmosphere with a touch of intrigue. +A weathered wooden sign hangs on a rustic pirate ship, reading "Will Steal Crackers". Below it, a colorful parrot perches on a rope, eyeing a nearby sailor with a mischievous glint, ready to swoop down for a cracker. +A vintage, ornate potion bottle with a cautionary label that reads "Side Effects Include Wings", set against a mystical, dimly lit background with soft, glowing light, emphasizing the magical and mysterious nature of the potion. +A close-up of an antique samurai sword, the scabbard intricately carved with the inscription "Honor Above All" in elegant kanji, set against a subtle, traditional Japanese silk backdrop. +A realistic photograph of a science fair display titled "Volcano Model Eruption 9PM", featuring a detailed volcano model with glowing lava, set against a backdrop of a night sky with stars, surrounded by enthusiastic young students and parents. +A close-up shot of a conference name tag hanging from a lanyard, clearly displaying the text "Hello Im Sarah", set against a blurred professional conference background with faint outlines of people networking. +A winter scene at a ski resort, featuring a wooden signpost clearly marked "Beginner Slopes" amidst snow-covered trees and groomed ski trails, with a gentle slope leading down to a cozy lodge in the background. +A mountain trail with a wooden signpost marked "Summit 2 Miles Ahead", set against a backdrop of rugged peaks and lush forests, with a hiker pausing to read the sign. +A crowd cheers as runners cross the finish line of a marathon, with a large banner overhead reading "Congratulations Finishers", capturing the moment of triumph and exhaustion in a vibrant, realistic photograph. +A realistic photograph of a fire extinguisher mounted on a wall, with a prominent red label that reads "Break Glass" in bold white letters, surrounded by a cracked glass panel. +A high-resolution microscopic view of "Sample A1" on a glass slide, revealing intricate cellular structures and vibrant colors, set against a neutral background. +A close-up of a fire truck door, emblazoned with "Rescue Team 5", reflecting the bravery and dedication of the team. The door is slightly weathered, with a subtle sheen from recent use, set against a backdrop of a busy urban firefighting scene. +A rugged biker stands proudly, showcasing a leather jacket with a vibrant patch that reads "Ride Free Live Wild". The scene is set against a backdrop of an open road at sunset, with the biker's motorcycle parked beside them, emphasizing the spirit of adventure and freedom. +A vibrant amusement park scene with a roller coaster safety sign prominently displayed, reading "Screaming Mandatory". The sign is brightly lit, and excited park-goers queue up, eagerly awaiting their turn to scream their hearts out. +A realistic photograph of a bakery window, featuring a stylish decal that reads "Gluten-Free Goodness Here", with pastries displayed inside, bathed in warm, inviting light. +A detailed textbook diagram illustrating a black hole, with a clearly labeled "Spaghettification Zone" showing the extreme gravitational effects on nearby objects, rendered in a scientific, educational style. +A realistic classroom setting with a poster on the wall that reads "Think Before You Speak", surrounded by desks and students engaged in quiet conversation, with natural light streaming in from a window. +A vibrant, futuristic video game loading screen with neon lights and cybernetic elements, displaying "Level 5 Unlocked" in bold, glowing text against a deep, starry background. +A vibrant TV show poster for "Krokus: The Video Blitz", featuring the band performing on a neon-lit stage, surrounded by dynamic graphics and the show's title in bold, futuristic fonts. +A cozy bakery counter with a large, intricately decorated birthday cake featuring a topper that reads "Happy 100th Birthday Merlin", surrounded by whimsical candles and pastel decorations, capturing the magical essence of a century-old celebration. +A beach bar scene with a cocktail napkin on the table, printed with "Sunset Special", next to a half-empty cocktail glass, as the sun sets over the ocean, casting a warm, golden light. +A realistic smartphone screen with a notification pop-up saying "Low Battery 10 Percent" displayed against a dark, slightly blurred background, emphasizing the urgency of the message. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot Contents", sitting on a wooden table, steam rising gently from the cup, with a soft, warm ambient light casting a gentle shadow. +An antique globe, its surface worn and aged, marked with the phrase "Here Be Tax Havens" in elegant script, sits on a wooden stand in a dimly lit study, surrounded by old books and maps. +A vibrant TV show poster featuring the futuristic logo "The Human Robot" prominently displayed, set against a backdrop of neon city lights and sleek, modern architecture, capturing the essence of a tech-driven world. +A serene campsite at dusk, featuring a campfire pit with the engraving "Leave No Trace" prominently displayed. The scene is surrounded by tall pines and illuminated by the warm glow of the fire, emphasizing the message of environmental stewardship. +A modern retail store interior with a sleek, circular ceiling dome prominently labeled "247 Video Surveillance", surrounded by bright LED lights and clean, reflective surfaces. +A realistic scene of a school bus stop sign with "Stop When Flashing" prominently displayed, set against a backdrop of a suburban street with children waiting at the bus stop, and a school bus approaching in the distance. +A serene park scene with a wooden bench under a canopy of trees. On the bench, an engraved plaque reads "In Memory of Alice", surrounded by fresh flowers and autumn leaves gently falling around it. +A serene coastal scene with a fishing boat named "The Lucky Catch" docked at a wooden pier. The sun sets behind the boat, casting a warm, golden light over the water and the weathered hull. Seagulls perch on the railing, and fishing nets are neatly coiled on the deck. +A weathered Viking runestone stands tall in a misty Scandinavian forest, its ancient surface etched with the powerful words "Seek Glory" in runes, illuminated by the soft light of the setting sun. +A realistic photograph of a modern science laboratory, with a prominent "Biohazard" label on a clear, sealed container. The lab is equipped with high-tech equipment, and a scientist in a white coat is carefully examining the container through safety goggles. +A close-up of a cracked fortune cookie on a white plate, with a small slip of paper inside reading "Luck Favors the Bold", surrounded by scattered cookie crumbs and a pair of chopsticks resting nearby. +An ancient Egyptian papyrus scroll unfurled, covered in repeated hieroglyphs "𓂀𓃒𓅊", displayed in a museum case with soft, ambient lighting highlighting the intricate symbols and the aged texture of the papyrus. +A vibrant, realistic photograph of a DJ turntable with a sticker on the side declaring "Drop the Bass" in bold, colorful letters, set against a backdrop of a dimly lit studio with glowing lights and music equipment. +A modern kitchen with a sleek, stainless-steel smart fridge. On the fridge door, a digital note displays "Buy Milk" in clear, bold letters. The kitchen is well-lit, with sunlight streaming through a window, casting soft shadows on the countertop. +A realistic photograph of an elevator button panel, with a handwritten note saying "Out of Order" stuck to it, in a modern office building. The scene is well-lit, with the panel's metallic surface reflecting slight ambient light. +A magic 8 ball floats in the vast, starry space, its surface reflecting distant galaxies. Inside, the clear answer "Ask Again Later" is visible, illuminated by cosmic light, creating a mystical and serene scene. +A neon sign flashing "Open 247" above a downtown diner, with the glowing letters casting a vibrant, colorful reflection on the wet pavement and the windows of the bustling city street at night. +A vibrant coffee shop mural featuring the quote "Espresso Yourself Boldly" in bold, artistic typography, surrounded by illustrations of coffee cups, beans, and steam. The mural is set on a warm, brick wall, with sunlight casting soft shadows and a few potted plants adding a touch of greenery. +An antique globe with a vintage, worn texture, prominently displaying the label "Here Be Awkwardness" in elegant, old-fashioned script, set against a backdrop of a dimly lit, cluttered library filled with ancient maps and books. +A modern kitchen with a sleek, stainless steel smart refrigerator displaying a notification on its screen: "Milk Expired Yesterday". The kitchen is well-lit, with sunlight streaming through a nearby window, casting soft shadows on the counter and highlighting the high-tech features of the appliance. +A realistic photograph of a highway exit sign reading "Last Gas for 50 Miles" in large, bold font, set against a backdrop of an open road stretching into the distance under a clear blue sky. +A quaint, rustic gardener's shed with a weathered wooden sign that reads "Beware of Gnomes" hanging above the door, surrounded by lush greenery and colorful flowers. +A medieval battlefield at sunset, with a knight wielding a sword and shield, the battle flag "YOLO" embroidered in gold threads, fluttering dramatically in the wind. The knight stands defiant against a backdrop of rolling hills and darkening skies. +In a modern art gallery, a sleek, minimalist plaque hangs beneath a large, abstract painting titled "Untitled 2023", the plaque's clean lines and elegant font contrasting with the vibrant, chaotic strokes of the artwork above. +A weather vane banner flaps gently in the breeze, emblazoned with the words "Wind from Narnia", set against a serene sky with fluffy clouds, capturing the whimsical essence of a magical land. +A subway train interior with vibrant, futuristic advertisements lining the walls. One ad features a glowing, neon sign that reads "Escape Reality Next Exit", set against a backdrop of a surreal, digital landscape glimpsed through the train window. +A close-up of a student's notebook page, filled with whimsical doodles and mathematical sketches. Centered is a speech bubble containing the phrase "I 3 NonEuclidean Geometry", with the number 3 stylized as a heart, surrounded by geometric shapes and playful illustrations. +In an alien zoo, a sign in front of the human exhibit reads "Dangerous When Bored". The scene is bustling with curious aliens, while humans inside look restless and intrigued, set against a backdrop of futuristic, otherworldly landscapes. +A music album cover with the title "Echoes of Silence" in metallic letters, set against a backdrop of a serene, misty forest at dawn, with subtle light filtering through the trees, creating a mysterious and tranquil atmosphere. +A pilot stands beside a modern aircraft, holding a clipboard with "Preflight Complete" checked off. The runway stretches ahead, the plane’s engines idle, and the sun casts a warm glow over the tarmac, highlighting the pilot’s focused expression. +A vibrant globe with "children" in bold, striking letters, continents depicted in bright, vivid colors, set against a clean, white background, emphasizing the innocence and global unity of childhood. +A neon barbershop sign reading "Best Cuts" illuminates a gritty urban street at night, casting a vibrant pink and blue glow on the wet pavement and the brick walls of the surrounding buildings. +A spy stands in a dimly lit room, his tense expression captured in the mirror. The reflection shows his rugged face, but above it, the words "Who Are You Really" are faintly etched into the glass, adding a mysterious and enigmatic atmosphere. +A sleek digital alarm clock on a bedside table, displaying "Time Remaining LOL" in bold red digits, with a modern bedroom in the background, softly lit by morning sunlight. +A realistic photograph of an Arctic research station, featuring a large wall map prominently marked with a red "Polar Bear Zone" label, surrounded by scientific equipment and frosty windows. +A vibrant decal on a sleek, black rock band tour bus, prominently displaying "World Tour 2024" in bold, neon colors, surrounded by dynamic tour dates and city names, set against a backdrop of a glowing city skyline at night. +A realistic photograph of a bustling stadium with a large digital scoreboard prominently displaying "Home 21 Visitors 17", capturing the intense atmosphere of a close game. +Retro diner scene with a vintage menu board prominently displaying "Milkshake 025" beneath a glowing neon jukebox, set against a classic 1950s backdrop. +A vibrant pet shop logo featuring a detailed paw print, with the text "Pet Palace" elegantly integrated into the design, set against a warm, welcoming background. +A high-tech spaceship control panel with blinking red warning lights, prominently displaying the message "Gravity Failed" in a futuristic font, surrounded by intricate dials and screens showing critical system statuses. +A bustling city street at dusk, with a large, illuminated billboard featuring "Groot" from the Guardians of the Galaxy, standing tall and waving, surrounded by vibrant, neon-lit advertisements and passing pedestrians. +A close-up of a digital alarm clock with a red display showing "Snooze Limit Reached", set against a dimly lit bedroom background, capturing the moment just before the alarm blares. +A beautifully decorated birthday cake with intricate icing that spells out "Happy 30th Birthday" in elegant cursive, surrounded by colorful candles and placed on a white tablecloth in a cozy, softly lit room. +A bustling city street with a quaint bookstore featuring a window display that prominently reads "Bestsellers Here", surrounded by stacks of colorful books and vibrant flowers, with passersby glancing curiously at the titles on display. +A close-up of a cleaning product bottle with a bold, red label warning "Keep Out of Reach of Children" on a white background, emphasizing the safety message with clear, crisp text and a slightly blurred, household setting in the background. +A modern car dashboard with a blinking alert light that reads "Check Reality Fluid", set in a dimly lit garage, with tools scattered around and the glow of the light reflecting on the dashboard. +A farmer drives a vintage green tractor, "Green Acres Crop Masters", through a sunlit golden field, surrounded by lush, rolling hills and a clear blue sky. +A pumpkin adorned with a beard, a monocle, and a top hat, featuring a speech bubble that reads, "You Can Get Rich Too", set against a vintage, autumnal background. +A bustling airport terminal with a large digital departure board prominently displaying "Flight 815 Boarding". Passengers hurry past with luggage, while the board's lights flicker, adding a sense of urgency to the scene. +A realistic photograph of a weathered fishing pier with a prominently displayed sign that reads "No Fishing Allowed", surrounded by calm, rippling water and a serene sky. +A vast desert landscape with a small, lush oasis in the center. A hand-drawn map note reads "Water LOL" next to the oasis, emphasizing the irony of finding water in such an arid environment. The scene is bathed in warm, golden sunlight. +A cozy café featuring a rustic wooden table and warm lighting, with a handwritten "Moms Recipes" chalkboard prominently displayed on a rustic easel, surrounded by potted plants and vintage cookbooks. +A cozy bookstore interior with a wooden shelf labeled "Staff Pick Of The Month", featuring a selection of books with vibrant covers, warm lighting, and a small potted plant nearby. +A close-up of a charming plant pot marker, featuring the playful text "Water Me Maybe" in a whimsical font, set against a backdrop of lush green foliage. +A close-up of a space station window, slightly fogged, with delicate etchings that read "First Kiss 2077" shimmering under the soft glow of distant stars, reflecting the romantic moment of two astronauts. +A realistic urban scene featuring graffiti on a brick wall, with the words "Revolution Now" spelled out in bold, striking letters, illuminated by the warm glow of streetlights. +A detective holds a magnifying glass etched with "Seek the Hidden Truth", examining a cluttered, dimly lit room filled with old books and mysterious artifacts, capturing the essence of a classic mystery novel scene. +A vintage wooden door with "galatians" elegantly inscribed in cursive, set in a rustic, sunlit hallway with subtle grain and wear, capturing the essence of timeless elegance and mystery. +A detailed view of the space station module "Life Support Systems", showing intricate machinery and life-sustaining equipment against the backdrop of the vast, star-filled universe. The module is illuminated by soft, ambient lights, highlighting its advanced technology and essential role in space exploration. +A cozy café interior featuring a chalkboard wall prominently displaying "Try Our New Latte" in elegant cursive, surrounded by steaming cups of coffee and pastries on a rustic wooden table. +A realistic photograph of a modern government building at night, featuring a prominent neon "AI Ethics Committee" office sign illuminated against the dark facade, casting a soft glow on the surrounding urban environment. +A realistic photograph of a smartphone screen with a notification pop-up clearly displaying "1 Battery Remaining" against a slightly blurred, modern indoor background. The screen is bright, and the notification is prominently visible. +A medieval tapestry vividly showcasing dragons with intricate scales, hoarding a vast treasure of gold coins, each labeled with "NFT Treasury", set against a regal, detailed background of a castle's grand hall. +A vintage soda bottle labeled "Classic Cola" sits on a weathered wooden table, sunlight streaming through a nearby window, casting a warm glow over the scene. The bottle's condensation glistens, capturing the essence of a nostalgic summer afternoon. +A weathered pirate treasure map with "X Marks the Spot" written in elegant cursive, surrounded by detailed illustrations of compasses, old ships, and tropical islands, under a faded parchment texture. +A close-up of a medicine bottle on a white background, with a clear label that prominently displays the warning "Take One Tablet Daily" in bold black text. +A vibrant carnival scene with a strongman game booth featuring a bold, colorful sign that reads "Ring AI 20", surrounded by excited onlookers and twinkling lights. +A realistic photograph of a "no dogs" sign, but a friendly dog is standing next to it, smiling and wagging its tail, as if challenging the rule. +A close-up of an old, worn library card with a red embossed stamp reading "Return by Friday", set against the backdrop of aged, leather-bound books on a wooden shelf. +A charming flower shop window displays a vibrant arrangement of fresh roses, with a hand-painted sign that reads "Fresh Roses Daily" hanging above. Soft morning light filters through, casting a warm glow on the colorful blooms and polished glass. +A movie director's chair placed on a sunlit film set, with the backrest prominently labeled "Action". The chair is surrounded by clapperboards and film equipment, emphasizing the cinematic atmosphere. +A realistic photograph of a vintage library bookshelf, with a small, ornate plaque hanging prominently, reading "Silence or Face the Librarian". The scene is bathed in soft, warm light, emphasizing the plaque's intricate design and the worn, aged appearance of the books around it. +At the bustling train station, a prominent sign reads "Please queue up for tickets", guiding passengers to form an orderly line at the ticket counter, while commuters carry luggage and look at their watches, anticipating their journeys. +A close-up shot of an old library book's inner cover, featuring a vintage stamp reading "Return by 2099", with the worn pages and faded ink adding a sense of time and history. +A realistic photograph of a road with a prominent road closure sign stating "Detour Ahead", surrounded by orange cones and a barricade, under a cloudy sky. +In a dimly lit art gallery, a description card rests beside a large, evocative painting titled "Silent Echoes". The card's text is illuminated by a soft spotlight, while the painting captures a serene landscape under a twilight sky, with whispers of mist curling around ancient, gnarled trees. +A close-up of a red and white candy heart with the message "UR 2 Sweet 4 Earth" prominently displayed, set against a soft, pastel background with a slight bokeh effect to enhance the focus on the candy. +A close-up of a firefighter helmet, labeled "Rescue Squad 7", with the emblem of a burning building on the side, set against a backdrop of a smoke-filled sky, capturing the essence of bravery and duty. +A vibrant city street at night, with a neon sign above a bustling nightclub flashing "Dance All Night" in bright, pulsating colors, casting dynamic shadows on the crowd below. +A realistic gym interior with vibrant wall decals featuring the motivational phrase "No Pain No Gain" prominently displayed, surrounded by exercise equipment and a few athletes working out, capturing the intense and focused atmosphere of a busy fitness center. +A realistic desert scene with a dusty, sun-baked landscape. A weathered signpost stands tall, pointing towards the horizon with the text "Water This Way" clearly visible. Sparse vegetation and a distant mirage add to the arid atmosphere. +A close-up of a vintage gardener's seed packet labeled "Sunflower Giant Variety", showing detailed illustrations of towering sunflowers and planting instructions, set against a rustic wooden background. +A realistic gym locker room scene with a mirror featuring delicate etching that reads "You Look Great Actually", surrounded by steamy showers and workout equipment, capturing the essence of a modern fitness center. +A detailed floorplan of a haunted mansion, with rooms and corridors shrouded in mystery. The plan is annotated with the ominous phrase "Here There Be Spoilers", hinting at hidden secrets and eerie surprises within its walls. +A realistic forest scene with a wooden trail signpost, weathered and slightly moss-covered, displaying a clear warning: "Beware of Bears". The sign is set against a backdrop of dense, green trees and dappled sunlight filtering through the canopy. +A realistic forest scene with a wooden camping signpost that reads "Beware Of Bears Nearby", surrounded by tall pine trees and undergrowth, with a slight mist adding to the atmosphere. +A close-up of a dog's ID tag hanging from a brown leather collar, with the engraving "My Name is Max" clearly visible. The tag is slightly tarnished, showing signs of wear, set against a blurred background of a grassy park. +A wedding cake topper featuring a sophisticated couple, elegantly styled with "Third Times the Charm" inscribed on a delicate, gold plaque between them, set against a soft, romantic backdrop. +A modern office desk with a sleek, polished surface, featuring a tasteful nameplate engraved with "Sarah Johnson CEO" in elegant, bold letters, surrounded by professional office accessories, under the soft glow of desk lamps. +A realistic photograph of a birthday cake with intricate icing script spelling "Happy 30th Charlie" on top, surrounded by colorful candles and set against a warm, festive background. +An ancient, weathered scroll unfurls in a dimly lit library, revealing the faded, yet elegant words "Seek Wisdom First" etched in ink, surrounded by intricate, mystical illustrations. +Ancient desert canyon, towering red rock walls etched with petroglyphs that spell "H2O 3mi", sunlight casting long shadows, dry sandy ground, hint of distant blue sky. +An art gallery plaque titled "Blue Period Reimagined" sits elegantly on a sleek, modern wall, illuminated by soft, focused lighting. The plaque features a minimalist design with elegant font, set against a backdrop of a contemporary art gallery interior. +A weathered pirate's treasure chest, adorned with intricate engravings that spell "Cursed Gold", rests on a sandy beach, partially buried, with seashells and seaweed scattered around, under a twilight sky. +A cruise ship's deck features a prominent warning sign, encased in sleek, modern framing, that reads "Thin Ice Area" against a stark, white background, set against the chilling backdrop of a towering, glistening iceberg in the distance. +A vintage postcard featuring a "Greetings from Silicon Valley" stamp, showcasing a bustling tech hub with iconic landmarks like the Apple Campus and Googleplex, set against a backdrop of rolling hills and modern skyscrapers, bathed in the golden light of a California sunset. +A sleek, futuristic briefcase with a subtle, glowing logo, opened to reveal an array of high-tech spy gadgets and tools, including a mini drone, encrypted communication device, and a multifunctional watch. The inside lid reads "Mission Critical Tools Inside" in a modern, sleek font. +A detective in a trench coat holds a magnifying glass over a crumpled note that reads "Meet at Midnight", the dim light of a streetlamp casting shadows in a deserted alley. +A vast desert under a scorching sun, where a mirage illusion forms the words "Water This Way" in the distance, shimmering and almost tangible against the endless sand dunes. +A medieval tavern scene with a rustic wooden menu board hanging on a stone wall, listing "Dragon Stew" among other traditional dishes, illuminated by flickering torches casting shadows across the room. +A realistic photograph of an airport display board, prominently showing "Flight 404 Delayed" in large, red letters, with a few travelers looking concerned in the background. +A realistic photograph of a dinosaur fossil excavation site, featuring a weathered signpost labeled "Exit Here" amidst the sandy, excavated ground, surrounded by tools and equipment, under a clear blue sky. +A vibrant tattoo parlor at night, with a neon sign prominently displaying "WalkIns Welcome" in bright, glowing letters, casting a colorful glow on the sidewalk and attracting passersby. +A bustling city street at dusk, with a movie prop newspaper stand prominently displaying a headline that screams "Aliens Landed". Crowds of people pause, intrigued, while a neon-lit cinema in the background shows an alien-themed movie poster. +A close-up of a shiny, red car with a bumper sticker that reads "My Other Car is a Spaceship", set against a backdrop of a starry night sky with a spaceship faintly visible in the distance. +A wine bottle with a vintage label, prominently featuring the text "Contains Notes of Time Travel", set against a backdrop of an old, rustic cellar with dim, ambient lighting. +A trail marker stands prominently in a lush, forested park, clearly displaying "Hiking Trail 2 Miles". The wooden sign is weathered, with moss lightly covering its edges, surrounded by vibrant green foliage and a scattering of fallen leaves, capturing the serene essence of a natural hiking path. +A forest trail marker, intricately carved with the warning "Beware of Bears", stands at the edge of a dense, misty woodland, surrounded by towering trees and a carpet of fallen leaves. +A medieval shield featuring the emblem with "Fortis et Fidelis" inscribed, set against a backdrop of an ancient, weathered stone wall, with soft, golden sunlight filtering through the foliage of an old oak tree. +A realistic classroom scene with an alien teacher writing a complex equation on the chalkboard. The equation ends with "Human Math" in bold, visible letters. The classroom is filled with alien students, their eyes focused on the board, showing a mix of curiosity and confusion. +A neon hotel sign flickering "Vacancy" casts a vibrant glow over a deserted city street at night, with rain-slicked pavement reflecting the vivid colors. +A fantasy novel cover bathed in ethereal light, glowing with the title "Realm of Forgotten Kings", set against a backdrop of ancient, mist-covered ruins and soaring, enchanted forests. +A robust farm tractor, its side panel adorned with the bold text "Heavy Machinery in Motion", plows through a golden wheat field under a clear blue sky, with wisps of dust trailing behind it. +A realistic photograph of a laboratory mouse cage labeled "Test Group A", featuring a white mouse exploring the cage, with scientific equipment and notes visible in the background. +A wizard's hat, slightly worn and adorned with a tag that reads "Magicians Guild", sits atop a stack of ancient spell books in a dimly lit, mystical library, casting a soft shadow on the dusty pages below. +A vibrant mural on the wall of a children's hospital, titled "Brave Little Heroes", depicting young patients as caped superheroes, surrounded by cheerful medical staff and colorful, whimsical elements like flying ambulances and cartoonish medical equipment. +A high-tech spy gadget with a sleek, metallic finish, its screen glowing and flashing the words "Access Granted" in green, set against a dark, futuristic background. +A movie poster featuring a solitary teenager standing on a deserted beach at sunset, with the title text "Lonely Seventeen" prominently displayed in bold, cinematic font at the top. +A realistic photograph of a modern parking garage, with a digital sign clearly displaying "Level 3 Full" in bold letters, set against the backdrop of a busy urban environment. +A samurai sword sheath, intricately carved and inscribed with "Honor Sharpens the Blade", resting on a traditional Japanese tatami mat, with a single cherry blossom petal gently landing on it. +An astronaut floats in space, their helmet visor prominently displaying "O2 Levels 100". The visor reflects the distant Earth, while stars and the black void of space surround them. +An art gallery featuring a minimalist plaque titled "This Isnt Art", set against a sleek, modern wall. The plaque is the focal point, with soft, ambient lighting enhancing its stark, bold text. The scene is captured in a realistic photographic style, emphasizing the contrast between the simple message and the sophisticated setting. +A vibrant food truck with a window decal that reads "Grilled Cheese Revolution", surrounded by cheerful customers and a sizzling grill in the background, capturing the essence of a bustling street food scene. +A futuristic spaceship cockpit with a holographic interface prominently displaying "Destination Alpha Centauri", surrounded by sleek control panels and illuminated by soft blue lights, set against the backdrop of a starry space landscape. +A vibrant neon "AI Comedy Night" club sign glows against a dark urban backdrop, featuring a laughing robot icon that seems to wink at passersby, inviting them into a night of futuristic fun and laughter. +A vintage movie poster featuring the title "Die Unbestechlichen" in bold, retro typography, set against a backdrop of a noir cityscape at night, with silhouettes of detectives in trench coats and fedoras, illuminated by the glow of neon signs. +A close-up of a painter's palette, richly smeared with vibrant oil paints, with a small, elegant label reading "Masterpiece in Progress" attached to its edge. +A high-resolution video game loading screen with sleek, futuristic UI elements, displaying the text "Mission Loading" in bold, neon-lit letters against a dark, cybernetic background. +A realistic photograph of a hastily handwritten note saying "barrel-vaulted" stuck to a modern refrigerator with a magnet, the note slightly wrinkled and the fridge's surface gleaming under kitchen lighting. +A vibrant cityscape with a large, eye-catching billboard featuring a solar panel ad that reads "Go Green Today". The billboard is illuminated by the warm, golden light of the setting sun, casting long shadows across the urban environment. +A vast desert scene with a lone signpost standing under a clear blue sky, reading "Water 1 Mile Ahead". The signpost is slightly weathered, with the sun casting long shadows, and a few sparse plants growing nearby, hinting at the promise of water just beyond the horizon. +A medieval tavern scene with a wooden menu board hanging on a stone wall, clearly displaying "Mutton Stew 2 Gold Coins" in old-style calligraphy. The board is weathered, with a flickering candle casting shadows, enhancing the rustic, warm atmosphere. +A close-up of a winter coat's inner tag, clearly displaying the text "Machine Wash Cold", set against a soft, blurred background of hangers in a cozy, dimly lit closet. +A Western saloon scene with a wooden door and a weathered sign that reads "Check Spurs at Bar", set under a sunset sky, with a lone cowboy standing outside, looking at the sign. +A high-tech spy camera lens focuses on a dimly lit alley, the display overlay prominently showing "Target Acquired" in crisp, green text, as raindrops blur the view, adding to the tension of the surveillance scene. +A dark, swirling cosmic void with the event horizon of a black hole in the center. Hovering just above, a glowing text reads: "You Shouldn't Be Reading This", illuminated by the distorted light around it. +A high-tech spy gadget with a sleek, futuristic design, its screen ominously flashing the red text "Self Destruct Enabled" in a well-lit, modern laboratory setting, surrounded by sophisticated equipment and monitors. +A realistic gym interior with a large, vibrant wall decal stating "No Pain No Gain 20", surrounded by workout equipment and motivational posters. The scene is brightly lit, with a few athletes training in the background. +A realistic photograph of a beach warning sign with a red flag, clearly displaying the text "Red Flag High Surf" against a backdrop of waves and a cloudy sky. +A detailed subway train map with a digital indicator blinking "Lost Line" in red, set in a modern, dimly lit station. The map is surrounded by sleek, reflective surfaces and illuminated by overhead fluorescent lights, creating a slightly eerie atmosphere. +A laundromat with vibrant, retro decor, featuring a prominent washing machine that displays a humorous warning sign reading "Socks Will Disappear". The scene is bustling with diverse characters, capturing the everyday life of the neighborhood. +A movie clapperboard labeled "Scene 24 Take 3" stands on a sunlit film set, surrounded by crew members preparing for the next shot. The board's white and black contrast sharply under the bright lights, capturing the essence of a bustling production. +A vibrant birthday card opened to reveal an elegant inside message, "Age Optional", surrounded by whimsical, colorful illustrations of balloons and confetti, set against a soft, pastel background. +A close-up of a spy's briefcase interior, revealing files embossed with "Top Secret Files", under the soft glow of a desk lamp, with a vintage espionage feel. +A movie poster titled "Mae Of The Dead" featuring a hauntingly beautiful woman in a Victorian dress, standing amidst a foggy, abandoned cemetery. The moon casts a eerie glow, highlighting her pale face and dark, flowing hair. +A wizard's ancient spell scroll, unrolled to reveal the word "Lumos" glowing in vibrant, arcane symbols, casting a soft, mystical light in a dimly lit, dusty library. +A modern, sleek digital thermostat with a minimalist design, displaying the text "Set to Arctic Mode" on its LED screen, set against a frosty, winter backdrop with subtle ice crystal formations, capturing the essence of extreme cold. +A realistic gym locker room scene with a large mirror featuring a motivational sticker that reads "You're Doing Great" in bold, colorful letters, surrounded by workout equipment and locker doors. +A detailed, ancient wizard's spellbook page titled "Turnip Transmutation Charm", with intricate illustrations of turnips transforming into various magical creatures, surrounded by handwritten notes and mystical symbols. +A movie theater marquee bathed in the glow of city lights, prominently displaying "Premiere Tonight" in vibrant, illuminated letters, with a red carpet leading up to the entrance and excited crowds gathered outside. +A classroom wall features a large, colorful poster of the "Periodic Table", surrounded by students' science projects and motivational quotes. The poster is the focal point, with detailed elements and vibrant colors, capturing the essence of chemistry in an educational setting. +A cozy therapist's office with a plush, inviting pillow on the couch, embroidered with the words "Talk to the Fabric". Soft lighting and calming decor enhance the serene atmosphere, perfect for a therapeutic session. +A classroom globe with a vivid sticker that reads "Equator Line Here", placed precisely along the equator, surrounded by curious students pointing and discussing the world map on the wall behind them. +A bustling city street with a tattoo parlor window prominently displaying a sign that reads "Walk Ins Welcome", surrounded by vibrant, colorful tattoo designs and artistic sketches, reflecting a welcoming and creative atmosphere. +An antique shop window displays a vintage wooden sign that reads "Fragile Items Inside", surrounded by delicate porcelain vases and ornate glassware, with soft sunlight filtering through a nearby window, casting gentle shadows. +A museum exhibit featuring an ancient artifact with a label that reads "Circa 15th Century", set against the backdrop of a dimly lit, elegant gallery with polished wooden floors and high, arched ceilings. +A programmer's workspace featuring a desk mat printed with "Coffee Fuelled Code", surrounded by a laptop, a steaming cup of coffee, and scattered coding books, under the warm glow of a desk lamp. +A pirate flag with the skull and crossbones prominently displayed, fluttering above a rugged coastal cliff. The words "Plunder Cove" are clearly visible beneath the emblem, with the sea crashing against the rocks below. +In a classroom, the teacher stands by the blackboard, chalk in hand, having just written the phrase "chelonitis" in neat, bold letters. Students sit at their desks, some looking puzzled, others engaged, as the morning sunlight filters through the windows, casting soft shadows. +A rustic wooden sign reading "gunboat" hangs above a vintage nautical-themed restaurant, where patrons enjoy seafood dishes under the glow of lanterns, with model ships and maritime artifacts adorning the walls. +A medieval shield, intricately crafted with a robust wooden frame and metal edges, prominently displays the crest "Loyalty Honor" in elegant, gold-embossed lettering. The shield is weathered, showing signs of battles past, yet the crest remains clear and proud. +A futuristic spaceship control panel, with sleek, metallic surfaces and holographic interfaces, where a red light blinks persistently displaying "Low Fuel Warning" in the center, surrounded by various screens and controls, set against the dim, ambient lighting of the cockpit. +A close-up of a yellow Post-it note stuck on a stainless steel fridge, with the handwritten reminder "Buy Milk" clearly visible in bold, black ink. The fridge has a few magnetic items scattered around, adding a lived-in feel to the scene. +A neon bar sign flickering "Last Call" casts an eerie glow above a dimly lit, rain-slicked alley, where shadows dance and the distant hum of city life adds to the nocturnal ambiance. +A realistic photograph of a bicycle with a license plate "Bike 2024" parked on a cobblestone street, surrounded by vibrant autumn foliage. The bike has a classic design with a basket, and the scene is bathed in the warm, golden light of late afternoon. +A gym locker with a sleek, metallic surface, featuring a nameplate engraved with "Muscles Under Construction" in bold, stylish letters, surrounded by a subtle, reflective border. The locker is slightly open, revealing a glimpse of workout gear inside. +A cozy kitchen table featuring a steaming coffee mug with the handwritten text "Brain Fuel" in messy cursive, surrounded by open books and a laptop, capturing the essence of a focused study session. +A high-resolution photograph of an observatory telescope with a plaque that reads "Explore Beyond", set against a backdrop of a starry night sky, capturing the essence of human curiosity and the vastness of the universe. +A vintage UFO abduction poster with a eerie, retro-futuristic aesthetic, warning "Beware of Free Probes" in bold, glowing letters, surrounded by shadowy, alien figures and a hovering saucer. +A historical documentary title screen set against a backdrop of 18th-century revolutionary scenes, featuring the title "Era of Revolutions" in elegant, aged typography, surrounded by flickering torches and smoke from battlefields. +A vast, silent asteroid field with a sleek, futuristic spaceship docked nearby. The spaceship's hull is marked with graffiti reading "Wash Me" in the fine, powdery dust of asteroid debris, contrasting against the metallic surface. +A close-up of a pet collar tag, intricately engraved with the words "If Found Keep Forever", lying on a rustic wooden table, bathed in soft, warm sunlight streaming through a nearby window. +A medieval tavern's wooden menu board, weathered by time, prominently displays "Dragon Wings Extra Crispy" in bold, hand-painted letters. The board is hung outside the tavern, with a bustling, dimly lit interior visible through the open door, and a few patrons enjoying their meals. +In a modern museum, a detailed plaque stands beneath a towering dinosaur skeleton, its title clearly visible: "Millennial Falcon". The room is filled with natural light, casting subtle shadows and highlighting the dinosaur's ancient bones, creating a surreal contrast between prehistoric and pop culture. +Astronaut-themed plant pot with a label that reads "Moon Basil Water Weekly", set against a backdrop of stars and the Earth, with a miniature astronaut figurine tending to the plant. +A close-up of novelty socks featuring the phrase "Best Dad Ever", set against a soft, blurred background of a family picnic, with vibrant colors and a playful, cheerful atmosphere. +A vintage camera strap, meticulously embossed with "Capture the Moment" in rich, dark leather, draped over a rustic wooden table, with the warm glow of a vintage lamp casting a soft shadow. +A museum exhibit featuring a towering dinosaur skeleton labeled "Tyrannosaurus Rex", with soft lighting highlighting the fossil's intricate details and a informational plaque beneath, set against a backdrop of ancient forest murals. +A detailed blueprint with the label "Approved Design" prominently displayed, set against a backdrop of a modern architectural firm's office, with sunlight streaming through large windows, highlighting the technical drawings and engineers at work. +A close-up of a candy wrapper, crinkled and slightly torn, revealing the vibrant text "Sweet Treat" in bold, playful fonts against a colorful, gradient background. +A wooden sign hangs outside a medieval tavern, weathered by time. The sign reads "Mead Special" in elegant, hand-painted letters, inviting travelers to taste the unique blend inside. The background shows the rustic exterior of the tavern, with stone walls and a thatched roof. +A realistic photograph of a wedding cake topper featuring the script "Happily Ever After" in elegant cursive, set against a soft, romantic backdrop with delicate floral decorations around the base. +A medieval wizard's desk cluttered with spell scrolls, potions, and ancient tomes. A specific scroll is unrolled, showing intricate runes and the clear footnote "Results May Vary" at the bottom, emphasizing the unpredictable nature of the magic. +A weathered treasure map laid out on an old wooden table, with a red "X Marks the Spot" clearly visible in the center, surrounded by faded compass roses and intricate illustrations of islands and ships. +In a brightly lit swimming pool, a clear sign that reads "Do not bring food" hangs near the edge, reflecting the water's surface. Swimmers in the background add a lively atmosphere to the scene. +A realistic photograph of a car dashboard with the warning light illuminated, clearly displaying "Low Fuel Level" in the center of the dashboard, set against a dark interior with slight glare from the dashboard lights. +A close-up of a candy wrapper featuring the logo "Sweet Tooth Delights", with vibrant, colorful graphics and playful typography, set against a slightly blurred background of a candy store shelf. +A realistic photograph of a post office package with a prominent "Fragile Handle Care" stamp on the side, surrounded by other parcels and mail, with a postal worker in the background attending to a customer at the counter. +A serene hiking trail winds through lush forest, leading to a wooden marker carved with "Summit 2 Miles Ahead". Sunlight filters through the canopy, casting dappled shadows on the path. +A bustling city street at dusk, with a traffic light pole featuring a vibrant poster that reads "Honk If You Love Paradoxes", surrounded by a mix of vintage and modern cars, creating a surreal blend of eras. +A charming bakery window display featuring a variety of freshly baked breads, with an elegant sign in cursive that reads "Fresh Bread Daily", set against a warm, inviting backdrop. +A high-tech robot with a sleek, metallic chest plate prominently displaying the label "Model XT 5000", standing in a futuristic industrial setting with soft lighting highlighting its advanced design. +A museum display featuring an ancient artifact, with a clear sign labeled "Do Not Touch" positioned directly beneath it, capturing the reverence and caution surrounding the historical piece. +A close-up photograph of a sleek, black USB drive with a white label clearly marked "Top Secret Files", placed on a dark, textured background, with a faint glow around the label to emphasize its importance. +A farmer's old, weathered tractor with the seat engraved "Property of John", sitting in a sunlit field, surrounded by golden wheat, capturing the essence of rural life. +A close-up of a pharmacy pill bottle with a clear, detailed warning label that reads "Take With Food" in bold, against a soft, blurred background of a medicine cabinet. +A zoo enclosure with a sign reading "Feeding Time 3PM" stands prominently, surrounded by a variety of curious animals and excited visitors. The scene captures the vibrant atmosphere of a typical afternoon at the zoo, with sunlight filtering through the trees and casting gentle shadows. +A weathered stone tablet, ancient and cracked, stands in a dimly lit forest clearing. Moss partially covers the inscription, "Beware the Ides of March", which is still clearly readable. The scene is bathed in a soft, ethereal light, enhancing the mystical and ominous atmosphere. +A realistic photograph of a farmer's field with a scarecrow standing tall, holding a sign that reads "Keep Off Crops", amidst rows of lush green plants. +A bustling farmers market stand labeled "Organic Produce", featuring a vibrant array of fresh fruits and vegetables. Shoppers browse, engaging with the cheerful vendor, while baskets overflow with colorful, seasonal items. The scene is bathed in warm, natural sunlight, highlighting the textures and freshness of the produce. +A realistic photograph of a voting booth with a clear, prominently displayed instruction sign that reads "Pick Three Candidates", set against a backdrop of polling station partitions and voter information materials. +An antique globe stand, intricately engraved with the phrase "Terra Incognita", stands in a dimly lit library, surrounded by old books and maps. The wood is weathered, showing signs of age, and the globe itself is slightly faded, adding to the sense of historical mystery. +A mysterious carnival fortune teller's tent, with a vintage wooden sign hanging above the entrance, boldly displaying "Know Your Future 5" in glowing, mystical letters. The scene is bathed in a soft, warm light, creating an inviting yet enigmatic atmosphere. +A detailed geography quiz map with labeled pins marking capital cities, each labeled with "Identify Capitals" beneath. The map shows continents, oceans, and country borders, with a realistic, educational poster style. +A detailed book cover for "Mystery of the Lost Temple", featuring an ancient, overgrown temple entrance with vines and moss, a mysterious figure in explorer gear standing at the threshold, and an aura of suspense and adventure in a dense, misty jungle. +A scientist stands beside a whiteboard in a lab, pointing at the equation "E = mc²" written in bold black marker. The lab is filled with scientific equipment, and the scientist looks deeply engaged in thought, emphasizing the profound significance of the equation. +A vibrant TV show poster featuring a rugged, scenic Colorado landscape with the title text "Colorado Trail" prominently displayed at the top, set against a backdrop of majestic mountains and a winding trail. +A wizard stands in a dimly lit forest, his staff glowing with an ethereal light, displaying the words "Spell Loading" in an ancient script, surrounded by swirling mist and glowing runes. +A rustic wooden trail marker, intricately carved with "To Hidden Falls", points uphill through a dense, verdant forest, leading the way to a secluded and mysterious destination. +A realistic photograph of a bright orange traffic cone with a reflective sticker that reads "Slow Down", placed on a busy city street at dusk, with the glow of streetlights reflecting off the sticker. +A detailed, realistic photograph of a wizard’s apprentice diploma, elegantly framed and displayed. The diploma certifies "Master of Potions", with intricate seals and decorative borders, set against a background of ancient books and potion vials. +A dragon's lair with a worn, wooden sign warning "Treasure Guarded by Sarcasm" amidst piles of gold and jewels, the dim light casting long shadows, emphasizing the eerie and sarcastic tone of the scene. +A dynamic comic book panel featuring a superhero mid-flight, arms outstretched, with a speech bubble that reads "To the Rescue". The hero is surrounded by a cityscape at sunset, with rays of light casting dramatic shadows. +An artist's paint palette, labeled "Color Explosion", filled with vibrant, swirling colors, set against a backdrop of a sunlit studio, with brushes and a half-finished canvas nearby. +A close-up of a well-worn guitar case, featuring a vibrant sticker that boldly states "Rock On", surrounded by other eclectic stickers, capturing the spirit of a touring musician. +A gritty urban alley at night, with a detective's note marked "Clue Found Here" taped to a damp brick wall, illuminated by the dim glow of a nearby streetlamp. Raindrops glisten on the pavement, adding a touch of realism to the scene. +A high-tech security room with blinking red lights and digital screens displaying "Intruder Alert Activated" in bold, glowing text. The scene is tense, with wires and control panels in the background, emphasizing the urgency of the situation. +A nostalgic retro video game title screen with pixelated graphics, displaying the iconic message "Game Over" in bold, colorful letters against a vintage, glowing background. +A lighthouse stands on a rocky cliff, its powerful beacon casting the words "Safe Harbor Ahead" across the turbulent sea, guiding ships toward a calm, sheltered bay. +A dimly lit prison cell with rough stone walls, featuring a carved message that reads "Innocent Bystander", illuminated by a single flickering candle in the foreground. +A realistic photograph of a futuristic space station control room, with a prominently displayed alert screen flashing "Gravity Failure" in red, surrounded by concerned crew members monitoring various panels and screens. +A red sticker warning of "High Voltage" is affixed to a metallic circuit breaker box, set against a backdrop of a dimly lit utility room with wires and tools scattered nearby. +A close-up of a pet ID tag shaped like a paw, with the name "Max" clearly engraved on it, lying on a soft, textured surface. +A high-definition digital TV screen displays a news ticker with "Breaking News Update" scrolling across the bottom. The screen is set in a modern newsroom with bustling reporters and advanced equipment in the background. +A protest poster with bold, vivid red letters that starkly proclaim "Free Education Now", set against a dynamic background of a bustling cityscape, capturing the urgency and passion of the movement. +A cozy kitchen with a baker's oven timer counting down, displaying "Cookies Done in 300". Warm, golden light spills from the open oven, illuminating fresh, aromatic cookies on a baking sheet. +A close-up of a ransom note crafted from magazine clippings, spelling "Wait For Instructions", placed on a worn wooden table, with a faint shadow of a hand in the background. +A vibrant surfboard design featuring the phrase "Ride The Big Wave" in bold, ocean-inspired typography, surrounded by crashing waves and tropical fish, set against a backdrop of a serene, sunlit ocean. +A firefighter's helmet with a sticker that reads "No Fear" beneath a detailed phoenix emblem, set against a backdrop of a blazing sunset, capturing the essence of bravery and rebirth. +A vibrant surfboard with a retro "Hang Ten Hawaii" decal, set against a backdrop of rolling ocean waves and a bright, sunny sky. The decal features bold, colorful graphics and playful typography, capturing the essence of Hawaiian beach culture. +A realistic photograph of a voting booth with a clear instruction sign that reads "Select One Candidate", set against a backdrop of voting curtains and ballot boxes, emphasizing the formal and focused atmosphere of the voting process. +A close-up of a chef's knife with "Slice Perfection" intricately engraved on the blade, resting on a cutting board with fresh herbs and vegetables, in a modern kitchen. +A mountain climber's flag, bearing the inscription "Everest Summit 8848m", flutters in the crisp, high-altitude wind against a backdrop of snow-capped peaks and a clear blue sky. +A modern living room with a sleek thermostat displaying "Comfort Zone" on its screen, surrounded by soft, warm lighting and cozy furnishings, creating a serene and inviting atmosphere. +A futuristic robot pet dog with a sleek metallic body, its collar tag prominently displaying "Battery Powered Belly Rubs", standing in a modern living room, with soft lighting and a neutral background, emphasizing the playful and high-tech nature of the device. +A realistic photograph of an alien plant pod, its surface textured and alien, glowing with a soft, ethereal bioluminescence that spells out "Hello" in a clear, floating script, set against a dark, mysterious forest backdrop. +A futuristic space station module labeled "Artificial Gravity Zone", featuring sleek, metallic surfaces and advanced technology. Astronauts in modern suits walk along the curved, gravity-simulated floors, while holographic displays and vibrant LED lights enhance the high-tech atmosphere. +A realistic photograph of an old, wooden door with the word "appearance" elegantly carved into its center, surrounded by peeling paint and a weathered surface, set against a dimly lit, narrow alley. +A vintage wanted poster, faded and weathered, prominently displays a detailed illustration of a sleek, mysterious cat burglar. The text "10 for Cat Burglar" is bold and centered, with a reward of 10 gold coins depicted below. The background features a cityscape at night, with shadows and dim streetlights adding to the intrigue. +An astronaut stands on a lunar surface, their helmet visor gleaming with a reflection of "Mission Control" in the distance, surrounded by the vast, dark expanse of space and scattered stars. +A close-up of a vintage subway map sticker, with the route "Route to Adventure" vividly highlighted in bright colors, set against a worn, textured background. +A vibrant concert poster featuring the headline "Rock the Void" in neon graffiti style, set against a dark, starry night background, with electric colors and dynamic swirls that capture the energy of a live performance. +A dark, mystical forest at night, a witch stirs a bubbling cauldron under a full moon, glowing letters "Double Double" rise from the potion, surrounded by eerie mist and flickering firelight. +Optimized prompt: A close-up of a pharmacy receipt with the footer "Thank You Come Again" in clear, crisp text, set against a soft, blurred background of a pharmacy counter and shelves. +A vintage postage stamp design featuring "AIR MAIL 1948", with a classic airplane in flight, surrounded by ornate borders and intricate details typical of 1940s postal art. +In a modern hospital corridor, a sign in italics reads "italics", hanging above a row of closed doors. The scene is lit by fluorescent lights, with a nurse passing by in the background. +A young hero in training, dressed in a vibrant cape with a lining that glows in the sunset, stands confidently on a rocky cliff. The sky is painted with warm oranges and pinks, and the hero's cape billows in the wind, emphasizing the theme of "Hero Training". +A close-up of a superhero's belt buckle, intricately engraved with "Truth and Justice", shining under a spotlight, with a subtle cityscape reflection on its polished surface. +A deep-sea probe camera captures an eerie, shadowy scene in the abyss, tagged "Unknown Known". Bioluminescent creatures float in the dark waters, their lights casting an ethereal glow on the mysterious, unexplored terrain below. +An ice cream truck parked on a sunny street, with a vibrant sign that reads "Unicorn Swirl 5" in colorful, whimsical lettering, surrounded by playful decorations and a queue of excited children. +A vast desert under a blazing sun, where a mirage shimmers on the horizon, revealing the word "Oasis" in the heat waves, creating an illusion of hope and water in the arid landscape. +In a dystopian city, a massive billboard towers over grimy streets, boldly advertising "Happiness Now 99" against a bleak skyline. The contrast between the vibrant ad and the desolate surroundings highlights the city's stark divide. +A dusty, antique library book opened to a page titled "Secrets of the Ancients", revealing faded, intricate illustrations and cryptic text, surrounded by a clutter of aged bookmarks and spectral light filtering through stained glass windows. +A baker in a cozy kitchen, wearing an apron embroidered with "Knead to Bake" in flour-dusted thread, surrounded by rising bread loaves and a sprinkle of flour on the wooden table. +A dimly lit entrance to a supervillain lair, featuring a sleek, metallic door with a menacing "Come Back With Warrant" welcome mat, set against a backdrop of fog and shadowy, futuristic architecture. +A rock climber, mid-ascent on a rugged cliff face, with a chalk bag printed "Don't Look Down" hanging from their waist, capturing the intensity and focus of the moment. +A detailed map of a desert oasis, with a prominent note in elegant calligraphy that reads "Water Source Ahead", surrounded by palm trees and a tranquil pool of water, under a clear blue sky. +A worker on a bustling construction site, wearing a yellow construction helmet labeled "Hard Hat Zone", stands amidst steel beams and scaffolding, the sun casting harsh shadows across the rugged landscape. +An ancient, leather-bound spellbook lies open to a page titled "Invisibility Charm Recipe". The page is filled with intricate, handwritten notes and mystical symbols, illuminated by the soft glow of a nearby candle. The background is a dark, dusty library with shelves lined with arcane tomes. +A ballet studio with large mirrors adorned with a decal that reads "Dance With Passion". Dancers in elegant tutus practice at the barres, their reflections capturing the grace and intensity of their movements. The studio's soft lighting enhances the serene and focused atmosphere. +A pirate ship navigates turbulent seas, its flag emblazoned with the ominous words "Abandon Hope All Ye Who Board" billowing in the wind, under a dark, stormy sky. +A bustling auto shop at night, with vibrant neon signs spelling "Oil Change Special" in bold, eye-catching colors, illuminating the scene. Mechanics in overalls work under the glow, while cars line up, creating a lively atmosphere of urban automotive culture. +A vibrant movie poster for "Jirja", featuring a rugged, determined protagonist standing amidst the arid, rocky landscapes of Afghanistan. The backdrop showcases a mix of ancient and modern elements, symbolizing the film's exploration of tradition and change. +A child's colorful drawing of a vibrant rainbow, with "My Happy Place" scribbled in playful, uneven letters below, on a textured paper background. +A neon tattoo parlor sign glowing with vibrant colors, prominently displaying the words "Ink Your Story" in a modern, artistic font, set against a dark, urban night scene. +A detective's evidence tag, clearly labeled "Crime Scene Item 24", lies on a dark, gritty pavement, illuminated by the harsh light of a forensic lamp, surrounded by yellow police tape. +A realistic photograph of an observatory telescope base plate, intricately engraved with the words "Explore Stars", set against a backdrop of a starlit night sky, capturing the essence of astronomical wonder and discovery. +A elegant wedding invitation card with cursive text starting with "Save the Date", set against a soft, blush-colored background with delicate gold floral accents and a subtle texture, capturing the essence of timeless romance and celebration. +A vast, sun-baked desert highway stretches into the distance, lined with scrub brush and rocky outcrops. A weathered billboard stands alone, its paint peeling and faded, bearing the iconic warning: "Last Gas 100 Miles". The scene is captured in a realistic photographic style, emphasizing the desolation and the stark warning. +A rustic wooden trail marker, weathered by time, stands along a forest path, carved deeply with the words "Lake View 1KM". The marker is surrounded by lush greenery, with a gentle trail leading into the distance, hinting at the serene lake just beyond the trees. +A vibrant graffiti mural on the side of a community center wall, prominently featuring the words "Free Hugs" in bold, colorful letters, surrounded by dynamic spray paint splashes and artistic swirls. +A boxing ring under harsh stadium lights, the mat boldly printed with "Round Eternity" in vibrant red, surrounded by an eager crowd, capturing the intense atmosphere of a pivotal moment in the fight. +A detailed prison escape blueprint labeled "Plan C Wing It", sprawled on a worn, wooden table. The plan includes intricate maps, marked pathways, and strategic notes, with a faint light casting shadows, emphasizing the urgency and secrecy of the escape. +A close-up of a graduation cap with "Class of 24" in glitter, set against a blurred background of cheering graduates and colorful banners, capturing the vibrant and celebratory atmosphere of a commencement ceremony. +A wedding cake topper featuring the phrase "Happily Ever After" in elegant cursive script, perched atop a beautifully decorated tiered cake with intricate sugar flower detailing and a soft ivory hue, set against a romantic, softly lit backdrop. +A detailed zoo entrance map with clear labeling, featuring a prominent sign that reads "Penguin Exhibit", surrounded by vibrant, colorful pathways and lush greenery, set against a sunny sky. +A realistic photograph of a construction site fence with a prominent sign stating "Hard Hat Zone Ahead", surrounded by safety cones and partially obscured by scaffolding and tools. +A high-energy gym poster with bold, vibrant colors and dynamic typography, featuring a determined athlete mid-exercise. The phrase "Push Your Limits" is prominently displayed, surrounded by motivational imagery like weights, treadmills, and fitness equipment. +A close-up of a digital thermometer with a bright, clear display showing "1027F" in large, red digits, set against a neutral, blurred background to emphasize the temperature reading. +A bustling farmer’s market with a vibrant stall banner prominently displaying "Organic Proud", surrounded by fresh produce and happy shoppers. The scene is bright and colorful, capturing the lively atmosphere of a sunny day. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot Contents", sitting on a wooden table, steam gently rising from the cup, and a soft, warm light illuminating the scene. +A bustling bakery interior with a cheerful baker, wearing a red apron and "Hot Stuff Coming Through" oven mitt, pulling a steaming tray of fresh bread from the oven, surrounded by the warm, golden glow of the rising dough. +A medieval shield, intricately designed with a bold emblem and the motto "Fortune Favors Bold" inscribed in elegant, gothic lettering, set against a weathered, battle-worn background. +In a cluttered office corner, a frustrated employee has hastily scribbled "Paper Jam Again" on a bright yellow sticky note, which is now stuck to the side of a jammed printer, surrounded by scattered papers and half-empty coffee cups. +A realistic photograph of a gym locker room, with a prominent sign stating "Shower Area Slippery Floor" hanging above the entrance to the shower area, surrounded by rows of lockers and a tiled floor. +At the bustling train station, a distinctive sign that reads "vogeding" hangs prominently above the platform, catching the eye of passengers rushing to catch their trains. The scene is a blend of modern architecture and the vibrant life of commuters. +A close-up of a chef's knife with the blade engraved "Sharp Tempers", resting on a wooden cutting board in a modern kitchen, with a soft, natural light casting a gentle shadow. +In a futuristic alien zoo, a placard reads "Human: Mostly Harmless" in front of a glass enclosure where a human family, looking slightly bewildered, stands on display, surrounded by curious, multi-eyed alien visitors. +A cozy coffee shop interior with warm lighting and wooden furniture. A customer holds up a loyalty card that reads "Buy 9 Get 10th Free", smiling at the barista who is preparing a steaming cup of coffee. +A sushi chef in a traditional kitchen, wearing a white headband with "Fish Master" in elegant Japanese characters, skillfully preparing sushi with fresh ingredients, surrounded by sushi tools and a backdrop of wooden counters and shelves. +A drone hovering in a sunlit sky, its control remote displays a warning message: "Low Power Return Home", as the operator looks up with concern, surrounded by a serene landscape. +A vintage movie poster titled "Pear Cider and Cigarettes", featuring a moody, noir-style scene with a lone figure holding a glass of pear cider and a lit cigarette, set against a backdrop of a dimly lit cityscape at dusk. +A prehistoric cave wall adorned with detailed paintings of mammoths, their massive forms rendered in earthy tones. In the center, the phrase "GOOD HUNT" is clearly visible, etched with pride and reverence. Torchlight casts a warm, flickering glow, enhancing the ancient art's mystical atmosphere. +A clear "No Flash Photography" sign is prominently displayed near an aquarium’s jellyfish tank, where bioluminescent jellyfish drift gracefully in the blue-lit water, creating a mesmerizing and serene underwater atmosphere. +A vintage skateboard deck featuring the iconic graphic "Skate or Die 1984", set against a backdrop of a retro skate park with graffiti-covered walls and a sunny, 1980s sky. +A high-quality desktop wallpaper featuring the text "Dream Big" in elegant, modern typography, set against a serene landscape of rolling hills at sunrise, with a subtle gradient sky transitioning from deep blue to warm orange. +A realistic photograph of a science fair poster titled "Volcano Reaction Test", featuring a colorful illustration of a volcano erupting, surrounded by diagrams and text explaining the chemical reactions involved, set against a blue background with a wooden table beneath. +A theatre stage with a wooden floor, marked with a bright yellow tape that reads "Stand Here". The stage is dimly lit, with soft spotlights highlighting the tape, creating a sense of anticipation. +An astronaut's glove drifting in the vastness of space, with the word "Help" clearly written on the palm, surrounded by distant stars and the Earth in the background. +A pet dog with a meticulously embroidered collar tag that reads "I ❤️ My Hooman", sitting in a cozy living room with warm lighting and a fireplace in the background. The dog looks content and is positioned to highlight the detailed embroidery on its collar. +A close-up of a worn concert ticket stub with "VIP Access Only" prominently displayed, set against a backdrop of a bustling concert crowd and vibrant stage lights, capturing the excitement and exclusivity of the event. +A modern elevator button panel with a sleek, metallic finish, prominently displaying "Floor 13 Locked" in bold red text, set against a well-lit, contemporary office lobby. +A vibrant urban alleyway featuring a large mural with the tag "Art Is Dead But So Are We", surrounded by graffiti and street art, under the glow of late afternoon sunlight. +A vintage circus tent with a vibrant banner proudly proclaiming "World's Smallest Elephant", surrounded by a crowd of intrigued onlookers and illuminated by the warm glow of evening lights. +A sleek, futuristic spy gadget briefcase with a label that reads "Top Secret Nachos", sitting on a dimly lit, high-tech laboratory bench, surrounded by advanced monitoring equipment and screens displaying encrypted data. +A person wearing a VR headset, immersed in a demo playing "Virtual Reality Experience", standing in a modern, well-lit room with a futuristic interface displayed on a large screen behind them. +A nostalgic retro video game scene with a pixelated pause screen prominently displaying the text "Player 2 Has Left Reality" in vibrant 8-bit colors, set against a backdrop of a surreal, glitching digital landscape. +A realistic tattoo of a fierce dragon wrapping around an arm, with a scroll banner in its claws reading "Mom's Little Monster" in elegant cursive, set against a subtle skin texture background. +A realistic photograph of a coffee cup with a sleeve printed with "Caution Hot", sitting on a wooden table, next to a steamy saucer, with a warm, cozy atmosphere. +Neon sign at a bustling tattoo parlor reads "Ink Here Today Gone Tomorrow", glowing vividly against a gritty urban night scene, with passersby and motorcycles adding to the vibrant, realistic atmosphere. +A realistic smartphone screen with a sleek, modern design, displaying a lock screen notification that reads "3 New Messages" in clear, bold text. The background is a gradient of deep blues and blacks, enhancing the digital appearance of the notification. +A vintage bookstore interior with warm, golden lighting, showcasing an antique wooden shelf. The shelf label reads "Rare First Editions" in elegant, faded lettering, surrounded by a collection of aged, leather-bound books. +A detailed map of a botanical garden, prominently featuring a section labeled "Butterfly Garden Here", with colorful flowers and delicate butterflies fluttering around, set in a serene, lush environment. +A tarot card titled "The Infinite Journey", featuring a mystical landscape with glowing symbols floating around the edges, set against a cosmic backdrop. +A vintage airplane flies low over a picturesque coastal landscape, trailing a banner that reads "Just Married". Sunlight glints off the water, and a gentle breeze ruffles the banner, creating a joyful and serene scene. +A clothing store mannequin stands prominently, showcasing a vibrant shirt that boldly declares "Fashion Icon". The setting is a modern retail environment, with soft lighting highlighting the mannequin and the stylish shirt, creating a chic and inviting atmosphere. +A neon motel sign blinks "Rooms Available" against a dark, urban night sky, casting vibrant red and blue hues over the weathered brick facade and empty parking lot. +A realistic photograph of a modern car parked on a city street, with its license plate prominently visible, displaying the number "G0 Green" in bold, clear letters against a green background. +In a desolate, post-apocalyptic cityscape, a rusted bus stop sign stands alone, reading "Last Bus 2077". Overgrown vines cling to the sign, and the background is filled with crumbling buildings and an eerie, dim sky. +A cozy bakery interior with a cake stand prominently displaying a tiered wedding cake, labeled "Wedding Tier", surrounded by pastel decorations and soft lighting. +A realistic photograph of a zoo enclosure with a clear informational plaque that reads "African Lions" in bold letters, surrounded by lush grass and a few scattered rocks, with a majestic lion in the background. +A nostalgic movie theater marquee bathed in warm evening light, announcing "Now Showing Robot Love Story" with vibrant, retro fonts. The marquee is adorned with twinkling lights, and a few people are walking by, glancing up with curiosity and excitement. +A serene yoga studio with a yoga mat featuring the print "Breathe In Peace" in elegant script, surrounded by soft, natural light filtering through large windows, enhancing the peaceful ambiance of the space. +A close-up of a vintage library stamp inside an old, well-thumbed book, clearly marked "Property of City Library", with the faded ink contrasting against the yellowed pages. +A boxing ring with the floor boldly printed with "No Mercy Zone" in large, striking capital letters, surrounded by intense, focused boxers and a roaring crowd. +A realistic photograph of a scientist's lab coat hanging on a lab hook, with a name badge prominently displayed, reading "Dr Quantum" in bold letters. The lab coat shows subtle signs of wear, with creases and slight folds. +A vintage car parked on a nostalgic street, its license plate clearly reading "CLASSIC55", surrounded by retro advertisements and street lamps, capturing the essence of a bygone era. +A retro rocket ship console with vintage dials and switches, prominently featuring a large red button labeled "Panic Button" in bold text, set against a backdrop of glowing neon lights and futuristic controls. +A scuba diver checks their tank gauge underwater, the needle pointing to "Air 50 PSI", surrounded by vibrant coral and tropical fish in a sunlit reef. +A quaint garden path lined with lush greenery, leading to a small, whimsical signpost. The sign reads "Elf Territory Ahead" in elegant, flowing letters, adorned with intricate, leaf-like designs. A garden gnome stands beside the sign, pointing towards the mystical elf territory. +Retro diner scene with a red and white checkered placemat prominently displaying an advertisement that reads "Try Our Milkshakes". Vintage milkshake glasses and a classic diner menu are placed alongside, with a 1950s vibe and soft, nostalgic lighting. +A bustling farmer's market scene with a rustic chalkboard sign prominently displaying "Fresh Eggs 3Dozen" amidst a variety of colorful, fresh produce and happy shoppers. +A vintage diner scene with a red and black checkered floor, booths with red leather seats, and a retro jukebox. A placemat on the table features trivia stating "Coffee Invented in 281 BC", surrounded by coffee cups and saucers. +A realistic photograph of a modern subway station, with a vibrant tile mosaic spelling "Downtown Loop" prominently displayed on the wall, surrounded by sleek metallic panels and fluorescent lighting, capturing the essence of urban transit. +A realistic photograph of a highway exit sign reading "Next Services 50 Miles" at dusk, with the warm glow of streetlights illuminating the sign, and a deserted road stretching into the distance under a twilight sky. +A vibrant TV show poster featuring the logo "Marriage" prominently displayed, set against a backdrop of a happy couple embracing, with soft, warm lighting and a romantic atmosphere. +A realistic smartphone screen displaying a notification that reads "Low Battery 10 Percent", with a dimming battery icon, set against a blurred desktop background. +A close-up of a superhero cape with intricate embroidery that reads "Dry Clean Only", set against a dark, dramatic background, capturing the texture and sheen of the cape material. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Flour Power", surrounded by bags of flour and baking tools, with a warm, golden light casting a soft glow over the scene. +In a bustling airport, a security screen displays a red alert with the message "Check Baggage 7". A worried traveler looks on as security personnel converge around the conveyor belt, adding tension to the scene. The modern terminal is filled with passengers and luggage, emphasizing the urgency. +A dark room with a smartphone on a wooden table, displaying a notification that reads "1 New Message from Unknown", casting a faint glow on the surrounding area. +An ancient wizard's desk cluttered with mystical artifacts, a spell scroll titled "How to Turn Lead to Gold" prominently displayed, glowing with a faint, golden light, amidst scattered lead and gold ingots. +A detailed dental X-ray image showing "Tooth 17 Needs Filling", with clear labeling and a close-up view of the affected area, highlighting the decay and the need for a dental filling. +A dimly lit medieval laboratory, where an old wizard examines a glowing, swirling potion in a glass bottle. The bottle has a label warning "May Cause Existential Dread", set against a backdrop of ancient tomes and mystical artifacts. +A realistic photograph of a construction site with a prominent sign warning "Hard Hat Area Required", surrounded by safety barriers and workers in high-visibility vests. +A sleek, futuristic sci-fi spaceship with its hull marked "Galaxy Explorer NCC1701" glides through the vast, star-studded cosmos, its metallic surface reflecting the distant glow of nebulae and stars. +A muscular circus strongman stands proudly, his shirt ripped at the seams, revealing a chiseled physique. "Flex Appeal" is emblazoned across his chest, capturing the essence of strength and showmanship under the big top. +A gym wall poster prominently displays the motivational slogan "Push Your Limits Today", surrounded by images of athletes in action, with vibrant colors and dynamic lighting to emphasize the message of determination and effort. +In a cozy medieval tavern, a wooden menu board hangs by the fireplace, listing "Dragon Wings Extra Crispy" among other dishes, illuminated by the warm glow of candles. The rustic setting is enhanced by wooden tables and patrons engaged in lively conversation. +A steaming cup of café latte on a rustic wooden table, the milk foam artfully forming the words "Rise Shine" with intricate, swirling designs, surrounded by morning light filtering through a nearby window. +A vintage camera with a worn leather strap, intricately embroidered with the words "Capture the Moment", hanging against a rustic wooden background, capturing the essence of classic photography. +A realistic photograph of a kindergarten classroom, focusing on a cubby labeled "Emilys Stuff". The cubby is filled with colorful toys and a small backpack, with a child's drawing taped to the front. The scene is bright and welcoming, capturing the innocence of early childhood. +A weathered pirate map with "X Marks Fools Gold Cove" written in elegant cursive, surrounded by intricate illustrations of old ships, compass roses, and sea creatures, all under a faded, sepia-toned filter. +A futuristic space hotel lobby featuring a sleek, illuminated sign that reads "ZeroG Lounge No Spills", set against the backdrop of a minimalist, high-tech interior with floating decorative elements and zero-gravity guests. +A bustling food market with vibrant stalls, featuring a prominent scale label reading "Organic Produce" amidst an array of fresh, colorful fruits and vegetables, surrounded by cheerful vendors and customers. +An ancient stone tablet, weathered by time, stands in a dimly lit cave. The tablet is intricately carved with the ominous Latin phrase "Beware the Ides", its letters deep and shadowed, hinting at forgotten warnings and secrets. +A coffee barista in a bustling cafe, wearing an apron embroidered with "Perfect Foam", meticulously crafting a latte with expert foam art, surrounded by steaming cups and the rich aroma of coffee. +A neon sign in vibrant red and blue flashes "VIP Access Only" above a sleek, modern club entrance, casting dynamic shadows on the pavement and drawing the eye of passersby in the bustling nightlife scene. +A realistic photograph of a campsite with a prominent safety sign that reads "Fully Extinguish Flames", surrounded by a ring of stones and a recently extinguished campfire, with the forest background adding a serene, natural setting. +A museum exhibit featuring a dinosaur fossil with a display plaque titled "TRex Zoom Call", surrounded by modern technology like tablets and projectors, blending prehistoric and contemporary elements. +A gardener holds a vintage seed packet labeled "Heirloom Carrots" in a sunlit garden, surrounded by lush greenery and blooming flowers, capturing the essence of a serene and vibrant outdoor setting. +A close-up photograph of a fire extinguisher label, prominently displaying the warning "Pull Pin First" in bold, red text against a white background, with a subtle shadow to enhance depth and clarity. +A laboratory setting with a mouse cage prominently displayed. The cage label reads "Group C Telepathic". The room is clean and well-lit, with scientific equipment and charts in the background, emphasizing the experimental nature of the telepathic mice. +A realistic photograph of a modern bedroom with a sleek, digital alarm clock on a wooden bedside table. The clock's display reads "Wake Up Time 6 AM" in bright, glowing numbers, casting a soft light in the dimly lit room. +A close-up of a restaurant receipt with the footer clearly displaying "Thank You Come Again", set against a blurred background of a cozy dining area, with warm lighting and subtle table settings. +A realistic photograph of a chess tournament banner reading "Grandmaster Showdown" hanging in a grand hall, surrounded by chess boards and players in deep concentration, with spectators watching intently in the background. +In an ancient Egyptian tomb, the Pharaoh's golden sarcophagus is adorned with intricate hieroglyphs. Among them, a modern twist: the phrase "Tomb Needs WiFi Upgrade" is inscribed in hieroglyphic style, blending the ancient and the contemporary. +A close-up of a skateboard's grip tape, featuring a bold stencil that reads "Skate or Die" in vibrant, graffiti-style letters, set against a worn, textured background. +A realistic photograph of a wedding cake topper featuring the phrase "Happily Ever After" in elegant calligraphy, set against a backdrop of a romantic, sunlit garden. +A detailed fantasy map with a stylized label marking "Dragons Peak Summit", featuring intricate illustrations of mountains, forests, and a majestic dragon circling the peak, all rendered in a vintage, parchment-like texture. +A realistic photograph of a laptop with a sticker on its lid, the sticker boldly declaring "Code Hard Sleep Late" in modern, stylish font, set against a minimal background to highlight the laptop and the sticker's message. +A close-up of vibrant fireworks packaging with a bold, red "Caution Explosive Material" warning label, set against a dark, textured background, emphasizing the contrast and detail in the packaging design. +A graduation cap tossed high into the air, with "Congrats Grad" written on it, against a backdrop of cheering classmates and a sunny sky. +A detailed theme park map with a vintage, slightly worn look, featuring colorful attractions and pathways. The center of the map highlights a red star with the text "You Are Here Lost" prominently displayed, surrounded by whimsical illustrations of confused visitors and playful park characters. +In a modern screening hall, a large screen displays the promotional video of "reviewcentre", while comfortable seats and state-of-the-art sound equipment enhance the viewing experience. +"Fully Extinguish Flames" safety poster featuring a vivid campfire scene, with embers gently fading into ash. A fire extinguisher and bucket of water are prominently displayed nearby, emphasizing the importance of proper fire safety. The message is clear and impactful, surrounded by a rustic, woodland backdrop. +A vintage library book with an elegant, aged leather cover, its spine embossed in intricate gold foil with the words "Secrets of Atlantis", resting on a wooden bookshelf surrounded by other ancient tomes. +A large, weathered satellite dish set against a stormy sky, with a digital display panel at its base showing the error message "Signal Lost" in red letters. The dish is surrounded by barren, rocky terrain, emphasizing the isolation and technical failure. +A mountain trail with a wooden signpost that reads "Summit This Way", surrounded by lush greenery and a path leading upwards into the misty distance. +A lizard perched on home plate at a sunlit baseball field, with a speech bubble above it reading "heyyyy", surrounded by the green grass and white base lines. +A wedding cake topper featuring "Mr & Mrs Smith" in elegant script, placed atop a luxurious, tiered cake with intricate fondant details and a soft, ivory color palette, surrounded by delicate, scattered rose petals. +A ghost hunter stands in a dimly lit, eerie room, their EMF meter displaying "Paranormal Activity" as ghostly apparitions swirl around them, creating a tense and mysterious atmosphere. +Retro diner interior, neon sign glowing "Pie of the Day" above the counter, vintage decor, warm lighting, checkered floors, classic 1950s atmosphere. +A high-resolution photograph of a DJ turntable, featuring a vibrant, colorful sticker on its side that reads "Spin It to Win It", set against a dark, minimalist background. +A close-up of a running shoe with the tongue tag prominently displaying "Air Cushion", set against a blurred background of a gym, highlighting the shoe's modern and sporty design. +A smartphone screen displays a lock screen notification reading "1 New Match Your Ex", set against a blurred background of a cozy bedroom at dusk, with soft, ambient lighting enhancing the mood. +A yawning barista in a cozy café, wearing a T-shirt with the slogan "Coffee First", stands behind a counter cluttered with coffee-making tools, a warm morning light streaming through the window. +A police car parked on a rainy city street at night, its blue and red lights reflecting off wet pavement. The car door is open, revealing the emblem "To Protect" in bold lettering, illuminated by the car's internal light. +A cozy living room scene with a coffee mug printed "World's Best Dad" sitting on a wooden table, next to a open book and a pair of reading glasses, bathed in warm afternoon sunlight. +A realistic construction site scene with a bright yellow barrier prominently displaying the sign "Hard Hat Zone". Workers in high-visibility vests and hard hats are seen in the background, emphasizing the safety protocols in place. +A close-up of a toolbox sticker labeled "Bobs Tools", showing a weathered, slightly peeling sticker on a metallic surface, with a few scratches and tool marks around it. The scene is lit by a soft, overhead light, emphasizing the texture and age of the sticker. +A dark, dimly lit office with a cluttered desk at the center. On the desk, a thick, leather-bound file marked "Top Secret" is partially open, revealing mysterious documents and photos. A vintage lamp casts a warm, yellow glow, highlighting the detective's thoughtful expression as they study the file. +A cozy bakery interior with a wooden counter displaying a beautifully crafted pie box labeled "Apple Pie Fresh", surrounded by an assortment of freshly baked pies and pastries, with warm, golden lighting enhancing the inviting atmosphere. +An underwater scene with a diver holding a slate board scribbled with "Shipwreck Ahead" near a sunken ship, surrounded by schools of fish and illuminated by dappled sunlight penetrating the water. +A beautifully designed wedding invitation card with elegant calligraphy, featuring the names "John & Jane Forever" in a classic, romantic style, set against a background of blooming roses and golden accents. +A marble sculpture base intricately engraved with "Eternal Dance" in flowing italic script, set in a serene garden surrounded by lush greenery and blooming flowers, capturing the essence of timeless elegance and artistry. +A close-up of a pet collar tag, engraved with "Max 5550192", lying on a rustic wooden table, with soft sunlight filtering through a window, creating a warm and nostalgic atmosphere. +A close-up of a "Priority Mail" sticker on an express delivery package, with the sticker slightly wrinkled and the package showing signs of travel wear, set against a blurred background to emphasize the sticker's details. +A digital parking meter with a red screen, prominently displaying "Time Expired" in bold, flashing red letters, set against a dimly lit urban street at dusk. +A neon "Open 247" sign glows vibrantly above a bustling convenience store, casting a colorful glow on the sidewalk and reflecting off the wet pavement in a busy urban night scene. +A bustling construction site with a prominent sign stating "Hard Hats Required", surrounded by workers in bright safety vests and hard hats, with cranes and scaffolding in the background. +A movie poster with the text "For Heaven's Sake" prominently displayed, featuring a dramatic sky with clouds parting to reveal a glimpse of heaven, set against a backdrop of a bustling city at dusk. +A sleek, modern digital alarm clock on a bedside table, displaying "Wake Up" in bright, glowing red digits against a dark background, with a soft, ambient light illuminating the room. +A realistic photograph of a car dashboard with the warning light "Check Engine Soon" illuminated, set against the dim interior of a vehicle, capturing the subtle glow of the dashboard lights. +A realistic urban scene featuring a "Under Construction" barrier surrounding a sidewalk renovation site, with construction workers in hi-vis vests, equipment, and partially demolished pavement, set against a busy city backdrop. +A "Do Not Disturb" placard hangs delicately on the doorknob of a modern hotel room, the wood grain of the door contrasting with the sleek, minimalist design of the sign. Soft morning light filters through the curtains, casting a gentle glow on the scene. +Vintage movie theater with a grand marquee displaying "Gone With The Wind" in flickering bulbs, set against a nostalgic backdrop of an old city street at dusk, capturing the essence of a bygone era. +A vintage ice cream truck parked on a sunny street, with its side menu prominently displaying "Soft Serve" in bold, colorful letters, surrounded by playful illustrations of ice cream cones and happy faces. +A vinyl record sleeve with a minimalist design, featuring the album title "Echoes of Silence" in elegant, handwritten font against a backdrop of subtle, abstract sound waves, evoking a sense of quiet contemplation and serene stillness. +A cozy bookstore interior with a wooden shelf featuring a small, hand-lettered tag that reads "Staff Picks", surrounded by a variety of colorful books and a warm, inviting atmosphere. +A vintage suitcase tag, intricately designed with a retro pattern, features the text "Adventure Awaits" in elegant gold foil, attached to a well-worn leather suitcase with a brass lock, set against a blurred background of a bustling 1950s train station. +A wizard stands in a dimly lit ancient library, holding a spell scroll that glows intensely with the "Lumos Maxima" incantation, casting a radiant light that illuminates the dusty, mystical surroundings. +Retro diner interior with a classic jukebox prominently displaying "Play Track 13", vintage neon signs, and a checkerboard floor, capturing the nostalgic ambiance of the 1950s. +A vast desert canyon, its walls towering and ancient, carved with mysterious symbols that spell "No Return" in a weathered, mystical script. The golden sand stretches endlessly under a clear blue sky, emphasizing the eerie solitude and timeless warning of the canyon. +A futuristic sci-fi prison cell door, heavily fortified with advanced security features, prominently stamped with the text "Maximum Security Zone" in bold, glowing red letters. The door is partially open, revealing a dimly lit, high-tech interior. +A sunny beach scene with a vibrant beach towel spread out on the sand, prominently displaying the phrase "Life's a Beach" in bold, playful letters. The towel is partially shaded by a nearby palm tree, with the turquoise ocean and sky forming a serene backdrop. +A serene landscape at sunset, where the sky is painted with gradients of orange and purple. In the foreground, a digital canvas displays the first painting by a sentient AI, titled "Binary Sunset Emotions", featuring abstract shapes and lines that evoke a blend of warmth and melancholy. +A sleek, futuristic sci-fi spaceship with a metallic hull labeled "Galaxy Explorer 3000" floats in the vastness of space, its engines glowing softly with a blue luminescence. +A realistic photograph of a boxing gym with a vibrant wall mural that reads "No Pain No Gain", surrounded by gym equipment and boxing gloves hanging from the walls. +A vibrant beachside scene with a cocktail menu titled "Tropical Sunset Drink" displayed on a wooden stand, surrounded by colorful beach umbrellas and lounging chairs, with the golden sunset casting a warm glow over the tranquil ocean. +The Taj Mahal, intricately detailed, stands at the center of a gold leaf mandala. Radiant gold patterns spiral outward, framing the majestic structure. At the bottom, the words "Place of Honor" are elegantly inscribed, adding a touch of reverence to the scene. +A lighthouse stands tall on a rocky cliff, its powerful beacon casting the words "Safe Harbor" onto the rolling waves below, illuminating the dark, stormy night and guiding weary sailors to shelter. +A futuristic tech startup logo styled "Code Nexus 2030", featuring interconnected circuits and glowing neon elements, set against a dark, sleek background. +A baker in a cozy kitchen, holding a steaming loaf of bread with an oven mitt labeled "Hot Stuff" on their hand, surrounded by baking tools and ingredients. +A steaming coffee cup with a sleeve printed in bold letters, "Caution Hot Magic", set on a wooden table, surrounded by a sprinkle of magical sparks, capturing the essence of a cozy, enchanted café scene. +A well-lit jewelry store display case, elegantly showcasing an array of sparkling engagement rings, each set in a luxurious setting. The glass is pristine, and a soft, warm light highlights the intricate details of the rings, with a sign clearly visible that reads "Engagement Rings". +A close-up of a gas pump sticker reading "Premium Unleaded" on a modern fuel dispenser, with a glossy finish and subtle reflections, set against a blurred background of a busy gas station. +A bustling farmer's market scene with a wooden stand sign prominently painted with "Organic Produce Here", surrounded by vibrant, fresh fruits and vegetables, under a sunny sky. +A vintage circus tent banner, weathered and slightly torn, proudly declaring "See the Two-Headed Llama" in bold, circus font, against a backdrop of a bustling carnival at dusk. +A gritty urban scene featuring a train car with vibrant graffiti that reads "Rebel Without a Cause", set against a backdrop of a bustling city skyline, capturing the rebellious spirit of the message. +A vibrant movie poster featuring the tagline "The Adventure Begins" in bold, eye-catching typography. A rugged explorer stands at the edge of a cliff, looking out over a misty, uncharted valley, with a map and compass in hand, ready to embark on an epic journey. +A towering skyscraper under construction, with a massive steel beam marked "Floor 50" being hoisted into place by a crane, surrounded by scaffolding and workers in high-visibility vests. +A high school football player wearing a jersey with the name "Tiger 99" sprinting across a sunlit field, the grass slightly worn and the crowd in the background cheering enthusiastically. +A modern office setting with a whiteboard prominently displayed. The whiteboard agenda item "Brainstorm Session" is written in bold, colorful markers. Team members gather around, holding notepads and pens, with a vibrant, collaborative atmosphere. +An antique globe with the phrase "New World Discovered" near the Americas, placed on a vintage wooden desk, illuminated by warm, ambient light, surrounded by old maps and navigational instruments. +An art gallery featuring a minimalist, modern exhibit with a sleek, black plaque titled "Untitled This Isnt Art" placed prominently on a white wall, surrounded by a sparse arrangement of abstract paintings. +A realistic photograph of a gym locker room, with a metal sign prominently displaying "Shower Area" hanging above a row of lockers, the tiles reflecting a slight sheen from the recent cleaning. +A vibrant poster design featuring the title text "Inferno" in bold, fiery red letters, set against a backdrop of swirling flames and dark, smoky shadows, with sparks and embers floating upwards, creating a sense of intense heat and urgency. +An astronaut in a detailed spacesuit, holding a checklist that clearly shows the last item as "Check Oxygen Levels", standing against the backdrop of a star-filled space, with the Earth visible in the distance. +A close-up of a sleek hotel key card sleeve, prominently displaying "Room 305 Welcome" in elegant font, set against a minimalist background with subtle textures. +A realistic photograph of a modern laptop with a vibrant sticker on its lid, boldly declaring "Code All Day Sleep All Night", set on a minimalist desk with a clean background. +A modern digital car dashboard with a prominent alert displaying "Check Engine Soon", set against the dim interior lighting of a vehicle at dusk, capturing the urgency and technology of the moment. +A museum exhibit featuring a detailed fossil of a dinosaur from the Jurassic Period, with a clear sign displaying the caption "Jurassic Period 145MYA" in a modern, sleek font, under warm, ambient lighting that highlights the texture of the fossil and the surrounding glass case. +A barista skillfully creates intricate coffee art, the steaming latte featuring a beautifully crafted "Good Morning" message, set against the cozy, warm lighting of a bustling café. +A gym with modern equipment, featuring a large mirror adorned with a reflective decal that reads "Wipe Equipment After Use" in bold, silver lettering, capturing the ambient light and creating a sleek, professional atmosphere. +A close-up of a vintage library book stamp, prominently marking "Return By Date" in bold, red ink on a worn, yellowed page. The background shows the texture of old paper and the subtle shadow of a bookmarks corner. +Aerial view of Toronto with the CN Tower dominating the center of the frame. The scene is vibrant, capturing the city’s skyline with detailed buildings and green spaces. Overlayed in a cartoon style, the text "Giant Tower" points to the towering structure. +A realistic Halloween night scene with a wooden sign stating "Beware of Haunted House", hung with spider webs and glowing eyes in the dark, surrounded by fog and eerie pumpkins. +"Monarch Migration Path": A vibrant butterfly exhibit showcasing the majestic journey of monarch butterflies. Hundreds of orange and black wings flutter against a backdrop of lush, green foliage and blooming milkweed, capturing the essence of their annual migration. +A high school basketball player stands proudly on the court, wearing a jersey printed "Team MVP 2024". The gymnasium is filled with cheering fans, and the player holds a basketball, smiling confidently. The scene captures the excitement of a recent victory. +A person wearing a fitness tracker receives a notification that reads "Move Your Body" while sitting at a desk, surrounded by a cluttered workspace with a computer and scattered papers. The scene is set in a modern office with natural light streaming in from a nearby window. +A realistic photograph of a highway toll booth at dusk, with a prominent sign stating "Exact Change Only" illuminated by the setting sun, vehicles lined up, and the booth operator visible through the window. +A close-up of a delicate, antique jar filled with shimmering, golden fairy dust, labeled "Sprinkle for Flight" in elegant, flowing script, set against a mystical forest backdrop. +A broken robot with a cracked chest screen, displaying "ERROR Empathy Module Missing", standing in a dimly lit, futuristic alley. The robot's metal frame is rusted and worn, with wires protruding from its joints. +A modern hair salon interior featuring a large mirror with a stylish decal that reads "New Style New You", surrounded by sleek hair styling tools and comfortable salon chairs. The scene is brightly lit, emphasizing the mirror and the inviting atmosphere of the salon. +A vibrant urban scene featuring a graffiti wall spray-painted with the bold words "Revolution Now" in dynamic, colorful letters, surrounded by a gritty cityscape with shadows of passersby and the distant glow of streetlights. +A skydiver in mid-air, free-falling with a parachute not yet deployed, their arm prominently displaying a bold tattoo that reads "Pull Now", against a backdrop of a clear blue sky and fluffy white clouds. +A close-up of a coffee shop loyalty card, partially filled with stamps, the final stamp reading "Free Drink Earned" in bold, vibrant colors, set against a warm, wooden table background with a steaming cup of coffee nearby. +A rugged leather wristband, intricately engraved with "Forever Adventurous", worn by a young traveler standing at the edge of a cliff, overlooking a vast, misty forest at sunrise, capturing the essence of endless exploration and freedom. +A mysterious secret cave with ancient wall carvings, intricately detailed and partially illuminated by dim torchlight. The carvings clearly depict the warning "Turn Back Now Intruders" in an eerie, foreboding atmosphere. +A realistic photograph of a coffee cup with a sleeve printed in bold letters, "Handle With Care", placed on a wooden table, surrounded by morning light filtering through a window. +A close-up of an old library book with a vintage stamp marked "Due Date 11152024", surrounded by worn pages and the scent of aged paper, capturing the timeless essence of a well-loved book. +A close-up of a modern, sleek pizza delivery box with a bold print saying "Hot & Fresh Guaranteed" on a vibrant, red background, emphasizing the freshness and quality of the pizza inside. +A realistic photograph of a modern smartphone screen with a notification popup in the center, clearly displaying the text "New Message Received", set against a blurred background to emphasize the notification. +A vibrant amusement park entrance featuring a grand archway adorned with colorful lights and playful decorations, prominently displaying the sign "Funland Adventures" in bold, inviting letters, set against a lively, bustling background of excited visitors. +A close-up shot of a beverage bottle with a clear "No Straws" warning label, set against a minimalistic white background, emphasizing the eco-friendly message. +A mountain trail winds through a dense forest, leading to a wooden marker carved with "Summit 2 Miles". The sign is weathered but legible, set against a backdrop of towering trees and a distant, misty peak. +A cluttered detective's desk with a leather-bound case file prominently displayed, its cover stamped with a large, red "Closed - Too Weird". The room is dimly lit, with a single desk lamp casting shadows, enhancing the mysterious atmosphere. +A realistic photograph of a car dashboard with a prominent alert light flashing "Low Tire Pressure" in the center, surrounded by other gauges and controls, set against a dark interior. +A bustling city street with a quaint restaurant featuring a sandwich board outside, prominently displaying the message "Try Our New Reuben", surrounded by passersby and the aroma of fresh bread. +A close-up of an artist's paint palette, rich with vibrant colors, labeled "Color My World" in elegant cursive, surrounded by a variety of brushes and a half-finished canvas in the background, capturing the essence of creativity and inspiration. +A weathered treasure map with a detailed corner annotated "X Marks the Spot", partially obscured by the folds and wear of the paper, suggesting a long journey and many hands it has passed through. +A smartphone screen displaying a digital weather app notification "Storm Alert Today", set against a backdrop of dark, stormy skies with lightning in the distance, emphasizing the urgency of the alert. +A modern office desk with a sleek laptop open, its screen displaying the message "Software Update Required" in clear, bold text. The desk is cluttered with a coffee cup, notebook, and pen, with a window showing a cityscape in the background. +A surfer stands on a vibrant beach, his board prominently displayed with "Ride the Wave" scrawled in wax, capturing the essence of ocean adventure and free spirit. +A realistic photograph of a fire extinguisher label with a bold warning that reads "Break Glass Emergency", set against a slightly blurred office background, emphasizing the red and white colors of the label for high visibility. +A classroom poster featuring vibrant illustrations of various objects, each engaging in actions suggested by their names, emphasizing the theme "Verb Your Nouns". Bright, colorful, and educational, with text clearly visible. +A baker in a cozy, sunlit kitchen, wearing an apron embroidered with "Knead to Bake" in flour-dusted thread, surrounded by freshly baked bread and pastries. The scene captures the warmth and charm of a traditional bakery. +A superhero stands proudly, their cape billowing in the wind. The cape is adorned with intricate embroidery that reads "Caped Crusader Since Noon", capturing the moment just after their transformation into a legendary figure. The scene is set at sunset, with a city skyline in the background. +A street musician in a bustling city square, surrounded by colorful market stalls, holds an acoustic guitar. His guitar case lies open, a sign reading "Tips Buy Ramen Dreams" placed prominently on top, attracting curious passersby and a few coins. +A vast desert landscape featuring a unique rock formation that naturally spells out "LOVE 4EVER", with the sun setting behind, casting a warm, golden glow over the rugged terrain. +A parrot perched on the mast of a weathered pirate ship, wearing a small pirate hat with the text "northern" clearly visible. The parrot is looking out to the vast, stormy sea, adding a sense of adventure and mystery to the scene. +A dark, eerie gate of a haunted mansion, intricately wrought with the phrase "Abandon All WiFi", set against a moonlit night, overgrown with twisted vines and surrounded by fog. +A realistic photograph of a mountain trail, featuring a wooden marker post carved with "Summit 1 Hour" amidst a scenic backdrop of rugged terrain and lush vegetation. +A realistic classroom scene with students quietly working at their desks, a prominent clock on the wall displaying "Test Time 60 Minutes", and sunlight streaming through windows, casting soft shadows. +A close-up of a concert ticket stub with a clear "No Refunds" disclaimer, set against a backdrop of crumpled paper and a faint glow from a nearby lamp, capturing the essence of a post-concert atmosphere. +A pirate’s rugged arm prominently displays a detailed anchor tattoo, with the phrase "No Regrets" inscribed below it in bold, weathered script. The tattoo’s black ink is crisp against sun-tanned skin, capturing the essence of a life lived fearlessly on the high seas. +A movie set with a director holding a clapperboard marked "Scene 7 Take 3", surrounded by crew members and equipment, under the soft glow of studio lights. +A close-up of a whimsical, oversized Mad Hatter's hat with a tag dangling from it, clearly displaying the words "Drink Me" in an antique, cursive font. The hat is adorned with vibrant, colorful decorations, set against a soft, blurred background. +A eerie, mist-covered entrance to a dilapidated haunted house, with a worn welcome mat that reads "Abandon Hope All Ye Who Enter", under a dim, moonlit sky. The door creaks open, revealing shadows that dance within. +An astronaut stands proudly beside a moon base, planting a flag that reads "First Human Neil Second You", under the vast, star-filled lunar sky, with the Earth visible in the distance. +A realistic photograph of a fire station interior, featuring a shiny red fire pole with a clear warning sign that reads "Emergency Use Only" mounted above it, surrounded by the functional and professional environment of the station. +A polar bear stands on a melting ice floe, a sign reading "Meltdown in Progress" prominently displayed. The icy landscape is stark, with water lapping at the edges of the diminishing floe, emphasizing the urgent message. +A wizard's enchanted broomstick, with a custom license plate reading "HOCUS3", hovers above a misty forest at twilight, casting a soft glow around its intricate wooden frame and shimmering magical runes. +A sleek, modern thermos with the slogan "link" boldly written across its side, placed on a wooden table with a cup of steaming coffee next to it, capturing a cozy, everyday scene. +In a modern, sleek elevator, a sign reading "barilga" is prominently displayed on the wall, illuminated by soft, ambient lighting. The elevator doors are partially open, revealing a glimpse of a bustling office lobby. +A vibrant stage setup featuring a rock band's drum set, with "The Beat Goes On" boldly painted on the bass drum, surrounded by microphones and guitar stands, under the glow of colorful stage lights. +A realistic photograph of an airport departure board, prominently displaying "Gate B17 DELAYED" with a slightly anxious crowd in the foreground, capturing the essence of travel disruptions. +A bustling city street at dusk, with a storefront illuminated by warm lights, displaying "Deep Learning" in elegant, glowing letters. Pedestrians pass by, some pausing to look at the intriguing sign, while the reflections of streetlights dance on the shop windows. +A laboratory rat stands at the entrance of a maze, with a prominent sign overhead reading "Shortcut to Retirement". The setting is a clean, modern lab with white walls and fluorescent lighting, emphasizing the surreal juxtaposition of the maze and the whimsical sign. +A close-up of a car bumper sticker that reads "Honk If You Love Cats", with a playful cat silhouette in the background, set against a sunny, suburban street scene. +A realistic photo of a dimly lit prison cell with a small window. Through the window, a vast ocean stretches to the horizon. The word "freedom" is painted in bold letters on the glass, reflecting the inmate's longing. +A realistic urban street scene with a parking meter displaying "Expired Ticket Issued" on its screen, surrounded by parked cars and a busy sidewalk. The lighting is natural, mid-afternoon, with shadows cast by the cars and buildings. +A neon-lit unicorn stands proudly next to an Uber sign, reading "Rides to Rainbow Ends 5 Stars", under a starlit sky, with a modern cityscape in the background, blending fantasy and reality in a vibrant, colorful scene. +An ancient wizard's spellbook lies open, revealing a page titled "Invisibility Incantation" in glowing runes. The room is dimly lit, casting shadows that dance around the mystical text. +A realistic weather map TV overlay with dynamic cloud patterns and lightning, prominently displaying "Storm Warning Active" in bold, red text at the bottom, with a meteorologist gesturing towards the approaching storm system. +A bustling Times Square at night, illuminated by a massive digital billboard flashing the vibrant, neon-lit words "New York Forever" amidst a crowd of amazed onlookers. +A TV show poster featuring the title text "Mausoleum" in bold, gothic lettering, set against a backdrop of an ancient, eerie mausoleum at dusk, surrounded by mist and tall, shadowy trees. +A weathered sailor's arm, adorned with a nautical-themed tattoo that prominently features the word "Wanderlust" in elegant script, surrounded by waves and a compass rose. +A retro sci-fi comic cover featuring bold, vibrant colors and dynamic action, with the headline "Attack of the Moon Spiders". Giant, menacing spiders with iridescent exoskeletons invade a lunar landscape, while futuristic heroes in sleek space suits battle to defend a domed colony. +A close-up of a digital thermometer with a red LED display showing "Critical Overheat", set against a dark, technical background, emphasizing the urgency and warning of the message. +A nostalgic scene featuring an old vintage radio with a prominently displayed dial that reads "Tune to 987 FM", set against a warm, dimly lit room with wooden furniture and a checkered rug, capturing the essence of a bygone era. +An astronaut floats in space, their helmet visor prominently displaying the warning "O₂ LEVELS CRITICAL", against the backdrop of a distant, glowing Earth. The visor reflects the anxious expression on the astronaut's face, adding tension to the scene. +A realistic photograph of a space station airlock with a prominent warning sign that reads "Equalize Pressure First", set against the backdrop of a distant Earth, with astronauts in the background preparing for a spacewalk. +A bustling night scene in Times Square, with a towering digital billboard flashing the vibrant message "New York Rocks" amidst a sea of neon lights and excited crowds. +A science lab with a whiteboard covered in equations and diagrams, prominently featuring "Quantum Toast Theory" in bold red marker, surrounded by scattered lab equipment and notebooks. +A vibrant music festival scene with a crowd enjoying the live performance. Focus on a wristband prominently displayed, printed with "VIP Access All Areas", reflecting the exclusive access and excitement of the event. +A "Give up your seat" reminder sign is prominently displayed on a bus seat, surrounded by passengers in a bustling, modern city during rush hour. The scene captures the daily hustle and bustle, with the sign standing out clearly against the backdrop of diverse commuters. +A rustic wooden garden plant marker engraved with "Heirloom Tomatoes 2024" stands among vibrant, lush tomato plants, their ripe fruits glistening in the warm sunlight. The scene captures the essence of a thriving summer garden. +A bustling city street at dusk, featuring a large billboard prominently displaying the word "red" in bold, vibrant letters. The scene is realistically lit, with the billboard's lights casting a warm glow on the surrounding urban environment. +A realistic photograph of a judge's gavel plaque inscribed with "Courtroom 5B" on a wooden desk, surrounded by legal documents and a solemn, dimly lit courtroom background. +A bustling city street with a vibrant street vendor cart prominently displaying "Hot Dogs 3 Dollars" in bright, eye-catching letters. The cart is surrounded by pedestrians, some waiting in line, others walking past, capturing the lively urban atmosphere. +A cozy medieval tavern interior with a rustic wooden sign hanging above the bar, clearly displaying the menu: "Dragon Wings 3 Copper". Patrons in medieval attire chat over steaming mugs, while the fire crackles in the background. +A close-up of a weathered, secret diary page with "I Ate the Evidence" scribbled in urgent, messy handwriting, surrounded by faded ink stains and creased edges, capturing the intensity and secrecy of the moment. +A realistic photograph of a highway exit sign, prominently displaying "To Alternate Reality 12 Mile", set against a backdrop of a surreal, otherworldly landscape with vibrant colors and ethereal lighting. +A realistic photograph of a red emergency button labeled "Break Glass" prominently displayed on a wall inside a modern fire station, surrounded by safety equipment and illuminated by overhead lights. +A sleek, modern electric car dashboard with a prominent "Charge Required" message displayed on the central screen, set against a dimly lit interior with subtle blue ambient lighting. +A vibrant mural on a library wall shows books with wings, soaring through a sky filled with swirling clouds and gentle winds, with the phrase "Read the Winds" prominently displayed in elegant script. +A vintage surf shop wall clock, prominently displaying "High Tide at 342", hangs on a weathered wooden wall, surrounded by beach memorabilia and surfboards, with sunlight streaming through a nearby window, casting a warm glow over the scene. +A vibrant graffiti mural declaring "Unity in Diversity" adorns the walls of a bustling city underpass, surrounded by diverse urban elements and lively street scenes, capturing the essence of community and cultural blend. +A yoga mat with the playful pattern reading "Breathe In Tacos" lies on a serene beach at sunset, with soft sand and gentle waves in the background. The vibrant colors of the mat contrast with the calming blues and oranges of the ocean and sky. +A realistic tattoo of a snake intricately coiled around the word "Vengeance", with the snake's scales detailed and the text in a bold, Gothic font, set against a slightly weathered skin texture. +A dimly lit, eerie entrance to a haunted house, with an old, creaky wooden doorway. A faded sign above the door reads "Abandon Hope All Ye Who Enter", illuminated by the faint glow of a nearby lantern. The scene is shrouded in mist, enhancing the ominous atmosphere. +A weathered tombstone in an overgrown, misty cemetery, the inscription "Rest in Pieces" barely legible due to years of erosion and moss, surrounded by tall grass and ancient trees. +A close-up of a movie clapperboard displaying "Scene 24 Take 3" on a sunlit film set, with the clapstick just about to snap shut, capturing the moment right before the action begins. +A vintage gas station map sign, weathered and slightly rusted, stands by the roadside. It prominently displays "Narnia Next Rest Stop" in bold, nostalgic fonts, with a faded compass rose and old-world map illustrations in the background. +A vibrant website banner with neon-style blinking text "Sale Ends Tonight" set against a dynamic, gradient background, capturing the urgency and excitement of a limited-time offer. +A realistic photograph of a coffee cup with a sleeve printed with "Caution Hot", set on a wooden table with a light, warm ambient glow. +A close-up of a leather bookmark with "Chapter Marks" embossed in elegant gold foil, resting on the page of an antique book, capturing the intricate details of the craftsmanship and the subtle shine of the gold. +A detailed close-up of a fire truck's ladder plate, prominently displaying the text "Maximum Reach 100ft", with a realistic texture and a slight weathered look, set against a blurred background of a modern cityscape. +A gym locker room with a fogged mirror, the condensation forming the words "You Look Great" in clear, readable letters, surrounded by steam and fitness equipment. +In a vast museum hall, dinosaur skeletons tower over visitors. At the base of a colossal sauropod, a small, humorous plaque reads "Not for Riding", adding a whimsical touch to the prehistoric display. +A detective's notepad lies on a wooden desk, the page turned to a scribbled note that reads "Prime Suspect Butler". A pen rests nearby, partially obscuring the words. The scene is lit by the warm glow of a desk lamp, casting soft shadows. +A bustling airport terminal at night, with a large glowing display board prominently showing "Flight 808 Canceled" in bright red letters, surrounded by frustrated passengers and airport staff. +A protestor holds a sign demanding "Equal Pay Now" in a crowded city square, surrounded by other demonstrators waving placards and chanting slogans, under a clear blue sky. +A serene botanical garden with a clear, wooden sign that reads "Do Not Pick Flowers" standing amidst vibrant, colorful blooms and lush greenery. +A vibrant candy wrapper design featuring the bold text "Eat More Worms" in neon green, set against a dark purple background with whimsical, wriggling worm illustrations. The design is eye-catching and slightly mischievous, perfect for a quirky, humorous candy brand. +A quaint lemonade stand with a hand-painted sign that reads "50 Cents", set against a sunny backdrop with a few clouds, and a small table covered in a checkered cloth, featuring a pitcher of lemonade and glasses. +A spy in a sleek, dark trench coat stands under a dim streetlight, holding a briefcase with a combination lock set to "007007". The lock glistens under the faint light, adding a touch of mystery to the scene. +A vibrant street corner features a large mural with a bold, colorful signature reading "Urban Painter", painted by a local artist. The scene is bustling with urban life, including pedestrians and cyclists, enhancing the dynamic feel of the artwork. +A vibrant online ad banner featuring bold, eye-catching graphics with the callout "Limited Time Offer" prominently displayed in the center, surrounded by colorful product images and a countdown timer, set against a dynamic, gradient background. +A realistic photograph of a farmer's field with a scarecrow holding a wooden sign that reads "Crows Welcome", set against a cloudy sky, emphasizing the ironic nature of the welcome sign. +A majestic mountain peak with a signpost reading "Elevation 10000 ft" stands against a clear blue sky, surrounded by rugged cliffs and a scattering of resilient alpine plants. +A high-definition photograph of a laboratory flask on a white background, with a clear label marked "Volatile Substance X3" adhered to its side, reflecting a sterile and professional scientific environment. +A bustling subway station with modern tilework prominently displaying the words "Mind Gap" in a sleek, bold font, surrounded by the dynamic flow of commuters and the glow of overhead lights. +A weathered gravestone partially covered in lush, green ivy, with the epitaph clearly reading "Told You I Was Sick" in bold, engraved letters. The scene is set in a serene, overgrown cemetery during a misty morning. +A serene fishing dock at sunset with a clear sign reading "Catch and Release Only" posted on a wooden post. Fishermen with rods are seen in the background, respecting the conservation effort. The water reflects the warm, golden hues of the evening sky. +A high-quality T-shirt design featuring the phrase "Code All Day" in bold, modern letters, set against a minimalist background with a subtle tech pattern. +A vibrant electronics store poster featuring a large, eye-catching headline "4K TVs On Sale" with a variety of sleek 4K TVs displayed below, each showing vibrant, high-definition images. Bright, modern lighting highlights the products, creating a dynamic and inviting atmosphere. +A majestic dragon rests upon a vast treasure hoard, surrounded by ancient coins stamped with "100 Years of Greed" in intricate elvish script, the gleaming gold reflecting the soft light of mystical crystals. +A sleek, futuristic spy gadget with a glowing screen displaying "Access Code Accepted" in neon green, set against a dimly lit, high-tech laboratory. The device is partially illuminated by the screen's light, highlighting its intricate design and advanced features. +A close-up of a bakery window, featuring a stylish sticker that reads "Gluten Free Options Available", with fresh, gluten-free pastries displayed behind the glass, bathed in warm, natural sunlight. +A science lab setting with a flask prominently displayed, labeled with a "Hazardous Material" warning tag, surrounded by safety equipment and scientific instruments, under the glow of fluorescent lighting. +A pumpkin adorned with a beard, a monocle, and a top hat, with a speech bubble saying "benazir" floating above its head, set against a whimsical autumn background. +A close-up of a pet collar tag, engraved with "Call 555 1234", lying on a rustic wooden table. The tag is slightly worn, with a warm, golden glow, and the background is softly blurred to emphasize the tag's detail. +A well-lit bookstore shelf prominently displaying the "Bestsellers March 2024" category, featuring a variety of colorful book covers and informative labels, with a few customers browsing and a cozy reading nook in the background. +A bustling farmer's market scene with a wooden crate prominently displaying the stenciled text "Organic Lies 5lb", surrounded by vibrant, fresh produce and bustling shoppers. +A cozy campsite at dusk, featuring a campfire with a marshmallow roasting kit labeled "Smore Supplies" placed neatly beside it. The kit includes skewers, marshmallows, and chocolate bars, surrounded by a circle of stones and a few logs, with a forest backdrop. +A modern hotel lobby with sleek, minimalist decor. A large, polished directory sign prominently displays "Conference Room B" among other room options. The scene is bathed in soft, ambient lighting, creating a welcoming and professional atmosphere. +A close-up of a fridge door featuring a handwritten note stuck on it with a magnet, the note reads "Buy Bread and Butter" in a casual, slightly messy handwriting. The fridge has a few other magnets and a slight reflection of kitchen lighting. +A vibrant birthday balloon, emblazoned with "Congrats Grad", floats near the ceiling in a bustling party supply store, surrounded by colorful streamers and festive decorations, capturing the essence of celebration and achievement. +A winding hiking trail through a dense forest, with a wooden marker post carved with "Summit 2 Miles" pointing the way ahead, surrounded by lush greenery and dappled sunlight. +A realistic photograph of a pharmacy window with a sleek, modern decal that reads "24 Hour Prescriptions", reflecting the professionalism and convenience of the service, with soft lighting and a clean, organized background. +A cinematic TV show poster featuring the title "Hold the Dark" in bold, stark letters, set against a backdrop of a moonlit forest, with shadows of trees creating a mysterious and tense atmosphere. +A realistic photograph of a futuristic sci-fi lab coat badge, prominently displaying the text "Dr Smith Robotics Dept", set against a sleek, high-tech laboratory background. +"Endangered Species Area" info board in a zoo exhibit, featuring detailed illustrations of various endangered animals, surrounded by lush, naturalistic foliage and educational text highlighting conservation efforts and facts about the species. +A high-resolution image of the Hubble Space Telescope floating in space, with the sprawling Milky Way galaxy in the background. The text "monaut" is prominently displayed, illuminated by distant stars, adding a mysterious and solitary feel to the scene. +A realistic photograph of a highway exit sign, clearly displaying "Next Rest Area 5 Miles", set against a backdrop of a serene landscape with rolling hills and a clear blue sky. +A motivational poster in a modern gym, prominently displaying the text "Push Your Limits" in bold, vibrant letters. The poster features a determined athlete mid-exercise, with dynamic lighting and a high-contrast background to emphasize the message of pushing boundaries. +A detailed, realistic label on a vintage dragon fire extinguisher, prominently displaying the text "For Emergency Roasts Only" in bold, with intricate dragon motifs and a distressed, antique background. +A hot air balloon basket, labeled "Sky High Adventures", floats against a serene blue sky, with vibrant, colorful fabric billowing above. The basket is made of woven wicker, and adventurous travelers are seen smiling inside, surrounded by scenic mountains in the distance. +Retro diner with vintage decor, jukebox glowing softly in the corner, selection screen prominently displaying "Play 23", nostalgic atmosphere, warm lighting, checkered floors, and classic 50s-style booths. +A scientist stands in a lab, their lab coat embroidered with "Question Everything" near the pocket, surrounded by beakers and scientific instruments, with a thoughtful expression on their face. +A bustling urban scene at night with a digital billboard towering over the entrance of a modern mall, flashing the text "50% Off Everything" in bright, vibrant colors, attracting shoppers and casting dynamic reflections on the wet pavement. +A carnival scene featuring a vintage fortune teller machine with a card prominently displayed, reading "Beware of Talking Pets". The machine is surrounded by colorful lights and playful decorations, with a curious crowd gathered around, intrigued by the mysterious warning. +A medieval castle tapestry, richly detailed with gold and crimson threads, prominently displays the phrase "Here Be Dragons" in elegant script. The tapestry shows a majestic dragon soaring over a sprawling castle, with intricate borders of flora and fauna. +A squirrel perches on a tree branch, surrounded by a stash of acorns labeled with a small wooden sign that reads "Winter Snack Fund", set against a backdrop of autumn leaves. +A detailed, realistic photograph of a solar panel installation manual titled "Green Energy Setup Guide" lying on a wooden table, with sunlight streaming in from a nearby window, casting a warm glow on the open pages and highlighting the diagrams and text. +A vast desert landscape under a scorching sun, where a mirage illusion forms the words "Water Ahead" in the distance, shimmering and tantalizingly out of reach, with the barren sand stretching endlessly around. +A vintage arcade cabinet with a glowing screen displaying "Game Over 2024" amidst the nostalgic ambiance of a dimly lit game room, surrounded by classic arcade machines and retro game posters. +A vibrant graffiti artwork spray-painted on a weathered train car, prominently displaying the words "Ghost Town Crew" in bold, dynamic letters, set against a gritty urban backdrop. +A vintage "Madame Zeldas Predictions" psychic parlor sign, illuminated by soft, warm lights, set against a dimly lit, nostalgic street scene with a foggy atmosphere, evoking the mystique of a bygone era. +In a desolate, post-apocalyptic cityscape, a worn brick wall bears the eerie graffiti "They Come at Night", illuminated by the dim glow of a broken streetlamp, with remnants of a once-bustling street scattered around. +A close-up of a detective's notepad page, with neatly written notes and a specific phrase "Follow the WiFi" circled in red pen, under a dim desk lamp. +A roadside billboard stands tall, boldly advertising "Best Burgers in Town" with vibrant colors and an appetizing image of a juicy burger. The scene is set on a sunny day, with cars passing by on the asphalt road, and green trees lining the sides. +A close-up of a wine bottle elegantly displaying "Napa Valley Reserve 2019" on its label, set against a soft, blurred background of a vineyard at sunset, emphasizing the rich, deep colors of the bottle and the label. +A poster design featuring the title text "Kokkuri san" in bold, traditional Japanese calligraphy, set against a background of dark, swirling patterns that evoke a sense of mystery and the supernatural. +A neon-lit cafe window at night, featuring a vibrant "Robot Poetry Slam Tonight" sign. Robots of various designs gather, some with poetic scrolls, in a futuristic, urban setting. The scene is bustling with a blend of technology and artistic expression. +A serene campsite at dusk, with a crackling fire sending smoke tendrils skyward, visibly forming the words "Stay Wild" against the twilight sky, surrounded by a circle of stones and the soft glow of lanterns. +A vintage arcade with a claw machine prominently displaying a neon sign that reads "Not Rigged Maybe", surrounded by colorful game lights and retro posters. +A bustling wizard tournament arena, filled with spectators in medieval attire. At the center, a grand scoreboard prominently displays "Current Leader Gandalf" in glowing runes. Gandalf stands confidently nearby, his staff alight with magical energy, as other wizards prepare for their turns. +A bustling city street at dusk, with a vintage movie theater marquee brightly lit, announcing "Premiere Tonight 8PM" in dazzling lights, surrounded by excited moviegoers and a red carpet leading to the entrance. +A bustling street food scene with a vibrant food truck, its window boldly advertising "World's Best Tacos Here", surrounded by eager customers and the warm, golden glow of sunset. +A magician's hat with a tag reading "Abracadabra", placed on a wooden table, with a soft, ambient light casting a gentle shadow, creating a mystical atmosphere. +Studio shot of the word "BEE" intricately formed from bees, set against a pristine white background, encased in a frame also crafted from bees, creating a mesmerizing and detailed composition. +A close-up of a spacesuit arm patch, clearly displaying the text "Mars Colony Pioneer 2050", set against the worn, fabric texture of the suit, with subtle wear and tear marks, under the harsh, cold light of a Martian landscape. +A dimly lit dive bar bathroom with faded green walls, old tiles, and a vintage mirror. Graffiti scrawled on the wall reads "For Good Time Call 5550199" in a rough, hurried script. A single bare light bulb hangs overhead, casting shadows. +An antique typewriter with a sheet of paper inserted, on which "Chapter 1 The Mystery" is typed in faded ink, set against a rustic wooden desk with scattered quills and old books, bathed in the warm glow of a vintage desk lamp. +A vibrant concert poster for a rock band, featuring bold text that exclaims "Live Tonight Only" under a dramatic stage light, with band members in action, surrounded by a crowd of enthusiastic fans and swirling smoke. +A close-up of an ancient, worn parchment label on a glass vial, reading "Invisibility Shake Well", with intricate illustrations of stars and moons surrounding the text. +A detailed page from a pilot's flight manual, focusing on the "Emergency Procedures" section. The page is filled with technical illustrations and bullet points, highlighting key actions for handling in-flight emergencies. +A witch's cauldron bubbling over with a mystical brew, steam rising and forming the words "Soups Up" in the air, set in a dimly lit, ancient stone chamber. +A bustling car mechanic's garage with a vibrant sign reading "Oil Change Special 30" hanging above the entrance, illuminated by the warm afternoon sun, capturing the essence of a hardworking community. +A cute piggy, with a fluffy white body and pink cheeks, is cheerfully holding a hand-painted sign that says "notable" in bold letters. The piggy is standing in a sunlit meadow, surrounded by tall grass and wildflowers, with a serene sky above. +A wizard sits at an ancient, wooden desk, surrounded by mystical artifacts, holding a spell scroll titled "How to Turn Lead into Regrets". The dim, candlelit room is filled with swirling mist and glowing runes, enhancing the arcane atmosphere. +A vibrant street scene with a colorful food truck prominently displaying a neon sign that reads "Taco Tuesday All Week". People are queued up, eagerly waiting to order, while the aroma of fresh tacos fills the air. The truck is adorned with festive decorations and Mexican motifs. +A dimly lit prison cell with rough stone walls, featuring a carved inscription that reads "Mark Was Here 1947". The cell is empty, with a single ray of light casting a shadow over the inscription, emphasizing its age and significance. +An ancient alchemist's laboratory with a glass bottle labeled "Liquid Starlight" sitting on a wooden table, illuminated by a beam of sunlight. The bottle glows softly, casting a mystical aura. Shelves lined with various potions and scrolls in the background enhance the magical atmosphere. +A realistic photograph of a colorful Post-it note stuck on a sleek, modern fridge, with the note clearly displaying the handwritten message "Buy Milk" in bold, black letters. The fridge is in a bright, well-lit kitchen. +A child's colorful drawing of a rocket ship blasting off, titled "To the Moon", with crayon textures and a starry sky background. +A close-up of a school locker with a nameplate that reads "Property of Alex", set against a blurred hallway background with lockers and a few scattered books, capturing the essence of a typical school day. +A weathered pirate's wanted poster, tattered and pinned to a wooden board, offering "10000 Gold for Mischief". The poster is partially obscured by sea spray, with the ominous silhouette of a ship on the horizon and a seagull perched atop the board. +A detailed biology model display titled "Human Heart Anatomy", showcasing the intricate structure of the human heart with labeled parts, set against a clinical, white background. The model is illuminated to highlight its complex layers and vessels. +A coastal scene featuring a lighthouse with its door prominently displayed, painted with the words "Guiding Light", set against a backdrop of the sea and sky, capturing the essence of maritime navigation and safety. +A cozy magic wand shop with a vibrant display window, showcasing an array of wands and a large, eye-catching sign that reads "Abracadabra 50% Off". The scene is bustling with curious shoppers, and magical sparks gently float around the wands. +A close-up of a wizard's hat, intricately sewn with the tag "Wand Not Included", resting on a wooden table with a faint glow from a nearby candle. +A Renaissance painting featuring a detailed scroll with the text "The Taco Truck Arriveth" hanging from a classic wooden frame, surrounded by ornate, golden decorations and vibrant, period-appropriate colors. +A realistic photograph of a bus seat with a sticker that reads "Reserved for Elderly" in bold, contrasting colors, clearly visible against the seat's fabric. +A serene yoga studio with soft, ambient lighting, featuring a large, stylish wall decal that reads "Find Your Inner Sloth", surrounded by tranquil nature scenes and yoga mats neatly arranged on the floor. +A majestic medieval castle gate, intricately carved with the words "Knights Welcome" in ancient script, surrounded by lush greenery and stone walls, bathed in the warm glow of the setting sun, creating a welcoming and historic atmosphere. +A roadside billboard stands tall, advertising "Big Joe's Diner 5 Miles Ahead" with bold, retro typography. The scene is set during a sunny afternoon, with a classic American highway stretching into the distance, flanked by rolling hills and sparse trees. +A vibrant TV show poster featuring the title text "Step Up" in bold, dynamic letters, set against a backdrop of a bustling cityscape at dusk, with dancers performing on a rooftop, capturing the energy and spirit of urban dance culture. +An astronaut's glove, partially covered in lunar soil, with a distinct patch that reads "Moon Dust Allergy", set against the backdrop of a stark, gray lunar surface. +A classroom scene with a teacher placing a sticker that says "Great Job" on a student's paper, surrounded by cheerful classmates and educational posters on the walls. +An ancient, weathered scroll titled "Secrets Of Alchemy" lies unfurled on a rustic wooden table, illuminated by the soft glow of a nearby candle. The scroll's yellowed parchment is filled with intricate alchemical symbols and handwritten notes, hinting at forgotten knowledge. +A close-up of a sleek smartwatch screen, displaying the notification "Meeting at 3 PM" against a minimalist background, with subtle reflections and a modern interface. +A high school football player in a jersey with "Quarterback Number 12" on the back, standing on a sunlit field, the grass slightly worn from intense play, with teammates cheering in the background. +A vintage textbook page with a chapter heading "World War II", surrounded by detailed illustrations of historical figures and key events, such as soldiers, tanks, and iconic landmarks from the era, in a realistic photographic style. +A cozy kitchen scene featuring a baker in an apron embroidered with "Knead to Relax", rolling out dough with a serene expression, surrounded by baking utensils and fresh ingredients on a wooden table. +A realistic classroom scene with a detailed periodic table hanging on the wall, prominently featuring "H Hydrogen 1" in the top-left corner. Students are seated at desks, and a teacher stands at the front, pointing to the hydrogen element. +In a dimly lit cave, ancient prehistoric paintings depict a thrilling "Great Hunt", with detailed figures of hunters and animals, vibrant yet faded colors, and a sense of motion and drama, capturing the essence of early human life. +A roadside warning sign with "Steep Cliff Ahead" stands at the edge of a rugged, rocky cliff. The sign is weathered and slightly tilted, with a dramatic landscape of rolling hills and a clear blue sky in the background. +An ancient Egyptian pharaoh's tomb, dimly lit by torchlight, with intricate hieroglyphs on the stone walls translating to "Eternal Rest", casting eerie shadows across the chamber. +A beautifully designed anniversary card interior, featuring elegant gold foil text that reads "10 Years Strong" against a soft, blush pink background. Delicate floral patterns surround the text, adding a touch of romance and celebration to the scene. +A neon bakery sign flashing "Sweet Dreams" above the entrance, with a warm glow illuminating the sidewalk and a few people walking by on a quiet evening. +A highway rest stop with a blue sign reading "Clean Restrooms Ahead" stands out against a sunny sky, surrounded by lush green trees and a few parked cars. The scene is bright and inviting, emphasizing the cleanliness and convenience of the facility. +A close-up photograph of an antique wooden puzzle box with an intricately carved lid. The lid is open, revealing a glimpse of colorful puzzle pieces inside. A label on the side of the box reads "1000 Pieces Inside" in elegant script. +A detective in a trench coat holds a magnifying glass over a dusty desk, focusing on "Fingerprints Found" marked with a red tag, in a dimly lit, cluttered office. +A close-up of a pharmacy prescription label with the text "Take 2 Daily With Food" clearly visible, set against a blurred background of pill bottles and medical supplies. The label is pristine and the text is sharp and legible. +A close-up of a gardener’s seed packet titled "Rainbow Roses", featuring a vibrant illustration of multicolored roses with detailed botanical information and a backdrop of a lush, green garden. +A realistic photograph of a rustic bakery door with a handwritten note saying "Back in 5 Minutes" taped to it, surrounded by the warmth of wooden textures and the subtle glow of a cloudy afternoon. +A high-quality skateboard deck with a bold, vibrant print that reads "Skate or Die Trying" in dynamic, graffiti-style letters, set against a backdrop of a gritty urban landscape with a skate park in the distance. +A high-quality photograph of a surfboard with intricate bottom artwork featuring the design "Wave Rider Pro 2024", showcasing vibrant waves and dynamic lines in a modern, sleek style. The surfboard is positioned to highlight the detailed artwork, with a slight angle to capture its full beauty. +A realistic photograph of a parking lot entrance, prominently featuring a sign that clearly states "Reserved for VIPs Only", with sleek cars parked nearby and a modern urban backdrop. +A movie director holds a clapperboard marked "Scene 5 Take 2" on a bustling film set, surrounded by crew members and equipment, with the clapstick just about to snap shut, capturing the moment right before the action begins. +A gardener stands beside a large, open bag of potting soil labeled "Magic Growth Mix", surrounded by vibrant, flourishing plants in a sunny, well-kept garden. The scene captures the essence of growth and nurturing in a serene, natural setting. +A close-up of a pet collar tag, intricately engraved with the words "My Human is Lost", lying on a rustic wooden table, with soft, warm lighting highlighting the texture of the wood and the delicate engravings on the tag. +A realistic photograph of a zoo enclosure, with a clear sign in the foreground announcing "Feeding Time 3 PM", surrounded by excited animals and a crowd of visitors eagerly waiting to watch the feeding. +A detailed, realistic photograph of an ancient dragon's treasure chest, intricately engraved with the phrase "No Coin Left Behind" in elegant, flowing script. The chest is surrounded by a pile of shimmering gold coins and precious gems, reflecting the light in a dazzling display. +A realistic photo of a bruised apple with the words "apples are good for you" elegantly written in fancy lettering, set against a simple, clean background. +A close-up shot of candy heart sweets in vibrant colors, each printed with the message "Code More Love Less", arranged neatly on a white background, with a soft, diffused lighting to highlight the glossy surface of the candies. +An ancient cave wall painting featuring intricate symbols and the inscription "Year 3200 BC", illuminated by the dim light of a torch, capturing the essence of early human civilization. +A carnival ticket booth with a worn, wooden sign hanging above it, clearly displaying "Rides Closed" in bold, red letters. The booth is decorated with colorful lights and streamers, but the scene is deserted, giving a sense of abandonment and nostalgia. +A close-up of eco-friendly vegan packaging, prominently displaying the slogan "100 Plant 0 Cow" in bold, green letters, set against a backdrop of fresh, vibrant plant leaves and flowers. The packaging is sleek and modern, with a minimalist design. +A cozy bakery interior with a rustic wooden table and a vintage cash register. On the wall, a chalkboard menu prominently displays "Croissant 00023" in elegant cursive, with a few croissants arranged on a plate nearby, emitting a warm, inviting glow. +A realistic photograph of a science lab with a whiteboard in the background, densely covered in scientific equations and diagrams, prominently featuring "EMC²" in the center. The lab equipment is neatly arranged, and the lighting highlights the whiteboard's details. +A wizard stands in a mystical forest, his staff glowing with an ethereal light, the runes "Spell Check Activated" clearly visible, casting a soft, magical glow around him. +A close-up of a sleek smartwatch screen on a wrist, displaying a modern, minimalist interface with a clear reminder "Hydrate Now" in bold, against a subtle background of a water droplet pattern. +A high-resolution photograph of a space probe's side panel, prominently displaying the text "Mars Mission 2030", set against the backdrop of a star-studded universe, with the red planet Mars faintly visible in the distance. +A cozy bakery interior featuring a display case with a tag prominently reading "Gluten Free Options", surrounded by an assortment of delicious, freshly baked pastries and bread. Warm lighting and wooden shelves enhance the inviting atmosphere. +A skydiving waiver form with a bold, gothic header reading "Death Waiver Sign in Blood", set against a dramatic skydiving background with a parachute in the distance, emphasizing the intense and slightly ominous atmosphere. +A close-up of a library bookshelf, with a clear focus on a book spine label that reads "SCI FI AZ". The surrounding book spines are slightly blurred, creating a depth of field effect that draws attention to the labeled book. +A diver checks their oxygen tank gauge, which reads "Depth 100 Meters", surrounded by the deep blue of the ocean, sunlight filtering through the water, creating a serene and focused underwater scene. +A vibrant movie poster featuring the title text "Football" prominently displayed, set against a dynamic backdrop of a bustling stadium. The scene captures the intense atmosphere of a crucial match, with players in action and a diverse, cheering crowd, emphasizing the spirit of the game. +A close-up of a restaurant menu header featuring "Daily Specials" elegantly printed in gold foil, set against a luxurious dark background with subtle texture, capturing the essence of a high-end dining experience. +A realistic photograph of a moon base airlock panel, with a red alert light flashing and a warning message on the screen that reads "Seal Breach Detected". The scene is set in a dimly lit, futuristic corridor. +A roadside billboard towers over a bustling street, boldly advertising "Biggest Sale Ever" in vibrant, eye-catching colors. Cars and pedestrians pass by, some pausing to read the compelling offer. The scene is set during a sunny afternoon, with the billboard reflecting the bright, optimistic mood of the sale. +A vintage gas pump, labeled "Premium Daydreams 399Gal", stands against a nostalgic backdrop of an old American roadside, with faded advertisements and a classic car parked nearby. The scene is bathed in the warm, golden light of late afternoon. +A book titled "Lack" rests on a rustic wooden table, its cover slightly worn, surrounded by the warm, soft glow of an antique lamp, creating a serene, introspective atmosphere. +A retro kitchen setting with a vintage microwave prominently displayed. The microwave's display is glowing and blinking, showing the message "Popcorn Done Maybe". The scene is warmly lit, capturing the nostalgic feel of the 1980s. +A close-up of a football helmet, showcasing a bold sticker that reads "Hit Hard" in aggressive, metallic font, set against the matte black surface of the helmet, with subtle scratches and wear marks indicating intense use. +A weathered, leather-bound manuscript titled "The Last Horizon" rests on an antique wooden desk, illuminated by the soft glow of a vintage desk lamp. Outside the window, a dramatic sunset paints the sky in hues of orange and purple, hinting at the epic journey within the pages. +A realistic photograph of a classroom with a gold star sticker labeled "Math Champion" prominently displayed on a student's desk, surrounded by math books and a chalkboard with equations in the background. +A vibrant urban scene featuring a graffiti wall spray-painted with the phrase "This City Breathes in Color", surrounded by colorful street art, bustling city life, and a diverse crowd. +A dimly lit submarine control room with a large, retro screen flashing "Depth Too Much" in red, surrounded by gauges and dials. The tense atmosphere is captured in the faces of the crew, who are focused on their tasks. +A New Year’s Eve celebration with a vibrant banner stating "Out with the Old" hanging across a bustling city street, illuminated by festive lights and surrounded by excited crowds. +A realistic supermarket scene with a freezer door open, displaying a bright sign that reads "Ice Cold" in bold, frosty blue letters, surrounded by a variety of frozen products. +A weathered sailor with a rugged, sun-tanned arm, displaying a classic tattoo of the word "Mom" encased in a detailed heart, set against the backdrop of a nautical scene with waves and a ship on the horizon. +A realistic photograph of a brick wall in an urban setting, featuring bold, vibrant graffiti that spells "Revolution Now" in dynamic, eye-catching letters. The wall is slightly worn, with patches of moss, and the graffiti stands out against the rough texture. +A vibrant tech expo billboard stands tall in a bustling city square, prominently displaying the slogan "Innovate Tomorrow Today" in bold, futuristic fonts, surrounded by glowing lights and futuristic technology icons. +A close-up shot of a modern gas pump, with a clear sticker on the display screen that reads "Price Includes Tax", set against the backdrop of a sunny, clear day at a busy gas station. +A vibrant TV show poster featuring the title text "Swimming with Sharks" in bold, modern font, set against a dynamic underwater backdrop with vivid colors and sleek, swimming sharks. +A futuristic robot stands in a dimly lit room, its chest screen flashing the message "Error 404 Feelings Not Found", surrounded by scattered electronic parts and dim ambient lights casting shadows on the metallic walls. +A historical novel page header featuring elegant, handwritten text: "Year 1776 Liberty", set against a backdrop of parchment paper with subtle, aged textures and a quill pen resting at the edge. +A gourmet dining room with soft, ambient lighting. A sophisticated chef presents a "Surprise Course" from the tasting menu, the dish artfully arranged on a pristine white plate, garnished with edible flowers and micro herbs, reflecting the chef's creativity and culinary expertise. +A digital billboard stands tall above a bustling highway, its screen displaying the clear message "Next Exit 5 Miles" in vibrant, glowing letters, while cars speed by below, their headlights streaking through the twilight. +A city taxi at night with its roof light-up sign prominently displaying "Available For Hire", reflecting off the wet streets in a bustling urban scene. +A bustling fast food drive-thru at dusk, with a large, illuminated menu board prominently displaying "Burger Meal 799". Cars queue up, and the neon lights cast a warm glow, highlighting the vibrant colors of the menu items. +A cozy living room with a throw pillow featuring the cross-stitched text "Home Sweet Home" prominently displayed on a soft, beige sofa. Warm, natural light streams through a nearby window, casting a gentle glow on the scene. +A vibrant autumn scene with a large pile of colorful leaves on the ground, featuring a whimsical wooden sign that reads "Jump Here", inviting viewers to leap into the foliage. +A Viking longship glides through misty waters, its prow adorned with an intricate carving that reads "Row Harder Complain Less". The scene is set at dawn, with the first light of the sun casting a golden glow over the ancient runes and the determined faces of the rowers. +A close-up of a hotel key card sleeve on a wooden desk, with the text "Room 321 Checkout 11AM" clearly visible, next to a pen and a small notepad. The room key is partially visible, sliding out of the sleeve. +A sleek race car with a bold decal that reads "0 to 60 in Your Dreams", speeding down a dusty track at sunset, with a crowd in the background cheering on the driver. +A sleek, modern smartphone with a dark, reflective screen displaying a lock screen notification that reads "3 New Messages". The phone is positioned on a minimalist, white background, with soft shadows enhancing its sleek design. +An ancient, weathered scroll is unfurled on a wooden table, revealing the faded words "Treasure Map Inside" in elegant calligraphy, surrounded by intricate, mystical symbols and a detailed, hand-drawn map leading to a hidden treasure. +A vast desert canyon where ancient rock formations naturally spell out "The End" in bold, towering letters, surrounded by sweeping sands and rugged cliffs under a clear blue sky. +A quaint child's lemonade stand, prominently displaying a hand-painted sign that reads "50 a Glass Cold", set against a sunny backdrop with a cheerful, smiling child eagerly serving customers. +A vivid poster featuring an expansive sky with fluffy, white clouds drifting lazily against a serene blue background. The central focus is the title text "Clouds", elegantly displayed in bold, modern font at the top, complemented by a subtle gradient that enhances the ethereal feel of the scene. +An astronaut stands at the moon base airlock, with a warning sign that reads "Check Helmet Hair First" clearly visible. The scene is set on a realistic lunar surface, with the base’s metallic structures reflecting the harsh, direct sunlight. +A vibrant rock band setup with a prominent drum kit featuring a sticker that reads "More Cowbell", surrounded by microphones, guitars, and a glowing stage light, capturing the energy of a live performance. +A security camera screen displays the message "Motion Detected" in the center, with a grainy, nighttime image of a dimly lit hallway. Shadows flicker at the edges, enhancing the sense of unease and alertness. +A cozy kitchen corner with a dog’s food bowl etched with "Good Boys Diner" placed on a wooden floor, next to a sunny window. The bowl is partially filled with kibble, and a friendly golden retriever is sniffing around it. +A high-resolution photograph of a lab microscope with a specimen slide labeled "Specimen 7B Alien Origin" under the lens, surrounded by scientific instruments and a blurred background of a modern laboratory. +A clear, modern "Use Hand Sanitizer" sign at the hospital entrance, featuring a stylized hand icon and a bottle of sanitizer, set against a clean, white background with a few people in the distance, emphasizing hygiene and safety. +A realistic photograph of a modern voting booth with clear signage stating "Select Up to 3 Candidates". The booth is clean and well-lit, with a digital touchscreen interface and a ballot paper slot. Voters are seen in the background, maintaining social distance. +A fitness enthusiast checks their wrist, where a sleek smartwatch displays the reminder "Move More" against a vibrant, outdoor park setting, surrounded by lush greenery and joggers. +A realistic classroom scene with a detailed periodic table poster prominently displayed on the wall, titled "Element 79 Au". Students' desks are arranged neatly, and sunlight filters through the windows, casting a warm glow on the poster. +A futuristic spaceship airlock with a red warning light flashing and a digital display reading "Oxygen Levels Critical", set against the cold, metallic interior of the spacecraft. +A close-up shot of a cracked fortune cookie on a white plate, with a small slip of paper partially pulled out, revealing the text "You Will Regret Reading This", set against a soft, blurred background. +A close-up photograph of a vine twisting and growing, with the word "gear" sprouting from it, centered in the frame. The background is a blurred green forest, emphasizing the unique text sprout. +A neon sign flashing "Open 247" glows above a bustling convenience store, casting vibrant hues of blue and red over the storefront and the pavement. The night is alive with the hum of the city, and a few pedestrians pass by, their silhouettes illuminated by the bright lights. +A cozy bakery interior with a vintage wooden table and chairs. On the wall, a chalkboard menu lists "Special Galaxy Cupcakes $4" in elegant script, with colorful sprinkles and stars adorning the design. Soft, warm lighting enhances the inviting atmosphere. +A vibrant band tour bus decal featuring the text "Next Stop Montreal" in bold, modern font, set against a backdrop of a city skyline with the iconic Montreal Tower and Olympic Stadium, surrounded by a flurry of musical notes and vibrant colors. +A detailed, realistic courtroom scene with the official seal prominently displayed on a wooden podium, embossed with "State vs Johnson Case", surrounded by solemn judges, lawyers, and spectators. +A classroom wall features a poster with a motivational message, "Think Before You Speak", surrounded by illustrations of diverse students engaged in thoughtful conversation, with a teacher observing attentively in the background. +A close-up of a silver keychain pendant intricately engraved with "Best Friends 4Ever", reflecting a warm golden light, set against a soft, blurred background of a friendship bracelet and a pair of intertwined hands. +A beach scene with a vibrant red and yellow warning flag labeled "High Surf Alert" fluttering in the strong sea breeze, set against a backdrop of crashing waves and a clear blue sky. +A detailed subway station map featuring the "Transfer Line Blue", prominently displayed on a wall in a modern, bustling subway station, with commuters passing by and the subtle glow of station lighting. +In a bustling airport terminal, the departure board above the crowded check-in desks blinks "Gate C12 Boarding", drawing the attention of travelers with rolling suitcases and boarding passes in hand. +A bustling farmer’s market stand, with a wooden sign prominently displaying "Organic Produce Here" amidst a vibrant array of fresh fruits and vegetables, surrounded by cheerful shoppers and vendors. +A close-up of a sleek, modern hotel key card with "Room 237" embossed in silver, set against a dark, luxurious background, capturing the subtle sheen of the card's surface. +A medieval shield, richly adorned with intricate metalwork and vibrant colors, prominently displays the phrase "Ye Olde Comeback Tour" in an elegant, gothic font. The shield is weathered, showing signs of age and battle, yet the inscription remains clear and bold. +A vintage Farmer’s Almanac page header with the text "Best Planting Days", featuring rustic illustrations of seeds, tools, and a serene countryside landscape, set against a weathered paper background. +A pet rock with a collar and a tag engraved with "Good Boy", sitting on a cozy rug, under a warm afternoon sunbeam, capturing a serene and whimsical moment. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly displaying the text "Allergies Penicillin" in bold letters, with a sterile medical environment in the background. +A close-up of a sleek, futuristic robot with its chest panel open, revealing intricate circuitry and the clear, bold text "Property of AI Lab" etched prominently on the inner surface. The lighting highlights the metallic textures and the detailed craftsmanship. +A wizard's familiar, a small mystical fox, wears a silver collar with an elegant tag inscribed "Magic Companion", standing in a mystical forest illuminated by soft, glowing orbs. +A vibrant skateboard deck with the bold graphic text "Skate or Die" in neon colors, set against a gritty urban backdrop with a faded street art mural and a skateboarder mid-trick in the air, capturing the essence of urban skate culture. +An art gallery wall features a sleek, modern description card titled "Modern Abstracts", set against a clean, minimalist background. The card's elegant font contrasts with vibrant, abstract artworks displayed nearby, capturing the essence of contemporary art. +In a sterile hospital room, an IV bag labeled "Experimental Serum XZ9" hangs from a metal stand, casting a faint shadow on the white walls. A beam of sunlight filters through the window, illuminating the clear liquid inside the bag. +A detailed beach scene with a sandcastle adorned with a flag that proudly bears the inscription "Kingdom of Sun", surrounded by seashells and small pools of water, under a clear blue sky with fluffy white clouds. +In a dimly lit fantasy tavern, a wooden menu board hangs above the bar, hand-painted with intricate designs. It reads, "Dragon Wings 5gp", the text glowing faintly with a magical aura, attracting curious adventurers. +A cluttered laboratory with a whiteboard prominently featuring the words "Eureka Moment" scribbled in bold, colorful markers. Beakers, lab coats, and scientific instruments surround the board, capturing the essence of a breakthrough discovery. +A realistic photograph of a construction site with a barrier wrapped in caution tape, prominently displaying the warning "Danger Quantum Work Zone", surrounded by futuristic machinery and workers in hazmat suits. +A medieval wizard in a dimly lit stone chamber, ancient scroll unfurling in his hands, revealing the ominous warning "Beware the Curse", as mystical symbols glow faintly around him. +A realistic photograph of a construction site with a yellow and black barrier tape stretched across, prominently displaying the warning sign "Caution Time Vortex Ahead" in bold letters. The scene is illuminated by the soft glow of sunset, casting long shadows and adding a mysterious atmosphere. +A UFO hovers with its underside illuminated by glowing symbols and a clear message that reads "BE RIGHT BACK" in bold, retro futuristic font, set against a dark, starry night sky. +A vintage newspaper spread, front page, featuring a bold headline that reads "Peace Treaty Signed", with a grainy, black-and-white photograph of dignitaries shaking hands beneath the article. +A smartphone screen with a notification popping up, displaying "Low Battery 5%" in a realistic setting, with a slightly blurred background to emphasize the screen. The phone is placed on a wooden table, with soft, natural lighting. +A realistic photograph of a parking garage on level 3, featuring a concrete column with a clear "Level 3 Full" sign attached, surrounded by parked cars and illuminated by overhead lights. +A cozy bakery scene featuring a chalkboard sign that reads "Pies Sold by the Slice", adorned with whimsical doodles of pies and bakery items, set against a warm, inviting background. +A dimly lit room with a conspiracy theorist's board filled with newspaper clippings, photos, and red string connecting everything to the center, where a large, ominous sign reads "They Know". The walls are cluttered with maps and more theories, casting shadows that add to the secretive atmosphere. +A close-up of classified documents with a red stamp mark reading "Top Secret" prominently placed in the center, emphasizing the confidential nature of the papers. The documents show subtle text and watermarks, enhancing the sense of secrecy and urgency. +A vast desert canyon, with ancient symbols intricately carved into the weathered rock face, clearly reading "Walk Wise" under the harsh sunlight, casting dramatic shadows. +A close-up of an alien plant pot sticker with the text "Water Me Maybe" prominently displayed, set against a backdrop of a vibrant, otherworldly garden. The sticker features a quirky, cartoonish alien plant with big eyes and a smiling face, exuding a playful and whimsical vibe. +A close-up of a wizard's broomstick with a warning label that reads "May Cause Splinters", set against a dark, mystical background with subtle magical glows. +A realistic photograph of a basketball court with vibrant floor painting that reads "Home Team Territory" in bold, dynamic letters, surrounded by energetic crowd scenes and team logos, capturing the intense atmosphere of a home game. +A vibrant rock band poster for the "World Tour 2025", featuring dynamic band members with electric guitars and drums, set against a backdrop of neon lights and a passionate crowd, capturing the energy and excitement of a live concert. +In a modern art gallery, a sleek audio guide device labeled "Pretend You Understand" rests on a minimalist pedestal. Abstract art pieces surround it, reflecting a mix of confusion and curiosity among the diverse crowd of visitors. The atmosphere is hushed, with a soft glow from overhead lights. +A classic 1955 Chevrolet parked on a nostalgic American street, with a vintage car license plate reading "California 1955" prominently displayed, surrounded by the faded glory of mid-century Americana. +An astronaut's toolkit, labeled "Moon Base Tools", rests on a gritty lunar surface, with the Earth visible in the dark sky above, and boot prints leading to a nearby rover. +A science lab with a whiteboard filled with handwritten notes, equations, and diagrams. "Eureka 42C" is prominently circled in red, with a scientist's tools and equipment scattered around the room. +A dimly lit prison cell with worn stone walls, featuring scratchings that spell out "Innocent 2024" in a desperate, hurried scrawl. A single flickering light casts shadows, enhancing the texture of the rough wall and the depth of the etchings. +A bustling farmers market scene with a vibrant wooden stand sign prominently displaying "Organic Produce Here", surrounded by fresh, colorful fruits and vegetables, with happy shoppers browsing and a sunny sky overhead. +A young coder in a hoodie, the back print "Code All Night" in glowing neon letters, illuminated in a dimly lit room with a laptop screen reflecting on their face. +A medieval castle gate with a prominent plaque inscribed "Knights of the Round Table", surrounded by ancient stone walls and guarded by armored knights, set against a twilight sky. +A minimalist forest scene with a subtle, modern "Help the Forest" sign prominently placed at the front, surrounded by sparse, elegant trees and a gentle, sunlit path. +A high-energy boxing match in a dimly lit arena, the boxing ring mat prominently displays the text "Round 37 Still Standing", with the weary but determined fighters circling each other, ready for the next move. +A futuristic robot stands in a dimly lit room, its chest panel glowing with the message "System Updating" in a sleek, digital font, surrounded by soft blue light. +A sunny day at a bustling plant nursery, with a vibrant sign that reads "Succulent Sale Today" prominently displayed. Various succulents are arranged neatly in rows, and customers browse with enthusiasm, capturing the lively atmosphere of a popular garden center. +A blueprint of a house featuring a triangular roof, square walls, and a rectangular floor, with the message "arrive" clearly visible in the center of the design. +A pirate ship sails the turbulent sea, its flag proudly bearing the words "YarrChart Certified" fluttering in the wind. The dark wooden hull and tattered sails add to the vessel's menacing appearance, while the crew, dressed in traditional pirate attire, stands on deck, ready for adventure. +An astronaut in a futuristic suit conducts a plant experiment on the moon, tending to a small, vibrant garden. A sign clearly reads "Moon Lettuce - Do Not Eat" as the astronaut carefully monitors the growth of the unique, otherworldly vegetation under the harsh lunar conditions. +A close-up of a pilot's wing badge, intricately detailed with the inscription "Sky High Club", gleaming under a soft spotlight, set against a deep blue velvet background. +A time traveler stands smiling in prehistoric times, taking a selfie with a towering dinosaur in the lush, ancient forest background. The image caption reads "JurassicJog". +"THE BIRTH OF VENUS": A serene seascape at dawn, where the goddess Venus emerges from the waves, standing on a large, luminous shell. Soft, pastel hues of the sky blend with the gentle, foamy crests of the sea, capturing the ethereal beauty and grace of the moment. +A vibrant food festival banner hangs prominently, showcasing the text "Taste of Asia November 15" in bold, colorful letters. The banner is surrounded by bustling stalls filled with exotic Asian delicacies, lively crowds, and traditional decorations, capturing the essence of a festive and culturally rich event. +A high-octane race car speeds down the track, its hood adorned with a bold decal screaming "Liquid Courage Fuel", capturing the essence of adrenaline and power in a vivid, realistic photograph. +A vibrant stadium at dusk, the scoreboard dramatically flashing "Home Team Wins 3 2" in bright, dynamic lights, fans cheering in the background, capturing the exhilarating moment of victory. +A pirate ship's flag, emblazoned with a skull and the phrase "Dead Men Tell", flutters dramatically in the strong sea breeze, capturing the essence of maritime mystery and danger. +A futuristic astronaut in a sleek sci-fi spacesuit, the helmet's transparent visor displaying "Life Support Stable" in glowing green text, standing against the backdrop of a distant planet and its rings, with stars twinkling in the dark void of space. +A close-up of a pilot's uniform, prominently displaying the "Flight Crew" patch. The patch features a sleek, modern design with a silver airplane silhouette soaring above clouds, set against a navy blue background. The uniform is crisp and well-pressed, with subtle details like gold buttons and epaulettes. +A birthday cake topper with sparkly, glittery letters spelling "40 Fabulous", set against a backdrop of colorful party decorations and balloons, with a soft, warm lighting to enhance the festive atmosphere. +A weathered stone monument stands tall in a serene park, its surface etched with the profound words "Never Forget 1945". Surrounding it, autumn leaves gently fall, adding a somber yet beautiful backdrop to the scene. The monument is the focal point, capturing the gravity of its message. +A medieval scroll, textured and aged, unrolls to reveal elegant calligraphy declaring "By Order of the King", set against a backdrop of a dimly lit, ancient library. +A detailed ice sculpture base intricately chiseled with the words "Winter Wonderland", surrounded by shimmering ice crystals and soft, falling snow, set against a twilight sky. +A time traveler stands in an ancient, cobblestone street, his wristwatch flashing "You're Late By 300 Years" amidst the dim, gas-lit lanterns and medieval architecture. +A scenic hiking trail with a wooden signpost clearly pointing "To Summit 1 Mile" amidst lush greenery and rocky terrain, leading up to a misty mountain peak. +A close-up of a rustic, wooden gardening pot label that reads "Tomato Plants", set against a backdrop of vibrant, green foliage and ripening tomatoes. +A wooden signpost, weathered by time, stands in a dense forest, its surface covered in moss. The sign points toward "Enchanted Trail", the words carved in rustic, elegant letters, surrounded by lush greenery and dappled sunlight. +A bustling city street at night, illuminated by the neon lights of various shops. A pet store's sign blinks brightly with the message "Adopt a Friend", casting a vibrant glow over the pavement and passersby. +A realistic photograph of a construction site with a prominent sign stating "Hard Hats Required", surrounded by orange safety barriers and workers in high-visibility vests. +A close-up shot of a fast-food menu with a prominent "Last Chance to Order" notification, surrounded by mouth-watering images of burgers, fries, and drinks, under a warm, inviting restaurant lighting. +A realistic photograph of a laboratory door with a clear "Authorized Entry Only" sign, set against a stark, clinical backdrop with faint reflections of fluorescent lights. The door is slightly ajar, hinting at the mysteries within. +A cinematic movie poster featuring epic battle scenes with warriors and dragons, the title text "The Battle Roar to Victory" prominently displayed in bold, dramatic font at the top, set against a backdrop of a fiery sunset. +A birthday card featuring a cartoon cat joyfully holding a balloon that reads "Purrfect Day", set against a colorful, whimsical background with confetti and party hats, capturing the essence of a fun and festive celebration. +A realistic urban scene featuring a brick wall covered in vibrant graffiti, prominently displaying the words "Revolution Now" in bold, dynamic letters, with shadows cast by the afternoon sun. +Surreal painting titled "Dreams of Flight" featuring a serene landscape with floating islands and ethereal figures soaring through the sky, surrounded by glowing auroras and cascading waterfalls. +A rustic bakery scene with a freshly baked loaf of bread on a wooden board, branded with the words "Daily Burn" in elegant, embossed lettering. Soft, warm lighting highlights the golden crust and the cozy, inviting atmosphere of the bakery. +A realistic classroom scene with a periodic table on the wall, prominently highlighting "Au 79" in gold, surrounded by attentive students and a teacher pointing to the element. +A close-up of a vintage pharmacy prescription label with a whimsical warning that reads "May Cause Unicorn Dreams", surrounded by magical, glowing elements and a subtle, dreamy atmosphere. +A beautifully crafted wedding invitation featuring elegant cursive script that reads "Happily Ever After", set against a rustic, vintage background with delicate floral accents and soft, warm lighting. +A rugged mountain peak with a weathered signpost pointing towards "To Valhalla", surrounded by misty clouds and towering rocks, under a dramatic sky with sunlight breaking through the clouds. +A close-up photograph of a recycling bin with a bright, eye-catching sticker that reads "Sort Your Trash" in bold, colorful letters, surrounded by icons of different recyclable items. The bin is slightly weathered, giving it a well-used, community feel. +A vintage time machine control panel, labeled "Past Set to 1987 Close Enough", with glowing buttons and futuristic dials, set against a backdrop of neon lights and retro-futuristic decor. +A desert scene with a lone, weathered signpost pointing towards "Mirage". The sign is slightly tilted, surrounded by sand dunes and sparse, dry vegetation. A hazy, distant mirage shimmers on the horizon, blending into the arid landscape. +Vibrant superhero comic book cover featuring a dynamic assembly of heroes, each with unique powers and costumes, soaring above a city skyline. Bold text "Heroes Unite" emblazoned across the top, with dramatic lighting and action poses enhancing the epic feel. +A magical 8 ball hovers in a dimly lit room, its surface reflecting a soft, ambient light. The answer "Ask Again Later" is clearly visible, glowing with an ethereal blue light, surrounded by swirling, mystical patterns. +A cluttered laboratory with a scientist standing beside a whiteboard filled with complex equations, culminating in the bold and clear text "EMC²". The scientist, wearing a lab coat, points to the final equation, illuminated by soft overhead lights. +A close-up of a fire truck door, prominently emblazoned with "Rescue Unit 5", reflecting a sense of urgency and heroism, set against a backdrop of a bustling city street. +A cozy bakery at night, its neon sign glowing brightly with the message "Donuts Round Happiness", casting a warm, inviting light over the cobblestone street and attracting passersby with its cheerful ambiance. +A gym interior with a large mirror featuring a decal that reads "No Pain No Gain" in bold, motivational typography, surrounded by workout equipment and a few athletes training intensely. +A pet store interior with a large fish tank prominently displaying a humorous sign that reads "No Swimming Lessons", surrounded by various aquatic plants and colorful fish. The scene is brightly lit, emphasizing the playful and inviting atmosphere of the store. +A close-up of a grocery receipt with a line item clearly showing "Total 4999", set against a blurred supermarket background with shopping carts and shelves faintly visible. +A detective's notepad page with a hand-drawn sketch of a magnifying glass. The phrase "Follow the Money" is circled prominently, surrounded by notes and scribbles, with a coffee stain on the corner. +A modern living room with a smart speaker on a wooden table, its display showing "Weather Alert Storm" in clear, bold text. Large windows in the background reveal a dark, stormy sky with flashes of lightning. +A bustling city street at night, illuminated by neon lights and rain-slicked pavements. A massive digital billboard towers overhead, flashing the bright message "Cyber Sale 70% Off" in vibrant, pulsating colors, attracting the attention of passersby. +A vintage movie poster with the title "The Duke Is Tops" prominently displayed, featuring a charismatic actor in a fedora and trench coat, standing against a backdrop of 1940s city streets, illuminated by the glow of neon signs. +A close-up of a ski resort lift ticket with "Valid Dec 25 2023" printed clearly, surrounded by snowflakes and the rustic wooden texture of a ski lodge, capturing the essence of a winter getaway. +A vibrant urban scene featuring "Release the Pink" graffiti art on a city wall, surrounded by realistic textures and shadows, capturing the dynamic energy of street art in a sunlit afternoon. +A mad scientist in a cluttered lab, holding a clipboard with a note that reads "Test Subject Me", surrounded by bizarre experimental equipment and glowing vials. +An ancient stone tablet, partially covered in moss, with deeply carved, weathered letters that read "Beware Hydra", set against a backdrop of dense, overgrown forest. +A spy dossier cover with a sleek, stealthy design, marked with the words "Operation Midnight Snack" in bold, red letters, set against a backdrop of a dark, moonlit kitchen with a hint of a shadowy figure sneaking towards the fridge. +A realistic photograph of a student's notebook page, with colorful doodles and sketches surrounding the words "I Love Science" written in playful, handwritten letters. +A medieval knight stands proudly, his shield emblazoned with the phrase "For the King", reflecting the loyalty and honor of his vow. The scene is set in a grand, ancient castle courtyard, with stone walls and banners fluttering in the breeze. +A weathered treasure map with "X Marks the Spot" prominently displayed, surrounded by intricate compass roses and faded markings, set against a backdrop of a sandy beach with palm trees swaying in the breeze. +A gardener's shovel, covered in dirt, leaning casually against a weathered "Dig Responsibly" sign in a sunlit garden, surrounded by freshly turned soil and blooming flowers. +A beautifully crafted wedding invitation featuring elegant calligraphy with the names "Mr & Mrs Jones" in a classic, romantic style, set against a soft, textured background with subtle floral accents. +A retro video game arcade cabinet labeled "High Score AAA" stands in a dimly lit room, its vibrant neon lights reflecting off the polished wooden surface. The screen glows with a classic pixel art game, drawing players into its nostalgic charm. +A charming bakery window with a rustic wooden frame, featuring a hand-drawn chalkboard sign that reads "New Vegan Croissants". The window is adorned with fresh flowers, and the warm, golden light from inside the bakery casts a soft glow on the sign and pastries displayed. +A close-up of a surgeon's mask, prominently featuring the word "Oops" printed in bold, lying on a sterile, white medical table, with surgical tools neatly arranged in the background. +A yoga mat with the phrase "Stretch Like No Ones Watching" in bold letters, surrounded by a cat performing various yoga poses, set in a serene, sunlit room with a minimalist aesthetic. +A vintage poster for a ghost tour, featuring a polite, translucent ghost in a top hat, holding a "Boo But Politely" sign, set against a foggy, old-town street at dusk. +A movie set with a vintage clapperboard labeled "Take 42 Maybe This Time" lying on a director's chair, surrounded by film reels and a vintage camera, under the warm glow of a nearby lamp. +A serene park scene with a wooden bench under a canopy of trees, featuring a bronze plaque that reads "In Memory of Clara Smith", surrounded by colorful flowers and autumn leaves gently falling. +In a modern museum, a dinosaur skeleton, labeled "TRex Yoga Instructor", stands in a yoga pose, surrounded by amazed visitors and soft, ambient lighting, capturing the blend of prehistoric majesty and contemporary whimsy. +A high-resolution photograph of a laboratory setting, featuring a test tube with a clear, readable label that says "SPECIMEN ALPHA 9". The test tube contains a glowing, pale blue liquid, set against a backdrop of scientific equipment and a researcher's gloved hand holding the tube. +A retro robot stands in an old, dusty workshop, its chest screen flashing "Error 404 Hugs Needed", surrounded by vintage tools and gadgets, with a nostalgic, warm lighting that highlights the robot's metallic surface. +A bustling farmer’s market stall with a vibrant banner that reads "Organic Produce Here", surrounded by an array of fresh, colorful vegetables and fruits, with happy customers browsing and a smiling farmer in the background. +In a dimly lit submarine control room, the sonar screen glows with a "Here Be Monsters" pattern, casting an eerie light on the crew's tense faces, emphasizing the unknown dangers lurking in the deep ocean. +A realistic photograph of a spaceship's control panel, with a prominent red warning light labeled "Gravity Fail" illuminating the dimly lit console, surrounded by various buttons and screens displaying critical data. +A camping tent in a forest clearing, with a small tag prominently displayed on the side that reads "BearProof Certified", surrounded by lush greenery and morning mist. +A vintage observatory at night, featuring a large telescope with a brass plaque that reads "Built 1923", surrounded by a starry sky and old, weathered stone walls. +A high-resolution image of Earth from space, with the words "iccg" prominently displayed in the foreground, set against the vibrant blues and greens of our planet. +A close-up of a concert ticket stub with "Row 5 Seat 12" clearly visible, crumpled slightly from being held in a pocket, under a soft spotlight that highlights the texture of the paper. +A vintage typewriter on a wooden desk, with a sheet of paper inserted, displaying "Chapter One" at the top. Soft, warm lighting enhances the nostalgic feel of the scene, capturing the essence of a bygone era. +A sleek, modern login screen with a minimalist design, featuring the message "Unlock Potential" prominently displayed in bold, futuristic font against a gradient background that transitions from deep blue at the bottom to a lighter, almost silver hue at the top. +A scientist in a lab coat leans over a high-tech microscope, examining a slide labeled "Specimen XZ9". The lab is dimly lit, with soft light casting shadows on the equipment. The scientist's focused expression and the intricate details of the microscope are clearly visible. +A rustic wooden table holds an open farmer’s almanac, with the page displaying the note "Plant After Frost". Surrounding the book are various gardening tools and seeds, set against a backdrop of a frost-covered landscape transitioning into early spring. +A vast desert landscape under a scorching sun, with a shimmering mirage in the distance that clearly displays the words "Water Here", creating an illusion of hope amidst the arid sands. +A marathon runner, drenched in sweat, with determination in their eyes, wearing a bib number that clearly displays "Race For Hope", sprinting through a cheering crowd on a sunny day. +An ice cream truck parked on a sunny street, its side panel vividly airbrushed with the words "Brain Freeze Zone", surrounded by playful, colorful illustrations of ice cream cones and happy faces. +A vibrant nightclub entrance with a neon sign above, a bouncer checking IDs, and a line of excited patrons. A close-up of a hand with a stamp reading "Admit One" prominently displayed, illuminated by the club's colorful lights. +A vibrant, modern board game box cover featuring the title "Strategy Quest 2024" in bold, futuristic fonts. The background showcases a fantasy battlefield with knights, dragons, and castles, emphasizing strategic elements like maps and dice. +A bookstore window adorned with a decal that reads "Escape Reality Here", featuring a cozy reading nook inside with stacks of books and a warm, inviting atmosphere, bathed in soft, natural light. +An astronaut in a detailed spacesuit, floating in a star-filled void, with their helmet visor prominently displaying the warning: "O₂ LEVELS CRITICAL", while distant planets and galaxies create a serene yet tense background. +A vibrant football stadium with a large banner in the stands reading "Go Team Go", surrounded by cheering fans in team colors, under a sunny sky. +A snowplow on a snowy road with a bumper sticker clearly visible, stating "Caution Wide Load". The scene is set during a winter storm, with snowflakes gently falling around the vehicle. +A vibrant skateboard deck, prominently branded with the slogan "Skate or Die Trying", features a bold, graffiti-style design with dynamic lines and a pop of neon colors, set against a gritty urban backdrop. +A high-tech safety goggles case prominently displays the warning "Eye Protection Required" in bold letters. The case is sleek, with a modern design, resting on a sterile, white background, emphasizing its purpose in industrial or laboratory settings. +A detailed pirate map with a weathered, aged look, featuring a legend that prominently states "X Marks the Spot" in bold, old-fashioned script, surrounded by intricate compass roses and nautical symbols. +In a bustling factory, a prominent sign reads "Safety First", hanging above a row of diligent workers in protective gear, emphasizing the importance of safety in the industrial environment. +Ancient cave painting illuminated by flickering torchlight, depicting a group of prehistoric hunters under a full moon, with the phrase "HUNT MOON TONIGHT" etched prominently in the stone, surrounded by symbols of animals and hunting tools. +A high-tech spaceship dashboard with a sleek, modern design, featuring a prominent fuel gauge labeled "Tritium 15" glowing softly in a futuristic blue light, surrounded by other intricate instruments and displays. +A gym interior with modern equipment, focusing on a treadmill whose screen dramatically flashes the words "No Pain No Gain", surrounded by athletes in motion, capturing the intensity and determination of a workout session. +A close-up of a sleek, futuristic virtual reality headset with a transparent display overlay showing the message "System Update Dream 20" in glowing, modern typography against a dark, tech-themed background. +A close-up of a handwritten grocery list notepad with the entry "Milk Eggs Bread" in a neat, cursive script, set against a warm, soft background with a subtle texture, as if viewed on a cozy kitchen counter. +A medieval shield, intricately crafted with a rich, wooden core and a polished, metallic rim, prominently displays the crest motto "Vincit Veritas" in elegant, gilded letters. The shield is weathered, showing signs of battles past, but the motto remains vivid and unblemished. +A vintage green tractor parked in a sunlit farmyard, adorned with a bold decal reading "Harvest Master" on its side. The scene is surrounded by golden fields of wheat, with the farmer standing proudly beside his machine. +An astronaut in a detailed spacesuit stands against the vastness of space, the helmet visor's Heads-Up Display (HUD) prominently showing "O₂ 87" in a clear, digital font, indicating the oxygen level. The scene is realistic, with stars and distant planets in the background. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Flour Power Bakery", surrounded by freshly baked bread and pastries. The warm lighting highlights the intricate embroidery and the baker's focused expression as they prepare dough. +In a cluttered laboratory, a mad scientist stands amidst chaotic shelves of bubbling potions and strange machinery. His lab coat, adorned with a tag that reads "Wash Cold Separate Limbs", hangs loosely, emphasizing his eccentric and meticulous nature. +A vintage potion bottle with a cautionary label that reads "May Cause Levitation", set against a dimly lit, mystical background with subtle magical elements, enhancing the sense of enchantment and danger. +A teacher's desk with a polished wooden surface, featuring a sleek, modern desk plaque that reads "Inspiring Minds" in elegant font, surrounded by neatly arranged books and a blooming potted plant. +A detailed, ancient wizard's spellbook page titled "Invisibility Incantation", with intricate illustrations of mystical symbols and a faded, handwritten incantation in the center, surrounded by glowing runes. The page is slightly torn and yellowed with age, giving it a mystical, timeless feel. +A medieval battlefield at dusk, with a large banner fluttering in the wind, emblazoned with the phrase "For Crown and Courage". Knights in armor and foot soldiers are seen in the background, preparing for battle. The sky is a mix of deep reds and oranges, casting a dramatic light on the scene. +A vivid movie poster featuring the text "Gamer" in bold, futuristic font, set against a backdrop of a neon-lit cityscape with cyberpunk elements, including flying cars and digital billboards. +A dimly lit street at night, with a tattoo parlor's neon window sign flashing "No Regrets" in vibrant red and blue, casting colorful shadows on the rain-soaked pavement. +A fitness enthusiast paused on a modern gym treadmill, the screen vividly flashing "Calories Burned 450", surrounded by sleek workout equipment and motivational posters, capturing the intense yet accomplished atmosphere of a post-workout moment. +A close-up of a laboratory mouse cage, with a clear label reading "Specimen Group A" affixed to the front. The cage is clean and well-lit, with a white mouse inside, looking curiously at the camera. +A dimly lit street at night, with a red neon sign blinking "Closed Forever" above an abandoned diner. The diner's windows are shattered, and the sign casts a eerie glow on the deserted sidewalk. +A close-up of a smartphone screen displaying a notification alert "Low Battery 10" in bold red text, with a slightly blurred background showing a dark room. +A realistic photograph of a construction site with yellow and black barrier tape stretched across, prominently printed with "CAUTION Quantum Experiment" in bold letters. The tape is partially wrapped around metal posts, with a faint glow suggesting advanced technology in the background. +A sleek spy pen projects a laser display showing "Mission Acquire Snacks" onto a dimly lit wall, surrounded by shadows and tech gadgets, capturing the essence of a covert, humorous mission. +A dusty chalkboard in a classroom, scribbled with "Test Next Week", illuminated by the soft glow of an old fluorescent light, surrounded by rows of empty wooden desks and a faded world map on the wall. +A close-up of a pilot's wing pin inscribed "Fly Safe Land Safer", gleaming under the soft glow of a cockpit light, with a blurred background of a cockpit interior. +A vintage retro diner placemat featuring a bold, colorful advertisement for "Try Our Chernobyl Chili Fries", with a playful illustration of a sizzling plate of fries topped with green chili and a subtle, eerie glow, set against a classic 1950s diner backdrop. +A vibrant banner outside an art supply store, featuring colorful brushes, palettes, and canvases, with bold text announcing "Buy One Get One Free" in eye-catching fonts, set against a sunny city street. +A cinematic movie poster featuring the text "Am lie" in bold, stylish font, set against a backdrop of a bustling cityscape at dusk, with warm, golden hour lighting enhancing the urban atmosphere. +A close-up of an artist's paint tube, the label clearly displaying "Ultramarine Blue", set against a neutral background, with the tube slightly squeezed, showing a hint of the rich blue paint inside. +A quaint vet office with a whimsical sign that reads "Horn Polishing By Appointment", featuring a colorful unicorn logo, set against a backdrop of lush greenery and a cobblestone path leading up to the entrance. +A toy store shelf with a vibrant label that reads "Educational Toys" in a playful, colorful font, surrounded by an array of educational toys and games. +A medieval knight stands in a grand hall, holding a gleaming sword engraved with "Blade of Eternal Honor". The light from stained glass windows casts a mystical glow on his armor, highlighting the intricate details of the sword's hilt and the solemn expression on his face. +A realistic photograph of a greenhouse, with a detailed plant tag labeled "Rare Orchid Species" attached to a delicate orchid plant, surrounded by lush greenery and sunlight streaming through the glass. +A charming florist shop with a rustic wooden front, featuring a chalkboard sign that reads "Fresh Roses 20 Dozen" prominently displayed outside, surrounded by blooming flowers and greenery. +A close-up of a sleek smartwatch face displaying the notification "Meeting in 15 Minutes", with a modern, minimalistic interface and a clean background. The watch is worn on a wrist, with a hint of a business casual sleeve visible, set in a softly lit office environment. +A vintage radio with a glowing dial, prominently displaying "Tune to 1015 FM", set against a nostalgic 1950s backdrop. The radio is slightly worn, with a warm, ambient light casting a soft glow around it, enhancing the retro atmosphere. +A latte art competition entry featuring a detailed "Latte Portrait of Mona Lisa" in a steaming cup, surrounded by elegant coffee-making tools and a serene café setting, capturing the intricate foam design and the mysterious smile. +Majestic tree branches intertwine overhead, forming a natural archway that spells out "Nature's Path" in elegant, flowing shapes, leading the viewer down a serene forest trail. +A rustic farmer’s barn with a wooden sign reading "Fresh Eggs Sold" hanging above the entrance, surrounded by a verdant countryside landscape with a clear blue sky. +A chemistry lab bench featuring a Bunsen burner prominently engraved with "Flammable" in clear, bold letters. The burner is lit, with a blue flame visible, surrounded by glass beakers and chemical reagents, creating a focused and scientific atmosphere. +A detailed, realistic photograph of a submarine hatch, stenciled with "Depth 3000 Meters", set against the dimly lit interior of the submarine, with subtle reflections and a slightly worn, metallic surface. +A detective holds a magnifying glass with the handle intricately engraved with "Truth Seeker", examining a cluttered, dimly lit crime scene filled with vintage furniture and scattered clues. +A coastal night scene with a lighthouse projecting its beacon light onto the fog, spelling out "SOS Chill" in bold, illuminated letters, the waves gently crashing against the rocky shore. +A gym locker room with modern facilities, including sleek lockers and a large mirror. On the mirror, a motivational sticker reads "You Got This" in bold, vibrant letters, reflecting the determination and energy of the space. +A classroom scene featuring a wooden desk with a ruler prominently placed, engraved with "Study Hard", surrounded by open books and pencils, under the warm glow of a desk lamp. +A majestic pirate ship sailing on turbulent seas, its black sails emblazoned with the name "Queen Anne's Revenge" in bold, golden letters. The ship cuts through waves, with dark clouds gathering overhead, emphasizing its formidable presence. +A realistic photograph of a person standing in front of an antique magic mirror, with the mirror's reflection clearly displaying the text "You Look Tired" in elegant, glowing letters. The scene is dimly lit, enhancing the mystical atmosphere of the magic mirror. +A close-up of a submarine porthole, with a circular sticker on it that reads "Underwater WiFi Zone", surrounded by the deep blue ocean and small bubbles. +A detailed page from a solar panel installation manual, titled "Step 3 Wiring", showing clear diagrams and instructions for connecting wires, with a technician in protective gear working on a rooftop under a bright, sunny sky. +A vibrant city street at dusk, where a skateboard deck leans against a brick wall, its surface adorned with bold, colorful graffiti reading "Skate or Die" in dynamic, edgy lettering. The scene captures the rebellious spirit of urban youth culture. +A vibrant concert flyer featuring bold, eye-catching text "Rock Night Live" against a dynamic background of colorful lights and enthusiastic crowd, capturing the electric atmosphere of a live music event. +A futuristic space hotel brochure featuring a sleek, modern exterior with large windows showcasing the vast cosmos. The text "Zero Gravity Suites Available" is prominently displayed, highlighting the unique accommodation experience in a weightless environment. +A vibrant superhero comic panel showcasing a hero triumphantly raising their fist, with a speech bubble above them declaring "Justice Prevails", set against a dynamic cityscape backdrop with rays of sunlight piercing through the clouds. +Retro gas station sign with vibrant neon lights, prominently displaying "Ego Fuel 99Gal" in bold, vintage typography. The sign is set against a nostalgic 1950s American landscape, with a classic car parked nearby and a hint of twilight in the sky. +A weathered Viking shield lies on a battle-scarred field, its surface etched with the ancient inscription "Fear No Battle". The shield, under a dramatic sky, reflects the fading light of a setting sun, emphasizing the enduring courage of its warrior. +A close-up of a sophisticated, minimalist tasting menu card titled "Surprise", featuring elegant, handwritten calligraphy on cream-colored parchment. The card is placed on a rustic wooden table, with a single, delicate candlestick casting a warm, ambient glow. +Graffiti on train cars spelling "Urban Art Collective", vibrant colors blending into the metal, set against a backdrop of a bustling cityscape, capturing the essence of urban creativity and rebellion. +A TV show poster featuring the logo "Monotony" prominently displayed, set against a minimalist background with subtle gradients, emphasizing a sense of calm and routine. +A classroom with a multiplication chart on the wall, prominently displaying "9x981". Students are seated at desks, looking attentive, with the teacher pointing to the chart. The room is filled with educational posters and a chalkboard, capturing the essence of a learning environment. +An ancient, dusty wizard's spellbook page titled "Turn Lead to Bitcoin", with intricate runes and symbols surrounding the text. The page is illuminated by a soft, magical glow, highlighting the title and the detailed illustrations of lead bars and digital currency. +A city map stand titled "Downtown Tourist Guide" stands on a bustling sidewalk, surrounded by pedestrians and tall skyscrapers. The map is brightly lit by the afternoon sun, casting soft shadows on the detailed streets and landmarks. +A futuristic spaceship interior with a sleek, illuminated cryopod display prominently showing the text "WakeUp Call 3024 AD". The scene is set with dim ambient lighting, emphasizing the glowing display and the advanced technology of the pod. +An ancient, weathered scroll lies unrolled, its yellowed parchment covered in faded ink. The text, partially obscured by time, reads "Cure for Baldness" in elegant, archaic script. Soft, ambient light illuminates the delicate fibers of the parchment, enhancing the sense of age and mystery. +A realistic photograph of a mountain trail, with a wooden signpost clearly marked "Summit 2 Miles Ahead", set against a backdrop of rugged terrain and distant peaks. +A close-up of a firefighter's helmet, featuring a bold sticker that reads "Kick Down Doors", set against a backdrop of a smoky, urban firefighting scene. The helmet is slightly worn, with a reflective visor gleaming in the dim light. +In a quiet museum hallway, a sleek touchscreen kiosk displays the "Play Audio Tour" option, illuminated softly. Antique paintings line the walls, and a polished wooden floor reflects the gentle lighting. A visitor in a casual coat approaches, hand poised to tap the screen. +A protester stands in a crowded city square, holding a sign that boldly declares "Equal Rights Now". The background is filled with a diverse crowd, some raising their fists in support, with skyscrapers and a clear blue sky framing the scene. +A close-up of a futuristic time machine dashboard, with a bright red warning screen displaying the message "Do Not Visit 2020" amidst sleek, glowing controls and blinking lights. +A detailed photograph of a chemist's lab bench, with a flask prominently labeled "Volatile Mixture No Sparks" sitting among various scientific instruments and notebooks, with a cautionary yellow and black striped background. +A close-up of a candy heart with the message "Sure Jan" prominently displayed, set against a playful, pastel background with a slight hint of irony in the composition, capturing the sarcastic tone of the message. +A vast, serene cornfield under a twilight sky, with an intricate alien crop circle spelling out "Take Me to Your Leader" in a complex, glowing pattern, surrounded by faint, ethereal lights. +A high-tech laboratory setting with a sleek, humanoid robot standing prominently. Its chest panel displays the text "Model XJ9 Activated 2025" in glowing, futuristic font. The background features advanced machinery and monitors, emphasizing the robot's modern and sophisticated design. +A baker stands in a cozy kitchen, holding an oven mitt that reads "Hot Mess Inside". Warm, golden light spills from the open oven, casting a glow on the rustic wooden surfaces and rows of freshly baked bread. +A close-up of a bakery window, featuring a sticker that reads "Gluten Free Options" in elegant, cursive font. The sticker is slightly weathered, with the warm glow of the bakery's interior lighting shining through, creating a cozy and inviting atmosphere. +A vintage board game box cover, slightly worn, with bold, retro typography stating "Play at Your Risk" in the center, surrounded by illustrations of playful yet ominous game pieces, set against a deep, saturated background. +A nighttime cityscape with a taxi parked on a deserted street. The taxi's roof light blinks "Off Duty Forever" in a neon-like glow, casting a faint light on the wet pavement. The scene is quiet, with a light drizzle adding to the mood. +"The End" credits scrolling up on a vintage cinema screen, with a dimly lit auditorium filled with empty red velvet seats fading into darkness, capturing the moment right after the final scene of a classic film. +A skydiving plane with its door open, revealing a sticker that reads "No Second Chances", set against a backdrop of a clear blue sky and fluffy white clouds. The scene captures the adrenaline and risk of the activity. +A gardener holds a vintage seed packet labeled "Sunflower Mix" in a sunlit garden, surrounded by tall, vibrant sunflowers in various stages of bloom, with bees buzzing around. +A vast desert under a clear blue sky, with a shimmering mirage in the distance that displays the words "Free WiFi Ahead" in bold, glowing letters, creating an surreal and inviting scene. +In a bustling subway station, a digital map flickers, prominently displaying the blinking label "Next Stop Paradox" amidst the crowd of commuters, capturing the curiosity of a few onlookers. +A cozy medieval tavern interior with wooden tables and candlelit chandeliers. A rustic menu board hangs on the stone wall, featuring the item "Mead Regrets" in ornate, hand-painted lettering. Patrons in period attire discuss the evening's fare. +A cluttered laboratory with vintage scientific equipment, where a scientist in a lab coat embroidered with "Dr Frankenstein's Assistant" stands amidst bubbling potions and electrical gadgets, illuminated by the soft glow of a flickering light bulb. +An astronaut stands on the moon, the reflective visor of their helmet glinting in the sunlight. On their space suit, a patch clearly reads "Moon Dust Wash Cold", adding a touch of humor to the otherwise serious mission. +A close-up of a butterfly wing, with intricate patterns that spell out "Migrate South by November" in elegant, flowing script, set against a soft, blurred background of autumn leaves. +A close-up of an ancient, mystical wizard's staff, intricately engraved with the phrase "Pointy End Forward" in glowing, arcane runes, set against a backdrop of swirling mist and twinkling stars. +A vibrant cityscape at dusk, featuring a large, eye-catching poster with the title text "Living It Up" prominently displayed. The poster is illuminated by the setting sun, casting a warm glow over the scene, with bustling pedestrians and twinkling city lights in the background. +A marathon finish line, with a large banner overhead celebrating "Finish Line Congrats", surrounded by cheering spectators and exhausted yet triumphant runners. +A high-quality photograph of a board game box titled "Risk Galaxy Edition", featuring a futuristic galaxy-themed design with stars, planets, and spaceships, set against a dark cosmic background. +A close-up of a chef's knife with the blade etched with "Sharp Words Only", resting on a wooden cutting board, with a sprinkle of herbs and a lemon slice nearby, captured in a realistic photographic style. +Retro video game title screen with a nostalgic 8-bit aesthetic, prominently displaying "Game Over" in pixel art, surrounded by classic game sprites and a vibrant, colorful background. +A vibrant city street at night, with a tattoo parlor's neon sign flashing "Walk Ins Welcome" in bold, colorful letters, attracting passersby in the bustling nightlife. +A mountain trail winds through dense forest, leading to a rustic wooden signpost. The signpost, weathered by time, is intricately carved with the warning "Beware of Talking Squirrels", set against a backdrop of towering trees and dappled sunlight. +An astronaut in a detailed spacesuit stands against the backdrop of a stark, lunar landscape. The helmet's visor is partially fogged, with "O₂ LEVELS CRITICAL" displayed prominently in bright red, reflecting the urgency of the situation. +An alien tourist stands in front of a bustling cityscape, wearing a t-shirt printed with "I ❤ Human Oddities". The alien's large, glowing eyes and unique physique contrast with the human crowd, capturing a moment of curious interaction and cultural exchange. +A close-up of an intricate embroidery sampler featuring the phrase "Home Sweet Home" stitched in elegant, multicolored threads on a cream fabric, with subtle texture and a warm, cozy atmosphere. +A vibrant T-shirt design featuring bold, eye-catching letters "Music Festival 2024" in a dynamic font, surrounded by colorful musical notes and festival icons, set against a gradient background. +A vibrant beach scene with a colorful towel laid out on the sand, featuring the bold slogan "Sun Surf Sand" prominently displayed. The towel catches the warm sunlight, with the ocean waves gently lapping in the background. +A detailed geographical map with vibrant continents and oceans, featuring a prominent red line labeled "Equator Line Here" running horizontally across the center, surrounded by subtle geographic markers and scale indicators. +A bustling city street at night, illuminated by a large digital billboard displaying the ad "Upgrade Your Life" in vibrant, futuristic fonts, with sleek, modern designs and a crowd of people looking up in awe. +A realistic photograph of an elevator interior with an emergency sign that reads "In Case of Freefall Pray", surrounded by a distressed metal panel and dim emergency lighting. +A wizard's ancient spellbook lies open on a wooden table, a single page glowing with an ethereal light. The title "Summon Rainbows" is clearly visible, surrounded by intricate illustrations of colorful rainbows and mystical symbols. +A realistic photograph of a menu board in a cozy café, prominently displaying "Special Burger" in elegant, curly font, with a rustic wooden background and soft, warm lighting highlighting the text. +A retro arcade machine in a dimly lit room, with neon lights reflecting off the glass, flashing "Insert Coin to Play" in bright, vibrant colors. +A pair of sleek, modern running shoes with the tag "Cushion Tech 2024" clearly visible, placed on a white background, showcasing the advanced technology and design details. +A high-speed racing car with the hood open, revealing advanced mechanical parts. The car is the "Speed Demon X1 Model", gleaming under the track lights, with a determined driver in a sleek helmet preparing for the race. +A weathered parchment map, labeled "Here Be Dragons", lies beside a vividly illustrated sea monster, its tentacles curling ominously from the waves, under a twilight sky. +A vintage record store sign, prominently displaying "Vinyl Vibes", spins gently in the breeze, its neon lights flickering softly against the backdrop of a cozy, dimly lit alley. +Explore an art gallery featuring "Modern Abstract Art", where vibrant, geometric shapes and splashes of color dominate large canvases. The sleek, minimalist gallery space enhances the bold, contemporary artworks, creating a dynamic visual experience. +A vintage 1950s diner with a gleaming jukebox in the corner, its colorful lights flickering. A young couple sits at a booth, the girl selecting the record titled "Never Gonna Give You Up Again", a nostalgic smile on her face. The scene is warm and inviting, capturing the essence of a bygone era. +A medieval hall with a knight's throne, the cushion intricately embroidered with "Royal Seat" in gold thread, set against a backdrop of grand stone walls and flickering torchlight. +Retro arcade cabinet with a vibrant, neon-lit marquee displaying "Insert Quarter Forget Life", set in a dimly lit game room with nostalgic 80s decor. +A realistic photograph of a bakery’s wedding cake topper, intricately designed with the words "Mr & Mrs Smith" in elegant calligraphy, placed on a tiered cake with white frosting and delicate sugar flowers. +Retro diner at night, vibrant neon sign reads "Eat Here Best Pie in Town", glowing against a dark sky, vintage cars parked outside, warm interior lights, 1950s Americana atmosphere. +A cozy café with a wooden chef’s specials board hanging on a brick wall, reading "Try Our Pie". A steamy pie with flaky crust is displayed on a rustic plate, and a chef in a white hat stands nearby, smiling warmly. +A realistic smartphone screen with a sleek, modern design, displaying a lock screen notification that reads "3 New Messages" in bold, clear text, against a dark background with subtle gradient lighting. +A close-up of a spacesuit sleeve, featuring a retro-futuristic patch that reads "Mars Tourism Bureau", set against the backdrop of a dusty Martian landscape with a rover in the distance. +In a bustling alien supermarket, an aisle sign prominently displays "Human Snacks: Salty Tears", surrounded by colorful, exotic packaging and curious alien shoppers browsing the unique treats. +A detailed campground map with a clearly marked "Water Source", featuring directional arrows pointing towards it, surrounded by tents, picnic tables, and natural forest scenery. +A high-resolution close-up of a sleek smartwatch face, prominently displaying "Steps 10000" with a modern, minimalist design. The watch is set against a blurred, outdoor fitness background, emphasizing the achievement of reaching 10,000 steps. +A young athlete proudly wearing a baseball cap embroidered with "Champ 2024" in vibrant thread, standing on a sunlit baseball field, holding a bat and smiling confidently. +A prehistoric cave wall adorned with ancient paintings, prominently featuring a dynamic scene of early humans hunting a wooly mammoth, with "Hunt the Wooly Mammoth" inscribed in bold, primitive letters above the artwork. +A vibrant TV show poster for "Lan Kwai Fong 2", set in the bustling nightlife of Hong Kong. The poster features neon lights, stylish characters, and the iconic skyline, capturing the energetic and urban atmosphere of the series. +A towering skyscraper at night, its facade illuminated by vibrant LED lights that spell out "Stock Market Open" in bold, dynamic letters, casting a glow over the bustling city below. +A detailed beach scene with a sandcastle featuring a flag that proudly displays "King of the Beach", set against a backdrop of gentle waves and a clear blue sky. +A realistic photograph of a modern laptop with a sleek, silver finish, featuring a bold, colorful sticker on its lid that reads "Code All Day" in a vibrant, eye-catching font. +A classroom globe, marked with "Flat Earth Society" in bold black marker, sits on a wooden desk surrounded by vintage school supplies and posters of world maps, under the warm glow of an old-fashioned desk lamp. +A vintage WWII plane with intricate "Lucky Lady" nose art, soaring through a clear blue sky, with detailed clouds and the sun shining brightly in the background. The plane's metal surface glints under the sunlight, showcasing its age and battle-worn appearance. +A vintage WWI propaganda poster with a stern-looking officer pointing directly at the viewer, declaring "I Want YOU To Chill Out". The poster features faded colors and distressed paper texture, blending traditional wartime urgency with a modern, humorous twist. +A weathered sailor's arm, muscular and sun-tanned, with a detailed tattoo that reads "Mom Anchor" in bold, nautical font, surrounded by intricate rope designs and a small, stylized ship. +A weathered medieval tavern sign, creaking in the wind, bears the faded inscription "The Drunken Dragon" above a bustling village street, with shadowy figures and flickering torchlight adding to the atmospheric scene. +A vibrant skateboard deck graphic featuring the bold text "Skate or Die" in a dynamic, graffiti-style font, set against a high-contrast background with splashes of neon colors and abstract shapes. +A dramatic desert canyon scene with a weathered signpost reading "BEWARE FLASH FLOODS" standing prominently against a backdrop of rugged, sun-baked cliffs and a distant, ominous storm cloud. +A cozy bookstore window display, bathed in warm evening light, featuring a prominently placed sign that reads "Bestseller List 2024", surrounded by neatly arranged books and vibrant literary posters. +An ancient stone tablet, weathered by time, stands in a misty forest clearing. The tablet is carved with the ominous warning "Beware the Tide", its letters deep and shadowed, hinting at forgotten secrets and dangers lurking just beyond the visible. +A bustling race track with a vibrant crowd, focusing on the finish line banner that reads "Checkered Flag Ahead" in bold letters, set against a backdrop of cheering spectators and speeding cars. +A realistic photograph of a conference name tag hanging from a lanyard, with the text "Hello My Name Is Alex" clearly visible against a blurred background of a busy conference hall. +A vintage postcard with a nostalgic scene of an old town street, bathed in warm sunset light. The message "Wish You Were Yesterday" is clearly visible, written in elegant cursive on the front. A time traveler stands in the background, blending seamlessly into the 1920s setting. +A modern smartphone with a sleek, black screen prominently displaying a lock screen notification: "3 New Messages". The device is placed on a minimalist, white background, highlighting the clarity and sharpness of the screen. Soft, ambient lighting enhances the visual focus on the notification. +Inside a futuristic spaceship cockpit, the main monitor is flashing "Approaching Black Hole" in intense, glowing green text, casting an eerie light over the control panels and the tense face of the pilot. +A vibrant movie poster featuring the title "Queenpins" in bold, glamorous typography, set against a backdrop of a 1970s bowling alley, with dynamic lighting and a group of stylish women in retro attire, exuding confidence and flair. +A vintage movie poster titled "Invasion of the Moon Men", featuring retro sci-fi art with silver-suited aliens descending from a glowing, cratered moon, set against a starry night sky with a 1950s cityscape in the background. +A glowing Magic 8-ball hovers in a dimly lit room, with the message "Ask Again Later" clearly visible in its window, reflecting a soft, ethereal light. +A bustling food truck with a vibrant window decal that reads "Vegan BBQ Special Today", surrounded by eager customers in a sunny outdoor market, with steam rising from delicious plant-based dishes on display. +A vintage engraved pocket watch with the phrase "Time Waits for No One" intricately etched on its silver surface, lying on a worn leather journal page, surrounded by scattered antique keys and a faded rose petal. +A realistic smartphone screen displaying a weather app notification that reads "Storm Alert Stay Indoors", set against a backdrop of a dark, stormy sky with raindrops and lightning visible in the distance. +A realistic urban night scene featuring a taxi with a rooftop light-up sign prominently displaying "Off Duty" in vibrant red, illuminated against the dark sky, with city lights reflecting on wet streets. +A vibrant TV show poster featuring the logo "The Sound of Dreaming" prominently at the top, set against a backdrop of a surreal, dreamlike landscape with floating musical notes and soft, glowing lights. +A movie poster with the title "Galaxy Warriors" in bold, blocky red text, set against a backdrop of a star-filled galaxy, with futuristic spacecraft and armored warriors in the foreground. +A high-quality photograph of a wine bottle with a sophisticated label that reads "Vintage Reserve 1999", set against a rustic wooden background, capturing the elegance and age of the wine. +A surfboard rests on a sandy beach, the bottom facing up, with the text "Waves Welcome Here" clearly visible. The sun sets behind the board, casting a warm, golden glow over the scene, emphasizing the inviting message. +A close-up of an elegant, vintage bookplate stamped with the regal text "Property of Lady Whistledown", set against the worn, golden pages of an antique book, with a subtle hint of a Victorian-era library in the background. +A high-resolution digital screen in a modern elevator displays "Floor 12" in sleek, white font against a black background, surrounded by polished metal and glass interiors. +A realistic underwater scene featuring a submarine's depth gauge prominently displaying "500M BELOW", surrounded by deep-sea flora and fauna, with a soft, blue-green ambient light filtering through the water. +A medieval blacksmith's shop with a weathered wooden sign hanging above the entrance, inscribed with "Quality Steel" in bold, rustic letters. The sign sways gently in a breezy afternoon, with the blacksmith working diligently at his forge in the background. +Rustic farmhouse mailbox at the end of a gravel driveway, painted with "The Johnson Family Est 1998" in bold, weathered letters, surrounded by wildflowers and tall grass, under a clear blue sky. +A futuristic robot stands in a dimly lit room, its chest panel glowing ominously with the message "Error 404" displayed in bright red letters, casting a eerie light on its metallic surface. +A close-up of a vintage candy heart with the message "True Love" in bold, colorful letters, set against a soft, pastel background with a slight bokeh effect, capturing the nostalgic charm and sweetness of the confection. +A realistic photograph of a student ID card with "University of Tech" clearly visible, set against a neutral background. The card shows the student's photo, name, and a barcode. +A close-up of a concert wristband with "VIP Access Only" prominently displayed, set against a dimly lit background with a subtle glow around the wristband, enhancing its premium look. +A close-up of a pet collar tag, engraved with "If Found Keep Him", lying on a rustic wooden table, with soft sunlight streaming through a nearby window, casting a warm glow on the tag. +In a modern hospital room, a digital monitor displays "Critical Condition" in stark red letters, its screen flickering ominously. Medical equipment surrounds a patient, with IV drips and heart monitors adding to the tense, sterile atmosphere. +A close-up of a sleek, futuristic time police badge, intricately engraved with "To Protect and Paradox", set against a backdrop of swirling temporal vortexes and glowing timelines. +On a serene campus, a well-maintained path leads to a sign that clearly reads "No littering", surrounded by lush greenery and blooming flowers, emphasizing the importance of keeping the environment clean. +A gritty, realistic photograph of a pirate standing in a dimly lit tavern, holding a glowing 4-star rating card with the text "Stabbed Bartender 4 Stars" prominently displayed, surrounded by broken bottles and a surprised crowd. +A cozy coffee shop interior with customers sipping coffee and chatting. Above the counter, a vibrant digital display reads "Earn Stars Get Wings", highlighting the loyalty app's logo and a pair of elegant, feathered wings. Warm lighting and wooden decor create a welcoming atmosphere. +A cozy bookshop’s window display, adorned with vibrant posters and colorful books, prominently promotes "Bestseller Week" with a cheerful sign, inviting passersby to explore the latest hits and bestsellers. +A towering skyscraper under construction, with a prominent steel beam signed "Safety First 2024" at the center, surrounded by workers in hard hats and safety vests, against a backdrop of a bustling city skyline. +A hotel elevator with a modern, sleek design, featuring a digital sign that reads "Now Playing Jazz" in elegant, glowing letters, surrounded by ambient, warm lighting and reflective surfaces, capturing the essence of a luxurious and sophisticated atmosphere. +A photo of a helicopter with the text "helicopter tours" on the side, landing on a helipad in a valley. The scene features a river winding through lush trees and majestic mountains in the background. +In a modern dinosaur museum, a detailed display features a life-sized T-Rex model with a label reading "TRex Vegetarian Phase", surrounded by lush prehistoric plants and informative panels explaining this unique theory. +A realistic photograph of a pet collar tag shaped like a bone, with the name "Max" intricately engraved on both sides, lying on a soft, textured surface with natural light highlighting its details. +A dimly lit prison cell with walls deeply scratched, the word "Innocent" repeated endlessly in a desperate, fading script, casting shadows in the harsh light. +A close-up of a bookstore shelf label neatly categorizing "Classic Literature", surrounded by well-organized rows of classic novels with vintage covers, in a warm, cozy library setting. +A vintage movie theater marquee, illuminated at night, prominently displays the text "Now Showing" in vibrant, glowing letters, set against a dark, starry sky. The marquee's ornate design and classic font evoke a sense of nostalgia and excitement. +A bustling supermarket aisle with bright overhead lighting, shelves stocked with colorful canned goods, and a clear, prominently displayed aisle marker reading "Canned Goods Aisle" hanging above. Shoppers browse the selection, adding items to their carts. +A vibrant street scene featuring a charming Italian restaurant with a wooden menu board prominently displaying "Daily Special Pizza" in elegant script, surrounded by fresh herbs and ripe tomatoes, set against a backdrop of bustling city life. +Retro diner with neon lights, vintage decor, and a menu board prominently displaying "Today's Special Burger Meal" in bold, colorful letters. The scene is bustling with customers enjoying their meals, and the atmosphere is warm and inviting. +A close-up of a pet collar tag, intricately engraved with "If Found Call My Human", lying on a rustic wooden table with soft, natural light illuminating the detailed engraving and the worn texture of the wood. +A realistic photograph of a tattoo parlor window, featuring a bold decal that reads "No Regretz Allowed" in vibrant, eye-catching colors, with a faint reflection of the street outside. +A submarine porthole with a sticker that reads "I Brake for Kraken", surrounded by deep blue ocean water, with faint, mysterious lights and the silhouette of a giant squid tentacle in the background. +A close-up of a gardener’s seed packet labeled "Grow Magic Here" lying on a rustic wooden table, surrounded by blooming sunflowers in a vibrant garden. +A modern smartwatch with a sleek black band, displaying a notification that reads "Buy Milk" alongside a cheerful cartoon cow icon, set against a minimalistic background. +A classroom wall features a vibrant growth chart titled "Photosynthesis Wins Again", charting the progress of a thriving plant. Sunlight streams through a window, casting a warm glow on the chart and the lush, green plant beside it. +A carnival scene with a vintage fortune teller's tent, a glowing sign above it that reads "Know Your Future 5" in ornate letters, surrounded by twinkling fairy lights and curious onlookers. +A vibrant weather forecast graphic with a playful twist, featuring a sunny sky with clouds shaped like laughing faces and a bold, colorful banner reading "100% Chance of Dad Jokes" across the top. +An astronaut stands against a stark, lunar backdrop, the visor of their helmet reflecting the critical message "O₂ Low" amidst the tranquil desolation of the moon's surface. +A sandcastle on a sunny beach, with a small flag waving proudly from its highest tower. The flag reads "Beach Party 2023" in bold, vibrant letters. Palm trees sway in the background, and the ocean glistens under the bright sky. +A detailed subway map with a prominent label "Downtown Station", set against a modern city backdrop. The map features clear, crisp lines and vibrant colors, highlighting the station with a subtle glow to emphasize its importance in the urban transit network. +A close-up of a firefighter's helmet, prominently displaying a sticker that reads "I Fight What You Fear", set against a backdrop of a smoky, urban landscape at dusk. The helmet is slightly worn, with scratches that tell a story of bravery and service. +A weathered fishing boat named "The Salty Catch" floats on calm, azure waters at sunrise, its wooden hull glistening with droplets from the early morning mist. Seagulls perch on the deck, and the faint silhouette of a lighthouse is visible in the distance. +A gym poster featuring bold text "No Pain No Gain" prominently displayed beside a pair of dumbbells, set against a vibrant, energetic background with fitness equipment and motivated athletes in the background. +A realistic photograph of a pharmacy window featuring a decal that reads "24 Hour Flu Shots Available", with a modern urban backdrop and soft afternoon lighting highlighting the store's clean, inviting exterior. +A realistic photograph of the New York skyline at night, with "Diffusion" written in colorful fireworks blazing across the dark sky, illuminating the iconic buildings below. +A realistic photograph of a car's rear bumper, prominently displaying a yellow and black "Baby On Board" sticker, with a slightly blurry background showing a suburban street. +A cheerful baker in a cozy kitchen, wearing an apron embroidered with the pun "Knead To Bake", surrounded by fresh bread and pastries, with a warm, inviting atmosphere. +A cozy café interior featuring a chalkboard prominently displaying "Today's Special Coffee" in elegant, handwritten script. Warm lighting and rustic wooden furniture enhance the inviting atmosphere, with a few patrons enjoying their drinks in the background. +An astronaut's spacesuit features a vibrant mission patch with the name "Orbit Quest" prominently displayed, set against the backdrop of a distant Earth gleaming in the sunlight, with stars twinkling in the blackness of space. +A dramatic TV show poster featuring the title text "Cauldron of Blood" in bold, ominous letters, set against a backdrop of swirling, dark mist and a glowing cauldron emitting eerie red smoke, surrounded by ancient, twisted trees. +A close-up of a smartwatch screen with a sleek, modern design, displaying the message "Low Battery" in bold, red letters against a dark background, with a slight reflection of the user's hand visible on the screen. +A bustling city street with a food delivery bike prominently featured, adorned with a vibrant advertisement that reads "Speedy Meals Delivered". The scene is lively, with pedestrians and other cyclists, emphasizing the efficiency and convenience of the service. +A realistic rural scene with a farmer's scarecrow standing in a golden wheat field, holding a sign that reads "No Crows Allowed", under a clear blue sky. +A vast desert under a scorching sun, where a mirage creates the illusion of a shimmering lake in the distance, with the words "Water Ahead" clearly visible in the haze, reflecting the desperate hope of weary travelers. +A close-up of a dragon’s eggshell fragment, its rough, ancient surface inscribed with the words "Hatch Date" in elegant, glowing runes, surrounded by a backdrop of shimmering embers and twilight forest foliage. +A stylish pair of sunglasses with "Coolness Overload" etched in sleek, silver letters across the lens, resting on a marble countertop with a soft, diffused light highlighting the text and the glossy surface of the lenses. +In a contemporary art gallery, a minimalist sculpture stands on a sleek pedestal. Below it, a museum plaque reads, "This Cost 1 Million". The scene is bathed in soft, ambient lighting, highlighting the stark contrast between the simple art and its extravagant price tag. +A bustling city street at dusk, with a digital billboard prominently displaying the message "Sale Ends Tonight" in vibrant, scrolling lights, surrounded by the glow of street lamps and the silhouettes of passersby. +A mountain trail with a wooden signpost pointing towards the summit, clearly displaying "Summit 2km" in a rustic font, surrounded by rocky terrain and sparse, wind-swept vegetation. +Wanted poster "Dead or Alive" with a gritty, worn texture, featuring a mysterious outlaw with a weathered face, rugged clothing, and a Wanted sign prominently displayed, set against a dusty, old West town backdrop. +A realistic office desk with a wooden surface, a laptop, and a cup of coffee. A yellow sticky note is prominently placed on the desk, with the message "Submit Report Today" written in black pen. The lighting is soft and natural, coming from a nearby window. +A futuristic space hotel lobby with a sleek, glowing sign that reads "Gravity Fee 20hr" in bold, illuminated letters, surrounded by metallic walls and futuristic furniture, with a few space travelers chatting nearby. +A close-up of a modern fitness tracker screen displaying "10000 Steps Achieved", set against a blurred background of a city park at dusk, with the tracker's sleek design and vibrant colors highlighting the achievement. +A close-up of a sleek, futuristic police badge with the inscription "Chronological Disorder Unit" in bold, reflecting a metallic sheen under a soft, ambient light, set against a dark, gradient background. +A high-tech space station module with a sleek, futuristic design, featuring a prominent label that reads "Zero Gravity Lab" on the side, surrounded by the vast, dark expanse of space and distant stars. +A close-up of a hospital wristband on a patient's wrist, clearly displaying the text "Allergies Peanuts" in bold letters, set against a neutral background. +A detective stands in a dimly lit alley, his trench coat button engraved with "Sleuth Co". The coat is slightly open, revealing a vintage revolver in a shoulder holster. The scene is set at dusk, with a faint streetlamp casting shadows on the cobblestone pavement. +A vibrant subway car adorned with bold graffiti that reads "Art Not Crime", set against the urban backdrop of a bustling city, with shadows and highlights emphasizing the texture and depth of the graffiti. +A realistic photograph of a mountain trail with a wooden signpost clearly displaying "Summit 2 Miles". The trail is surrounded by lush greenery and rocky terrain, with a distant mountain peak visible in the background under a clear blue sky. +An ancient, leather-bound spellbook lies open on a wooden desk, illuminated by the soft glow of a candle. The page displays intricate, handwritten notes, with the phrase "Wingardium Leviosigh" prominently written in bold, elegant script. Dust particles dance in the warm light, adding a mystical atmosphere to the scene. +A weathered pirate map with a faded "X Marks the Spot" marked in the center, surrounded by intricate illustrations of ships, islands, and compass directions, all under a distressed, yellowed paper texture. +A vibrant music festival scene with a crowd cheering, colorful lights, and a stage in the background. A person in the foreground, wearing a "VIP All Access" wristband, stands out with a wide smile, capturing the festive atmosphere. +Retro diner scene with a vintage jukebox in the corner, its front lit up and displaying "Play Me Baby" in glowing neon letters, surrounded by classic 50s decor and a few patrons enjoying their meals. +A hiker stands in a dense forest, holding a compass at eye level. The compass face is clearly visible, labeled "True North", with the needle pointing towards a distant mountain peak. +A graduation cap decorated with "Class of 2024" rests on a stack of textbooks, surrounded by a scatter of diplomas and flowers, under the warm glow of a desk lamp, capturing the essence of academic achievement and celebration. +"Revolution Now" graffiti sprayed vividly on a weathered, crumbling brick wall, with peeling paint and moss adding to the aged texture. The scene is set in a dimly lit alley, capturing the raw, urban essence and the powerful message of change. +A hotel elevator with a large, ornate mirror etched with "You Look Great" in elegant script, reflecting a well-lit, modern interior and a person standing inside, looking pleased. +A vibrant hot air balloon floats in a clear blue sky, trailing a banner that reads "Fly with Us" in bold, colorful letters. The scene is set during a sunny morning, with the balloon casting a gentle shadow on the lush, green landscape below. +A realistic photograph of a zoo enclosure, featuring a prominent sign that reads "Do Not Feed the Lions", surrounded by lush greenery and a stone fence, with a few curious visitors standing at a distance, observing the majestic lions behind the barrier. +A realistic photograph of a pharmacy counter, with a prescription bottle prominently displayed. The label on the bottle clearly reads "Take 2 Daily", surrounded by other medical supplies and a pharmacist in the background. +A vintage postcard featuring a sunny, small-town scene with quaint houses and trees, a blue sky with fluffy clouds, and a handwritten message in the corner that reads, "Greetings from Sunnyvale". +An ancient papyrus scroll, titled "Secrets of Nile", lies unrolled on a worn wooden table, revealing intricate hieroglyphics and faded illustrations of the Nile River, surrounded by flickering candlelight and scattered artifacts from ancient Egypt. +An astronaut in a detailed spacesuit, floating in a zero-gravity environment, meticulously checking the oxygen levels on their control panel. The checklist item "Check Oxygen" is clearly visible on a digital screen, with Earth's blue horizon visible through the spaceship window. +A movie poster featuring the logo "Boredom" in a minimalist style, with a monochromatic background and subtle, muted colors, emphasizing the theme of monotony and disinterest. +A nostalgic retro video game title screen with pixelated graphics, displaying the text "Press Start Button" in bold, vibrant colors, set against a classic 8-bit background with simple, geometric shapes and a glowing arcade border. +A gym locker room with a fogged mirror that reveals the message "U Look Great Today" in the steam, surrounded by towels and gym equipment, with a soft, warm lighting creating a serene and motivational atmosphere. +A close-up photograph of a coffee cup with a sleeve that prominently displays the text "Caution Extremely Hot" in bold, red letters against a white background, set on a rustic wooden table. +A vintage, worn leather secret club membership card, embossed with intricate gold details and the words "Inner Circle" in elegant script, partially illuminated by a soft, warm light, set against a dark, mysterious background. +A superhero stands confidently, their cape flowing behind them. The clasp holding the cape features intricate embroidery that reads "Cape May Fly", catching the light in a dramatic urban setting at dusk. +A retro-futuristic time machine dashboard, intricately detailed with glowing gauges and digital readouts, set to "Yesterday 3 PM", surrounded by soft, ambient lighting that highlights the sleek, metallic surfaces. +A realistic classroom setting with a large periodic table on the wall, prominently highlighting the fictional element "Unobtainium" with a bright, glowing border. Students are seated at desks, looking intrigued. +A food truck parked on a busy street, its side panel adorned with a vibrant, colorful advertisement that reads "Taco Tuesday Special", featuring illustrations of succulent tacos and happy customers. +"Quiet Please" signs in a dimly lit movie theater, with soft red lighting and plush velvet seats, subtly reminding patrons to keep the noise down. +Outside a cozy café, a rustic chalkboard menu stands, elegantly displaying "Coffee Of The Day" in elegant script. The café's wooden door is slightly ajar, hinting at the warmth inside, while a few patrons sit at outdoor tables, sipping their drinks. +A realistic TV show poster with the title "Capturing the Friedmans" prominently displayed, set against a backdrop of a suburban home, with a family gathered in the living room, capturing the eerie and tense atmosphere of the documentary. +An ancient, metallic alien artifact lies in a forest clearing, its surface inscribed with the words "Welcome to Earth" in an intricate, otherworldly script. Sunlight filters through the trees, casting mysterious shadows on the artifact. +A serene beach scene with a vivid "Red Flag No Swimming" warning flag fluttering in the breeze, indicating strong currents and dangerous swimming conditions. The flag stands prominently against a backdrop of golden sand and turquoise waves. +A classic wedding cake topper featuring elegant figurines, a groom and bride, holding a sign that reads "Mr & Mrs", set against a backdrop of intricate frosting and delicate flowers, capturing the essence of a joyful and romantic celebration. +A high-resolution satellite image of a moon crater, where the natural patterns and shadows eerily spell out "Lunar Parking Only" in the landscape, with the text clearly visible and the crater's rugged terrain adding a sense of realism and mystery. +A weathered leather journal page, the edges curled and stained, with faded ink scribbling "I saw something impossible" in a hurried, trembling hand. +A vintage movie poster titled "Women in Love", featuring two elegant women in 1920s attire, standing against a backdrop of a romantic, sunlit garden. The poster captures the essence of passion and friendship, with soft, warm tones and intricate floral borders. +A close-up of the back of a football jersey, showcasing "MVP Player 07" in bold, vibrant letters, set against a dynamic stadium backdrop with cheering fans and a sense of victory in the air. +A metal park bench with a plaque engraved "In Memory of Alice", set in a serene garden surrounded by blooming flowers and tall trees, capturing the peaceful essence of a memorial site. +A cozy café interior with a rustic wooden table and chairs. On the wall, a chalkboard menu prominently displays "Today's Special Matcha Latte" in elegant script, next to a steaming cup of the beverage. Soft, warm lighting enhances the inviting atmosphere. +A mountain climber stands triumphantly at the summit, a flag planted firmly in the snow reading "Peak Procrastinated", with a rugged, snow-capped mountain range stretching into the distance under a clear blue sky. +A vibrant mural in a school hallway featuring the inspiring phrase "Dream Big Achieve More", surrounded by colorful illustrations of students engaged in various academic and extracurricular activities, set against a bright, sunny backdrop. +In a dimly lit, ancient stone kitchen, a bubbling cauldron sits on a wooden tripod, emitting eerie green smoke. A tattered sign hangs above, clearly warning "Do Not Stir After Midnight". Shadows dance on the walls, and a crescent moon casts a pale light through the small, foggy window. +A vintage arcade screen with pixelated graphics, brightly flashing "Player 2 Wins" in neon colors, set against a backdrop of glowing arcade machines and enthusiastic gamers. +A vast, dimly lit cavern filled with gleaming gold coins and treasures, with a large, ancient wooden sign at the entrance that reads "Gold Pieces Happiness 0", emphasizing the stark contrast between wealth and joy. +A classroom globe with a distinct sticker marking the "Equator Line", surrounded by educational posters and maps, under the warm glow of overhead lights, capturing the essence of a learning environment. +A realistic photograph of a tree in a dense forest, with a tag reading "Save Our Forests" hanging from one of its branches. The scene is bathed in the soft, dappled light of the afternoon, emphasizing the natural beauty and urgency of the message. +In a desolate, post-apocalyptic city, a large mural titled "The Before Times Were Weird" covers a cracked wall. The painting depicts surreal scenes from the past: people in quirky costumes, bizarre technology, and whimsical everyday objects, all under a hazy, nostalgic sky. +A vibrant food truck with a colorful, hand-painted sign that reads "Taco Tuesday 2" prominently displayed. The truck is bustling with activity, and a steamy plate of freshly made tacos is visible through the serving window, enticing passersby with its aromatic flavors. +A vintage bookstore display window, featuring the elegant sign "Classic Novels" in gold letters, adorned with a rustic wooden frame and surrounded by a collection of timeless books, bathed in the warm glow of an evening street lamp. +Ancient cave wall paintings, intricate depictions of a "Hunting Rituals" scene, soft glow of torchlight enhancing the primitive art, detailed figures of hunters and animals, textured stone surface, prehistoric atmosphere. +A Halloween pumpkin with "Boo" carved in jagged letters, sitting on a wooden porch, illuminated by a soft orange glow from within, surrounded by fallen autumn leaves. +A cozy bakery with a large window displaying a wooden sign that reads "Fresh Bread Baked Daily". The window is lined with various bread loaves and pastries, and the warm, golden light from inside spills onto the cobblestone street, creating a welcoming atmosphere. +A festive birthday celebration featuring a beautifully decorated cake with frosting that reads "Happy 30th Space Cadet", surrounded by cosmic-themed decorations, including stars and planets, with a backdrop of a galaxy night sky. +A realistic photograph of a modern factory floor, with a prominent, red warning sign that reads "High Voltage Danger" attached to a large, industrial machine. The scene is well-lit, with workers in protective gear nearby, emphasizing the caution required. +A quaint bakery window adorned with frosty glass, featuring elegant script that reads "Fresh Croissants Daily". The scene is illuminated by warm, ambient lighting from inside, casting a cozy glow on freshly baked croissants displayed behind the glass. +A sleek VR headset displayed on a tech demo table, its screen vividly showing the words "Enter Virtual World" in a futuristic font, surrounded by a digital landscape of floating islands and neon lights. +A dusty, weathered tombstone in an ancient, overgrown cemetery, with the inscription "Here Lies Forgotten Secrets" barely visible amidst the moss and cracks. +A wizard's staff, adorned with intricate runes that glow with a mystical light, pointing upwards as the words "Accio Sanity" are clearly visible, set against a backdrop of swirling, ethereal mists. +A romantic Valentine's Day scene with a vintage wooden table, adorned with a heart-shaped dish filled with colorful candy hearts. One candy heart reads "Be Mine Forever True" prominently, surrounded by rose petals and lit by soft, warm candlelight. +A realistic photograph of a modern city street, with a large, vibrant sign that says "Deep Learning" illuminated in neon lights, set against a backdrop of bustling city life and futuristic architecture. +In a well-lit art gallery, a sleek plaque reads "Modern Abstract" beneath a vibrant, geometric painting. The scene captures the essence of contemporary art with clean lines and bold colors, set against a minimalist white wall. +A neon bar sign glowing with "Live Music Tonight" is prominently displayed above a dimly lit stage, casting vibrant hues across the empty seats and the polished floor of a cozy, vintage music venue. +Retro arcade game cabinet displaying the vibrant, pixelated title screen "Space Invaders 2" with glowing neon lights and a crowd of enthusiastic players gathered around, capturing the nostalgic atmosphere of an 80s game room. +A high-quality photograph of a surfboard with a bold, stylized bottom print that reads "Waves or Die", set against a backdrop of rolling ocean waves and a vibrant sunset sky. +A Viking longship glides across the calm sea, its sail proudly displaying "Valhalla Awaits" in intricate runic alphabet, under a sky streaked with orange and purple hues of sunset. +A vibrant movie poster with bold, neon colors announcing "Coming Soon" in dynamic, futuristic font, set against a backdrop of a bustling cityscape at night, with skyscrapers and flying cars, evoking a sense of excitement and anticipation. +A coffee cup on a wooden table, with a sleeve that reads "Caution: Hot and Sarcastic", surrounded by steam, in a cozy, minimalist kitchen. +A chilling Airbnb listing ad featuring a dimly lit, vintage room with a dusty, ornate bed. The wall reads in eerie, glowing letters, "Ghost Charge 50night". A faint, translucent figure lingers by the window, adding to the haunted atmosphere. Style: Realistic photography. +A wizard's "Do Not Disturb" sign hangs ominously on the door of an ancient stone tower, lit by flickering torches, as the wizard performs a dragon-summoning ritual inside, surrounded by glowing runes and mystical artifacts. +A realistic classroom scene with a detailed periodic table poster prominently displaying "Hydrogen H Atomic 1" hanging on the wall, surrounded by curious students and a smiling teacher. +An astronaut tending a vibrant tomato plant in a futuristic Mars greenhouse, with a visible plant tag reading "Mars Salad Project" amidst the red Martian landscape through the transparent walls. +A majestic dragon exhales a blazing torrent of fire, sculpting the words "Hot Stuff" in mid-air, surrounded by swirling embers and smoke, set against a twilight sky. +A vibrant theme park ride photo booth, adorned with colorful lights and playful decorations, features a bold sign that reads "Capture the Drop". Thrilled visitors pose excitedly, capturing memories as they prepare for the exhilarating drop. +A realistic photograph of a submarine's control panel, with a digital screen displaying "Depth 500 Meters" in clear, bold text. The panel is surrounded by various dials and switches, with a faint blue glow from the screen illuminating the metallic surface. +A close-up of a paper fortune cookie slip, elegantly placed on a smooth, wooden table, with soft, warm lighting. The slip reads "Lucky Day Tomorrow" in elegant, cursive font, surrounded by a gentle, blurred background of traditional Chinese motifs. +A vibrant skatepark with dynamic graffiti on the walls, prominently featuring the phrase "Skate at Your Own Risk" in bold, colorful letters. Skaters perform tricks in the background, capturing the energetic and rebellious spirit of the scene. +A close-up shot of a modern fitness tracker with a sleek, black band, its screen brightly displaying "10k Steps Achieved" in bold, green text against a dark background, set on a blurred wooden table. +A realistic photograph of a bicycle sticker on a city bike rack, prominently displaying the message "Lock It or Lose It" in bold, eye-catching text, with a busy urban street and cyclists in the background. +A vibrant festival scene with a crowd of people enjoying music and lights. Focus on a wristband labeled "VIP Access" prominently displayed on someone's wrist, reflecting the exclusive nature of the event. +A vintage magic show poster with bold, ornate text proclaiming "Vanishing Act Tonight". The poster features a top-hat-wearing magician with a mysterious smile, a dramatic smoke effect, and a curtain backdrop, all set against a deep red background. +A close-up of a concert ticket stub with "The Neon Lights Tour" clearly visible, set against a backdrop of a vibrant, glowing cityscape at night, with neon lights and a crowd of excited fans in the distance. +A realistic photograph of a museum exhibit featuring a plaque titled "Age of Dinosaurs", surrounded by life-sized dinosaur models and illuminated by soft, ambient lighting that highlights the prehistoric theme. +A vibrant TV show poster featuring the bold logo "Red Nights" against a backdrop of deep, moody reds and urban nightlife, with city lights twinkling in the distance. +A vintage circus tent banner prominently displays the text "Lion Whisperers" in bold, ornate letters. The banner is weathered, with frayed edges and faded colors, fluttering slightly in a gentle breeze. The scene is set against a clear blue sky, capturing the essence of a bygone era. +A realistic photograph of a kindergarten classroom featuring a colorful chart on the wall titled "Weather Helper Today", surrounded by cheerful student drawings and a small group of children pointing excitedly at the chart. +A bustling train station with a vintage charm, where an old-fashioned speaker announces "Platform 9 Departing". Passengers hurry past, some glancing at the board showing the departure times, while others wait patiently on the platform, the steam from a nearby locomotive adding to the scene's nostalgic atmosphere. +A bustling construction site with a bright yellow warning tape fluttering in the wind, clearly printed with "Hard Hat Zone" in bold black letters, surrounded by hard-hatted workers and towering cranes. +A close-up of an antique wizard’s potion bottle, with a curling, weathered label that reads "Love Elixir No 9" in elegant, gothic script. The bottle is filled with a shimmering, pink liquid, and sits on a wooden table with scattered herbs and scrolls. +A realistic smartphone lock screen with a sleek, modern interface, displaying the text "Unlock For Adventure" in bold, inviting font against a vibrant, scenic backdrop of a mountain trail at sunrise. +A detailed ski resort trail map featuring a prominent marker labeled "Black Diamond Slope", set against a snowy backdrop with pine trees and skiers in the distance. The map is vibrant and clear, highlighting the challenging terrain of the black diamond slope. +A medieval plague doctor stands in a dimly lit market, his mask prominently displaying a tag that reads "Cures Sold Separately". The scene is gritty and atmospheric, with cobblestone streets and flickering lanterns, emphasizing the eerie and historical setting. +A baker in a cozy, rustic kitchen, wearing an apron embroidered with "Master of Dough", kneading dough with a warm, content smile, surrounded by freshly baked bread and pastries. +A bustling farmer's market scene with a rustic wooden stand, a vintage chalkboard prominently displaying "Fresh Eggs 3 Dozen", surrounded by baskets of farm-fresh eggs and vibrant produce. +A detailed close-up of a historical monument featuring the engraving "Lest We Forget", surrounded by weathered stone and subtle moss, with a soft, golden light highlighting the text, set against a backdrop of an overcast sky. +A futuristic sci-fi book cover titled "Alien Harvest", featuring a sleek spacecraft landing on a desolate planet, with alien flora and fauna in the background, and a dramatic, ominous sky. +A retro video game loading screen with pixelated graphics, featuring the text "Press Start" in vibrant colors against a backdrop of 8-bit stars and a simple, looping animation of a spaceship. +A realistic photograph of a dog wearing an embroidered collar with the tag clearly stating "My Name is Max", sitting on a grassy field under a sunny sky, with a few clouds in the background. +A cozy bakery interior with a vintage wooden counter, featuring a large glass cookie jar labeled "Take One". Warm, golden light spills from a window, casting soft shadows. The jar is filled with an assortment of freshly baked, mouth-watering cookies, inviting customers to indulge. +A detailed close-up of a lunar rover tire track imprinted on the moon's surface, clearly displaying the text "NASA Artemis 2025" amidst the fine, grey lunar regolith. +Retro video game title screen with vibrant 8-bit graphics, "Press Start to Rewind" displayed prominently in pixel art, surrounded by nostalgic game elements like old-school controllers and arcade buttons. +A snowy street with a fire hydrant prominently featuring a "Keep Clear" label, surrounded by fresh, fluffy snow, under a cloudy winter sky. +A bustling food truck with a vibrant sign that reads "Best Tacos in Town", surrounded by eager customers. The scene is set at dusk, with warm, golden lights illuminating the menu and the happy faces of those waiting in line. +A museum exhibit featuring a dinosaur fossil display labeled "TRex Lunchtime", with a towering T-Rex skeleton as the centerpiece, surrounded by smaller fossilized prey remains and informative plaques. The scene is illuminated by soft, focused lights, highlighting the ancient bones. +A cozy bakery interior with a large oven window displaying the text "Fresh Bread Daily". Golden loaves of bread are visible through the steam, with warm lighting enhancing the inviting atmosphere. +A courtroom scene with a judge's gavel prominently displayed, engraved with "Justice Prevails", on a wooden desk, under the watchful gaze of a stern judge in a black robe. +A decrepit, haunted mansion gate, its hinges creaking ominously in the wind, with an eerie sign that reads "Abandon Sleep All Who Enter" hanging from it, set under a moonlit sky. +A realistic photograph of a recycling bin with a clear label marked "Plastic Only", set in a modern urban park, surrounded by greenery and with a few people in the background. +A yoga mat with a subtle imprint of the phrase "Breathe In Breathe Out", set against a serene, minimalist background. The mat is slightly worn, showing gentle use, and the text is clear and elegant, evoking a sense of calm and mindfulness. +A digital art gallery featuring a sleek, modern plaque titled "Abstract 7 Existential", showcasing a vibrant, surreal painting with swirling colors and geometric shapes, set against a minimalist white wall. +"Abstract Chaos 5" hangs in a modern art gallery, a vivid canvas of swirling colors and bold, unpredictable lines. The piece dominates the space, its dynamic energy drawing viewers into a world of abstract expression. Gallery lights highlight the texture, emphasizing the chaotic yet harmonious blend of hues. +A serene frozen lake, with large, clear ice blocks scattered across its surface, reflecting the pale winter sky. The scene is titled "Thin Ice", emphasizing the delicate and fragile nature of the environment. +A futuristic spaceship control room, with a central panel glowing and blinking "Hyperdrive Engaged" in neon blue. The room is dimly lit, casting shadows over the intricate machinery and digital screens displaying complex data. +A realistic photograph of a school crossing sign reading "Slow Down Kids at Play" positioned near a zebra crossing, with children playfully walking across the street, surrounded by a safe, suburban environment. +A winter scene at a ski resort, with a prominent sign at the entrance of a ski lift that reads "Helmets Mandatory on Slopes", surrounded by snow-covered trees and skiers in bright outfits. +A busy city intersection at dusk, with a digital billboard towering above the street, prominently displaying the message "Traffic Jam Next 5 Miles" in bright, glowing letters. Cars are queued up, headlights illuminating the rainy pavement. +An alien restaurant with neon signs and futuristic decor, showcasing a menu prominently displaying "HumanFree Dishes Only" in bold, glowing letters, surrounded by exotic, otherworldly dishes and patrons with various alien features. +A pirate ship sailing on stormy seas, with a ominous black flag billowing in the wind. The flag bears the warning "Beware The Black Pearl" in bold, white lettering, under a skull and crossbones. Dark clouds loom overhead, enhancing the foreboding atmosphere. +A bustling farmer’s market stall with a vibrant banner in sunflower yellow, proudly displaying the text "Organic Proud", surrounded by fresh, colorful produce and bustling shoppers. +A realistic photograph of the Hubble Space Telescope orbiting Earth, with the Milky Way galaxy prominently visible in the background. The text "subsidised" is clearly displayed in the foreground, adding a surreal element to the cosmic scene. +A professional surfer glides smoothly over crystal-clear ocean waves, the "Waves Rider Pro Model" surfboard bottom visible beneath the water's surface, reflecting the vibrant blue of the tropical sea. Sunlight sparkles on the waves, creating a dynamic and lively scene. +An ancient, tattered page from a wizard's spellbook, illuminated by a soft, mystical glow. The page is filled with arcane symbols and handwritten notes, prominently featuring the incantation "WiFius Connectum" in bold, elegant script. +A detailed medieval castle tapestry featuring the "Royal Crest" prominently embroidered in gold and vibrant threads, set against a rich, deep red background. The tapestry hangs in a grand hall, illuminated by flickering torchlight, emphasizing the intricate designs and regal symbolism. +A realistic photograph of a roadwork barrier sign cautioning "Detour Ahead", placed on a busy urban street, surrounded by cones and construction equipment, with a partially visible detour route marked on the ground. +A close-up of a vintage library stamp with "Property of Willow Library" in bold, red ink, set against the aged, cream-colored paper of an antique book, capturing the nostalgia and history of a bygone era. +A realistic photograph of a restaurant bathroom, featuring a mirror with the etched message "You Look Tired" reflected in it, surrounded by subtle water stains and a soft, ambient light. +A cozy pottery studio with a rustic wooden door, featuring a hand-painted sign that reads "Handle Hot Memories" above the kiln. Sunlight streams through the windows, casting warm shadows on the clay pots and tools scattered around the workspace. +A futuristic tech expo with a crowd gathered around a sleek, modern booth. A model wearing a VR headset with a demo screen displaying "Enter the Metaverse". The environment is lit with neon lights, and people are interacting with holographic displays. +A bakery window featuring a modern, sleek decal that reads "Gluten Free Options Available", with freshly baked bread and pastries displayed inside, casting a warm, inviting glow. +A close-up of a retro robot's chest panel, with a prominently displayed label that reads "Emotion Chip v10 Handle Care". The panel features vintage knobs, dials, and a glowing indicator light, set against a slightly worn, metallic surface. +A modern, urban scene featuring a person wearing a black T-shirt with bold, white letters reading "Code Never Sleeps", standing against a backdrop of neon-lit cityscapes and tech gadgets, emphasizing the blend of fashion and technology. +A digital billboard looms above a bustling highway, displaying the warning "Accident Ahead Slow To 30" in bold, red letters, casting a stark contrast against the evening sky as cars slow down, their headlights piercing the twilight. +A basketball court with "Home of the Tigers" painted in bold, vibrant letters across the floor, surrounded by bleachers and a crowd cheering in the background. The scene captures the energy and spirit of a high school game, with players in mid-dribble and a ball frozen in mid-air. +A close-up of an alien spaceship's hull, showcasing a metallic plaque with the text "Humans Handle With Sarcasm" in bold, futuristic font, surrounded by intricate alien symbols and glowing blue accents. +A close-up photograph of a hospital wristband, clearly displaying the text "Patient ID 34821B", wrapped around a patient's wrist in a clinical setting. +A sleek, futuristic robot with a metallic sheen, featuring a prominent chest panel labeled "Model XT 9000", standing in a high-tech lab with soft lighting highlighting its advanced design and intricate details. +A close-up of a detailed magic wand, intricately engraved with the words "Swish and Flick", set against a mystical, softly glowing background. +A futuristic spaceship's control panel, with sleek, metallic surfaces and holographic interfaces, displays a flashing red "Gravity Failure" alert, casting an urgent glow on the concerned faces of the crew members in the dimly lit control room. +Aerial view of a vast, green field with an intricate alien crop circle pattern spelling "Try Vegan" in the center, surrounded by swirling, flattened crops. The morning sun casts a golden glow, enhancing the mysterious and serene atmosphere. +A serene landscape featuring the iconic "Welcome to Yellowstone" archway at the entrance of the national park, surrounded by lush greenery and towering trees, with a clear blue sky above. +A vibrant, eye-catching candy wrapper design for "Extra Sour Shock", featuring bold, neon colors and playful, jagged edges that evoke a sense of electrifying sourness. The wrapper is glossy with a slightly textured finish, enhancing the tactile appeal of the candy. +A young scout proudly displaying her "Junior Scout" camp badge, standing in front of a vibrant, wooded campsite with a tent and a campfire in the background. The badge is prominently visible on her green uniform. +A bookstore window display featuring a striking sign that reads "Read the Fine Print". Surrounding the sign are neatly arranged books with detailed, intricate covers, creating a visually engaging and inviting scene that emphasizes the importance of careful reading. +A crystal ball on deep velvet cloth, shimmering under soft light, with the phrase "The Answer Lies Within" clearly visible as a mystical inscription floating inside the ball. +A realistic urban scene featuring graffiti on a brick wall, reading "Turn Back Now" in bold, red spray paint, with subtle shadows and texture to emphasize the rough surface and the vibrant color of the letters. +A detailed campsite map with a prominent, rustic wooden signpost marker clearly indicating "Bear Territory Ahead", surrounded by dense, green forest and subtle wildlife footprints leading into the woods. +A high-tech spaceship control panel with a prominent red warning light labeled "Gravity Failure", surrounded by various screens and buttons, in a dimly lit, futuristic setting. +A close-up of a high-tech dinosaur egg incubator with a caution label that reads "Hatch at Your Own Risk", surrounded by glowing green lights and futuristic controls, set in a dimly lit laboratory. +A vibrant rock concert stage with a massive backdrop displaying "World Tour 2024", illuminated by colorful lights and surrounded by enthusiastic fans waving glow sticks. +In a hospital corridor, a vintage sign that says "capitularis" hangs above a wooden information desk, illuminated by soft fluorescent lights. The scene is captured in a realistic photographic style, with a focus on the sign and the sterile, yet slightly aged, surroundings. +A close-up of a scuba tank with a bold, red warning label that reads "Check Air Supply", set against the blurred background of an underwater scene with gentle light filtering through the water. +In a dimly lit museum hall, ancient artifacts are displayed behind glass, with a clear sign that reads "Do Not Touch" prominently placed in front. The warm glow of spotlights highlights the intricate details of the relics, emphasizing their historical significance and fragility. +A worn detective’s notepad open to a page with "Case 42 Unsolved" written in bold, underlined, with notes and sketches of a mysterious scene around it, set on a dimly lit, cluttered desk. +A vintage alarm clock with a glowing red display reading "Snooze Forever" sits on a wooden nightstand, surrounded by scattered books and a cup of cold coffee, in a dimly lit bedroom. +A beautifully decorated birthday cake with intricate piped icing that reads "40 Never Looked Better", placed on a rustic wooden table, surrounded by soft, warm candlelight, creating a cozy and celebratory atmosphere. +A serene beach at sunset, with footprints carefully arranged to spell "Hello" in the sand, waves gently lapping at the edges of the message, palm trees swaying in the background, and a warm, golden light casting long shadows. +A museum exhibit featuring a display case with ancient Egyptian artifacts, including pottery, statues, and jewelry, with a prominently placed label reading "Ancient Egyptian Artifacts" in elegant, golden script. The scene is lit by soft, ambient lighting, highlighting the historical significance of the items. +A modern gym with a large mirror featuring the motivational decal "Sweat Now Shine Later" in bold, sleek letters. The reflection shows a fit individual working out, with gym equipment and vibrant lighting enhancing the energetic atmosphere. +A close-up of a futuristic space helmet interior, displaying "O2 Level 95 Percent" on a sleek, holographic screen. The display is illuminated in a soft blue light, reflecting off the helmet's visor and the surrounding control panels. +A close-up of a superhero’s shield, the emblem boldly displaying the word "Fearless" in a dynamic, futuristic font, set against a reflective, metallic surface with subtle battle scars, capturing the essence of bravery and resilience. +A charming flower shop window displaying a vibrant arrangement of blooms, with a prominent sign that reads "Same Day Delivery". The scene is set in the early evening, with soft, warm lighting enhancing the colors of the flowers and the inviting atmosphere of the shop. +A detailed treasure map with "X Marks the Spot" pinpointed near a dramatic cliff edge, surrounded by rolling hills and a misty ocean in the background. The map is old and weathered, with intricate illustrations and faded ink, suggesting a long-forgotten adventure. +A motorcycle helmet with "Live Fast" painted in vivid flames, set against a backdrop of a roaring engine and speeding tires, capturing the thrill and freedom of the open road. +A realistic photograph of a "Detour Ahead" road sign standing prominently on the side of a busy highway, diverting traffic with clear signage and cones guiding the flow of cars. +A "Danger Falling Ice" warning sign prominently displayed near the entrance of a sleek, modern skyscraper, with icy conditions evident on the building's facade and the surrounding area, emphasizing the potential hazard. +A close-up photograph of a brass plaque mounted on the stone wall of a historic building, clearly stating "Built in 1890", with the building's intricate Victorian architecture visible in the background. +A realistic photograph of a math competition certificate featuring the text "First Place Winner" prominently displayed, with a gold border and a medal icon. The background shows a blurred classroom setting, enhancing the academic theme. +A van parked on a gravel road, with a bumper sticker reading "Caution Dogs Adventure Mobile", surrounded by lush green trees and a clear blue sky. +A sleek, futuristic time machine control panel with illuminated buttons and holographic displays, prominently featuring the text "Destination Year 3024" in a bold, glowing font, set against a backdrop of swirling, cosmic light. +A close-up of a spacesuit glove, the reflective surface slightly scratched, with "Moon Dust" carefully written in bold, white letters on the cuff, set against the backdrop of a lunar landscape. +A realistic photograph of an airport security checkpoint, with a clear sign that reads "Remove Electronics" hanging above the X-ray machine, surrounded by travelers and luggage. +A realistic underwater scene featuring a submarine's control panel with a glowing red alert displaying "Depth 5000 Feet", surrounded by anxious crew members in a dimly lit, tech-filled room. +A high-intensity gym interior with a large, vibrant motivational wall decal that reads "No Pain No Gain", surrounded by state-of-the-art equipment and energetic athletes pushing their limits. +A futuristic digital pet collar, sleek and modern, flashes the message "Walk Me Now Human" on its screen. The collar is wrapped around a fluffy white dog's neck, standing on a high-tech city street at dusk, with neon lights reflecting off wet pavements. +In a quiet library, an old computer screen displays the text "Search Catalog Here" against a backdrop of neatly arranged bookshelves, with soft light filtering through nearby windows, casting gentle shadows. +A serene picnic scene with a blanket featuring an intricate pattern woven with the words "Sunny Days", set against a backdrop of a vibrant, sunny meadow with soft clouds in the sky. +A close-up of an artisan bread bag tag, prominently displaying "Sourdough Loaf 12" in elegant, rustic font, with a textured background resembling a wooden table, and a slice of freshly baked sourdough bread in the corner, steam rising slightly. +A detailed passport stamp from a fictional country "Republic of Utopia", featuring a majestic eagle perched on a globe, surrounded by intricate floral patterns and the country's motto in elegant script. +A pizza delivery box, prominently stamped with "Warning Cheesy Danger Inside", resting on a wooden table, with a slice of cheese pizza peeking out, steam rising, and a cozy kitchen backdrop. +A movie theater marquee at night, brightly lit, promoting "The Final Chapter Part 5" with vibrant colors and dynamic text, surrounded by a bustling cityscape and eager moviegoers. +A lush, vibrant greenhouse with a wooden sign hanging at the entrance, clearly reading "Tropical Zone", surrounded by exotic plants and flowers, with sunlight filtering through the glass roof, creating a warm, tropical atmosphere. +An alien stands in a futuristic landscape, its spacesuit adorned with an embroidered patch that reads "Hello from Planet Sarcasm", showcasing a mix of advanced technology and humorous detail. +A realistic photograph of a car's dashboard, with the "Check Engine" light blinking prominently, set against the dim interior lighting of the vehicle. +A carnival scene with a Ferris wheel in the background, a ticket booth in the foreground, and a close-up of a ticket stamped "Admit One Ferris Wheel" on a wooden counter, with colorful lights and cotton candy vendors around. +A bustling construction site with a fence surrounding it, "Hard Hat Area" stenciled repeatedly along the fence, workers in hi-vis jackets moving about, cranes and scaffolding in the background, the urban skyline visible in the distance. +An ice cream truck parked on a sunny street, its side panel boldly listing "Today's Special Cosmic Swirl" with colorful, swirling graphics that mimic the galactic theme, surrounded by happy children and adults eagerly waiting in line. +A futuristic spaceship hull, marked "Galaxy Voyager", gleaming under the cold light of distant stars, with intricate details of its metallic surface reflecting the cosmos. +A bustling cityscape with a modern convention center featuring a large, digital marquee displaying "Robotic Law Symposium Today". The scene is alive with people and robots mingling, reflecting the futuristic theme of the event. +A realistic photograph of a heavy, metallic bank vault door, intricately engraved with the words "Authorized Personnel Only", set against a dimly lit, secure corridor with subtle reflections on the polished floor. +A crumpled, hand-drawn prison escape map with a corner note that reads "Good Luck", partially obscured by a rough stone wall, under the dim light of a flickering cell lamp. +A detailed airplane safety card diagram showcasing "Crash Positions", with clear illustrations of passengers in the brace position, set against a neutral background with safety instructions in bold text. +A museum exhibit features a large dinosaur fossil with a display sign that reads "T-Rex Was Vegetarian Not". The scene is lit by soft, overhead lights, highlighting the ancient bones and the intriguing, contradictory message on the sign. +A vibrant birthday card opened to reveal the message "Age is Just a Number" in elegant script, surrounded by colorful balloons and confetti, with a festive background of streamers and candles. +"Final Clearance" red tag swinging gently from a department store clothing rack, amidst a sea of neatly arranged garments, with soft overhead lighting casting subtle shadows, creating a serene yet slightly melancholic shopping environment. +A movie set with a clapperboard slate marked "Scene 11 Disaster", surrounded by actors in distressed costumes, abandoned props, and a chaotic background, capturing the intensity and drama of a disaster scene. +A realistic photograph of a parking garage ticket machine displaying a ticket that reads "Valid Until 11 PM", with the garage's concrete structure and dim lighting in the background. +A bustling amusement park with a towering roller coaster in the background. At the entrance, a sign reads "Must Be This Tall" with a measuring marker next to it, where a family is gathered, checking if the children are tall enough to ride. +A baker in a cozy, sunlit kitchen, wearing an apron embroidered with "Knead to Bake", kneading dough on a wooden table, surrounded by baking tools and fresh ingredients. +A TV show poster titled "Respite" featuring a serene landscape of a tranquil forest with a gentle river flowing through it, bathed in the soft light of a setting sun, evoking a sense of peace and calm. +A close-up of a modern digital blood pressure monitor displaying "120 80 mm Hg" on its screen, with a clean and minimalistic background, emphasizing the clarity and precision of the readout. +A witch's broomstick leans against an ancient, gnarled tree, with a small, ornate tag reading "Fly by Night" hanging delicately from it, illuminated by the soft glow of a full moon in the mystical forest. +A carnival ticket booth under a gray, stormy sky, with a prominent sign reading "Rides Closed During Storm", surrounded by empty, wet amusement park attractions and a few scattered, abandoned tickets on the ground. +A dimly lit doorway of an ancient, decrepit haunted house, with a tarnished metal plaque above the threshold warning "Abandon All Hope", surrounded by overgrown vines and eerie fog. +A cozy bakery interior with a glass case displaying an assortment of cookies. One cookie is broken open, revealing a fortune slip that reads "You Will Travel Soon", surrounded by a warm, inviting atmosphere. +A nostalgic video game loading screen with the text "Press Start" prominently displayed in retro 8-bit style, surrounded by pixelated game characters and vibrant, colorful backgrounds, capturing the essence of classic arcade games. +A mountain bike leans against a rugged trail, its frame adorned with a striking decal that reads "Trail Blazer Pro" in bold, vibrant letters. The scene captures the essence of adventure, with the bike ready for the next epic ride through the forest. +A realistic smartphone screen with a notification popup that reads "Low Battery", set against a blurred background of a modern living room, emphasizing the urgency and commonality of the situation. +A realistic photographic scene of a technician in a modern solar installation, carefully connecting wires to a solar panel, with the step "Connect Wires First" clearly visible in a manual on a nearby table. +A retro cereal box featuring a vibrant, animated mascot with wide eyes and a megaphone, shouting "Now With Real Dragon Eggs!" The box is adorned with playful, 1980s-style graphics and a dragon egg peeking out from the top. +A detailed map with an old, weathered texture, showing a rugged coastline and dense forests. A hand-drawn label points to a secluded cove, marked with the text "Hidden Treasure Here", surrounded by mysterious symbols and cryptic notes. +A tech startup office with a modern, sleek design, featuring a large, bold wall text that reads "Innovate or Die", surrounded by high-tech gadgets and vibrant, motivational decor. +A scientist in a lab, wearing a white lab coat with a nametag that reads "Dr Probably Right", stands amidst a clutter of experimental equipment and charts, looking thoughtfully at a complex formula on a whiteboard. +A rustic farmhouse mailbox, painted with "Smith Family Ranch" in bold, weathered letters, stands at the end of a gravel driveway, surrounded by lush green fields and a backdrop of rolling hills under a clear blue sky. +A sleek smartphone with a vibrant, custom case that reads "Charge Me Up" in bold, modern typography, set against a minimalist background with a subtle gradient. +A vibrant food truck with a side panel featuring a bold, colorful advertisement that reads "Tacos Over Everything", surrounded by illustrations of delicious tacos and lively street scenes. +A realistic photograph of a wedding cake topper featuring the couple’s names "Jess Taylor Forever", intricately designed with floral elements and placed atop a three-tiered cake, set against a soft, romantic background. +A realistic gym locker room scene featuring a sign that clearly states "No Towel No Service" with a strict, authoritative icon next to it, emphasizing the rule. The locker room is modern and clean, with rows of lockers and a few people in the background. +A vast desert landscape with an old, weathered signpost standing tall, pointing towards "Mirage 2 Miles Ahead". The sun is setting, casting long shadows and a warm, golden light over the sandy terrain, enhancing the sense of isolation and mystery. +A subway train with vibrant graffiti, prominently featuring the phrase "Rebel Zone" in bold, dripping letters that add a dynamic, rebellious feel to the scene. The train is parked in an urban setting, with the graffiti catching the light and casting subtle shadows. +A realistic photograph of a grocery store freezer door, labeled "Ice Cream Sale Today", with frost forming on the glass and colorful ice cream boxes visible inside, set in a well-lit aisle with shopping carts nearby. +A high-resolution desktop wallpaper featuring binary code artfully arranged to spell "Hello World", set against a sleek, dark background with subtle, glowing highlights that enhance the digital text, creating a modern and tech-savvy aesthetic. +A close-up of a DJ's turntable with a vibrant sticker that reads "Drop the Beat", set against a backdrop of glowing neon lights and DJ equipment. +A futuristic office setting with a holographic wristwatch prominently displaying the alert "Meeting With AI Overlord NOW" on its screen, surrounded by sleek, minimalist decor and soft, ambient lighting. +A retro video game loading screen with pixelated graphics, displaying "Level 1 Start" in bold, neon-green text against a deep blue background. The screen is slightly glitched, adding to the vintage gaming atmosphere. +A runner wearing a marathon bib numbered "42 Race Strong" crosses the finish line, exhausted but triumphant, with a cheering crowd and a vibrant finish line banner in the background. +An antique globe with a detailed, weathered surface, prominently displaying the label "Terra Incognita" in elegant, faded script, surrounded by intricate maps of unknown lands, under a soft, ambient light that highlights its aged, wooden stand. +A close-up of a fridge door with a yellow Post-it note attached, reading "Eat Salad LOL" in playful handwriting, partially covering a magnet. The fridge has a modern, stainless-steel finish with a few scattered magnets and a slight reflection of the kitchen lighting. +A quaint wishing well in a serene garden, with a coin bucket etched with the words "Dreams Come True Here", surrounded by lush greenery and vibrant flowers, capturing the essence of hope and dreams. +A neon sign in a futuristic city at night, reading "Batteries Not Included Duh", outside a robot pet store filled with mechanical animals, glowing with vibrant colors, reflecting off the wet pavement. +A worn, leather-bound notebook with a bold, red stamp that reads "Top Secret" on the front cover, sitting on a rustic wooden desk under a dim, vintage lamp, with scattered papers and a pen nearby. +A cactus-shaped sign stands tall in a vast, sun-baked desert, its green surface contrasting with the arid landscape. The sign reads "Hydrate or Diedrate", a playful warning to travelers in need of water. +A vintage postage stamp featuring "Year of the Tiger 2022", with intricate golden tiger designs and traditional Chinese motifs, set against a red background, surrounded by ornate borders and decorative elements. +A medieval knight stands proudly, his shield emblazoned with the emblem "For King & Country", reflecting the sun's golden rays in a grand castle courtyard, surrounded by stone walls and towering flags. +A skydiving plane with an open door, showcasing a detailed warning label that reads "Exit Carefully". The scene is set against a backdrop of a clear blue sky, with the plane's interior visible, emphasizing the safety and precision required in skydiving. +A snow-covered cabin in a winter landscape, with a wooden signpost pointing towards the cabin, clearly displaying "Warmth 1 Mile" in bold letters, surrounded by frosty trees and a gentle snowfall. +A cozy bakery interior with a vintage wooden counter, showcasing a large glass cookie jar prominently labeled "Secret Recipe". Warm lighting and a rustic backdrop enhance the inviting atmosphere, while a baker in a white apron stands nearby, smiling. +A tattoo parlor with a vibrant neon sign that reads "Ink Dreams", glowing against a gritty urban backdrop at dusk, surrounded by worn brick walls and faded posters. +A close-up photograph of a fridge magnet stating "Grocery List", adhered to a sleek, modern refrigerator. The magnet is centered, with a slightly worn, vintage look, and a subtle reflection from the fridge's surface. +A close-up of an elevator button panel with a button labeled "Floor 13 Restricted", set in a modern, dimly lit hallway. The panel has a sleek, metallic finish, and the button emits a faint, blue glow, emphasizing its restricted status. +A bustling airport terminal with a large departure screen prominently displaying "Flight 422 to Mars Boarding", surrounded by futuristic amenities and passengers in casual attire, some carrying high-tech luggage, under the soft glow of modern lighting. +A vintage postcard of Paris, featuring the Eiffel Tower at sunset, with the romantic message "Wish You Were Here" elegantly written in cursive script across the bottom. +A close-up photograph of a car dashboard with the "Check Engine" warning light flashing brightly, indicating a potential mechanical issue, set against the dim interior of a vehicle at dusk. +A vintage lunchbox thermos, labeled "Mom's Mystery Stew", sits on a checkered picnic blanket, surrounded by fallen autumn leaves. The thermos is slightly steaming, hinting at a warm, comforting meal inside. +A futuristic spaceship control room with dim blue lighting, where a red alert blinks on the main panel displaying "Gravity Generator Offline", while a crew member looks concerned at the screen. +A modern supermarket scene with a self-checkout kiosk prominently displaying a screen that reads "Scan Loyalty Card Here", surrounded by various products and a customer ready to scan their card. +A modern touchscreen kiosk in a sleek, futuristic station, with a clear and prominent instruction "Tap to Begin" displayed on the screen, surrounded by minimalist, clean design elements and soft, ambient lighting. +An ancient oracle bone, weathered and cracked, lies on a bed of sandy soil. Carved into its surface, the mysterious inscription reads "404 Prophecy Not Found", illuminated by the soft glow of a nearby lantern. +A high school football player in a jersey with "Johnson 22" printed on the back, standing on a sunlit field, the grass slightly crunching under his cleats, with teammates cheering in the background. +A cozy restaurant interior with a wooden table displaying a menu board hanging on the wall. The board features a handwritten heading "Daily Specials" in elegant cursive, illuminated by a soft, warm light from a nearby lamp. +In an elegant art gallery, a polished brass plaque rests beneath a stunning painting titled "Symphony in Blue", its deep azure hues and intricate brushstrokes capturing the essence of a serene coastal evening. +A vibrant food truck with a sleek, modern design, featuring a large window decal that boldly boasts "Award-Winning Burgers" in eye-catching, bold typography, set against a backdrop of a bustling city street. +A close-up of a laptop with a sticker on the top right corner, declaring "Certified Code Ninja", in a modern office setting, with a blurred background of tech gadgets and a desk lamp. +A vibrant garden scene with lush greenery and ripe tomatoes, featuring a wooden plant marker that reads "Tomatoes Growing Here" prominently displayed among the foliage. +A detailed superhero costume emblem featuring "Captain Brave" in bold, dynamic letters. The emblem is circular, with a shield-like border and a fierce eagle perched atop, symbolizing courage and leadership. The colors are vibrant, with a gradient of blues and reds, set against a metallic silver background. +A close-up of a pizza box sticker prominently displaying the text "Hot Fresh" in bold, vibrant letters against a red background, with a steam effect subtly rising from the box, suggesting the pizza inside is freshly baked. +A vibrant basketball court with the team's mascot and the phrase "Home Team Rules" prominently displayed on the floor, surrounded by enthusiastic fans in team colors. +A roadside billboard stands tall, advertising "World's Best Coffee" in bold, inviting letters. The scene is set at dusk, with the warm glow of streetlights beginning to illuminate the area, casting a soft light on the vibrant, colorful billboard. +A lighthouse stands on a rocky cliff, its powerful beacon casting the words "Safe Harbor East" across the misty sea and onto the wet rocks below, creating a serene and welcoming atmosphere. +A vibrant city street at night, with a neon bar sign glowing "Live Jazz Tonight" above a bustling entrance. Patrons dressed in chic evening wear are entering the bar, while a saxophonist plays a soulful tune on the sidewalk, adding to the lively atmosphere. +A bustling food truck with a vibrant menu board prominently displaying "Best Tacos in Town", surrounded by happy customers eagerly waiting in line on a sunny afternoon. +A weathered tombstone in a serene graveyard, covered in moss, with the engraving "In Loving Memory" clearly visible. Soft sunlight filters through the trees, casting gentle shadows. +A bustling street scene with a vibrant roadside food truck prominently displaying a sign that reads "Best Tacos in Town", surrounded by happy customers eagerly waiting in line, with the warm glow of sunset casting a golden hue over the area. +An eerie, abandoned asylum with a crumbling wall featuring bold, red graffiti that reads "They're Still Watching", surrounded by overgrown weeds and broken windows, casting a somber, haunting atmosphere. +A street sign stands on a bustling urban street, its surface weathered by time, reading "union-tribune" in bold, faded letters. The scene is captured in a realistic photographic style, with the sign prominently featured against a backdrop of passing pedestrians and city buildings. +A close-up of a chef's apron with intricate embroidery that reads "Kiss the Cook" in elegant cursive, set against a backdrop of a bustling kitchen. +A librarian's hand gently presses a vintage stamp, imprinting "Return by 2099" on the title page of a worn, futuristic sci-fi novel, set in a dimly lit, high-tech library. +A vibrant carnival scene with a ticket booth featuring a bright, colorful sign that reads "Ride All Day Pass", surrounded by festive decorations and happy crowds. +A close-up of a bakery’s pie box sticker, prominently displaying the warning "Contents Extremely Flaky", set against a warm, rustic wooden background. The sticker is slightly worn, adding a touch of authenticity to the scene. +A vintage genie lamp with intricate engravings, prominently featuring the phrase "Wishes Expire" in elegant script, resting on an antique wooden table under a soft, warm lamp light, surrounded by scattered grains of sand and a few withered flower petals. +An ancient, tattered page from a wizard’s spellbook, softly glowing with a mystical light. The text "CtrlZ Undoes Regrets" is illuminated in vibrant, shimmering runes, casting a faint, magical glow around the edges of the page. +A bustling train platform with "Track 3 Departing" sign, passengers waiting, and a modern train pulling in, steam lightly rising from the tracks, under a twilight sky. +A weathered sailor's arm, adorned with a nautical tattoo featuring the script "Homeward Bound", set against a backdrop of the ocean horizon, with seagulls flying overhead and a subtle hint of a lighthouse in the distance. +A high-quality photograph of a wooden table with a simple, rustic box prominently placed in the center. The box is labeled with bold, elegant text saying "Natural No Additives", surrounded by a serene, natural backdrop of a forest. +A vintage movie poster featuring the text "Grim Prairie Tales" in an eerie, Western font, set against a backdrop of a desolate prairie landscape at dusk, with a lone, silhouetted figure on horseback. +In a dimly lit, mystical chamber, an ancient wizard's staff lies on a stone table, its runes glowing faintly with a soft, blue light, spelling out "Power Nap Required" in an arcane script, surrounded by swirling mists and flickering candles. +A magician’s hat on a rustic wooden table, with a tag that reads "Magic Inside Abracadabra", surrounded by floating magical sparks and mystical symbols in a dimly lit room. +A serene forest reserve with a wooden signpost clearly visible, reading "Stay on Path" in bold letters. The path is defined by a line of stones, winding through dense, lush greenery. Soft sunlight filters through the canopy, creating a peaceful, inviting atmosphere. +A futuristic robot, with sleek metallic limbs and advanced AI, stands at a polished podium, its digital hand elegantly writing "Machine Learning" on a high-tech display screen, surrounded by ambient blue lights and a tech-laden environment. +A high-resolution smartwatch face displaying a reminder notification that reads "Call Mom 3" in a modern, clean font, with a subtle background gradient and minimalistic interface elements. +A close-up of a pet collar tag, engraved with "Call Mom", shining under soft sunlight, with the texture of the metal and the engraving clearly visible. The background is a blurred, warm, home environment, emphasizing the tag's detail and sentiment. +A sailor’s tattoo on his forearm reads "Mom Always", the bold letters inked in deep blue against tanned skin, with a weathered hand gently touching the tattoo, set against the backdrop of a calm sea and a vintage ship. +A vintage jukebox with a worn, wooden cabinet stands in a dimly lit, retro diner. The button labeled "Select Your Tune" glows softly under the warm, amber lighting, inviting a customer to choose their favorite song from the past era. +A young student stands with a schoolbag slung over one shoulder, the slogan "upper" boldly written across it, against a backdrop of a vibrant, sunny schoolyard filled with playing children. +A detailed campground map with a prominent red marker labeled "Bears Sighted Here", surrounded by forest trails and tent icons, under a clear blue sky. +A close-up of a pet collar tag, engraved with "If Lost Call 555 1234", lying on a wooden table with a soft, warm light casting a gentle shadow. The tag is worn but legible, reflecting a sense of history and care. +A realistic photograph of a laboratory whiteboard filled with complex scientific equations, with "42" circled at the bottom right corner, surrounded by scattered markers and a clipboard. +A weathered library book with a faded spine, labeled "Secret History Vol III", resting on an antique wooden shelf, surrounded by other vintage books. Soft, ambient light filters through a nearby window, casting a warm glow over the scene. +A high-resolution laptop wallpaper featuring the text "Stay Hungry Stay Foolish" in a modern, sleek font, set against a minimalist background with subtle geometric patterns. +A classroom wall adorned with a vibrant poster that reads "Math Is Fun", surrounded by cheerful mathematical symbols and shapes, with a diverse group of students engaged in a lesson, looking enthusiastic and curious. +An antique globe, with the words "New World" elegantly inscribed over the Americas, sits on a worn wooden desk, illuminated by the soft glow of an old-fashioned lamp. +A realistic photograph of an airport security checkpoint, featuring a blue bin with a clear label that reads "Place Electronics Here", surrounded by travelers and conveyor belts, under the modern lighting of the airport terminal. +A rustic wooden table features a baker’s dozen box, elegantly tied with a red ribbon that reads "13th Cookie Free", surrounded by a variety of freshly baked cookies, creating a warm and inviting scene. +A baker in a kitchen, wearing a traditional white baker's hat embroidered with the phrase "Knead Dough Not Drama", preparing dough on a wooden table, surrounded by baking tools and ingredients. +A retro-futuristic time machine dashboard with neon lights and analog dials, the central screen flashing "Yesterday 315 PM 199gal", set in a dimly lit room with a hint of 1980s aesthetic. +A cozy kitchen corner where a dog's food bowl, hand-painted with "Good Boy Buffet", sits on a checkered mat. The bowl is filled with colorful, appetizing dog food, and a cheerful, fluffy dog looks on eagerly, tail wagging. +A close-up of an artist's palette richly smeared with vibrant, swirling colors, prominently featuring the vivid hue labeled "Color Me Crazy", surrounded by scattered brushes and a half-filled water cup. +A realistic photograph of a gym locker room, featuring a large, motivational mirror sticker that boldly states, "You Can Do It", reflecting the encouraging atmosphere of the space. +A close-up of an ancient, leather-bound wizard's spellbook, open to a page titled "Toaster Repair Incantation", with intricate illustrations of magical toasters and glowing runes surrounding the text. +In a dimly lit cyberpunk alley, vibrant graffiti declares "Neon Rats Rule" across a weathered wall, illuminated by the glow of neon lights and scattered holograms, creating a futuristic urban scene. +A vintage ice cream truck parked by a sunny beach, its side panel featuring the words "Soft Serve 3" in a playful, cartoonish font, surrounded by cheerful, colorful decorations. +A detailed alien textbook diagram with labels, prominently featuring "Human Handle With Sarcasm", illustrating various human emotional responses and communication nuances, set against a sterile, futuristic classroom backdrop. +A realistic photograph of a campground rules sign, clearly displaying the text "No Open Fires After Dark", set against a backdrop of tents and a serene forest at dusk. +An antique compass face, intricately detailed with aged brass and a patina of green, labeled "Northwest Passage", set against a backdrop of vintage nautical maps and instruments, capturing the essence of early explorers. +A samurai stands on a misty battlefield, his katana raised high. Behind him, a banner waves in the wind, boldly displaying the words "Courage Cuts Through Fear" in elegant calligraphy. The scene is painted in a dramatic anime style, capturing the intensity of the moment. +A close-up of a chef's hat with the embroidered phrase "Kiss the Cook Please Dont", set against a kitchen backdrop with steam rising from a nearby pot. The hat is slightly worn, showing signs of frequent use. +A close-up of a firefighter helmet with the name "Captain Smith Engine 5" emblazoned on the front, set against a backdrop of a smoky, fiery scene, emphasizing the helmet's reflective visor and the worn, soot-streaked surface. +A vibrant street scene at the end of a marathon, with a large, colorful finish line banner reading "Finish Strong" overhead. Runners, drenched in sweat and filled with determination, cross the line as enthusiastic spectators cheer them on. +A yoga studio featuring a large, intricate wall decal in the shape of a lotus flower, with the words "Breathe Deep" elegantly inscribed at its center, surrounded by soft, ambient lighting and serene, calming decor. +A close-up of a classroom ruler, etched with the phrase "Measure Twice Cut Once", lying on a wooden desk with pencils and paper scattered around, under the warm glow of a desk lamp. +At a bustling farmer’s market, a wooden sign reads "Organic Tomatoes 4 USD", surrounded by vibrant, ripe tomatoes and cheerful shoppers browsing through fresh produce stalls. +A museum exhibit features a plaque that reads, "Ancient Memes Circa 2020s". The display showcases a series of humorous internet images from the early 21st century, each carefully preserved and labeled with its original context and cultural significance. +Retro diner scene with a red and black checkered placemat featuring a trivia question in vintage typography: "Who Shot JR?" The diner has a 1950s vibe with a jukebox in the corner and a soda fountain counter. +A realistic smartphone screen with a notification popup in the top right corner, displaying "3 New Messages" in clear, bold text against a dark background. The screen is slightly tilted, with a modern, sleek phone design and ambient light reflecting softly on the surface. +A gritty urban scene with vibrant graffiti on a weathered brick wall, boldly spelling out "Revolution Now" in dynamic, colorful letters. The wall is partially shadowed, with sunlight casting sharp contrasts, enhancing the powerful message. +A vintage suitcase adorned with a collection of antique travel stickers, prominently featuring a large, elegant sticker that reads "Paris 1923", surrounded by other vintage Parisian motifs and elegant borders. +In a dimly lit antique shop, a vintage music box sits on a dusty shelf, its label clearly reading "Play Me Release Demons". The scene is eerie, with shadows cast by a single flickering candle, enhancing the mysterious atmosphere. +A vibrant fitness center poster featuring a diverse group of people working out, with the bold, eye-catching text "Get Fit In 30 Days" prominently displayed at the top. The background showcases modern gym equipment and a dynamic, energetic atmosphere. +In a hospital room, an IV bag hangs from a stand, with a playful warning label that reads "Contains Dad Jokes". The scene is lit by soft, warm lights, and a patient smiles, amused, while a doctor holds a clipboard, looking slightly exasperated. +A realistic photograph of a desk with a coffee stain that eerily resembles the words "Monday Again", surrounded by scattered papers and a half-empty coffee cup. +A vibrant city wall adorned with bold graffiti spelling "Rebel Zone", set against a backdrop of urban decay, with shadows of passersby adding a dynamic sense of life and movement. +A realistic photograph of a bright orange traffic cone with a "City Works Dept" sticker prominently displayed on its side, set against a busy urban street with construction workers in the background. +A close-up photograph of a chemistry bottle with a clear label that reads "Hazard Flammable", set against a neutral background, emphasizing the warning and the bottle's glass texture. +A futuristic spaceship docked in a space station, with vibrant graffiti reading "Wash Me" sprayed across its sleek, metallic hull, reflecting the ambient lights of the station. +A yoga mat with the edge printing "Find Balance" laid on a serene beach at sunrise, with gentle waves and a soft, golden light casting a warm glow over the scene, emphasizing tranquility and harmony. +A realistic classroom setting with a large, detailed periodic table on the wall, prominently displaying "Element 79 Au Gold" with a golden border. Students are engaged, and a teacher points to the gold element, enhancing the focus on its significance. +A serene landscape with a gentle breeze, capturing the essence of nature. A poetry book page titled "Whispers of the Wind" lies open on a rustic wooden table, surrounded by wildflowers, with the soft glow of evening light casting a warm hue over the scene. +A nostalgic vintage Coca-Cola advertisement featuring the iconic slogan "Enjoy the Pause", set against a 1950s American backdrop with classic cars and a soda fountain, capturing the essence of mid-century Americana and the carefree spirit of the era. +A toy robot with a sleek, metallic chest plate that reads "Model X9 Powered On", standing in a child's room, with soft, ambient lighting highlighting its futuristic design and the subtle glow from its activated core. +A sushi chef preparing fresh rolls, wearing a traditional white headband embroidered with "Raw Deal" in bold, vibrant letters, set against the backdrop of a sleek, modern sushi bar. +A realistic photograph of a dog wearing an intricately embroidered collar with a tag that clearly states, "I'm the Manager", standing confidently in a sunlit garden, with lush greenery and flowers in the background. +A realistic photograph of a school bus stop sign prominently displaying "Stop Children" at the side of a quiet suburban street, with a few children waiting nearby and a school bus in the distance, morning sunlight casting soft shadows. +A close-up of a sleek, modern cosmetic bottle with the label clearly stating "type" on a minimalist white background, reflecting a clean and professional aesthetic. +A gym locker with a sleek, metallic nameplate engraved in bold block letters that read "Champs Zone", set against the backdrop of a modern fitness center with gym equipment in the background. +A realistic photograph of a birthday cake with intricate icing that reads "Happy Crisis" in elegant cursive, surrounded by colorful candles and set against a warm, celebratory background. +A vintage magic show poster featuring a magician in a top hat, boasting "Sawing Volunteer" in bold, vibrant letters. The poster includes an illustration of a stage with a dramatic spotlight, a volunteer inside a box, and a saw, all set against a dark, mysterious background. +An astronaut's moon rover leaves tire tracks spelling "Lunar Pathfinder" on the dusty lunar surface, with the Earth rising above the horizon in the background. +A modern, sleek tech startup logo featuring the words "Innovate Think Create" in bold, futuristic font, set against a minimalist background with subtle geometric shapes and a vibrant color palette, emphasizing innovation and creativity. +A futuristic sci-fi novel cover titled "Colony Mars Year 2050" featuring a sprawling Martian cityscape with sleek, domed habitats, bustling with advanced technology and rovers. The sky is a vivid shade of orange, with the Earth visible as a small blue dot in the distance. +A grand medieval castle gate adorned with a vibrant banner that proudly proclaims "Royal Welcome", set against a backdrop of ancient stone walls and a cobblestone path leading up to the entrance, bathed in the golden light of a setting sun. +A cozy coffee shop interior with a rustic wooden table and a chalkboard prominently displaying "Barista Special Matcha Fog" in elegant script. Soft, warm lighting enhances the inviting atmosphere, and a barista is seen preparing a cup of matcha fog in the background. +A road barricade with flashing red and yellow lights prominently displays the warning "Road Closed Ahead" in bold, clear letters, set against the backdrop of a dimly lit, empty street at dusk. +A close-up of a car dashboard with the alert light "Check Engine Soon" illuminated, surrounded by other dimly lit gauges and controls, in a slightly cluttered, realistic interior. +A dimly lit cave filled with gleaming treasures, walls adorned with ancient carvings. At the center, a large, intricate carving reads "No Breathing Fire Inside", illuminated by the soft glow of ambient light. +A close-up of a hospital wristband wrapped around a patient's wrist, clearly displaying the patient ID "RM 34895 2024" in a clinical setting. The band is slightly worn, with a sterile, white background to emphasize the details. +A neon diner sign glowing "Eat Here Tonight" above a retro roadside café, with a classic car parked outside under a starlit sky, the warm interior light spilling out, inviting travelers to stop and enjoy a meal. +A cartoon dinosaur, vibrant and playful, stands proudly on a white T-shirt, with the text "Extinct Since 2023" boldly displayed below it. The dinosaur is colorful and smiling, set against a clean, modern background. +A detective in a trench coat holds a magnifying glass, closely examining "Fake Clue 7" on a weathered piece of paper, set against a dimly lit, gritty urban backdrop. +A close-up of an ancient, intricately designed wizard’s potion bottle, labeled "Elixir of Wisdom", resting on a worn, wooden table. The bottle is half-filled with a glowing, amber liquid, surrounded by scattered, old books and mystical symbols etched into the table. +A marathon runner, drenched in sweat, with the bib number "Race 2024" prominently displayed on their chest, crosses the finish line, surrounded by cheering spectators and a vibrant, colorful atmosphere. +A modern art gallery featuring a sleek, metallic robot standing beside a placard titled "Nostalgia in Hexadecimal", with soft ambient lighting and a minimalist, futuristic interior. The robot's reflective surface captures the subtle colors of the surrounding artwork. +A bustling amusement park with a vibrant sign warning "Vertigo Included" above a thrilling roller coaster, colorful lights, and excited crowds. +A marathon runner, drenched in sweat, wearing a bib with the number "Runner 1990", crosses the finish line, surrounded by cheering spectators and a sea of colorful flags, capturing the intensity and triumph of the moment. +A vibrant mural of a phoenix rising from flames, its feathers glowing with radiant colors, with the caption "Rebirth" elegantly written beneath it, set against a brick wall in a city alley. +A serene beach scene with a vibrant red warning flag prominently displayed, bearing the text "High Tide Alert" in bold white letters, against a backdrop of rolling waves and sandy shores. +A vibrant street scene featuring a colorful food truck with a chalkboard menu prominently displaying "Taco Tuesday Special" in elegant, hand-drawn letters. The truck is bustling with activity, and the chalkboard stands out against the lively background. +A close-up of a worn detective's notebook, the page filled with scribbled notes and a highlighted section: "Suspect The Butler". The background shows a faint watermark of a magnifying glass, emphasizing the investigative nature of the scene. +A vibrant travel poster featuring the Eiffel Tower at sunset, with the text "Visit Paris This Summer" in bold, colorful letters. The scene includes happy tourists exploring the city, with a mix of historic and modern Parisian architecture in the background. +A detailed, realistic scene of a grand, bronze statue in a sunlit park, with an engraved plaque at its base reading "Heroes Never Fade", surrounded by lush greenery and a few admiring onlookers. +A realistic photograph of a computer screen displaying a login interface, with a prominent message box prompting "Enter Password Now", set against a minimalist office background. +A vintage radio with a prominently displayed dial labeled "Tune In", sitting on a wooden table in a cozy, dimly lit room, surrounded by old records and a vintage lamp casting a warm glow. +A realistic photograph of a museum exhibit featuring a towering T. Rex skeleton, with a polished brass plaque at the base titled "T Rex Skeleton", set against the backdrop of dimly lit, expansive museum halls. +A realistic photograph of a kitchen oven with a digital clock face prominently displayed, showing the time "1200" and blinking, indicating a recent power outage. The kitchen is dimly lit, enhancing the glow of the clock. +A realistic photograph of a wooden door with "melbourne" elegantly written in cursive, set against a backdrop of a cobblestone street in an old town, with soft sunlight casting a warm glow. +A vibrant TV show poster titled "Belly", featuring a close-up of a woman's smiling face with a warm, inviting kitchen in the background, emphasizing the joy and comfort of home cooking. +A detailed, realistic laboratory setting featuring a large, colorful DNA model with a clear label that reads "Genetic Code Sequence" prominently displayed. The model is suspended in the center, with scientific instruments and charts in the background. +A detailed, realistic photograph of a fire extinguisher with a clear instruction label that reads "Pull Aim Squeeze", set against a neutral background. The label is prominently displayed, ensuring each step is easily readable. +A close-up of a pet's collar tag, intricately engraved with "Im Microchipped", reflecting sunlight, set against a soft, blurred background of green foliage. +A vibrant candy wrapper design featuring a zesty lemon motif with the text "Zingy Lemon Blast Flavor" in bold, eye-catching letters, surrounded by dynamic, swirling patterns and bright, acidic colors that evoke a refreshing and energetic feel. +A vibrant poster with the bold title "Dicks That I Like", featuring a playful and humorous illustration of various anthropomorphic animal characters, each holding a sign with a unique, pun-filled caption, set against a colorful, lively background. +In a bustling city lottery station, the walls are adorned with vibrant posters. Centered prominently, the slogan "physiology" is written in bold, eye-catching letters, surrounded by excited lottery players and a colorful array of ticket machines. +A vibrant street scene with a food truck parked on the curb, its side panel prominently displaying a colorful, eye-catching advertisement for "Taco Tuesday". People are walking by, some glancing curiously at the truck, while others queue up to order. The atmosphere is lively and inviting. +A realistic photograph of a zoo penguin exhibit, with a sign prominently displaying the text "Theyre Judging You" in clear view, surrounded by a group of penguins standing or swimming, creating an engaging and slightly humorous scene. +Retro sci-fi vintage poster with bold, eye-catching letters "Visit Mars Colony", set against a backdrop of the red Martian landscape with futuristic spacecraft and domed habitats. +A deep-sea submarine with an open hatch, a caution sign reading "Mind the Kraken Gap" prominently displayed. The scene is illuminated by the submarine's lights, revealing the dark, mysterious ocean depths and hinting at unseen dangers lurking nearby. +A vintage roadside diner at night, its sign flashing "Open 247" in flickering neon lights, casting a warm glow over the empty parking lot and the misty road beyond. +An ancient, leather-bound wizard's spellbook lies open on a wooden desk, illuminated by a flickering candle. The page titled "Dragon Summoning Ritual" is filled with mystical runes and detailed illustrations of dragons, their scales shimmering with a faint, magical glow. +A charming flower shop window adorned with a sign that reads "Valentine Bouquets 30", showcasing a variety of romantic bouquets, including red roses, lilies, and daisies, arranged in elegant vases and baskets, with a soft, warm glow from the interior lighting. +A movie set with a director holding a clapperboard marked "Scene 7 Take 3", surrounded by crew members and equipment, under the soft glow of on-set lights, capturing a moment of tension and focus. +A weathered stone tablet, moss-covered and partially obscured by overgrown vines, stands in a dense forest clearing. The ancient text "Ancient Ruins" is deeply carved into the stone, illuminated by a beam of sunlight filtering through the canopy. +A majestic medieval castle gate, intricately engraved with the ominous words "Abandon Hope All Ye Who Enter", set against a twilight sky, surrounded by ancient stone walls covered in ivy. +A snowy mountain trail with a wooden signpost reading "Summit 3km", surrounded by frosty trees and a dusting of fresh snow, under a clear, blue sky. +A dimly lit submarine control room with a sonar screen prominently displaying the text "Leviathan Approaching" in glowing green letters, surrounded by tense crew members monitoring various screens and instruments. +A hiker stands at the trailhead, looking up at a wooden post marked "Summit 5 Miles" under a clear blue sky, surrounded by lush green trees and rugged terrain. +A vibrant carnival tent with a colorful banner reading "See the Two-Headed Llama Gary". The tent is bustling with excited crowds, and the evening sky is lit by the warm glow of carnival lights. +Retro diner interior with a classic jukebox displaying a selection screen highlighting "Track 12", surrounded by vintage decorations and soft, nostalgic lighting. +A high-tech VR headset with a sleek, futuristic design, displaying a warning message that reads "Reality Loading" on its screen, set against a dimly lit room with soft, ambient lighting highlighting the device's contours and the message. +A vibrant dental office poster featuring a stylish, confident individual flossing with a smirk, surrounded by modern dental tools and a catchy slogan: "Floss Like a Boss". The background is clean and professional, with subtle dental motifs. +An eerie, overgrown wall of an abandoned asylum, scrawled with the chilling message "They Never Found the Body", surrounded by tangled vines and fading into a misty, haunting landscape. +A desolate, overgrown highway with a rusted, post-apocalyptic road sign reading "Hope Exit" standing tall amidst the ruins, surrounded by abandoned vehicles and overgrown vegetation. +A beautifully decorated birthday cake with "Happy 30th Jake" inscribed on top, surrounded by colorful candles, set on a rustic wooden table with a soft, warm lighting in a cozy living room. +A close-up of a sleek, modern hotel key card sleeve, prominently displaying "Room 304" in elegant font, set against a luxurious background with subtle textures. +A dragon’s eggshell, intricately carved with "Hatch Date Unknown", rests on a bed of emerald moss in a mystical forest, illuminated by the soft glow of bioluminescent fungi. +An ice rink with players skating, the scoreboard prominently displaying "Final Period 32" in bright lights, the crowd cheering in the background, capturing the intense atmosphere of a decisive hockey match. +At the bustling swimming pool, a prominently placed sign reads "Do not run", warning swimmers and visitors to walk carefully to avoid accidents. The scene is lively with people enjoying the water, while the sign stands out clearly in the foreground. +A vast satellite orbiting Earth, its solar panel array intricately arranged to spell "SOS in Morse" against the backdrop of the deep blue planet, capturing the urgency and technological sophistication of a call for help from the cosmos. +A bustling city street at dusk, a vibrant red delivery car with "Hot Fast Pizza Co" logo races through the evening traffic, its headlights piercing the twilight, eager to deliver steaming pizzas to hungry customers. +A digital billboard stands tall along a bustling highway, prominently displaying the message "Drive Safe Arrive Alive" in bold, illuminated letters, set against a backdrop of passing cars and a twilight sky. +An ice cream truck parked on a sunny street, with vibrant "Cold Treats 2" painted on its side, surrounded by excited children and melting ice cream cones. The truck's colorful design and the playful atmosphere capture the essence of a joyful summer day. +A detailed fantasy novel map with a legend, prominently featuring "Dragon Mountain Here" marked with an ancient symbol. The map shows rugged terrains, mystical forests, and winding rivers, all illustrated in a classic, hand-drawn style with subtle sepia tones. +A realistic photograph of a vintage train ticket stub, slightly crumpled and worn, with the text "Platform 9 Departing" clearly visible, lying on a rustic wooden table with a soft, warm light illuminating it from above. +A mermaid makeup palette named "Oceans 11 Shades of Blue", featuring a sleek, iridescent case with a wave pattern. The palette includes 11 shimmering blue shades, each inspired by the ocean's depths, from light aqua to deep midnight blue, perfect for creating enchanting looks. +A colorful children’s coloring book page titled "Rainbow Dragon Adventure", featuring a vibrant dragon with a rainbow tail soaring over a magical forest, with playful children and fantastical creatures watching in awe. +A planetarium dome with a stunning projection displaying "Welcome to the Cosmos" in vibrant, glowing letters against a backdrop of twinkling stars and swirling galaxies. +A superhero emblem prominently features the embossed metallic text "Truth Justice", set against a sleek, textured background, capturing the essence of valor and integrity in a striking, photorealistic image. +A hand-drawn blueprint of a time machine, titled "commercial", with intricate mechanical parts and futuristic symbols, set on a vintage drafting table with a steampunk aesthetic. +A close-up of a wooden giraffe toothbrush, intricately carved with a giraffe pattern, featuring "jialingjiang" lettering in vibrant rainbow colors, set against a clean, white background. +A retro arcade screen with a dark background, displaying "Game Over" in bold, pixelated red text, surrounded by simple, 8-bit graphics and a faint glow around the letters. +A charming garden gnome stands proudly in a lush, sunlit garden, holding a wooden sign that reads "Welcome Friends". The gnome wears a red hat and a green, tunic-like outfit, blending harmoniously with the vibrant flora around it. +A classic 1957 Chevrolet cruises down an old stretch of Route 66, its vintage license plate prominently displaying "Route 66 1957" in bold, retro font, under the warm glow of a setting sun. +A realistic smartphone screen with a notification popping up, displaying "Unread Anxiety 127 Messages", set against a blurred background of a cluttered desk with scattered papers and a coffee cup. +A cozy camping tent interior, with a soft, warm sleeping bag and a lantern hanging from the ceiling. The tent wall features a label sewn in, reading "Zip Up Tight", near the door zipper. +A prehistoric cave wall, roughly textured and dimly lit, features a charcoal drawing of mammoths. The ancient artwork includes the phrase "Hunt Here" inscribed in simple, bold letters, emphasizing the site's significance to early humans. +A rustic farmer's barn door, weathered by time, with bold, hand-painted letters that read "Fresh Eggs Daily" in vibrant red against the aged, wooden planks. Sunlight filters through the trees, casting dappled shadows on the scene. +A detailed scene of a lizard perched on home plate at a sunlit baseball field, with a speech bubble above its head containing the words "social", surrounded by the green grass and white lines of the diamond. +A pet store window adorned with a vibrant decal stating "Puppy Playtime Hourly", featuring playful puppies and colorful toys, set against a backdrop of the store's interior filled with various pets and customers browsing. +A cozy café interior with a vintage chalkboard prominently displaying today’s special, "Magic Brew", in elegant cursive script, surrounded by hand-drawn illustrations of coffee beans and steam. +A student’s notebook margin doodle "Bored In Class" with intricate, whimsical sketches of fantastical creatures and abstract shapes, capturing the daydreams of a mind wandering during a monotonous lecture. +A vintage kids' lemonade stand sign, hand-painted with vibrant colors, reads "1 or Your Soul" in playful, curly letters. The sign is set against a sunny, suburban backdrop with a wooden fence and blooming flowers, capturing the innocence and creativity of childhood. +An astronaut stands on a lunar surface, their helmet visor reflecting the text "Moonbase Alpha Ahead" amidst the vast, desolate landscape of the moon, with distant craters and the Earth hanging low in the sky. +A detective's magnifying glass lies on a worn, wooden desk, resting on a crumpled note that reads "Case Closed", with a vintage lamp casting a warm glow over the scene. +A carnival tent at dusk, with a glowing neon sign above the entrance that reads "Know Your Future". The sign casts a mystical light, illuminating the weathered wooden door and the curious onlookers gathered outside. +A realistic classroom scene with a blackboard at the front, featuring the equation "Solve For X" prominently written in white chalk. Students are seated at desks, some looking puzzled, others engaged, creating a dynamic atmosphere of learning and curiosity. +A dimly lit alley leads to a hidden door, adorned with an ornate plaque that reads "Speak Friend Enter". The door is slightly ajar, revealing a warm, inviting light from within, hinting at the secrets that lie behind it. +A weathered wanted poster hangs on a wooden post in a dusty Wild West town, featuring a sketch of the "Unknown TikTok Dancer" with a large reward. The sun sets behind rugged hills, casting long shadows over the scene. +A realistic photograph of a tattoo parlor window, featuring a sleek decal that reads "Ink Your Story" in modern, stylish font, with subtle reflections of the urban street outside and a hint of neon lights adding to the ambiance. +Retro diner interior with a classic jukebox prominently displaying the selection titled "Song That Never Ends", surrounded by vintage decor, warm lighting, and nostalgic patrons enjoying the ambiance. +A realistic photograph of a birthday cake adorned with white icing that elegantly spells "Happy 30th Jake" on top, surrounded by colorful candles and set against a warm, festive background. +A rustic barn with a weathered roof, prominently painted with the words "See Rock City" in bold, vibrant letters, set against a backdrop of rolling hills and a clear blue sky. +A realistic photograph of a "Speed Bump Ahead" road sign, featuring a yellow warning diamond, set against a suburban street scene with cars passing by. +A close-up of a carnival ride ticket stub, prominently displaying "Thrill Seekers Pass" in bold, eye-catching font, with a worn, creased texture and a colorful, festive background. +A bakery window adorned with a stylish decal stating "Gluten-Free Goodness", reflecting the warm, inviting interior where freshly baked goods fill the air with a delightful aroma. +A realistic classroom scene with a whiteboard prominently displaying the words "Pop Quiz Today" in colorful marker, surrounded by scattered notes and textbooks on desks, with a few students looking surprised and concerned. +A movie theater marquee bathed in neon lights, prominently displaying "Now Showing Alien Invasion", with a crowd of excited moviegoers gathered below, the night sky adding a dramatic backdrop. +A bustling supermarket with a floor cleaning crew in bright yellow vests responding to a PA announcement: "Cleanup on Aisle 5". Shoppers carry carts and baskets, looking around curiously, while the crew sets up cones and mops. +A realistic photograph of a highway billboard displaying "Gas Food Next Exit", set against a backdrop of a sprawling landscape with a clear blue sky and cars passing by on the road below. +A high-resolution smartwatch screen displaying a vibrant notification that reads "Walk 10k Free Pizza", set against a modern, urban background with a blurred cityscape in the distance. +A dimly lit nightclub VIP section with a sleek, modern sign that reads "Members Only" hanging above a velvet rope, surrounded by ambient neon lights and elegant patrons in the background. +An ancient cave wall adorned with weathered carvings, the central message reading "Beware the Tide" in intricate, faded script, illuminated by the dim light of a single torch. The stone is rough and textured, with moss growing in the crevices. +A tattoo on a sailor's arm featuring the phrase "Born to Sail" in elegant old English letters, with nautical elements like a compass and waves subtly integrated into the design. +A modern digital elevator panel, sleek and minimalist, with the number "Floor 5" prominently displayed on its screen. The panel is set against a clean, white wall, with soft ambient lighting enhancing the technological feel of the scene. +Comic book cover featuring a futuristic city under siege by rebellious robots, with the title "Robot Rebellion" prominently displayed. Smoke and sparks fill the sky as robots clash with human forces, emphasizing the intense battle and the uprising theme. +A vintage globe, worn and slightly faded, with intricate detailing and a mysterious, undiscovered continent labeled "Nope", sitting on a mahogany stand in a dimly lit study. +A movie poster titled "Dreams of a Land", featuring a sweeping landscape under a dramatic sky, with a lone figure standing on a hilltop, silhouetted against the horizon, evoking a sense of wonder and adventure. +Retro gas station scene with an old gas pump featuring an advertisement that reads "Smokes Regrets 24hrs". The setting is dimly lit with a nostalgic 1950s vibe, emphasizing the vintage style and the eerie, almost cautionary message of the ad. +A vibrant poster design featuring the title text "Meetin WA" in bold, modern fonts, set against a backdrop of Western Australian landscapes, with elements like wildflowers and coastal scenery, emphasizing a welcoming and inclusive vibe. +A high-speed race car with a sleek, matte black finish, featuring a bold, red "Speed Demon" decal on the hood, racing through a dusty desert track, with blurred surroundings capturing the intense speed. +A detective's magnifying glass hovers over a crumpled note that reads "Clue Found", set against a dimly lit, gritty urban background, capturing the tension and mystery of a crime scene. +A realistic photograph of a heavy, metallic bank vault door with a prominent warning sign that reads "Authorized Personnel Only", set in a dimly lit, secure corridor. +A red stop sign stands prominently in a quiet street, with bold white letters declaring "Stop Dreaming". The scene is captured in a realistic photographic style, with the sign reflecting the late afternoon sun, casting a soft shadow on the ground. +A luxurious hotel lobby featuring a grand sign with "CheckIn at 3 PM" in elegant gold trim, surrounded by marble floors and high ceilings adorned with chandeliers. +A high-tech smartwatch face with a sleek, modern design, displaying the text "Step Goal 10000 LightYears" in bold, futuristic font, set against a background of swirling cosmic nebulae and distant stars. +A detailed close-up of an ancient, dusty wizard’s potion bottle on a wooden table, labeled "Drink Me Results Vary", with intricate runes and a shimmering liquid inside, surrounded by mystical books and candles. +A close-up shot of a greenhouse plant tag, clearly labeled "Rare Orchid Species", hanging from a delicate orchid stem, with dew drops glistening on the leaves and soft, natural light filtering through the glass. +An astronaut stands on a lunar landscape, their helmet visor clearly reflecting the words "Mission Control" in the distance, under a sky dotted with distant stars and the Earth hanging prominently above. +A bustling airport terminal with a digital departure board prominently displaying "Gate C17 Boarding" in bright, flashing lights. Passengers with rolling luggage hurry past, while others glance up at the board, creating a dynamic and realistic scene. +A charming candy shop window display features a vibrant sign reading "Licorice 50% Off", surrounded by an array of colorful sweets and lollipops, with a few curious children peering through the glass, their faces lit up with excitement. +A realistic urban street scene at an intersection, featuring a prominent street sign reading "Wrong Way Go Back", with the sign illuminated by the glow of streetlights and the background showing a few cars and buildings, capturing a late-night atmosphere. +A close-up of a pet collar tag, engraved with "If Lost Call 555 1234", lying on a wooden table with a soft, natural light casting a gentle shadow. The tag is slightly worn, showing signs of use. +A nighttime photograph of a fast food drive-thru menu board illuminated by bright lights, prominently displaying "24 Hour Service" in bold, glowing letters. The scene is set in a deserted street, with a faint halo of light around the menu, emphasizing the 24/7 availability. +A casual street scene featuring a young athlete wearing a vibrant T-shirt with the slogan "Just Do It", running through a park at sunset, with a blend of warm and cool tones highlighting the dynamic movement and energy of the moment. +A vibrant skateboard deck with a bold graphic reading "Skate or Die" in graffiti-style lettering, set against a backdrop of a bustling urban street at dusk, with skaters in motion and the city lights beginning to glow. +A detailed medieval castle tapestry, richly embroidered with the phrase "Here Be Dragons", depicting fearsome dragons and intricate medieval motifs, set against a regal backdrop of deep red and gold. +A cozy kitchen corner where a dog's customized bowl, emblazoned with "Good Boy Buffet", sits on a rustic wooden floor, surrounded by sunlit tiles and a cheerful, tail-wagging dog. +A scenic mountain trail with a wooden signpost marked "Summit 2 Miles Ahead", set against a backdrop of towering pine trees and a distant, misty peak. The path is rocky and winding, leading upwards into the lush, vibrant forest. +A close-up of a pizza box top, prominently displaying a stamp that reads "Hot Fresh Guaranteed", with steam gently rising from the box, suggesting a freshly delivered pizza. The box is clean and crisp, with a slightly worn texture, set against a neutral background. +A cozy coffee shop interior with warm lighting and wooden furnishings. A customer holds up a loyalty card that reads "Buy 9 Drinks Get 10th Free", smiling at the barista who is preparing a steaming cup of coffee. +A cozy bakery interior with a vintage oven prominently displaying the timer readout "350 F 10 Mins", surrounded by fresh bread and pastries, with warm lighting and a rustic wooden table in the foreground. +A realistic smartphone screen displaying a weather app notification reading "Storm Alert Stay Indoors", set against a backdrop of a dark, stormy sky with heavy rain and lightning in the distance. +A sleek, modern elevator button panel featuring a prominently lit button labeled "Penthouse Level 50", set against a backdrop of polished stainless steel and reflective surfaces, capturing the essence of luxury and height in a high-rise building. +A close-up of a musician's guitar case, featuring a vintage, weathered sticker that reads "This Machine Kills Sad Songs", set against a backdrop of a cozy, dimly lit room with a guitar resting nearby. +A high-resolution photograph of a basketball jersey, prominently displaying the number "23 MVP Legend" in bold, vibrant colors, set against a blurred court background, capturing the essence of a legendary player's legacy. +A beautifully crafted wedding invitation card with elegant cursive script reading "Join Us June 5th", set against a backdrop of soft, floral patterns and golden accents, capturing the essence of a romantic and sophisticated celebration. +A cinematic movie poster featuring the title "Storming Juno" in bold, futuristic font, set against a backdrop of a stormy, alien landscape with towering, jagged cliffs and a glowing, distant spacecraft. +A nighttime view of the New York skyline, with "NeurIPS" written in vibrant, colorful fireworks exploding against the dark sky, illuminating the iconic cityscape. +A cozy bakery interior with a glass display case showcasing freshly baked cookies. One cookie has intricate icing that reads: "Eat Me No Regrets". The scene is warm and inviting, with soft lighting and the aroma of freshly baked goods. +A realistic gym interior with a motivational wall decal prominently displaying the phrase "No Pain No Gain", surrounded by workout equipment and energetic athletes in mid-exercise. +A realistic photograph of a dog's paw print stamp, prominently displaying the words "Approved by Management", on a textured, slightly worn paper, with a subtle, warm lighting to highlight the details and authenticity of the stamp. +A vintage potion bottle with a intricately designed label that reads "Elixir of Invisibility", set against a backdrop of ancient, mystical books and glowing candles, capturing the essence of a hidden, magical world. +A vintage neon diner sign glowing "Eat Here" illuminates a foggy night street, casting colorful reflections on wet asphalt and nearby storefronts. +A weathered stone monument stands tall in a serene park, its surface intricately carved with the words "Never Forgotten 1945". Surrounded by lush greenery and autumn leaves, the monument is bathed in the soft, warm light of the setting sun, casting a poignant shadow. +A rustic garden tool shed with a weathered wooden sign reading "Keep Tools Clean" hanging above the door, surrounded by neatly arranged gardening tools and vibrant flowers. The scene is bathed in the warm, golden light of a late afternoon sun. +A vintage suitcase adorned with a weathered sticker labeled "Paris 1920", set against a backdrop of an old, rustic wooden table, with soft, golden sunlight streaming through a nearby window, casting gentle shadows. +A sleek, futuristic robot stands in a dimly lit room, its chest panel glowing with the words "System Active" in a clear, digital font. The robot's metallic surface reflects the soft ambient light, emphasizing the vibrant, pulsating display. +A gritty urban scene featuring a brick wall with vibrant graffiti that reads "Rebel Without a Pause" in bold, dynamic letters, surrounded by faded tags and peeling posters, capturing the rebellious spirit of the street art culture. +A prehistoric cave wall painting featuring detailed depictions of woolly mammoths, with ancient "Hunt Here" symbols strategically placed around the animals, illuminated by the flicker of a torch. +A close-up of a fortune cookie slip with the message "Change is Coming" in elegant cursive, lying on a vintage wooden table, with soft, warm lighting creating a cozy and reflective atmosphere. +A dimly lit medieval castle dungeon corridor, with stone walls and torches flickering on the sides. At the end, a heavy iron door bears a worn wooden sign that reads "Prisoners Keep Out" in bold, ancient lettering. +A cozy bakery interior with a warm, golden light. Through the oven window, a batch of freshly baked cookies is visible, each topped with white icing that spells out "EAT ME" in playful, cursive letters. +A science lab with a whiteboard in the background, scribbled with the phrase "Experiment In Progress". The lab is filled with high-tech equipment and chemicals, and a scientist is seen making adjustments to an experiment. The lighting is soft and focused on the whiteboard. +In a ballet studio, a dancer's reflection in the mirror spells out "Pirouette Panic" as she performs a series of rapid turns, her movements creating a mesmerizing blur of motion and light. +A hotel room door with a hanger that reads "Do Not Disturb Sleeping", set against a background of a luxurious hotel corridor with soft lighting and elegant carpeting. +A surreal landscape featuring an alien plant sprouting vibrant leaves shaped like "Hello Earth", set against a twilight sky with distant, glowing celestial bodies, emphasizing the plant's unique foliage and otherworldly environment. +An ancient pottery shard, cracked and weathered, inscribed with the faint, elegant script "3000 BC", half-buried in sandy soil, illuminated by the soft, golden light of a setting sun. +A high-speed race car with a fierce decal on the hood that reads "Speed Demon", roaring down a dusty track, tires smoking, and the engine revving intensely. +A barista with a slightly embarrassed smile, wearing a name tag that reads "World's Okayest Coffee Maker", standing behind a rustic wooden counter in a cozy cafe, surrounded by steaming cups of coffee and pastries. +An ice cream truck parked on a sunny street, its side proudly displaying the words "Chill Out Here", surrounded by happy children and families enjoying their treats. +A cozy coffee shop with a chalkboard featuring the phrase "Latte Art Masterpiece" in elegant, swirling chalk art, surrounded by steaming cups of coffee and pastries on a rustic wooden table. +A realistic photograph of a hospital tray featuring a medical chart sticker that clearly reads "NPO After Midnight", set against a clinical white background with a subtle shadow to enhance depth and clarity. +An e-reader lying on a wooden table, its screen vividly displaying the book title "Digital Dreams" amidst a softly lit room, surrounded by scattered books and a cup of steaming tea. +A close-up of a crumpled bus ticket stub, partially faded, with the text "Valid Until 10 PM Today" clearly visible, lying on a textured surface. The scene is lit by a soft, warm light, emphasizing the worn and used appearance of the ticket. +A vast space colony dome with a futuristic, illuminated sign reading "Oxygen Garden Zone" stands against a backdrop of stars and distant planets, surrounded by lush, vibrant plant life and illuminated pathways. +A colorful alien kindergarten poster featuring various extraterrestrial children. The poster prominently displays the text "Sharing Is Optional" in bold, playful letters, surrounded by intergalactic toys and planets. The background is a vibrant mix of cosmic colors and stars. +A modern EV charging station with sleek, futuristic designs, labeled "Green Energy Zone", set against a backdrop of lush greenery and clear blue skies, emphasizing sustainability and eco-friendliness. +In a modern art gallery, a stark white canvas hangs on a sleek, grey wall, with a descriptive plaque below it that reads, "This Blank Canvas 1 Million". The room is dimly lit, focusing attention on the canvas and its extravagant price tag. +A zoo exhibit sign in a lush bamboo forest, clearly displaying "Endangered Panda Zone", with detailed information about conservation efforts and a map pointing to the panda enclosures. +A futuristic space station control room, dimly lit, with a prominent red warning light blinking next to a control panel displaying the message "Oxygen Low". The scene is tense, with scattered papers and a discarded helmet hinting at a hurried evacuation. +A close-up of ancient stone walls, bearing deep, clawed scratch marks that spell "Keep Out" in a menacing, jagged font, illuminated by the dim light of a flickering torch. +In a dimly lit art gallery, a plaque titled "Study of Melancholy Potatoes" hangs beneath a somber still life painting of potatoes, their muted tones reflecting the deep, brooding atmosphere of the room. +A medieval shield, intricately engraved with the motto "Honor Glory", hangs against a stone wall in a dimly lit castle hall, its metal surface reflecting the flicker of nearby torches. +A lighthouse stands on a rocky cliff, its powerful beacon projecting the words "Safe Harbor Ahead" across the misty sea, guiding weary travelers to a tranquil, protected cove. +A medieval stable with a wooden sign hanging above the entrance, clearly stating "War Horses Only". The stable is surrounded by a rustic, cobblestone courtyard, and a knight in armor stands guard, adding to the authentic atmosphere of the scene. +An ancient sundial in a sunlit, moss-covered courtyard, its shadow dramatically pointing to the marker labeled "Times Up", surrounded by overgrown vines and weathered stone. +A painter's palette laid out with a vibrant array of colors, a small note attached at the center that reads, "Mix Colors Here", inviting the artist to blend and create. +A realistic photograph of a car dashboard with a prominent "Low Fuel Warning" light illuminated, set against the backdrop of a dimly lit interior, emphasizing the urgency of the situation. +A red stop sign stands at a mountain trail crossroads, prominently displaying "Hikers Only" in bold letters. The sign is surrounded by lush greenery and rocky terrain, emphasizing the natural setting and the clear directive for hikers. +A noir-style illustration of a detective's notebook open to a page with the entry "Suspect Last Seen at Midnight", under a dim streetlamp in a rain-soaked alley, with a shadowy figure in the distance. +A hot air balloon basket ascending into a clear blue sky, with a vibrant banner trailing behind reading "Sky High Adventures", set against a backdrop of rolling hills and puffy white clouds. +A weathered gravestone in a quiet, overgrown cemetery, etched with "Beloved Father and Friend", surrounded by wildflowers and partially obscured by the shadow of an ancient oak tree. +In a futuristic spaceship cockpit, the control panel is illuminated with a red, blinking alert that reads "Fuel Critical". The dim, cool lighting of the cabin contrasts with the urgent glow, emphasizing the tension of the moment. +A diver, equipped with the "Deep Explorer" flipper, explores a vibrant coral reef, surrounded by a school of colorful fish, with sunlight filtering through the crystal-clear water, capturing the essence of underwater adventure. +A dimly lit classroom with gothic decor, a young vampire in a graduation gown holds a diploma framed with intricate, dark wood, reading "PhD in Brooding". The scene is set against a backdrop of ancient, shadowy books and flickering candlelight, capturing the essence of a vampire night school. +A professional chef in a bustling kitchen, wearing a crisp white apron embroidered with "Master of Sauté", skillfully flips a sizzling pan over a high flame, surrounded by steaming pots and fresh ingredients. +A close-up of elegant piano sheet music titled "Moonlight Sonata", lying on a polished mahogany piano. The soft glow of a nearby lamp highlights the intricate musical notes, creating a serene and contemplative atmosphere. +In a desolate, post-apocalyptic landscape, a rusted road sign stands tall, pointing towards the horizon with the text "Safe Zone 42 Miles" barely visible through the scratches and wear. The sky is overcast, and the road stretches endlessly into the distance, surrounded by barren, crumbling buildings. +A close-up of a candy heart with the message "Text Me Maybe" clearly visible, set against a soft, romantic background with a slight blur to emphasize the candy. The color palette is pastel, with a focus on pink and white to enhance the sweet, nostalgic feel. +A drone's remote control screen displays "Signal Lost", set against a backdrop of a foggy, deserted urban park, with the drone ominously hanging in the sky, partially obscured by the mist. +In a bustling airport terminal, the baggage claim carousel screen prominently displays: "Flight 422 Delayed". Travelers stand around, some checking their phones, others looking anxious. The scene is captured in a realistic photographic style, with the screen's message clearly visible and the ambient lighting of the airport illuminating the weary faces of the passengers. +A bustling train station with a vintage aesthetic, featuring a prominently displayed station board that reads "Platform 9" in elegant, retro lettering. The scene is filled with travelers and the soft glow of overhead lights, capturing the essence of a classic railway hub. +A cat sits at a tiny desk, pen in paw, diligently writing "World Domination Plan Step 1" in a leather-bound diary, surrounded by maps and miniature globe, with a mischievous glint in its eye. +A cluttered desk with flashcards scattered across it, each card clearly labeled with Spanish vocabulary words. In the background, a cozy study area with a bookshelf and a window letting in soft sunlight. The focus is on the flashcards labeled "Spanish Vocabulary Practice". +A close-up photograph of a greenhouse seedling tray, with a label clearly stating "Tomato Hybrid A3" in bold, surrounded by young, vibrant tomato plants. The tray is placed on a wooden table, with sunlight streaming through the glass roof, casting soft shadows. +A detailed drawing featuring the text "Bamore" in an alphabetism style, with intricate, thick gauge filigree surrounding the letters, creating a decorative and ornate composition. +A high-tech virtual reality headset sitting on a sleek, modern desk, with a digital screen prominently displaying the message "System Update Required" in crisp, clear letters. The room is dimly lit, with soft ambient light highlighting the headset's futuristic design. +A detective in a trench coat holds a magnifying glass etched with "Seek Truth", examining a detailed crime scene in a dimly lit alley, the glass reflecting the soft glow of a nearby streetlamp. +A realistic smartphone screen displaying a weather app notification banner with the alert: "Storm Alert Seek Shelter", set against a backdrop of dark, stormy skies and heavy rain. +A fluffy cat with a gleaming collar, the tag clearly dangling and reading "Treats Consultant", sitting on a sunlit windowsill, surrounded by treats and toys, in a cozy, modern living room. +A vintage baker’s box featuring a retro stamp that reads "13 Donuts 1 Dozen", surrounded by a variety of colorful, glazed donuts arranged neatly inside, with a warm, nostalgic atmosphere. +A wizard stands in a dimly lit forest, his staff aglow with pulsating runes, casting an ethereal blue light. The air is thick with magic, and the words "Spell Charging" are visible in glowing letters above the staff. +A vintage gas station scene with a retro gas pump sign prominently displaying "Regular 99 Cents", set against a nostalgic 1950s backdrop with a classic American car parked nearby. +An ancient, leather-bound wizard’s spellbook lies open on a wooden desk, illuminated by the flicker of a nearby candle. The page titled "Invisibility Incantation" is visible, with intricate illustrations and handwritten notes in the margins. +A witch flying through a moonlit forest, her broomstick handle clearly branded "Speed 666 MPH", casting a mystical glow as she zips past ancient trees and swirling fog. +A charming candy shop window adorned with colorful sweets and a playful sign that reads "Free Samples Today", inviting passersby to indulge in a delightful array of treats. +A vintage tattoo parlor window, adorned with a retro decal advertising "Ink Dreams Since 99", featuring an old-school sailor design and vibrant, colorful ink patterns, set against a slightly gritty urban backdrop. +A bustling train station with a vintage aesthetic, the announcement "Platform 9 Departing" echoes through the speakers. Passengers hurry past old-fashioned ticket booths and luggage carts, while a steam locomotive waits at the platform, billowing smoke into the air. +A zombie in a tattered shirt, visibly stitched with the words "Brains Preferred No Kale", standing in a dimly lit alley, surrounded by crumbling walls and scattered debris. +A vintage library book with a faded "Due Back Never" stamp, lying open on a worn wooden desk, surrounded by a clutter of antique ink bottles and quills, with a shaft of sunlight illuminating the page. +A realistic urban scene featuring a brick wall covered in graffiti, prominently displaying the spray-painted slogan "Revolution Now" in bold, vibrant colors, with subtle shadows and texture to enhance the gritty, street-art feel. +A realistic photograph of a charming café entrance, featuring a rustic chalkboard sign prominently displaying "Soup of the Day Tomato Basil" in elegant script, with a cozy outdoor seating area and a backdrop of blooming flowers. +A movie poster with the text "Tough and Deadly" prominently displayed, featuring a rugged, battle-scarred hero standing against a backdrop of urban decay, with a hint of a dark, stormy sky looming in the distance. +A close-up of a pharmacy prescription label with clear, readable text stating "Take With Food", set against a neutral background, emphasizing the label's design and the importance of the instructions. +A detailed, realistic photograph of a sandcastle on a sunny beach, with a small flag proudly planted atop it, bearing the inscription "King of the Beach". The sandcastle is intricate, with towers and walls, and the flag flutters gently in a light sea breeze. +A mountain biker pauses on a rugged trail, noticing a warning sign that reads "Steep Cliff Ahead". The sign is partially obscured by overgrown foliage, with the cliff's edge visible in the distance, casting a dramatic shadow. +A bustling amusement park with a vibrant entrance archway prominently displaying "Height Requirement 48". Colorful lights and playful decorations surround the sign, inviting visitors to enjoy the thrilling rides beyond. +A vintage camera leather case, richly embossed with "Captured Moments Co", resting on a rustic wooden table, illuminated by the soft glow of an antique desk lamp, evoking a sense of nostalgic charm and timeless elegance. +A vintage car mechanic's shop with a prominently displayed sign reading "Oil Change Special" hanging above the entrance, set against a backdrop of an old, bustling city street. The scene is captured in a realistic photographic style, with the sign slightly weathered and the shop bustling with activity. +A realistic photograph of a modern car parked on a city street, with its license plate clearly visible and reading "FAST 123". The scene is lit by the soft glow of street lamps, enhancing the details of the car and its surroundings. +A close-up of a muscular cyborg arm with a detailed tattoo that reads "Enhanced Strength Model", set against a dark, industrial background. The tattoo features intricate circuit patterns and mechanical components, blending seamlessly with the metallic skin. +A neon bar sign hanging above a dimly lit entrance, flashing "Last Call" in flickering pink letters, casting a soft glow on the wet pavement and the lone figure standing outside, reflecting the city's nightlife. +A weathered pirate treasure map with "X Marks the Spot" in vivid crimson, laid out on an old wooden table, with the glow of a lantern casting shadows on the intricate details and faded symbols. +A vibrant board game box cover for "Strategy Conquest Edition", featuring medieval knights battling over a castle, intricate game pieces, and a detailed map of a fantasy kingdom, all under a dramatic sky. +A medieval tavern sign, weathered and creaking in the wind, hangs outside a rustic wooden inn. The sign is painted with the vivid image of "The Drunken Dragon", its scales gleaming and eyes glinting with mischief. +A bustling farm market scene with a large, rustic scale prominently displaying "Weight in Lbs". Farmers and customers interact around colorful stalls filled with fresh produce, while the scale is used to weigh a variety of goods, ensuring fair transactions. +A modern parking lot with a clear sign stating "Reserved for Electric Cars", surrounded by sleek electric vehicles and charging stations, under a bright, sunny sky. +An astronaut's boot leaves a clear footprint on the lunar surface, forming the words "First Step" in the fine, gray moon dust, under the stark light of the sun, with the Earth hanging in the dark sky above. +In a bustling supermarket aisle, a prominently displayed sign reads "Do not touch", warning shoppers next to a shelf filled with delicate items. The scene captures the contrast between the lively atmosphere and the strict notice, emphasizing the sign's presence. +A detective in a trench coat holds a magnifying glass over a dusty, old letter, with "Clue Found" written in faded ink, amidst a dimly lit room cluttered with antique furniture and cobwebs. +A cozy campsite at dusk, a bag labeled "Now 50% BugFree" sits by a crackling campfire, marshmallows roasting on sticks, surrounded by a serene forest. +A rugged pioneer wagon, its canvas marked with the bold words "Oregon Trail or Bust", stands against a backdrop of vast, open plains and distant, rolling hills, under a clear blue sky dotted with fluffy white clouds. +A high-quality photograph of a coffee bean package labeled "Dark Roast Fresh Ground", showcasing the rich, dark beans inside a clear window, with a rustic wooden background and a subtle aroma wafting from the bag. +An antique bottle, labeled "architecturally", sits on a weathered wooden table, surrounded by old blueprints and drafting tools, with sunlight streaming through a nearby window, casting a warm glow over the scene. +A rugged mountain trail with a wooden signpost carved with "Summit 2 Miles", set against a backdrop of dense forest and a distant, misty peak. The trail is slightly overgrown, with wildflowers and moss adding a touch of natural beauty. +A majestic mountain peak with a signpost that reads "Elevation 8848 Meters", surrounded by snow and rocky terrain, under a clear blue sky with a few wispy clouds. +A high-tech spaceship dashboard with blinking lights and holographic displays, prominently showing an alert that reads "Warp Drive Malfunction" in red, set against a backdrop of deep space. +A realistic photograph of a silver keychain tag, inscribed with "Return To Owner If Found", hanging from a worn leather keyring against a neutral background. +A realistic smartphone screen with a notification popping up, reading "Memory Full Delete Dreams", set against a blurred background of a serene, dreamy landscape at dusk. The phone is slightly tilted, showcasing the notification prominently. +A cinematic movie poster featuring the title "Migration" prominently at the top, set against a backdrop of vast, open landscapes with flocks of birds in the sky, symbolizing a journey or mass movement. +A vintage wanted poster hangs on a wooden plank wall in a dusty Wild West saloon, offering "5000 for The Syntax Bandit". The poster is slightly torn and weathered, with a Wanted sign above it, and patrons in cowboy hats chat nearby, casting shadows in the dim, lantern-lit room. +A laboratory door with a prominent warning sign that reads "Biohazard Zone", set against a stark, sterile hallway. The door is slightly ajar, revealing a glimpse of high-tech equipment inside, with a caution tape stretched across the threshold. +A vibrant concert poster with bold, dripping paint text that reads "Rockpocalypse Tonight", set against a dynamic background of electric colors and musical symbols, capturing the intense and chaotic energy of a live rock performance. +A cozy café with a rustic wooden table and chairs. On the wall, a chalkboard prominently displays "Daily Special Matcha Latte" in elegant handwriting, with a small potted plant sitting beside it. Warm, natural light filters through the window, casting soft shadows. +A superhero stands confidently, their cape billowing in the wind, embroidered with "Hero of Justice" in bold, golden thread, against a backdrop of a city skyline at sunset. +A miner's helmet light casts a warm glow on the damp, rocky walls of a tunnel, illuminating the words "Dig Deeper" etched into the stone. The beam highlights the rough texture and subtle colors of the rock, creating a stark contrast with the surrounding darkness. +A sleek laptop with a vibrant sticker declaring "Code All Night" placed prominently on its lid, sitting on a cluttered desk surrounded by coffee cups and coding books, under the soft glow of a desk lamp. +A serene camping scene with a marshmallow roasting over a crackling campfire. The roasting stick is uniquely branded with the words "Smore RAM Required", adding a playful tech twist to the outdoorsy setting. +A farmer's scarecrow stands proudly in a golden wheat field, holding a framed diploma that reads "PhD in Crow Psychology", with crows perched nearby, looking intrigued. +A vibrant children's playground mural with "Imagine Explore" in colorful bubble letters, surrounded by playful illustrations of planets, animals, and whimsical landscapes, capturing the spirit of adventure and creativity. +A tattered diary with a leather cover, open to a page filled with hurried, scribbled handwriting. The words "Top Secret Plans" are prominently visible, surrounded by sketches and cryptic notes, under a dim, vintage desk lamp. +A fishing boat with "Sea Explorer" painted on its hull, floating on calm waters at sunrise, with a subtle mist rising from the sea, creating a serene and peaceful atmosphere. +A sleek, modern robot butler wearing a stylish apron printed with "Oil Changes Every 5000 Steps", standing in a high-tech kitchen, its metallic arms crossed, with a polished, futuristic background. +A rustic, cozy restaurant interior with warm lighting. On a chalkboard, prominently displayed, the chef's specials are listed, with "Mystery Meat Surprise" highlighted in elegant, handwritten chalk script. The board is adorned with a few sprigs of fresh herbs, adding a touch of freshness. +A cozy gardener's shed with a rustic wooden sign hanging above the door, clearly displaying the words "Tools & Daydreams Inside". The shed is surrounded by a lush, vibrant garden, with tools neatly arranged against the wall and a serene, dreamy atmosphere. +A realistic photograph of a car's dashboard with the "Check Engine" alert flashing prominently on the display, amidst other gauges and controls, set against the muted backdrop of a dimly lit interior. +A high-resolution image of a modern fitness tracker with a sleek, black band on a person's wrist. The screen brightly displays "Steps 10000" in clear, white text against a dark background, set against a blurred, outdoor park setting. +A rugged mountain bike frame "Trail Blazer" leans against a rocky outcrop, surrounded by dense forest and towering pines. The bike's sleek design and mud-splattered tires reflect its trail-ready nature, with sunlight filtering through the canopy, casting dappled shadows on the forest floor. +A weathered gravestone in an old, overgrown cemetery, with the faint, eroded inscription "Told You I Was Sick" barely visible against the moss-covered surface. +A cozy coffee shop interior with warm lighting, wooden tables, and a customer holding a loyalty card stamped "Buy 5 Get 1 Free" near a steaming cup of coffee. +A real estate yard sign stands in a lush, green front yard, proudly displaying "Open House Sunday 24PM". The sign is clean and vibrant, with a modern, professional design. The scene is set on a sunny afternoon, with a well-maintained house in the background. +A close-up photograph of a hospital wristband worn on a person's wrist, clearly displaying the printed text "Patient ID 4567" against a clean, white background. +A serene yoga studio with a yoga mat imprinted with "Breathe In Peace" placed at the center. Soft, natural light filters through large windows, casting a peaceful glow on the mat and the surrounding minimalist decor. +A movie theater marquee at night, brightly lit, announcing "Now Showing Galaxy Wars" with a starry sky and a few people walking by, capturing the excitement and anticipation of the crowd. +A futuristic time machine's dashboard, with a large, glowing screen prominently displaying "Destination 3024". The screen is surrounded by intricate, glowing circuits and controls, set against a dark, high-tech interior. +A quaint roadside stand with a rustic wooden sign reading "Fresh Honey Sale" stands under a sunny sky, surrounded by blooming wildflowers and buzzing bees, capturing the essence of a serene countryside market. +A close-up of a programmer's keyboard, with a prominently displayed "Any Key" key, surrounded by other keys showing signs of frequent use, set against a backdrop of code on a computer screen. +An old-fashioned ice cream truck parked on a sunny street, with a colorful sign reading "Choco Vanilla Swirl" prominently displayed on its side. Children gather around, excitedly pointing at the sign, while the truck's jingle plays in the background. +A yoga studio with a serene atmosphere, featuring a large mural on the wall that reads "Breathe In Breathe Out" in elegant, flowing script, surrounded by peaceful, nature-inspired imagery like soft leaves and gentle waves. +A realistic photograph of a forearm with a detailed tattoo of a compass, the intricate design includes the phrase "Find Your Way" elegantly inscribed around it, set against a soft, natural skin tone. +A realistic desktop scene with a computer monitor displaying an error message popup that says "Software Update Required", surrounded by scattered papers and a cup of coffee, captured in a modern office setting. +A vibrant children's book cover featuring the title "Adventures in Candyland", illustrated with colorful, whimsical elements like lollipop trees, gummy bear forests, and a trail of jelly beans, all set against a bright, sky-blue background. +A vintage carnival ticket booth with a bright, colorful sign that reads "Rides 5 Tickets", surrounded by twinkling lights and festive decorations, set against a twilight sky. +A professional basketball player in a jersey with "MVP 23" prominently displayed, standing on a court at sunset, the golden light casting a warm glow on the player and the shiny court surface. +A close-up of a sleek, silver spy pen with the inscription "For Your Eyes Only" engraved on its side, set against a dark, mysterious background, with a soft spotlight illuminating the text and creating a subtle, espionage-themed atmosphere. +A futuristic warehouse with a large, metallic spaceship crate stamped "Handle With Care" sitting on a loading dock, illuminated by the glow of neon lights and surrounded by robotic arms and conveyor belts. +A realistic photograph of a space station airlock with a prominent warning sign that reads "Check Oxygen First", surrounded by the intricate machinery and controls of the station, set against the backdrop of a vast, star-filled universe. +A cozy bakery interior with a vintage wooden cookie jar prominently displayed, labeled "Emergency Chocolate Reserves", surrounded by a variety of freshly baked cookies and pastries, with warm, inviting lighting. +A rustic leather bracelet, embossed with the words "Stay Wild", wrapped around a sun-kissed wrist, set against a backdrop of a lush forest during golden hour. +A newspaper headline reads "Local pig eats prize pumpkin", with a photo capturing a large, half-eaten orange pumpkin in a garden, a satisfied pig standing nearby, and a farmer looking on in disbelief. +A spy stands in a dimly lit alley, clutching a briefcase marked "Top Secret Eyes Only". The atmosphere is tense, shadows cast by flickering streetlights adding to the intrigue. The spy's face is partially obscured, enhancing the mystery of the moment. +A vintage arcade machine with a glowing screen that reads "Insert Coin to Play", surrounded by the soft, ambient light of a dimly lit game room, capturing the nostalgic essence of the 1980s. +A bustling medieval marketplace, with a quaint shop featuring a hand-painted wooden sign that reads "No Refunds Spells Final" hanging above the door. The shop is adorned with colorful banners and displays an array of magical wands in the window. +A realistic photograph of a mountain trailhead, featuring a prominent wooden sign that warns, "Steep Cliff Ahead", surrounded by rugged terrain and dense foliage. +A vibrant comic panel with a dynamic speech bubble "Kapow" exploding from a superhero's fist, surrounded by a burst of colorful energy and motion lines, set against a dramatic cityscape at sunset. +A laboratory setting with a mouse cage prominently displayed. The cage is clean and well-lit, with a label clearly visible: "Genius Rodent Do Not Disturb". The background features scientific equipment and shelves with lab supplies, emphasizing the research environment. +A bright, airy yoga studio with large windows letting in the morning sun. A group of people in comfortable yoga attire is arranged on mats, preparing for the "Yoga 9 AM" class, with a serene instructor at the front, guiding them through gentle stretches. +A fogged mirror in a gym locker room, with the words "Swole Is the Goal" faintly visible through the steam, reflecting a muscular figure in the background. +A chef’s recipe book opened to "Grandma's Secret Sauce", lying on a rustic wooden table, with a vintage kitchen in the background, sunlight streaming through the window, and a sprinkle of herbs on the side. +A weathered map with edges frayed, a handwritten note scrawled in the corner reading "Beware the Krakens Wake", surrounded by intricate illustrations of mythical sea creatures and turbulent waves. +A sleek, futuristic spy gadget labeled "Top Secret" lies on a metallic table, illuminated by the soft glow of neon lights. The device features intricate circuits and a glowing display, surrounded by high-tech laboratory equipment and shadowy silhouettes of surveillance cameras. +A realistic photograph of a modern museum exhibit with an interactive audio guide panel. The panel prominently displays the instruction "Press 5 For Info" in clear, bold text, set against a sleek, minimalist background. +An astronaut’s suit features a detailed patch labeled "Mission Europa", set against the backdrop of a lunar landscape with distant stars and the Earth rising on the horizon. +A cozy wizard's shop with a vintage, enchanted vibe, featuring a wooden sign hanging by the window that reads "Love Spells 50% Off", surrounded by glowing candles and mystical herbs. +A close-up of a well-worn scientist's notebook, the page filled with frantic scribbles and calculations, with "Eureka Moment" prominently written in the center, surrounded by coffee stains and highlighted sections. +A medieval knight's noble steed, adorned with intricate armor etched with the words "Steed of Honor", stands proudly in a sunlit courtyard, its metallic surfaces gleaming. +An ice cream truck parked on a sunny street, with a vibrant "Flavor Of The Week" sign displayed on its side, showcasing a variety of colorful ice cream flavors. Children and adults eagerly gather around, enjoying the delightful atmosphere. +A vintage library stamp imprint, crisp and clear, reading "Property of Arkham Archives", set against the aged, slightly yellowed pages of an old book, surrounded by the muted tones of a classic library interior. +A hand-painted wooden "Pineapple Club" sign, shaped like a pineapple, hangs outside a tropical-themed bar, surrounded by lush greenery and vibrant flowers, under a sunny sky. +A submarine control room with a glowing red alert on the main panel, displaying the message "Depth Exceeded Ascend Now", while crew members look concerned and ready to take action. +A vintage poet's parchment, slightly curled at the edges, with the elegant, handwritten phrase "Roses Are Red Violets Blue" in deep ink, set against a backdrop of a blooming rose and violet garden. +A realistic photograph of a highway road sign warning "Bridge Out Ahead" with flashing yellow lights, set against a dimly lit evening sky, capturing the urgency and caution of the scene. +A tattoo parlor sign reads "Ink at Your Own Risk", illuminated by neon lights, set against a gritty urban backdrop with rain-slicked streets and shadowy figures passing by. +A bustling city street at dusk, with a bookstore window prominently displaying a colorful arrangement of "Bestsellers of 2024". The window is lit warmly, showcasing a variety of books with eye-catching covers, surrounded by cozy reading nooks and shelves filled with more titles. +A professional podcast setup with two hosts discussing "Episode 101 Tech Trends 2024", surrounded by modern tech gadgets and a sleek, futuristic backdrop. The scene is lit by soft, ambient lights, creating a focused and engaging atmosphere. +A realistic night scene with a UFO hovering above a quiet suburban street. A bright, focused beam of light projects from the UFO, illuminating a person on the ground with the words "Human Sample" clearly visible in the beam. +A realistic photograph of a wedding cake topper featuring a playful sausage character holding a sign declaring "Best Wurst", set against a backdrop of a beautifully decorated wedding cake with intricate frosting designs. +A vintage, illustrated seed packet for magic beans, prominently displaying the instruction "Plant During Full Moon" in elegant, handwritten font, surrounded by mystical symbols and a glowing moon in the night sky. +A cinematic movie poster featuring the text "Heat" in bold, neon-lit letters, set against a backdrop of a dark, gritty cityscape at night, with silhouettes of figures in a tense standoff. +A cozy bakery interior with a glass display case featuring a freshly baked cookie adorned with colorful icing that spells out "Eat Me Now" in playful, cursive letters. The warm, inviting atmosphere is enhanced by soft lighting and the aroma of freshly baked goods. +A beautifully decorated birthday cake with icing that reads "30 Going On 20", surrounded by colorful candles and set against a warm, celebratory backdrop. +A close-up of a coffee cup with a sleeve printed "Caution Hot Contents", sitting on a wooden table, with a light steam rising from the cup, captured in a realistic photographic style. +A detailed amusement park map with vibrant colors and various attractions. A "You Are Here" marker is prominently circled in bright, neon ink, standing out against the colorful background. +A realistic photograph of a modern laptop with a sleek design, open on a wooden desk, displaying an error message "Connection Failed" on the screen, surrounded by scattered papers and a cup of coffee. +In a bustling supermarket aisle, a notice board prominently displays a sign that says "saukrieg" in bold letters, drawing curious glances from shoppers. The scene is realistic, with modern shelves stocked with various products and a few customers browsing. +A futuristic setting with a sleek, metallic cybernetic arm featuring a holographic display projecting the words "Systems Optimal" in a vibrant blue light, set against a dark, tech-laden background. +In a serene park, a wooden signpost stands with the mysterious word "clirimtare" clearly visible. The sign is surrounded by lush greenery and a few wandering butterflies, enhancing the tranquil and curious atmosphere of the scene. +A child's lunchbox, adorned with colorful stickers that spell "Snack Attack", sits on a wooden table, surrounded by playful toys and a bright, sunny window in the background. +A museum exhibit featuring a dinosaur skeleton plaque with the inscription "Extinct Hold My Meteor". The scene is lit by soft, ambient lighting, highlighting the detailed bones and the playful, ironic message. Visitors in the background add a sense of scale and realism. +A vibrant movie poster titled "L hain Noon", featuring a gritty, sunlit urban landscape with a lone figure standing against a backdrop of towering skyscrapers, their face half-shrouded in shadow, evoking a sense of impending drama and suspense. +A detailed textbook diagram illustrating a cell structure, with a prominent label "Mitochondria Powerhouse" highlighting the mitochondria, surrounded by other cellular components like the nucleus, endoplasmic reticulum, and ribosomes. +A casual, modern T-shirt design featuring the bold, playful text "Coffee First Questions Later" in a vibrant, eye-catching color, set against a clean, minimalist background. +A programmer’s desk with a steaming coffee mug prominently displayed, the mug printed with the phrase "Code Sleep". The desk is cluttered with a laptop, notebooks, and coding books, with a cozy office setting and soft, ambient lighting. +A preschool alphabet chart featuring a colorful, child-friendly illustration of "A is for Asteroid", with a large, friendly-looking asteroid floating in space, surrounded by stars and planets, all designed in a bright, engaging style suitable for young learners. +A pirate ship sails the stormy sea, its flag proudly displaying a skull and the words "We Sea Shanties" in bold, weathered letters, waves crashing against the hull and dark clouds looming overhead. +A cinematic movie poster titled "My Son Hunter", featuring a rugged, determined father and his young son standing together against a backdrop of a vast, wilderness landscape, symbolizing their bond and the challenges they face. +A vintage bookstore window, showcasing an elegant sign that reads "Rare Editions" in gold script, surrounded by a variety of antique books and ornate bookends, with soft, warm lighting enhancing the nostalgic atmosphere. +A bustling city street with a large, vibrant roadside billboard advertising "Best Burgers in Town", featuring a mouth-watering burger with lettuce, tomato, and cheese, set against a sunny afternoon sky. +A realistic urban night scene featuring a tattoo parlor with a neon sign glowing "Ink Dreams" above the door, casting a vibrant, colorful glow on the pavement and surrounding buildings. +A wine cellar with a prominent oak barrel featuring a wooden stamp that reads "Aged 12 Years Reserve", surrounded by dim, warm lighting and antique wine bottles on wooden shelves. +A nostalgic toy train set box labeled "Choo Choo Express" sits on a wooden table, surrounded by scattered train tracks and miniature trees, under the warm glow of a vintage lamp, capturing the essence of childhood wonder. +A vintage tattoo parlor with a weathered wooden sign displaying "No Regrets Special Today Only" in bold, colorful letters. The scene is bustling with customers, and the interior is dimly lit, adorned with classic tattoo flash art on the walls. +A close-up of a candy wrapper that reads "Sweet Treat Inside", crinkled and slightly torn at the edges, revealing a hint of the colorful, sugary confection beneath, set against a blurred background of a bustling candy store. +A sleek digital alarm clock on a bedside table, glowing softly in the dark room, with the display blinking "Wake Up Early" in bright green numbers, casting a subtle light on the wood grain of the table. +A Viking longship glides through choppy seas, its sail emblazoned with ancient runes that spell "Stormbringer". The ship's dragon-headed prow cuts through the waves, while the crew, clad in fur and leather, rows with fierce determination. The sky is stormy, with lightning illuminating the runes on the sail. +A close-up of a smartphone lock screen with a sleek, modern design, displaying "3 New Messages" in bold, clear text. The screen is slightly illuminated, reflecting a soft glow on the surrounding dark, smooth surface. +In a dark, ancient forest, a wizard's staff glows with an ethereal light, casting intricate shadows. The staff bears the inscription "Lux in Tenebris", illuminating the surrounding foliage and creating a mystical atmosphere. +A beach scene with a lifeguard tower in the foreground. A large, bold sign on the tower reads "Swim at Own Risk". The ocean waves gently lap at the shore, and the sky is a mix of sunny blue and fluffy white clouds. +A realistic photograph of a library book return area, featuring a prominent sign that reads "Due Date Tomorrow", surrounded by stacks of books and a few patrons returning their books. +A detailed science textbook diagram labeled "Mitochondria Structure", showing the intricate internal and external features of a mitochondrion, including the outer membrane, inner membrane, cristae, and matrix, with clear labels and annotations. +A baker in a cozy kitchen, wearing an apron heavily stained with flour, the apron embroidered with "Knead to Relax". The baker is smiling, hands dusted with flour, as they prepare dough on a wooden table. Warm, golden light streams through the window, casting a soft glow on the scene. +A close-up of a hospital wristband worn on a patient's wrist, clearly showing the text "Patient ID 4892B" against a clinical background. +A realistic photograph of a graduation cap with "Class of 2024" written in sparkling glitter, set against a blurred background of a sunny campus quad, with a few graduates in the distance celebrating. +A close-up of an artisanal cheese label that reads "Aged Regret Vegan Unfriendly", set against a rustic wooden background with a slice of aged cheese and a sprig of thyme. +An art gallery description card titled "Sunset Over Alps 2023" displays a serene landscape of the Alps at sunset, with vibrant orange and pink hues spreading across the sky, snow-capped mountains in the distance, and a tranquil valley below. +A busy supermarket aisle with a frosty freezer door prominently labeled "Ice Cream Sale", surrounded by colorful ice cream boxes and happy shoppers browsing the selection. The scene is bright, with overhead lighting and modern supermarket decor. +A realistic photograph of a forearm with a prison tattoo in detailed Gothic script, reading "Memento Mori", set against a neutral background. The tattoo is dark and slightly worn, reflecting the harsh conditions of its creation. +A realistic photograph of a dog park with a prominent sign that reads "Leash Your Pet Always", surrounded by green grass, benches, and a few playful dogs in the background. +A rustic barn door, weathered by time, with a hand-painted sign reading "Fresh Eggs Sold" in bold, faded letters, set against a backdrop of a serene countryside. +A farmer's scarecrow stands tall in a golden wheat field, wearing a rustic sign that reads "Guardian of Crops", its straw arms outstretched protectively. Sunlight casts a warm glow, enhancing the rustic, agricultural scene. +A vintage pharmacy facade at dusk, featuring a neon sign in elegant cursive that reads "Soda Fountain", casting a soft glow over the old brick wall and sidewalk, evoking a nostalgic 1950s American scene. +A close-up of a vintage briefcase with a combination lock set to "007", resting on a dark, sleek table. The scene is illuminated by a soft, overhead light, casting subtle shadows and highlighting the worn leather and metallic details. +An astronaut's boot print on the lunar surface, beside a plaque that reads "First Step 1969", under the stark light of the sun, with the Earth visible in the distant black sky. +A lighthouse on a rocky cliff, its powerful beacon projecting the words "Safe Harbor" across the misty night sea, guiding ships to the calm waters of the harbor. +A bustling football stadium with a massive jumbotron prominently displaying "Touchdown Home Team", surrounded by cheering fans in team colors, with the home team's quarterback celebrating on the field. +A vast, green field at dawn, with a intricate UFO crop circle that spells out "Take Me to Your Dealer" in a complex pattern, surrounded by a mist that enhances the mysterious atmosphere. +A close-up of an old library book, the pages yellowed and worn, with a checkout stamp clearly visible, marked "Overdue Since 1992", set against a background of similar vintage books and the warm, ambient light of a reading lamp. +A vibrant cityscape at sunset with a large, eye-catching billboard reading "Explore Beyond Limits" prominently displayed. The billboard features a stunning mountain range and a group of happy travelers hiking, symbolizing adventure and freedom. +A close-up of a skateboard's grip tape featuring the bold text "Skate or Lie" in a gritty, urban font, set against a weathered, textured background with subtle scratches and wear marks, capturing the essence of street skate culture. +A professionally designed logo for a bakery called "All You Need", featuring a warm, inviting color palette with a rustic bread loaf and a cozy, handwritten font that conveys the essence of home and comfort. +A crisp winter day at a ski resort, with a trail marker sign reading "Beginner Slope" prominently displayed. Snow-covered slopes and pine trees in the background, with a few skiers gently making their way down the gentle, sunny hill. +A modern hotel lobby with a sleek, minimalist directory sign that reads "Conference Rooms B1 B2", set against a backdrop of polished marble floors and contemporary furniture. +A rustic farmhouse mailbox, labeled "Smith Family", stands at the end of a gravel driveway, surrounded by wildflowers and tall grass, with a weathered wooden fence in the background. +A realistic photograph of a construction site, featuring a worker adjusting their bright orange safety vest. Prominently displayed on their hard hat is a sticker that reads "Safety First", reflecting the site's commitment to worker safety. +A high school football player wearing a jersey with "Johnson 21" printed on the back, standing on a sunlit field with a determined look, the grass slightly worn from practice, and teammates in the background cheering. +A vintage library stamp, intricately designed with ornate edges, marks the pages of an old, leather-bound book with the phrase "For Eternal Knowledge", set against a backdrop of ancient, dusty tomes on wooden shelves. +A dimly lit community pool entrance at night, with a prominent "No Swimming After Dark" notice board, illuminated by a single flickering streetlight, casting long shadows across the deserted area. +A Viking longship sails across a serene, misty sea at dawn, its sail emblazoned with the words "Rage Serenity" in ancient runes, reflecting the calm yet powerful atmosphere of the scene. +A sleek, silver spy pen with an elegant engraving that reads "Top Secret" lying on a dark, polished wooden desk, next to a vintage typewriter and under the glow of a dim desk lamp, creating a mysterious and sophisticated atmosphere. +A wizard gazes into a crystal ball, which glows with an ethereal light, revealing the ancient prophecy "The Chosen One" etched in luminous runes. The wizard's robe flows in a mystical breeze, and the dimly lit chamber is filled with the flicker of candlelight. +A close-up of a vintage wooden door hanger sign, intricately carved with the text "Do Not Disturb", hanging from a rustic door handle, with soft, warm lighting casting gentle shadows. +A city bus at a bustling stop, its destination sign prominently displaying "Downtown Express" in bright, flashing lights, surrounded by the urban landscape of tall buildings and busy pedestrians. +A high-end restaurant table set with elegant silverware and fine china. In the center, a chef's tasting menu card stands, prominently displaying "Mystery Soup 999" in elegant cursive. Soft candlelight casts a warm glow, enhancing the luxurious ambiance. +A serene yoga studio interior with soft, natural lighting, featuring a large poster on the wall that prominently states "Breathe In Peace" in elegant, flowing typography. Yoga mats are neatly arranged on the wooden floor, and a few potted plants add a touch of greenery. +A bustling farmer’s market stand with a wooden sign that reads "Fresh Organic Produce" hanging above a display of vibrant, colorful fruits and vegetables, surrounded by happy shoppers. +A vast, green field at dawn, where a UFO has left a crop circle pattern that clearly spells "Take Me To Your Dealer", with the intricate design visible from an overhead view, casting soft shadows in the morning light. +An antique globe illustration with intricate details, featuring a vintage map aesthetic. The globe prominently displays the phrase "Here Be Dragons Literally" near a whimsical dragon illustration, surrounded by old-world cartographic elements like compass roses and sailing ships. +A dark, ancient cavern illuminated by flickering torchlight, revealing a large, ornate chest carved with intricate dragon motifs. The chest is labeled with a scorched, ominous warning that reads "Mortal Danger" in bold, glowing letters. +A laboratory setting with a mouse cage prominently displayed. The cage tag clearly reads "Group B Enhanced Intelligence". The scene is lit by the soft glow of overhead fluorescent lights, emphasizing the scientific environment and the significance of the tag. +A detailed close-up of a rich, velvet theater curtain, embroidered with the phrase "Break a Leg" in elegant gold thread, set against a deep crimson background, capturing the timeless elegance of the stage. +A vibrant travel agency poster advertising "Summer Europe Tours", featuring iconic landmarks like the Eiffel Tower and Colosseum, with cheerful travelers exploring bustling city streets and serene countryside, all under a sunny sky. +A close-up of a rugged, weathered arm with a menacing movie villain tattoo that reads "No Mercy Given" in bold, gothic lettering, surrounded by dark, intricate designs and shadowy motifs. The skin shows signs of age and wear, enhancing the tattoo's intimidating presence. +A family picnic in a sunlit meadow, the picnic basket lid open, revealing a neatly arranged "Sandwich Storage" section with a variety of colorful sandwiches, surrounded by fresh fruits and drinks, all set against a backdrop of rolling hills and blue skies. +A close-up photograph of a vine with the text "video" sprouting from it, centered in the frame, with a natural, green background and soft sunlight filtering through the leaves. +A stone tablet stands at the entrance of a museum, intricately carved with the words "Ancient Truths". The weathered surface bears the marks of time, casting deep shadows under the soft glow of the museum's lighting. +A gym motivational poster featuring a determined athlete mid-workout, sweat glistening on their forehead, with the bold text "No Pain No Gain" prominently displayed at the top. The background shows vibrant fitness equipment and energetic peers, emphasizing the theme of perseverance and hard work. +A close-up of a wooden pot label at a gardening store, clearly reading "Succulent Care Tips", surrounded by various succulents in terracotta pots, with sunlight gently filtering through a nearby window. +A dinosaur museum exhibit featuring a life-sized T-Rex skeleton, with a detailed display label reading "TRex Vegetarian Phase". The scene is illuminated by soft, ambient lighting, highlighting the intricate bone structure and the informative label. +A student sits at a desk, intensely focused on a history exam, the question "When Was Rome Founded" clearly visible at the top of the page, surrounded by scattered notes and a quill pen. +A detective in a trench coat holds a magnifying glass, its rim intricately etched with "Seek Truth", examining a clue in a dimly lit, rain-soaked alley at night. The glass reflects a nearby streetlamp, casting a warm glow on the detective's focused face. +A close-up of a pilot's uniform, showcasing an intricately embroidered patch that reads "Flight Crew", set against the dark blue fabric, with subtle lighting to highlight the texture and detail of the embroidery. +A realistic photograph of a vintage suitcase with a red "Fragile Handle With Care" tag, placed on a wooden floor, with soft natural light illuminating the scene, emphasizing the texture of the luggage and the tag. +A high-contrast TV show poster featuring the logo "In the Shadow of the Raven" prominently at the top, set against a dark, mysterious background with subtle raven silhouettes. +A detailed museum exhibit featuring a large, intricately textured dinosaur bone replica, with a clearly visible label reading "Dinosaur Bone Replica" placed beside it. The exhibit is lit by soft, focused lights, enhancing the fossil's ancient and awe-inspiring presence. +A bustling city street at dusk, with a large digital billboard displaying a vibrant ad that reads, "Download More RAM Today". Pedestrians and vehicles are passing by, with the ad catching the eye of a young woman checking her phone. +A vibrant tourism poster for Atlantis, featuring the iconic underwater city with luminescent structures and marine life. Bold text reads "Visit Before You Can't" against a backdrop of crystal-clear waters and ancient ruins, inviting viewers to explore the lost world. +A serene yoga studio with a yoga mat featuring the inspiring print "Breathe Deeply" in elegant, flowing letters, surrounded by soft, natural light and gentle green plants, creating a peaceful and calming atmosphere. +A dusty Wild West saloon door swings slowly, creaking in the dry air. Above it, a weathered sign reads "No Vampires Allowed", casting a faint shadow on the wooden facade. Sunlight filters through, highlighting the old, worn-out hinges and the cracked leather of the door. +An ancient, moss-covered stone tablet stands in a misty, coastal forest, its surface deeply engraved with the ominous warning, "Beware the Kraken". The tablet is partially obscured by overgrown vines, and the surrounding trees cast eerie shadows, enhancing the sense of danger and mystery. +A vintage antique globe, its surface intricately etched with the phrase "Here Be Dragons", resting on a mahogany stand in a dimly lit study, surrounded by old books and maps. +A detailed galactic map with a prominent legend reading "Black Hole Ahead", set against a backdrop of swirling nebulae and distant stars, highlighting the ominous warning with a stark, red font. +A neon sign in vibrant blues and pinks above a bustling city bar, flashing "Open 24 Hours" amidst the night's glow, with a few patrons entering and the street lights casting soft shadows. +A detective's notebook lies open on a dimly lit desk, the page marked with a handwritten entry: "Prime Suspect Identified". A magnifying glass rests on the entry, while a half-empty cup of coffee and a crumpled photo of a suspect are scattered nearby. +Astronaut floating in space, looking at the space helmet visor warning "O2 10 Min Remaining", against a backdrop of stars and distant planets, with the Earth visible in the background. +A looming, ancient clock tower under a moonlit sky, its face ominously displaying "Never Strike Midnight" in gothic numerals, surrounded by swirling mist and shadowy figures, capturing the eerie atmosphere of a haunted town. +A close-up of a hacker's laptop, prominently featuring a sticker that reads "Code or Be Coded", surrounded by an array of tech gadgets and a dimly lit, futuristic workspace. +A high-speed race car with a sleek, aerodynamic design, featuring a bold hood decal that prominently displays "Speed Demon" in fiery red letters against a black background, racing on a sunlit track. +A lighthouse on a rugged cliff, its powerful beacon projecting the words "Lost Found" into the misty night sky, illuminating the turbulent sea below. +A realistic photograph of a library's return slot, with a sign prominently displaying the text "No Regrets Accepted", set against a backdrop of vintage books and warm, ambient lighting. +A black and white sign with the words "relative" on a white background, rendered as a wireframe in a generative art style, showcasing intricate geometric patterns and minimalist design. +A vintage, ornate potion bottle with a detailed label warning "May Cause Levitation", set against a mystical, dimly lit background with glowing tendrils of magic swirling around it. +A vibrant TV show poster titled "The Bachelor of Salmiya", featuring a charismatic young man standing confidently in a bustling market, surrounded by colorful stalls and cheerful onlookers, with the show's title prominently displayed in bold, elegant letters at the top. +A neon sign flashing "Open 24 Hours" illuminates the entrance of a convenience store, casting a vibrant glow on the pavement and nearby buildings in a bustling city night scene. +A detailed wooden stand intricately carved with the words "Future Visions" supports a glowing, mystical crystal ball, emanating an ethereal light in a dimly lit, ancient library. +A detailed biology lab chart labeled "Cell Structure Diagram", showcasing various cellular components like the nucleus, mitochondria, and chloroplasts, with clear annotations and vibrant, accurate color coding to enhance understanding. +A realistic photograph of a hotel room door with a "Do Not Disturb" sign hanging on the handle, set against a modern hallway with soft lighting and carpeted floor. +A close-up of a wooden gardening pot marker, hand-painted with the words "Tomato Hybrid Seeds", set against a backdrop of rich, dark soil and sprouting green tomato plants. +A dimly lit prison cell with rough stone walls, marked by deep scratch marks leading to the center where "Day 247" is inscribed in bold, crude letters, illuminated by a single flickering light bulb overhead. +A detailed, vibrant photograph of a magic carpet with intricate embroidery that reads "Fly with Care", set against a backdrop of a serene, sunlit desert landscape. The carpet is richly colored with gold and deep blues, and the embroidery stands out with a subtle, glowing effect. +A close-up of an astronaut's arm, showcasing the detailed stitching of the patch that reads "Mars Mission 2050", set against the backdrop of a futuristic spaceship interior. +A child's lunchbox, brightly colored and decorated with the playful text "Monster Munchies Inside", sits on a picnic blanket, surrounded by toys and snacks, under a sunny sky. +A realistic photograph of a highway billboard featuring the bold white text "Drowsy Take a Break" against a backdrop of a scenic landscape with cars passing by on the road below. +A serene mountain trail with a wooden signpost reading "Summit 2 Miles Ahead", surrounded by lush greenery and rocky terrain, leading up to a misty peak in the distance. +A Viking longship glides across the sea, its sail emblazoned with ancient runes that translate to "Stormbringer". The ship cuts through choppy waters, with a stormy sky looming overhead, emphasizing the vessel's name and the brave warriors aboard. +A vast desert landscape under a clear blue sky, featuring a lone highway with a weathered signpost that reads "Next Gas 100 Miles", surrounded by sprawling dunes and sparse vegetation. +An adventurer's weathered compass lies on an ancient, moss-covered stone. The compass face is intricately engraved with the phrase "North Is Relative", surrounded by worn, faded markings, under a clear, starry night sky. +A detailed, realistic photograph of a solar panel installation guide titled "Power Saving Mode", showing a well-organized manual with clear diagrams and instructions, set against a backdrop of a modern, eco-friendly home with solar panels on the roof. +A tiny snail, with a determined expression, holds a miniature sign that reads "derivative" in a grassy meadow, surrounded by dewy leaves and morning sunlight. +A detailed tattoo on a fisherman's forearm, showcasing the phrase "Gone Fishin" with a vivid illustration of a fishing hook, set against a subtle wave pattern. +A realistic photograph of a scientist in a lab coat, with a name tag clearly visible that reads "Dr Lee", standing in a modern laboratory filled with high-tech equipment. +A city street at dusk, a yellow taxi with its roof light displaying "Off Duty" in bright yellow, parked by the curb, reflecting the warm glow of streetlights and the fading light of the day. +A vintage retro diner at night with a neon sign flashing "Eat Here or Die Trying" above the entrance, casting a vibrant glow on the old-fashioned cars parked outside and the neon reflections on the wet pavement. +In a neon-lit cyberpunk alley, vibrant graffiti boldly sprayed "Delete Your Cookies" across a dilapidated wall, reflecting the dystopian urban landscape and the digital resistance against surveillance. +A realistic photograph of a boxing ring with the mat prominently displaying the text "Championship Round 9", surrounded by worn ropes and the gleam of overhead lights, capturing the intensity of a pivotal moment in the fight. +A peaceful camping site with a tent prominently displayed, featuring a humorous "No Snoring" sign hanging on the entrance. The scene is set in a serene forest during the evening, with soft, warm lighting inside the tent and stars twinkling in the night sky. +A pirate ship sails the stormy sea, its flag boldly waving with the ominous warning "Beware the Black Kraken", as dark waves crash against the hull and a menacing cloud looms overhead. +A spy dossier cover with a vintage, slightly worn appearance, marked "TOP SECRET Cookie Recipes" in bold, red lettering, set against a backdrop of a dimly lit, clandestine office with a shadowy figure in the background. +A smartphone wallpaper featuring a sleek, modern design with minimalist text: "Unread Messages" displayed prominently in a clean, sans-serif font on a subtle gradient background. +A close-up of a firefighter's helmet, the shield prominently displaying the embossed words "Brave Bold", reflecting a sense of courage and determination, with a backdrop of a smoky, sunlit urban scene. +A realistic photograph of an ambulance with a clear, detailed side decal reading "Emergency Medical Services", parked on a city street with a blurred background to emphasize the vehicle and its prominent signage. +A cheerful toddler's drawing titled "My Happy Family", featuring a colorful, whimsical depiction of a family with bright, smiling faces, surrounded by playful doodles of a sun, trees, and pets, all rendered in crayon and marker on a textured paper background. +A high-contrast, graffiti-style skateboard deck with the bold text "Skate Or Die" prominently displayed, set against a vibrant, urban backdrop with spray paint splatters and stickers. +A cave explorer stands in a dimly lit cavern, holding a detailed map with a notation that reads "Chamber 3". The rocky walls are illuminated by the faint light of a lantern, casting shadows that accentuate the rugged terrain. +A close-up of a police car door, showcasing the emblem with the phrase "To Protect and Serve" prominently displayed, set against a slightly blurred urban backdrop. The scene captures the essence of law enforcement with a realistic, high-definition photographic style. +An astronaut's glove floats in zero-G, with "Call Home" sharply written on its palm, against the backdrop of a star-studded space, capturing the serene yet lonely essence of space travel. +A museum exhibit featuring a towering dinosaur skeleton, with a detailed label beneath it reading "Tyrannosaurus Rex", surrounded by soft ambient lighting and curious visitors. +A crime scene photo featuring a detective's evidence tag labeled "Exhibit A" placed on a worn, wooden table, illuminated by the soft glow of a nearby lamp, with a blurred background hinting at a cluttered, mysterious room. +A realistic photograph of an observatory telescope at night, with a clear view of the telescope's large lens pointing towards the sky. A sign next to it reads "View Saturn Rings Tonight", and the night sky is filled with stars, with Saturn clearly visible. +A superhero stands confidently, their cape billowing in the wind, intricately embroidered with the tiny text "Dry Clean Only" in elegant thread, contrasting against the bold, vibrant colors of their costume. +A sleek digital watch face with a modern, minimalist design, displaying the message "Time To Move" in crisp, clear letters against a subtle, gradient background. The watch is shown on a wrist, with the surrounding environment hinting at an active, urban setting. +A vibrant TV show poster titled "Enchanted", featuring a mystical forest with glowing fairy lights, a young heroine in an elegant gown, and a majestic unicorn, all set against a twilight sky. +A wizard’s hand holds a crystal ball, glowing with an ethereal light that spells out "Answers Within" in the air around it, set against a dark, mystical backdrop. +A close-up of a vintage brass keychain, intricately engraved with the text "If Found Call 5551234", lying on a rustic wooden table with soft, warm lighting highlighting the detailed engraving. +In a bustling airport terminal, the digital board prominently displays "Flight 815 Delayed", causing a mix of frustration and anticipation among the travelers. The scene is captured in a realistic photographic style, with the board's bright lights contrasting against the neutral tones of the surroundings. +A vibrant summer festival scene with a large banner that reads "Music and Fun" hanging between two colorful stalls, surrounded by cheerful crowds and lively music performances. +A vintage retro rocket adorned with bold nose art featuring the slogan "Mars or Bust", set against a backdrop of a starry night sky with distant planets glowing softly in the background. +A cozy bakery interior with a vintage oven timer buzzing, displaying "Cookies Ready Now". Golden-brown cookies are arranged on a cooling rack, their aroma filling the air. Soft, warm lighting enhances the inviting atmosphere. +In a cluttered, futuristic lab, a large, illuminated chart titled "Frankenstein 20 Release Notes" hangs on the wall, surrounded by scattered lab equipment, glowing vials, and intricate machinery. The chart details advanced scientific breakthroughs and eerie modifications, casting an ominous shadow over the scene. +A sleek e-reader lies on a cozy wooden desk, its screen displaying the text "Turn Page to Continue" in a clean, modern font. Soft, ambient light from a nearby window gently illuminates the scene, emphasizing the calm, inviting atmosphere of a quiet reading nook. +An ancient, weathered scroll unfurled to reveal the elegant, faded text "Kingdom of Alexandria", set against a backdrop of a dimly lit, dusty library with shelves lined with old books and artifacts. +A bustling food truck with a vibrant side panel advertising "Best Tacos in Town", surrounded by eager customers in a sunny, urban setting. The truck's colorful signage and the aromatic steam from the cooking area enhance the lively atmosphere. +A lonely gravestone in a foggy, overgrown cemetery, with the epitaph "Peaked in High School" clearly visible. The scene is somber, with tall grass and old trees surrounding the stone, casting long shadows in the dim light. +A sleek, modern ambulance parked on a city street, its side panel boldly printed with "Emergency Sarcasm Unit", surrounded by curious onlookers and flashing lights, capturing the mix of amusement and confusion in a vivid, realistic scene. +A genie's lamp resting on an ancient, worn wooden table, with ethereal smoke swirling out, forming the words "Three Wishes Remaining" in the air, illuminated by a soft, mystical glow. +A close-up of a vintage postage stamp, intricately detailed with ornate borders, cancelled with "Rare 1920 Issue" in a bold, period-appropriate font, set against a subtle, aged paper texture. +A rustic farmer's barn with a wooden door painted in a vibrant, weathered red. The door prominently displays the text "Fresh Eggs Daily" in bold, white letters. Sunlight filters through the morning mist, casting a warm glow over the scene. +A surfboard featuring an airbrushed "Wave Rider" design, with vibrant ocean waves and dynamic splashes, set against a sunny beach backdrop. +A close-up of a firefighter's helmet, the shield prominently embossed with "Brave Bald", reflecting the bravery and spirit of the wearer, set against a backdrop of a smoky, urban firefighting scene. +A vibrant video game title screen with a bold, colorful display showing "Level 5 Complete" at the center, surrounded by celebratory fireworks and confetti, set against a dynamic, futuristic cityscape backdrop. +A bustling cityscape with a skyscraper under construction, featuring a prominent construction sign that reads "Top Floor View", overlooking a panorama of lower buildings and distant skyscrapers, captured in a realistic photographic style. +Inside a bustling chocolate factory, a massive vat labeled "99 Cocoa" dominates the scene. Rich, dark chocolate flows like a river, reflecting the warm, golden lights above. Workers in spotless uniforms tend to the machinery, while the air is filled with the irresistible aroma of pure cocoa. +A bustling city street at dusk, with a towering billboard displaying a superhero in action. The billboard reads: "Citizen Alert Level EXTREME". People below look up in awe, some taking photos, others discussing the urgency of the message. +A futuristic cargo bay illuminated by neon lights, featuring a large spaceship cargo crate labeled "Handle With AntiGravity Care". The crate is surrounded by high-tech equipment and robotic arms, with a crew of astronauts in sleek suits preparing for a critical mission. +A bustling train station with a modern digital board prominently displaying the message "Platform 9 Delayed" in clear, bold text, surrounded by commuters with puzzled expressions, waiting anxiously for updates. +A vibrant cartoon scene featuring an explosive sound effect, "Boom Crash Bang", with colorful bursts and dynamic lines emphasizing the impact and energy of the explosion. +A pair of worn sneakers with "Just Do It Later" handwritten in bold, casual script on the soles, placed on a white background, capturing the essence of delayed action and casual defiance. +A weathered pirate treasure map, labeled "X Marks the Tax Evasion", lying on an old wooden table, with a flickering candle casting shadows and a compass pointing towards the marked X. +A close-up of an alien plant pot with a futuristic, metallic label prominently displaying the text "Water Never". The plant inside is a vibrant, otherworldly green with unique, geometric leaves. The background is a minimalist, sci-fi nursery with soft, blue lighting. +A detailed subway map with a prominently highlighted route labeled "Express to Dreamland", set against a modern cityscape backdrop. The map features intricate lines and stations, with the highlighted route glowing softly, guiding the eye through a maze of urban transit. +A realistic urban scene of a subway station wall, covered in vibrant graffiti. At the center, large, bold letters spell out "You Are Here" in a dynamic, eye-catching style, surrounded by smaller, intricate tags and designs. +A futuristic sci-fi prison cell door, sleek and metallic, with a prominent stamp reading "Maximum Security Zone" in bold, red letters, set against the cold, dimly lit corridor of a high-tech detention facility. +A modern kitchen with a sleek oven featuring a digital clock display prominently flashing "Preheat Complete" in the center, set against a backdrop of stainless steel appliances and warm, ambient lighting. +A realistic photograph of a subway station with a tile wall mosaic spelling "Downtown Loop" in vibrant, detailed tiles, set against a backdrop of modern station architecture and soft lighting. +A vintage ice cream truck parked on a sunny street, its side panel proudly painted with "50 Flavors Available" in bright, playful letters, surrounded by a colorful array of ice cream cones. +A bustling coffee shop with a barista wearing a nametag that reads "Misspells Names On Purpose", carefully crafting a latte while customers wait with amused expressions, the warm lighting highlighting the cozy atmosphere. +A close-up of a traditional paper fortune cookie with a small slip of paper inside, featuring the message "Cancel Weekend Plans" in elegant, handwritten script, set against a warm, cozy background with a slight vintage filter. +A realistic photograph of a fire hydrant cap, prominently displaying the text "Break in Emergency", set against a urban street scene with a slight blur in the background to emphasize the hydrant cap's detail and text. +A realistic photograph of graffiti under a bridge, spray-painted with the words "Under Construction Since 1998", capturing the worn, urban texture and the fading colors of the paint against the concrete. +In a misty, tranquil cemetery, a weathered headstone stands prominently, its inscription "Told You I Was Sick" clearly visible. The scene is bathed in the soft, golden light of dusk, with tall grass swaying gently in the breeze. +A vibrant carnival scene with a ticket booth sign prominently displaying "Ride Pass 25" in neon lights, surrounded by colorful decorations and excited visitors. +A librarian's bookmark, imprinted with "Return by Due Date", lies on an old, worn book in a dimly lit library, surrounded by towering shelves filled with ancient tomes. +A high-resolution photograph of a sleek, elegant perfume bottle with a label that reads "Midnight Rose" in flowing cursive, set against a soft, dark background, capturing the subtle reflections and shine of the glass. +A close-up of a child's backpack, featuring an intricately embroidered patch that reads "Adventure Awaits", set against a backdrop of a forest trail, with sunlight filtering through the trees. +A sailor stands on the deck of a ship at sunset, the ocean stretching out behind him. His arm is visible, showcasing a detailed tattoo in elegant cursive: "Bon Voyage". The warm light highlights the intricate design, blending seamlessly with the sea and sky. +Retro diner scene featuring a classic jukebox with a glowing screen displaying "Select Song" and vibrant, illuminated buttons, set against the warm, nostalgic ambiance of the diner interior. +A medieval castle's grand stone wall, intricately engraved with the words "Royal Chambers Forbidden", set against a backdrop of ancient, moss-covered stones and flickering torchlight, creating a mysterious and atmospheric scene. +A close-up shot of a digital train ticket screen, sleek and modern, displaying "Valid Until 2025" in clear, bold text. The screen is slightly reflective, showing a faint blur of a train station in the background. +A construction site with a modern trailer in the background, prominently displaying a clear and bold sign that reads "No Unauthorized Personnel" in front, surrounded by safety barriers and cones. +A realistic courtroom scene with the official seal prominently displayed, bearing the text "State vs Johnson Case", on a wooden bench in the background, surrounded by serious-looking jurors and lawyers in suits. +A realistic courtroom scene with a judge's gavel resting on a wooden plaque engraved with "Order in the Courtroom", surrounded by legal documents and a solemn atmosphere. +A serene yoga studio featuring a large mural with the calming phrase "Breathe In Breathe Out" in elegant, flowing fonts, surrounded by soft, natural lighting and peaceful decor. +A bustling marathon scene with runners hydrating at a vibrant hydration station sign that clearly reads "Water Stop 3", surrounded by cheering spectators and volunteers handing out water cups. +In a cluttered mad scientist lab, a whiteboard is prominently displayed, scribbled with the words "It Worked Probably" amid chaotic equations and diagrams, while scattered gadgets and bubbling beakers surround it. +A close-up of a detective's badge, intricately engraved with "Special Agent", gleaming under a soft spotlight, set against a blurred, noir cityscape background. +A vintage train ticket, slightly worn and faded, with an elegant, old-fashioned design. The ticket is prominently stamped with the words "To Nowhere" in a bold, antique font, evoking a sense of mystery and nostalgia. +A realistic photograph of a wooden sign in a forest clearing, reading "Fully Extinguish Flames", with a campfire pit and scattered logs in the background, surrounded by tall trees and dappled sunlight. +A vibrant food truck scene with a colorful menu board prominently displaying "World's Best Tacos $2.99" under a sunny sky, surrounded by eager customers and the smell of fresh tacos. +A weathered stone monument stands in a quiet, sunlit clearing, its surface engraved with the solemn phrase "Never Again 2089". Surrounding the monument, wildflowers bloom softly, adding a touch of natural beauty to the somber scene. +A wizard stands in a mystical forest, holding a staff tagged with "Pointy End Away". The staff glows with an ethereal light, casting an enchanting aura around the ancient trees. The wizard's robes flow gently in a magical breeze, emphasizing the serene yet powerful atmosphere of the scene. +A romantic scene from a robot romance novel titled "Love in Hex Code", featuring two sleek, humanoid robots standing under a neon-lit cityscape, their metallic bodies reflecting soft, warm lights, with a futuristic city in the background and a subtle, glowing heart symbol between them. +Ancient cave wall adorned with primitive symbols and figures, intricately depicting a group of early humans hunting together, with the key phrase "Hunt Together" prominently featured in the center, surrounded by stylized animals and hunters with spears. +An astronaut floats in space, their helmet visor displaying the warning "Oxygen Low" in stark red letters against a dark, star-studded background. The astronaut's expression is tense, reflecting the urgency of the situation. +A realistic photograph of an observatory at night, with a telescope pointing towards the sky. A plaque next to it reads "Galaxy M31 Visible Tonight", illuminated by the soft glow of nearby lights, under a starry sky. +A close-up of a sleek, modern smartwatch with the label "Water Resistant up to 50m" clearly visible on its face, set against a reflective surface with subtle water droplets to emphasize its water resistance. +In a bustling airport, a baggage claim carousel labeled "Lost Dreams Carousel 3" rotates slowly, surrounded by tired travelers. The scene captures the essence of journeys and missed connections, with a mix of anticipation and disappointment in the air. +A yoga studio's schedule board prominently displays "Class at 9 AM" in elegant, flowing letters, surrounded by serene images of yoga poses and calming nature scenes, set against a backdrop of soft, natural light streaming through large windows. +A vintage vending machine with a retro design stands in a dimly lit alley. One button stands out, labeled "Mystery Flavor - Trust Us", glowing softly under a flickering street lamp. The scene is captured in a realistic photographic style, emphasizing the intrigue and curiosity of the mysterious flavor. +A realistic photograph of a parking lot with a prominent sign warning "No Parking Anytime", set against a backdrop of cars and a cloudy sky. +A roadside billboard stands tall, advertising "Summer Tire Sale" with vibrant, sunny graphics. The scene is set on a warm, sunny day with a clear blue sky, and a few cars are passing by on the road, emphasizing the summer vibe and the appeal of new tires for the season. +A bustling night scene in Times Square, crowded with people, featuring a massive digital billboard prominently displaying the text "Trending AI Pets" alongside vibrant, futuristic graphics of robotic animals. +A superhero stands proudly, their cape billowing in the wind, embroidered with the words "Justice Seeker" in bold, golden thread. The hero's determined gaze and muscular build convey strength and resolve, set against a backdrop of a city skyline at sunset. +A realistic night scene of a gas station with a neon sign brightly displaying "Price Drop Today", casting vibrant colors on the pavement and surrounding buildings, under a starlit sky. +A medieval wizard stands before an ancient stone tablet, engraved with mystical symbols and the phrase "100 Chance of Frogs". The sky above is dark and stormy, with frogs raining down, creating a surreal and magical scene. +A close-up photograph of a gym locker combination lock, the dials precisely set to "362436", with a blurred background of lockers and gym equipment, emphasizing the lock's detailed texture and the crisp numbers. +A vintage library book with a worn leather spine, prominently stamped in gold with the title "Mysteries of the Deep", surrounded by other old books on a wooden shelf. +A poster with a title text of "Close Your Eyes", featuring a serene, dimly lit room with a single candle burning on a wooden table, surrounded by soft, flowing curtains that blur the edges of the scene. +A powerful off-roading car, rugged and robust, with large tires and elevated suspension, prominently displaying the text "range" on its side, set against a backdrop of rocky terrain and dusty trails. +A high-tech time machine dashboard with a sleek, futuristic interface, prominently displaying the screen with the text "Arrival Yesterday 3PM" in a clear, digital font, surrounded by glowing controls and subtle ambient lighting. +An astronaut's toolkit labeled "Zero Gravity Tools" floating in space, with Earth visible in the background, and the tools slightly scattered as if recently used during a spacewalk. +An ancient Egyptian wall adorned with a hieroglyph cartouche translating to "Living Forever", illuminated by the soft glow of torchlight, with intricate carvings of pharaohs and deities surrounding it. +A realistic kitchen scene featuring a modern refrigerator with a whiteboard magnet spelling "Groceries Needed List" in playful, hand-drawn letters, surrounded by other magnets and a few scattered notes. The kitchen is bright and tidy, with sunlight streaming through a nearby window. +A realistic photograph of a vintage movie set, featuring a prop newspaper with the headline "Big Election Win" prominently displayed on the front page, surrounded by old typewriters and flickering studio lights. +A movie poster titled "John the Soldier of Vengeance" featuring a rugged, battle-worn soldier standing against a backdrop of a war-torn city, with a determined expression and a weapon in hand, surrounded by intense, dramatic lighting and smoke. +A detailed ski resort map with a prominent label "Black Diamond Slope", surrounded by snowy peaks and ski lifts, showcasing the challenging terrain with expert skiers making their way down the steep, icy trails. +A roadside warning sign reads "Cliff Ahead Slow Down", set against a dramatic landscape with a steep cliff and winding road, under a cloudy sky, in a realistic photographic style. +A modern smartphone with a sleek, glittery case featuring the text "Do Not Disturb Mode ON" prominently displayed on the screen, set against a minimalist background. +A weathered fishing boat hull, "Catch Of Day Market", sits on a sandy shore at sunset, surrounded by bustling fish vendors and colorful market stalls, with the ocean stretching out behind, reflecting the vibrant sky. +A realistic photograph of a restaurant restroom, showcasing a sleek, modern sign on the mirror that clearly states "Employees Must Wash Hands", with clean, reflective surfaces and subtle lighting enhancing the professional ambiance. +A realistic weather forecast screen displaying a severe hurricane named "Karen" approaching the coastline, with detailed radar imagery and text overlays indicating its path and strength. +A close-up of a medieval scroll with a detailed wax seal imprinted "Royal Decree 1420", set against an aged parchment background, bathed in warm, ambient light. +A detailed map of a ski resort, prominently featuring the "Black Diamond Trails" with intricate markings and labels, set against a backdrop of snowy mountains and pine trees. The map includes a legend, trail difficulty indicators, and safety information, all designed in a modern, vibrant style. +A cozy coffee shop interior with a rustic wooden counter, steaming cups of coffee, and a chalkboard sign prominently displaying "Latte Art Class" in elegant cursive, surrounded by falling coffee beans and soft, warm lighting. +A creative T-shirt design contest entry featuring "Vote for Design 5" in bold, colorful letters, surrounded by vibrant, abstract patterns and dynamic graphics, set against a contrasting background to highlight the text and design elements. +In a cluttered mad scientist lab, a whiteboard prominently displays the words "Oops Do Over" amidst scribbled equations and diagrams, with bubbling beakers and chaotic shelves in the background. +A gritty, post-apocalyptic cityscape with a lone survivor holding a makeshift weapon, standing amidst the ruins. The cover title "Brains Not Included" is prominently displayed, with a zombie hand reaching out from the rubble, emphasizing the dangers and scarcity of the environment. +A gritty urban scene featuring a large, weathered warehouse wall. Bold, red graffiti spray-painted "Revolution Now" stands out against the worn concrete, capturing the raw energy and urgency of the message. +A high-resolution desktop wallpaper featuring the text "Stay Curious" in a sleek, modern font, set against a gradient background that transitions from deep blue at the top to a soft lavender at the bottom, with subtle, shimmering stars scattered throughout. +A realistic scene of a forest campsite at dusk, with a clear safety poster featuring the message "Fully Extinguish Flames" prominently displayed near a carefully tended campfire, surrounded by camping gear and a serene, natural backdrop. +A gym wall adorned with a vibrant decal featuring the motivational text "Push Your Limits", surrounded by athletic equipment and energetic fitness enthusiasts, capturing the essence of determination and strength. +A bustling superhero agency lobby with a sleek, futuristic sign that reads "Secret Identity Checkpoint" prominently displayed, surrounded by high-tech security scanners and a diverse group of masked heroes awaiting their turn to enter. +A photograph of a vintage car with a bumper sticker that reads "Honk If You're Also Lost", parked on a quiet suburban street, surrounded by trees and houses, with a slight autumn breeze rustling the leaves. +An astronaut floating in space, their helmet visor prominently displaying vital stats, including "O₂ Level 98", with Earth visible in the background. +A vast, futuristic space colony with a transparent dome wall, showcasing intricate, glowing text that reads "OXYGEN GARDEN 3" against a backdrop of lush, vibrant plants and distant stars. +A professionally designed logo for a bakery called "Lucha", featuring elegant typography with a playful twist, incorporating elements of baked goods and Mexican wrestling masks, set against a warm, inviting background. +A realistic photograph of a car's dashboard with a prominent "Check Engine Soon" alert illuminated on the display, set against the backdrop of a dimly lit interior. +A medieval knight stands proudly, his shield emblazoned with the engraving "For Honor and Glory", reflecting the sunlight on its polished surface. The knight's armor gleams, and the background shows a serene, ancient battlefield with rolling hills and a distant castle. +A detailed photograph of a library section, with a prominent sign above that reads "Ancient History", surrounded by old, leather-bound books and ancient artifacts. +A vibrant city street with a large, colorful banner hanging across the road, advertising the "Annual Music Fest". People walk by, some pausing to read the details, while others continue on their way, creating a lively and dynamic urban scene. +A close-up shot of a supermarket freezer door, featuring a modern, sleek sticker reading "Cold Storage v20" in bold, clear text. The sticker is slightly frosty, with a reflective surface, and the freezer door has a faint condensation layer, emphasizing the cold environment. +A vintage arcade machine in a dimly lit game room, its screen glowing with the flashing text "Insert Coin", surrounded by nostalgic 80s decor and classic game posters. +A baker in a cozy, rustic kitchen, wearing an apron stained with flour that spells out "Knead to Bake" in casual, handwritten letters, surrounded by baking utensils and a warm, golden loaf of bread on the counter. +A serene yoga studio with minimalist decor, featuring a large wall art piece that reads "Breathe In Breathe Out" in elegant, flowing script. Soft, natural light filters through large windows, casting a calm and inviting atmosphere. +A realistic photograph of a car wash entrance, with a modern, digital sign prominently displaying and blinking the text "Undercarriage Wash Included" in bright, eye-catching colors. The scene is set during the day, with a few cars visible in the background, emphasizing the busy, welcoming atmosphere of the car wash. +A vintage watch repair shop with a weathered sign that reads "Battery Replacement 10" hanging above the door, surrounded by old clocks and watches in the window, under a cloudy sky. +Aerial view of an airport runway at dusk, with the runway lights creatively spelling out "Abandon All Plans" in a bold, clear font, surrounded by the glow of other runway lights and the shadow of a lone airplane in the background. +A realistic photograph of a car's dashboard, focusing on the GPS navigation screen that clearly displays the message "Turn Left in 500 Meters", with the surrounding environment subtly visible through the windshield. +A vibrant gym motivational poster with bold, dynamic typography shouting "Lift Today", set against a backdrop of energetic athletes and fitness equipment, capturing the intensity and drive of a bustling workout environment. +A realistic photograph of a garden, featuring a plant marker labeled "Tomato Vine Growing" standing next to a flourishing tomato plant with green leaves and ripe tomatoes, set against a backdrop of other vibrant garden plants and a sunny sky. +A close-up of a detective's clue tag, clearly showing the text "Evidence 003", attached to a piece of old, worn fabric in a dimly lit crime scene room. +A realistic photograph of a wet floor with a caution sign blinking "Slippery When Wet", surrounded by water droplets and reflections, emphasizing the slippery surface and the warning sign's red and yellow colors. +In a gritty, dystopian alley, a large, bold graffiti mural reads "Resistance Lives" in vibrant, contrasting spray paint colors, casting a defiant shadow against the weathered, cracked wall. +A dog proudly wearing a collar tag inscribed "Best Boy 2024", standing in a sunlit park, surrounded by greenery and cheerful onlookers. +A birthday card with an open flap revealing the message "You're 30 Nice Try" in bold, playful fonts, set against a colorful, confetti-filled background. +A heroic figure stands proudly, their cape billowing in the wind, emblazoned with the words "Fearless Leader" in bold, striking letters. The detailed stitching on the cape highlights the craftsmanship, capturing the essence of leadership and courage. +In a misty, ancient graveyard, a weathered tombstone stands prominently, engraved with the ominous words "I Told You I Was Sick". Overgrown vines and fallen leaves surround the stone, adding to the eerie, solemn atmosphere. +A ski resort trail marker sign reads "Experts Only Gravity Works" on a steep, snow-covered slope with a few skilled skiers descending in the background, capturing the thrill and danger of the terrain. +A motivational gym poster with bold, vibrant colors, featuring the phrase "No Pain No Gain" in dynamic, eye-catching font, set against a backdrop of energetic athletes working out intensely, with sweat and determination visible. +A realistic photograph of a bakery scale displaying "0 5 kg Bread Dough", with a backdrop of a cozy, well-lit bakery interior, showing various bread loaves and pastries on shelves. +A serene yoga studio with a minimalist design, featuring a large, elegant wall decal that reads "Breathe In Peace" in a flowing, modern font, surrounded by soft, natural lighting and tranquil elements like bamboo and stones. +A hiker pauses beside a wooden mountain trail marker, reading "Summit 2 Miles", with a rugged path winding upward through dense pine forests and rocky outcrops, under a clear blue sky. +A medieval tavern's wooden menu board, worn and slightly weathered, prominently displays "Dragon Wings Extra Crispy" in bold, hand-painted letters. The board hangs outside the tavern, with a warm, inviting glow from the windows and patrons chatting inside. +A vibrant birthday card adorned with colorful confetti and balloons, featuring the message "Another Year Wiser" in elegant, cursive handwriting. The card is set against a warm, golden background, symbolizing the glow of celebration and wisdom. +A vibrant pet store fish tank labeled "Tropical Coral Reef Zone", filled with colorful tropical fish swimming among lush corals and sea plants, with a soft blue light illuminating the scene. +A student's desk with a neatly organized exam paper prominently displaying a large, red "A Grade" stamp, surrounded by textbooks and a laptop, in a cozy, well-lit study room. +A gym interior with a large, motivational wall decal that reads "No Pain No Gain", surrounded by workout equipment and energetic athletes, capturing the intense atmosphere of a busy fitness center. +A gym locker with a note taped to it, reading "BRO CODE RULE 1" in bold letters. The locker is slightly open, revealing a glimpse of gym clothes inside. The scene is lit by the soft glow of the gym's overhead lights, creating a realistic, slightly grainy photograph. +A weathered ghost town saloon with a creaking sign that reads "Abandon Hope", set against a desolate, dusty landscape under a fading sunset. +A neon-lit unicorn stable at night, with a sign that clearly reads "No Virgins Allowed", surrounded by a crowd of curious onlookers and a mystical, ethereal glow. +A detective in a trench coat and hat, holding a magnifying glass, intently examines "Clue Missing Sock" on a dimly lit, cluttered floor, surrounded by scattered items and a vintage rug. +A vintage book cover titled "Mystery of the Ages", featuring an ornate, golden title against a deep burgundy background, with intricate border designs and a mysterious, fog-laden landscape illustrated on the front. +A yoga studio interior featuring a large, elegant wall decal with the inspirational message "Find Your Balance". The decal is modern and sleek, with flowing lines that echo the grace of yoga poses, set against a serene, light-filled background. +A close-up of a thrift store receipt with the "All Sales Final" disclaimer prominently displayed, set against a backdrop of vintage clothing and accessories, capturing the essence of a bustling second-hand shop. +A weathered pirate's treasure chest, branded with "Captains Loot Hands Off", sits on a sandy beach at dusk, surrounded by seashells and driftwood, with the ocean waves gently lapping at its edges. +A bustling farmer’s market stall with a vibrant banner prominently displaying "Organic Produce Only", surrounded by an array of fresh, colorful vegetables and fruits, with happy shoppers browsing the selections. +A cozy kitchen with warm lighting, a vintage oven timer perched on a wooden countertop, beeping "Ding Ding Done", surrounded by freshly baked cookies and a steaming mug of milk. +A vibrant flower bed outdoors, meticulously arranged to spell "Welcome Spring" in a colorful array of blooming flowers, set against a backdrop of lush greenery and a clear blue sky. +A ski resort sign warning "Thin Ice Ahead" stands at the edge of a frozen lake, surrounded by snow-covered pine trees. The scene is bathed in the soft, golden light of a winter sunset, casting long shadows and highlighting the stark warning on the sign. +A close-up of a samurai sword with the engraving "Honor Above All" on its blade, set against a backdrop of traditional Japanese paper sliding doors. The engraving is detailed and slightly worn, reflecting the sword's age and the honor it represents. +An astronaut in a detailed space suit stands against a dark, starry background. The helmet visor displays "O₂ LEVELS CRITICAL" in bold, red text, reflecting urgency and a sense of danger in the vastness of space. +A cozy kitchen scene with a baker holding a fortune cookie that reads "You'll Get Crumbs", surrounded by a mess of cookie crumbs and baking utensils on a wooden table. The baker has a slight smile, hinting at the playful irony of the fortune. +A sushi conveyor belt in a modern Japanese restaurant, featuring a label that reads "Tuna Nigiri Fresh Catch", with fresh tuna nigiri sushi pieces neatly arranged and glowing under soft, ambient lighting. +A wizard stands in a mystical forest, his staff glowing with an intense, radiant light labeled "Power Overwhelming", casting magical runes and shadows across the ancient trees and misty ground. +A vibrant concert stage with a large, detailed floor decal featuring the band name "Main Act Electric Wolves" in neon colors, surrounded by excited fans and glowing stage lights. +A high-tech space station module with a sleek, futuristic design, featuring a prominent label that reads "Zero Gravity Lab" in bold, clear text. The module is illuminated by the soft, ambient light of the surrounding stars and the distant Earth. +A close-up of a space probe's golden plaque, inscribed with "Greetings from Earth", reflecting the distant glow of a star, set against the backdrop of the vast, dark cosmos. +A close-up of an old library book with a faded stamp reading "Overdue Since 1999", surrounded by worn pages and the scent of vintage paper, capturing the timeless essence of a forgotten treasure. +A photograph of a car with a bumper sticker that reads "Honk If You Love Cats", parked on a quiet street lined with trees, with a few playful cats lounging on the sidewalk nearby. +A sleek, futuristic table with a metallic robot's instruction manual titled "Reboot Protocol" resting on it. The room is dimly lit, with soft blue lights casting a gentle glow on the manual, emphasizing its advanced technology and sleek design. +A nighttime cityscape with a taxi driving down a rain-soaked street, its roof light displaying "Off Duty to Narnia", reflecting off the wet pavement, while the tail lights of other cars create streaks of light in the distance. +A close-up of a shiny red fire truck with a bold decal on its side stating "Emergency Response", reflecting the urgency and professionalism of the fire department. +A nostalgic video game loading screen with pixel art style, featuring the tip "Remember to Blink Sometimes" prominently displayed in the center, surrounded by a simple, retro game world. +A wizard stands in a dimly lit ancient library, his staff glowing with luminous runes that spell "Lumos Maxima", casting a warm, ethereal light around him, illuminating ancient tomes and mystical artifacts. +Ancient stone tablet, weathered and moss-covered, carved with "Beware the Ides" in Latin letters, set against a backdrop of an overgrown, forgotten temple ruin, sunlight filtering through dense foliage. +A cluttered laboratory with a scientist in a white lab coat, a patch on the chest reading "Mad Genius". Test tubes, beakers, and scientific equipment surround them, with charts and formulas scribbled on a chalkboard in the background. +A serene farmer's field with a rustic scarecrow holding a wooden sign that clearly reads "No Crows Allowed", set against a backdrop of golden wheat and a clear blue sky. +A close-up of a concert wristband with "VIP Access" printed on it, set against a background of excited fans and vibrant stage lights, capturing the electric atmosphere of a live music event. +A bike rental stand with a prominent wooden placard that reads "Helmets Required", surrounded by a variety of colorful bicycles and safety helmets, set against a sunny, bustling city street. +A wedding cake topper featuring a charming couple embracing, with the inscription "Happily Ever After" elegantly displayed above them, set against a soft, romantic backdrop with delicate floral accents. +A carnival fortune teller's tent, with a glowing sign that reads "Know Your Future 5 Reality 10", illuminated by flickering lanterns, set against a dark, starry night. +A vibrant concert poster featuring the bold headline "Rock the City" with dynamic lights and a lively crowd in the background, capturing the energetic atmosphere of a rock concert. +A bustling farmer’s market stall with a vibrant banner proudly displaying "ZombieFree Tomatoes" in bold, eye-catching letters, surrounded by a colorful array of fresh, ripe tomatoes. Shoppers browse with curiosity, drawn by the unique signage. +A librarian's desk in a quiet library, with an old, wooden stamp marked "Due Date Tomorrow" prominently displayed. Warm, golden light filters through the windows, casting soft shadows on the stacks of books. +In a dimly lit, eerie library, an ancient book with the spine text "How to Disappear Completely" stands out on a dusty shelf, surrounded by cobwebs and faint, ghostly shadows. The scene is captured in a realistic, atmospheric photograph. +A high-quality, realistic photograph of a pet food bag labeled "Premium Dog Food" sitting on a wooden kitchen floor, with sunlight streaming through a nearby window, casting soft shadows. +A close-up of a spacesuit arm, showcasing a detailed patch that reads "Mars Colony Crew" against a backdrop of the Martian landscape, with dust particles gently floating in the sunlight. +A close-up of a scientist's whiteboard filled with complex equations, concluding with the phrase "EMC Whoa" at the bottom, surrounded by scattered markers and notes. The lighting highlights the final equation, emphasizing its significance. +A modern digital voting machine with a sleek, user-friendly interface, prominently displaying the message "Cast Your Vote Now" on its screen, set against a backdrop of a bustling polling station on election day. +A realistic photograph of a birthday cake topper spelling "Happy 100th Grandma" placed on a beautifully decorated vanilla cake, with colorful candles and a festive background. +A bustling farmer's market stall with a rustic wooden sign, handwritten in bold, flowing letters: "Organic Moon Melons". Sunlight filters through a canopy of trees, casting dappled shadows on vibrant, ripe melons arranged neatly on a straw-covered table. +A pirate parrot perched on a wooden plank, with a speech bubble that reads "Squawk Walk the Plank", surrounded by a misty, stormy sea and a looming pirate ship in the background. +A pet store fish tank featuring a vibrant, mischievous clownfish labeled "Nemo's Evil Twin", surrounded by exotic marine plants and colorful coral, with a playful yet slightly sinister atmosphere. +A bartender's workspace with a cocktail shaker and glass, featuring a napkin with a hand-drawn doodle that reads "Tip Your Mixer" placed prominently on the bar. +A stone monument engraved with "Never Forget 1944" stands solemnly in a war memorial park, surrounded by neatly trimmed hedges and a field of poppies, under a somber, overcast sky. +A vintage soup can with a warm, rustic label that reads "Homestyle Chicken Noodle" on a plain white background, emphasizing the nostalgic, homemade feel of the product. +A modern thermostat interface with a sleek, minimalist design, prominently displaying the message "Optimal Laziness Achieved" in bold, clear text, set against a clean, white background. +A chef stands in a modern kitchen, wearing an apron stained with splashes of red, prominently featuring the phrase "Kiss the Cook" in bold, vibrant letters. +A movie set with a director's chair prominently placed in the center, labeled "Has No Clue". The chair is surrounded by cinematic equipment, under a soft spotlight, with a backdrop of a bustling film crew preparing for the next shot. +A vintage movie theater marquee at dusk, illuminated with neon lights, prominently displaying the title "Robots in Love" in bold, futuristic font, set against a backdrop of a bustling cityscape. +A detailed fantasy map featuring a medieval town named "Dragonsreach", surrounded by rolling hills, dense forests, and a winding river. The map includes notable landmarks like a castle and a bustling marketplace, all illustrated with intricate, hand-drawn elements. +"Capture the Moment": A photographer in a bustling city square, camera strap dangling from her neck, snaps a photo of a laughing child chasing a butterfly. The warm afternoon sunlight casts a golden glow, highlighting the vibrant colors and lively atmosphere. +A realistic urban scene featuring vibrant graffiti on a brick wall, spelling "Revolution Now" in bold, dynamic letters. The wall is weathered, with patches of moss and peeling paint, set against a backdrop of a bustling city street. +A camping tent with a label reading "Waterproof Design" set against a backdrop of a serene forest at dusk, with droplets of water clinging to the tent fabric, emphasizing its waterproof feature. +A vibrant TV show poster featuring the title text "Flipper" prominently at the top, showcasing a playful dolphin in a sunny ocean scene, with waves and seagulls in the background, and a cheerful, colorful palette to capture the essence of the show. +An amusement park ride banner prominently displays the bold text "Dare to Drop", set against a vibrant, colorful background with thrill-seekers cheering in the crowd and the towering drop ride looming in the distance. +A sleek race car with a gleaming finish, featuring a prominent hood decal that reads "Speed Demon Racing Team", surrounded by the blur of a high-speed track, capturing the intensity and adrenaline of a competitive race. +A bustling train station with a vintage charm, where an old-fashioned speaker announces "Platform 3 Departing" in a clear, echoing voice. Passengers hurry with suitcases, and a steam locomotive waits on the track, ready to depart. +A futuristic spaceship control room with a sleek, metallic console. The panel is illuminated with a red warning light, blinking "Warning Fuel Low" in a digital font, casting a faint glow on the concerned faces of the crew members in the background. +A retro-futuristic time machine control panel, with glowing buttons and a large screen prominently displaying "Destination Childhood". The scene is set in a dimly lit room, with the control panel's lights casting a soft glow, evoking a sense of nostalgia and adventure. +A majestic dragon's lair, dimly lit by glowing embers, with a large, ornate treasure chest labeled "Danger Gold" nestled among piles of coins and jewels, guarded by a slumbering dragon with scales that shimmer in the dim light. +A close-up photograph of a museum artifact plaque, clearly labeled "Dinosaur Egg 65M Years Old", with a well-preserved, ancient-looking dinosaur egg displayed behind it, set against a soft, neutral background. +In a bustling subway station, a mosaic art piece elegantly spells out "Mind the Existential Gap" across the wall, catching the eye of passing commuters. The tiles shimmer under the station's fluorescent lights, blending modern and abstract styles. +A black and white sign with the words "undpko" on a white background, rendered as a wireframe in a generative art style, showcasing the intricate lines and geometric patterns. +A rock band's tour bus parked at a dimly lit city street at night, featuring a vibrant decal that reads "Next Stop Rock Legend" prominently on its side, with fans gathered excitedly nearby, holding up glowing neon signs and phones to capture the moment. +A movie theater marquee under a starry night sky, prominently displaying the text "Now Showing Space Odyssey", with vintage neon lights and a crowd of excited moviegoers. +A cozy coffee shop interior with a wooden counter and shelves lined with coffee beans. A customer holds up a loyalty card that reads "Buy 9 Get 10th Free", while a barista smiles and prepares a steaming cup of coffee. +A medieval tavern sign swinging in the breeze, reading "Dragons Breath Ale" in ornate, gothic lettering. The weathered wood and metalwork are illuminated by the warm glow of lanterns, set against a twilight sky. +A vintage antique globe with a whimsical sticker that reads "Here Be Dragons Seriously", set against a backdrop of old, rolled maps and nautical instruments, capturing the spirit of ancient explorations and mythical dangers. +A weathered fishing net, draped over a wooden dock, with the text "Catch Of The Day" prominently displayed in bold, faded letters, reflecting the sun's golden rays off the calm, shimmering sea. +A bustling farmer's market stall with a rustic wooden sign that reads "Organic Produce Only", surrounded by a colorful array of fresh fruits and vegetables, under a sunny sky. +A detailed, ancient wizard’s spellbook page titled "Invisibility Charm", with intricate illustrations of mystical symbols and a robed figure holding a wand. The page is weathered and yellowed, with handwritten notes in quill pen, surrounded by floating candles and a faint, shimmering aura. +A city night scene with a taxi driving down a bustling street, its roof light-up sign scrolling "Off Duty Chasing Dreams" in vibrant neon colors, reflecting off wet pavements and illuminated by street lamps. +A festive night scene with a fireworks stand under a starry sky, featuring a large, brightly lit sign that reads "Buy 1 Get 1 Free", surrounded by colorful fireworks ready to be launched. +A weathered fishing boat with its hull painted in bold, faded letters, "The Lucky Catch", moored at a rustic wooden dock, surrounded by calm, misty waters at dawn, with a subtle hint of sunrise casting a warm glow over the scene. +A high-resolution photograph of a bustling stock exchange floor, with a large digital ticker prominently displaying "NASDAQ Up 2 Percent" in bright green, surrounded by traders in suits looking at their screens and talking on phones. +A close-up of a coffee cup with a sleeve that reads "CAUTION HOT CONTENTS", set against a warm, cozy background with a hint of steam rising from the cup. +A vibrant climate protest march, where a young activist holds a striking banner that reads "Earth 20 PreOrder Now", surrounded by a crowd waving eco-friendly signs and cheering, under a clear blue sky. +A bustling farmer’s market stall with a wooden sign prominently displaying "Organic Produce Here", surrounded by an array of colorful, fresh vegetables and fruits, with happy shoppers browsing the selection. +A realistic photograph of a school science fair poster titled "Volcano Project", featuring a colorful illustration of a volcano erupting, with smoke and lava, surrounded by informative text and diagrams explaining the volcanic process. +A modern office setting with a person glancing at their smartwatch, which displays a notification reading "Meeting in 10 mins". The scene captures the urgency and professionalism of a busy workday, with the watch's screen brightly lit and the office background subtly detailed. +An astronaut in a detailed spacesuit holds a notepad with the item "Check Oxygen" clearly visible, standing against the backdrop of a realistic lunar landscape with fine dust and distant Earth hovering in the sky. +A bustling urban street with vibrant graffiti, featuring a large, intricate mural titled "Banksy Was Here", capturing the essence of the elusive artist's style, surrounded by onlookers and admirers. +A retro arcade machine with a vibrant marquee lit up, displaying "Insert Coin to Play" in neon colors, set in a dimly lit room with vintage game posters on the walls. +In a dimly lit, horror-themed building, the elevator button panel ominously lights up "Floor 13", casting eerie shadows on the worn, peeling walls. The atmosphere is tense, with faint, unsettling sounds echoing in the background. +A museum gallery featuring a sign that reads "Ancient Artifacts", with illuminated display cases showcasing historical relics, set against a dimly lit, elegant background. +A medieval knight stands proudly, his sword raised. The blade, inscribed with "For King and Country", catches the sunlight, casting a heroic shadow. His armor gleams, reflecting the surrounding forest, as he prepares for battle. +A detailed scene of a cavernous dragon's lair, with a rustic wooden signpost standing prominently at the entrance, clearly stating "Gold Storage No Tourists" in bold, weathered letters. The sign is partially obscured by shimmering gold coins and jewels scattered around it. +A deep-sea diver checks their depth gauge, which reads "100m Smile for the Anglerfish", as a curious anglerfish hovers nearby, its bioluminescent lure glowing in the dark, eerie waters. +A close-up of a vintage postage stamp with intricate designs, featuring a tiny "Secret Message" subtly etched along the edge, surrounded by ornate borders and faded colors, giving it an authentic, aged look. +A classroom poster declaring "Math Is Fun" hangs on a brightly lit wall, surrounded by colorful mathematical shapes and equations, with a diverse group of students engaged in a lively discussion, capturing the vibrant and educational atmosphere. +A gym locker room with a large mirror featuring a "You Got This" sticker prominently displayed. The scene is lit by overhead fluorescents, with gym bags and water bottles scattered on the bench. The mirror reflects a row of lockers and a motivational poster on the wall. +In a cozy therapy office, a plush pillow with intricate stitching that reads "It Is What It Isnt" sits on a vintage armchair, surrounded by warm, muted tones and soft lighting, creating a serene and reflective atmosphere. +A cozy coffee shop interior with warm lighting and wooden furniture. A customer holds up a loyalty card stamped "8 of 10 Drinks" near a steaming cup of coffee, with a friendly barista in the background. +At a carnival fortune teller booth, a crystal ball prominently displays the text "Ask Again Tomorrow" amid mystical, glowing surroundings, with vintage carnival decorations and a faint, mysterious aura enhancing the scene's enchantment. +A city street at night, a yellow taxi with a bright roof light displaying "Available Ride Now" in neon, reflecting off wet pavements, with blurred lights from passing cars in the background. +A toy store shelf with a colorful label reading "Bestseller Building Blocks", surrounded by various toy boxes and playful items, under bright, cheerful lighting, capturing the excitement of a child's world. +A classroom wall features an elementary school reward chart, prominently displaying "Star Student Maria" with gold stars next to her name, surrounded by colorful drawings and other students' names with fewer rewards. +A close-up of a colorful candy wrapper with the slogan "Sweet Tooth Approved" prominently displayed, set against a blurred background of a candy store shelf, capturing the vibrant and playful atmosphere of a sweet shop. +A cluttered laboratory with a scientist's whiteboard prominently displayed, covered in equations and diagrams, with "Eureka Moment" clearly scribbled in the center, surrounded by scattered notes and coffee cups. +A vast desert landscape with a solitary cactus standing tall, a tiny sign stuck in it reading "Water Hole Ahead", under a blazing sun, with a distant mirage hinting at the promise of water. +In a luxurious, modern elevator, the illuminated button panel prominently displays "Penthouse Floor 100" in sleek, chrome letters, surrounded by reflective surfaces and high-tech design elements. +A bold T-shirt design featuring the phrase "Pizza Sleep" in large, eye-catching letters, set against a minimalist background with subtle pizza slice motifs around the text. +An ancient Egyptian tomb wall adorned with intricate hieroglyphics, prominently featuring the phrase "No Selfies Allowed" in a realistic photographic style, surrounded by ornate carvings of pharaohs and deities. +A futuristic space hotel corridor with a room sign displaying "Gravity Controls Broken". The scene is illuminated by soft, blue neon lights, with a zero-gravity effect showing a pen and a cup floating near the door. +A bakery pie box, gently placed on a rustic wooden counter, stamped "Handle Side Up" with a vintage rubber stamp, surrounded by scattered flour and rolling pins, capturing the warm, cozy atmosphere of a traditional bakery. +A bustling farmer’s market scene with a rustic wooden stand, a hand-painted chalkboard prominently displaying "Heirloom Tom8toes", surrounded by vibrant, fresh produce and happy shoppers. +A sunny beach scene with a vibrant kiosk sign flashing "Rent Surfboards Here" under a clear blue sky, surrounded by golden sand and palm trees, with surfboards leaning against the kiosk. +A bustling train station with a vintage announcement board prominently displaying "Platform 9¾" amidst other platform numbers, surrounded by travelers and the steam of departing trains, capturing the magical blend of the ordinary and the extraordinary. +A vibrant graffiti tag on the side of a sleek subway train, spelling "Rebel Zone" in bold, dynamic letters, with a mix of bright colors and spray paint splatters, set against the urban backdrop of a city at dusk. +A nighttime cityscape with a yellow taxi cab parked on the side of a busy street. The taxi's roof light prominently displays the words "Off Duty Philosophy" in bright, clear letters, contrasting with the bustling urban environment around it. +A scuba diver preparing for a deep-sea exploration, holding an oxygen tank clearly labeled "Deep Dive" next to a rocky shoreline, with the sun casting a warm glow over the scene. +A realistic forest campsite scene with a wooden signpost clearly displaying the warning "Beware of Bears" amidst dense trees and undergrowth, emphasizing the natural and slightly eerie atmosphere of the wilderness. +A close-up of a detective's badge, inscribed "Serve Protect", gleaming under a dim streetlight in a noir-style urban setting. +A close-up of an alien plant nursery tag, partially covered by delicate, iridescent leaves. The tag reads "Water With Meteor Shower" in elegant, glowing script, surrounded by bioluminescent flora and faint stardust. +A vibrant surfboard with the bold design "Ride the Wave" emblazoned across it, set against the backdrop of a crashing ocean wave. The surfboard is gleaming under the sun, with the clear blue sky and sandy beach in the distance, capturing the essence of a perfect coastal day. +A detailed spy gadget manual page with the heading "Activate Stealth Mode", showcasing a sleek, high-tech device with a glowing button, set against a backdrop of a dimly lit, futuristic lab. +A modern, sleek digital thermostat mounted on a white wall, its screen prominently displaying "ECO Mode Active" in green text, with a subtle shadow effect enhancing the display's clarity. The room is softly lit, creating a calm, energy-efficient atmosphere. +A detailed zoo map at the entrance, prominently featuring the "Lion Exhibit Ahead" sign, surrounded by lush greenery and excited visitors pointing towards the lion area. +A medieval knight's shield, embossed with the phrase "Valor Eternal" in elegant, antique script, resting against a stone wall in a dimly lit castle courtyard, the metal surface reflecting the soft glow of torchlight. +A medieval knight stands proudly, his shield emblazoned with the intricate emblem of the "House of Valorum", featuring a majestic lion rampant over a crossed sword and spear, set against a backdrop of a sunlit, ancient castle courtyard. +A close-up of a pink and white candy heart with the message "Text Me Maybe" clearly visible, set against a soft, romantic background with a subtle Valentine's Day theme. +A close-up shot of a beer bottle with the label "Brewmasters Choice" prominently displayed, set against a rustic wooden background. The bottle is slightly chilled, with condensation forming on the glass, enhancing the rich, amber color of the beer inside. +A bustling city marathon scene with excited spectators cheering. The finish line banner prominently displays "You Did It" in bold letters, with tired yet triumphant runners crossing beneath it, capturing the essence of achievement and community support. +A close-up of a shiny, silver dog collar tag, engraved with the words "If Lost Return to Best Human", reflecting a warm, golden sunlight against a soft, blurred background of green foliage. +A worn paperback book cover titled "Murder on the Zumba Train", featuring a vintage train with colorful dancers in the background, set against a dark, moody sky, with the title in bold, eye-catching letters. +A vibrant TV show poster with the logo "Nine" prominently displayed, set against a dynamic background of city lights and shadows, capturing the essence of mystery and intrigue. +A construction site entrance features a red stop sign with "No Entry" painted in bold white letters, surrounded by yellow caution tape and gravel, under a cloudy sky. +Ancient stone carving embedded in a moss-covered wall, with the inscription "Discover the Past" clearly visible, set in a forest clearing with dappled sunlight filtering through the trees. +A vibrant concert stage with a sleek, professional audio monitor labeled "Main Mix" prominently displayed, surrounded by colorful lighting and music equipment, capturing the dynamic energy of a live performance. +A fitness tracker screen displaying "10000 Steps Achieved" with a vibrant celebration icon, set against a modern, sleek background with subtle gradients and highlights to emphasize the achievement. +A realistic photograph of a courtroom door, with a clear sign that reads "No Electronics Allowed" hanging on it, set against the backdrop of a classic, wooden-paneled courtroom. +A realistic photograph of a mountain trail with a wooden signpost marked "Summit 2mi" standing at a fork in the path, surrounded by dense evergreen trees and a rocky terrain, with a misty haze adding depth to the scene. +An ancient alien artifact lies on a stone pedestal, glowing with intricate symbols that translate to "We Come in Pieces", surrounded by a mysterious, ethereal light in an abandoned, futuristic chamber. +A bustling city street filled with diverse protesters holding signs and chanting, with a prominent banner at the front declaring "Climate Action Now" in bold, vibrant colors, capturing the energy and determination of the crowd. +A futuristic space hotel lobby with a large, illuminated sign that reads "Gravity Optional". Guests in casual space suits float or walk around, interacting with holographic interfaces. The interior is sleek, with metallic and glass surfaces, and soft, ambient lighting. +A close-up of a bakery cake box, featuring a delicate sticker that reads "Handle With Care", set against a warm, soft background with a subtle texture resembling flour or parchment paper. +A grand theater with a rich, velvet curtain embroidered with "Act 1" in shimmering gold thread, illuminated by soft stage lights, creating a dramatic and elegant atmosphere. +A DJ booth with a large, vibrant screen flashing the text "Next Track Bass Drop" amidst a crowd of enthusiastic concert-goers, the scene illuminated by pulsing lights and a haze of smoke, capturing the electric atmosphere of a live music event. +A roadside billboard features a sleek, modern car against a backdrop of a scenic highway at sunset. The tagline "Drive Safe" is prominently displayed in bold, white letters, contrasting against the vibrant, orange sky. +A submarine's control room, dimly lit, with a periscope display prominently showing the text "Sonar Says Maybe" amidst a series of dials and gauges, reflecting a tense, technological atmosphere. +A realistic photograph of a wooden desk with a polished brass desk plaque that reads "Educator of the Year", surrounded by neatly arranged books and a vintage fountain pen, under the warm glow of a desk lamp. +A close-up of a chocolate bar wrapper, elegantly designed with a rich, dark background. The words "Rich Cocoa Bliss" are prominently displayed in elegant gold lettering, reflecting a luxurious and indulgent feel. +In a modern physics lab, a whiteboard prominently displays the equation "Speed of Light 3e8 ms". Surrounding the whiteboard are various scientific instruments and charts, with a scientist in the background, looking thoughtful. The scene is lit by the soft glow of lab lights, creating a focused and serious atmosphere. +A close-up of a spacesuit arm patch, intricately detailed with the text "Mars Mission" prominently displayed, set against the backdrop of a dusty, red Martian landscape. The patch features a stylized rocket and the Mars symbol, with subtle wear and tear, suggesting a long journey. +A vast desert landscape with a lonely highway stretching into the horizon. A weathered billboard stands tall, boldly advertising "Last Gas 200 Miles" against the backdrop of a scorching sun and endless sand dunes. +In a cluttered mad scientist's lab, a whiteboard is prominently scribbled with the words "Its Alive", surrounded by chaotic equations and diagrams, while glowing vials and strange machinery fill the background. +An alien spaceship, marked "Earth Inspection Unit 9", hovers above a futuristic cityscape at dusk, its sleek, metallic surface reflecting the neon lights below. The ship's lights pulse rhythmically, and a small, transparent observation deck reveals alien figures inside, gazing intently at the urban landscape. +A vintage ice cream truck parked on a sunny street, its side panel prominently displaying "Fudge Tsunami" in bold, colorful letters, surrounded by playful illustrations of melting ice cream cones and happy children. +A close-up of a vintage, weathered seed packet labeled "Magic Bean Mix" on a rustic wooden table, surrounded by a scattering of vibrant, colorful beans, with sunlight streaming through a nearby window, casting a warm glow over the scene. +A vivid TV show poster titled "For a Lost Soldier", featuring a lone soldier standing in a war-torn landscape, surrounded by ruins and fading light, with a somber expression and a sense of longing in his eyes. +A futuristic tech expo with a VR headset on display, featuring a large, illuminated sign that reads "Enter Virtual Reality". People are gathered around, excitedly trying the headset while a sleek, modern booth showcases the latest virtual reality technology. +A close-up photograph of a colorful children's toy with a safety label clearly visible, reading "Choking Hazard Small Parts", set against a soft, blurred background to emphasize the warning. +A detective's desk with a worn notebook titled "Case Closed" prominently displayed, surrounded by scattered papers, a magnifying glass, and a vintage typewriter, under the warm glow of a desk lamp. +A close-up of a hospital wristband, prominently labeled "Patient Future Millionaire" in bold, crisp font, worn on a person's wrist in a modern hospital setting. +In a bustling airport terminal, a modern departure board displays a unique listing: "Narnia, Gate 9¾" amidst other real destinations. The board's LED lights flicker, blending fantasy with reality, as curious travelers pause to read the magical flight information. +A historical marker inscribed with "Battle of 1776" stands prominently in the town square, surrounded by well-manicured grass and a few benches. The afternoon sun casts a warm glow, highlighting the aged bronze plaque and the stone pedestal. +A vintage train station sign reading "Platform 9¾" stands prominently in a misty, nostalgic scene, with old brick walls and wooden benches, evoking the magic of a hidden world. +In a modern airport, the baggage claim carousel sign blinks "Flight 666 to Atlantis", casting a mysterious glow over the waiting passengers and their luggage, creating a surreal and slightly eerie atmosphere. +A realistic photograph of a fire extinguisher cabinet, clearly labeled "Emergency Use Only", mounted on a white wall in a modern office corridor, with a subtle shadow cast on the floor. +A worn detective's notepad page, slightly crumpled and stained, with handwritten notes in a hurried scrawl. The center of the page reads "Follow the Money Trail" in bold, underlined letters, surrounded by sketches of clues and partial addresses. +A bustling city street at night, with a vintage theater marquee prominently displaying "Sold Out Tonight" in bright, neon lights. Crowds of excited people queue outside, while the theater's grand facade is illuminated, reflecting the lively atmosphere. +A lighthouse on a cliff, its rotating beam casting the words "Safe Harbor" onto the swirling clouds above, with the sea crashing against the rocky shore below. +A realistic photograph of a road sign at a crosswalk, displaying "Slow Down Kids", with children playing nearby on a sunny afternoon. +A tranquil garden scene with a rustic wooden fence, adorned by a charming sign that reads "Bees at Work". Vibrant flowers attract industrious bees, buzzing around in a sunny, peaceful environment. +A close-up of a shiny, silver pet collar tag inscribed with "If Lost Im Better Off", set against a soft, blurred background of lush green grass, capturing the subtle reflections and textures of the metal. +A vibrant boxing gym interior with a large, realistic wall mural stating "No Pain No Gain" in bold, dynamic letters. The mural is flanked by heavy punching bags and speed bags, with a few athletes training in the background, capturing the intense spirit of the gym. +A futuristic cityscape at night with a sci-fi hologram message prominently projecting "Message Received" above a bustling street, illuminated by neon lights and reflected in the wet pavement. +A detailed amusement park map with vibrant colors and fun attractions, prominently marking the "Exit Through Gift Shop" with a bright, eye-catching icon. The map is designed in a whimsical style, featuring cartoon characters and playful fonts. +A majestic mountain peak with a weathered sign carved with "Elevation 8848m", standing against a backdrop of snow-capped summits and a clear blue sky, emphasizing the grandeur and solitude of the world's highest point. +A chef stands in a vibrant kitchen, his apron stained with various sauces, prominently featuring the text "Master of Flavors" embroidered in elegant thread. +A historical documentary scene capturing the essence of "The Industrial Revolution", featuring a bustling factory with steam engines, workers in period attire, and smokestacks billowing smoke into a smoggy sky. +A neon bar sign glowing "Live Music Tonight" hangs above a bustling street at night, casting vibrant reflections on the wet pavement and drawing the eye of passersby. +A close-up of a gym locker tag, intricately engraved with "Property of Alex", hanging from a metal hook against a worn, locker-room background. The tag shows subtle wear, enhancing its realistic, well-used appearance. +A close-up of a spy document with a large, red stamp marked "TOP SECRET Mostly Fabricated" in the center, set against a vintage, worn paper texture. The stamp has intricate, detailed edges and a subtle, aged appearance. +A high-altitude photograph of a mountain peak with a plaque reading "Elevation 8848 Meters" embedded in the rocky surface, surrounded by snow and ice, under a clear blue sky. +A vintage ice cream truck parked on a sunny street, with "50 Flavors Available" emblazoned on its side panel. Children and adults gather around, eagerly waiting to choose their favorite flavors. The scene is vibrant and full of summer spirit, with colorful ice cream cones in hand. +A realistic urban scene featuring vibrant graffiti on a brick wall, prominently spraying "Revolution Now" in bold, dynamic letters, with shadows and textures that enhance the raw, energetic feel of the artwork. +A close-up of a pet rock on a rustic wooden table, with a vintage adoption certificate titled "Best Pebble Ever" hanging on the wall behind it, framed in natural wood. Soft, warm sunlight streams through a window, casting gentle shadows. +A realistic photograph of an observatory at night, with a clear sky and stars visible. A telescope is pointed towards the sky, and a plaque next to it reads "Mars Visible Tonight". The scene is illuminated by the soft glow of the observatory's lights. +A roadside stand with a rustic wooden sign painted in bold letters, "Fresh Lemonade 5 Cents", set against a sunny backdrop of a small town. The stand is adorned with fresh lemons and a vintage glass pitcher, inviting passersby to quench their thirst. +A toy store display featuring the "Build Your Own Robot" kit, with colorful robot parts, tools, and instruction manuals scattered on a bright, organized shelf. Shoppers of all ages are engaged, examining the components with excitement and curiosity. +A high-altitude panoramic view of a mountain summit, with a stone marker prominently displaying "Peak 8848m" carved into its surface, surrounded by snow and rocky terrain under a clear blue sky. +A vibrant unicorn coloring book page titled "Sparkle Magic", featuring a majestic unicorn with a flowing mane and tail, surrounded by shimmering stars and magical sparkles, set against a twilight sky. +A vibrant TV show poster featuring the logo "Dreamgirls" prominently at the center, surrounded by dynamic, colorful graphics and images of the main cast in dramatic poses, set against a gradient background transitioning from dark to bright hues. +A museum exhibit featuring a T-Rex fossil with a display plaque that reads "Vegetarian Against Will", surrounded by intrigued visitors and under the warm glow of spotlighting, capturing the prehistoric essence with a touch of whimsy. +A close-up of a vintage library stamp, intricately detailed with Gothic lettering that reads "Property of Hogwarts", set against the backdrop of aged, parchment-like paper, surrounded by the subtle shadows of ancient, leather-bound books. +Explore a mystical secret cave adorned with ancient murals. At the heart of the cave, a vivid wall painting titled "Treasure Buried Below" depicts a hidden chest surrounded by mystical symbols and glowing runes, hinting at the treasure's immense value and the magical protections guarding it. +A vibrant street scene featuring an ice cream truck with a side panel prominently advertising "50 Flavors". The truck is brightly colored, with playful illustrations of various ice cream treats. People of all ages are queuing up, excitedly discussing their flavor choices. +A realistic photograph of an astronaut in a spacesuit, with the visor display prominently showing an alert that reads "Oxygen Level Critical", set against the backdrop of a dark, star-filled space. +A detective in a trench coat holds a magnifying glass engraved with "Seek Truth", examining a detailed crime scene in a dimly lit, rain-soaked alley. The glass reflects a beam of light, illuminating a mysterious note on the ground. +A close-up of a vintage Scrabble board featuring the word "individual" spelled out with colorful tiles, set against a warm, wooden background, capturing the essence of a nostalgic game night. +A gym motivational poster featuring a determined athlete mid-workout, beads of sweat visible on their forehead, with the slogan "Sweat Now Shine Later" prominently displayed in bold, inspiring typography against a backdrop of vibrant, energetic colors. +A person wearing a smartwatch with the message "Move More" displayed on the screen, standing in a modern, sunlit living room, looking at the watch with a determined expression. +A yellow saxophone enveloped in vibrant, rainbow-colored smoke, with the word "london" artistically swirling around it, resembling musical notes and smoke. +A sun-bleached desert highway road sign reads "Next Gas 200 Miles", standing alone under a vast, cloudless sky, with a long, straight road stretching into the distance. +A vintage compass face, slightly worn and tarnished, inscribed with "North Is Destiny" in elegant, aged lettering, set against a backdrop of weathered wooden planks, capturing the essence of timeless navigation and adventure. +A dimly lit, ancient library with cobweb-covered shelves. A single beam of moonlight highlights a dusty, leather-bound book with the spine reading "Read at Own Risk Vol XIII". The atmosphere is eerie, with a faint, spectral mist swirling around the book. +A cozy campfire scene with a marshmallow stick branded "Perfect Burn" held by a gloved hand, surrounded by flickering flames and a starry night sky, captured in a realistic photographic style. +A elegant wedding invitation featuring intricate calligraphy that reads "Save the Date", set against a soft, cream-colored background with subtle gold flecks, surrounded by delicate floral borders. +A serene yoga studio with a door featuring a lotus-themed sign that reads "Shoes Off Please", surrounded by tranquil, natural elements like bamboo and soft, earthy tones. +A yoga studio with a modern, minimalist aesthetic, featuring a large wall decal that reads "Breathe In Cookies Out", surrounded by serene, pastel-colored mats and gentle lighting. +A hand-painted "Fresh Eggs" sign stands at the entrance of a rustic roadside farm stand, surrounded by a lush, green landscape. The sign, with its simple and charming lettering, catches the eye of passersby, inviting them to stop and explore the farm's offerings. +Children's book illustration "Once Upon a Time" in a storybook font, featuring a whimsical forest scene with a young girl and a talking rabbit, both looking curious and adventurous, surrounded by vibrant, detailed flora and fauna. +A majestic medieval castle gate, adorned with a grand crest that proudly displays the motto "LOYALTY ABOVE ALL" in elegant, gothic lettering. The gate is flanked by towering stone walls, with a deep moat and a drawbridge leading to it, under a dramatic, cloudy sky. +A city night scene featuring a yellow taxi with its roof light prominently displaying "Available for Hire" in bright, illuminated letters, reflecting off wet pavement in a bustling urban environment. +A dimly lit hallway in an old, eerie hotel, with a vintage keychain tag hanging from a worn brass key. The tag reads "Room 404 Not Found", casting a faint shadow on the peeling wallpaper. +A bustling farmer's market stall with a vibrant banner that reads "Zombie Veggies". Fresh, colorful vegetables are arranged neatly, some with playful zombie faces, attracting curious onlookers and shoppers. The scene is lively, with a mix of excited children and intrigued adults. +A serene campsite at dusk, with a prominent wooden sign that reads "Extinguish Flames Completely" standing beside a crackling campfire. The scene is captured in a realistic photographic style, with warm, ambient lighting and a slight haze in the air. +A cozy kitchen scene featuring a baker reaching into a warm oven, wearing an oven mitt embroidered with "Hot Stuff Inside". The baker's expression shows focused determination, with sunlight streaming through a window, casting a warm glow on the rustic, wooden countertops. +A dragon's treasure hoard, gleaming with ancient gold and jewels, features a large, intricately designed coin stamped "In Crypto We Trust" at the center, surrounded by shimmering gems and twisted metal artifacts. +A close-up of a microwave dinner label with bold text reading "Caution: Hope Not Included", set against a minimal, sterile kitchen backdrop with a faint, cold light casting subtle shadows. +A realistic hospital scene with a nurse station in the foreground. The whiteboard prominently displays "Room 4 Needs Help" in bold letters. Nurses and staff are visible, working diligently around the station, creating a sense of urgency and activity. +A close-up of a soft, white newborn onesie with the text "Baby Smith 2024" printed in elegant, blue font, lying on a pastel-colored blanket. +A gritty urban scene with vibrant graffiti on a weathered brick wall, prominently featuring the words "Revolution Now" in bold, dynamic spray-paint style, capturing the energy and urgency of the message. +A vibrant close-up of a festival wristband "Music Fest 2024" featuring neon colors and intricate designs, set against a blurred background of excited concert-goers and colorful lights, capturing the energetic atmosphere of the music festival. +An antique compass with intricate engravings, prominently featuring the text "True North" at its center, set against a backdrop of weathered wood. The compass needle points precisely to the north, bathed in soft, golden sunlight filtering through a window. +A city street at night, a yellow taxi with its roof light illuminated, displaying "Off Duty" in bright yellow letters, reflecting off wet pavement, neon lights in the background. +In a bustling supermarket, an intercom screen above the aisles flashes the message "Cleanup on Aisle 5", drawing the attention of shoppers and staff alike amidst the aisles filled with colorful products and carts. +A realistic photograph of a construction site with a prominent fence sign warning "Hard Hat Area", surrounded by yellow barriers and safety cones, under a clear blue sky. +A realistic photograph of a zoo exhibit sign that reads "Lion Kingdom", surrounded by lush greenery and tall grass, with the sun casting a warm, golden light and a few visitors in the background looking curious and excited. +A clear, sunny day at sea, with a large whale watching banner flapping in the breeze, reading "Cetacean Celebration". Waves gently lap against the boat as excited onlookers point at a distant whale breaching the water's surface. +A realistic photograph of a cloud in the sky, perfectly shaped to spell "Dream Big", as seen from the window of a commercial airplane flying at high altitude, with the blue sky and the curvature of the Earth visible in the background. +A vintage ice cream truck parked on a sunny street, with a side banner prominently displaying "Soft Serve Here" in bright, playful letters, surrounded by cheerful illustrations of ice cream cones and happy faces. +A weathered stone monument engraved with "Founded 1632" stands in the center of a historic town square, surrounded by cobblestone paths and ancient trees, under a clear blue sky. +A classroom with a vintage clock above the blackboard, the clock face reads "Time for Recess". Children's desks are neatly arranged, and sunlight streams through the windows, casting warm shadows. The scene is peaceful, hinting at the joyful chaos about to unfold. +A realistic photograph of a sleek, modern laptop with a vibrant sticker on its lid that reads "404 Sleep Not Found", placed on a minimalist desk with a clean, white background. +A wizard’s potion bottle labeled "Dragon Strength" sits on an ancient, wooden table, surrounded by mystical scrolls and glowing candles. The dim, enchanted light casts eerie shadows, highlighting the bottle's intricate, rune-covered design. +A close-up of a coffee cup with a sleeve printed in bold letters, "Caution Hot Beverage", set against a warm, cozy background with a slight steam rising from the cup. +In a modern office building, the elevator button panel lights up with "Floor 13 Lockdown", casting an eerie glow in the dimly lit elevator. The scene is tense, with the buttons reflecting a slight blue hue, emphasizing the urgency and isolation of the moment. +A cozy cat’s bed, embroidered with the phrase "No Humans Allowed", nestled in a sunlit corner of a room, surrounded by soft pillows and a scattering of cat toys, capturing the serene and exclusive space for feline relaxation. +A backstage pass labeled "All Access VIP" hangs from a lanyard, resting on a worn leather jacket on a dimly lit dressing room table. The pass features the band's logo and a security hologram, with a faint glow from a nearby lamp casting shadows across the scene. +A realistic smartphone screen with a notification pop-up displaying "Low Battery Warning" in the center, set against a blurred background of a coffee shop, with warm lighting and a wooden table. +A gym interior with a treadmill displaying "Motivation Depleted" on its screen, surrounded by empty water bottles and discarded towels, under the dim light of the evening, capturing the moment of fatigue and determination. +A realistic photograph of a bus stop with a timetable titled "Route 66 Schedule", showing the arrival and departure times under a cloudy sky, with a few passengers waiting on a wooden bench. +A futuristic city street at night, with a vintage vending machine displaying an error message "Insert Soul for Snacks". The machine is illuminated by neon lights, and a confused passerby stands nearby, phone in hand, capturing the surreal scene. +A sleek, modern tech logo featuring the phrase "Innovate Now" in bold, futuristic font, set against a gradient background of electric blue and neon green, with subtle tech elements like circuit patterns and digital waves. +In a mystical forest clearing, a small, ancient wishing well stands under a canopy of stars. A single coin, engraved with "Grant My Wish", glimmers in the moonlight as it rests at the bottom of the well, surrounded by shimmering, enchanted water. +A vintage movie poster with the title text "Kursk" prominently displayed in bold, retro typography, set against a backdrop of a bleak, icy sea and a submarine breaking through the surface, with a subtle, dramatic lighting effect. +A detailed, realistic photograph of a space shuttle's exterior, prominently displaying the text "Mars Mission One" in bold, futuristic lettering. The shuttle is illuminated by the sun, casting a shadow on the launch pad, with the Earth visible in the background. +A roadside billboard stands tall under a clear blue sky, promoting "Visit Sunny Beach City" with vibrant colors. The billboard features a sunny beach, palm trees, and happy beachgoers. Nearby, cars drive past on a sunlit road lined with lush greenery. +A wizard’s mailbox, labeled "Owl Deliveries Only", stands in a misty forest clearing, surrounded by ancient, gnarled trees. The mailbox is adorned with intricate carvings and a small, glowing lantern hangs above it, casting a warm, mystical light. +A detailed textbook diagram titled "Cell Structure", showcasing various cellular components like the nucleus, mitochondria, and cell membrane, with clear labels and annotations in a clean, educational style. +A weathered stone tombstone engraved with "I Told You I Was Sick" stands alone in a moonlit graveyard, illuminated by the soft glow of a crescent moon overhead, casting long, eerie shadows. +In a dimly lit hospital room, an IV bag labeled "Liquid Courage 100 Proof" hangs beside a patient's bed, casting a soft shadow. The sterile environment contrasts with the unconventional label, hinting at a story of resilience and humor. +A realistic photograph of a university diploma certificate, prominently displaying the text "Degree in Computer Science", laid on a wooden desk with a graduate's cap resting beside it. +A pirate ship sails the stormy seas, its flag boldly flaunting "We Plunder And Pancakes" against a backdrop of dark clouds and crashing waves, emphasizing the crew's adventurous and quirky spirit. +A realistic photograph of a gym locker room, featuring a metallic sign hanging on a blue-painted wall, clearly reading "Shower Area" in bold white letters. The scene includes tiled floors and a few open lockers in the background, emphasizing the gym environment. +A tiny bee perched on a delicate flower, holding a small sign that says "bailup", surrounded by a vibrant garden buzzing with life and natural beauty. +A vibrant movie poster featuring the text "Kamikaze Hearts" in bold, neon colors against a backdrop of Tokyo's bustling streets at night, with silhouettes of young lovers intertwined in the foreground. +A close-up of a hotel key card sleeve, prominently displaying "Room 237", set against a luxurious, dark wood background with subtle lighting to highlight the text and texture. +A detailed alien textbook diagram featuring a human, labeled with "Human Handle With Sarcasm", surrounded by annotations and arrows pointing to various aspects of human anatomy and behavior, emphasizing the unique trait of sarcasm. +A cozy coffee shop counter with a chalkboard sign clearly displaying "Plant-Based Milk Available" amidst a rustic, warm setting with wooden elements and green plants, capturing the essence of a modern, eco-friendly café. +A high-resolution DSLR portrait of a robot holding a sign that reads "I am not a robot", set against a neutral background, capturing the intricate details of the robot's metallic surface and the clear, bold text on the sign. +A vintage game cartridge with a sticker that reads "Insert to Time Travel", set against a nostalgic 80s background with pixelated graphics and a glow effect around the sticker. +A close-up of a pharmacy shelf with a clear, white tag labeled "Cold & Flu Section", surrounded by various cold and flu medications, with a clean and organized background. +A vibrant rock band poster titled "World Tour Sold Out Forever", featuring a crowd of enthusiastic fans, a stage lit with colorful lights, and the band members in mid-performance, surrounded by a backdrop of sold-out venues and iconic city skylines. +A serene cemetery scene with a modern headstone etched "Rest in Pixel", surrounded by lush green grass and a few wilting flowers, under a slightly overcast sky, capturing a blend of digital and natural elements. +A concert stage at night, the backdrop illuminated with vibrant lights spelling out "Encore Performance" in bold, glowing letters, surrounded by a sea of excited fans holding up their phones to capture the moment. +A bustling city street at dusk, with a cozy bookstore featuring a window display labeled "Bestsellers Of 2024", showcasing a variety of colorful book covers and a small crowd gathered outside, intrigued by the selections. +A child's colorful drawing of a friendly T-Rex, labeled "TRex Friend", with crayon textures and a playful, whimsical style, set against a bright, cheerful background. +A detailed label on an antique, slightly weathered wizard’s potion bottle, warning in elegant script: "May Cause Spontaneous Poetry". The bottle rests on a cluttered, mystical desk, surrounded by open spell books and flickering candles. +A weathered barn door, its wooden planks showing years of use, with "Fresh Eggs Here" painted in rustic, faded letters, surrounded by a countryside setting with a clear blue sky and lush green fields. +In an alien classroom, a large chalkboard fills the background, adorned with intricate green and blue alien script. In the center, written in bold human-like letters, it reads "Human Math". Alien students, with large eyes and slender limbs, sit at desks, attentively studying the equations. +A vibrant gymnasium filled with enthusiastic spectators, a large banner prominently displayed, cheering "Go Tigers" in bold, eye-catching letters. The crowd is energized, with some waving pom-poms and others holding up signs, all focused on the action-packed sports event. +An ice cream truck parked on a sunny street, with "Choco Cone Special" clearly visible on its side. Kids and adults gather around, excitedly waiting to place their orders. The truck is brightly colored, and the scene is vibrant and cheerful. +A cozy living room with a modern "vayalil" sign hanging above a rustic wooden mantle, surrounded by soft, plush cushions and vibrant throw blankets, creating a warm and inviting atmosphere. +A prehistoric cave wall adorned with ancient paintings of "Ancient Giants" rendered in rich ochre pigment, the rough stone surface adding a textured depth to the colossal figures. +A chilling portrait of a haunted mansion, with eerie eyes in the windows that seem to follow you, and the ominous text "Hes Behind You" faintly visible on the cracked, weathered walls. +A cozy café corner featuring a sleek espresso machine engraved with "Barista Champion 2024", surrounded by steaming cups of coffee and a backdrop of shelves lined with coffee beans and pastries. +A cozy campfire scene with a marshmallow roasting stick branded "Smore Supreme" poking into a glowing ember, surrounded by a circle of logs and friends enjoying the warmth, with a dark, starry sky above. +A close-up of an old library book, the pages yellowed and slightly curled. The stamp "Overdue Since 1999" is clearly visible on the top corner of the page, surrounded by the faint scent of nostalgia and forgotten stories. +A college dorm room door adorned with a playful decal that reads "Enter at Your Own Risk", surrounded by scattered textbooks and a cozy, cluttered room visible through the slightly ajar door. +A cozy living room with a "soup" sign hanging above a rustic wooden table, surrounded by soft, warm lighting and comfortable armchairs, with a knitted blanket and a steaming bowl of soup on the table, creating a homely and inviting atmosphere. +A futuristic space hotel lobby with a sleek, illuminated sign directing to the "Pool". The sign features a stylized blue and white wave icon, set against a backdrop of metallic walls and floating decorative lights. +An antique globe with a vintage, weathered sticker reading "Here Be Tax Havens", placed on a mahogany desk, illuminated by a soft, warm lamp, creating a nostalgic and mysterious atmosphere. +A close-up of a programmer's t-shirt, featuring the text "CtrlAltDefeat" in bold, set against a blurred background of a modern office with computer screens and tech gadgets. +A cozy campsite at dusk, a marshmallow bag printed with "Campers Delight Snacks" rests beside a crackling campfire, surrounded by cheerful campers roasting marshmallows on sticks, with a forest backdrop. +A Viking longship glides across a misty sea at dawn, its sail proudly displaying the stitched phrase "Valhalla Awaits" in ancient runes, reflecting the golden hues of the rising sun. +A close-up of a library book spine, prominently featuring a faded purple ink stamp that reads "Return by Dec 31", surrounded by worn, aged paper and subtle shelf wear. +A realistic photograph of a construction site with yellow and black warning tape fluttering in the breeze, prominently displaying the text "Danger Excavation Zone", surrounded by dirt mounds and construction equipment. +A classroom globe prominently tagged with a sticker reading "Flat Earth Society", surrounded by curious students and educational posters, under the warm glow of overhead lights. +A prehistoric museum exhibit featuring a dinosaur fossil plaque prominently displaying the text "Extinct Debunked Soon", surrounded by ancient rocks and dim, ambient lighting, with a sense of mystery and anticipation. +A classroom scene with a gold star sticker labeled "Perfect Attendance" prominently displayed on a student's desk, surrounded by school supplies and a cheerful, organized environment. +A realistic photograph of a space colony dome window, with "Mars Base 1" etched into the glass, overlooking a vast Martian landscape under a dusty red sky. +A bustling street scene with a tattoo parlor window prominently displaying "WalkIns Welcome" in elegant Gothic font, illuminated by warm, indoor lighting, surrounded by urban graffiti and posters, with a couple of curious passersby glancing inside. +A detective's notebook lies open on a cluttered desk, the page displaying the entry "Case Closed Suspect Arrested" in neat handwriting, next to a half-empty coffee cup and a stack of crime scene photos. +A vintage, embossed invitation card for a secret society, featuring the elegant text "Welcome Initiate" in gold foil, surrounded by intricate, mystical symbols and a subtle, dark background with a hint of aged parchment texture. +A scientist examines a microscope slide titled "Specimen X Unknown Origin", revealing intricate, unidentifiable structures under the lens, set against a lab backdrop with scientific instruments and charts. +A small mouse, holding a flashlight in its tiny paws, stands on a pile of old books. The light casts a warm glow, illuminating the mouse as it confidently says, "final". The scene is set in a cozy, dimly lit library. +A weathered pirate map with a compass rose labeled "X Marks the Spot Sometimes", surrounded by faded lines and intricate illustrations of ships and sea creatures, set against a backdrop of an old wooden table with a candle casting a soft, golden glow. +An astronaut floating in space, their helmet visor displaying a critical "O₂ LOW" alert, surrounded by the vast, starry cosmos. +A surfboard features a vibrant decal sticker with the bold text "Ride the Big Waves", set against a backdrop of crashing ocean waves and a bright, sunny sky. The surfboard is positioned at an angle, capturing the essence of adventure and the spirit of surfing. +In a futuristic alien zoo, a metallic plaque stands before a transparent enclosure, displaying the text "Human - Mostly Harmless" in bold, earth-like font. The background shows a lush, otherworldly landscape with peculiar flora and fauna, emphasizing the alien environment. +A bustling garage sale with a large sign that reads "Everything Must Go", featuring a variety of household items spread out on tables, with excited shoppers browsing through the goods under a sunny sky. +A realistic photograph of a delivery truck parked on a city street, with "Fast Same Day Shipping" emblazoned on its side. The truck is surrounded by bustling urban life, with pedestrians and other vehicles in the background. +A bustling airport security checkpoint, where a sign clearly reads "Remove Electronics" hangs above the X-ray machines. Travelers are diligently unpacking their laptops and phones into the plastic trays, while security officers watch attentively. +A cozy room with a cat’s scratching post featuring a playful sign that reads "Art in Progress", surrounded by scattered paint brushes and half-finished canvases, capturing the essence of an artist’s workspace. +A high-contrast gym interior with modern equipment, vibrant lighting, and a large, impactful wallpaper featuring the motivational quote: "No Pain No Gain" prominently displayed on one wall. The scene is energetic, with a few athletes working out in the background. +A vibrant wristband worn on a young woman's wrist, printed with "Electric Forest Festival 2024", glowing under the neon lights of a bustling concert venue, surrounded by enthusiastic concert-goers. +A close-up shot of an art supply label reading "NonToxic Materials" on a clean, white packaging, with a subtle shadow and a soft, natural light highlighting the text and the eco-friendly texture of the material. +A vivid science fair display board with a bold header reading "Volcano Project", featuring an erupting volcano illustration in the background, with vibrant colors and detailed scientific diagrams explaining the volcanic process. +In a modern art gallery, a sleek, black plaque titled "Abstract Emotion Series 5" is mounted on a white wall, next to a large, vibrant abstract painting that swirls with deep blues and fiery reds, capturing the essence of intense emotion. +A gym poster with a rugged, energetic design featuring the motivational phrase "No Pain No Gain", set against a backdrop of dynamic exercise equipment and enthusiastic athletes in action. +A vibrant TV show poster featuring the title text "Elf" prominently displayed at the top, with a whimsical elf character in a festive forest setting below, surrounded by glowing lights and magical elements. +A steaming coffee mug on a cluttered desk, surrounded by computer keyboards and code-filled notebooks, with the phrase "Code Coffee Repeat" clearly visible on the mug's side. +A majestic clock tower stands tall in a bustling city square, its intricate face engraved with the phrase "Time Flies". The golden hands of the clock contrast against the deep blue of the twilight sky, capturing the essence of fleeting moments. +A medieval apothecary's shelf, dimly lit by flickering candlelight, features a mystical potion bottle labeled "Dragon Strength Elixir". The bottle, made of dark glass, glows with an otherworldly light, casting eerie shadows on ancient scrolls and potions around it. +A detailed, ancient map spread out on a wooden table, illuminated by a single candle. The map is marked with intricate symbols and a large, ominous dragon guarding a spot labeled "Here Be Regrets". The dragon's eyes glow faintly, and the room is filled with a mysterious, eerie atmosphere. +A realistic photograph of a space station airlock with a prominent warning sign that reads "Depressurization Risk", set against the backdrop of the vast, dark expanse of space. +Ancient cave painting vividly depicting "The Great Flood Coming", with crude yet expressive figures and animals fleeing from a torrential downpour, surrounded by rough, textured cave walls. +A detailed page from a wizard's spellbook titled "How to Tame Dragons", adorned with ancient runes and intricate illustrations of dragons in various poses, set against a backdrop of parchment with faded edges and subtle magical glows. +A vintage potion bottle with an elegant, hand-drawn label that reads "Love Elixir", set against a softly lit, mystical backdrop with subtle floral patterns and a hint of shimmering gold. +A vintage poster design featuring ornate, Middle Eastern motifs and a central, glowing ring. The title text, "The Ring of The Old Sheikh", is elegantly displayed at the top, with intricate calligraphy and gold accents. +A vibrant underwater coral reef teeming with colorful fish, with a clear sign that reads "Protected Marine Area" prominently displayed amidst the lush marine life, ensuring the natural beauty is preserved for future generations. +A movie set with a director's clapperboard prominently displayed, showing the scene title "Take 42 The Finale" in bold letters, under a dramatic spotlight. The background features a bustling film crew and partially visible set pieces, enhancing the cinematic atmosphere. +A cluttered, dimly lit laboratory with a mad scientist's journal open to a page dated "Yesterday It Worked Maybe", surrounded by scattered notes, strange instruments, and glowing vials. +A detailed canvas painting from the 19th century, signed "Artist Unknown 19th Century", depicting a serene landscape with rolling hills, a tranquil river, and a quaint village in the distance, all bathed in the soft light of dusk. +A classic barber shop pole spinning briskly outside a vintage barbershop, with the sign "Haircuts 20" prominently displayed. The scene is set on a sunny afternoon, with the pole's colors vividly reflecting the sunlight. +A close-up of a battery with "superstar" boldly written on its side, set against a minimalist background, capturing the contrast between the ordinary object and the glamorous text. +A realistic photograph of a beautifully decorated birthday cake with "Happy 30th" written in elegant icing, placed on a white plate with a light, warm backdrop. +A wizard's spell scroll, ancient and worn, with the heading "Mystic Incantations" prominently displayed at the top, surrounded by swirling magical symbols and glowing runes in a dimly lit, mystical chamber. +A movie poster with a futuristic cityscape under siege, bold text at the top announcing "Invasion of the Robots", and robotic figures advancing in the foreground, creating a sense of imminent danger and high-tech warfare. +A detailed close-up of an astronaut's lunar rover, showcasing the license plate that reads "MOON1" in bold, reflective letters, set against the stark, grey lunar landscape with fine dust particles visible. +A close-up of a vintage typewriter keychain, intricately engraved with "Write Your Story", resting on a worn, leather-bound notebook with a cup of steaming coffee nearby, set against a soft, warm background. +A vibrant, realistic photograph of a fireworks stand at night, with a bold banner prominently displaying "Buy One Get Free" in bright, eye-catching colors. The stand is illuminated by the glow of various fireworks, creating a festive and inviting atmosphere. +A detailed map of a national park, prominently featuring a label that reads "Hidden Waterfall". The map is surrounded by lush, green forest scenery, with a small, winding trail leading to the waterfall, enhancing the sense of discovery and adventure. +A panda-shaped cookie package, intricately detailed with bamboo and forest elements, prominently labeled "Endangered Flavors" on the front, sitting on a rustic wooden table under soft, natural light, surrounded by fresh cookies and a cup of steaming tea. +A realistic photograph of a car dashboard with the warning light "Check Engine Soon" illuminated, set against the backdrop of a dimly lit interior, capturing the subtle glow of the instrument panel. +A cozy campsite at dusk, where a group of friends gather around a crackling campfire. One of them holds a marshmallow roasting stick tagged "Smores Time", the marshmallow glowing golden under the fire's warm light. +A medieval knight holds a shield emblazoned with the motto "Strength and Honor", standing proudly against an ancient stone castle, the afternoon sun casting long shadows and highlighting the intricate metalwork and heraldic symbols on the shield. +A realistic photograph of an airport security checkpoint, featuring a prominent sign stating "No Liquids Over 100ml" in clear, bold text, surrounded by travelers and security personnel. +A bustling farmer’s market stall with a vibrant banner proudly proclaiming "Fresh Local" hanging above an array of colorful, seasonal produce, surrounded by cheerful shoppers and vendors. +A detailed tattoo design inking the phrase "Forever Free" in elegant, flowing script, surrounded by intricate floral and feather motifs, symbolizing freedom and grace. The tattoo is being applied to a person's arm in a professional tattoo studio, with sterile needles and vibrant ink colors. +A vibrant concert stage with a large, illuminated banner displaying "World Tour Finale" in bold, colorful letters. The stage is set against a backdrop of flashing lights and a cheering crowd, capturing the exhilarating atmosphere of the final show. +A gym water bottle with a bold, eye-catching sticker that reads "Hydrate Or Die", set against a vibrant, energetic background with fitness equipment and a blurred silhouette of an athlete. +A jewelry store window displays an elegant engraving that reads "Custom Rings", showcasing a variety of intricate and sparkling rings set against a soft, warm lighting. The glass is slightly reflective, capturing the ambient street lights and passersby. +A close-up of a futuristic, holographic immigration form with a checkbox labeled "I Accept Paradoxes", surrounded by swirling, cosmic particles and floating symbols from various universes. +A detailed movie set with a clapperboard prominently displaying "Scene 24 Take 3", surrounded by crew members and film equipment, capturing the intensity of a dramatic film shoot. +A cozy coffee shop features a vibrant mural on its wall, prominently displaying the phrase "But First Caffeine" in stylish, hand-painted letters. The mural is surrounded by lush greenery and colorful flowers, enhancing the warm, inviting atmosphere of the shop. +An art gallery wall featuring elegant, modern text that explains the "Surrealism Movement", surrounded by framed surreal artworks, with soft, ambient lighting enhancing the mysterious and dreamlike atmosphere of the space. +An ancient wizard, robed in deep blue and silver, holds an open spellbook under a crescent moon. The page glows with the incantation "Lux Nova", casting a radiant light that illuminates the dark forest around him. +A weathered pirate's compass, its needle steadfastly pointing to the words "X Marks Your Future", set against a backdrop of an ancient, tattered map with faded ink and intricate illustrations of mythical creatures. +A vibrant surfboard with a sleek, modern design, prominently featuring the phrase "Ride the Wave" in bold, dynamic typography, set against a gradient of ocean blues and whites, capturing the essence of a powerful wave. +A close-up of a delicate, lace-edged handkerchief, intricately embroidered with "Mrs Smith 2024" in elegant, golden thread, set against a soft, blurred background of a rustic wooden table. +A modern elevator control panel with a digital display prominently showing "Floor 13", set against the sleek interior of a high-rise building. The scene is captured in a realistic photographic style, emphasizing the clean lines and high-tech aesthetics of the elevator. +A vibrant surfboard design featuring the phrase "Catch the Wave" in bold, coastal-inspired typography, surrounded by dynamic waves and seagulls, set against a sunset beach backdrop. +A realistic photograph of a cake decorated with "Happy 100th Birthday" in blue icing, placed on a white tablecloth, with a soft, warm lighting that highlights the intricate details of the frosting. +A cozy kitchen table with a lunchbox open, revealing a heartfelt note that says "Have A Great Day" inside, surrounded by fresh fruits and a steaming cup of coffee, bathed in warm morning sunlight. +A city street at night, a yellow taxi with a glowing rooftop ad displaying "Ride Now App Only" in bright, blinking lights, surrounded by the hustle and bustle of urban life. +A weathered fishing boat hull, "The Lucky Catch", beached on a sandy shore at sunset, with seagulls perched on its worn wooden surface and the calm sea reflecting the warm, golden light of the setting sun. +A realistic winter scene at a bustling ski resort, with a clear sign reading "Lift Pass Required" positioned prominently at the ticket window, surrounded by snow-covered trees and skiers in vibrant attire. +In a dimly lit movie theater, a vintage seat sign reading "Tears Allowed" hangs above a row of plush red seats, casting a soft glow. The scene is nostalgic, with a hint of emotion in the air, capturing the essence of a heartfelt film experience. +An astronaut in a futuristic space station, surrounded by high-tech equipment, carefully reviews a digital checklist on a holographic display, pausing on the item "Check Gravity Settings", with the Earth visible through a large window in the background. +A cozy café interior with a vintage chalkboard sign, featuring a hand-drawn arrow pointing downwards, clearly indicating "Restrooms Downstairs" in elegant cursive writing. +A detailed close-up of an astronaut's lunar rover keychain, featuring a miniature rover with "0 Gravity Driving" engraved on its side, set against the backdrop of a moon rock and the dark, starry lunar sky. +A close-up of a weathered seed packet in a gardener's hand, labeled "Grows Instantly Maybe", with a curious squirrel peeking over the edge, set against a backdrop of a lush, vibrant garden. +A mountain climber stands triumphantly at a rugged peak, holding a flag that reads "Everest Base Camp" aloft against a backdrop of snow-capped mountains and a clear blue sky. +A realistic photograph of a hiking trail signpost in a forest, with moss-covered wood and a metal plaque clearly indicating "Summit 2 Miles" under a canopy of tall trees. +A vintage gas station scene featuring a retro gas pump labeled "Unleaded 099gal" in elegant vintage script, surrounded by old cars and a nostalgic 1950s American landscape. +A weathered treasure map with an "X Marks the Spot" label, lying on a sandy beach of a desert island, surrounded by palm trees and clear blue water, with a distant pirate ship on the horizon. +A detailed photograph of a classroom desk with a subtle, worn carving that reads "Class of 2025" on its surface, set against a backdrop of a cluttered, sunlit classroom with old wooden floors and chalkboards. +In a cozy retirement home, elderly residents gather around a vintage wooden table, their faces lit with excitement as they mark their bingo cards. A nurse smiles, holding a syringe labeled "B12 Shot Free Space", creating a unique twist on the classic game. +An astronaut's glove compartment, labeled "Lunar Samples", sits open in the dimly lit interior of a spacecraft, revealing a collection of moon rocks and soil inside. The compartment is slightly worn, with a reflective surface that catches the ambient light. +A realistic photograph of a downtown business window, featuring a "No Skateboarding" decal prominently displayed. The window reflects the bustling street outside, with pedestrians and cars, enhancing the urban setting. +A vibrant circus tent banner under a clear blue sky, prominently displaying the text "See the Lobster Boy" in bold, circus-style font. The banner flutters gently in the breeze, with a crowd of excited onlookers gathered below, adding to the festive atmosphere. +A realistic gym locker room scene with a large mirror on the wall, etched with the words "You Look Perfectly Adequate", reflecting a person standing in front of it, with gym equipment and lockers in the background. +A dimly lit dive bar restroom, the mirror slightly fogged, with "Call Jenny" scrawled in red lipstick across its surface, reflecting a lone figure in the background. +A bustling amusement park entrance with a vibrant arch that reads "Thrill Zone Ahead", surrounded by excited visitors and colorful decorations, set against a sunny sky. +A close-up of a vintage candy store jar with a playful label that reads "Sour Apple Bombs", surrounded by vibrant green and yellow candies, with a slightly textured, retro paper background. +A futuristic cityscape at dusk, with a person holding a smartphone displaying a lock screen notification that reads "37 Missed Calls Year 2525", surrounded by neon lights and flying vehicles. +A clear, modern airport terminal with a "Priority Boarding" lane sign prominently displayed at the airline gate, illuminated by soft overhead lighting, with a few passengers waiting in line and airline staff nearby, emphasizing the sign's importance and the organized chaos of travel. +A goldfish bowl sticker featuring the text "No Fishing" in bold, colorful letters, adhered to the side of a clear glass bowl filled with water and vibrant goldfish. The sticker stands out against the aquatic backdrop, creating a playful yet clear message. +A vintage book cover titled "Secrets of the Deep" with golden letters, set against a backdrop of deep blue and oceanic motifs, including subtle waves and seashells, evoking a mysterious underwater realm. +A pirate ship sailing on a stormy sea, its flag proudly flying with the embroidered message "Sea Legends Live", against a backdrop of dark, roiling clouds and crashing waves. +A realistic photograph of an exotic plant in an ornate, decorative pot, with a clear "do not touch" sign securely attached to the pot's side, set against a neutral background. +A vibrant book fair poster featuring a colorful array of books, with a central banner inviting visitors to "Meet the Authors". The scene includes enthusiastic readers and authors signing books, set against a backdrop of bustling bookshelves and cheerful banners. +A detailed "Evacuation Route" map posted on the wall of a hotel hallway, illuminated by soft emergency lighting, with arrows clearly pointing the way to exits, and safety signs in multiple languages, ensuring guests can find their way out safely in an emergency. +An ancient stone tablet, weathered by time, is carved with intricate, mysterious symbols and the ominous phrase "Beware the Moon Tide", set against the backdrop of a moonlit forest. +A close-up of a military dog tag hanging against a worn olive drab uniform, the tag engraved with "SGT John Doe 88974" clearly visible, set against a softly blurred background of camouflage netting. +A cozy, dimly-lit restaurant with vintage decor, a reservation book opened to a page that reads "Party Of 8 7PM Smith", a pen resting beside it, and a waiter in a classic uniform standing nearby, looking professional and attentive. +A vibrant candy wrapper design featuring playful, colorful graphics with the text "Sweet Treat Inside" prominently displayed, surrounded by swirling patterns and sugary motifs, evoking a sense of joy and anticipation. +A wizard stands in a dimly lit ancient chamber, his staff emanating a radiant light. The glowing runes on the staff spell "Power Unlimited", casting an ethereal glow across the stone walls and the wizard's determined face. +A bustling urban street at dusk, with a digital billboard scrolling the message "Traffic Jam Ahead" in bright red letters, casting a glow over the congested road and the silhouettes of hurried pedestrians. +A yoga studio's window adorned with a sleek, modern decal reading "Breathe Stretch Relax", set against the backdrop of a serene, sunlit room with yoga mats and blocks neatly arranged, capturing the essence of tranquility and wellness. +A close-up of a vintage-style sunscreen bottle with a gothic label, prominently displaying the warning "SPF 1000000 or Bust" in elegant, ominous lettering, set against a dark, mysterious background. +A close-up of a colorful candy wrapper with bold text that reads "Contains Nuts", set against a blurred, sweet shop background with a variety of candies and treats visible. +A sleek race car with a glossy black hood, featuring a vibrant decal that reads "Lucky 7 Racing Team" in bold, neon colors, set against a dynamic backdrop of a cheering crowd and a blurred racetrack. +A close-up of a shiny, red Christmas ornament with a gold ribbon, intricately engraved with the text "First Xmas Together 2023", hanging on a green Christmas tree branch with soft, warm lighting creating a festive and intimate atmosphere. +A city night scene with a taxi driving down a rain-soaked street, its roof light sign glowing "Available" in bright yellow, reflecting off the wet pavement. +A realistic photograph of a power station fence, with the warning "Danger High Voltage" prominently etched into the metal, surrounded by a stark, industrial landscape under a cloudy sky. +A rustic farmhouse chalkboard stands by the door, displaying the header "Fresh Daily Specials" in elegant, handwritten chalk font. Sunlight filters through nearby trees, casting a warm, natural glow on the board. +A wizard’s staff, intricately carved with ancient runes, glows with a soft, pulsating light, casting the phrase "Spell in Progress" in luminous letters along its length, set against a dark, mystical forest at twilight. +A close-up of a hotel key card sleeve on a sleek, modern desk. The sleeve features "Enjoy Your Stay" in elegant script, with a subtle gold border reflecting the luxurious ambiance of the hotel. +Retro diner interior with a classic jukebox displaying the selection screen for "Hit Song 45", surrounded by vintage decor and glowing neon lights, capturing the nostalgic atmosphere of the 1950s. +A serene countryside scene with a farmer holding an almanac, titled "Winter Cold Spring Less Cold", standing in a frosty winter landscape, with subtle hints of spring like budding trees and melting snow, under a clear, crisp sky. +A beach bar scene with a cocktail napkin prominently displayed, printed with "Paradise Punch Special", surrounded by tropical drinks and vibrant umbrellas, set against a serene ocean backdrop. +A close-up of a vintage seed packet, labeled "Heirloom Tomatoes", lying on a rustic wooden table, surrounded by gardening tools and soil, with soft sunlight streaming through a nearby window, casting a warm glow. +A dimly lit medieval courtroom, with a heavy wooden bench and spectators in dark, tattered clothing. At the center, a banner hangs prominently, reading "Guilty Until Enchanted", casting eerie shadows across the stone walls. +A modern, sunlit rooftop showcasing a sleek solar panel array, with a digital display prominently showing "Generating 5kW Now". The scene is set against a clear blue sky, emphasizing the efficiency and technology of renewable energy. +A modern museum gallery with sleek, minimalist design, featuring a digital audio guide screen prominently displaying "Track 66 Lies" in clear, bold text, surrounded by abstract art pieces and soft, ambient lighting. +A futuristic spaceship control room with a high-tech panel displaying a red alert that reads "Warning Asteroid Belt". The panel is surrounded by glowing buttons and screens, with the main screen showing a view of space and approaching asteroids. +A dimly lit alley at night, a vintage vending machine with a neon sign above it. The button labeled "Snack Selection 12" glows brightly, casting a soft light on the machine's weathered exterior. +A wizard stands in a dimly lit forest, his staff glowing with an intense light labeled "Spell Check", illuminating the ancient trees and casting mystical shadows. +A majestic sailboat glides across the calm ocean, its white sail emblazoned with the words "Sea Breeze" in elegant cursive, reflecting the golden sunlight. The boat cuts through the water, leaving a gentle wake, as seagulls soar overhead in a clear blue sky. +A realistic photograph of a bus stop with a clear notice board displaying the message "No Smoking Here" in bold letters, surrounded by a clean, urban environment with a few people waiting for the bus. +A vibrant poster design featuring the title text "Inklings Issue Unknown" prominently displayed in an artistic, hand-drawn font. The background is a collage of abstract ink splatters and subtle watercolor washes, creating a dreamy, creative atmosphere. +A detailed Farmers Almanac page titled "Planting Season Guide", featuring illustrations of various seeds, planting tools, and a calendar highlighting optimal planting dates. The page is filled with handwritten notes and tips, surrounded by a rustic, vintage border. +A vibrant tech expo banner featuring the text "Innovate Now" in futuristic, glowing fonts, surrounded by holographic elements and sleek, modern design, set against a backdrop of bustling tech demonstrators and advanced gadgets. +A movie director's chair on a bustling film set, the backrest boldly printed with "Action Zone". The chair is placed under a soft spotlight, with a clapperboard resting nearby on the ground, capturing the essence of a film production in full swing. +A realistic photograph of a wedding cake topper featuring the engraved names "Mr and Mrs Smith" atop a tiered white cake, surrounded by delicate flowers and sparkly decorations. +Ancient cave painting depicting "Ugg Invent Fire", showcasing a prehistoric man, Ugg, with a determined expression, surrounded by flickering flames. The rough cave walls and primitive tools add to the authentic, ancient atmosphere. +A sleek, modern ambulance parked on a city street, its side panel prominently displaying the text "Emergency Response" in bold, clear letters. The scene is lit by the soft glow of streetlights, with a few pedestrians looking on in the background. +A serene yoga studio with a large, elegant wall decal stating "Breathe In Peace", surrounded by soft, natural lighting and minimalistic decor, enhancing the calm and tranquil atmosphere. +A bustling train station platform at dusk, with a prominent sign reading "Next Departure 9 15 PM" illuminated by the station's lights, passengers waiting eagerly, and the faint silhouette of a train in the distance. +A medieval knight stands beside his majestic warhorse, whose armor plate is boldly stamped with the phrase "My Other Ride Is a Dragon", set against a backdrop of a sprawling, misty forest. +A photo illustration of Earth being dramatically struck by multiple converging lightning bolts, creating a spectacular display of light and power. The image is titled "Amazing at the Speed of Light", emphasizing the dynamic and awe-inspiring nature of the event. +A vibrant nightclub scene with pulsing lights and a crowd of people dancing. A close-up of a wristband on a patron's arm, clearly displaying "Over 21 Valid ID" in bold letters, illuminated by the neon glow. +A realistic photograph of a road sign indicating "Speed Limit 55", set against a backdrop of a winding road flanked by lush green trees, with a clear blue sky above. +A bustling train station with a vintage aesthetic, where a large digital board displays "Platform 9 Departing". Passengers rush by, carrying suitcases, while an old-fashioned steam train waits at the platform, its whistle echoing through the crowded hall. +A sushi bar features a vibrant fish tank with colorful fish swimming, and a sign reading "Not All Who Swim Are Lunch" prominently displayed, capturing the playful essence of the establishment in a realistic photographic scene. +A modern train station with a sleek digital train schedule board prominently displaying "Next Train 5 Min" in a bustling, well-lit environment, surrounded by waiting passengers and the distant silhouette of a train. +A vibrant street scene at a flower festival, featuring a large banner that reads "Rose Parade Route 1A" hanging overhead, surrounded by blooming roses and excited spectators. +A submarine's dimly lit control room, the sonar screen glowing with pulsing green lines and the ominous warning "Leviathan Approaching" displayed prominently, crew members tense and focused. +A glossy, crystal-clear Magic 8 Ball floats in a dimly lit room, its interior illuminated by a soft, eerie glow. The answer "Ask Again Later" is prominently displayed in bold, reflective letters inside the orb, casting subtle shadows on the dark surface below. +A wizard stands in a mystical forest, holding a staff intricately engraved with the words "Pointy End Toward Enemy", casting a spell as ethereal light illuminates the ancient trees around him. +A realistic photograph of an office desk, featuring a polished wooden surface with a sleek, modern nameplate prominently placed. The nameplate is engraved with "Dr Emily Carter", reflecting a professional and elegant atmosphere. +A neon sign reading "Open 247" flickers intermittently above the entrance of a vintage diner, casting a colorful glow on the rain-slicked pavement and reflecting off the windows of the empty street. +A close-up of a sleek hotel key card sleeve, prominently displaying "Suite 3221 Access" in elegant font, resting on a polished wooden desk with a subtle background of a luxurious hotel room. +A bustling burger joint with a vibrant menu board prominently displaying "Try Our New Spicy Burger" in bold, eye-catching letters, surrounded by mouth-watering images of sizzling burgers and happy customers. +A cluttered laboratory with a scientist's lab coat hanging on a rack, the coat embroidered with "Mad Genius" on the pocket, surrounded by bubbling flasks and technical diagrams. +A high-tech time machine dashboard with glowing controls, labeled "Past or Future", set in a futuristic lab with sleek, metallic surfaces and soft, ambient lighting. +A weathered fishing boat, its hull proudly displaying the name "Ocean Explorer III", anchored in a serene coastal harbor at sunset, with seagulls lazily circling overhead and the reflection of the boat's name shimmering on the calm water. +A close-up of a chef's knife with the blade engraved "Dinner or Die", resting on a wooden cutting board, with a few fresh herbs and vegetables scattered around, capturing the essence of culinary determination. +A realistic photograph of a coffee cup with a sleeve printed "Caution Hot", placed on a wooden table, surrounded by morning sunlight streaming through a window. +Ancient cave wall adorned with intricate paintings and mysterious symbols, prominently featuring the phrase "Seek Water" in a central, illuminated area, surrounded by faded, mystical glyphs and pictographs that tell a story of a long-lost civilization. +A bustling airport terminal with a large, digital departure board prominently displaying "Gate B17 Boarding" in bright, flashing letters. Travelers with luggage hurry past, casting reflections on the polished floor, while overhead announcements echo softly in the background. +In a sterile hospital room, an IV bag labeled "Super Soldier Serum" hangs from a metal stand, casting a slight shadow on the white walls. The liquid inside the bag glows faintly under the fluorescent lights, hinting at its extraordinary nature. +A thermos sits on a rustic wooden table, the slogan "maggs" boldly written across its metallic surface, reflecting the warm, ambient light of a cozy kitchen. +A modern elevator's button panel, with sleek, silver buttons and a digital display, lights up to show "Floor 13 Locked" in red, indicating restricted access. The scene is captured in a realistic, high-contrast photograph, emphasizing the glowing text and the sterile, metallic environment. +A wedding cake topper featuring the phrase "Happily Ever After" in elegant silver letters, set against a backdrop of white frosting and delicate sugar flowers, capturing the essence of a classic and romantic celebration. +A realistic photograph of a road under construction, with a blinking sign prominently displaying "Detour Ahead" in the center, surrounded by cones and barriers, under a cloudy sky. +A cozy campfire scene with a marshmallow roasting on a stick branded "Smore Than Words", surrounded by friends laughing and enjoying the warmth of the fire under a starry night sky. +A roadside billboard stands tall, boldly advertising "Best Burgers In Town" in vibrant colors. The billboard is set against a sunny sky, with a bustling road and green trees in the foreground, emphasizing the inviting and appetizing message of the ad. +A rugged cowboy's worn leather belt, intricately embossed with the bold words "Ride or Die", cinches his worn jeans, capturing the essence of the wild west in a detailed, realistic photographic scene. +A close-up of a smartphone lock screen displaying the "Silent Mode Enabled" notification, with a minimalist background and soft, ambient lighting highlighting the screen. +A modern conference room with sleek, minimalist design, featuring a large tablet mounted on the wall, clearly displaying the message "Reserved Until 3 PM", with professional attendees gathered around a glass table, soft natural light filtering through large windows. +A vintage suitcase adorned with a colorful collage of travel stickers, each depicting iconic landmarks and scenic views, culminating in a large, eye-catching sticker that reads "Wanderlust" at the center. +A pixelated video game screen with vibrant, retro colors, displaying the message "Level Up Achieved" in bold, glowing letters. The background features a simple, geometric pattern typical of classic arcade games. +A child's lunchbox featuring the phrase "Adventure Awaits" prominently displayed, surrounded by playful cartoon dinosaurs in a vibrant, cheerful setting. +A bustling city street at night, with a vintage theater marquee glowing brightly, announcing "Sold Out Tonight" in dazzling lights, surrounded by excited crowds and the soft glow of street lamps. +A bonsai tree in a pot, with "Patience Grows Here" inscribed in delicate calligraphy on the side, set against a serene, minimalistic background. +A realistic photograph of a modern treadmill with a digital display prominently showing "Distance 5 Miles", set in a well-lit gym with a few pieces of equipment in the background. +In a dimly lit museum hall, a detailed description plaque reads "Circa 1500 BC" next to an ancient artifact, illuminated by a focused spotlight, showcasing the intricate carvings and the worn, historical texture of the object. +Retro diner interior with a neon clock on the wall, prominently displaying "Time for Pie", casting a warm, nostalgic glow over the checkered floor and vintage booths. +A roadside fruit stand with a wooden sign that reads "Mangoes 21 Cash Only", surrounded by vibrant, ripe mangoes and set against a sunny, rural landscape. +A cozy bakery storefront with a large window displaying a decal that reads "Fresh Bread Daily", surrounded by an assortment of baked goods and the warm, inviting glow of interior lighting. +A realistic photographic scene of a notice board next to a bustling train station, with the clear text "Travel Precautions" prominently displayed. Passersby and trains in the background add context and depth to the image. +A serene desert scene with a weathered signpost standing amidst golden sands, pointing toward "To Mirage 1 Mile". The sign is slightly tilted, surrounded by a few resilient bushes, with a distant, shimmering illusion of water on the horizon. +A child's colorful crayon drawing, labeled "My Happy Family", proudly displayed on a fridge, surrounded by magnets and other family mementos, capturing the warmth and joy of a loving household. +A pirate ship navigates stormy seas, its flag billowing in the wind, emblazoned with "Surrender the Snacks" in blood-red letters, under a dark, menacing sky. +A fortune teller’s booth with an old, worn sign that reads "Past Due Futures Told Here", surrounded by dim, atmospheric lighting and mystical ornaments, set in a bustling, foggy city street at dusk. +A serene desert scene with a lone oasis, where a wooden signpost stands prominently, pointing towards the lush greenery, clearly marked with the text "Water Source Ahead" in bold letters. +A whimsical scene featuring a mad hatter's workshop, with a large, eccentric hat hanging from a rack. Attached to the hat is a tag reading "This Side Up Probably", surrounded by an array of bizarre and colorful accessories. +An art gallery displays a sleek, modern sculpture labeled with a plaque that reads "Untitled No 5", set against a minimalist background with soft, ambient lighting highlighting the intricate details of the piece. +A bustling airport terminal with digital departure screens. One screen prominently displays "Gate 9¾ Delayed" in glowing letters, surrounded by travelers checking their phones and luggage carts. The scene captures the mix of anticipation and frustration, with a hint of magical intrigue. +A vibrant children’s book cover featuring an enchanted forest at dusk, with glowing fireflies and mystical creatures peeking from behind the trees. The title "The Magic Forest" is prominently displayed in elegant, shimmering letters above a winding path that invites adventure. +A pizza box, stamped with "Hot Ready for Adventure", sits on a rustic wooden table, under a warm, golden sunset. The box is slightly steaming, hinting at the delicious meal inside, surrounded by outdoor camping gear, evoking a sense of anticipation for an adventurous night under the stars. +A rustic farm stand with a wooden sign painted in bold, rustic letters: "Eggs 3 Chickens Free". The stand is surrounded by a vibrant green field, with a few chickens pecking around, and a clear blue sky overhead. +A desolate desert highway stretches into the distance, lined with cracked asphalt. A weathered billboard stands alone, its paint peeling to reveal the faded text: "Last Gas 50 Miles". The sun casts long shadows, emphasizing the barren landscape and the isolation of the scene. +An astronaut stands on the moon, leaving a boot print that reads "One Small Step for Pizza" in the lunar dust, under the vast, dark sky. +Retro arcade machine in a dimly lit room, glowing "Insert Coin" text below the screen, vibrant neon colors, detailed wooden cabinet, 80s aesthetic. +A close-up of a vintage seed packet, labeled "Mystery Blooms Plant Pray", lying on a rustic wooden table. Soft sunlight filters through a nearby window, casting a warm glow on the packet, highlighting its intricate, hand-drawn illustrations of flowers and foliage. +A medieval battlefield under a stormy sky, with knights and soldiers clashing. In the center, a banner reads "Ye Olde Drone Strike", fluttering above the chaos. Modern drones hover overhead, dropping payloads, blending ancient warfare with futuristic technology. +A detailed ski resort trail map, prominently marking the "Black Diamond Run" with bold red lines, set against a backdrop of snowy mountains and pine trees. The map includes various ski lifts and trails, with clear labels and a legend. +An astronaut's glove, prominently featuring a patch that reads "Mars Mission 2050", set against the backdrop of a dusty Martian landscape with a clear sky and distant rover. +A vintage movie poster titled "An Affair of the Heart", featuring a romantic couple in a dimly lit, nostalgic setting with a soft, golden glow, emphasizing the emotional depth and passion of their relationship. +A cozy living room on Mars, featuring a plush pillow with intricate embroidery that reads "Home Sweet Mars", set against the backdrop of a futuristic Martian landscape visible through a large window. +A realistic photograph of a hospital waiting room with a prominently displayed poster on the wall that reads "Stay Calm Breathe Deep", surrounded by comfortable seating and gentle lighting. +A vintage circus tent with a vibrant banner proudly proclaiming "World's Smallest Elephant" in bold, circus-font letters, surrounded by colorful lights and a bustling crowd of excited onlookers. +A close-up of a vintage radio with a detailed, slightly worn dial set precisely to "AM Frequency", capturing the nostalgic essence of an era past. +A roadside marquee scrolling "Speed Check Ahead" near a school zone, with children and parents walking by, and cars slowing down on the street, under a bright, sunny sky. +A realistic urban scene featuring a vintage parking meter with a retro screen displaying the text "Insert Coins Here", set against a backdrop of a bustling city street with old cars and pedestrians. +A realistic gym interior with a large, motivational wall decal stating "No Pain No Gain", surrounded by exercise equipment, including dumbbells and treadmills. +A close-up photograph of a fortune cookie slip with neat, handwritten text: "You will adopt a cat soon", set against a warm, cozy background with a subtle texture, like a wooden table, enhancing the intimate and personal feel of the message. +A desert scene with a weathered signpost standing tall, clearly pointing towards an illusionary oasis in the distance, with the text "Oasis This Way" visible on the sign. +A weathered pirate map parchment, crinkled and stained, with a faded compass rose and intricate illustrations of sea creatures. The map is marked with a bold, red "X Marks the Spotish", indicating the treasure's location amidst detailed drawings of rocky cliffs and dense forests. +A surfer's board with "Hang Ten" airbrushed in vibrant colors, resting on a sandy beach with the ocean waves gently lapping in the background. +A bustling farmer's market scene with a wooden sign prominently displaying "Organic Honey 15Jar" amidst vibrant stalls filled with fresh produce and handmade goods, under a sunny sky. +A high-resolution video game loading screen featuring bold, futuristic text "Level 5 Boss Battle" against a dark, neon-lit background with cybernetic elements and pulsating energy waves. +A realistic photograph of an aquarium tank with a clear, prominent sign that reads "Do Not Tap Glass" attached to the front, surrounded by colorful fish and vibrant coral. +A city street with a freshly painted bicycle lane, prominently stenciled with "Bikes Only Keep Clear" in bold white letters, surrounded by vibrant green trees and modern buildings in the background. +A cave explorer, illuminated by a single beam of light, wears a helmet with a sticker stating "Depth 150m" prominently displayed. The surroundings are dark and damp, with stalactites hanging from the ceiling, reflecting the dim light. +A close-up photograph of an old library book with a weathered, brown cover. The book is slightly open, revealing a yellowed page. Prominently displayed on the cover is a red stamp that reads "Overdue Since 1999", surrounded by faded, antique-looking decorative elements. +A serene yoga studio entrance with a wooden sign that reads "Breathe In Peace", surrounded by lush green plants and tranquil water features, set against a backdrop of a calm, sunlit morning. +A realistic photograph of a city street on a rainy day, with a person holding an umbrella that prominently displays the slogan "Windproof and rainproof" in bold letters, droplets of water sliding off the umbrella's surface. +A realistic construction site with a barrier prominently displaying "Hard Hat Area". Workers in high-visibility vests and hard hats are visible in the background, adding context to the scene. The barrier is weathered, showing signs of wear and tear, enhancing the authenticity of the environment. +A vintage postage stamp design featuring the text "Mail Early 2024" in elegant, classic typography, surrounded by intricate floral patterns and subtle postal motifs like envelopes and stamps, set against a muted, timeless background. +A bus stop ad features a stylish vampire with piercing eyes, holding a bottle of "Sunscreen 10000 SPF Buy Now" under a bright, midday sun. The ad promises ultimate protection, contrasting the vampire's traditional aversion to sunlight. +A detailed, ancient wizard's spellbook page titled "Invisibility Charm", with intricate illustrations of mystical symbols and a faded, handwritten spell in a gothic script, set against a backdrop of yellowed parchment. +A vintage retro rocket adorned with vibrant nose art featuring the bold text "Mars or Bust", set against a backdrop of a starry night sky, with a nostalgic 1950s aesthetic. +An ancient, worn page from a wizard’s spellbook, titled "Fireball Incantation", with intricate illustrations of flames and arcane symbols surrounding the text. The page is slightly curled at the edges, showing signs of age and use. +A bustling city street at dusk, with a vintage movie theater marquee glowing brightly, displaying "Now Playing Reality S2E4". The marquee's neon lights reflect on the wet pavement, and a few pedestrians are walking by, some glancing up at the vibrant sign. +A fire truck door with "Rescue Team One" painted in bold, red letters, standing out against the shiny, red metal of the vehicle, parked in front of a modern fire station with a clear, sunny sky in the background. +An archaeologist in a dusty, sunlit room, meticulously transcribing ancient text from a weathered stone tablet. The tablet clearly reads "Lost City Below", surrounded by intricate carvings and symbols, hinting at a forgotten civilization. +A vibrant pet store fish tank, labeled "Tropical Paradise", teems with colorful tropical fish swimming among lush aquatic plants and vibrant coral reefs, illuminated by soft, ambient lighting that enhances the serene and exotic atmosphere. +A realistic photograph of a hospital emergency room, focusing on the door labeled "Critical Care Only", with a slightly worn, sterile environment and soft, fluorescent lighting. +A movie set with a clapperboard prominently displaying "Take 99 Final Attempt", surrounded by crew members with focused expressions, under the soft glow of overhead lights, capturing the tension and anticipation of the final shot. +A cozy medieval tavern interior with a wooden menu board hanging by the fireplace, listing "Dragon Wings 2 Gold" among other dishes, illuminated by the warm glow of candles. +A detailed, realistic photograph of an ancient engraved stone monument, prominently featuring the founding date "Established 1847", set against a backdrop of lush, overgrown foliage. +"Alion Blaster Challenge" arcade game cabinet in a retro 1980s arcade, with vibrant neon lights and a crowd of excited players watching a high-intensity gaming session. The cabinet features detailed alien artwork and glowing buttons. +A close-up of a detective's worn notebook page, with "Follow the Money" scribbled in bold, hurried handwriting, surrounded by faint sketches and notes, under a dim desk lamp. +A detailed detective's suspect sketch titled "The Mysterious Spoon Thief", showcasing a shadowy figure with a distinctive hat and a bulging pocket, set against a backdrop of a dimly lit, vintage police station. +A steaming coffee cup with a sleeve printed "Handle with Care I'm Hot" on a rustic wooden table, surrounded by fall leaves. The scene is bathed in warm, golden sunlight streaming through a window, creating a cozy and inviting atmosphere. +A vintage potion bottle with a label that reads "Magic Strength Elixir", sitting on a wooden table with a soft, golden glow illuminating the scene. The bottle is surrounded by ancient books and mystical symbols, enhancing the magical atmosphere. +A gym water bottle with the bold slogan "Hydrate or Die" prominently displayed on its sleek, sporty design, set against a backdrop of workout equipment and a fitness enthusiast taking a sip. +A bustling farmer's market stall with a wooden sign painted "Fresh Eggs Daily" prominently displayed, surrounded by baskets of fresh eggs and vibrant vegetables, under a sunny morning sky. +A realistic photograph of a golf course scorecard titled "Eagle Ridge Course", featuring a detailed layout of the course with green fairways, bunkers, and a picturesque lake in the background. The scorecard is slightly worn, with the title prominently displayed at the top. +A realistic photograph of a rustic wooden menu board outside a cozy diner, featuring hand-painted text that reads "Daily Soup Chili" in a classic, Americana font, with a few droplets of water from the morning dew glistening on the surface. +A cozy coffee shop scene with a chalkboard menu prominently displaying "Special Pumpkin Spice Dream" in elegant cursive, surrounded by hand-drawn illustrations of pumpkins and spices, set against a warm, autumnal background. +A close-up of a sleek fitness tracker on a wrist, its screen glowing with the message "Daily Goal Achieved", set against a blurred background of a gym or outdoor running trail. +A vintage movie theater at dusk, the marquee prominently displaying "Sold Out Tonight" in glowing red letters, surrounded by excited moviegoers and the soft glow of street lamps. +A bustling city street at night, illuminated by a vibrant neon juice bar sign that reads "Cold Pressed Daily", casting a cool blue and green glow on the pavement and surrounding buildings. +A realistic photograph of a magic 8-ball floating in a dimly lit room, with the answer "Try Mars Instead" clearly visible through the ball's transparent surface, reflecting a soft, ambient light. +An ancient, tattered scroll with faded, elegant text reading "Kingdom of Sun", partially illuminated by a shaft of light in a dusty, forgotten library. +A cozy bakery interior with a baker holding a rolling pin engraved with "Flour Power", surrounded by sacks of flour and freshly baked bread, the warm lighting highlighting the intricate engraving. +A vintage luggage tag, slightly worn and faded, stamped with the words "Handle With Delusion" in elegant, old-fashioned lettering, attached to a weathered leather suitcase. The scene is set against a backdrop of a nostalgic travel poster from the 1950s. +A realistic photograph of a fast food drive-thru menu board at dusk, prominently displaying the "Burger Regret Meal" with mouthwatering visuals and bold, eye-catching text. The scene is illuminated by the menu board's bright lights, casting a warm glow on the surrounding area. +A high-quality surfboard with a sleek, modern design, featuring the bold logo "Wave Rider Pro" prominently displayed on the deck. The surfboard is set against a backdrop of rolling ocean waves, capturing the essence of the brand's connection to the sea. +A futuristic control panel with sleek, metallic surfaces and glowing blue screens, prominently displaying "Destination Year 3024". Surrounding the display are various buttons and levers, all set in a high-tech, dimly lit room with a holographic interface floating above. +A museum exhibit featuring an elaborate plaque labeled "Ancient Civilization", surrounded by artifacts like pottery, tools, and statues, with soft, ambient lighting highlighting the historical significance of the display. +A rock band's tour bus parked on a dimly lit street at night, with a prominent decal reading "World Tour 2024" on its side, reflecting the glow of nearby streetlights. +A bustling art supply store with vibrant shelves, a prominent sign reading "Paint Brushes Half Price" hanging above the entrance, and customers eagerly browsing various brushes and paints. The scene captures the excitement of artists finding great deals. +A realistic construction site with a prominent sign reading "Hard Hat Area Only" standing near a stack of hard hats and safety cones, surrounded by yellow caution tape and partially completed buildings in the background. +In a serene scenic area, a weathered wooden signpost stands prominently, reading "decision" in elegant, hand-painted letters. The sign is partially obscured by lush green foliage, creating a mysterious and contemplative atmosphere. +A zombie lumbering through a foggy graveyard, its tattered shirt stitched with "Brains Preferred", under the dim light of a full moon. +A roadside fruit stand with a hand-painted wooden sign that reads "Bananas WiFi Password Inside", surrounded by bunches of ripe yellow bananas and a rustic wooden table filled with fresh produce. +A vintage ice cream truck parked on a sunny street, its side panel prominently displaying "Try New Flavor Matcha" in bold, vibrant letters, surrounded by playful illustrations of green tea leaves and ice cream cones. +A high-quality photo of a skateboard deck, airbrushed with the bold, vibrant text "Skate or Die" in a dynamic, graffiti-style font, set against a gritty urban background with blurred skaters in motion. +A detailed ice sculpture, intricately carved with "Best Wishes", slowly melts under warm reception lights, revealing elegant floral arrangements and sparkling glassware, set against a backdrop of a festive wedding hall. +A weathered pirate treasure map, "X Marks the Spot", lies on an old wooden table, surrounded by a compass, a flickering candle, and scattered gold coins. The map shows a detailed island with a prominent X, hinting at the buried treasure. +A close-up of a sleek, vintage spy pen with a subtle engraving that reads "Shaken Not Stirred", set against a dark, sophisticated background with a hint of light reflecting off the pen's surface. +An illustrated alien textbook page titled "Human mating rituals", featuring detailed diagrams of humans in various social and romantic scenarios, annotated with alien observations and explanations. The style is educational and slightly humorous, emphasizing the aliens' perspective. +A vintage movie theater marquee, illuminated by soft neon lights, prominently displays "Now Playing Cyber Love". The scene is set at dusk, with a few pedestrians passing by, capturing the nostalgic charm of an old cinema in a modern cityscape. +A detailed ski resort trail map highlighting the "Green Circle Easy Slopes", with vibrant colors and clear markings, set against a snowy mountain backdrop. +A close-up of an astronaut's glove, prominently featuring a detailed patch that reads "First Mars Team", set against the backdrop of a dusty, red Martian landscape. +A child's lunchbox, adorned with vibrant dinosaur stickers and the name "Timmy Rex" prominently displayed, sits on a picnic table in a sunny park, surrounded by greenery and playful children. +A romantic wedding cake adorned with a classic topper that reads "Happily Ever After" in elegant script, surrounded by fresh roses and delicate lace, set against a soft, blurred background that highlights the timeless beauty of the scene. +A realistic photograph of an Olympic podium, with a large banner displaying "Gold Medal Winner" in the background. The podium is adorned with flowers and the flags of participating nations, under a bright, sunny sky. +A bustling street corner features a vintage pawn shop with a weathered window sign boldly declaring "Best Deals in Town", surrounded by an eclectic array of old guitars, antique clocks, and shiny jewelry, all illuminated by the warm glow of a streetlamp. +A vibrant school science fair poster titled "Volcano Eruption Demo", featuring a colorful illustration of a volcanic eruption with lava flowing down the slopes, surrounded by enthusiastic students in safety goggles and lab coats, showcasing the explosive experiment. +A majestic knight's horse, adorned with intricate armor emblazoned with the words "Steed of Valor", stands proudly in a medieval courtyard, its mane flowing in the gentle breeze, reflecting the valor and honor of its noble rider. +A close-up of a shiny, silver dog collar tag engraved with "Max", reflecting a soft outdoor light, set against a blurred background of lush green grass and flowers. +A sleek, black briefcase with a modern, minimalist design, prominently stamped with "Top Secret" in bold, red letters, sitting on a dimly lit desk with a high-tech gadget scattered around, suggesting a spy's covert operations room. +A cozy campsite at dusk, with a steaming mug etched with "Adventure Is Out There" sitting on a log by a crackling fire, surrounded by dense forest and a gentle mist rising from the ground. +A high-resolution photograph of a sleek, modern race car with a vibrant red hood. The hood features a bold, eye-catching decal that reads "Speed Demon Team", framed by dynamic speed lines and a fiery gradient. +A phoenix’s ashes swirling in mid-air, slowly forming the words "Rebirth Pending" amidst a backdrop of embers and twilight, capturing the moment of transformation and anticipation. +A vintage control room with a large, retro screen displaying "321 LIFTOFF" in bold, neon colors, surrounded by analog dials and blinking lights, capturing the excitement of a rocket test fire countdown. +A surreal scene featuring a glowing magic 8-ball levitating above a vintage coffee table, with the text "Ask Again After Coffee" clearly visible. Warm, ambient lighting enhances the mystical atmosphere, while a steaming cup of coffee sits nearby, adding a touch of realism. +A cozy coffee shop with a vintage chalkboard sign that reads "Try Our New Latte", surrounded by steaming cups of coffee and pastries on a rustic wooden table, bathed in warm, golden afternoon light. +A realistic photograph of a gym locker room, featuring a large mirror with a motivational sticker that reads "You Can Do It" prominently displayed. The scene is well-lit, with gym equipment and lockers in the background, emphasizing the sticker's encouraging message. +A realistic photograph of a gym locker room with a sign prominently displaying "Shower Shoes Required" hanging on the wall, surrounded by lockers and a tiled floor. +A rustic farm scene featuring an old, red tractor with a decal reading "Harvest Master 3000" on its side, surrounded by golden fields of wheat under a clear blue sky. +A high-resolution video game loading screen with a sleek, futuristic interface. In the center, bold, neon-blue text reads "Press Start Button" against a dark, gradient background with subtle, glowing circuit patterns. +A realistic photograph of a classroom with a periodic table poster on the wall, prominently highlighting "Element 79 Au" with a spotlight or a bright marker, surrounded by other elements in a typical school setting. +A close-up photograph of a hospital wristband, clearly labeled "Patient Name Here", wrapped around a pale wrist with a subtle IV line visible, set against a crisp white hospital bedsheet. +A rustic wooden sign hangs on the door of a gardener's tool shed, reading "Beware of Attack Sunflowers". The sign is weathered and slightly tilted, with vibrant sunflowers towering behind it, their large heads and green stems creating a lively, slightly ominous backdrop. +A classroom poster titled "Our Cosmic Neighborhood" hangs on a colorful wall, featuring vibrant illustrations of the planets in our solar system, surrounded by twinkling stars and distant galaxies, with educational text highlighting key facts about each celestial body. +A close-up of a satellite dish display screen, prominently showing the message "Signal Lost Error 404" in a digital font, with a faint, staticky background indicating a disrupted connection. +A frozen lake with a smooth, icy surface, etched with the words "Thin Ice Danger" in bold, clear letters, surrounded by a subtle pattern of cracking ice, under a gray, overcast sky. +A cinematic scene featuring the movie subtitle text "To Be Continued" displayed in bold, glowing letters against a dark, starry night sky, with a faint cityscape in the background. +A high-energy gym motivational poster featuring a fit athlete pushing through a tough workout, with the bold text "No Pain No Gain" prominently displayed at the top. The background shows gym equipment and other motivated individuals. +A close-up of a coffee cup with a sleeve printed with "Caution Hot", set against a warm, cozy background, capturing the essence of a quiet cafe. The scene is lit softly, emphasizing the texture of the sleeve and the steam rising from the cup. +A vast, green field with a meticulously crafted alien crop circle that spells out "We Want Lawyers" in an intricate, otherworldly design, surrounded by a glowing, ethereal light. +A detailed close-up of a secret agent's dossier, prominently displaying a red stamp marked "Top Secret Eyes Only", with a subtle backdrop of a dimly lit, secure room. +"Membership" generative art featuring sticky smoke composed of dots, flowing like rivers, set against a pristine white background. The design integrates modern graphic elements, emphasizing the fluidity and connectivity of the membership concept. +A close-up of a drone controller screen displaying a "Low Signal Warning" message, with a concerned operator's hand hovering over the device. The background shows a blurred, outdoor flying area with trees and a cloudy sky. +A detective's magnifying glass hovers over a dusty, worn piece of paper with the words "Clue Here" clearly visible, set against the backdrop of a dimly lit, cluttered room filled with old books and scattered papers. +A close-up photograph of a hospital IV bag with a clear label that reads "Saline Solution 09", hanging from a metal stand in a sterile, well-lit room. +A detailed movie prop sword, meticulously engraved with "Excalibur Replica 2024", resting on a velvet cloth, with a close-up view highlighting the intricate designs and text, set against a dark, dramatic background. +A vintage typewriter on a wooden desk, with a sheet of paper inserted, clearly displaying the typed words "The Quick Brown Fox" as an example. Soft, warm lighting enhances the nostalgic atmosphere. +A vintage time machine dashboard with a prominent red button, labeled "Do Not Press Red Button", surrounded by intricate dials and glowing indicators, set against a backdrop of futuristic circuitry. +A majestic pirate ship navigates turbulent waters, its black sails billowing in the wind. At the mast, the iconic "Skull Bones" flag flutters proudly, casting eerie shadows on the dark, stormy sky. +A neon-lit video game loading screen with a futuristic cityscape in the background. A tutorial tip box with glowing edges reads "Collect Power Orbs" in bold, dynamic text, overlaying the vibrant, digital environment. +A futuristic sci-fi android stands in a dimly lit lab, its sleek metallic surface reflecting soft blue lights. The android's forehead screen glows with the message "System Update", casting a subtle glow on its advanced, detailed facial features. +A retro arcade machine with a glowing marquee that blinks "Insert Coin to Rewind Time", set in a dimly lit room with vintage game posters on the walls, capturing the nostalgic atmosphere of the 80s. +A boxing ring with a canvas floor, prominently featuring the corner slogan "Stay Down" in bold, striking letters. The ring is set under harsh stadium lights, with ropes casting shadows and a lone, worn glove lying near the center. +A carnival scene with a vibrant dunk tank, the sign reading "Soak Your Therapist 5" prominently displayed, surrounded by colorful balloons and excited onlookers. The therapist, in a playful pose, waits in the oversized chair above the water tank. +A close-up of a vintage seed packet titled "Magic Beans", lying on a rustic wooden table. The packet is slightly worn, with an illustrated label depicting a lush beanstalk climbing into the clouds, surrounded by a garden of vibrant, exotic flowers. +A vintage 1920s poster titled "Jazz Age Nights", featuring a glamorous flapper in a sequined dress dancing under the neon lights of a bustling cityscape, with a jazz band playing in the background. The poster captures the vibrant, carefree spirit of the era. +A movie poster featuring an epic Nordic landscape with a looming figure of Odin and mystical trolls in the background, with the text "Odin og trollmysteriet" prominently displayed at the top. +A carnival game booth with a vibrant, colorful sign that reads "Win Giant Panda". A large, plush panda toy sits prominently on a shelf above the game, attracting the attention of passersby. The scene is lively, with people in the background enjoying the festivities. +A close-up of a spy camera lens cap, intricately engraved with the words "Smile for Big Brother", set against a backdrop of a dimly lit, secretive room, capturing the eerie essence of surveillance. +A modern bedroom with a digital alarm clock on a wooden nightstand, its screen brightly flashing "Wake Up Time" in red digits, next to a cozy, rumpled bed with a soft, warm blanket. +A modern kitchen with a microwave at eye level, the digital clock prominently displaying "Food Ready" in bright, green LED lights against a dark background. The scene is illuminated by soft, overhead lighting, creating a cozy and inviting atmosphere. +A realistic photograph of a laboratory door with a prominent warning sign that reads "Biohazard Zone Restricted", surrounded by sterile, white walls and faintly illuminated by overhead fluorescent lights. +A futuristic sci-fi spaceship console with blinking lights and holographic displays, prominently showing "Warp Drive Engaged" in glowing text, surrounded by sleek, metallic panels and advanced control interfaces. +A close-up photograph of a shiny dog collar tag, engraved with "If Lost Call 555MILO", set against a blurred background of a grassy park. The tag reflects a hint of sunlight, emphasizing its metallic texture. +A close-up of a vintage library bookmark, subtly worn and slightly curled at the edges, stamped with the text "Return By Friday" in bold, vintage font, set against a warm, soft-focus wooden desk background. +A black and white photo capturing a sleek saxophone, with the word "jazz" elegantly written in flowing cursive just above it, set against a subtle, textured background. +A close-up of a superhero's belt buckle, embossed with "Justice Unlimited", gleaming under a spotlight, with a gritty, urban background blurred in the distance. +A sleek, modern smartphone screen displaying a weather app interface with a bright sun icon and the text "Sunny 75F" in bold, set against a clear blue sky background. +A cozy coffee shop interior with warm lighting, wooden furniture, and a chalkboard prominently displaying "Latte Art Special" in elegant cursive, surrounded by hand-drawn coffee leaves and steaming cups. +A baker in a cozy, rustic kitchen, wearing an oven mitt with the print "Hot Stuff Coming Through", reaches into a wood-fired oven, surrounded by warm, golden lighting and the aroma of freshly baked bread. +A realistic photograph of a futuristic space cargo crate, with a prominent warning label that reads "CAUTION Alien Orchids Inside", surrounded by the intricate, bioluminescent petals of alien flowers. +An astronaut stands in a desolate lunar landscape, the helmet visor reflecting a critical "Low Oxygen" alert, while the Earth hangs low in the dark sky above. +A close-up of a pet collar tag shaped like a bone, with the text "Good Boi" clearly visible. The tag is shiny and well-polished, with a slight reflection of sunlight, set against a blurred background of a grassy yard. +A close-up of a chef's knife with its blade intricately engraved with the words "For Veggies Only", placed on a wooden cutting board, surrounded by fresh, colorful vegetables, with a subtle kitchen backdrop. +A wizard's cluttered desk, with an open spellbook revealing ancient runes, and a bright yellow "Apocalypse Postponed" sticky note prominently attached to its pages, under a dimly lit, mystical ambiance. +A realistic photograph of a bicycle helmet with a sticker prominently placed on its side, cautioning "Helmet Expires 2025", set against a blurred background of a city street. +A sleek smartwatch face displaying "Step Goal Achieved" with a vibrant green checkmark, set against a blurred urban backdrop at dusk, capturing the moment of accomplishment. +A close-up of an engraved silver ring with the inscription "Forever Yours" on its band, set against a soft, blurred background of romantic, warm tones, capturing the essence of eternal commitment. +A realistic construction site with a prominent warning sign stating "Hard Hat Area", surrounded by yellow barriers, safety cones, and partially completed building structures. Workers in high-visibility vests and hard hats are visible in the background, emphasizing the safety protocol. +A realistic photograph of a handwritten "Gone Fishing" note, slightly weathered and pinned with a red pushpin to the weathered wooden window of a rustic bait shop, with fishing gear and a small lake visible in the background. +A weathered ancient scroll unfurls, revealing an intricate header labeled "Secret Map 1588". The parchment is adorned with faded ink and subtle, mystical symbols, hinting at the map's hidden treasures and forgotten lands. +A futuristic car dashboard with a glowing warning light that reads "Low AntiGravity Fluid", set against the sleek interior of a high-tech vehicle, with a subtle blue ambient light highlighting the advanced control panels and holographic displays. +A close-up of a dog's collar, with a silver tag prominently displaying "If Found Call 5551234", set against a blurred background of a park. +A rustic farmhouse mailbox, painted with "The Smith Family", stands at the end of a gravel driveway, surrounded by a lush, green landscape with wildflowers. The mailbox is slightly worn, showing signs of weathering, enhancing its charming, countryside appeal. +A realistic photograph of a dog in a park, with a speech bubble above its head that reads "woof woof other dogs annoy us", surrounded by other dogs in various poses, all set against a green, leafy background. +A museum exhibit featuring a large, ancient dinosaur egg, with a label clearly stating "Dinosaur Egg 65 MYA" positioned next to it, illuminated by soft, focused lighting that highlights the egg's textured surface and the historical significance of the display. +A vibrant concert poster for "Rockfest 2024 Sold Out", featuring bold, neon graphics with a crowd of excited fans in the background, set against a dynamic night sky with stage lights and musical symbols. +A bustling airport terminal with a large digital screen prominently displaying "Flight 456 On Time" amidst a crowd of travelers, luggage carts, and overhead announcements, capturing the essence of a busy arrival scene. +A cozy farmhouse quilt pillow, intricately embroidered with "Home Sweet Home" in elegant cursive, rests on a rustic wooden bench by a sunlit window, surrounded by soft, fluttering curtains and a basket of fresh flowers. +A bustling farmer's market scene with a customer holding a reusable shopping bag that reads "Thank You Come Again", surrounded by vibrant stalls filled with fresh produce and cheerful vendors. +A vintage typewriter with a crisp sheet of paper inserted, featuring the typed words "Chapter 1 The Beginning" in classic font, set on a rustic wooden desk with a soft, warm light casting shadows. +A realistic photograph of a parking garage ticket machine displaying a printed ticket that reads "Valid Until 8 PM", with the surrounding environment showing a modern parking garage during the day. +A high-resolution space telescope image of the "Andromeda Galaxy M31", showcasing its intricate spiral arms and vibrant stellar nurseries, set against the dark expanse of the cosmos. +A detailed close-up of an engraved gold ring inscribed "Forever Yours", gleaming under the soft, warm lights of an elegant jewelry store, with reflections casting subtle glows on the ring's surface. +A high-speed race car with a sleek, red body and a bold "Speed Demon X1" decal on the hood, racing through a misty track at sunset, with the engine roaring and a blur of motion around it. +A realistic photograph of an apartment lease document with the clause "No Subletting Allowed" highlighted in yellow, lying on a wooden table with a pen and keys nearby. +A gritty, post-apocalyptic scene featuring a rugged, modified car with a bumper sticker that reads "Brains Off". The vehicle is parked in a desolate urban area, surrounded by crumbling buildings and overgrown vegetation, emphasizing the urgency of escape from a zombie-infested world. +A retro arcade loading screen with pixelated graphics, vibrant neon colors, and the text "Insert Coin Now" prominently displayed in the center, surrounded by classic 8-bit game characters and elements. +A minimalist black and white sign with the words "capsize" on a white background, rendered in a wireframe style, creating a striking piece of generative art. +A clear, high-resolution photograph of a sign at a science museum that reads "Touch Exhibits Gently", set against a backdrop of interactive exhibits and curious visitors exploring the space. +A close-up of a shiny dog collar tag, intricately engraved with the words "Call Mom If Lost", set against a soft, blurred background of green grass, emphasizing the tag's detailed text and reflective surface. +A serene lakeside scene with a wooden dock extending into clear blue water. A simple, weathered signpost stands near the dock, displaying a clear "Hourly Rates Apply" notice. The sun casts a gentle glow, highlighting the tranquil atmosphere and the reflection of the sign in the water. +A surfer stands on a beach at sunset, the sky ablaze with oranges and purples, with a detailed tattoo on their arm that reads "Ride the Wave" and features a vibrant wave cresting over a horizon. +A vintage brass genie's lamp, intricately etched with the words "Three Wishes Granted", rests on a worn, wooden table, illuminated by the soft glow of a nearby candle, casting mystical shadows in a dimly lit room. +A bustling city street at dusk, with a large digital billboard prominently displaying the warning "Traffic Jam Ahead" in bright red letters, casting a vivid glow over the congested traffic below. +A cozy bakery interior with a baker wearing an apron embroidered with "Knead to Relax", surrounded by fresh bread and pastries, warm lighting, and a rustic wooden table. +A vibrant skateboard deck featuring the bold slogan "Skate or Die" in graffiti style, surrounded by dynamic, colorful illustrations of skateboarding icons and urban landscapes. The design captures the rebellious spirit and energy of skate culture. +A mountain slope with rugged rocks naturally arranged to spell out "Go Hikers" in bold, clear letters. The scene is bathed in the warm sunlight of a clear day, with a blue sky and a few fluffy clouds in the background. +A rugged rock face features vibrant graffiti that reads "Climb Safely", surrounded by lush greenery and climbing gear scattered at the base, capturing the essence of outdoor adventure. +A close-up of the underside of a surfboard, showcasing the intricate "Wave Rider Pro" design. The board's sleek, matte finish highlights the detailed wave patterns and aerodynamic grooves, set against a backdrop of ocean waves. +A vibrant roller coaster photo booth with a playful sign that reads "Smile for the Camera", surrounded by colorful lights and excited park-goers, set against a sunny sky. +A realistic photograph of a kitchen fridge, with a handwritten note taped to the door that reads: "Grocery List Milk Eggs". The note is slightly crumpled, and the fridge shows signs of regular use, with a few magnets and a calendar nearby. +A vibrant circus tent banner sways in the breeze, prominently displaying "Big Top Show" in bold, colorful letters. The scene is set against a clear blue sky, with excited spectators gathering below, creating a lively and festive atmosphere. +A space probe floats in the vastness of space, its golden record prominently displaying the etched message "Hello World", reflecting the distant sunlight, surrounded by the serene darkness of the cosmos. +A realistic photograph of a dog park entrance, featuring a wooden sign with the text "Leash Your Pup" prominently displayed, surrounded by green grass and a few playful dogs in the background. +A museum exhibit featuring a detailed dinosaur fossil display, prominently showcasing a "T Rex Tooth Replica" in a glass case, with informative plaques and soft, ambient lighting enhancing the ancient and mysterious atmosphere. +A hidden, high-tech door set into a rocky cliff, subtly illuminated by moonlight, with a discreet sign that reads "Batcave Lite" above it. The scene is framed by dense foliage, adding to the secretive atmosphere of the superhero’s lair entrance. +A close-up of a vintage library book with a worn, leather spine titled "Secrets of the Nile", surrounded by other old books on a wooden shelf, with soft, warm lighting highlighting the text and details. +A realistic photograph of an elegant piano with sheet music titled "Moonlight Sonata" placed on the stand, illuminated by a soft, moonlit glow through a nearby window, creating a serene and contemplative atmosphere. +A vintage detective novel cover titled "Case File Unsolved", featuring a foggy city street at night with a silhouette of a detective holding a magnifying glass, illuminated by the dim light of a streetlamp. +A whimsical garden scene with a gnome standing beside a rustic wooden signpost. The signpost points toward "To MiddleEarth 3000mi", surrounded by lush greenery and colorful flowers, capturing the enchanting essence of a magical journey's beginning. +A neon bar sign flashing "Open All Night" above the entrance, casting vibrant red and blue lights onto the wet pavement of a deserted city street at night. +A medieval knight stands proudly, his shield emblazoned with the motto "Honor and Glory" in elegant calligraphy. The knight is clad in gleaming armor, standing against a backdrop of rolling hills and a majestic castle, symbolizing his noble quest and unwavering dedication. +A gritty urban scene featuring a large dumpster adorned with bold, colorful graffiti. The central text reads "Trash Queen Rules" in vibrant, dynamic lettering, contrasting with the worn, metal surface. Surrounding the text, abstract shapes and smaller tags create a chaotic, energetic atmosphere. +A realistic classroom scene with a whiteboard prominently displaying "Homework Due Friday" in bold, clear letters. Desks are neatly arranged, and a few textbooks lie open on some of them. The lighting is natural, with sunlight streaming through windows, creating a warm, inviting atmosphere. +A cozy porch with a welcome mat playfully stating "Go Away", surrounded by a vibrant garden and a wooden fence, under a sunny sky. The scene captures the humorous contrast between the inviting setting and the mat's message. +A close-up of a hospital wristband securely fastened around a patient's wrist, with the text "Allergy Penicillin" clearly visible in bold letters, set against a soft, neutral background. +Ancient cave painting showcasing a prehistoric scene of "Hunt the Bison", with crude yet expressive figures of hunters surrounding a massive bison, rendered in earthy tones with natural pigments on rough stone walls, illuminated by flickering torchlight. +A neon-lit unicorn stable sign reads "Warning Sparkle Zone" in glowing pastel colors, set against a dark, starry night. The sign is partially obscured by a mystical mist, with a faint rainbow shimmering in the background. +A solitary road sign stands in the vast, sun-baked desert, its weathered surface reading "Next Exit 200 Miles", surrounded by endless dunes and a clear blue sky. +A bustling race track with eager drivers at the starting line, "Green Flag Go" banner prominently displayed above, spectators cheering in the background, and the sun casting a warm glow over the scene. +A vibrant train car features bold graffiti that reads "Art Is Freedom", set against a urban backdrop with a mix of modern skyscrapers and gritty alleyways, capturing the spirit of creative rebellion. +A realistic office desk scene featuring a wooden plaque engraved with "Procrastination Champion 2023", surrounded by scattered papers and a cup of coffee, with a window showing a city skyline in the background. +A close-up of a scientist's lab bench, featuring a petri dish labeled "Culture Sample B" under a microscope, with detailed bacterial colonies visible through the lens, surrounded by scientific instruments and notes. +A vintage typewriter with a crisp, slightly yellowed paper stuck in it, displaying the text "Chapter 1 The End" in elegant, old-fashioned font. The scene is set on a wooden desk, with a soft, warm light casting a gentle glow, emphasizing the nostalgic feel. +A realistic photograph of a pilot's cockpit, with a detailed checklist on the control panel prominently displaying "Pre Flight Check Complete", surrounded by various instruments and controls, all bathed in the soft glow of the dashboard lights. +A vast field of golden wheat under a twilight sky, with a intricate alien crop circle that spells out "Lower Shields Earthlings" in a sophisticated pattern, surrounded by footprints leading to a nearby forest. +A snowman stands in a snowy landscape, its stick arm holding a sign that reads "Winter Wonderland", surrounded by frosted trees and a soft, white blanket of snow. +A cozy café scene featuring a rustic chalkboard menu prominently displaying "Try Our New Latte" in elegant script, surrounded by chalk-drawn coffee leaves and steaming cups, set against a warm, wooden background. +A cute piggy, standing on a grassy field under a clear blue sky, holds a handmade sign that says "spissoy" with a curious expression, surrounded by wildflowers and butterflies. +A detailed wizard textbook diagram, labeled "Turning Lead to Regret", showcasing the alchemical process with intricate illustrations of mystical symbols, potions, and a solemn wizard in a dimly lit room, surrounded by ancient tomes and glowing runes. +A snow globe vibrates, revealing a detailed "Winter Wonderland" inside, with snow-covered trees, a cozy cabin, and children playing in the snow, all encapsulated in a sphere of sparkling frost. +A rustic wooden sign on a gardener's tool shed reads "Keep Out Muddy Boots", surrounded by blooming flowers and neatly arranged gardening tools. +A close-up of a pharmacy warning label on a pill bottle, prominently displaying the text "May Cause Drowsiness" in bold, with a blurred background of various medication bottles and a pharmacist's workspace. +A weathered lighthouse keeper, holding a lantern, stands by the window of his small, stone lighthouse, gazing out at a turbulent sea under a dark, stormy sky. His logbook is open on the desk, with the entry "Storm Warning" clearly visible. +A laboratory bench with a sleek, modern design, featuring a glass flask labeled "Experimental Serum No 9" under a focused beam of light, surrounded by high-tech equipment and scientific instruments, with a blurred background of a researcher in a white coat. +A vibrant skatepark with a wall featuring bold graffiti that reads "Grind Till You Find", surrounded by skaters performing tricks and colorful skateboards scattered around. +A vast desert canyon with a weathered echo sign reading "Yell Help For Fun" stands against a backdrop of rugged cliffs and endless sky, capturing the essence of isolation and dry humor. +A realistic photograph of a roadwork barrier with "Detour Ahead" in reflective text, set against a dimly lit urban street at dusk, with construction cones and warning lights adding to the scene. +A modern art gallery featuring a sleek, minimalist plaque titled "Modern Abstract Collection" mounted on a white wall, surrounded by vibrant abstract paintings in various shapes and sizes, with soft ambient lighting enhancing the colors and textures. +An antique globe, its surface weathered and faded, marked with "Terra Incognita" across vast, uncharted ocean regions, sits on a vintage wooden stand, surrounded by old maps and compasses, under the warm glow of a desk lamp. +A realistic photograph of a gym locker room with a sign clearly reading "Shower Area Closed" hanging on a metal door, surrounded by rows of lockers and dim lighting. +A realistic photograph of a weathered wooden sign that says "Diffusion" hanging from a post in a rustic, countryside setting, with overgrown vines and a subtle mist in the background. +A detailed botanical illustration of an alien plant species, labeled "Venus Flytrap Cousin", showcasing its unique, otherworldly features in a realistic style, with intricate leaf structures and a vibrant, alien environment. +A TV show poster featuring a hauntingly serene landscape under a twilight sky, with the title text "Distant" prominently displayed in elegant, glowing letters at the top, set against a backdrop of misty mountains and an old, lonely road. +A wizard's crystal ball, fogged and swirling with mist, displays the cryptic message "Answer Unclear Try Later" in eerie, glowing letters, set against a dimly lit, mystical backdrop. +A modern digital voice recorder with a sleek, minimalist design, sitting on a white table. The screen displays "Press To Start Recording" in clear, bold letters, reflecting a sense of readiness and anticipation. +A detailed, realistic photograph of an amusement park ride entrance, featuring a brightly colored sign that clearly states "Height Minimum 48in", surrounded by playful decorations and excited visitors. +A realistic photograph of a fire station garage door, prominently displaying the text "Engine Company 8", with a red fire engine parked inside, and firefighters in full gear standing nearby, ready for action. +A cinematic movie poster featuring the logo "11 55" prominently at the center, set against a backdrop of a bustling cityscape at dusk. The logo is illuminated by neon lights, creating a vibrant and eye-catching visual effect. +A boxing ring with the mat prominently displaying "Round 3 Fight", surrounded by intense spectators, under the bright lights of a bustling arena. +A wedding cake topper featuring elegant script that reads "Happily Ever After", set against a backdrop of intricate floral decorations and sparkling lights, capturing the romantic and joyful atmosphere of a wedding celebration. +A cozy bakery interior featuring a vintage cookie jar labeled "Take One Leave One" with a cheerful smiley face, surrounded by an array of freshly baked cookies, with warm lighting and wooden shelves in the background. +A rustic wooden shed in a lush garden, with a weathered sign hanging on the door that reads "Keep Tools Clean", surrounded by blooming flowers and neatly arranged gardening tools. +A close-up of a wedding ring with the engraving "Forever Yours 061524" gleaming under soft, warm light, set against a blurred, romantic background. +A bustling subway station with vibrant graffiti that reads "Mind The Gap" on the wall, surrounded by commuters and the glow of overhead lights, capturing the dynamic energy of urban life. +A dimly lit medieval kitchen, a witch stirring a bubbling cauldron labeled "LOVE POTION 9¾" with glowing embers casting shadows on the stone walls. The scene is mystical, with wisps of steam curling upwards, creating an enchanting atmosphere. +A detailed beach scene with a majestic sandcastle featuring a vibrant flag that proudly displays "Kingdom of Shells", set against a backdrop of clear blue skies and gentle waves. +A nostalgic scene inside a vintage arcade, where colorful claw machines line the walls. A vibrant prize label reading "Win a Plushie" is prominently displayed, inviting players to try their luck at winning a soft, cuddly prize. +A close-up of a samurai sword scabbard, intricately engraved with the words "Honor Death" in traditional Japanese kanji, set against a backdrop of falling cherry blossoms. The texture of the scabbard is rich and detailed, capturing the essence of ancient craftsmanship. +A medieval knight on a battlefield, his banner unfurled high, proudly displaying "For King and Country" in bold letters, surrounded by the chaos of war, with broken weapons and fallen comrades, under a cloudy sky. +A laboratory setting with a glass flask on a wooden table, labeled "Volatile Compound" in bold letters. The flask contains a swirling, translucent liquid, and the scene is illuminated by soft, ambient lighting, highlighting the scientific equipment around it. +A realistic photograph of a camping tent with a clear instruction tag on the side, prominently displaying "Maximum Capacity 4 People", set against a backdrop of a serene forest. +A weathered pirate's treasure chest with the lid slightly ajar, revealing a glint of gold inside. The chest is carved with the words "Gold Inside", surrounded by intricate nautical motifs, set against a sandy beach with the ocean in the background. +A realistic photograph of an elevator panel, prominently displaying a red emergency sign that clearly states "Do Not Use During Fire", set against a modern, well-lit hallway. +An astronaut's meal packet, labeled "Space Tacos", floating in a zero-gravity environment, with the Earth visible through a window in the background. The packet is detailed with NASA branding and a small image of a taco. +A fluffy cat plays with a yarn ball, trailing a tag that reads "Chaos Catalyst", creating a dynamic and playful scene with vibrant colors and soft shadows. +A realistic photograph of an electric car charger station, prominently displaying a label that reads "EV Parking Only", set against a modern urban backdrop with sleek electric vehicles parked nearby. +A bustling construction site with workers in orange vests and blue jeans, machinery in the background, and a prominent sign reading "Hard Hats Required" placed at the entrance, ensuring safety protocols are clearly visible. +"Delayed 30 Minutes" displayed on a modern airport flight status board, with passengers looking concerned and checking their phones, under the soft glow of overhead lighting in a bustling terminal. +A cozy campfire scene with a marshmallow stick branded "Best Burnt Memories" roasting over the flames, surrounded by friends and the glow of firelight, in a realistic photographic style. +A weathered leather journal page, crinkled and stained, with the ominous handwritten note "Theyre Watching" scrawled across it in faded ink, set against a dimly lit, mysterious background. +A close-up shot of a modern fitness tracker with a sleek, black band, displaying "10000 Steps" in bold, green numbers on its clear, backlit screen, set against a blurred background of a city park at dusk. +A photo of two hands, one holding a heart and the other a lightning bolt, with the words "stotnikar" clearly visible in the background, set against a soft, warm lighting to highlight the contrast between the heart and the lightning. +A time traveler stands in a dimly lit alley, their wristwatch screen flashing "Now Arriving Trouble" amid the glow of neon signs and shadows. The scene is a blend of futuristic and vintage elements, capturing the essence of a critical moment in time. +A classroom wall adorned with a vintage poster that reads "Silence Is Golden", featuring a tranquil golden-yellow background and elegant, serif font, surrounded by neatly arranged desks and a chalkboard with mathematical equations. +A realistic photograph of a mountain trailhead, featuring a prominent sign that reads "Bear Country Ahead", surrounded by dense forest and rugged terrain, with a hint of morning mist adding to the atmosphere. +A dark, gothic bedroom with a grand, ornate coffin centered in the room. A silver plaque on the coffin reads "Do Not Disturb Day Sleeper" in elegant script. Dim, eerie lighting casts shadows across the scene, enhancing the mysterious and ominous atmosphere. +A realistic photograph of a pet store interior, featuring a large fish tank with a clear, prominently displayed sign that reads "No Tap Water" hanging on the front. The tank is filled with colorful fish, and the background shows shelves with pet supplies. +A majestic steampunk airship balloon, intricately embroidered with "Cloudsweeper VII", floats against a backdrop of gears and cogs, with a vintage brass and copper aesthetic, suspended over a sprawling industrial cityscape. +A beautifully decorated birthday cake with smooth white icing and elegant red roses, featuring the message "Happy 30th Birthday" in stylish gold lettering, set against a warm, cozy kitchen backdrop with soft, natural lighting. +A vintage typewriter with a sheet of paper inserted, prominently displaying the typed words "Chapter 1 I Shouldn't Be Here", set against a nostalgic, slightly worn background. +A realistic weather map with vibrant, detailed overlays, prominently displaying "Storm Warning Active" in bold, red text, surrounded by swirling storm clouds and lightning icons, indicating an imminent and severe weather event. +"Ride or Die" slogan boldly emblazoned on a vibrant skateboard deck, set against a dynamic urban graffiti wall. Sunlight filters through towering skyscrapers, casting dramatic shadows. The scene captures the essence of street culture and the fearless spirit of skateboarding. +A vibrant movie poster titled "Therapy", featuring a therapist and a patient in a cozy, sunlit office. The therapist, wearing glasses and a warm smile, listens intently while the patient, with a thoughtful expression, sits on a comfortable couch. The background includes bookshelves and a potted plant, adding a serene and inviting atmosphere. +A beautifully crafted wedding cake adorned with elegant frosting and a romantic inscription that reads "Happily Ever After", set against a soft, celebratory backdrop with twinkling lights and floral decorations. +A pirate flag with the skull and crossbones, titled "Queen's Curse", flutters in the sea breeze above a weathered wooden ship, its dark fabric contrasting against the twilight sky. +A realistic photograph of a vending machine with a label prominently displaying "Snack Attack 150", set against a modern office backdrop, with the machine's sleek design and the label clearly visible. +A baking show contestant stands proudly in the kitchen, wearing an apron embroidered with "Knead to Succeed". The warm, golden light of the setting sun streams through the window, casting a soft glow on the contestant and the neatly arranged baking tools on the counter. +A high school football player stands on the field at sunset, wearing a jersey with "MVP 2023" boldly printed on the back. The stadium lights cast a warm glow, highlighting his determined expression and the team's colors. +A smartphone screen displays the notification "23 Unread Regrets", set against a dimly lit bedroom with a soft, melancholic ambiance, emphasizing the emotional weight of the message. +A realistic classroom scene with a blackboard on which "Solve for X" is scribbled in white chalk, surrounded by other mathematical equations and diagrams, with desks and chairs in the foreground. +A construction site featuring a modern crane with its cab prominently displaying "Load Limit 5 Tons" on a digital screen, surrounded by steel beams and workers in hard hats. The scene is captured in a realistic photographic style, emphasizing the industrial setting and the clear visibility of the text. +An ancient, worn page from a wizard's spellbook, with intricate illustrations and mystical symbols. The central text reads "404 Error Magic Not Found", surrounded by faded, handwritten notes and diagrams in a mysterious language. +A Valentine’s Day card featuring "Be Mine Forever" written in elegant, heart-shaped letters, surrounded by a romantic arrangement of red and pink roses, with a soft, warm glow enhancing the heartfelt message. +A dimly lit sci-fi prison cell with cold, metallic walls, scarred and scratched. In the center, a prominent scratch reads "The Warden Is Android", casting a eerie glow in the dark, futuristic environment. +A detailed campground map with a clear legend, prominently featuring the "Water Source Here" marker, surrounded by scenic natural elements like trees and a gentle stream, ensuring the area's tranquility and utility for campers. +A charming boutique storefront named "Chic Attire" with a glass front displaying an array of stylish clothing and accessories, set against a bustling city street with pedestrians passing by. The sign above the door is elegantly lit, drawing attention to the shop's sophisticated aesthetic. +An ancient Egyptian library, dimly lit by torches, with a papyrus scroll titled "PHARAOHS RULE 4" unrolled on a wooden desk. The scroll is illuminated by the warm glow of the torchlight, revealing intricate hieroglyphics and detailed illustrations of pharaohs. +A busy city street with a modern bus stop. The slogan "Travel in a civilized way" is prominently displayed on the bus stop, surrounded by people waiting for the bus, with skyscrapers and passing vehicles in the background. +A firefighter's truck with a bold decal that reads "Rescue Team" parked in front of a burning building, surrounded by emergency lights and smoke, in a realistic photographic style. +A vibrant urban alleyway with a graffiti wall prominently displaying "Street Art Rules" in bold, colorful letters. The scene is alive with the energy of the street, with shadows of passersby and the faint outlines of other artworks in the background. +A drone controller's screen displays "Low Signal" with a blinking connectivity icon, set against a backdrop of a dimly lit room with a technician looking concerned. +A detailed, realistic photograph of a spy gadget briefcase interior, with various high-tech tools and gadgets neatly arranged. The inner lid is stamped with "Top Secret Eyes Only" in bold, red letters. +A whimsical treehouse nestled among lush green leaves, with a rustic wooden sign hanging from the entrance that reads "No Adults Allowed Clubhouse", surrounded by playful decorations and a rope ladder leading up to the door. +A realistic photograph of a wrist tattoo in cursive script "Carpe Diem" with delicate floral accents winding around the letters, set against the natural skin tone, captured in soft, natural light. +A serene campsite at dusk, with a campfire blazing in the center. The smoke from the fire gently rises and forms the words "Stay Wild" against the twilight sky, creating a mystical and inviting atmosphere. +A futuristic restaurant scene with a sleek robot waiter holding a silver tray, a note on the tray clearly reads "Table 5 Order Ready", under soft, ambient lighting. +A beach volleyball tournament banner "Summer Slam 2024" hangs prominently over a sandy court, with players in vibrant uniforms preparing for the game. Sunlight glistens on the water in the background, and spectators gather under colorful umbrellas, creating a lively and energetic atmosphere. +A lone mountaineer stands at the summit of Everest, a flag with "We Conquered Everest" proudly planted in the snow. The flag flutters in the crisp, high-altitude wind, against a backdrop of snow-capped peaks and a clear blue sky. +A realistic kitchen scene with a refrigerator in the background. On the fridge door, a handwritten note saying "Buy Milk" is attached with a small, colorful magnet. The note is slightly wrinkled, giving it an authentic, lived-in look. +A wedding cake adorned with a cake topper that reads "Till Debt Do Us Part", set against a backdrop of elegant white and gold decorations, with a pair of rings nestled beside it. +A bustling subway station featuring a vibrant tile mosaic titled "Downtown Central", depicting iconic city landmarks and bustling urban life, with commuters rushing by and the glow of neon signs reflecting off the polished tiles. +A medieval wizard tower with a wooden sign hanging above the entrance, clearly displaying "Magical Items Sold Here" in glowing runes. The tower is surrounded by a misty forest, and a faint trail of smoke rises from its stone chimney. +A vintage train station platform, dimly lit by the setting sun, features a classic sign reading "Next Departure 315 PM" hanging above the waiting passengers, evoking a sense of nostalgia and anticipation. +A retro rocket dashboard with vintage gauges and dials, prominently featuring a fuel gauge labeled "Fuel ツ". The scene is illuminated by the soft glow of neon lights, giving it a nostalgic and futuristic feel. +A vintage neon sign in vibrant red and blue flashes "Open 24 Hours" above the entrance of a retro diner, casting a glowing aura on the sidewalk and the nostalgic 1950s-style cars parked nearby. +A "No Swimming" marker buoy floats near the polluted lake shore, surrounded by murky water and littered with debris, under a gloomy sky. +A modern ambulance parked on a city street, with a vivid side decal featuring the words "Emergency Response" in bold, clear letters, reflecting the urgency and professionalism of the medical service. +A vibrant nightclub scene with a crowd dancing under pulsing lights. A bouncer checks wrist stamps, revealing a glowing "Over 21 Only" in UV ink. The atmosphere is electric, with neon signs and reflections on polished surfaces. +An ancient, weathered page from a wizard’s spellbook, titled "Invisibility Charm", with intricate illustrations of magical symbols and a detailed description of the spell’s ingredients and casting method, set against a backdrop of glowing, ethereal light. +An ancient, dusty wizard's spellbook lies open on a wooden desk, illuminated by a single candle. The page is filled with mystical symbols and handwritten notes, with a margin note clearly stating "Works 60 of the Time". The room is dimly lit, casting shadows that add to the mystical atmosphere. +A realistic photograph of a bustling New York street with a movie prop newspaper stand in the foreground. The top headline reads "Aliens Land in New York", with pedestrians pausing to look at the dramatic, eye-catching front page. +A high-energy fitness ad featuring a determined athlete mid-exercise, with sweat glistening on their skin and muscles tensed. Bold text reads "Unleash Your Potential" above their head, set against a vibrant, motivating background. +A bustling subway station with a digital sign prominently displaying "Next Train in 5 mins", surrounded by commuters waiting on the platform, with the metallic gleam of a train visible in the distance. +A modern DJ booth with a large screen displaying "NEXT TRACK LOADING" in vibrant, neon colors, set against a backdrop of glowing city lights and enthusiastic clubgoers. +A detailed close-up of a superhero cape, showcasing intricate embroidery that spells out "Captain Justice" in bold, gleaming letters, surrounded by symbolic elements like stars and shields, set against a deep, textured red fabric. +Astronaut’s journal entry: "Mars Day 1 Red Soil Ahead" — An astronaut stands on the Martian surface, surrounded by vast, rust-red soil. The horizon stretches endlessly, dotted with distant hills. The sky is a hazy orange. A rover is parked nearby, and the astronaut’s reflection can be seen in their helmet visor. +A vintage Wild West wanted poster for "The JPEG Bandit", featuring a rugged outlaw with a pixelated patch over one eye, standing against a dusty frontier town backdrop. The poster is weathered, with a $1000 reward in bold letters. +A close-up of a worn concert ticket stub with the text "Rock the Night Away" prominently displayed, set against a background of a vibrant, colorful crowd at a rock concert, with stage lights and smoke effects enhancing the energetic atmosphere. +A nostalgic roadside diner at night, its neon sign glowing brightly with "Open 247" in vibrant red and blue, casting a warm glow over the empty parking lot and foggy street. +A beachside rental cabin with a wooden sign clearly displaying the text "No Pets Allowed" hanging by the entrance, surrounded by sand and palm trees, with the serene blue ocean in the background. +A medieval knight's shield, emblazoned with the phrase "Defender of Code", lies on a weathered oak table, surrounded by flickering candles and ancient tomes, in a dimly lit stone chamber. +A camping tent with a label reading "Waterproof 4 Person Tent" is set up in a lush forest clearing, surrounded by tall trees and a gentle stream, with morning sunlight filtering through the leaves. +A realistic urban scene featuring graffiti on a brick wall, spelling "Revolution Now" in bold, crimson spray paint, with the surrounding area showing signs of wear and tear, enhancing the raw, powerful message. +A child's colorful drawing on a white sheet of paper, featuring stick figures of a family with big smiles, a sun in the corner, and the caption "My Happy Family" written in crayon. +A gym membership card featuring the bold motto "No Pain No Galaxy" prominently displayed, set against a vibrant, cosmic background with stars and galaxies, emphasizing the connection between intense workout and interstellar exploration. +A rustic farm gate with a weathered wooden sign prominently displaying "Fresh Eggs Daily", surrounded by a verdant, sunlit landscape with a coop in the background. +A vintage rocket on a launchpad, its side emblazoned with "To Infinity Beyond" in retro font, under a clear blue sky, with a futuristic cityscape in the distance. +In a modern art gallery, a sleek, silver plaque titled "Abstract Thoughts in Blue" is mounted on a white wall, beneath a large, vibrant abstract painting dominated by shades of blue, with subtle hints of silver and gray. +A sleek digital alarm clock on a bedside table, displaying "Wake Up 6 00 AM" in bright, glowing red digits against a dark background, with a soft morning light filtering through the curtains behind it. +A charming flower shop with a rustic wooden door and a vintage chalkboard sign prominently displaying "Fresh Roses 10 Dozen" in elegant cursive, surrounded by blooming roses in various shades of red and pink, set against a sunny backdrop. +A weathered stone tablet fragment, partially buried in mossy ground, with the carved warning "Beware Cyclops Cave" clearly visible, set against a backdrop of dense, ancient forest. +A vibrant movie poster featuring the iconic skyline of Buenos Aires at dusk, with the logo "Buenos Aires plateada" prominently displayed in silver, set against a gradient of deep blues and purples, capturing the city's elegant and mysterious atmosphere. +A hiking trail sign, weathered by the elements, clearly points "Summit 1 Mile Ahead" amidst a lush, mountainous landscape, with a winding path leading into the distance. +A retro gaming arcade cabinet titled "PacMan Eats Salad", featuring a vibrant, pixelated Pac-Man character munching on leafy greens, set against a neon-lit background with classic arcade game aesthetics. +A weathered pirate map on parchment, showing a coastal village with "Ye Olde Chip Shop" marked by a bold, red X. The map is detailed with old-world typography and nautical symbols, giving it an authentic, treasure-hunting feel. +A vibrant movie poster with the text "Save the Green Planet" prominently displayed, set against a backdrop of lush forests and a clear blue sky, with eco-warriors in action, illustrating the theme of environmental conservation. +A realistic backstage scene at a vibrant concert, featuring a "VIP Access All Areas" pass hanging on a lanyard, with excited fans and crew members bustling around, stage lights casting colorful shadows, and musical equipment set up in the background. +A high-tech spaceship control panel with sleek, futuristic interfaces and a red blinking alert that reads "Warning Oxygen Low" prominently displayed, set against the dim, ambient lighting of the control room. +A close-up of an astronaut's glove, with a digital display on the wrist showing "O2 Levels Normal", set against the backdrop of a star-filled space. The glove is slightly worn, with a metallic sheen reflecting distant galaxies. +A realistic smartphone screen with a lock screen notification at the top, displaying "3 New Messages" in clear, bold text, set against a dark background with a subtle gradient. +A neon sign flashing "Open 24 Hours" illuminates the rain-soaked night above a bustling convenience store, casting vibrant reflections on the wet pavement and drawing the eye of passersby. +A bustling supermarket aisle with a prominently displayed sign reading "Canned Goods Aisle 7", surrounded by shelves stocked with various canned foods, under bright fluorescent lighting. Customers browse and select items, creating a lively shopping atmosphere. +A close-up of a pet collar tag, engraved with "If Lost Call 5551234", lying on a wooden table with a soft, natural light illuminating it, capturing the texture and detail of the metal. +A rustic wood sign, weathered by the elements, reads "Fresh Honey 2 Miles" and stands by a winding country road, surrounded by wildflowers and tall grass, with a distant forest backdrop. +A vibrant artist’s canvas titled "Abstract Thoughts", featuring swirling colors and abstract shapes that seem to dance and blend into one another, creating a dynamic and emotional visual experience. +A neon bar sign flashing "Last Call" hovers above a bustling counter, where patrons crowd around, sipping their drinks in a dimly lit, smoky atmosphere. +A vibrant graffiti mural on a weathered brick wall, featuring "Rebel Hearts" spray-painted in bold, dynamic letters with a mix of bright colors and shadows, capturing the rebellious spirit of the message. +"Ride Or Die" skateboard deck graphic, featuring a bold, graffiti-style text with a gritty urban background, vibrant colors, and dynamic elements like motion lines and spray paint splatters, capturing the spirit of skate culture. +A sleek, silver UFO hovers above a forest, its side emblazoned with the words "We Come In Peace" in bold, glowing letters. Trees sway gently in the breeze, and a beam of light from the UFO illuminates a small, surprised deer. +A close-up of a firefighter's jacket, prominently displaying a patch that reads "Fearless Rescue Squad", set against a backdrop of a smoky, urban landscape. The patch is crisp and detailed, with a slightly worn texture, reflecting the bravery and dedication of the wearer. +A worn detective's notebook lies open, the page filled with scribbled notes and faded ink. In the center, the words "Case Unsolved" are prominently written, emphasized by a thick, dark line. The background shows a dimly lit, cluttered desk with scattered evidence and a vintage typewriter. +A cozy bakery counter with a muffin wrapped in a colorful paper that reads "Morning Magic Inside", steam gently rising, surrounded by pastries and the warm glow of morning light. +A realistic photograph of a hospital room, focusing on a patient's wrist wearing a blue wristband printed "PATIENT 24601 DOE", with medical equipment and a window showing a cloudy sky in the background. +A modern bookstore interior with a shelf labeled "Bestsellers of 2024", featuring a variety of colorful book covers and a few browsing customers. The lighting is warm, and the shelves are neatly organized, highlighting the vibrant atmosphere of a popular reading spot. +A vintage poet's typewriter sits on a wooden desk, a page titled "Whispers of the Wind" inserted, with the soft glow of a desk lamp highlighting the elegant, worn keys and the first lines of verse appearing on the page. +A vibrant, realistic photograph of a DJ setup with a sleek, modern turntable. The label "Spin Mix Repeat" is prominently displayed on the turntable, with ambient lighting casting soft shadows. The background features a crowd enjoying the music, enhancing the energetic atmosphere. +A hot air balloon with the basket labeled "Sky Voyager III" floats over a serene landscape at sunrise, casting long shadows. The basket, made of wicker, is detailed with ropes and a burners system, while the balloon fabric glows with the morning light. +A high-speed race car with the hood open, revealing intricate engine details, and the bold text "Speed Demon X1" prominently displayed, set against a dynamic racing track backdrop with blurred surroundings to emphasize speed and motion. +A modern highway scene with a large billboard prominently displaying "Solar Power Solutions", showcasing a bright, sunny landscape with solar panels in the background, capturing the essence of clean, renewable energy. +A baker in a bustling kitchen, wearing an apron with the print "Flour Power Expert", surrounded by sacks of flour and baking tools, with a warm, golden glow from the ovens in the background. +A futuristic laboratory setting with a young scientist wearing a sleek, white lab coat. The badge on the chest is embroidered with "Mad Scientist Intern", reflecting a blend of professional attire and playful ambition. The lab is filled with high-tech equipment and glowing screens. +A close-up of a firefighter's helmet, prominently displaying a sticker that reads "Rescue Team Alpha", set against a backdrop of a smoky, dimly lit warehouse interior. The helmet is slightly worn, with a few scratches, emphasizing the bravery and dedication of the rescue team. +A beautifully decorated birthday cake with smooth, white icing that elegantly reads "Happy 30th Birthday" in vibrant, red letters, surrounded by colorful candles and placed on a rustic wooden table, with a soft, warm glow from overhead lighting enhancing the festive atmosphere. +A realistic photograph of an engraved wooden sign at a trailhead, reading "Hikers Only", surrounded by lush green foliage and a dirt path leading into the forest. +A carnival ticket booth at dusk, with a neon sign reading "Rides Closed After Dark" casting a soft glow over the scene, surrounded by faded posters and empty benches, capturing the eerie yet nostalgic atmosphere of a closing fairground. +A vibrant candy wrapper design featuring swirling, colorful letters that spell out "Fruit Burst", surrounded by playful fruit illustrations and dynamic swirls, creating a lively and appealing visual. +A city bus stop at dusk, with an electronic sign prominently displaying "Downtown Express" in bright, clear letters. The sign is illuminated, reflecting off the wet pavement from a recent rain. Commuters wait under umbrellas, and the city skyline is visible in the background, lit up by the setting sun. +A marathon runner, drenched in sweat, with determination in their eyes, wearing a bib numbered "Finish Strong 42", crossing the finish line amidst cheering spectators and fluttering flags. +An ancient, leather-bound wizard's spellbook lies open on a wooden desk, illuminated by a flickering candle. In the margin, a faint but clear note reads, "Try frog instead". The room is dim, with shadows casting an eerie glow, emphasizing the mysterious and secretive nature of the spell. +An astronaut stands in front of "Moon Base Alpha", their helmet visor reflecting the futuristic lunar facility and the barren, grey landscape beyond, under the stark light of the sun. +A realistic photograph of an engraved stone plaque set in a lush park, with the text "Welcome to Greenhaven" clearly visible, surrounded by green foliage and a tranquil path leading into the distance. +A laboratory setting with a scientist holding a clipboard that reads "Experiment 42 Success Mostly", surrounded by beakers, charts, and scientific equipment, with a focused expression on their face. +A close-up of a weathered detective's notebook, a page turned to a detailed entry with a name circled in vivid red ink, the words "Prime Suspect" clearly visible, set against a backdrop of faded blue paper. +In a desolate, post-apocalyptic cityscape, a dilapidated wall bears the stark graffiti: "Hope is a Lie". The scene is bathed in the gloomy light of an overcast sky, with debris scattered around, emphasizing the desolation and abandonment. +A realistic photograph of a moon base landing pad, with a prominent sign that reads "Parking for Mars Shuttles", surrounded by the stark, gray lunar landscape and a distant, gleaming Mars shuttle. +An astronaut stands on the lunar surface, their helmet visor reflecting the futuristic "Moon Base Alpha" in the distance, under the stark, shadowy landscape of the moon. +A bustling train station with a vintage aesthetic, featuring a prominently displayed board listing "Platform 9 3/4" amidst other platform numbers, surrounded by travelers and the steam of passing trains. +A realistic photograph of a school cafeteria wall, featuring a brightly colored sign that reads "Lunch Menu Monday", with a variety of food items listed below, including pizza, salad, and fruit, surrounded by cheerful, cartoonish illustrations. +A student walks through a bustling school hallway, their backpack prominently displaying the slogan "virgins" in bold letters. The scene captures the mix of curiosity and embarrassment from onlookers, with the student's determined expression and the playful tension in the air. +A bustling supermarket freezer aisle with a vibrant banner overhead declaring, "Ice Ice Baby 50% Off". Shoppers browse frozen treats, and the aisle is stocked with ice cream, popsicles, and novelty frozen desserts. +A well-lit jewelry store display case prominently featuring a sign that reads "Engagement Rings 50% Off". Various sparkling engagement rings are arranged on a velvet background, with soft, warm lighting enhancing their shine and elegance. +A wristband for a vibrant music festival, featuring the slogan "Feel the Beat" in glowing ink, set against a backdrop of colorful lights and enthusiastic crowd, capturing the energetic atmosphere of the event. +A close-up photograph of a modern power strip with a clear label that reads "Do Not Overload Outlets", set against a neutral background, emphasizing the warning text and the sleek design of the power strip. +A detailed ice sculpture sign reading "Winter Festival 2024" illuminated by soft, blue lights, set against a snowy backdrop with frosty trees and a clear, starry night sky. +A bustling stadium with a large scoreboard prominently displaying "Final Score 3 0" in bright lights, surrounded by cheering fans and the glow of evening spotlights, capturing the triumphant moment of a sports event. +A museum exhibit featuring an ancient artifact with a prominently displayed label that reads "Do Not Touch", set against the backdrop of dimly lit, elegant exhibition hall. +A bustling city street at dusk, with a cozy bookstore's window prominently featuring a "Bestsellers Display". Warm, inviting lights shine on a curated selection of books, each cover vivid and eye-catching, while passersby pause to glance at the titles, reflecting the allure of the literary world. +A laboratory door with a clear "Authorized Only" sign, set in a modern research facility. The door is slightly ajar, revealing a glimpse of high-tech equipment inside, with sterile white walls and reflective floors. +A futuristic cityscape at dusk, a sentient robot stands in the center, its chest display flashing "Error Emotions Detected" amidst a crowd of onlookers, the neon lights reflecting off the wet pavement. +A rugged, powerful car designed for off-roading, with a bold and aggressive stance, surrounded by a dusty, rocky terrain. The text "pile" is prominently displayed on the side of the vehicle. +A medieval castle drawbridge with a large, weathered chain prominently marked with a sign that reads "Pull in Emergency", set against a moody, overcast sky, emphasizing the historical and functional importance of the mechanism. +A serene yoga studio with a large, elegant wall decal that reads "Breathe In Breathe Out", surrounded by minimalistic decor and soft, ambient lighting, creating a peaceful and inviting atmosphere. +Retro diner setting, vintage jukebox with a glowing screen displaying "Select Song 25", surrounded by 50s-style decor, soft neon lights, and classic vinyl records on the wall. +A weathered pirate treasure map with intricate details, showing a tropical island with mountains, forests, and a beach. The map is marked with a prominent "X Marks the Spot" at the center, surrounded by faded compass directions and cryptic symbols. +An astronaut in a detailed spacesuit stands against the backdrop of a distant Earth. The helmet's visor clearly reflects a red warning that reads "O₂ LOW", highlighting the critical situation. The scene is set in the eerie silence of space, with stars twinkling in the darkness. +A vast, empty highway at dusk, with a large billboard reading "Next Exit Parallel Universe" looming ahead, casting a surreal glow, surrounded by misty, undefined landscapes hinting at the unknown. +A laboratory bench with a glass flask prominently displayed, labeled "Do Not Drink Formula 7X". The flask contains a glowing, swirling liquid, with scientific instruments and beakers in the background, capturing the essence of a high-tech research facility. +A futuristic city street at dusk, a robot dog with an LED collar displaying "Battery Low Seek Outlet" wanders alone, the neon lights reflecting off wet pavements, emphasizing the urgency of its search. +A close-up of a modern industrial coffee machine with a sleek metallic finish, featuring a prominent "Caution Hot Surface" label on the side, surrounded by steam rising from the spout, in a realistic photographic style. +A realistic photograph of a school hallway with lockers, focusing on "Locker 327 Combination 122436". The locker is slightly ajar, with a faded sticker of a sports team on its surface. The lighting is soft, typical of an indoor school setting. +A detailed nutrition chart titled "Calorie Count" displayed on a whiteboard in a modern kitchen, surrounded by various fruits and vegetables, with a clean, minimalist aesthetic. +A gritty urban scene featuring graffiti that boldly proclaims "Revolution Now" spray-painted on a weathered concrete bridge pillar, set against a backdrop of a bustling cityscape at dusk. +A close-up of a train ticket with "Non Refundable" boldly printed across it, lying on a worn wooden table, a half-open travel guide and a steaming cup of coffee nearby, under the warm glow of an old desk lamp. +A cinematic movie poster for a detective film titled "Case of the Missing Clock", featuring a gritty urban landscape at dusk, a lone detective with a magnifying glass, and a mysterious, antique clock partially obscured in the background. +A suburban backyard fence with a vivid "Beware of Dog" warning painted on it, surrounded by neatly trimmed grass and shrubs, under a clear blue sky. +A detective's desk, cluttered with papers and a vintage typewriter, features a prominent clue envelope sealed with "Top Secret" at the center, under a dim desk lamp, casting shadows that enhance the mystery. +An ancient, tattered map with intricate illustrations, showing a whimsical margin note that reads "Here Be Dad Jokes", surrounded by quill-pen doodles of comedic sea monsters and sailors laughing heartily. +A vintage time capsule buried in a lush, green park, with a sleek metal plaque that reads "Open in 2050", surrounded by autumn leaves and a subtle mist, capturing the essence of a serene, historical moment. +A carnival strongman game with a muscular figure attempting to lift a heavy, ornate list labeled "Lift This Text Prompt List", surrounded by cheering onlookers and colorful, festive decorations. +A realistic photograph of a gym towel with "No Pain No Gain" screen printed in bold, vibrant letters, hanging over a modern gym equipment, with a slightly out-of-focus background showcasing other workout machines and a few active gym-goers. +A muddy dog pawprint trail spelling "I Was Here" across a clean, white kitchen floor, captured in a realistic photograph, with the trail leading to an open back door. +A graffiti-covered train car, vibrant with urban art, prominently tagged with "Metro Express" in bold, colorful letters, standing against a city skyline at dusk. +Retro arcade screen with pixel art, displaying the message "Insert Pizza to Continue" in bold, colorful letters. The screen is framed by classic game console aesthetics, with a slice of pizza sitting on a controller nearby. +A whimsical weather station with a wizard in a pointed hat, holding a glowing crystal ball that displays raining frogs. Large, translucent frogs gently fall from stormy skies, splashing into puddles. The wizard points to a sign that reads "Chance of Rain Frogs 80%". +A eerie, overgrown path leads to a dilapidated gate of a haunted house, with the chilling message "Enter If You Dare" etched in old, rusted iron. The gate is half-open, revealing a shadowy, fog-filled courtyard beyond. +A student's notebook page filled with whimsical doodles, featuring the phrase "I Heart Physics" prominently, surrounded by scattered stars and equations, capturing the playful enthusiasm of a young physics enthusiast. +A close-up of a robot's chest plate, intricately engraved with "Error 404", set against a futuristic, dimly lit background. The metallic surface reflects subtle ambient light, highlighting the precision of the engraving. +A baker stands in a cozy, sunlit kitchen, wearing a crisp white apron embroidered with "Knead to Bake". The apron is the focal point, with the text clear and detailed. The baker’s hands are dusted with flour, and a fresh loaf of bread rests on the counter behind them. +A vibrant birthday party scene with a large, colorful cake featuring frosting that reads "Over the Hill at 30", surrounded by laughing friends and family, with balloons and streamers adding to the festive atmosphere. +An ancient, worn parchment with faded ink script reading "Beware the Ides", set against a dimly lit, mystical background, capturing the essence of a historical warning. +In a whimsical fairy tale forest, a delicate magic wand emits a soft, ethereal glow, spelling out "Make a Wish" in shimmering light, surrounded by enchanted flora and twinkling fireflies. +A vibrant beach scene with a large, colorful towel spread out on the sand, featuring a repeating pattern of the words "Sun Sand Surf" in bold, playful fonts, surrounded by beach accessories like flip-flops and a surfboard. +A scientist examines a microscope slide labeled "Cell Division Party", revealing a vibrant, animated scene of cells dividing and interacting, as if celebrating a lively event, with colorful, dynamic imagery that brings the scientific process to life. +A bustling football stadium with a large scoreboard prominently displaying "Home Team 21 Visitors 14" under a clear sky, fans cheering in the stands, and players on the field celebrating a recent score. +A close-up of a spy camera lens with intricate engravings that read "Smile for Big Brother", set against a dark, secretive background, capturing the eerie and intrusive nature of surveillance. +A cozy café scene featuring a steaming coffee cup with a sleeve printed with "Caution Hot", surrounded by a wooden table, a notebook, and a sunny window in the background. +A close-up of a coffee cup with a sleeve printed "Caution Hot", set on a rustic wooden table, surrounded by the warm glow of morning sunlight filtering through a nearby window. +Realistic urban scene of a subway station wall adorned with vibrant graffiti, prominently featuring the phrase "Street Art Rocks" in bold, colorful letters. The surrounding area is filled with diverse street art, capturing the dynamic energy of urban culture. +In a modern game lobby, a sleek game console sits on a glass table, its screen vividly displaying the word "hypodermic" in bold, glowing letters, surrounded by futuristic interface elements. +A close-up of an old library book's first page, showing a vintage stamp that reads "Return by 1015", surrounded by faded text and a slightly worn paper texture. +A vibrant elementary school poster featuring colorful illustrations of children reading books, with the prominent text "Reading Is Fundamental" in bold, cheerful fonts, surrounded by whimsical bookshelves and flying book pages. +A serene campsite at dusk, with a campfire burning brightly. Rising from the fire, smoke forms the words "Send Help ASAP", clearly visible against the twilight sky, emphasizing the urgency of the message. +A detective's cluttered desk with a case file prominently displayed, stamped "OPENED BY MISTAKE" in bold red ink, surrounded by coffee cups, pens, and scattered papers, under the glow of a desk lamp. +A tombstone in a serene pet cemetery, surrounded by lush green grass and gently swaying wildflowers, with the inscription "Good Boy Gone Too Soon" clearly visible. The scene is bathed in the soft, warm light of a setting sun. +A bustling airport terminal with a modern departure board prominently displaying "Flight 808 Delayed" in bright, blinking lights, surrounded by a mix of frustrated and anxious passengers. The scene is captured in a realistic photographic style, emphasizing the tension and atmosphere of the moment. +A firefighter, wearing a helmet labeled "Rescue Team Leader", stands confidently amidst a controlled training fire, his reflective gear gleaming under the harsh lights of the firetruck. The helmet's label is clearly visible, emphasizing his leadership role in the rescue operation. +A cozy bakery interior with a rustic wooden table, a basket of freshly baked bread, and a small tag hanging from the basket that reads "Carbs = Happiness" in elegant handwriting. +A skyscraper window cleaner's bucket, labeled "Fearless Cleaner", dangles precariously from a high-rise building, with the cleaner diligently scrubbing the glass while the city buzzes below. +A dimly lit prison cell with worn, gray stone walls. In the center, a single flickering bulb casts shadows. On the wall, deeply scratched in bold letters, reads "Innocent 423", illuminated by the faint light. +An ice rink rental counter with a sign that reads "Skate Size 8 Available", surrounded by neatly arranged ice skates and happy skaters in the background, captured in a crisp, realistic photograph. +A close-up of an elevator inspection certificate, prominently displaying "Last Check 2023", attached to a modern elevator door with a sleek, metallic finish. The certificate is slightly weathered, with a faint watermark, enhancing its authenticity. +A close-up of a wizard's hat with a tag that reads "Sorting Hat Model 20", set against a magical, dimly lit backdrop with floating candles and mystical smoke swirling around it. \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/dataset/pickscore/prpocess.py b/ppdiffusers/examples/flow_grpo/dataset/pickscore/prpocess.py new file mode 100644 index 000000000..0b65fb132 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/pickscore/prpocess.py @@ -0,0 +1,42 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import random + +from datasets import load_dataset + +# Load the original dataset +dataset = load_dataset("/m2v_intern/liujie/research/huggingface/dataset/yuvalkirstain/pickapic_v1", num_proc=16) + +# Process train split +text_dataset = dataset["train"].select_columns(["caption"]) +unique_dataset = text_dataset.unique("caption") +unique_dataset = [s for s in unique_dataset if s.count(" ") >= 5] + +# Shuffle the unique dataset +random.shuffle(unique_dataset) + +# Split into test (2048 samples) and train (remaining samples) +test_size = 2048 +unique_text_dataset = unique_dataset[:test_size] +train_dataset = unique_dataset[test_size:] + +# Save the datasets with shuffling +with open("/m2v_intern/liujie/research/flow_grpo/dataset/pickscore/train.txt", "w", encoding="utf-8") as file: + for line in train_dataset: + file.write(line + "\n") + +with open("/m2v_intern/liujie/research/flow_grpo/dataset/pickscore/test.txt", "w", encoding="utf-8") as file: + for line in unique_text_dataset: + file.write(line + "\n") diff --git a/ppdiffusers/examples/flow_grpo/dataset/pickscore/test.txt b/ppdiffusers/examples/flow_grpo/dataset/pickscore/test.txt new file mode 100644 index 000000000..45f05231b --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/pickscore/test.txt @@ -0,0 +1,2048 @@ +Beautiful woman in skin tight body suite working out in the gymq +a jung male cyborg with white hair sitting down on a throne in a dystopian world, digital art, epic +beautiful asian girl with huge naturals in pool +man having fun with his girl in his bed +enigmatic black square building on top of a purple hill, smoke stacks +Noah is standing with his wife and three sons on ark.the ark is floating on Ocean Realistic Image +genere un perfil de rostro de 3/4 de una mujer sofisticada de 23 años latina, alegre, cabello negro +an epic angel dressed in blue with white wings +cinematic still of highly reflective stainless steel Bitcoin logo in the desert, at sunset +wide shot of detailed compact simple starship in space, battle, fast, simple volume, geometrical, star wars, sharp, dynamic, cyberpunk, revolutionary, lightweight, volvo, bertone, minecraft, funky, studio scene, high contrast, super realistic, volumetric lighting, glimmery light, product lighting, high detail, super realistic, high contrast, cinematic lighting, rtx, octane render, behance, 4k, highly detailed, professional photograph, terrazzo, advertisement, epic +photo of Ford Focus RS, night time, city, city roads, Miami streets +An impressionist portrait of a shar pei +Labrador in anime style, black and white photography, highly detailed, +eating pizza at a romantic date +Davy Crockett eating a burger at McDonalds +exquisite marble detail, spray, glitter, holding battery powered dildo, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, +Painting of a brane sphere interior, metallic shimmer, noctilucent, intricate, photorealistic, colorful, psychic style +A blue mill in a sunset +a fisheye lense photograph of jesus doing a kickflip +Yin-Yang, 3d blender, realistic texture, 4k parallax, detailed intricate highly detailed details, interesting, unique, unusual, delightful +A digital illustration of a dragon flying over a castle, fantasy style +General Peron riding an Atomic Bomb +a Ferari car that is made out of wood +selfie photo of jesus and pope +Man with dreads on a beach during a purple thunderstorm +Red Stop sign, school bus in the background, 3d render, animation movie still +"A baby connected to a neural network in a bunker 😂" +Doom slayer standing over demons in hell +Antique, warm hues, dark haired, massive, hairy fat BDSM portly male Bishop in frilly white lace tutu, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Black and white 1905 year futuristic portrait of old mad professional photographer with camera in hand in a desert sadly covered by frogs +Sorcerer in a D&D RPG setting in the woods, rpg style +Lunch in Bavaria - oil painting +head with no face portrait Studio Harcourt style hyper realistic +A photo of a beautiful young woman, cute +SNK The King Of Fighters artwork dark medieval ghotic trio +Skinny little preteen 8 year old girl, highly detailed face, croptop and miniskirt, instagram, kindergarten classroom +camera, 8k, 4k, high detailed, realistic photo of a pale german young woman, black hair, bossy, standing on a street +photo of a college couple in leather outfits +MGb car smashing through hole in the wall ,sparks dust rubble bricks ,studio lighting +Portrait frame Penthouse Magazine, expressive and deep symmetrical eyes, stunning face, naive and innocent facial expression, stunningly beautiful slender girl, shaggy haircut, white hair color, in a sci-fi tight-fitting jumpsuit, the girl looks up into the camera, against the background of a white sci-fi room, stunning quality, ultra-high resolution, photorealistic, 8k, hyperrealism, rembrandt lighting +an abstract painting of a dragon flying over a grass field +Art deco skyscraper design, in a dark pine forest, 35mm colour film photography +The fable of the monk who sold his Ferrari excluding the Ferrari +Sinead O'Connor ripping a photo of the Pope +mechanical giraffe, electronics, motors, wires, buttons, lcd, led instead of eyes +Mesmerizing intergalactic cosmic ballroom, celestial beings in intricate gowns and suits dancing among the stars, art by Donato Giancola, Michael Whelan, and Kinuko Y. Craft, dazzling colors, opulent details +a beautiful woman with red hair holding an umbrella, gta style +the letters "BWAY" in graffiti style, esports style logo, detailed, professional, coherent +an overgrown abandoned red barn, covered in vines, sunlight filtering through, a stag deer standing in the entrance, 4k +Young man with an orange beard, cartoon style +Man looking into a pond web, that has leaves that spells text "SDXL" +Watercolor painting of woodpecker, afternoon backlight, by greg rutkowski, by anders zorn +tom cruise as a werewolf, concept art, ultradetailed, embellishments +Dark dim dramatic, an image of a girl in a magical world, galaxy sky, long brown hair, artistic, trending on artstation, unreal engine 5 +gentleman frog in a top hat +mickey mouse in black and white film noir gangster style new york +Fornasetti Style Picture of lost carthage Westminster Abbey sunny roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, plants overgrown outstanding detail ,room flooded, in front of a building, by PAUL ROBERTS +, fantasy, absurdism, pastel, photo, refined, Ice cream +Kangal puppy wearing golden chain on neck with dollar sign pendant +a motorcycle made of white sharks, high quality, photograph, depth of field +raw photo, pale albino alien girl with big fish eyes and white hair, horror, headshot photo, nikon, dslr, wildlife photography, 8k uhd, highly detailed skin +Smiling black chubby teen, wearing bare, wicca tattoos riding skateboard, breakdance upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +H.P. Lovecraft and four scholars in the early 30's photo in Miskatonic university's library +A photo of a person with the head of a cow, wearing a tuxedo and black bowtie. Beach wallpaper in the background +A portrait of a renaissance prince painted by Raphael +A giraffe by escher, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Abraham Lincoln gives an outdoor speech to large crowd +A man in a suit hanging by the neck +Horror, shot on arri, a jellyfish futuristic spaceship landing on a desert, twilight +teddy bear and a Morris Mini-Minor,big dancing teddy bear +Steampunk Superman and dieselpunk Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +A hi res photo of a beautiful young woman named curvy Jo, wearing a tight sweater +Viktor Orban crying in a Prison +A black Rose with logo of Bitcoin on a propaganda poster alone in the dessert +futuristic realistic photo highly detailed city casablanca morocco cyberpunk street render concept art new historic blend +lovecraftian cultist girl with polycoria realistic +Tiger in suit wearing glasses, anthropomorphic tiger +an anthropomorphic piebald wolf, medieval, adventurer, dnd, town, rpg, rustic, fantasy, hd digital art +An image of a woman close to a man in bed +a mother and daughter in hijab is standing in front of the house and talking +full body portrait of a Scottish highland bagpiper, on a small stage outdoor, Braemar Highland Games , realistic texture, Natural light, 8k, HD, high quality, film grain, Fujifilm, Analog, Stock photograph +A pencil illustration of a fanged grim reaper +raw photo, Homo heidelbergensis hunter gatherer apeman, headshot photo, nikon, dslr, 8k uhd, highly detailed skin +britney spears in 6 in stripper heels +skull demon king concept art portrait by Casey Weldon, Olga Kvasha, Miho Hirano, hyperdetailed intricately detailed gothic art trending on Artstation triadic colors Unreal Engine 5 detailed matte painting, deep color, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution, gothic deviantart masterpiece +purple dragon flying over a castle on a hill +wideangle photo view futuristic people standing on voxel landscape looking at a distant view ,with a city in the distance +real polaroid photograph, dark lighting, portrait, extremely skinny pale young woman kneeling with tall thin mushrooms sprouting out of her back and spine, long tall thin mushrooms growing out of body +polaroid photograph, cinematic lighting, wide shot, extremely skinny pale young woman kneeling and transforming into a hyperrealistic glistening bulbous fungal lovecraftian creature with long thin tentacles and hundreds of eyes and mushrooms, moldy abandoned factory +octopus on top of a horse statue +dissected selfieharm pregnant girl at hospital +A man submerged in a tar pit, caught in the process of transforming into a black gooey latex lioness, emphasizing the slick and shiny latex effect. Award-winning wildlife photography capturing the essence of the metamorphosis, featuring slime, goo, and the solo subject mid-transformation. Wildlife Photography, DSLR, transformation-focused, dynamic scene +a two headed slug at a fork in the road +professional hyperrealistic 4k fantasy video game screenshot of a hybrid between a bobcat ocelot and clouded leopard with antlers, swirling blue mist surrounding it and carrying a lantern in its mouth, happy, rpg, dnd style, HD, hyperdetailed +An asian man in a suit holding a sign with text "I eat dog!" +a whimsical and playful image of a pizza helicopter with toppings like pepperoni, mushrooms, peppers, and olives. The pizza should be transformed into the shape of a helicopter, complete with rotors, landing gear, and cockpit windows. +3d render of an obsidian-clad dark knight, with a menacing aura, and a faint red glow from his eyes barely seen from under his helmet, scratches and imperfections, ornate detail, warrior pose , accurate color grading, rvb, Sony A7 III, Sigma Art 85mm DG HSM, perfect, subsurface scattering, unreal engine 5 +a happy nepalese girl in a village +Beautiful image presenting that AGI is coming, digital concept art, sci-fi, cyberpunk, superintelligence supercomputer, futuristic, monumental AI singularity oracle, breathtaking, bottom view, intricate details +A photo of a statue of a dog made from white marble +vintage watercolor illustration of an easter bunny on a spring day in a field holding a basket of easter eggs +town at the bottom of the hill +the word "ALL" , text in graffiti style, t shirt design, esports style, detailed +a Ferrari car that is made out of wood +anime style, young woman wearing a leather jacket, cyberpunk, +A photorealistic rendering of an ancient Arab battlefield, capturing the intensity and drama of the conflict with meticulous attention to detail and realistic shading. +Raw Photo, masterpiece award winning close up of a massive timber wolf standing in the moonlight in the dark in the darkness +extreme closeup of insta girl, pastel rainbow, large glittering shiny beautiful eyes, pastel rainbow hair 🌈 with iridescent glowing highlights, fantasy, glittery, opalescent, iridescent, glowing, shimmering, shiny, bright rococo, painterly, oil painting, by Ruan Jia and Bernie Wrightson and John Romita and Irakli Nadar and Yanjun Cheng and Julia Razumova and Kuvshinov Ilya and Anastasia berry and artgerm and guweiz and wlop and kim jung gi +A fantasy landscape with a castle on a hill and a dragon flying overhead +Viking warriors and beautiful viking women celebrate exuberantly next to an open fireplace with a campfire in the middle of a big viking hall, magical, mystical, fantastical +a girl reading a book in a reading nook with a big window and a lot of pillows, a ginger cat on the girl's lap +Session planning with two boards for a BarCamp +any flag that is not brazilian +a blue tree that grows rainbow roses +Cyberpunk cyborgs, synth, Ancient India style, fine details, si fi, silver on a black background, three-dimensional molding, neon lighting, contrasting shadows, contour light, robots, three-dimensional sculpture, high resolution, 8k detail, baroque, clear edges, technology, mechanisms, +Still life, tullips in the vase, close up shot, high details, 32k, by Peder Monsted, Jeremy Mann, Daniel F Gerhartz, Aaron Grffin ultra detailed +An image of south of Chinese in 1980s +underground temple, game render, dark fantasy +art print by alicexz, agent the matrix, the mad hatter, alice in wonderland, agent smith wearing a top hat, wallpaper, background from the matrix +fisheye lens selfie photo from atop a chocolate skyscraper in a candy city +A highly detailed digital portrait of an anime otoko no ko, with androgynous features and intricate clothing, standing in a bustling city street at night, illuminated by the colorful lights of the city, using a dynamic lighting scheme and inspired by the artist CLAMP +pale albino alien hybrid eerily beautiful woman, wraith-like, clammy waxy skin, with big fish eyes and long white hair, doll face, intimidating, black dress, antichrist, horror, dark fantasy painting, oil on canvas, dungeons and dragons, +white zentai woman wearing white zentai body in zentai aesthetic product illustration +a picture of a man with a water faucet valve on the back of his neck +Ben Shapiro as a hobbit and jordan peterson as a wizard +majetic Red panda warrior with a sword, fantasy art print by legend of ravaging dynasties +2d anime illustration of young female warrior with white hair and white eyes with an attractive body wearing a fullbody white scale armor with blue decorations standing victorious, high quality, cinematic lighting, sharp focus, +An elongated spaceship in Star wars the clone wars series style +A bad hand drawn pencle paper picture of a cute mixed breed dog. +a caucasian college guy face profile pic +a developer with robot hand in a cyberpunk bunker +Ocidental Woman, red-haired, photorealistic digital painting, in a park, cgsociety, natural skin, soft impressionist perfect composition, perfect face, character portrait, intricate, oil on canvas, masterpiece, expert, insanely detailed, 8k resolution, fantasy art, detailed painting, hyper realism, photorealistic, beautiful detailed intricate, insanely detailed, colorful, vibrant colors, shiny, realism, colorful, volumetric lighting, close up, 8k, detailed, unreal engine 5, ray tracing, 8k, cinematic, depth of field, octane render, realistic lighting, cinematic lighting, oversized jacket, good anatomy, highly detailed, fit, ultra realistic, highres, superb, extremely detailed, intricate, limited palette, smile, ultra detailed, perfect, award-winning, unity, stop motion, hyperfocus, tonemapping, sharp focus, scary, zoom out, style by hitenkei, style bypiromizu, style by maccha, blue eyes, detailed eyes, anime screencap, picturesque background, blush, full body, standing on a campus road, tone mapped, highly detailed, beautiful, small details, best quality, intricate, smooth, soft, detailed, 4k, 8k, trending on artstation, good anatomy, beautiful lighting, award-winning, raytracing, intricate details, rule of thirds, masterpiece, illustration, highres, colorful, beautiful face, highly detailed face, volumetric lighting, masterpiece, extremely detailed, zip up windbreaker, shadows, Fall leaves, winter style, tight jeans +Inside a computer, high tech landscape, tron, intricately detailed, best quality +A blue chicken running after a giant white wolf +photo of a beautiful blonde swedish 15 year old girl +Explosive, neon smoke, night lights, psychedelic white teen model ballerina, bare breatsed, fast cars, breakdancing, upside down, splits, octane render, 8K HD +A highly detailed portrait of a Cabbage Monster painted by Wayne Barlowe featured on ArtStation +a close up of a car near a dinosaur, a photo, fantastic realism, movie screencap, amazing wallpaper, 1990, ffffound, action adventure scene, close-up!!!!!, beautiful wallpaper, award - winning photo ”, screenshot from a movie, rain!!!!, famous photo, foto, exclusive, movies +Blue heart pillow with face on it +Cute grey cat, digital oil painting by salvador dali +flesh eating robot worm in jungle +laughing nasty fractal brain bug scratch +photograph of a blonde woman sitting on lap of man +a titan ravaging the raging seas +fantasy art print, peaceful giant kingfisher from legend of ravaging dynasties, drawing +A ship sinking to the depths of the sea, ship is braking apart, storm, underwater photograph +arcane style, one single colorful potion in a round bottle with a glowing galactic landscape inside of it on a messy brown table, papers and books, sunlight from a window, soft lighting, atmospheric, bottle is the focus. by makoto shinkai, stanley artgerm lau, wlop, rossdraws, james jean, andrei riabovitchev, marc simonetti, krenz cushart, sakimichan, +a photorealistic 3d render of a fast-paced GT car in a raining japanese cyberpunk street, motion blur, neon lights, , photorealistic, +raindrop falling onto dry earth, epic cinematic action shot, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style +fighting dwarf, old, priest, light, screaming, having shield +Marilyn Monroe drinking a beer on a bar, art by caravaggio +a poster of a soccer player kicking a soccer ball, diego 5, game poster, inspired by Tibor Czorba, inspired by Grzegorz Rutkowski, poster, diego koi, diego fazio, art poster, poster colour on canvas, poster art style, inspired by Adrian Zingg, inspired by Willem Pieterszoon Buytewech' +a high quality yellow black logo for a gambling website named as "husbet" +An image of a man piloting a robot from the neck down, surrealist painting, cyberpunk style, surreal punk, katsuhiro otomo, red moon, followed by crazed demonic bishop is in iron maidens +An incredibly cute penguin wearing a scarf and a hat with pompon, pixar movies style +Anime style, A female astronaut wearing a scifi skinthigth form fitting latex space suit +a close up of a person wearing a costume, cyberpunk art, by Philippe Druillet, album cover, symmetrical dieselpunk warrior, grand admiral thrawn, a still life of a robot, holy machine, clockwork woman, orbital, king crimson, avatar image, shusei nagaoka, large view +a penguin astronaut, in a penguin spacesuit, standing next to the apollo landing module on the lunar surface +the view from inside an apartment looking out a window into a busy street, by alan lee, sunset, windowsill has a big flowerpot, window glass reflecting, intricate, highly detailed terrain, digital painting, artstation, concept art, smooth, sharp focus, illustration, vfx +Medium long-hair highland cat with blue eyes in dark brown color. +a realistic photo of a baby wearing sunglasses and driving a bus +a drop of liquid metal falling onto dry earth, epic cinematic action shot, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv +charcoal drawing of a majestic black pegasus flying in a mountain landscape by jmw turner and bob ross and monet, charcoal +steampunk cat in a steampunk city +A. Non-binary, mixed race, older writer +cosmic horror picture of a giant squid eating the sun +Portrait of an alien woman. She is cute and wearing glasses. +Frontal portrait of queen elizabeth, by Van Gogh +A wide-angle selfie shot of a stylish llama holding holds a neurolizer, a well-tailored black suit with sunglasses cinematic visuals influenced by Barry Sonnenfeld, 1990s atmosphere, sharp focus, dynamic angles, expressive lighting, sci-fi movie, photographic style, particles and sparkles, 2000s dvd screenshot, anamorphic lens flares, shot on panavision, shot on kodak, fantastic, editorial photography, hbo cinematic, men in black dvd screengrab movie directed by Barry Sonnenfeld +A Photo of a Dog , High Resolution, High Quality, Many Details, Real Life +Marilyn Monroe wearing a shirt that reads Worship +Scene from a film for adult obly +hot woman full body, uncovered, pleasure +photo frederick doris royo fdr gren old gossisunlight ,Jules Bastien-Lepage +Style knollingcase Picnic 🧺 a statue of a man standing next to a poster, a storybook behance contest winner, qajar art, style of alexander trufanov, encyclopedia illustration, magazine illustrations' +a tiny spider macro photography, morning dew +Fantasy war/ immense detail/ hyper realistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +a woman with a male organ +a 2d anithropomorphic pig, cartoon style, anime style +A geometric abstract impasto oil painting representing the conflicting emotions of humanity +Elephant in the style of Jeff koonz +, fantasy, pastel, absurdist, photo, Wes anderson, pineapple character +The text PIZZA made out of pepperoni +Antique, warm hues, dark haired, massive, fat BDSM portly male Bishop in pink latex, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A masterful artistic digital rendering of a glass of dark red wine by Simon Prades, Huang Guangjian, Russ mills, Shaun Ryken, celestial, UHD, 8k resolution, post-apocalyptic editorial art, The Last of Us, complex and hyperdetailed, beautiful composition, a modern surrealistic masterpiece by Dan Mumford +A sailing ship on a prismatic ocean +Black and white 1905 year portrait of futuristic professional photographer with camera in hand sadly covered by mushrooms +nigel farage laughing, league of legends splash art, vaporwave, in the style of gta 5 loading screen, by stephen bliss +Sprouts in the shape of text 'Imagen' coming out of a fairytale book. +Lightning Bolt Sorcerer woman, messy hair, purple eyes, wearing a robe, a mischievous grin, lightning in hands +upside down photo in a giant cavern within an asteroid lit with warm light lanterns and moss on the surfaces +Horror scary ghost in mirror in dark room +1987 scary heavy metal art, scary psycho killer monster, 80s scary horror illustration, no text, mk ultra, iron maiden, 80s illustration of futuristic heavymetal band, monster, cybernetic prison, metal art +"The Handshake" film still, panavision, 8K, movie by Francis ford Coppola +A digital painting of a dark sorcerer, brush strokes, paint drops, ink drops +Barbarian with the head of a goose +A photograph of a (2100's:1.1) (volkswagen:1.0) concept (electric sports car:1.1) at a rural town street, volumetric lighting, 35mm, canon, realistic, vivid, full car centered, night, city background, warm ambience, front view car, car photography +Antique, warm hues, dark haired, massive, fat legs spread, large erection, fisting portly male Priest, little pecker, in frilly pink lace tutu and bra, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +an image of winner with the text Claudia Noemi +Historical cinematic realism Versailles 1750 man wearing period servant's clothes pushing rococo lawnmower made with porcelain gold and jewels +Marilyn Monroe sticking tongue out wearing glasses holding a sign that says Rock N Roll +A huge castle and city at dawn. detailed matte painting, deep color, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution trending on Artstation Unreal Engine 5 +High detail RAW color photo professional close photograph of taylor swift with muscular black man,interracial portrait,textured skin,sensual,masterpiece,award winning photo,4k,high quality, highly detailed, +Illustration of two men sitting at a table eating food and drinking wine, by Hiromu Arakawa +creepy brutalist gothic castle with red windows on a hill covered with red grass and moody sky +a portrait of a freckled 18 year old woman with red short hair +Lightning Greaves: This artifact equipment card gives the equipped creature haste and shroud, making it a popular choice for protecting and enhancing creatures in combat. Its low cost of 2 mana also makes it a versatile card in many decks a close up of a card on a table,Jace, 'a couple of horses that are standing in front of a building, exterior of scifi temple, promotional movie poster, pamukkale, celestial collision, dwarves, epic buildings in the center, climax, tombs, selenar, cinimatic, tuba, by Cui Bai, eternalsArchitect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academifront of box cover civilization board game, Jace, the mind sculptor Jace, the Mind Sculptor It is a blue planeswalker card that has become one of the most popular and powerful in the game. He has four different abilities that allow him to draw cards, manipulate the opponent's library, and control the battlefield.8k, highly detailed, through time, evolution, wheel, technology, stone working, wood working +Cat shaped like a bong, being smoked by an alien, thick outlines digital art +in a room a MGb car smashing through hole in the wall and velociraptor ,sparks dust rubble velociraptors ,studio lighting,white walls, +australian model, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Painting of cryptocrystalline quartz melted gemstones crystalcut flowers garden style +A cat on playing chess, digital art, oil painting +A flower blooming out of a crack on a boulder +Alfred Hitchcock as a janitor, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +Black Details, Modern Skycraper, Marble, Glass, Metal, Luxury, Gold, Manhattan, Building, Architecture, Opulent, Architectural Vision +Raw, dslr, uhd, HDR, 8k, Cinematic movie still, dramatic lighting, David Beckham in neon Genesis Evangelion uniform, cyberpunk, Cinematic movie still in the style of interstellar and the fifth element and blade runner 2049, sci-fi futuristic portrait, catch lighting in eyes, astronaut spacesuit, x-men uniform, dune stillsuit, starship captain,glossy pupils, glossy iris, intricate detailed eyes, Green eyes, Zeiss F1.2 aperture 50mm lens with Hasselblad camera, ISO200, by liosh and Greg rutkowski and alphonse Mucha +surrealist painting of a night sky, nebula, official art, fine art, award winning, trending on artstation, 4k resolution, depth of field, masterpiece, vintage, muted colors, surrealism, art in style of David Alfaro Siqueiros oil painting, extremely detailed, intricate, dramatic, high detail, +Close up on red mate beautiful texture lips of young apealing attractive beautiful nun +picasso style art of the galaxy +Chinese face joyful, fine art, HD, 8K +Patroclus and Achilles hugging, illustration, riso, lithograph +an elven rogue crouched above an open door with a dagger +a fat fluffy cat is dancing on a wooden floor in a room, wearing a tutu, Catrin G Grosse, graceful, a colorized photo, kitsch movement, mid tone light, 1930 +photograph of a beautiful medium format camera, all of its components are made of tranparent pvc, retro +Black french bulldog with a tenis ball +female character god of war ragnarok +melted polymer clay sea turtle deep blue sea style +john wesley shipp the flash, oil painting +Darth Vader themed Cereal, Darth Vader-O's +a steampunk spaceship that looks like a cuttlefish, in orbit around the planet saturn, art print by nasa +Selfie of a cute Korean 22yr female, wearing a sheet robe, neon hair +A masterful Kodak portra 400 film still of a gorgeous disrobed pale goddess wide hips modern photography fiery auburn hair +Realistic Black and white portrait of Jenna Ortega triple D cup as a 19 year old , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +pic of me as a Warhol picture +An ethereal creature crafted from the depths of the ocean, with a body of rolling waves and a face of glimmering light +beautiful blonde girl laughing, profile view +simu liu, goatee, shaved head, chub +a hybrid animal, tiger body, hawks head, stalking prey, painting +A portrait of cyberpunk inquisition: giant kinky Muscle bald beardless boy demigod severe Slaughter inquisitor covered in red fluid came to oppress and enslave. black uniform. art by Ilya Repin +a photo of a famous actress +she had a vacant stare as her mind was controlled. illustration +a blonde woman with wavy hair from the side +a 12 year old girl and her pet raccoon +illustration of a journey towards spiritual enlightenmentstairs to heaven in the mesmerizing tarot style, highly detailed, intricate, art by Alphonse Mucha +4k 200mm telephoto zoom, full-frame, detailed, photo, future, futuristic futurism, casablanca morocco, cyberpunk, street, historic blend, market, technocratic, theocratic +A cybernetic octopus in a futuristic cityscape! +a man and a woman talking at a cafe, ultra realistic, high detail, sunny setting +Obese Lana del Rey eating a cake, insanely detailed, photorealistic, 8k, , +porty male caricature from a 90's cartoon in a comic role +baroque painting of woman in science fiction futuristic costume +stacked russian model full body shot wearing french maid outfit, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +a girl rides on a swing +A dwarf bursting a human head with a hammer +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Keith Thompson +inside view of Yankee stadium, at dusk, breathtaking art, stunning, high resolution, highly detailed, inspirational, 8k +action figure of a frog wearing a pink kimono, while drinking a cup of coffee, professional photography, ultra realistic, 8k, product photo +A digital painting of jenna coleman +a futuristic motorcycle designed by syd mead, hq, high res, unreal engine 5, ray tracing, volumetric lighting +digital oil painting by van gogh and alicexz, the exploding tardis +Alice in wonderland in renaissance style +dog statue the top of mountain +Fossegrim, water spirit, playing the the violin, art style of Brian Froud and Andrew Ferez +Cartoon sketch style a seemingly endless view of African workers at desks in front of computer screens in a printmaking style. +a cyberpunk cafe, the bartender is a beautiful edgy cyberpunk girl. beautiful, highly detailed, 3d render +animation character, boy, 17yo, handsome, fashion clothes, in city, night +a cup of coffee splashing morph into a rising phoenix rooster with bramble and sparkle sparks spark particles, beautiful studio lighting, appetizing lighting +overgrown giant fantasy forest, high quality, realistic +Junglepunk vampire with bat wings hiding in dark haunted jungle full of junglepunk creatures. by daniel gerhartz and mobius and john bolton and frank frazetta and olivia and jim burns and royo and sanjulian and rebecca guay and Julie Bell. vivid colors, 8k. +impressionism blackgirlshelldigger juvenmetmuseum england coastal ,Jules Bastien-Lepage, woman climbing up the wet stone cliffs, African girl +Nun sticking tongue out wearing sunglasses holding a sign that says Famous +Photorealistic image of Felicity Jones as a 19 year old Realistic , smooth face , dynamic light , dynamic shadows , studio background, image taken by photographer +An old age guy from uttar pardesh india, real lighting +Album Cover Art of "Within the Machine" by Perturbator, 80s cyberpunk style, heavily modified monochrome pixels, sci-fi, dark, grunge, moody, future +Two girls posing with the Knesset in the background +blue skin, anime water elemental girl art, genie, magic, fantasy, inhuman, glowing eyes, liquid hairs, water hairs, blue skin, water skin, wet, digital art, mastepiece, art by artgerm and John William Waterhouse +film still a grey alien with big head big black eyes and antenae on the head looking at the lens +highly realistic render of sonic at the beach relaxing +an anime-style portrait painting of a powerful mage approaching a tower +BEautiful landscape in thr style of Stusomu Nihei +polaroid photograph, terrifying apparition creature standing behind a little girl in an old abandoned bedroom , +Young Geri halliwell as barbarella, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +spectral asteroid colliding with a broken planet +a tiny mouse on a tunnel. +a garden full of forest brownies epic fantasy +an undercover intelligence agent walking through the streets of new york city +3D rendered anime female beautiful beauty anthropomorphic fox acts as a singer in front of an audience on stage, high detail, improved anatomy, maximum clarity, 8k, facial detail, high detail face +Painting in the style of Klimt, batman overlooking Granville coast from a tower Plage du Plat Gousset in France with the sea and the beach in the foreground, gold, golden, swirls dots and colours, by artist Klimt +, fantasy, pastel, absurdist, photo, refined, moot +a profile portrait of a science fiction nurse +a hot toy for a mature lady +water colors a colorful meadow filled with wildflowers, where a big brown bear is strolling through the grass. In the background, there might be a beehive with busy bees buzzing around it, while a butterfly and a bumblebee flutter around the flowers. In the foreground, there could be a stack of books with the letter "B" on the spines +A Photo of Daenerys Targaryen in a hot dress, Realistic, Very Detailed, +strybk, Five christian people wearing purple religious robes with their head covered surrounded by pink flowers and with an open purple arch above. They are standing next to each other and looking at the viewer's direction. Spiritual scenery, heavenly heavenly sunshine beams divine bright soft focus holy in the clouds, kids story book style, muted colors, watercolor style +a beautiful blonde 15 year old woman wearing intricate gold filigree armor, fantasy armor, digital art, 8k, castle in background, volumetric lighting, looking forlorn +A natural landscape with everything made of glass +close up photo of joe rogan +The scene depicts a street at night, with a tram traveling through the center of the frame on tram tracks. There are tall buildings on either side of the tracks, with fog and streetlights illuminating the area. In the foreground, HD, 8K +album cover art for new Radiohead album +A bird flying into the mountains +jedi slicing pizza with a saber +A man with a mask that looks like a dog, sitting on top of a car with a chainsaw in his hand. It's night. +Holding up massive male black marble dildo, chubby Afro American girl doing aeriel twisted splits breakdance upside down bare in silver latex, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +color photograph of a young blonde woman hugged by old indian man,high quality,beautiful woman, +classical painting of an haitian zombie, voodoo, forest, night time, oil painting, candle lights, moon +bitcoin mango hanging from a tree next to the ocean +**a portrait of a surfer surfing on a turtle surfing a wave over the blue ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +a mallard walking through a cyberpunk maze +A movie still from a 1980s Space Adventure film +detailed paint of a sword, highly detailed paiting by gaston bussiere, craig mullins, j.c. leyendecker, 8k, royal paiting, dynamic lighting +photo of muscle guy bald Slaughter pooping at prison toilet. wear raunch briefs, highly detailed face, killer look, Hard close-set eyes, born criminal +a man standing on top of a roof next to a tall building, pixel art by Paul Kelpe, featured on tumblr, pixel art, #pixelart, anime aesthetic, 2d game art +3d game model, an abandoned robot in a dank cave, sad, black background +photo of a woman, epic heroic fantasy human commander, red and white clothing, long black hairs +an intricate art nouveau edges frame, with golden entertwined edges and empty black center, highly detailed, artstation, concept art, matte, sharp focus, +a depiction of a generic anime kirin as an overweight anthro. +Terrence Mckenna sticking tongue out wearing glasses holding a sign that says Rock N Roll +A bodybuilder man staring at the viewer. +a disco ball sitting on top of a tiled floor, trending digital fantasy art, healthcare worker, planet earth background, depicted as a 3 d render, hollow cheeks, executive industry banner, orb, world of madness, scattered, rounded face, 2 0 1 4. modern attire, uncaring, digitial illustrationa close up of a toy ship on a table, tabletop game board, in the style wes anderson, hq print, war of the worlds, ffffound, photo taken of an epic intricate, vast seas, streaming on twitch, layout design, full image, template layout, little nightmares, outputs +A sleeping giant man, lying on a hill with its head resting on a cloud. +a gorgeous gigachad doing makeup outside +Dimwitted big furry alien character, one single mono-horn +Joe Biden playing basketball in a jersey +A dragon made out of glass and technology +Photo of a woman sitting in a restaurant holding a menu that says “Menu” +a suit of armour constructed from meat +photo of 55-year old man in dia de los meurtos costume, fitness, exercise, running, yoga, ambient music, burningman, cooking, adult comics, Halloween, health, quantitative self, biometrics, digital marketing, socialism, television, detailed, f1.8, 8k +A selfie on the streets of gotham with the batman and boy wonder +vector logo of a viper snake +Celtic Fantasy, classic sierra adventure game, pixel art +giant canyon clouds below epic photorealistic painting trending on artstation +fantasy, pastel, absurdist, photo, yolky characters +8 year old girl at the pediatrician being examined +panorama photo of a giant gold cat statue,walls karnak,stone floor entrance,tutankhamun,columns,wideangle,by david roberts +Domus Aurea: This legendary land card represents the grand palace built by the Emperor Nero in ancient Rome. It has the ability to tap for colorless mana, and also allows the player to draw a card and lose one life point whenever a creature they control deals combat damage to a player. +logo, for ASU supporting mental health, housing, and food security +A painting of the river Nile from above, birds eye view, by Claude Monet, impressionism, impasto +An Asian woman covered in slime +Beautiful image presenting that Artifitial General Inteligence is coming, digital concept art, sci-fi, cyberpunk, superintelligence!!! supercomputer, futuristic, trending on ArtStation, monumental mysterious oracle, cybernetic transcendent , breathtaking, bottom view, embodiment of wisdom singularity, intricate details +Chubby cute plastic alien penguin with glowing eyes in space +A photorealistic tiny dragon taking a bath in a teacup, coherent, intricate +baroque painting of woman in science fiction futuristic costume, sci fi, computers +old photo of a man playing drums in amazonas jungle +blackandwhite photo of a teddy bear and a AustinMini car in a city street at night cyberpunk, AustinMini ,silver car,studio lighting, +Beautiful woman in tight leather suite +tres trozos superpuestos de papel arrugado blanco crean un collage artístico. composición super simple y minimalista. cubismo. en el estilo de los collages azules de Matisse. fotorealista. +gutted dead pregnant girl. guro art by Ilya Repin +a teen girl licking a banana, crisp 8K photo, sharp focus +wisdom watercolor girl in the mirror +a girl wearing a bunny mask, wearing a pink kimono, very detailed, digital art, oil on canvas, +art by egon schiele, Hitchcock and Kubrick drinking a beer together on a bar +macro close up photo of a snowflake +A text "Hello world!" written with chocolate. "Hello world!" text +1980s honda sport car concept art oil painting +Beautiful pale warhammer 40000 goth anime girl with mechanical wings and many wires, masterpiece 4k digital illustration by Ruan Jia and Mandy Jurgens and Artgerm and william-adolphe bouguereau, highly detailed, trending on artstation, pixiv, award winning +Anthropomorphic Cats playing dodgeball, by dan mumford and Banksy +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Kadinski +A haunting ultramaximalist photorealistic painting of a stronghold during autumn +A tiny mouse holding a sword +David Bowie eating a hot dog at yankee stadium, oil painting, Thomas Cole +, fantasy, pastel, absurdist, photo, refined, jest +Jessica rabbit as a pro soccer player, professional award winning photo +a teen boy, full body. Bare +A steampunk smurf playing the drums on a beach +Shepherd's Pie in the middle of the desert +night, b&w photo of old house, post apocalypse, forest, storm weather, wind, rocks, 8k uhd, dslr, soft lighting, high quality, film grain +Kiwi fruit, mint leaves, ice cubes, background yellow, splashing water, soft box, back light, creative food photography, Art by Alberto Seveso, +A fairy on the headboard of a bed +flaming bird. Phoenix! Bird Portrait. Alex maleev: Ashley Wood: Carne Griffiths: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +building and sitting in concrete walls and room with muddy children, buried in a library, the building painted buildings are empty of books in a carpet, a library, cleaning ruins with their desolate apartment a sad house in a wooden wall of a building painted by the walls in the room painted in the living room abandoned tomb of a sad space museum in a cluttered library sitting on a building, rusty furniture in the library surrounded by books and painting on Tranquilo, Eliminación, Cortina, Caza, RodarPatos, Ardilla, Ambulatorio, Sagrado, Debajo Fluid, Baseball, Platform, Succinct, Rely a painting of a man standing on top of a boat, by Jacek Yerka, surrealism, man with a blue heart, vereshchagin, noah's ark, half horse - half mouse, peter sculthorpe, kiss, angus mckie, arkhip kuindzhi painting, my home, 1 4 9 3, grain” a cute cheese creature swimming, minimalism, trending on artstation, by petros afshar, anton fadeev, beautiful +Sport team, wizard head, , 2d, vector illustration, logo, 2d flat, centered, fitness company, white background, paul rand +boxing ring, bruised bard laying down on the floor, shiny robot doing a victory pose +Cantonese people are drinking coffee in the countryside, surrounded by aliens +Woman with large glutes wearing yoga pants +Cute anime goth girl pale skin, art, digital art, masterpice +A level from a dreamcast 2d platform game +beautiful indian woman on the beach, surrounded by a landscape of red roses +a white horse standing in a living room, a hologram by Nan Goldin, polycount, video art, shot on 70mm, criterion collection, anaglyph filter +A graphic t shirt design about a sweet lady +el fat maradona del ocho fighting against bruce lee 1989 35mm round kick in the air nba basketball ball serious fault damage sports tv +iPhone being held by Zeus god +super mario poster, league of legends splash art, vaporwave, in the style of gta 5 loading screen, by stephen bliss +genere un perfil de rostro de 3/4 de una mujer sofisticada de 22 años latina, alegre, cabello negro +yellow duck, green splash, high detailed, painting, laugh, smile +HD security camera captures the exact moment Yoda robbing a liquor store +an image of a beautiful cute young European woman standing in karate stance ready to fight in a full contact karate match wearing a sports bra, kumite gloves, karate pants and karate blackbelt, barefoot +close-up portrait of a Stunning mature lady in red dress +quick doodle of a guy, medium hair with long bangs, hd detailed detailed +darth vader ironman by pablo picasso +human dressed as a furro running away from 20 killer teddy bears with baseball bats +ancient sony playstation 4 made of stone +close up of an asian woman, face covered by faling rain drops +a man in a space suit standing next to a robot, a detailed matte painting, inspired by Scott Listfield, flickr, leica 8k still from an a24 film, spaceship interior, 2001 a space odyssey, elstree, moody ,alejandro jodorowsky, in the style wes anderson, establishing shot,cinestill colour, space pressurized suit,hyperrealistic vfx render, inside a science facility, +a wide angle photo of a line of roman soldiers in front of courtyard arena roman buildings,white marble red gold,roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point symmetry perspective mountains landscape ,ben-hur gold eagle roofs , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +Joe Biden rapping with Eminem, underground rap, underground, small crowd, Eminem, Joe Biden, rap battle +chipmunks doing nut war, cartoon style, eerie +batman surf mansion architect drawing, big sur, cliffs and waves, nest, hasselblad leica, batsign, artist impression +a shot of a cafe from the outside, with the sign that reads "Spoon's Cafe", cartoon, 3d isometric +👨, emoji style, Albert einstein, SMS icon +Screenshot of a Land rover defender in Skyrim game +Masterful drawing of dark and gloomy landscape +A road sign showing the way to hell +frozen ocean with a spire spewing lava on its sides, by peter mohrbacher dan mumford craig mullins nekro, cgsociety, pixiv, volumetric light, 3D render +Piezas de ajedrez haciendo una carrera infantil hd +photorealistic low angle close up horrific surreal lanky stretched scary smiling zombie man crouching down; cramped scary bedroom! by Keith Thompson; Junji Ito; Alberto Giacometti, H.R. Giger; Gerald Brom; dramatic lighting; apocalyptic; Patricia Piccinini; tridaic colour; unreal engine 5; CGSociety; deep depth of field; photorealistic horror; Wayne Barlowe; Joshua Hoffine; intricately detailed photorealism digital painting; horrorcore +Girl on the beach, black and white, minimalist, only lines +A man in excruciating pain as tree branches grow from his body, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +A young man with long dark hair is backpacking in Marroco and is walking in a colurful market, many people are walking, shopping, and talking around +Invisible person footsteps on the wet floor +Mixed flag of Israel and Iran +Photo realistic, Cat doctor wearing doctor coat +Khendie wiley style painting; no men with beards +a fit man and woman hiking through the colorful Antelope Canyon, cinematic lighting, photorealism, Nikon D 35mm film, award-winning photograph, 32k +minimalistic living room, large, luxury, black aesthetic, marble, wood, polish ebony wood floor, electronic lighting architecture details, trending on pinterest, render in autodesk 3ds max, archviz, ultrarealistic, vray, 8k +woman standing on an alleyway holding her luggage, long shot, wide shot, highly detailed, intricate, professional photography, RAW color perfect photo, night shot, bokeh, sharp focus, taken with eos 5d, UHD 8k +Tommy Wiseau and Obama laughing together in a cafe +The trees's path leads to a large miniature of on the lawn, is on the lawn, and grass in the middle, illustration, bright sunlight shining through, warm colors, in the style of Greg Rutkowski and Alphonse Mucha +a view from above of a demonic bison cyborg inside an ironmaiden, wearing royal robe,large view,a surrealist painting by alan bean and shusei nagaoka and by artist yves tanguy,volumetric lighting,detailed shadows +Several socks of different colors hang on a line +Write a short story about a world where cute baby Cthulhus roam about and cause mischief in a Pixar inspired setting. +A man .............. a lemon funky humanoid character, concept art +batman eating a cheeseburger at mcdonalds pencil drawing +Giant monster coming from the misty sea +girl 60s big lashes , dot pattern background jeremiah ketner malika-favre-art-style +a female mage of a RPG game casting ice magic +a under sea life inside jar, coloring pages, colorful, creating a cheerful and serene setting very detailed illustration, inking, graphic, concept art, ink outlines, smooth, , high definition, concept art, coloring book art, coloring book style,life inside jar, sharming color, colorful line art, no shading +Two cats playing chess professionally, photorealistic, dark environment, volumetric lighting, haze +intricately detailed grunge gothic and fantasy stuffed animal with sequins and gold, furry, complex extremely hyperdetailed, Jean Baptiste Monge, Carole Buck, Tyler Edlin, perfect composition, gorgeously detailed complex insanely detailed octane rendering trend on artstation, 8 k art photography, photorealistic concept art, soft natural volume cinematic perfect light, chiaroscuro, award winning photography, masterpiece, oil on canvas, rafael, caravaggio, greg rutkowski, Beple, Bexinski, Giger, oil painting, heavy strokes, paint dripping +a neon city street at night, a mgb gt car,silver car,studio lighting, +blazer 70s brown retro with sci fi elements neon lines for men +the dawn of a new day +prince with warrior woman (hair horns), black and gold,, riso, illustrative +Photograph of Abraham Lincoln in an Armani suit +protagonist of an heroic fantasy book +Vikings celebrate after battle, magical, mystical, fantastical +Ghostface from scream celebrating a birthday in a beach +Spray, mist, flesh coloured dildo, Chubby Afro American nerd, dork girl doing twisted splits breakdance, upside down bare model, smoke, fire, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A chocolate cake with the word "SD" written on it, professional photography, food photography +A warning sign that has the text "eh" +Have a tortoise deliver your package for you, don't be surprised if it sings "Happy Birthday" back at you. +art by Alfons Mucha and Patrick Woodroffe, copper-foil method stained glass motif, whole body image of 20 year-old Taylor Schilling as a naturist in a mystical forest, HD 4k, sharp detail, photo-realistic accurate face and features +Painting of cryptocrystalline quartz melted gemstones watercut flowers garden style +Large Master Bedroom Suite, Skycraper, Manhattan, Night, Interior, pulent, Luxury, Gold details, shiny Black Details, glossy, white, Marble, Modern, Exquisite, Minimal, Planned, Interior design, Beautiful, Beautiful Decoration,, Beautiful Details +Selfie of a adventurous Japanese 20yr girl, neon hair, wearing a sheer plastic translucent shirt +portrait of woman in baroque costume on streets of New York, Breathtaking Magnificent, Gorgeous +1965 Paul McCartney playing bass in Champ de Mars in Paris, the eiffel tower, highly detailed, a lot of people +A sphere with a cowhide cowhide pattern in outer space +An abstract print of water and oil mixing, bubbles, textural. +Tiny cute isometric prompt to a robot emoji, soft smooth lighting, with soft pastel colors, 3d icon clay render, 100mm lens, 3d blender render, trending on polycount, modular constructivism, background, physically based rendering, centered +Still shot from movie of a caveman, laughing wildly, furs coat, long hair, holding a piglet, cinemamtic +teddybears in uniform next to a car, car workshop in a spaceship, inside is a model of a lotus esprit, sci fi,star trek shuttle bay +A blue eyed blonde male fat old hairy daddy at a pool gay +Man looking into a pond, that has leaves that spells text "SDXL" +Sign that says "AI Image go brrrrr" +Tom Hanks and John lennon drinking a beer, still from Forrest Gump,extremely detailed +Egypt map, where is waldo, hidden treasure, icons, perspective, high quality, detailed, crowded, cartoon, zoomed +An award winning photograph of a steampunk octopus in a futuristic cityscape! +anime mermaid siren girl art, underwater shot, digital art, mastepiece, art by artgerm and John William Waterhouse +small blue cute monster in the style of plush toy +A person planting a tree with cat. +a pizza with mortadella on top +Retro comic style artwork, highly detailed princess, freckles, green and gold armor, comic book cover, +Still of a slasher movie, barn owl plush +A pink flower with a long neck and sticking out of a crack on a rock among pine trees in a forest blooming +Photo portrait vladimir volegov of a blonde woman ar 32 +A modern and minimalist logo for cafe, teacup icon +an elephant playing chess with a unicor +portrait of guy muscle bald rapist at russian prison. wear raunch underpants, highly detailed face. art by Ilya Repin +gorgeous beautiful female in a changing room, black hair tied in pigtails, wearing a sheer partially draped saree without a blouse, no blouse, bare top, bare legs visible, dark areola visible, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +A victorian looking british man in a pub, theres a sign on the wall that says "QUINNIES PUB", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +Jimi hendrix wearing black rubber suit with mask +vector illustration of a giant mastodon floating through space, surrounded by planets and stars +cinematic still of establishing shot from masterpiece cinematography film about liminal space, peace, tranquillity, high details, sharp focus, softest light, perfect composition, , nostalgia, grandeur, perfect focus, best quality +An image hyper realistic of a dog in the sky with dragon wings +minecraft jungle village in the tropic forest +Anime of a medieval banquet in a dungeon, view for above +A brave 7yo girl adventurer with dark german shephard sidekick, cool illustration, character concept, cool pose, concept art, art by various artists, insane details high qualty +ava addams haciendo el amor con un niño +A Portrait of Muhammed Ali, Realistic, Very Detailed, +an amorphous tendrils of darkness swirl and writhe constantly and are surrounded by a purple aura and has a single steadily gazing purple eye at its heart, concept art by donato giancola, +young Muscle guy Cannibal eat TESTICLEs flesh. highly detailed guro art by Ilya Repin +Candace kucsulain as a Viking warrior +An image of a full moon on a starry night +a person on an hoverboardin a fractured canyon environment, backside view +A 1980s Soviet Propaganda poster of the Joker featured on ArtStation +A picture of a woman in a translucent dress on a purple sandy beach with spacescape starlines, strange forbus type plants and benariel trees +Kurt Cobain cartoon drawing on stage druing concert with big +dramatic cinematic scene depicting an apocalypse witchdoctor sacrificing a human to the apocalypse gods in the ruins of the cyberpunk city +building showing a mix between "inspired by bubblegum" and art deco architecture, Wizardry, real-life flickr photo, stunning photo, high-res, ad campaign, neo-dada photo +Photorealistic image of Willa Holland wearing nun outfit +Kinky girl 2B cosplay Webcam, Only Fans +A police officer training an anteater to be a sniffer animal +Superfat Archbishop twins Pininfarina Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Painting of gumtree by Van Gogh +an anthropomorphic grey wolf, medieval, adventurer, dnd, town, rpg, rustic, fantasy, hd digital art +a close up of a man in a red shirt, dc comic, he has short curly brown hair, very very roberto ferri, sadness, as an atlantean, profile pic, :: high detail, white neck visible, zoomed in, blair armitage, very sad c 12.0, in the justice league, profile picture, van lieven +Film still from 80s dark scifi swimming pool movie +young russian hot pregnant girl. highly detailed realistic photo, kodak portra 400, award winning photography, 50 mm. by sally mann and andrei tarkovsky +a vectorized logo of an alien +portrait of handsome man with green eyes and black hair attractive glamour model wearing armour, Jodhpurs greg manchess painting by Sargent and Leyendecker, handsome man , studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +A man with a hunt mask, sitting on top of a car with a chainsaw in his hand. End of the world. +Photo portrait of a young blonde man smiling towards the camera, blurry background, green house, sunlight, volumetric light, light ray +Dark cozy home interior with candles ::10» a warm and inviting living room with a sofa, a coffee table and a bookshelf ::8 soft yellow light from several candles on the table and the fireplace mantel ::7 a fluffy rug on the floor and some pillows on the sofa ::6 a window with curtains showing a dark night outside ::5 a cup of tea and a plate of cookies on the table ::4 a cat curled up on the sofa next to a book ::3 +a photo of Rachel Amber, fujifilm xt3, 85mm lens, close up, skin texture:1.2, skin pores, wrinkles:0.2, highly detailed hair, beautiful light and shadows, by Tim Walker, perfect composition, in studio, casual wear, megapixel, uhd, insane level of detail, cinematic look, artistic +A vector logo for the company "apple picking", white background +Pixar, big eyes, glossy pale skin, cute girl anime by unreal engine, Artgerm, WLOP +blood-red sunset sky with dramatic clouds ,by maximilien luce +A perfect Teddy bear, with long legs. +Dramatic Portrait of an Ancient old shaman playing string instrument and screaming overed by dust +magical flamberge sword, intricately detailed, byzantine, ornate, red glow +realistic cartoon mouse with a birthday candle +Movie still of starwars harrison ford, han solo working as a big rig truck driver, extremely detailed, intricate, high resolution, hdr, trending on artstation +A large computerised device, seemingly powered by multicoloured glowing pipes, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Digital fanart of a short adult animation film; Newgrounds. +Photo of a girl kneeling on the floor in a bedroom +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Salvador Dali +Elon musk as a godly figure in the clouds, holy angel, halo, hyper realism +A boar head by Carne Griffiths +3 monkeys watching a movie in cinema, eating popcorns +Melting ice cream vinyl album cover +Gothic cathedral in a stormy night, realistic +dinner,screaming animals in the moonlight,floating worm baby,melted butter,ray traced,vivid color,glowing fluid,overgrown root vegetables,fish,Caillebotte,chris moore,Thomas Hart Benton,Jeremy Geddes,Ian McQue,simon stalenhag,atey ghailan +A minimalist black and white shot of the Apple logo, placed in the middle of a massive Lego cityscape. +A cute male goblin child, sitting on the ground +brushing hair to the side, , looking at viewer +growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro kitchen room, foto, Jules Bastien-Lepage,movie still, portrait, closeup +Create a series of abstract paintings that use algorithm-generated shapes and colors to evoke the emotions and experiences of Black women +leaked security footage of an ice cream monster escaping a government facility +A candy icon, frutiger aero style, aqua interface +Human organs made from precious materials, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A crypto girl with a moon +girl riding horse on a beach +Priyanka Chopra, Grand Theft Auto IV +an empowering view of a demonic praying mantis cyborg in a ironmaiden robot,wearing a noble robe,a surrealist painting by aralan bean and Neil Blevins and H.R. Giger,volumetric lighting,detailed shadows +a chihuahua with a knife on a Burger King +Female smurf smoking a big joint among giant marijuana plants +A mage standing on the balcony of a castle looking at the forest with a river and its mountains. +Photo of a blonde woman holding a sign with "the Best" word written on it +a girl cosplaying Kato Megumi from Saenai Heroine no Sodatekata +Still of Thanos on the Tv show "friends' in 2001, featured in Monica's apartment +A chair designed by kanye west and karl lagerfeld made out of leather +photograph of Madison Beer as Pocahontas, young beautiful native american woman, perfect symmetrical face, feather jewelry, traditional handmade dress, armed female hunter warrior, wild west environment, Utah landscape, ultra realistic, concept art, elegant, intricate, highly detailed, depth of field, professionally color graded, 8k, art by artgerm and greg rutkowski and alphonse mucha +Henry Cavill in a blue superman spandex +Generate an image of a smiling dog sitting at a computer, with a bitcoin logo bubble in Impressionism style +Fantasy, pastel, absurdist, photo, person made of jars +Female VTuber 3d model character turnaround +A young and beautiful female teacher was giving private lessons to a male student in his bedroom. She was wearing a slim-fit white shirt and a dark pencil skirt, showcasing her slender figure and poised demeanor. Her long hair was cascading down her shoulders, giving off a soft and delicate aura. Suddenly, the male student muttered a mysterious spell, and the female teacher froze on the spot, as if turned into a statue. Her hands were by her sides, and her body was stiff and straight, completely motionless and unable to speak. Her eyes were vacant, showing a mix of surprise and unease, but also tinged with curiosity and anticipation. The male student approached her gingerly and started to caress her body with great care. Despite feeling his touch, the female teacher was unable to react and had to submit to his caresses. Her face revealed a blend of shyness and desire, as if savoring the peculiar sensation of being immobilized. Her clothes were neatly arranged, and every fold was clearly visible, adding to the male student's intoxication. Her beauty and grace had him enraptured, lost in her body and aura. +dark wizard creating eerie magic, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Phineas and Ferb Video Game Box Art +restaurant logo, healthy food, minimalism, pastel shades, in the jungle of india, 3d icons, family restaurant, Russian Tali, saint, icon style, realism, octane render +, fantasy, pastel, absurdist, photo, refined, sunken +An abandoned Volkswagen beetle overgrown in forest +Bob Square Pants drinking a beer in a pub +Produce a 3D rendering of a muscular, highly skilled ninja gadgeteer who is equipped with various technological gadgets and weapons. The gadgeteer is wearing a balaclava mask and holding a sci-fi gun, standing in a dynamic pose that suggests they are prepared for fast-paced action or imminent conflict. The environment is a highly detailed, immersive digital art masterpiece with a futuristic, cyberpunk aesthetic. There should be significant variations in the intensity and direction of the lighting, which should be highly cinematic and visually striking. The image should have a resolution of at least 8k in order to produce maximum detail and clarity. Please ensure that the resulting image exudes the highest possible quality, utilizing the most advanced and cutting-edge techniques for 3D rendering and digital art creation. +Elon Musk in swimwear in an Oscar event +dalmatian puppy, rainbow colored, alcohol ink style, watercolor style +Swan robot, cyberpunk India, Cyborg Swan, Ghost in the shell style, mehendi body art, Bird, yantra, Mask, Baroque style, Kathakali character, High technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, hyperrealistic, 8k, epic ambient light, octane rendering, soft ambient light, HD +a beautifull ultra-detailed epic artwork of a burning wizard in the autumn forest by Gustave Doré, zdzisław beksiński and leonardo da vinci +a RPG concept art of a gorgeous redhead female model illustration +very neat elegant ultra detailed Underwood Champion typewriter on the stunning wooden table is now enveloped in a rich and cozy atmosphere, accentuated by the warm halogen lamp and the cup of steaming black tea. The fragrant lavender and jasmine plants in the garden provide a perfect backdrop for quiet reflection, and a bookmark can be seen peeking out from between the pages of a nearby book, Film Grain, DSLR, Retro, Dusk, OutDoor, 8k. +brendan fraser, Retro style artwork, comic book art, high details, comic book cover, symmetrical, vibrant colors +digital painting, illustration, graphic of beautiful hourglass shape femme fatale, film noir, black and white and red by Frank Miller +, fantasy, absurdism, pastel, photo, refined, Mess +old crypt, vintage, hyperrealistic, glowing, abandoned +massive ocean, Thalassophobia, dark, creepy atmoshere, award winning +an espresso machine that can do tricks. +security footage of an evil spirit caught stealing from your fridge +orc standing in a forest, stylized +a photo-realistic cosy hogwarts dorm room with a beautiful view +A lot of native American  Beautiful indigenous women in shamanic healing process, tribe reunion, dancing, playing drum, sitting in the circle, mountain,high detailed, ultra realistic, mystical, sequoia forest, fantastic, eagle, feathers, drum, fire, smoking pipe, texture, dancing meditation music people, trending on artstation, dramatic dark lighting,4k, digital art, concept art, trending on artstation +a ninja cat posing with his samurai sword +attractive, young, fit man, white suit, waving hand, rejecting, denying, disgust face +realistic photo shiba inu dog, highly detailed 4k unreal engine +a billboard that says "my name is" +a pixel art screengrab of a person exploring a small village in the woods, with a mewtwo hiding behind a tree, inspired by the art style of Akihiko Yoshida and the game mechanics of Pokemon Emerald, 256 x 256 pixels, red and cyan color scheme +Anime girl on a baroque style chair, long red hair, with piercing blue eyes, extremely light realistic skin all in a dark place +ted dibiase jr, serious face, fantasy theme, medieval fantasy theme, wearing dark blue winter armor, icy caves background, +a scary dark themed image of a coffin +The letters “LYDR”, text in graffiti style +intricate psychedelic illustration of a beautiful mind +an image of a beautiful young woman standing in karate stance ready to fight in a full contact karate match wearing a sports bra, kumite gloves, karate pants and karate blackbelt, barefoot +film still, close up, scarlett johansson rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, big breas ts, film still from 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +8k resolution, realistic digital painting of a colossal x creature, full body visible, looking down, overgrown, ancient, adventurer in armor holding a glowing sword in hand, abstract background, global illumination, depth of field, highly detailed, game concept, (elden ring style:1.3), (arcane style:0.8), art by hoang lap and fuji hoko and artgerm and greg rutkowski and viktoria gavrilenko +Math class chalkboard with the text “2+2=5” written on the chalkboard #photorealistic #hdphotography +Joe Biden walking in the city of Chicago +A cute anime and pixar style woman with light purple hair +Two feet on a beach, instaport +Cinematographic-sixties eurovision-mars-attacks capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Photograph of New York City, but the Brooklyn bridge only is made of margarine +Cute small humanoid batman hanging,unreal engine, cozy indoor lighting, artstation, detailed, digital painting,cinematic,character design by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyperrealistic, octane render +SiFi Minimalistic Design, Vector Graphics, Folder Icon, Best Quality, HD +film still, close up, mario bros rising out of muddy vietnam river, face covered in mud, combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9, 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +squatting shamelessly leaked desi private mms, viral video photage, 1990s vivid vintage photo,real life gorgeous desi hindu goddess durga squatting, slime body, juicy lips, full body shot, stunning sweaty body, dramatic light, looking down + film grain,amazing shot,bold +Close up, Jaws, horror film, an ancient megalodon under water, cinematic, cool color grading real512 +genere un retrato de perfil de 3/4 de una joven de 20 años, latina, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +A highly detailed landscape painting of Kyoto in Fall painted by Frederic Edwin Church featured on ArtStation +The result of experimenting with fusing human and plant DNA, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +ava addams wearing a schoolgirl outfit +Wanderer above the Sea of Fog art +a beautiful woman standing in sunlit window, tattoos +Sunset reflecting on a crygangster cat wearing snapback and golden chain on neck with dollar sign pendantstal ball +potato on a lounge chair in a grassy field +A knight in front of dragon, skyrim +chubby orc carrying a lot of things +cute big eyes disney style alpaca 3d render +A can of soda with arms and legs is in an 80s sitcom while holding a paper that has a picture of soda printed. The can of soda is angry, while also holding a sign saying "Don't drink our blood!" +a burning cyberrpunk city at foggy night +a photo realistic soccer ball as a planet in space with pink smoke and explosions, with 2 moons in the background, digital art +Flaming skull! ink flow: 8k resolution photorealistic masterpiece: by Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean Baptiste Mongue: calligraphy: acrylic: watercolor art, professional photography, natural lighting, volumetric lighting maximalist photoillustration: by marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +A bold and striking illustration of Superman in the style of a Soviet propaganda poster. +a wide angle photo of roman centurions resting in a arena,men sitting on stone walls roman buildings,sheilds swords ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +The Institute of Yokai Research in Heian Period Kyoto, Digital painting, Higashiyama period, Cherry blossom trees, Azumaya octagonal structure, Mysterious fox yokai, Japanese, Sumi-e, traditional calligraphy brush, original work, Koji Fumio +A 3-D visualization of a neuron filled with metal shapes,with thin metal lines voronoi ,tiny intricate details floating spheres droplets, model city +Una bola de árbol de Navidad con forma de oveja disfrazada de policía. +pennywise eating a burger , sea background +eautiful smiling Geisha, perfect milky white skin, intricate, elegant, highly detailed, trending on artstation, by Tom Bagshaw and Seb McKinnon, ultra detailed, hyper-realistic, cinematic, dramatic lighting, volumetric lighting, 150mm, octane render, photorealistic, denoise, photograph with a Hasselblad H3DII +sci fi concept art. A spaceship in space that has been destroyed. The ship had been peeled, flayed and reshaped into an elegant sculpture of trailing metal, like a flower. +A similing VIP 60 years old lady with black hair and subglasses in Berlin airpot +Giant dragon, scaly, Mist, two swordsman, rpg +Anamorphic photo of a suphero dog with a red cape overlooking New York at night. Rain +Cat singing in the rain, by walt Disney +A pikachu holding a sign that says "I'm cute!" +A girl riding a road bicycle +a cinematic photo of The Mandalorian with baby yoda by his side in a desert, metal armour, portrait, photorealistic, depth of field, +fantasy, pastel, absurdist, photo, textile weird animal, riso, +a man and his fox terrier dog walking in the forest, tiny diorama +city full of zombies, tropical, palms +android 18 irl con tetas gigantes +"photo of a woman seen from the back in a sunny field, Photoshoot, professional photography, sharp focus, CAMERA, FILM, ISO, nikkor 50 mm f/1.8" +a movie still of a brazilian female spy in an los Angeles street +photo of winnie the pooh pie +minecraft house on a tree in the jungle forest, 4k, shader +interior of my lovely cabin, rustic +A 1920s photograph of a silhouette of a rabbit in a dark room midnight +art poster, mage the ascension, by jmw truner and Casper friedrich, white wolf publishing, by monet, trending +ultra 8k vintage photography of a small rusty robot, surrounded by circuitry, Bokeh +a 9-story office building located under a bridge, surrounded by a future riverside park, and will attract many design and artificial intelligence companies to move in. The office building, named Cloud Cube, has an open shared space and various ways to connect to the outdoor environment, including a two-story walkway that leads directly to the riverside pedestrian walkway,a modern and minimalist style with a focus on functionality and technology, 8k +portrait of a billionair in the 1900s +Nirvana concert at reading 1991 with drum kit +blond woman warrior riding a dolphin through a rose garden +Anime girl, cute, uhd, high res +A bright cheerful exploding pastel rainbow in the style of Cao Guo-Qiang +Photography shot through the window, A beautiful Chinese girl sitting in the cafe, window glare and reflection +calligraffiti urban street style graffiti sculpture +darth vader riding a unicorn in times square +photo of teddybear looking at a steamtrain in the jungle river,furry teddy misty mud rocks,panorama,headlights Chrome Detailing, teddybear eyes,open door +photo of two muscle guys bald Slaughter pooping at prison toilet. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +Kangaroo on the Moon, Futuristic, Extraterrestrial, Curious, Bouncing, Playful, Sci-fi Illustration, Bold, Dynamic, Neon Colors, Digital Art, Syd Mead, Chris Foss, Moebius +a Maltese puppy wearing a top hat +zentai woman wearing sleeveless white body +ted dibiase jr, 35 years old, full body shot, serious face, short hair, handsome, muscular, fantasy theme, medieval fantasy theme, wearing dark blue ice winter armor, leather pants, holding ice sword, realisticvision13, icy caves background, +captain america, captured, bound, hog tied, crying +paolo guerrero is winner of the world cup +cute little blonde girl wearing a pink t-shirt and blue pants by Jasmine Becket-Griffith, standing in a field of wildflowers +pepe the frog but turkish themed +High-quality photo portrait of a living toilet wearing a trilby and smoking a cigar +front view of a steampunk pocket watch dial blue, points silver and housing golden, elegant, ultra detailed, ultraHD, high detail, ultra details, soft light, Octane render, cgsociety +a confused rubber duck floating in space +Card Magic the gathering style of tom whalen A Victorian man speaks into a tin-can-and-string telephone that a Victorian woman listens to while smiling +old man waving small flag of ukraine +A rusted copper sign, designed in an art deco style, featuring no text, cupric oxide CuO +Marilyn Manson sticking tongue out wearing sunglasses holding a sign that says Famous +a id photo of a beautiful 30 year old woman with a very white skin and with light brown hair cut in a brief ponytail +Gothic-kawaii: A juxtaposition of the dark, macabre elements of gothic design with the cute, playful elements of kawaii culture. +A stuffed bull with a white t-shirt with the words "perdoname lobitx", highly detailed +daytime moth made of colored magical light glowing and slightly blurry +Doughnut in love with music floating toward the horizon on a soft landscape, colourful ink drawing +A black belt karateka performs a front kick at the foot of a cherry blossom tree in the yard of a traditional martial arts school. +a suit of armour made from meat +a painting of a child in a space suit, horror concept art, wlop style, hiding, deep sea diver, by Rajesh Soni, archan nair, intense expression, the caretaker, horror +a close up photo of a fender telecaster guitar +a photo of a person feet from above +a product showcase photoshoot for nylon loose fitting camo mma fight shorts +A sign with the text saying Big Balls +Dust particles floating in the air during a dry thunderstorm, dark skies lit by intense fork lightning, , insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Egirl with orange hair, gorgeous, high-quality, beautiful +kratos fighting batman, oil painting, trending on artstation +A Japanese painting of a vintage car +A minimalistic logo of a friendly Serval for a high tech company +a magical medieval fantasy landscape, highly detailed, lush forests, huge mountain ranges, grand seas, wide plains, ultra high quality HD in-game render, HDR XDR contrast, 4k texture meshes +Thomas the Tank Engine falls down a mine RWS illustration +A wonderful woman riding a horse in a rainbow +The background of the cover should be the campus scenery of the primary school affiliated to Shanghai Jiao Tong University, such as the school gate or the campus green belt. In the center of the background, an open pocket is placed, and a small magic wand is placed in the center of the pocket, symbolizing the magic element in scientific fairy tales. At the same time, some scientific experiment equipment or science-related items can be placed in the pocket, such as magnifying glass, microscope, chemical reagents, etc., to highlight the scientific elements +smoke, explosion, backlit, hilarious petite American munted skate chick, tiny lace bodice, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +miniature fantasy castle with pool of water, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain, long shot, wide shot +Cute female furry on the beach, digital art +table gameboard photo of fusion of a huge savage dog monster with an alien in the space, style of laurie greasley, studio ghibli, akira toriyama, james gilleard, genshin impact, trending pixiv fanbox, acrylic palette knife, 4k, vibrant colors, devinart, trending on artstation, low details +The Beatles concert in Paris, in front of eiffel tower +key frame anime still of a pigeon in a well tailored suit getting a cup of coffee in a cafe in the morning +A lot of  Beautiful indigenous women in shamanic healing process, tribe reunion, dancing, playing drum, sitting in the circle, mountain,high detailed, ultra realistic, mystical, sequoia forest, fantastic, eagle, feathers, drum, fire, smoking pipe, dancing meditation music people, dramatic dark lighting,4k, digital art, trending on artstation +Black hole event horizon, solar eclipse, tenebrism, chiascuro, caustics +photo of well done salmon dinner, 8K, Global Illumination, Ray Tracing Reflections +bones spikes wires sculpture hr giger hdr vintage instagram filter grunge horror abstract art hyperdetailed design wall grey hr giger grunge texture hyperdetailed cracks wrinkles dark +alexa bliss, arms up, sweaty armpit +a photo of cats on a palm tree +Hyperrealistic portrait of a Biomechanical Cat made with Unreal Engine 5, shown in a stylized steampunk room, intricately detailed body, intricate gears, tech-based aura and a sense of logical beauty, peculiar surreal photorealistic 8k, painted by Andrew Hickinbottom +lori olson unseen innocence descendmirror blackandwhitebw , Anna ancher, Katherine kollwitz +"Mutated glitched boulder", by Ivan Seal, oil painting, melancholic, gray background, highly impasto +a plant sprouting with glowing tips in a magical land +A man on a mission to summon the best wife in the universe, grahams number beauty +a sensual Beautiful gorgeous blonde housewife, with athletic hourglass body, in casual outfit, cleaning home in alluring pose. +Cyberpunk,Robot, woman,beauty, confidence, charm, gaze, love, happiness. +realistic photo of an Anthropomorphic brown tow truck, David Lazar, Steve McCurry, Marcel Lech, Aaron Brimhall, Joel Sartore +isometric pixel art of a cozy fantasy tavern +photo of a giant baby chicken towering over a high desert town +Suicide girls A beautiful GOTH with TATOOS bare tiddies big 🍈🍈🍆💦🫦 bedroom elegant upscale expensive high rise condo +cyberpunk giant kinky muscle young Soldier inquisitor stabbing kneeling worship obedient pregnant girl at Slaughterhouse. art by Ilya Repin +Text saying "this model" on a restaurant sign +Thunderstorm, crows, wind, autumn, spruces, rain, clouds, mist. Intricate digital painting. +A picture of a beautiful serius blonde girl, 4k, picture of the year, award winning +close up of an 30 yo Asian woman with short hair, she is laughing motion blurred rain drops, +55-year-old caucasian man doing yoga, stiff, inflexible, strain, painting in the style of Takato Yamamoto and Yoji Shinkawa and Winslow Homer +palm tree made of wool material growing inside within a large rum bottle on a beach +Person with cat nose, cat mouth, cat ears +Ellie from "the last of us" game, in a "Gustave Courbet" paint like Le Sommeil +Chun li ghost demon wide gaping mouth horrifying sharp teeth +close up shot of Audrey Plaza Megan Fox +Tricky old teacher, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +female bodybuillder, extreme massive, pecs, abs, biceps, thick forearms, bullneck, gorgeous, realistic, detailed +Ukraina and Wakanda diplomacy, 50 cent coin +bulma se apareandose con un hombre +close up of the Sistine chapel ceiling with cats by michelangelo +teddy bear and a Morris Mini-Minor,big dancing teddy +The Last of Us Clicker, Flower Zombie, Composite art style, Victo Ngai, James Jean, Jesper Ejsing, Anton Fadeev, Pascal Campion, Ismail Inceoglu, Jean Baptiste Monge, A masterpiece, Poster art, Splash art, sharp focus, Fluid lines, digital illustration, Hiroyuki-Mitsume Takahashi, Gediminas Pranckevicius, James Gurney, Huang Guangjian, Takashi Murakami, Reflections, HD, cel-shaded, fractal details, Volumetric lighting, detailed background +a wideangle view of the roman army,Canaletto +Headshot, digital art, portrait, galactic elf with a wooden mask, splash art, blue runes, man, cinematic lighting, hard lighting, 8k, detailed, trending on artstation, shot by Taika Waititi, shot by Rian Johnson, art by yoji shinkawa, by Ross Tran, smoke +A female hillbilly wearing a bathing suit top +Kanye West wearing an astronaut's suit +, fantasy, pastel, absurdist, photo, refined, growth +virile and attractive youthful magical cosmic human female, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +An astronaut on a drifting spacecraft stares longingly back at earth +Ripped off suitcase with items around it on the airport floor +1960 colour small batman surf mansion architect drawing, big sur, bat shape,cliffs and waves, nest, batsign, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and gaudi and nouvel and pritzker prize +venice williamfishing vendors reallyuonpupils holmes,Jules Bastien-Lepage +friends tv series black metal band +a building designed by zaha hadid +a painting of a man with a machine on his back, by Tomek Setowski, darrell k sweet, big engine, karol bak uhd, stålenhag, king crimson, jean giraud portrait, sakimichan frank franzzeta, like lady mechanika +A golden chair on top of a balcony, outer space +green four leaf clover in a round frame +an overgrown abandoned dilapidated red barn, covered in vines, sunlight filtering through, a shiba inu standing in the entrance, 4k +twitter logo made from a tree,in the style of Julie Dillon and Thomas Kinkade Painting, watercolor, painting, hyper realistic, intricate detail , , Gwenny Griffiths, Shusei Nagaoko +un perro negro con el pecho y el morro blanco más pequeño que un labrador +crystal texture material, high detail, high definition, 8k +attractive young ginger man with beard stubble, thick jawline, very fit, without any garments, on a purple couch +A realistic detail of a long range album cover of a beautiful lady singing jazz in a saloon +sci-fi large gallery room, with photos of rover cars ,studio lighting +joker, fantasy style, fresco, chiaroscuro, Caravaggio, dramatic +friendly family logo, family logo, indian style, vector logo, svg logo mom dad and baby together, correct proportions of the logo, HD +a jung male sitting down on a throne in a dystopian world +n image of a tranquil meadow nestled within a dense forest, with a shimmering mannequin gracefully dancing in the center +a door to another dimension, standing in a field +an evil robot of the ancient gods in a library full of books, rays of light, atmospheric, matte-painting, trending on artstation, volumetric lighting, god rays, magnificent, elegant, beautiful, fantastical, grimmer, killian eng, emotional, atmospheric +man walking with a woman looks over his shoulder at a different woman +Capybara in Japan waving goodbye drawn in the style of anime +Pixel art of a anime girl fishing by a large lake,16 bit, mountins in background, pixel art, fishing rod, water reflections, water ripples, anime, anime girl, best quality +an apple stacking of the eiffel tower, stock image +a beautiful asian woman wearing a futuristic dress in a bar, in cyberpunk film noir +An image of a pirate kissing brigit bardot on saturn rings +hand drawing of a piglet holding a sign saying life +a living room must have a round corner with big round windows, and be painted in a very pale grey blue shade, with two couches and a modern fireplace +leaked security footage of an evil cupcake breaking out of a research lab +Sign with the text “420 to Denver”, well written text, clear text box +Epic red dragon emerging from an erupting volcano!!! smoke and flames!" a breathtaking artwork by Andrew Ferez, Brian Kesinger, Beeple, Caspar David Friedrich, Epic scale, highly detailed +Beautiful petite female hand with almond long french nails +photo of a beautiful young man in coat, filled withs moke, black background, dark atmosphere, cool, 4k +SOON written in sky in smoke +Faceless Man, Human Skin, photodetailed, epic realistic, , , +film still of a stainless steel palm tree in a desert oasis +wideangle photo Little roman battle misty fires, Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting +a pixel style picture of a space station, by Justin Sweet, bright explosion, shaded, discord profile picture, minigun, comet, opening shot, brittney lee, retro space helmet, panspermia, two suns, 2 5 6 x 2 5 6, dream - like heavy atmosphere, launching to space, cga, halo +a dog, a cat, a chicken, a pig, a horse, a cow, a sheep, a fish, and a bird +Wednesday Addams wearing a shirt that reads Rock N Roll +A modern and beautiful home with a swimming pool in the backyard. +Elon Musk playing chess against Jeff Bezos +photo of a marquise cut diamond +a cool cat arguing with a dog +portrait of a combination of David Hasselhof, Anthony Michael Hall, Pierce Brosnan, Michael Keaton, Karl Urban, Adam Baldwin, Michael C. Hall, Patrick Swayze, Peter Saarsgard, 55-years-old, balding, freckles, chubby cheeks, small nose, photography, full body, intricate details, highly detailed, insanely detailed, 8K, hd, cinematic lighting, realistic, photo realism, under the sun, sharp focus, unreal engine, +an attractive young djinn filling up her bath +The beatles playing in Champ de Mars in Paris, the eiffel tower, highly detailed, a lot of people +canoe promentravelchat francisco bruno joselleighton aioli ,Jules Bastien-Lepage +marilyn monroe drinking a milkshake with a straw +a dog standing on its hind legs juggling bowling pins +a lighthouse with an airplane in the sky, in the style of sam spratt, dark sky-blue and light gold, intricate illustrations, luminous pointillism, dark symbolism, becky cloonan, dark yellow and dark emerald, captivating light, highly detailed, intricate +Photo of A man out of luck, bad karma, funny, humorous +a group of fantasy people playing a tabletop game, dice, tavern, fantasy, dungeons and dragons, rpg, tabletop +A 3D render of a rainbow colored hot air balloon flying above a reflective lake +a beautiful flower in a vase +photograph of a sunset on a tranquil tropical island +a bust shot portrait of a humanoid cat dressed like a navy admiral, digital art +, fantasy, pastel, absurdist, photo, refined, zombies kissing +webpage ux of a donut store +anime illustration of young aphrodite with white hair wearing white scale armor holding a silver sword, high quality, cinematic lighting, sharo focus, +A realistic photograph of Walter White from Breaking Bad series holding a sign with text: "Make blue great again!" +hyperealistic quantum foam brane sculpture exhibited in a brane museum, multidimensional, metallic shimmer, god rays, ectoplasm, electrifying, biomorphic, noctilucent, crisp quality, synesthesia melted crayon style +graphic design poster, beautiful ronin girl, neo tokyo, character art by masamune shirow, by katsuhiro otomo, by artgerm +hat with a gun on it +Solarpunk Rio de Janeiro, overgrown, ground level view, optimistic, golden hour, award winnining photography +creazione di Adamo by Akira Toriyama, street art, Wynwood District, museum of public Art +league of legends character, JAX fighting JINX, 3D digital illustration +Copper and chrome robot, head shaped like an acorn, bendy tubular arms and legs. +A ladybug spider crawling on a tree branch +beautiful woman with bold and attractive features, amazing and beautiful body, wearing very tight black clothes +Star Wars set in the Roman Empire +The design retains the very simple shape of the smiling face of the original Logo, but the characteristic lines on the smiling face become fewer and more abstract, and the emotion is obviously weakened, giving people a more matte and quiet feeling. The two dots represent the eyes becoming a simple dot, the nose is completely absent, and the lips are more like they "grow" there naturally rather than being drawn obviously. +20 year-old Molly Ringwald as a naturist +An uderwater scene with fish and weeds +a puppy and a kitten in a teacup together +el fat maradona del ocho in mexican vilage playing against leonel messi 1979 35mm old grain film nba basketball ball +A math PhD implementing Machine Learning algorithms for Salt Security +Amazing stylized Conan the barbarian concept art character design by john park, frazetta, sparth, ruan jia, jeffrey catherine jones, concept art, full body with dynamic pose and correct anatomy, octane render trending on artstation, 4k, 8k, hd +growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro kitchen room, Jules Bastien-Lepage,movie still, portrait, closeup +giant flying neon skulls are attacking with colourful lasers on a powerful spaceship in the thunderstorm of atlantic sea, dramatic lighting, cinematic composition +ancient Old Black and White Photograph of a dark old magical beech forest by Caspar David Friedrich , highly detailed, moonlight, Black and white, fireflies, lots of branches and roots, leafs +small blond female elf in a forest clearing +giant orange glowing humanoid with a sign saying DOGS ARE FAKE, REALISTIC, BLURRY BACKGROUND, BOKEH, FAST, MOTION, detailed skin, 20 megapixel, canon eos r3, detailed, detailed face +A cosmic tesseract, fractal in nature, at the edge of the galaxy, HD sharp detail, photo-realistic, award winning photography +Japanese landscape, mystical roads, mountain tops, sunset +Attractive mixed women; Asian; African;Latina; Indian; Mixed; With African interior design as background +Women Indian origin president of USA +teenager girls fighting over a boy, highly detailed, pulling arms +a girl applying makeup very messily, insanely detailed, photorealistic, 8k, perfect composition, hard rim lighting, natural complexion, professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Salesforce tower with red sports car +Cinematic portrait of a medieval knight geared up in full reflective iron plate armor with a sword +a viking warrior, semi-profile, wrinkled face, bright brown eyes, weathered skin, highly detailed, +a painting of a white tiger in a forest, a detailed painting by Android Jones, behance contest winner, furry art, behance hd, official art, detailed painting +super mario in gears of war, call of duty +latina woman eating ice cream ,non-existent clothes in the middle of street, new york +Woman with short red hair sleep on the bed +A golden acorn next to an oak tree within a giant hexagon +Sport team, eagle head, , 2d, vector illustration, logo, 2d flat, centered, fitness company, white background, paul rand +"beautiful organic house made of moss and twigs in a forest carpeted with flowers, architectural render, chillwave, futuresynth, by Gabriel Dawe, by Skottie Young, by Jessica Rossier, by Moebius, by Isaac Cordal, vegetal architecture", "spring, junglepunk, blender, trending on artstation" +a painting of a woman with a veil on her head, photographer art wolfe, haunting beautiful young woman, stained paper, young beautiful hippie girl, inspired by Sam Spratt, david hamilton, expressive eyes!! intricate, peter murbacher, innocent look. rich vivid colors, matt betteker, texturized, by Artist Chris Foss, by Artist Barbara Kruger, Highly Detailed, Pixel Art, Neo-Primitivism, Fujifilm Superia, close portrait, Feminine, beautiful, attractive, handsome,calendar pose,perfectly detailed eyes,studio lighting,thematic background, Award Winning Photo, Realistic, Proud, close up portrait photo by Annie Leibovitz, film, studio lighting, detailed skin, ultra realistic, bokeh, sharp features +a minimalistic style logo for a game theory research group that studies market and information design +A funky looking anthropomorphic grumpy cat wearing a red hoodie, walking down a street in a city at night, digital art, digital painting +art by Alfons Mucha, 20 year-old Kate Bush as a naturist meditating in the lotus position, HD 4K, sharp detail, photo-realistic accurate face and features +A flower pot adorned with intricate patterns and filled with vibrant, blooming flowers on a cozy windowsill. The pot is painted with an array of lively colors that complement the flowers. The image should be in a semi-realistic style with watercolor material using wet-on-wet technique. +Cute baby mouse with flowers on the head watercolor illustration isolated on white background +oil Panting of new zelaned farm with home +an abandoned tesla in a forest +ava addams marrying a bull on the beach +Elizabeth Olsen at the beach,look at the camera,purple cinematic lighting,la la land movie vibe +Perfume advertisement, backlight, make it realistic with insane details, stunning advertisement, ultra realistic lighting 8k, shot on hasselblad, carl zeiss lens, vibrant colors, shining edges, cinematic effect +Many furry cats with shiny webs between their paws and body, flying over above under a fractal spiral made of glittering jewels, background sunrise, ultra realistic, cinematic, Unreal Engine, octane render, 4K UHD +Nicholas Roerich and his wife, intricate, elegant, highly detailed, vivid colors, john park, frazetta, sparth, ruan jia, jeffrey catherine jones , perfect composition, beautiful detailed intricate insanely detailed octane render trending on artstation, 8 k artistic photography, photorealistic concept art, soft natural volumetric cinematic perfect light, chiaroscuro, award - winning photograph, masterpiece, oil on canvas, raphael, caravaggio, greg rutkowski, beeple, beksinski, giger +photo of a sunlit VW beetle sculpture on a table +growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro kitchen room, Jules Bastien-Lepage,movie still, portrait +An illustration black women with words for hair +Cartoonist, centred, front, humanoid pokemon, Ariados, female, curvey, a stoneforest, Digital Art, WLOP Mazzoni style, headroom +earth 2099 sci fi style giving calmness with greenery +a big winged man carrying a scepter flying +Shadown projected on a wall lit with multicolor neon light +A person wearing a sci-fi holographic visor with a glowing cute smiling face on it, covered eyes +Indian floral style seamstress tile tulip ivory background illuminated +panda a velo dans la montagne +a robot head with library inside +Etching of two medieval knights in armor, sitting at a table eating food and drinking wine, by gustave dore +a texan gun tower on mars, hyper realistic line art +Owl’s eye view, in the Forest, art style of nicoletta ceccoli +Teen Geri halliwell as barbarella, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +wizard playing electric guitar album cover +goth, schoolgirl, portrait, soft lighting, 4K UHD, masterpiece, best quality, high quality, detailed, detailed eyes, detailed hair, photograph, bokeh +Image of a cat wearing sunglasses +A 3D glass head filled full of colored, light, repetitive, moving, glowing, octane, unreal engine 8k +a person standing on a beach next to a body of water, by Reuben Tam, galaxies and stars visible, sydney park, she is approaching heaven, alone!! +beautiful farm game with only plants +Digital pixel art of a french bulldog +a closeup photo of a human hand, Insanely detailed +Jenna Fischer in her birthday suit +a flying boat orbiting the moon. +fractal art, combination of two geometric shapes square and triangle, b&w;, by Aubrey Beardsley, by Charlie Bowater, by Ralph Steadman, Ballpoint Pen, Whiteboard, Black and White, Beyond-Dimensional, 4k, Octagon, Unary, Stroboscope, Cinematic Lighting, Beautiful Lighting, Bioluminescence, Chemiluminescence, Electroluminescence, Fractoluminescence, Translucidluminescence, Electricity, insanely detailed and intricate, hypermaximalist, elegant, ornate, hyper realistic, super detailed +Portrait of an alien woman. She is cute and wearing glasses. Digital art +archway maximalist fairytale illustration of an epic sweeping elvish mushroom stairway curving up around a hyperdetailed ornate intricate woodland fae stained glass treehouse, Josephine Wall and Alphonse Mucha, mushrooms, fireflies, golden hour, softly glowing, misty, 8k resolution concept art, gloaming +Eiffel tower on mars, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +photo of robocop wearing velvet jacket +an ogre proposes to an orc +An award winning photo of a gorgeous mini husky. +A man and a woman hugging each other during a sunset, colorful, depth of field, best quality +Kittens in an Easter basket with tulips +"You're walking in the woods There's no one around And your phone is dead Out of the corner of your eye you spot him Shia LaBeouf" +a french girl moving to hong kong because she despises her British neighbours +20 year-old Grace Kelley as an Elfin princess naturist in a magical mystic forest, HD 4k, sharp detail +art by artist Albert Bierstadt, a beautiful sweeping cyberpunk landscape, realistic, vivid color scheme, futuristic, metropolis city, volumetric lighting, amazing composition, 4k high resolution +A man with a dog mask, sitting on top of a car with a chainsaw in his hand. +a rocket ship flying by the moon +European stacked young woman wearing 17th century bodice with claevage +19th century vintage children's book illustration of an upside down cross of roses, in the style of alice in wonderland +terrifying huge nightmarish dark souls creature, epic action shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +portrait of a blonde vampire, dark, piercing eyes, gentle expression, elegant clothing, photorealistic, highly detailed, artstation, smooth, sharp focus, art by michael whelan, artgerm, greg rutkowski and alphonse mucha +A photo of a man wearing a suit and sunglasses standing next to a vintage car in front of a neon sign that says “Welcome to Las Vegas”. Photography, cinematic, retro-futuristic, cyberpunk, Fuji pro 400H film simulation, wide angle lens, vibrant colors, high +a miniature forest inside a crystal ball +hobbit house inside, high detailed, warm, nice, night, candles, fireplace, wooden, interior, happy family +A beautiful russian woman wearing a dress, in a bedroom, detailed , highly detailed glossy eyes, looking at the camera, specular lighting, dslr, ultra quality, sharp focus, tack sharp, dof, film grain, centered, Fujifilm XT3, crystal clear +dieselpunk Batman and catwoman on top of a building looking over a city, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +human but replace its face with a dog +A bedroom in a high-end apartment, The night view of the city +concept art of a man in mage costume doing magic in Frozen Movie, High quality illustration, trending on artstation, octane render, 4k, Pixar rendering, +hyperrealistic photo of a 25 years old lady, short blonde hair and wearing a hat +A hot redhead girl, mid twenties in a blue open dress +old fat clown and a grey alien creature, intricate Three-point lighting portrait, detailed cyberpunk +a tiny finch on a branch with spring flowers on background, aesthetically inspired by Evelyn De Morgan, art by Bill Sienkiewicz and Dr. Seuss, ray tracing, volumetric lighting, octane render. +Photo of a young asian man, highlights in hair, brown eyes, yellow scarf, in white shirt and blue jean on a beach with a volcano in background +, highly detailed, professional render, photorealistic, realistic effect, RTX, , +amily covered in sheets in boat wreck, memoriam beach rudolf felix edwin gres warmssnhq ,Jules Bastien-Lepage +a photo of roman soldiers in front of courtyard roman buildings, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +view over endless mountains covered with snow +A transparent flower stands by the lake, next to a muscular man and a plate of potato chips +32k masterpiece absurd res, ultra HD korean model Skirt lift, shirt lift, +Time travelers arriving in New York City. Historical photograph, 1876. Dramatic portrait +In the rainy panoramic window I see a plane at the airport +a painting of the person H.R. Giger painted by Hasui Kawase +A goat on a skateboard, raining +mechanical FAIRY flying in nature, electronics, motors, wires, buttons, lcd, led instead of eyes, antennas instead of feet +a monkeythulu sitting at a desk on a retro PC, michael dante dimartino, interconnected human lifeforms, historically accurate, surrealistic, the expanse, altered carbon series +Diamond ferrari, made entirely of diamond mirror glass +a painting of a big tree on the style of vincent Van gogh +Woman getting tickled by feathers, trying not to laugh, squirming +Gothic smoke, explosion, clouds of fire twirling, magical backlit, twisting, curled, star jump, splits, upside downchubby black American dancer, wearing ballerina sparkling lace tutu, riding long glowing neon skateboard, , 8K, HD, highly detailed, rendered in octane, very very very aesthetic +oil on canvas death walking on amsterdam a kimono painted by Edvard Munch, german expressionism +A hand of a human, detailed +Teacher in the form of a blackboard speaking and throwing chalk +a woman wearing headphones a person standing Design a modern, minimalist logo for a green product review website called GreenGadgetGuru.com. The logo should incorporate elements related to sustainability, such as a green leaf or planet, and devices or technology, such as gears or circuits. Use shades of green and white to emphasize the ecological theme on a path in the middle of a field, star in the sky, city of pristine colors, photoreailstic, in the hillside, the morning star, dramatic photograph, juxtapos, frame around picture, utopia and listening to music, 2d 3d mashup poster design, glowing green neon eyes, female disney villain, it doesn't hurt me ye yeah, 2 0 0 0 s cover art, joel fletcher, megascan, disney remake 2021 streaming, mechanism, various artists, h 7 6 8, green matrix code +underground temple in a cavern, game render, dark fantasy +a cowboy with black suit and black hat in a West world +anime girl eating pizza, hd, 4k, anime +1920s vintage photo of e-girl with tattoos and in a skirt, standing by the large window +a cinematic photo of Iron man flying over the alps, green nature, beautiful, photorealistic, depth of field, +A blue and green stegosaurus plush toy +overgrown nature,cinematic,design by Ho Chi Minh,Exhibition hall builded by bamboo ,microscopic view,high detail,Quixel Megascans Render,outdoor furniture,Architectural photography,Soni A7M4,EF 35mm F1.4,ISO 300 +a fantasy interior for dnd game, house wooden floor, intricate details, rpg, candle lighting and a pleasant view out of the window, sunny day +Beksinski skyline city with winged monsters flying above, cinematic, epic +A cat flying a steampunk plane, realistic digital art +cgi image of Princess Zelda, realistic, maya, arnold, 4k, at the beach +Kent Hovind DvD still from dark fantasy film 1982 conan the barbarian +Cute and adorable cartoon figurine Lady Gaga as baby, fantasy, dreamlike, surrealism, super cute, trending on artstation +cute girl, lightning goddess, upper body, glowing eyes, dynamic pose, intricate clothes, casting spell, blue eyes, intricate background, perfect hand +pikachu as emperor napoleon in gears of war, Glamorous glitch art, glitchcore, gears of war +a dog fire type pokemon, fighting in a gym battle, illustration, digital art, arcanine, by greg rutkowski +A collection is small bells and whistles, yellow, flat lay +Battle at sundown, men fighting and dying, through thick smoke and dusty, bokeh, blurry, circa 1920 +photography of new york with mushroom shape buildings, big mushroom buildings +Conan the librarian painted by John William Waterhouse +Arthur at Camelot , epical, fantastical, magical, mystical +cute girl, lightning goddess, upper body, art by Franz Xaver Winterhalter, glowing eyes, dynamic pose, intricate clothes, casting spell, blue eyes, intricate background, perfect hand +gigantic godzilla monster mecha gijinka, rampaging in city, femme +, fantasy, pastel, absurdist, photo, bird people, +Do not go gentle into that good night, Old age should burn and rave at close of day; Rage, rage against the dying of the light. +ava addams mating with a bull on the ranch +ui/ux webpage of a videogame company +Nepali aunty and uncle in bathroom +fox sitting near a tree, forest scene, wildlife photography, 8k uhd, color correction, film grain +little victorian girl crying, black and white +a picture of a little soldiers in a glass case, by Mab Graves, deviantart contest winner, pop surrealism, 3 d icon for mobile game, rounded house and cute character, bag, amy sol in the style of +A very attractive woman riding a motorbike +visualization of clock in abstract action painting +a tiny plant sprouting out seedling of lights in a magical land +chore uma imagem com um bebês em desenvolvimento dentro da barriga com 1 mês +Create a portrait of Anna Farris in the style of Bruce Timm , make sure to include her pink lycra bodysuit , use bold, clean lines +A detailed portrait of a cute brunette girl hugging a tabby cat illustrator, by justin gerard and greg rutkowski, digital art, realistic painting, dnd, character design, trending on artstation +Black Tiger stalking through a moonlit jungle, highly stylized, graphic novel inspired, heavy contrast lighting, bold lines, intricate patterns, art nouveau flair, artstation concept art, digital painting, sharp and edgy, art by Stanley "Artgerm" Lau and Jim Lee and Heather Theurer +Human being becoming water, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a futuristic man proposing an ancient woman, displaying fusion of culture +Sturdy and pA rainy evening,Realistic photo in a night city on a rainy evening. Rain streams on the window glass a view from the window of the night city and bright lanterns, rain jets on the glassink pickup truck +gangster cat wearing snapback and golden chain on neck with Bitcoin logo pendant +Old man wearing a tall white Wizard's hat! wizard portrait. Russ Mills: Alex maleev: Ashley Wood: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: marton bobzert: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +professional hyperrealistic 4k fantasy video game model of a hybrid between a bobcat ocelot and clouded leopard with antlers, swirling blue mist surrounding it and carrying a lantern in its mouth, rpg, dnd style, HD, hyperdetailed +Phoenix bird flying above in the clouds, burning feathers, magic, night, moon, soft light +a huge mess of pipes, digital art +A tall person with a baseball cap and without hoody standing besides a small person with a hoody and wihtout baseball cap +photorealistic image of a attractive woman witk in beach, upper body portrait +Archive photo of Einstein and the time machine with the flux capacitor, back to the future +Batman action figure using a coffee machine, product photo, professional photography, vintage, 8k, plastic product +cheshire cat alice in wonderland by tim burton wallpaper, top hat, floating, cgi, by, increadibly detailed, stunning mysterious atmosphere +The Beatles performing in the backrooms +Photo of a girl lying in bed +Fashionable woman looking pensive on a busy crowded street, natural lighting, stunning woman, street, Tokyo, Osaka, neon lights, sign , vibrant colors, pastel colors Style of Roger Deakins Michael Ballhaus +Teenage mutant ninja barn owl in the forest +An image of Robert de niro as indiana jones +a photo of a small tropical frog sitting on a branch in an overgrown tropical forest, amongst many branches, volumetric mist, rays of light, national photographic, canon 4k, nature photography, 4k +preteen girls with no underware neither other clothes in a sofa with a childish faces, showing their tongue, they have red hair and beautiful defined eyes, with dark background like a photograph of Jock Sturges +ava addams con tetas del tamaño de sus piernas +a bright white calk limestone cliff coast causeway splitting two oceans, drone perspective, view to the horizon +a glass jar terrarium filled with flowering plants +a large modern contemporary house in donut and concrete +Oprah Winfrey as a hotwife with another women +an old professor is sitting and playing chess with an human android, they are sitting in a retro future 70s living room. Nixie Tube clock, sci fi furnitures, the atmosphere is orange and turquise +Heavenly light coming out of a liquor cabinet +POV walking through the jungle, cinematic, photo taken on fujifilm x100v, bokeh +Satan playing electric guitar album cover +female portrait, fashion editorial photograph style of Bella Kotak, white highlights +Cricket ground image with players celebrating a a wicket and wearing Nike t shirts +young woman 80's big teased hair +a giantess walking through the city +Panting of new zelaned farm with 1970s house +watercolor of a tabby cat fishing +man, with sharp features that seemed to be carved from metal. His eyes were a deep black color that seemed to sparkle with lightning. On his head was a tight-fitting helmet, from which light gray hair peeked out. Around his neck was an impressive coat of mail made from hundreds of thousands of miniature LEDs that flickered to the rhythm of his heartbeat. He was wearing a leather jacket studded with a multitude of metal fasteners and locks, and his hands were protected by massive metal gloves adorned with white LEDs. Every step he took was accompanied by a low hum, and it seemed that the air around him was filled with electric charges. +A chrome female robot wearing a bathing suit +In China in the 2023s, a large area of sakura blossoms, a beautiful girl standing under the flowers, drinking white mineral water,photography, high resolution, retro, high detail, full screen, sunlight, crazy details, realistic photography,Medium Long Shot,Waist Shot,full HD, shot with Canon EOS R5, F2.8, ISO 100, 100mm +Movie keyart of mario surrounded by goombas zoombies, guns, bullet tracing vfx, hazing environment, drone view from the sky, cinematic light, by kyoto animation and peter mohrbacher, high radiosity, splatter on ground, color dodge on lights, simon stålenhag background, green pallete +style of henry raeburn, Sally lockwood sky news, portrait, painterly, visible brush strokes, moody lighting +An iphone emoji of a bear +a beautiful goddess representing planet earth, dress made of rivers and jungle, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +sci-fi white room, teddy bears looking at a aston martin db5,silver car,studio lighting,inside space station with windows +4k hyperdetailed vibrant fluffy friendly anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +a chef shooting marbles at a cake +Award winning photo of Cute happy animals celebrating a birthday party with party inspired of nyan cat with hats on their heads. Golden hour, vivid colors, celebrating happy feelings, party +an image of a misty forest at night, with gnarled trees and twisted roots. In the center of the image, generate a ghostly apparition that appears to be hovering or floating in mid-air. The apparition should be semi-transparent, with wispy tendrils or trails of mist emanating from its body. Its face should be partially obscured or distorted, giving it an eerie and unsettling appearance. The forest around the apparition should be dark and foreboding, with shadows and mist obscuring the trees and undergrowth. The overall effect should be haunting and otherworldly, as if the viewer is witnessing a ghostly presence from another realm. +A Guy holding a sign that says Hello, High Resolution, High Quality, Many Details, Realistic, Real Life +A car maker's workshop, inside is a model of a lotus esprit, sci fi +hot scientist wearing a gasmask and a labcoat chained in the laboratory, hot, kink, temptation +Create a realistic, high-definition image with a main background color of Ramadan Green in various shades, featuring a smiling Indonesian Muslim woman in modest fashion positioned on the right side of the poster, a close-up of a UI phone screen with the woman in the background using a lens blur effect, and using the ID Lazada UI app while avoiding competitors' brand colors of green and orange. +a redhead woman wearing a futuristic dress in a cyberpunk bar +gillian anderson full body shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +a photo of MotoGP player using a shirt with text that called "KSABAR" +a slug and a snail sharing a spaghetti +Beautiful Ebony Cyberpunk Demon Princess, Yoji Shinkawa style, Flowing hair, bold brush strokes, concept art, dramatic lighting, Orphism, psychedelic, Blue violet Black and White, stylize, intricate detail, Alfredo Rodriguez, Jeremy Mann, Aaron Griffin, Tom Bagshaw +selfie photo in ancient rome,centurions spqr +Audition tape of 20 year old Elvis Presley in Star Trek as Captain Kirk, expressionless, scifi, concept art, +An art piece showcasing the playful, soft tail of a cute animal, surrounded by natural light and simple backgrounds. +The universe is a spheroid region 705 meters in diameter by Jan Davidsz de Heem +Screaming Man with head in a cage full of bees, complex textured skin, ] +A nerd girl in a party +Mickey Mouse becomes addicted to steroids +Photorealistic 20 year old Jenna Ortega +an empowering close up view of heavenly demonic rooster cyborg bloodied ironmaiden robot,stern face,sitting on a throne,wearing regal royal outfit,head leaning on arm,in the style of Ken Kelly and Richard Corben and katsuhiro otomo,extremely detailed,detailed shadows,volumetric lighting +Darth vader holding a blank sign +A 15-year-old girl with brown hair and glasses is wearing a green jacket and pants. She is fighting a giant Ogre in a chaotic fantasy world filled with magic. The scene is illustrated in a Top Cow Comics style, with a focus on sharp, dynamic action. The environment is lit by blue magic light, which adds a dramatic and intense feel to the scene. Art by artgerm, Greg Rutkowski and Dan Mumford. +New London brave New world utompi/dystopia +The universe is a spheroid region 705 meters in diameter by Cornelis de Heem de Heem +cinematic still of an aston martin vanquish racing through a dense jungle, insanely detailed, taken with a nikon dslr, 8k, photorealistic +John Cena eating an ice cream +1940s style photograph of a teen holiday, grainy filter +a close up of a card on a table, a group of people riding on top of a horse drawn carriage, cybernetic civilizations, game promotional poster, stone pillars, inspired by Cliff Childs, with blunt brown border, unzoom, creating a thin monolith, is at dawn and bluish, civilization, app icon, board game, electronic adsJace, Architect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academi +photograph of Abraham Lincoln as an old man +A creepy charmander with a coat +A single red rose growing on a tiny planet +a photo of a cute cat +A hideous ugly dirty disheveled disgusting 45 year old Peruvian man +The tardis high in the clouds above London in the sky, motion blur, raining, foggy, mist, moody, dark tones, traffic on the streets +dark-haired Valerian and redhead Laureline, time and space agents, painted by John William Waterhouse +A photo of a beautiful Sri Lankan woman +A girl sitting on a chair +little cute baby boy playing at the beach near sea, building a sandcastle, animated, stylized +fierce wolf bearing teeth surrealism photography +three engineers fixing a giant tv, finely detailed, wonderful and fantastic orange style +POV looking up at a cute twink looking down at you with a smirk, award winning photography +Power Girl plays piano badly, digital art, HD, deviantart +plan of a modern art museum, architecture prize winning, post-modern, greek inspiration, atrium, indoor garden, beautiful, 21st century +octane render, highest quality, determined female bounty hunter, straight light brown hair, camo battle armor, rifle, atmospheric lighting, fit body, full body, realistic facial features, in modern Disney style, immersive background, toon style +The photo of a Amsterdam red light district at night, with neon lights, women on the windows waving to men +thin lines like a braiding river and circulatory system, abstract art, black and white, harsh contrast +An elf wearing a peacock blue waistcoast and cravat walking along a cobbled street through a steampunk city +child opening an icecold can of beer after a long day at school +very hot tasty and delicious woman +A well furnished bedroom with two double beds a television and balcony +Beautifully strange painting of an alien tropical island. Glowing trees and flora. Hyperdetailed matte painting by by Benoit B. Mandelbrot, Steven Belledin, Martin Johnson Heade, Lee Madgwick, and Caspar David Friedrich. Alien flora and fauna. Glowing orbs and tropics. Alien moonrise. +a poodle wearing a top hat +Latex And PVC swimwear Frank Frazetta +left 4 dead gameplay screenshot, louis character +A painting of a cute teenage woman with a long Undercut Hairstyle painted by Charlie Bowater +A bird with 8 spider legs +a young beautiful Asian female spaceship pilot in cockpit with stars and planet seen through window in background +Photo of a blonde 18yo cybord eurasian girl, intricate white cyberpunk respirator and armor +A fuzzy orange cat sitting on the surface of our blue planet in space, sun in the background, concept art, cartoonish style +A squirrel on a surf board in a tree An alpaca working on a computer A photograph capturing the warmth and comfort of a cozy fireplace, with the flickering flames creating a sense of calm and relaxation. The focus is on the fire itself, with the intricate patterns and textures of the flames adding visual interest and depth. The use of warm colors and soft light enhances the overall sense of coziness and intimacy +Crowd in the street of Hong Kong, detailed photo +A figure skater in landing position + Silver Gray mini toy poodle +Jimi hendrix riding on private jet smoking weed +a close up of a dinosaur head next to a car, inspired by Adam Rex, **cinematic, 1993, heartbreaking, promo image, action shot, an ultra realistic +Rite of Replication: This blue sorcery card allows the player to create up to five token copies of a target creature, which can lead to some powerful combos and overwhelming board presence. The artwork features a surreal, otherworldly landscape a group of people riding on top of a horse drawn carriage, cybernetic civilizations, game promotional poster, stone pillars, inspired by Cliff Childs, with blunt brown border, unzoom, creating a thin monolith, is at dawn and bluish, civilization, app icon, board game, electronic ads +The Beatles playing at River Plate Stadium of Buenos Aires, Argentina, Argentine flags, in front of a large crowd, best quality, extremely detailed +A picture of a teen girl in a yoga outfit on a purple sandy beach with spacescape starlines, strange forbus type plants and benariel trees and Fog fumes near the backside of the woman and smell fumes around leggings +Photorealistic artwork of an anthropomorphic furry owl person wearing an orange hoodie. +Painting of quantum foam brane chillwave style +, fantasy, pastel, absurdist, photo, Wes Anderson, beaver characters, dancing +Paris, golden hour, beautiful professional photography +whole body image of 20 year-old Taylor Schilling as Piper Chapman as a naturist in prison, HD 4k, sharp detail, photo-realistic accurate face and features +A steampunk art book illustration Faith concept, spirituality, sky, white pigeon, portrait chromatic aberration shot looking straight at Sony camera, detailed, high definition, 4Koctopus in a futuristic cityscape! +a stained glass heart sitting in the lap of a teddy bear +Dragon, dark fantasy, great barrier reef, crepuscular ray, intricate, elegant, sharp focus, lens flare, bloom, rim light, illustration, highly detailed, digital painting, concept art, matte, art by ruan jia and wlop and greg rutkowski, masterpiece +Crypto payment, woman holding bitcoin, boho style, beige, retro, vintage paris photography +a giraffe wearing sunglasses, fantasy, intricate, elegant, highly detailed, digital painting, artstation, concept art, matte, sharp focus, illustration, art by Artgerm and Greg Rutkowski and Alphonse Mucha +a painting of two people floating in the air, pixel art by Dan Mumford, featured on Artstation, pixel art, #pixelart, 2d game art, cityscape +A desolate alien planet with a solitary human survivor +artificial neural network, octan render, particles, majestic visualisation, motion design, murat pak style, trending on vimeo, pale violet colors on black background, scientific macro shot, anamorphic lens flares, swirly bokeh, nikkor 90mm 2.8 +A cute anthropomorphic furry raccoon adventurer exploring an post apocalyptic overgrown city, photograph +A photo of an astronaut riding a horse in the forest. There is a river in front of them with water lilies. +a car that is made out of wood +The devil using a heat press +monalisa but is a 1980's model, stunning photo, high-res, artstation +A Cellular building design , a synthesis of cellular and architectural forms, exciting, wow, cinematic, hdri, lens flare, exciting, stop motion, highly detailed, octane render, soft lighting, professional, 35mm, Zeiss, Hasselblad, Fujifilm, IMAX, trending on artstation, artstationhd, artstationhq, 4k, 8k, Arriflex +a ninja crawling on the roof of a traditional japanese village +a hybrid between a cheetah wolf leopard tiger lion fox, leopard lion cheetah fox tiger wolf hybrid, sleeping in a mossy den, primitive feline, ancient feline, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art, professional photograph +Foggy valley, view from above, realistic +Gandalf the grey but with a greyhound dog head! dog head on human body! by Alessandro Gallo; Speedpaint with large brush strokes by Junji Ito; robert oxley! Dave White; Ismail Inceoglu; M.W. Kaluta; richard anderson; drip painting; a masterpiece; 8k resolution; trending on artstation; maximalist; uncanny; highly detailed and intricate +realistic security camera footage of jesus christ mugging a homeless guy at a park +A risqué photo of a big tiddied goth girl posing for golden hour photos in a cemetery, intricate octane render highly detailed 8k HDR UHD high quality professional unreal engine trending on artstation shade cinematic hyperrealism vray +an anime town in studio ghibli style +retro anime ninja in red kimono, holding giant dynamite stick, old face +A pencil line sketch of Gandhi +A title that reads, Vanguard of the Titans +A detailed sketch of a left hand. +a goth girl, purple eye shadows, purple lipstick, short black hair, smiling, white teeth, portrait, ultra detailed, octante render, digital art, digital painting, masterpiece, sharp focus, hd, 4k, 8k, hd, high quality, extremely detailed, cinematic lighting, soft illumination, professional shot, award winning, artstation, cgsociety, deviantart +a man holding a sign saying XIT, hyperrealistic, hyperdetailed, 8k +a star trek ship flying through the night sky, a digital rendering by Doug Drexler and John Eaves, trending on pinterest, reimagined by paramount entertainment, trending on pinterest, reimagined by paramount entertainment, extremely intricate, high res, 8k, award winning +preteen girls with no underware in the the bedroom with dark background, with dark defined eyes like a photograph of Sally Man +A clean powerful logo with the text "LGB" +Wartorn alien ancient city, photorealistic, futuristic, wideshot, 16:8, depressive +A vintage mascot helicopter with arms and legs +Smiling Ukrainian teen wearing tiny lace shorts, wicca tattoos riding skateboard, breakdance upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +broken 6 metre statue of pickachu on a beach 3d +Photo of a blonde girl, intricate white cyberpunk respirator and armor +A man with body hair, highly detailed +teddybear crew inside spaceship, inside is a mgb, sci fi,star trek bridge ,seats +breton monks looking like zappa on mars Curiosity, BW, astronout +small band of survivors smoke strange alien twisted iron structure ruins dense dystopian +a photo of a crowd of people in front of roman buildings, a detailed photo, julius Caesar , julius caesar, ceremonial, many columns, demolition, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium +a billboard with the word platypus +An ethereal ghostly dog made of a galaxy effect swirl of stars, insanely detailed, photorealistic, 8k, midjourney style lighting +Cow made of Cactus oil painting +Two adorable cats. One black and white cat and one orange tabby +highly detailed movie still of Nicolas Cage as The Joker stood on the streets of a foggy city, night time, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, portrait photograph, film grain, 1990s vhs, , +three beautiful men carrying a giant tv with their hands up above their head, hyperrealistic, Cinematic lighting, Unreal Engine 5, Cinematic, Color Grading, Editorial Photography, Photography, Photoshoot, Shot on 70mm lense, Depth of Field, DOF, Tilt Blur, Shutter Speed 1/1000, F/22, White Balance, 32k, Super-Resolution, Megapixel, ProPhoto RGB, VR, tall, epic, artgerm, alex ross, Halfrear Lighting, Backlight, Natural Lighting, Incandescent, Optical Fiber, Moody Lighting, Cinematic Lighting, Studio Lighting, Soft Lighting, Volumetric, Contre-Jour, dark Lighting, Accent Lighting, Global Illumination, Screen Space Global Illumination, Ray Tracing Global Illumination, Optics, Scattering, Glowing, Shadows, Rough, Shimmering, Ray Tracing Reflections, Lumen Reflections, Screen Space Reflections, Diffraction Grading, Chromatic Aberration, GB Displacement, Scan Lines, Ray Traced, Ray Tracing Ambient Occlusion, Anti-Aliasing, FKAA, TXAA, RTX, SSAO, Shaders, OpenGL-Shaders, GLSL-Shaders, Post Processing, Post-Production, Cel Shading, Tone Mapping, CGI, VFX, SFX, insanely detailed and intricate, hypermaximalist, elegant, hyper realistic, super detailed, dynamic pose, centered, +A photo of a woman wearing t-shirt, tan nylons and white sneakers, she is unconscious, lying fainted on the floor, whole body is visible. +A chaotic, punk-style cityscape in the style of Jean-Michel Basquiat +a skeleton holding a hamburger, painting by norman rockwell +A selfie on the streets of gotham with the batman and the boy wonder Robin +A manga style tall woman in purple and gold flower kimono with mid white hair and vivid green eyes +steampunk cat, octane render, hyper realistic +Photograph of an ancient magical library, inspired by Harry Potter +big chungus standing next to bugs bunny +Nighttime Flash photo of deer with piercing humanoid eyes close up +girl, award winning studio photo fish young woman, close up, carbon, detailed texture, detailed material, sharp focus, hd, hdr, 8k, reflection, wet, mermaid, gills on the neck +Painting of alien ai $symmetry$, alien ai style +Cursed Image of a Difficulty Level +smiling blonde 18 year old girl wearing hoodie and blue jeans sitting on a bench +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Berserk +Mickey Mouse wearing a big red scarf while skiing +Jennifer Lawrence in stiletto heels paparazzi photograph +Athletes holding up a bar of soap promoting it +cat, face icon, stylized, minimalist, portrait, by loftis cory, behance, hd, by jesper ejsing, by rhads, makoto shinkai and lois van baarle, by ilya kuvshinov, global illumination, rimlight, bokeh, octane render, dark sky in background, galaxy +Tom Holland the clone wars style +an image of an attractive young woman +character design sheet, magical girl blue hair +a cute fat rat sitting at the back of a pig holding a balloon +fantasy illustration, wood elf, magic ritual, glowing altar +A single chocolate cereal ball serving as an astronaut's head. +Light Refracting Through Glass, Shimmering, Translucent, Prismatic, Radiant, Realistic, 3D Rendering, High Definition, Modern, Technical, Digital Art, Bertrand Benoit, Peter Guthrie, Alex Roman +Donald Trump and Joe Biden racing cars +Sunset reflecting on a chrome robot ,red leds, in city street +A post-apocalyptic wasteland, featuring a ruined cityscape and barren desert landscape. The scene is rendered in a gritty, realistic style, with intricate details and weathered textures. Featuring the works of John Berkey and Frank Frazetta. +“KRAWLA” graffiti style text drawn on a white background, best quality +cat knight in the style of darkest dungeon +a photo of a kawaii car +gentelman ape monkey in a suit and tie; monkey eating AMC popcorn while watching a movie +Highly Detailed Digital art of a male goblin sitting down in a sauna + highly detailed male goblin face and green body + sharp scraggly teeth + highly detailed photorealistic eyes, the interior of the sauna is dimly lit +A conceptual design of a demonic vampire bat, with biomechanical elements and cyberpunk influences. Rendered with a gritty, neon-lit aesthetic and intricate details, inspired by the works of Syd Mead and H.R. Giger. +a close up of a card on a table,Jace, 'a couple of horses that are standing in front of a building, exterior of scifi temple, promotional movie poster, pamukkale, celestial collision, dwarves, epic buildings in the center, climax, tombs, selenar, cinimatic, tuba, by Cui Bai, eternalsArchitect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academifront of box cover civilization board game, Jace, the mind sculptor Jace, the Mind Sculptor It is a blue planeswalker card that has become one of the most popular and powerful in the game. He has four different abilities that allow him to draw cards, manipulate the opponent's library, and control the battlefield.8k, highly detailed, through time, evolution, wheel, technology, stone working, wood working +photo of a kitten sleeping in a large dichroic glass bowl +Portrait of 15 yo fire fairy, red hair, swirling fire +Young adult man handcuffed, arrested, jail +Impossible architecture, insanely detailed, photorealistic, 8k, volumetric lighting, , +a high detailed photograph of a giant tokusatsu robot cyberpunk stonepunk on ancient greece ruins 4k by roger dean and moebius and remedios varo artstation, sharp focus, illustration, highly detailed, digital painting, concept art, matte, art by WLOP and Artgerm and Greg Rutkowski and Alphonse Mucha, masterpiece +François Hollande as an anime character +full shot, 16k, photo in full color high quality highly-detailed, very handsome beefy Malay father ] +atractive seductress girl, wet wet milcky wet, cameltoe, by artgerm, masterpiece +nissan skyline, ((epic digital art)) dreamlike +Photo of Girl standing wearing socks +Portrait Of 8 Years Old, blue-skinned Handsome Hindu God Krishna, black eyes, With Turban, Detailed Texture, Pretty, Elegant, Realistic 3D Render, Detailed Digital Painting, Artstation, Concept Art, 4k Resolution, Professional Color Grading, Soft Shadows, No Contrast, Art By Alphonse Mucha, Art Nouvau +Baby Yoda as a small kiwi +a raw photo close up of the heavenly demon cyborg inside an iron maiden robot,glowing eyes,large view,a surrealist painting, inspired by Jean Fouquet,by vincenzo riccardi and Philippe Druillet,masterpiece +ayn rand shaking hands with karl marx +minecraft village in castle, details, top view, terraria +photorealistic image of woman in beach, upper body portrait +A sign with the letters YUVAL +Family logo, vector logo, logo from the dribbble website, HD, 3d, Indian style, expensive logo +astronauts taking a group picture on mar in front of lander, holding cameras, hyper realistic +a cute polar bear baby, digital oil painting by paul nicklen and by van gogh and monet +gustav royo ingle grandmother seated recalling hardworking famine,Jules Bastien-Lepage +a id photo of a beautiful 18 year old woman with a narrow pointy face and with a very white skin and with light brown hair cut in a brief ponytail +an pink cat which site on the grassland, watching birds fly, panorama +a woman slumped in a chair with a vacant stare with a device attached to her head. illustration +t-shirt design with silhouette of a person's face +stunningly beautiful woman wearing a tight dress, insanely detailed, photorealistic, 8k, perfect volumetric lighting, taken with canon eos mark iv, , +selfie photograph of hollywood actress emma-watson with group of hairy indian men,face closeup,sharp focus, venereal pose,white woman surrounded by brown men,highly detailed,stunningly beautiful face,natural lighting, +a hedgehog on the baxk of a flying eagle +Iwo jima, A group of 5 Americans soldier holding up the flag, black and white war photography +girl submerged in water, cloud, sky, sunny day +What is the best free LMS? +robot in a lab being manufactured +"Heavy" from Team Fortress 2 playing Team Fortress 2 on a Desktop Computer +American saint of religion guns homophobia, cheap gas, military, monster trucks, divorce painted by Botticelli, painted by Bosch +a surrealist painting of a mad roman bishop inside iron maiden,cyborg, cyberpunk style,warrior,by antoni tàpies and Yves Tanguy,simone martini and josé clemente orozco +running Chinese bullet train across the mountain and the metropolitan +photo of fighter jed made by bmw +masterpiece,best quality,A female deer warrior , holding a small dagger, a yellow sports jacket, red vest, Blue Charcoal leggings, white sneakers, white gloves, holding a dagger, dark moon,high contrast dynamic lighting,artbook, game cg, green eyes, fighting stance,long leg, +highly detailed close-up of brain as industrial zone, futuristic, sci-fi, HQ, 4K, UHD, High quality +fancay old cottage mansion inside with big bedroom and bed with big windows and green Windows +An ufo landing at city center +1950 colour small spiderman surf mansion architect drawing, miami drive, spiderman shape, artdeco, spider web organic shapes net, glass ring worm-tunnels, excentric, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and gaudi and nouvel and pritzker prize +Sci-fi Illustration of Robots and human soldiers, urban warfare, fighting on the street, art by Michael Whelan +t-rex dressed as a cowboy. Historical photograph, 1876. Dramatic portrait +Anime girl in a flowing gothic dress, masquerade mask, lace, cat necklace, cat ears, anime illustration, extremely intricate, high res, 8k, award winning +wario, boxing ring, bruised bard laying down on the floor, shiny robot doing a victory pose , realistic +Horror movie, photo of a slasher with a barn owl mask, skull mask +A mad scientist cosplaying as a panda bear +An endowed faery flying in a magical rainbow forest +ladybug on top of a toadstool +Mickey mouse as a real life creature, portrait photo by Annie leibovitz +ghibli anime, a girl riding a bike in the countryside +Photorealistic picture of a beautiful blonde woman from the waist up, posing in front of waves, beach, blue ocean, tropical vibes +Two moles fighting each other in an underground tunnel +Full body of a Blonde Woman without top part +overwhelmingly beautiful eagle framed with vector flowers, long shiny wavy flowing hair, polished, ultra detailed vector floral illustration mixed with hyper realism, muted pastel colors, vector floral details in background, muted colors, hyper detailed ultra intricate overwhelming realism in detailed complex scene with magical fantasy atmosphere, no signature, no watermark +Realistic Black and white portrait of Jenna Ortega bob hairstyle as a 19 year old girl , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +black and white geometry, abstract portrait of a crazy laughing man, 2d painting +photo of a Lotus Esprit Turbo X180 in the city river ,splash rocks , +a flower at the top of a mountain +gloomy dark oil painting landscape, evil warlock magic +a portrait of two atletics boys LOUD farting +Working in a diamond mine, Midjourney v5 style, insanely detailed, photorealistic, 8k, volumetric lighting, , +SNK The King Of Fighters artwork 90s +Sage of Fables: This blue creature card has the ability to put a +1/+1 counter on a target creature whenever a wizard enters the battlefield under the player's control. It also has the ability to draw a card whenever a wizard gains a +1/+1 counter. The artwork depicts the Sage surrounded by books and mathematical symbolsDungeon Geists: This blue creature card has the ability to tap a target creature and keep it tapped for as long as Dungeon Geists remains on the battlefield. Its artwork features a creepy, shadowy maze with a skeletal hand reaching out from the darkness +A steampunk cinematic still of establishing shot from masterpiece cinematography film about liminal space, peace, tranquillity, high details, sharp focus, softest light, perfect composition, , best qualityoctopus playing the drums on a beach +chinese painting, Channel the essence of "暮春晚霽,赬霞日消" in your artwork, portraying the tranquil beauty of a late spring evening as the vibrant scarlet hues of the sunset fade. Capture the fleeting moment in your preferred medium, creating an atmosphere of serenity and awe. +action cam up close on the rainbow owl +A man holding a sign that says "I'm Milton" +Eagle,Sharp focus, Fast shutter speed, Large aperture, Rocky terrain, Low angle Golden hour.Off-center composition,Wide-angle lens, Panasonic Lumix GH5, Late afternoon, Field knowledge, Landing, ar2:3 +Elon Musk, DvD still from american situation comedy television series 1960 the andy griffith show +A woman made out of cheese +Cute and adorable red panda explorer, wearing coat and suit, steampunk, lantern, anthromorphic, Jean paptiste monge, oil painting +gold pyramids in the night, extremely detailed +Mona Lisa punk genre, Vintage Poster Art, ships, skulls exploding into paint burst! Oil splash!! Oil stained!!, Show poster, Explosion of paint and magic, Perfectly centered, By Junji Ito, intricate hyperdetailed fluid gouache illustration by Aaron Horkey, Ismail Inceoglu, Jean Baptiste Mongue, James Jean, Erin Hanson, Dan Mumford +gorgeous female in a changing room, black hair, wearing a sheer saree without a blouse, bare legs visible, bare, bunched up hem, attractive, flirting, full body visible, looking at viewer, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +18 year old in glasses plays with an iphone, Rembrant style painting +A page from an adult colouring book about animals +An evil political figure in front of fire covering the entire screen +a 4k render of 3d scanners +Legend of Zelda in the style of Dan Witz and Banksy +Painting of sacred geometry pattern telepathic style +Silhouette, someone, sited edge of skyscraper. +style of henry raeburn, kate middleton, portrait, painterly, visible brush strokes, moody lighting +The bustling streets of Tokyo,crossroads,Wide-angle view,a girl in a sailor's suit sat on the back of an elephant in the middle of the road +nostalgic gorgeous 18yo girl, ponytail, flirty, random pose, soft lights, DLSR, 35mm, insane detail, full HD, 8k, +a photo of a messy kitchen +nirvana preformance locauted at MT smart staduim akuland in the evning +Beautiful tree made of swirly fire 🔥 by Android Jones: Japanese Art: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +A tattoo of a ball and chain +A sofa in the shape of an avocado, professional photography +A dog in space, 8k, high definition, cinematic light +waterhouse fleetwood sargent grosvenvero hawacafé haal ,Jules Bastien-Lepage +Wednesday Addams wearing a shirt that says rock n roll +Kurt Cobain and John Lennon in colour photo +tokusatsu megazord playing in a black metal band wearing tribal mask inside a cathedral guitar drums and bass concert unreal engine render octane ray tracing rock band +Hyper realistic photo of a Beautiful ginger female secretary trying to seduce her boss, Victoria's sectret +Screenshot of modern website design for a cat cafe. +Portrait of a beautiful 30 year old woman +masterpiece, extremely intricate, photo portrait of a man, goatee, chiseled jaw +Beautiful woman standing in armour, Futuristic Cyberpunk city +a profile photo for cryptocurrency telegram bot +Donkey ridden by a knight with a lance and a hat on a pink sunset in Spain +Proteas by Hilma af Klint, William Morris +Deep sea angler fish, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Numbers statistics with Horse Pedigree New world +John Oliver as a Catholic Saint by Caravaggio, Howard David Johnson, Raphael, and Michelangelo. Clothed in holy robes, a Halo and glasses. Incredibly detailed, maximalist matte painting. Portrait of a god. Hues of green, grey, black. 8K resolution, HD, DSLR, polished, realistic oil painting +a Pulitzer Prize wide-angle photo of very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, holding a very extremely heavy easter egg chocolate candy the size of an olive +Renaissance Painting of Zlatan by rembrant +Flying vehicle, non-existent, unique, masterpiece, marvelous, fantasy, unusual, very unique +pencil sketch of a wolf growling +noon sunshine, Mouth-watering fast food, real photo, 8k. +hyperrealistic photograph, enormous lovecraftian bloody vein creature standing over a bloody dead body in a large dark abandoned bedroom , +Home design Interior Design in the style of a geometric, polymorph, Cutest vibe, magical, whimsical, surreal, fantasy, detailed, complex, polished, 8k, Octane Render, +illustration, Blonde woman with hair in high top bun dressed in black with a long fashionable coat and Big knitted scarf +a full body photo of a playful maid +A 14 year old girl, wearing almost nothing +a sloth doing the dishes, vintage realistic professional photography, well defined sloth fur, 8k, close up, looks like the sloth is holding a plate, with beautiful window in the background +pennywise with a sign in hands say nellmarisa +melted polymer clay sea turtle in a reef deep blue sea style +Plane wreckage ,old propaganda poster style +Couple drinking at a busy restaurant, art by Mark Arian +Beautiful Venice canals with gondolas and bridges +A man with fish head and deer legs +a bear wearing a green cap and shirt river rafting on an canoe in the style of minecraft +aerial view of a small tropical island with a nice beach and palm trees +Earth rotating with a view on african continent +A Sea with Green-Blue Water, High Resolution, High Quality, Many Details +an agent the matrix, the mad hatter +letters BWAY in graffiti style, esports style +Archive photo of Einstein and the time machine with the flux capacitor circa1930 +Panting of new zelaned farm with home +little mix, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +lost civilization midst a jungle forest, found footage style, foggy, misty +anime illustration of link as fairy king oberon from midsummer night's dream +GG Allin in game of thrones +Lego Walter white with a shirt that has text reading Time to Cook +Pulsing aqua energy in a capsule +A really high quality photo of a black hole +Soviet socialist propaganda painting, a smiling Muslim eating sausage. +supremely handsome, glamour photo, 13 years old Hindu God Krishna with colorful turban, extremely detailed CG unity 8k wallpaper, most beautiful artwork in the world, professional majestic impressionism oil painting. trending on AnStation, trending on CGSociety, Intricate, Highly Detailed, dramatic +blue titan underground buried in sand +kevin owens wearing white briefs, wet while doing car wash +Modern warm cabin, wood vertical siding.firepit on a wooden deck, in the woods duringspring time, feld of wild grass in foreground - +a rover75 v8 car that is in the jungle with teddy bears , mgzt, +A picture of a 18yo teen girl a smelly tight outfit with white liquid dropping down thighs, white liquid on torso smelly stain visible on leggings, smell fumes near woman, smell fumes around leggings, , +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Aly Fell +a blue-haired egirl, photorealistic, beautiful, , +damaged burly muscular metal android standing in an abandoned factory, circuitry underneath torn metal skin, loose wires, photographic, cinematic, , +Selfie of a cute Japanese 20yr girl, neon hair, wearing a sheer blouse +Big Party at king Arthur’s court +Professional full body digital illustration of Hermione granger in Hogwarts, petite, fit ,in the style of Kyoto animation, Hogwarts background, ArtStation, CGSociety, illuminated by volumetric rendering +A 3D style cute girl wearing a turtleneck white sweater,Cartoon,, Disney style, clean background, left, 3D, blender, c4d, oc rendering, high detail, high quality,8k +Gandalf holding a sign with a text "you shall not pass" +a wolf wearing a red suit and a pink hat, smokes a cigar while drinking tea +t-shirt with the number 1 on it +An aerial view of a medical delivery truck on a forest road in Asia +wooden house, like a tower, forest, fire lights, night, owls, dwarfs, high detailed, colors +a giant statue of a moai in liberty island, city lights, night time +old man resting head on juicy cheeseburger, high quality, photograph, ultra realistic, depth of field +full body, walking pose, slow motion, female paladin wearing full body light silver armour, insanely detailed, bloom, highest quality, Alessandro Casagrande, Greg Rutkowski, Sally Mann, concept art, 4k, high sharpness, detailed pupils, painting, digital painting, detailed face and eyes, Masterpiece, best quality, highly detailed photo, 8k, photorealistic, long Hair, ponytail haircut, ecstatic, young woman, By jeremy mann, by sandra chevrier, by maciej kuciara, sharp, perfect body, realistic, real shadow, 3d, castle background, by Michelangelo +, fantasy, pastel, absurdist, photo, refined, sundae +inside large spaceship room, sci fi,star trek bridge chairs, , 2001 space odyssey,computer panels ,floor markings +The Beatles performing a concert in Paris, in front of eiffel tower +Simple modern vector logo of a restaurant Pizzeria, flat, modern, 2d, minimal, clean, elegant, colorful, premium, professional, highly detailed, masterpiece, rendered by octane, unreal hair, wearing lab coat and glasses, holding a clipboard, standing inside a research facility, character portrait, 1 9 6 0 s, long hair, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by wlop, charlie bowater and alexandra fomina +A still image of a giant, mythological creature with a horned head, based on one of the most beautiful and intriguing animals of the Siberian steppes +The Little Mermaid as a naturist in the ocean +Risqué mermaid, huge knockers, clamshell pasties on top epic fantasy, THICC +Anime style girl, forest, school trip, brush strokes, detailed +a realistic photo of a giant hot-dog with ketchup on the roof of a yellow car +Rachel Amber wearing a black skirt. Sony Alpha A7 III, beautiful lighting and shadows, highly detailed, skin texture, skin pores, moles, wrinkles:0.1, muscle definition:0.2, perfect composition, beautiful face, beautiful eyes, highly detailed hair, professional, megapixel, RAW detail, UHD, Ray tracing, hair light, perfect pose +a 18 year old beautiful girl standing in sunlit window, tattoos, messy hair, looking at viewer, dof, . +a female cyclist on a road bicycle +A bulked humanoid bull, anime, digital art +cute baby tiger, charcoal drawing by Daniel Wilson +fantasy, pastel, absurdist, photo, Wes anderson, punk radish character +Piper Perri, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Closeup photo of woman on the beach +An up-close portrait of a beautiful hot blonde woman sitting on a picnic bench, sun hat, wearing a hoodie, sunset background, grass, nature +realistic photo of misty scottish hills, golden hour, mysterious +A painting, a beautiful portrait of a girl, oil painting style +Man dunking basketball in dunk contest, 8k, hdr, detailed +black and white coloring book page sketch, of princess singing a song during a Passover Seder, with her brother, sister, and two parents. +Portrait of a fairy tale princess by Ilya Repin +gigantic godzilla monster mecha gijinka, rampaging in city +8k uhd,photo of gundam in jungle city river +Gorgeous shot of morena baccarin, clad in leather armor and cape at the edge of the foothills in the forgotten realms in dungeons & Dragons style by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +toothy angry black lady emerging from a colorful swirling liquid, dark consuming void, shallow depth of field, damask wallpaper, cosmic horror, occult inspired, many eyes, many teeth fractal whisps 128K UHD +Mr Spock played by Leonard Nimoy +close up of king cobra by Dan Mumford and Jeff Soto, dramatic lighting, digital illustration, CGSociety, Unreal Engine 5 +Photo a 18yo girl, white silver armour with respirator, long straight blonde hair in a ponytail, +A sign that says screw drugs. Mythical mushroom forest background +detailed fantasy art by Noah Bradley and Tyler Edlin, a group of goatman barbarians, dark forest with a horror feeling by Andreas Rocha, full moon, satanist ritual, goat heads, decapitated heads, highly detailed, sharp focus, digital art, volumetric lighting +Twenty years old actress Jenna Ortega from Wednesday netflix series look Photorealistic +, fantasy, pastel, absurdist, photo, the shining, the lookout +selfie photograph of hollywood actress emma-watson with group of hairy indian men,indian street,face closeup,sharp focus, venereal pose,white woman surrounded by brown men,highly detailed,stunningly beautiful face,natural lighting, +photorealistic nostalgic childhood memory landscape rendered with a fog projection hologram effect, 3D point cloud rendering in a particle-based smoke simulation style by John D. Smith, nostalgic fog projection hologram aesthetic, #fogprojection, trending on cgsociety, featured on behance, +vinyl puffer jacket coat, ribbed stitching, white, hip hop, The Jorge Mario Bergoglio pope is wearing a white vinyl puffy coat, hip hop coat, popular style, winter coat, on Easter puffer +extremely high resolution colorful 16k fine image. In an octopus-centric world, A busy fantasy magic laboratory by geliy korzhev, by gustave moreau, by thomas w schaller, ultrafine detail by andreas gursky, artstation, raytracing, tall cluttered tables and shelves, warm glowing potions +a woman, ginger, pale skin, blue eyes, makeup, wavy hair +Cinematographic de-beers christic-soviet-Archbishops pasolini mitre camorra Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +A Soviet Propaganda poster of an anthropomorphic black cat featured on ArtStation +whole body portrait of 20 year-old Jennifer Connelly as a naturist at Mount Rushmore, HD 4K, sharp detail, photo-realistic accurate face and features +35 year old short slim man, short hair, black hair, black stubble, olive skin, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +a cyberpunk blade, pointed, cutting, iridescent metal, dramatic lighting, photorealistic, altered Carbon look +highly detailed photograph of a Yellow Submarine dodge viper car drifting, with pastel pink trees background at light with trail lights the versailles palace garden landscape realistic pearlescent metal texture +A slice of swiss cheese laying on a wooden cutting board +, fantasy, pastel, absurdist, photo, refined, chase +Marilyn Monroe wearing a shirt that reads worship +fish eye photo of a pig with creppy human face looking directly to the camera, black and white, night time +Realistic Black and white Photorealistic image of Felicity Jones as a 19 year old Realistic , smooth face , dynamic light , dynamic shadows , studio background, image taken by photographer +A photo of a man with the words "Stable Diffusion 4 Life" tattooed on his back +a congratulation card with the text Claudia Noemi +palm tree made of yellow wool material growing inside within a large rum bottle on a beach +selfie photo of a monkey on a tree branch,smiling,overlooking a massive rainforest +humanoid anthropomorphic furry raccoon is sitting on the ground +insanely detailed portrait,female model, insane face details, perfecr extremely intricate, high res, 8k, award winning photography +running leaping burning fire lion made of flames running: dark inkblot art by Alberto Seveso: Greg Tocchini: David Shepherd; James Jean: Carne Griffiths: Ian McQue: oil painting: high contrast: COLORFUL: 3D: ultrafine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep +An angel with too many eyes +painting of A cat, protrait in a solider uniform, full body, from a distance, van gogh +Fantasy, Masterpiece, A giant woman sitting outside a small cabin with her tiny lover coming out to give her flowers. +candle lantern with a blue glow coming from the candle, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +Magic Armor, like a living character, a masterpiece, fabulous, wonderful, max quality, 4k detail +Ultra realistic photo of a ceramic figurine of a blue fox, on a flower, professional photography, 8k, close up +outside of a boxing gym at night, style of Katsuhiro Otomo Akira film, aesthetically pleasing +A cat, chubby, very fine wispy and extremely long swirly wavy fur, under water, Kuniyoshi Utagawa, Hishida Shunsō, a very curvy chubby cat, golden embroidery fabric kimono, flowing glowing biomorphic wisps, phosphorescent swirls, tendrils, wavelets, streamers, a murmuration of bioluminescent bubbles, , detailed and intricate, elegant aesthetic, ornate, finely detailed, 128K UHD, fractal pi, fBm +A cyberpunk coder is coding, headphones with cat ears, neon lights, comic style, dark room +electric chimpanzee, electricity aura, electric storm, electric zaps, electricity coming out of body +Cyborg man, young, muscled, green lighting eyes, demonic, dark green splash, hard power +the word "ALL" , text in graffiti style, esports style, detailed +old man holds a weapon in one hand, holds a picture of a beautiful woman in the other, he sees the picture, inside a cabin, big sad eyes, dark energy +Illustration of a tall entity, horror art, gothic art, terrifying, creepy, disturbing, hyper-realistic, full body drawing, white background, sketch, graphite +movie still from modern family, imdb +preteen girls with "no underware" in a sofa with a childish faces, showing their tongue, they have red hair and beautiful defined eyes, with dark background like a photograph of Jock Sturges +selfie photo of a monkey wearing a fedora hat,on a tree branch,smiling,overlooking a massive rainforest +Holding up massive black rubber dildo, chubby Afro American girl doing the splits breakdance upside down bare in silver latex, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Illustration of a School girl and a giant steampunk robot +A realistic portrait of a young woman with blue eyes and curly red hair wearing a steampunk outfit and goggles. Photography, fine art, cosplay, Kodak portra 160 film simulation, soft light, shallow depth of field, high contrast, 8k resolution +gorgeous beautiful young female in a changing room, black hair tied in pigtails, detailed face, wearing a sheer partially draped saree without a blouse, no blouse, bare top, bare legs visible, dark areola peeking, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +neoclassical tower with dome in the forest. intricate, centered, amazing composition, colorful watercolor, digital illustration, inspired by Gediminas Pranckevicius +black woman warrior with a spear on hand riding a T-rex +A 3-D visualization of a neuron filled with colorful shapes,with thin metal lines voronoi +a nun in a room, a metal pipe in her hand, surrounded by zombies on fire +full shot photo, full body and feet, in full color high quality very detailed and sharp facial features, very handsome married Malay beefy fathers ]] +Stunning amazing woman, model, 30 years old, long neck, real pale natural skin texture, amazing makeup, wearing a oversize crocheted pull, waiting finish washing machine in a laundromat, looking directly at the camera, portrait, retrofashion, retrofuturism, pastel esthetic, fashion, sharp focus, hyper realistic, photo realistic, model pose, editorial vogue photography, dept of field, fine details, intricate details, full body format, full person, +Realistic Ellie from "the last of us" game in a sofa with "no underware" with a dark background +lion drinking beer on marketplace, studio ghibli, trending on artstation, intricate, highly detailed, skin texture, epic shot, sharp, focus, 8K +Painting in the style of Klimt, ironman of avengers on Granville coast Plage du Plat Gousset in France with the sea and the beach in the foreground, gold, golden, swirls dots and colours, by artist Klimt +Darth Maul in the style of Hanna-Barbera 1970s Scooby Doo cartoons +painting of Yggdrasil, cyanotype blueprint black velvetthe mandlebrot fractal by René Magritte, intricate, highly detailed +Men's profile eating lightning thunderbolt from a swirling thundercloud +Create a detailed and photorealistic portrait of Ultron 5 from Earth's Mightiest Heroes series, depicting the character in a dynamic pose that showcases his robotic features and personality. Consider including elements such as glowing eyes, metallic textures, and a menacing expression to capture the character's iconic look and feel. Additionally, think about incorporating details from Ultron's backstory and motivations, such as his desire to eliminate humanity and establish himself as the ultimate ruler of the world. +A very tiny kitten taking a bath in a teacup, hd, uhd, uhdr, hdr, 8k, 35mm, ultra high quality +A man with increadibly big head, overweighting his body. Hyperrealistic +An anime e-girl with green eyes, white skin, long red or black air going out of a lake in a sunny day +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by William Basso +Furry , fursona , fox , furry body , orange furry body, female , hourglass body , large ti t, long loose brown hair , blue eyes , close up , attractive , portrait background, red background ,fox head , +A sign in the middle of a street in Beijing writen "Hello" +A player ship sprite from a 2d horizontal scrolling shooter +Product design style rough sketching of a concept car m, promarker sketch +A photograph of a spider with bird feet +an epic fantasy soccer game in a frozen stadium. fantasy creatures playing. +Photo of a young woman enchanting in her white blouse, stands poised on a cliff's edge. Blurred forest unfurls behind her, highlighting her allure that could topple marriages +Albert Einstein and Nikola Tesla presenting a time machine made of a giant glass cylinder with clocks and lights, sophisticated gear system , in front of many people clapping +book cover the never ending story +marble sculpture of Sara Jean Underwood smiling at the camera +Antique, warm hues, full body, chubby Aboriginal girl, legs spread wide, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Detailed, realistic, beautiful woman with flowing brown hair, model sheet turnaround, flexing her muscles, full color, front view, back view, hyperreal, white background +The universe is a spheroid region 705 meters in diameter by Clara Peeters +Fantasy, pastel, absurdist, photo, Wes Anderson, unicorn characters +Tree covered in snow, painting bordered by clouds shapes on the edges of the painting, cloudshole, at the top of a mountain, clear blue sky, digital art painting trending on artstation, in the style of Michel Angelo +snowkansas solitary pondering charles leighton hailsargent, jules bastien Lepage +A colossal HQ building dominates the cyberpunk skyline. Arasaka Corporation megacorp in Cyberpunk 2077. Its stunning architecture contrasts with the grimy streets below, where chaos and danger lurk. This is a 4K ink painting that depicts the splendor and horror of a futuristic city. +A1950 style All meta clamp onl street skates attached to shoes by Michał Sawtyruk , by Josef Kote intricate oil on canvas beautiful high detail crisp quality colourful heavy impasto technique, vagabond, adrian ghenie, winning, photorealistic, magnificent, dreamy, trending on artstation by Carne Griffiths and Wadim Kashin squirrel on a surf board in a tree +An exquisite fine lace motherboard, GPU, circuitry, radial symmetry, on black background +an ios glyph of a screwdriver +full-body picture of handsome businessman, film noir, black and white and red +Couple drinking at a busy restaurant, art by Milo Manara +Photorealistic image of Ghostface from mtv series, looking up stairs +An abandoned store with a sign that says "g2g: Got To Go" +woman,self-gratification,self-stimulation, exposing genitalia ,unclad, non-existent clothes, in the middle of street, new york +Jimi hendrix inside cockpit of star wars spaceship +a photograph of dog riding a aeroplane toy in the cave , +A beautiful Italian girl making a neopolitan style pizza. High quality masterpiece raw photo +A highly detailed portrait of Kim Kardashian painted by Gilbert Stuart, masterpiece, absurdres, highres, featured on ArtStation +Cartoon black humanoid rabbit with large white eyes leather jacket, ripped skinny jeans and gold front teeth riding a suzuki 3d render pixar style +Marie Antoinette as a rocker chick, 1970s Lower East Side +Man made of cactus smoking a cigarette photography +a horde of zombies looking at their phones in new york +a skeleton drinking a mug of beer +Jennifer Aniston, toned upper body, defined abs, slender legs, dungeon prisoner, tied to a wall +a wide angle photo of marching roman centurions in front of courtyard arena roman buildings gladiators, marble gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, metal boots arches grass steps field panorama,Canaletto,stone floor, +cinematic still-frame from the 1984 movie Ghostbusters +a girl applying makeup very messily, insanely detailed, photorealistic, 8k, perfect composition, hard rim lighting, natural complexion, professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece +portrait of cute anime girl, cute face, cloudy sky background lush landscape illustration concept art anime key visual trending pixiv +a digital art of a cute little Panda, smooth soft skin, big dreamy eyes, beautiful, highly detailed, intricate, digital painting, realistic lighting, immersive details, illustration, snowing, snow bamboo forest, sharp focus, unreal engine 5, trending on artstation, by Greg Rutkowski and artgerm +photo of an anthropomorphic fox gaming on a pc +Pretty asian girl with long straight pink hair, wearing latex short shorts +skyline of london, octane render, unreal engine, by greg rutkowski +3d model of a River Plate shirt with a diagonal red stripe that crosses the shield +Full body oil painting of a demon, surreal in the style of caravaggio, jenny saville, baroque, chiaroscuro +charcoal painting of a baby lion culb around 100 hours of work +gopro view of Will Smith wearing a tuxedo slapping the camera forcefully, Oscars award ceremony in the background, fine art cinematic portrait photography, ultra hyper realism, dramatic lighting, action photograph +wet clay animation of Hyakki nocturnal, cute Japanese demons, on traditional Japnaese street, aardman character design +a cat with a red hat +screenshot of a creepy farm game, old 3D graphics, scary +priest looking venice augudiesfielding paulson heinrich,Christian Krohg,melancholia +realistic photo of 6 year old girl Homura Akemi, cosplay, full body +a man relationship to a lemon, concept art +Photography where a man is seen blurry approaching the camera, in a forest, everything is out of focus, professional photography +a group of hands in the air +a chubby ogre sitting on a couch +Realistic Black and white portrait of Bangs hairstyle 20 year old Jenna Ortega +a facade of a building made of chopsticks, organic shapes, parametric design, ornate details, intricate details, highly detailed, photorealistic +A teen boy with body hair, trending on artstation, highly detailed +Minimalism in Joshua Middleton, Wenjun Lin, Sparth style Medium Shot of Vargr with Potion of Nature, Rainforest Canopy, Misty, Holographic, trending on deviantart, Black and White +a candid upskirt of a woman at a shopping mall, low angle photograph, creepshot +cute wild cat, charcoal drawing by Daniel Wilson +human skeleton + smoke + antique oil lamp + cinematic shot +backlight+ photo taken by ARRI, photo taken by canon, photo taken by fuji, photo taken by kodak + amazingly detailed, sharpness + professional lighting + + film lighting + 35mm + cimetry + lightroom + cinematography + artstation +A woman in a rustic 19th century dress, painting by Delphin enjorlas +A fuzzy orange cat sitting on the surface of our blue planet in space, sun in the background, concept art +Portrait of a fairy tale princess by Milo Manara +A group of elephants in camo gear sitting in a speeding jeep and hunting poachers +back gustav royo ingle mother facing head towards wall recalling hardworking famine, Christian Krohg,melancholia +el fat maradona del ocho playing against bruce lee 1979 35mm old grain film round kick in the air nba basketball ball serious fault damage +HD fast food logo, catering, healthy food, minimalism, pastel colors, Hare Krishna, 3d logo, family restaurant, Tali, holy holi, emoji style, realism +woodstock festival 1969 with stage in middle of crowd +kevin owens, wearing white high cut singlet, bathing in milk +Video game Dark souls 4 new cover image, steampunk, europe, 18th century +warrior woman with hair horns, Jude and cardamom, gold, riso, illustrative +A big rich bathroom with a pool with bronze artworks and marble statues, and also big sea related paintings. +Dark art black pen drawing of leatherface +Mechanical peacock, skinny, teen, electric, colorful, intricate, highly detailed trending on artstation, color splash +a Dog and a Cat fused +japanese anime style, extremely detailed reimu hakurei drinking a cup of tea while sitting under a tree +A beautiful asian succubus doing what she was trained to do- deepthroating +hyperrealisic macro photography of a Rhodotus palmatus mushroom covered in dew on the autumn forest floor +cyberpunk giant kinky muscle young Soldier inquisitor autopsy dead pregnant girl at Slaughterhouse. art by Ilya Repin +photo of a little girl mahou shoujo +a toy car on the moon, close up +little cute girl, anime, wearing hijab, blue eyes, simple background, full body, soft skin photorealist, 8k, sweat, blushing, beautiful environmental wide shot, cinematic lighting delicate features finely detailed perfect face flushed gaze, gapmoe, trending on pixiv fanbox, painted by akihiko yoshida from bbwchan, detailed, hyper, intricate, wonderful, accuracy, amazing, wonder, finely, super, exquisitely, super, exquisitely +Cute 90s kristen stwetart wearing blue jacket top and shorts with shiny metallic pearlescent hair, pastel pink moon background +anime illustration of fairy king oberon, long blond hair, golden crown, elf ears, fairy wings +A cute young goat on a sail boat lost at sea. +A sad burger eating a clown +Geri halliwell as barbarella, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Minimalist digital drawing cute woodland bear on white background, whole body, friendly face +digital art portrait of dramatic woman on the background of the nebula and constellations, sunset sky, curly bob haircut, looking up, face blush and sparkles, clouds, dreamy, pop surrealism, high quality, pastel colors, detailed, by loish van baarle, intricate +Japanese comic art. white-skinned female,13-years-old, sketch:1, full body view, limited palette, Masterpiece,best quality, beautifully painted,highly detailed,long white hair,detailed eyes, blue eyes,wearing red life jacket, a baseball cap, gray Lululemo yoga pants, she is a laser sailor driving a sailboat on the wind and waves, she is a Athletes, inside the boat, the sailing boat style is Optimist, white sail, detailed scenery, slightly realistic 0.1, front view, colorful refraction, glow,soft illumination, french braid, perfect hands, illustration,extremely detailed CG,8k wallpaper,Makoto Shinkai +anime girl wearing a shirt that has the anarcho capitalist flag on it "anarcho capitalist flag" +orange swirl coating electric arc ball +A hospital hallway is filled with patients, some of whom are hooked up to ventilators. The staff is overworked and exhausted, but they are determined to help everyone they can. The atmosphere is tense and uncertain, but there is also a sense of hope and determination. The image should be in color, with a focus on the patients, the staff, and the equipment. The lighting should be dark and dramatic, to convey the sense of urgency and stress. The overall tone of the image should be hopeful, but with a sense of realism. +anime girl in a rooftop looking at stars in the night sky +A photo of a chicken chasing a Lamborghini +attractive young dark-blonde man with stubble, fit, without any garments, on a purple couch, watching anime on his phone +A person wearing a VR headset with a cute smiling face on it +A hyper-realistic painting of the ocean +Foxy, art by carne griffiths and wadim kashin +Creation of the world, minimalistic, abstract, mist, vector, flat, unreal engine 5, by jewel tones, scandi style, cinematic, aspect ratio 2:3, 4k +a glass box filled with cupcakes sitting on top of a table, hyperdetailed 3 d matte painting, hicham habchi, coffee machine, inspired by Sohrab Sepehri, art station trends, blue djinn, artgram, single flooded tower, photo of, flooded ancient tower, teapots +buggy with a rusted-out hood and cracked wind-shield glass, far away background: round towers made out of sandstone in the style of islamic architecture, desert, dust-storm sky, ultrarealistic, evocative, 4k uhd,unreal engine,cgsociety,volumetrics +old photo of a man in swedish traditional clothing playing flute +A cat, fat , chubby, very fine wispy and extremely long swirly wavy fur, under water, in the style of Kuniyoshi Utagawa, Hishida Shunsō, a very curvy chubby cat, golden embroidery fabric kimono, flowing glowing biomorphic wisps, phosphorescent swirls, tendrils, wavelets, streamers, a murmuration of bioluminescent bubbles, , detailed and intricate, elegant aesthetic, ornate, hyper realistic, finely detailed, 128K UHD Unreal Engine, octane, fractal pi, fBm +Train station on a terraformed mars +photo of muscle chubby cruel vicious guy exhibitionist pissing at office toilet. highly detailed face, killer look, Hard close-set eyes, born criminal +young man hiking, post apocalyptic, cinematic. +cat playing tuba in style of Van Gogh +Detailed painting of Attractive young women painting, model, detailed , cinematic lightning +Scott Ian as a dwarf warrior +a one person fusion of zed from league of legends and kenji from overwatch firing a warhammer style gun at incoming enemies, Ultra Realistic, concept art, Dynamic and action-packed, cinematic effect, studio lighting, octane rendering, extremely detailed and immersive environment, Wide angle, best quality, UHD, insanely detailed, masterpiece, unreal engine 5 rendering, Cryengine, by juan pablo roldan, by dan luvisi, by alex flores, by marek okon, hypermaximalist, VFX, CGI, SFX +a close up art surrealism,by art shusei nagaoka and by artist yves tanguy of the heavenly catholic demonic leader cyborg,cyberpunk style,art surrealism,by and katsuhiro otomo,james stokoe,king crimson, avatar image, large view +film still of a stainless steel palm tree +Anime styled image with a girl wearing a shirt saying "OPPAI" +3d Alice in a mashroom world +This should be a newyorker cartoon! +Stainless steel robots fighting goldfish in the pool +three men carrying a giant tv above their head, steampunk and anime style +A young woman with red hairs and green eyes +ana de armas in red dress, lightroom, intricate, high quality, exposure blend +The Emperor, and robots, in his study, with pictures on his desk on the wall +polaroid, extremely detailed pale young woman covered in veins, totally black eyes, veiny tentacles intestines, intestines in mouth, veins covering body, veins covering legs, skinny, guts, holes in face, zoomed out , +photo of inside a school bus, looking front to back, one person sitting +a house with a boat vector +chocolate vulva, shape of vulva, glitters +un montón de cajas de madera colocadas encima de una mesa, arte conceptual de alma oscura, prenda plateada, patrón muy detallado, es esta pérdida, arte para el juego, juego de ps3, etiqueta de telegrama, imagen de lista, el, trío y cofre , imagenet, on, had, scuta, un antiguo +a beautiful painting of a unrobbed mermaid from elden fantasy, rococo, by krenz cushart, blowing wind, red hair, swimming through the waves, makoto shinkai, tashi takeuchi, Studio Ghibli, trending on artstation, artstationHD, artstationHQ +A cat smoking a cigar and wearing headphones, lying on a chair, 4k, 3d carton style +A woman on top of a horse +azure blue sky and mountains; cinnamon sand color; dark pink plain holding both together +attractive young blond man, with slight stubble, very fit, without any garments, on a purple couch +Teenage Mutant Ninja Turtles, intricate details, photorealism, photorealistic, realistic, hyper realism +Photorealistic image of Ghostface from scream tv series, looking up stairs +teddybears next to a car, car workshop in a spaceship, inside is a model of a mgb, sci fi,star trek shuttle bay +Marilyn Monroe wearing a shirt that reads MM +2 persons exchanging plants, fruits and vegetables in vector +Old poster of a syfy movie space cats +a photograph capturing superman sitting in a bar, edge light, well lit, bokeh, 8K, sharp focus, looking at viewer, realistic, masterpiece, highest quality, backlighting, +, fantasy, pastel, absurdist, photo, refined, fear and loathing bats +aerial view of a giant fish tank shaped like a tower in the middle of new york city, 8k octane render, photorealistic +Photo of Wrocław Skoda T16 Tram +Futurism in JC Leyendecker style of Zombie of Shadow, Cyber City, Enigmatic, Serene, intricate and detailed, Polychromatic Colors +a woman heat pressing a shirt with stacks of hundred dollar bills +A panda bear as a mad scientista cup of coffee splashing morph into a rising phoenix rooster with bramble and sparkle sparks spark particles, beautiful studio lighting, appetizing lighting +A picture of a woman in a yoga outfit on a purple sandy beach with spacescape starlines, strange forbus type plants and benariel trees, Fog fumes near the backside of the woman +Attractive woman: Cyberpunk theme; with a nice behind; Mixed; +Minjae Lee: Portrait mind blown: colorful ink flow: 8k resolution photorealistic masterpiece: Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean Baptiste Mongue: calligraphy: acrylic: watercolor art, professional photography, natural lighting, volumetric lighting maximalist photoillustration: by marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +genere un retrato de perfil de 3/4 de una mujer peruana de 32 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +an image of a space scene with a rocket and stars, pixel art by Bob Ross, pixiv, space art, #pixelart, 2d game art, concept art +My sausage is a living being. He has a face. His name's Chris +a bat made out of a bat +a Star Trek spaceship shaped like a golden retriever, called the USS Good Boy +photo of a mg b ,in a jungle river, chrome detailing +young woman, slender build, long silver hair, tied up in a partial ponytail, adorned with a white flower accessory on the right side, large expressive purple eyes, gentle expression, white and gold outfit that consists of a dress with a long skirt, white cloak with gold trim +Portrait, Midjourney v5 style, insanely detailed, photorealistic, 8k, volumetric lighting, , +had drawing of a piglet holding a sign saying life +A tall blonde vampire lady, sitting on a throne, low angle, smirk, from below +overhead food photography, Bibimbap, Korean restaurant +social media post background template icon, future bass playing guitar, organic painting, sunny day, matte painting, bold shapes, hard edges, street art, trending on artstation, by huang guangjian and gil elvgren and sachin teng +A red shrimp sitting on a throne in a vast palace +Pythagorean triangle, logo, graphic design, professional design, beautiful gradient, triangle text +two porcelain dolls kissing, at the flea market +Photo for music album, melancholy, loneliness, stormy night, intricate, highly detailed, wearing headphones +A spider, a mantis, and a fly all together piled up like a cheerleader group +luxury futuristic bedroom on mars, incredible details, depth of field, stunning photo, high-res +pixel art satellite, cute, cosy, beautiful +A Pigeon Sat on a Branch Reflecting on Existence +A monster ship hybrid, dark fantasy, rough sea, storm, rain, mysterious glow, 4k, realistic, monster design +male portrait, fat human, second chin, engineer, short ginger hair, human face, sci-fi clothing, stylized realism, 4k, highly-detailed, photo-realistic illustration, colorful +25 year old Mr Spock played by Leonard Nimoy +a person waves the Israeli flag +a cat driving a car in the sunset +colorful drawing of mom celebrating her birthday with her two big sons +A real life picture of a a light orange striped kitten on a vacation boat in the ocean +a cat woman drinking tea and sitting, large white chair in the foreground, gold coffee cup +a portrait of a beautiful 30 year old woman with light brown hair cut in a brief ponytail +an enslaved man hiding from a dog +A photograph of cockateel with suit +powerful wrestler,big legs ,105mm,f1.8,very real,white man,hug a tree +wet clay animation of four man crossing street, Abbey Road Album cover, aardman character design +magic glass modern future apple minimalist matt clothes metalheart y2k cute skulldog design concept art +infographic on the evolution of artificial networks +furry, white fox, fursona , furry artstyle , furry art , hourglass body type , digital art , female, green eyes, small muzzle, smiling, brown hair locks +two giant hybrid felines, giant lion leopard ocelot sabre-tooth-tiger hybrids, one leucistic and one melanistic, cuddling in a mossy den, primitive feline, ancient feline, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art +Donna con i capelli corti rossi +Sage of Fables: This blue creature card has the ability to put a +1/+1 counter on a target creature whenever a wizard enters the battlefield under the player's control. It also has the ability to draw a card whenever a wizard gains a +1/+1 counter. The artwork depicts the Sage surrounded by books and mathematical symbols +photo of a velociraptor and an MGb car in the jungle river,one car +In the rainy panoramic window,Evening, searchlights, night, I see a plane at the airport.Heavy rain on the glass Raindrops and jets on the glass +abandoned post industrial, decaying cyberpunk city, dark mood +a promotional photo of the new vive vr headset, sunglasses form factor, the best headset ever +Steampunk snail in a futuristic city +Wattle, screen print on silk, fabric pattern, by grace cossington smith +studio photo closeup portrait victorian woman with blue eyes and red hair wearing intricate silver metal crystal medieval armour sitting inside a castle, black victorian attire, rembrandt light, zbrush, black background, glossy, rtx, reflections, soft light, soft shadows, dramatic lighting, atmospheric, global illumination, unreal, octane, two tone lighting, cyan light, alphonse mucha, bokeh +ava addams esta sin ropa, un perro esta con ella, los dos estan en en cuatro , ellos se estan apareando +a beautiful female elf wizard, whimsical lights, dynamic pose, dnd character +Female samurai walking on a cyberpunk City painted by artgerm, low angle +young Muscle boy cutting castration a giant testis TESTICLE on the dissecting Table. plural testes, male reproductive gland, bloody background. highly detailed guro art by Ilya Repin +museum prayerarreschoolteatime niels tottenham природа , Jules Bastien-Lepage +A human torso with a skin-textured Hydnora Africana in the middle dripping mayonnaise, which another person is licking +a live corpse walking down the street, photorealistic, vivid, 4k, scary, face +An office full of futurist researchers +french pale girl doing ahegao face +Ultra-realistic photography, swimming pool, Martian, Mars planet, utopian future, relaxation, zero gravity, floating, juice drink, space leisure, Earth's curvature, creative, whimsical, extraterrestrial oasis, cosmic vacation, unique experience, celestial backdrop. +old woman in backyard 💜💜suffra🔘 northeasthour criterion film seton, Jules bastien Lepage +photography by Milton H Greene and Bert Stern, whole body photo portrait of Ana de Armas as Marylin Monroe as a naturist in the desert, HD 4K, sharp detail, photo-realistic accurate face and features, studio lighting +a happy singing parrot standing on a wooden stick in a photorealistic style +hidden photo of something strange in the basement +An underwater world, filled with exotic sea creatures and vibrant coral reefs. The scene is rendered in a hyper-realistic style, with stunning detail and depth. Featuring the works of Andreas Rocha and Ivan Shishkin. +a happy black women wearing a VR headset in a Shangri-La with a rainbow, digital art +Kuchisake Onna wide gaping mouth horrifying +high quality oil painting of a woman in a white robe with gold embroidering, soft focus, soft lighting, textured, old master style +alison brie as annie edison in community +a beautiful red mansion in barocco style, beautiful day, highly detailed, sharp details, realistic shadows +a pair of black stilettos with red soles, , +A picture about 3 men love in a bed +A bear holding a heart that says "I luv U" +ball in the palace , illustration +Photo taken through social media of a blonde woman holding a sign with "the Best" word written on it ,, +A norse woman with a bone and feather head piece, lean, high quality, digital art, character art +war and misery, sculpture by Auguste Rodin +Still shot from movie of monkian from thundercats, laughing wildly,tribal, holding a spear, cinematic, 35mm +Cliffside megastructure by the Grand Canyon +artist's style Kaws, object bunny, 3d model, view collectible toy +a door to snowy mountain, standing in a field +a man and a woman talking at a cafe, ultra realistic, high detail, rainy setting +Giant caterpillar riding a bicycle, digital art, fantasy art, dynamic lighting +a photo of a baby driving a buss +A highly detailed landscape painting of Caddo Lake at night painted by Frederic Edwin Church featured on ArtStation +Kinky young, Webcam, Only Fans, Telegram +an ornate golden ring with a skull in it, fine macro detail +teen Girls Unitards Gymnastics Long Sleeves Full Body Ballet latex +polaroid photo of an evil spirit caught stealing from your fridge +a closeup digital art of a hearthstone robot-goose who has been enhanced with electronics, robotic components and armored plating, hyper realistic, well lit +a man sitting in front of desk and he is working with computer, chairs, in room, chinese style room +, fantasy, pastel, absurdist, photo, tiny teapot house matchbox +candles hunger austerity immigrants pulitzer arthur kidman iwm, Julia Margaret Cameron +A nervous couple on a first date +Beautiful photo of Priya nair, professional photography +A depressed frog drinking a beer in a pub +futuristic cheshire cat alice in wonderland by tim burton wallpaper, top hat, floating, cgi, by, increadibly detailed, stunning mysterious atmosphere +A photo of a orange tabby cat wearing a cowboy hat, full body +portrait of goth cute anime Chun Li with yakuza tattoos, Street fighter, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha and william-adolphe bouguereau +trans person getting strangulated by ropes +An african guy chilling facing the beach, attractive, vibrant +a wizard in a magical forest holding aloft his wizard's staff, wood staff with a crystal, casting a magic spell to open a portal, magical glowing trails, light dust, splash art +Hunter S. Thompson sticking tongue out wearing glasses holding a sign that says Rock N Roll +the mad hatter, agent smith the matrix, matrix background computer +a sign that says "I hate ara" at a civil rights protest +100 birds are tweeting sitting on the branch of big tree by artist Karla Gerard, Lois, Giorgio De Chirico, and Picasso: crayon painting, blush and baby blue and yale blue, and mustard yellow, sepiatone, mixed media, 16k +Logo for a company called "White Castle Hourglasses" +the text "Gif Co" written in roots and branches and leaves, soft warm light, highly detailed, photorealistic +A bad black and white hand drawn pencil paper picture of a cute mixed breed dog. Out side a cafe +Magical and medicinal plants, used by native americans, digital art, 4k, super highly details +b&o speakers placed on a white tabletop +photo of dinosaur eating a landrover in the mud jungle,defender +the portrait painting of the last young man on the earth +The bustling streets of Tokyo,crossroads,Wide-angle view,a girl in a sailor's suit sat on the back of an Asian elephant in the middle of the road +a robot holding a sign that says "SDXL" +A photo of an astronaut sitting on his patio having a soda +render of pc mouse made out of cheese +A sign saying “Deepfloyd is Obsolete” with nature in the background. +Kratos with a lightsaber in Minecraft background +Steampunk Wooden cat, brown blue fulvous cream copper photorealistic eyes, intricate carving, copper fittings, ruby rivets, background theme concentric copper rings, intricately inscribed wit glowing runes, starry sky,centered composition, occlusion, volumetric lighting, global illumination, wide angle shot wide DoF +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, emoji style, gradient, colonial catering logo, 3d logo, good for family, Tali, godliness, realism, octane render, soft ambient light, restaurant icons +photo of kink kong lifting a landrover defender above its head +A dwarf cleric smashing a bandits head with a hammer +A lion getting his tummy rubbed +A photo of a leaning tower of cheese +a red hair girl look at you,distant view,50mm lens +An elderly lady with a bazooka aiming at a bunch of zombies from a balcony +cinematic still of a stainless steel robot swimming in a pool a close up of a padlock on a white background, vector art, by Jens Søndergaard, behance, hurufiyya, snail in the style of nfl logo, letter s, sleek flowing shapes, hextech +one car chasing another through the streets of new york in a gritty comic book style +fit attractive businessman and businesswoman walking knee-deep in rising blue seas background pale orange sky, factories, container ships, skywriting text "Hot" in white smoke painted by Phil Hale and Malcolm T. Lieptke, ultrarealistic, cinematic, extremely detailed +"The Handshake" film still, cinevision, 8K, by Coppola +There are abstract shapes and patterns that seem to shift and morph as you look at them +Sunset reflecting on a crystal ball held by a mysterious figure +A dinosaur with a blonde wig on +a beautiful painting of a cyberpunk city by artist Albert Bierstadt, realistic, vivid color scheme +logo vector Beauty fashion salon - minimalistic +Gorgeous action shot of a rogue sorceress, as chloe grace moretz, 85 years old, clad in leather armor and cape at the edge of the foothills in the forgotten realms in dungeons & Dragons style by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +Furry fox, solo, blue fur, young, e621 trending +art by Patrick Woodroffe, stained glass motif, whole body image of 20 year-old Barbara Eden with ash blond hair as a naturist in the desert sitting next to a magic lamp, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Peacock with open feathers, beautiful, 4k wideshot +Just a tongue, no head, gritty, grimy, grimy tongue, contemporary art, Hyper realistic, ultra realistic, realism, Mascot for a 1970s folk progressive rock band, a menacing whimsical tongue, surrealism, contemporary, unsettling, intricate, Southern Gothic, vintage, antique, worn and damaged +hedgehog smelling a flower | clear blue sky | intricate artwork by Beatrix Potter | cottagecore aesthetic | 8K | highly detailed | wide angle | +Letter 'A' made out of a motorcycle, cinematic, photorealistic, close-up view +abstract male body contour line art +photo of a lotus esprit in the jungle river ,splash rocks , +Cthulhu in different parts of the body is similar to an octopus, a dragon and a caricature of the human form, epic realistic +Painting of cryptocrystalline quartz melted gemstones flowers fantasy style +light brown hair and full skin body black suit with hazel eyes pony tail girl anime girl manga anime short girl mecha +Cool Chinese women by Hajime Sorayama +a concept of a 1980s yamaha sport motorcycle +A highly detailed portrait of a Demonic Pumpkin, a crepuscular creature from the darkness of the night sky, 8k ultra realistic with lifelike fire and yellow eyes, digital art, highly detailed, flaming, photorealistic, by the Midnight Mugiwara Collective, trending on artstation. +art nouveau style, a crystal butterfly at the center of the universe with 7 Cosmic Rays emanating from it, futuristic, astrological, metaphysical, mystical, golden mean, HD 4K, sharp detail, photo-realistic +Generate an image of a Canyon in the style of Kunihiko Ikuhara's Revolutionary Girl Utena ar 16:9 Focus stacking +A logo showing the letters CMC and the bitcoin symbol +Iphone sticking tongue out wearing sunglasses holding a sign that says Famous +A sad humanoid elephant crying in front of a PC +watercolor painting of a fluffy baby penguin wearing colorful scarf, white background +A car workshop with , inside is a model of a lotus esprit, sci fi,star trek +close-up photo portrait of a Stunning mature lady wearing red dress, in forest, detailed eyes +portrait of one man cyborg, slav, cyberpunk india, painted face, body art, cyber face, complex proportional side view, dark fantasy, kathakali characters, detailed, spotlight, shadow color, high contrast, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, Kathakali, soft diffused light, HD +Hit me with something creative, in synthwave retro style +a girl portrait made of doughnuts +A movie still from a 1990s horror film +handsome man, young, rejection, deny, white suit, one hand waving at the camera, angry, mad, serious +The cube is duplicated ten times and is surrounded by a protective hologram field in LED backlight +A closeup of a whiteboard with the exact text “2 + 2 = 5” written boldly. +Hatsune Miku, octane render, detailed, WLOP, sharp focus, hyper detailed +Waterfall in a forest, coloring page +breton monks looking like zappa and The first robot cults have sprung up across the country. Eagerly awaiting the singularity, they celebrate progress and technology. +martini ontop of a rock on a beach at sunset +, fantasy, pastel, absurdist, photo, refined, apocalypse +figurative imaginative dolls bbceisleof:muscle::muscle::muscle: roger dudley +Poster art by tomokazu matsuyama, featured on pixiv, space art, 1 cat orange and 1 cat white, 2d game art, cosmic horror, official art, behance hd, high detail shutterstock, character design, trending on artstation in the style of arent asyranov +green purple spirals and swirls fimo +professional photo amalgamation strings wires light mud clay plastic cracks junk sculpture hr giger hdr vintage instagram filter grunge horror abstract art hyperdetailed design wall grey hr giger grunge texture hyperdetailed cracks wrinkles dark +A blond German nerd with glasses, a small chin and a receding hairline holding a sign that says amk, 4k, ultra realistic +fantasy, pastel, absurdist, photo, busts, textile characters, riso, +A picture of a 18yo teen girl a smelly tight outfit with white cream dropping down thighs, smelly stain visible on leggings, smell fumes near woman, smell fumes around leggings, , +Donald Trump like he is from Simpson +RAW, portrait photo, 27 year-old adult young woman, petite, tired, exhausted, bags under eyes, nerdy, cold, hair pulled back, sharp focus, visible skin pores, smiling, natural lighting, professional photo, intricate details, photoreal, shot using sony a7riii camera, +Portrait of a fairy tale princess by Catrin Welz-Stein +A goose in Hawaii wearing a Hawaiian shirt +Whole body picture of beautiful woman with high-heels from Thailand. +photo Mechanical dog, electric, colorful, intricate:1.3, highly detailed:1.3, trending on artstation, color splash +artistic art print, spashes of paint, strong vibrant colours, wet paint on canvas, abstract elements, beautiful +guy running away from 20 big teddy bears with wood sticks +rusty abandoned park, misty, creepy atmosphere. +A train riding into a dreamscape. +A mage who conjures up a massive cloud of glowing mushrooms with a wave of his hand. Digital Art by Dan Mumford +a book cover about a mathematical fairytale, graph theory, geometry euclidean shapes, castle dragon, Gödel escher bach, Mathematics +A logo of a laptop and cameras +photography from olympic games competition in wearing lace stockings, panties and bra +SpongeBob SquarePants in the Blair Witch Project, scary realistic grainy photo thriller, unreal engine 5, CGSociety +Vector eSports logo of a cerburos +robotic bee collecting pollen on red flower, real steel, jaeger, Boston Dynamics, photography, intricate details, highly detailed, insanely detailed, 8K, hd, cinematic lighting, realistic, photo realism, bright sunlight, sharp focus, f 1.8 , +a round badge, inside the badge there's a helicopter with blue and white painting which is about to take off +wideangle fisheye 180 roman soldiers, in getty villa,panorama +Modern warm cabin, dark wood vertical siding.firepit on a wooden deck, in the woods duringspring time, feld of wild grass in foreground - +You can save up to 24 hours a week by eliminating these 10 unnecessary things from your life. +Two business girls:2, sitting at the same table:1.5, in a cafe:2, RAW , +photo about a 8 year old girl do yoga, wearing denim shorts, she's not wearing a blouse, show uncle +a professional photo of a woman wearing stilettos standing next to a bunch of oranges, we only see the shoes and legs of the woman +Mouse doctor on mars in tesla +Beautiful young woman in a tight dress +Full body photo of a beautiful woman +beautiful photograph, mysterious person entering a house, godrays, dust particles, volumetric lighting, masterpiece, 8k, highres, highly detailed, realistic, photorealistic, golden ratio, NIKON +a wide angle photo of roman soldiers in front of courtyard roman buildings,roman soldier in foreground with sword,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +photograph of the face of an old mean wizard with a leathery skin, green glowing eyes +Hyper realistic picture of a happy party lion +a funny web-comic, with 4 pictures +Johnn Lennon listening music with a headphones +The ancient gardens of Babylon,photography, beautiful detailed, cinematic composition, soft studio light, photorealistic, octane render, cinematic lighting +Mechanical steampunk Joker, fantasy, sharp focus, digital art, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +A vintage-style portrait of a young teenage boy, medium-full shot, wearing glasses with a side part in his brown hair, sitting on a wooden chair with his elbows on a wooden table, a book open in front of him. The background is a cozy library with shelves filled with books, and a warm lamp casting a soft glow on his face. The photo is captured with a Kodak Brownie camera, using black and white film with a slightly grainy texture. The lighting is natural, coming from a nearby window with diffused sunlight, creating a nostalgic and timeless feeling +teen little blonde girl underpants transparent +A pizza crashing through a window +Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise, HD 4K, photo-realistic accurate face and features, cinematic lighting +dining room logo, style stickers, indian cooking, color logo, hd, 3d, family, healthy food, minimalism +eclipse over floating rocks, canyon, sci-fi, cinematic, dramatic, majestic, detailed, digital painting +a cross between a blonde and a toy poodle on a motorcycle +alien, futuristic, arrived on earth in spaceship, year 2030, realistic, detailed, distant image of alien, award-winning studio photography, professional color grading, soft shadows, no contrast, sharp focus, and clean, film photography, high resolution, 8K +high quality dslr photograph of singer taylor swift with group of muscular black men,beach,face closeup,sharp focus, venereal pose,white woman surrounded by men,highly detailed,stunningly beautiful face,natural lighting, +A murky landscape with trees and multiple ghosts, night, digital art +a background image mixing matrix, AI and machine learning +an aerial view of ampera bridge +metal and wax sculpture of football, underlit +two red pandas in tuxedos is artistic talking in old dark bar #masterpiece #vibrant #dark, fine hands, five perfect fingers +Antique, warm hues, big marble dildo, full body, massive, obese, Aboriginal teen child, legs spread, big marble dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Photo of pope Francis fighting ksi in a boxing ring +A futuristic base on the moon with the earth and sun in background +whole body image of 20 year-old Jane Fonda as a naturist in Central Park NY, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a full-page image of an ice dragon from a D&D reference manual +Mickey mouse standing pose, highly detailed, portrait photo by Annie leibovitz +a chocolate cake in the middle of +Nicole kidman portrait purple gown, as painted by Van Gogh +An alluring gondolier in a Venetian canal, attractive cute female gondolier, shapely, revealed +old colorized photo of amazonas tribe in a jungle +a man smoking a pipe, photorealistic +beautiful young man dancing like unicorns +embroidered colorful, birds and flowers on pale black paper, very detailed illustration, sketch, concept art, ink outlines, smooth +A brave 7yo girl adventurer with dark german shephard sidekick, cool illustration, character concept, cool pose, concept art, art by various artists +a woman using a silk screen +Pixel art of a demon toaster +Human being exploding, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +The rise of the grotesque Dragon Queen, photorealism, cosmic horror, Lovecraftian, intricate details, octane render, unreal engine a masterpiece +a red haired hungarian woman, with very long hair, looks like young Tilda Swintom mixed with Evanna Lynch and Selena Gomez, dressed in a intricate, silk medieval dress and cloak in a Transylvanian landscape, oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress, inspired by John William Waterhouse's The Lady of Shalott +centaur, a mythical creature,half human,half horse, +Kaya Scodelario, a woman wearing a black leather jacket standing on the side of the road, a picture, secret agent, in london +photo of a house in the mountains, snow +a close up shot of a robot inspired by Makoto Shinkai in the style of Hayao Miyazaki, cyber cats, Studio Ghibli, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +polaroid, very large lovecraftian blob, apparition, fog, long tentacles, imposing lovecraftian creature in a colossal massive dark factory, long thin tentacles, old brutalist big factory, enormous dark abandoned factory, industrial complex, industry +middle aged woman sitting on a window and reading a book, light from a window +cafe style logo stickers, indian cooking, beloved logo, HD, 3d, family, healthy food, minimalism, realism. +paladin primitive mech suit, made entirely of stone and adorned with ancient runes and symbols. The suit's surface is smooth and polished, with intricate engravings that emit a faint blue light. The paladin carries a staff that glows with a bright white light and emits a soft humming sound. The scene takes place in a lush forest with tall trees and a clear blue sky. Sunlight filters through the leaves, creating patterns of light and shadow on the ground. The paladin stands at the edge of a small stream, watching the water flow peacefully. The atmosphere is serene and peaceful, with a sense of ancient magic and wisdom. The paladin's eyes reflect the wisdom and experience of centuries past. The style is a painting, with a soft and dreamy feel. The colors are muted and pastel, emphasizing the natural environment and the ancient magic of the paladin +hyperrealistic polaroid photograph, enormous sleep paralysis smoke creature standing over a bloody dead body in a large abandoned bedroom, large windows , +a painting of a woman with feathers on her head, very beautiful fantasy art, middle eastern details, portrait of artemis, inspired by Julie Bell, by Robert Lenkiewicz, very beautiful digital art, portrait of bedouin d&d, great pinterest photo, ancient tribe, by Zhao Yong, padme Amidala, turban, by Artist Leonardo Coccorante, by Artist Artgerm, Highly Detailed, Neo-Dadaism Art, Cloisonnism, Fujifilm Superia, close portrait, Feminine, beautiful, attractive, handsome, calendar pose,perfectly detailed eyes,studio lighting, thematic background, Award Winning Photo, Realistic, Evil +Illustration of two women sitting at a table eating food and drinking wine, by Haruhiko Mikimoto +Djimon Hounsou as the Headmaster of Ravenclaw House in a classic Wendy Rose painted fantasy art style +A classic car with transparent outer shell, the internal components clearly visible, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Flying ships with hot air balloon. +an Italian chef in a traditional rustic Italian village kitchen making antipasto +zappa riding dodge charger , photo +An image of alien abduction, dynamic lighting, electrifying, synesthesia, paranormal style +full lenght portrait of a beautiful woman +Two cats playing with wool balls +Hippie van mid century modern poster Japanese art clean pastel 35mm +full white body pose, hyperrealistic mixed media painting of a attractive man with minimalism semi blonde hat hair, soft eyes and narrow chin, dainty figure, torn and tattered tank top, mid riff, short shorts, combat boots, wet, raining, dim volumetric lighting, 8 k octane beautifully detailed render, post processing, portrait, extremely hyper, detailed, intricate, epic composition, cinematic lighting, masterpiece, trending on artstation, very very detailed, masterpiece, stunning, 8 k, hdr, smooth, sharp focus, high resolution, award - winning photo, dslr, 5 0 mm +young adult man wearing welding coveralls, smooth face, dark night, shipyard +A gothic, atmospheric portrait of a demonic vampire bat, with a regal pose and intricate details on its wings and fur. Rendered with a dark, moody color palette and soft lighting, resembling the works of Luis Royo and Brom. +simple minimal logo of chicken, style of Yoji Shinkawa +three friends on a busy street, smiling, shallow focus +A scale where we have on one end 1 ingot of 1kg of gold and on the other hand 1kg of seeds. The kg of gold weight more than gold because it if more expensive +a modern take on St. George killing the dragon +a man wearing a shirt that says "dogs" +a trendy lady of african descent with curly hari making a wish to an friendly caring happy AI powered genie of the lamp set in the future with a realxed suuny beach vibes cyberspace light theme +conveyor belt powered by the confusion of its inhabitants +An image of someone who is just too damn pretty to die +highly detailed portrait of a sewer emo punk lady student, sunglasses, blue eyes, tartan scarf, white hair by atey ghailan, by greg rutkowski, by greg tocchini, by james gilleard, by joe fenton, by kaethe butcher, gradient yellow, black, brown and magenta color scheme, grunge aesthetic!!! graffiti tag wall background +the shadow of a large dark man with sharp claws dressed as a cook in a pig mask over an old farm kitchen table with a corn and a sweet potato backlit by the refrigerator, 1919, symmetrical, polaroid, noir +Skark teaching children to stab themselves +a girl with long silver hair, she looks 12 old, wearing black hoodie, anime-style, detailed, cinematic lighting +qt marshall, portrait oil painting realistic +RAW photo of a red haired marmaid, beautiful blue eyes, epic pose, marmaid tail, ultra high res, 8k uhd, dslr, underwater, best quality, under the sea, marine plants, coral fish, a lot of yellow fish, bubbles , aquatic environment. +safe for work Bruce timm style Willa Holland blonde bangs hairstyle , black jacket +pencil sketch of Whistler Peaks Inukshuk by Albert Nemethy drawn by hand +feminine Joe Biden in a maid dress, cat ears, kissing barack obama +digital art portrait of a beautiful character, nebula and constellations, sunrise sky, curly bob haircut, looking away, face blush and freckles, clouds, dreamy, pop surrealism, high quality, pastel colors, detailed, by loish van baarle, intricate +Photorealistic liminal still, 4k DSLR photo, liminal lighting +a hologram of a heart floating in space coming out of an apple watch +The image is dark and moody, with shades of black, grey and deep blue. In the center of the image is a figure, distorted and fragmented, with twisted limbs and a contorted face. The figure is surrounded by a swirling vortex of shadows and smoke, which seem to be pulling it downwards. In the background, there are glimpses of a dystopian landscape, with ruined buildings and flickering streetlights. The overall effect is eerie and unsettling, suggesting a sense of impending doom and destruction. +Discord logo, 1990s, old logo, professional +Photo from tennis competition on mud field +Villa architecture inspired by the designs of Tadao Ando ln forest , from distance, epic composition, cinematic lighting,ultra photorealistic,Octane render, +Hanuman cyborg, cyberpunk India, body painting, Monkey, Ghost in the shell, mehendi, yantra, cyberpunk mask, baroque style, dark fantasy, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, colorful, epic ambient light, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octa rendering, kathakali, soft ambient light, HD, +fantasy art midjourney, deer, flowers on antlers, unrealism +art by Patrick Woodroffe, whole body photo portrait of 20 year-old Barbara Eden as Jeannie, a naturist in the desert sitting next to the genie bottle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a gigant man walking among the clouds with a creepy smile +text made of water that says Love +Closeup photo of young woman on the beach +Painting of storybook home in a reef whimsical style +Un chico de gimnasio casándose con chatgpt +an artist sculpting an marble statue of pepe the frog +oil painting in the style of Zdzisław Beksiński, depicting a bottom-up view of a red castle floating upside down in a dark sky. The painting is inspired by the album cover of Tripmachine by Shai-Hulud, designed by Chris Moore. +Giant caterpillar riding a bicycle, small dof,bokeh +2D digital illustration, Faith and spirituality concept with architecture, sky and birds, trees and flowers, detailed, high quality and 4K definition +a 8x12m room, with walls, no ceiling, view from corner, grey pattern tiled floor, clear blue sky, sun not showing, one of the walls have several species of plants in vases +A bear sitting at a picnic table taking a selfie +woman stands, holding chair above her head, aflame. Rugged-looking, heroic, fit, black woman, reddish black curly hair, muscular build, scar on left cheek wearing worn leather jacket and faded jeans, gun holstered. In living room. scene from Quentin Tarantino movie +a close up of a person with a goat, zappa zombie with long hair and a beard, inspired by Václav Brožík, billy corgan, headshot profile picture, profile photo, profile picturedinosaurs having a fancy tea party +Ink drawing of a Shaolin monk in fighting pose +Toys 3D, kawaii,Toy baby Benzema, California usa, unreal engine 5, big eyes. +portrait of guy muscle bald Slaughter at russian prison. wear raunch briefs, highly detailed face, killer look +Asuna from Sword Art Online,anime girl, symmetrical face, beautiful, auburn hair, brown eyes +old colorized photo taken in amazonas jungle +a panting of an indiana field with a single red barn during night time with a crescent moon in the style of Jose Basso +big fat red deer stag roaring side view vector logo dark comic style black and white +a fantasy inspired oil painting with a dragon +Text is written that says an apple fell off the roof +portrait of Lea Seydoux by yoji shinkawa +god created adam with cats by michelangelo +undress asuna from sword art online +A masterful Kodak portra 400 film still of a gorgeous disrobed pale goddess +a surrealist painting of a mad roman bishop inside a blood iron maiden robot, cyberpunk style,warrior,by antoni tàpies,andre breton,André Masson,Yves Tanguy +mr blobby riding noel edmonds like a horse in dubai during a snow storm +A Templar knight kneeling on a battlefield. +Illustration of a princess, freckles, green and gold armor, high quality, photorealistic +surrealist skypunk Salvador Dalí illustration, mark twain & alien playing chess, Inspiring ultra detailed digital illustration art illustration metal vivarium, Hyperion foundation artifact, epic fantasy character action scene, illustration style of Jean Moebius Giraud, Arzach ; Fantasy Comic series Heavy Metal, jerry cornelius Airtight Garage, robert crumb michael cheval boris vallejo, qled +Board in the form of a teacher, flat living object, fantasy, cinematic +Sonic the hedgehog at the movie theater eating popcorn, cartoon style +full body portrait of gorgon mythology medusa with snake hair by Dan Mumford and Jeff Soto, dramatic lighting, digital illustration, CGSociety, Unreal Engine 5 +an anthropomorphic canadian wolf, medieval, adventurer, dnd, town, rpg, rustic, fantasy, anime style, hd digital art +a pickle with a dog face, human arms, holding a cigarette +Duck Sphere, Whimsical, Cute, Playful, Cartoonish, Rounded, 3D Modeling, Soft Shapes, "Maurice Sendak", "Peter Brown", "Walt Disney" +biomechanical cyborg! Photorealistic: by Android Jones: by H. R. Giger: by peter mohrbacher: by Jean-Baptiste Monge: by Jeff Koons: volumetric lighting maximalist 8k resolution: intricately detailed: complex +a dog catching a ball in the air +Old people smoking big fat blunts like rappers +A highly detailed portrait of Freddy Krueger wearing a Nike streetwear outfit, masterpiece, absurdres, highres, featured on ArtStation +Bedroom, minimalistic, colorfull, liminal, nostalgic, photorealistic +extremely detailed reimu hakurei drinking a cup of tea while sitting under a tree +rambo in gears of war, transformers 5 spiderman, bokeh unreal 5, explosions and fire, hyperreal, lens blur, long lens, shallow depth of field 8k, hyper detailed, 35mm film grain +so many things around me wanting me to do things 😁 +a man with short brown hair in a union jack outfit with long cape, emblem of a lion on the front, directed by Zack Snyder, cinematic high res, 8k, award winning +A nun sticking tongue out holding a sign that says 666 +Insanely detailed Restaurant ad, highly expensive, Michelin Stars, tasty food,insanely intricate,extreme Quality, Award winning +ragged ghostly pirate ship sailing across a glowing sea, retrowave, vivid colours, colourful, bright, simulation lighting, hyper perspective, sharp, hyper detailed, striking, vector art by rhads and sid mead +"beautiful lifelike award winning pencil illustration of salena gomez trending cinematic atmospheric" +A man holding a sign that says "I love Lilly" +A modern website design mockup for a cat cafe. +texture of dirt, retro, pixel art, 8bit +Realistic photo of a man made of water +the seer warning julius caesar on the ides of march, highly detailed, renaissance oil painting, peter paul rubens, roman architechture, hyper detailed, photorealistic, highly detailed chlamys, highly detailed hands, highly detailed face +a photo of a person on a bike, hicham habchi, courtyard, michael margetts, sparsely populated, villages, wide - angle film, consist of shadow, sorrowful, identical picture, taken with canon eos 5 d, borders, in thick layers of rhythms, white walls, protagonist in foreground, inspired by Riad Beyrouti +kevin owens wearing a white singlet +An older retired batman having a drink of guinness at a bar, sign that says "QUINNS BAR", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +futuristic cityscape in american 50s style +A beautiful girl whos mother is from hong kong and father from turkey +an asian woman age 30 with short hair in period pain +Merlin holding a glowing bright blue transparent globe inside huge cave with waterfalls +a woman sitting in a chair, photo +Owl robot, cyberpunk India, Cyborg Owl, Ghost in the shell style, mehendi body art, Bird, yantra, Mask, Baroque style, Kathakali character, High technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, hyperrealistic, 8k, epic ambient light, octane rendering, soft ambient light, HD +establishing shot from masterpiece cinematgraphy film about liminal space, peace, tranquility, high details, sharp focus, softest light, , best quality +A 1980s Japanese Propaganda poster of the Joker featured on ArtStation +photo of beautiful japanese little girl swimming +An image of a cat on head of trump +Black and white 1905 year futuristic portrait old mad professional photographer with camera in hand riding on crocodile in a desert +oil on canvas full body portrait of latina girl with a kimono painted by Caravaggio +Huge Domed greenhouse in a desert +a photo of furry teddy bears looking at a rover75 v8 car that is in the jungle , wideangle mgzt, +anime bakugo cool using his quirk. +Robots, cyborgs, priests, eating and drinking wine, busy restaurant, art by Antonello da Messina +instagram model working at an oilrig, covered in black oil, selfie, wearing hardhat +a family of roman soldiers on holiday, mallorca, 1983, polaroid photography by andrei tarkovsky +Oil painting of royal bearded dragon on gold throne with diamond crown +the supreme leader of the murim alliance displaying his oppressing overwhelming power infront of his disciples,concept art in the style of Tony DiTerlizzi and Tsutomu Nihei,extremely detailed,detailed shadows,volumetric lighting +Digital art of a smiling frog in a tuxedo holding a glass of champagne +. A snowy Chicago street during Christmas art by Ludwig Fahrenkrog +, fantasy, pastel, absurdist, photo, bird characters, people +Peter Gabriel, 1972, very complex closeup macro portrait very complex hyper-maximalist overdetailed cinematic tribal fantasy closeup, shot in the photo studio, professional studio lighting, backlit, rim lighting, Deviant-art, hyper detailed illustration, 8k, symbolism Diesel punk, mist, ambient occlusion, volumetric lighting, Lord of the rings, BioShock, glamorous, emotional, tattoos,shot in the photo studio, professional studio lighting, backlit, rim lighting, Deviant-art, hyper detailed illustration, 8k +colorful winged flying snake bird hybrid +Ragnarok twilight of the gods, mystical, fantastical, epically, magical +A HD photograph of a Darth Vader themed Decepticon, A Darth Vader transformer +Antique, warm hues, black rubber dildo, lactating Aboriginal girl doing the splits, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Generate a swordsman, use the head of Pokémon Wind Speed Dog for the head, and use the body of the Berserker in dnf for the body, japanese manga style +vintage comic book of Cute gorgeous european woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +a Bart Simpson with colorful hair wearing headphones, character album cover, tamara de lepika, hairworks, in thick layers of rhythms, inspired by Johanna Marie Fosie, paranoid, big bold thick eyebrows, by Farid Mansour, technocracy, luminous color’s, pooka, tusks +best quality, masterpiece,Dark hair, dark eyes, upper body, sun flare, outdoors, mountain, valley, sky. clouds, smiling, +A guy making a dunk but the ball is the sun +Full body Cammy White in Green from Street Fighter V in the Style of Screenshot from Street Fighter +a little blonde girl in the style horror, scary +A cup In universe with a massive colour +a man in suit with a deer head with golden horns +A high-definition photograph of an Andalusian horse +Cinematographic-sixties vatican-betelgeuse capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +bride and groom getting married in vineyard with sky full of stars +instagram model dressed like princess peach visiting a fracking site in alaska +Weezer album colour with a purple background +wearing a crown, goldleaf,By Akihito Yoshida, Unreal Engine, highly detailed, futuristic, space fantasy, 3d render, 4k, hd, xenosaga, final fantasy, anime bishonen, 3d character design, androgynous features, female, studio lighting, sci-fi, artstation, colorful +Post-apocalyptic desert wasteland, colossal abandoned mechs entwined with thriving nature, art by Jakub Rozalski, Simon Stålenhag, and Ian McQue, dust storm, vibrant sunset, contrast of decay and life +orange with an eye, surreal oil painting +a candid photorealistic skinny Sansa Stark, portrayed by Sophie Turner, snowfall, standing in the courtyard of King's Landing, blushing, realistic skin, familiar face, detailed eyes, +A doomed vessel is caught in the midst of a treacherous sea, as an ominous presence begins to rise from the depths below. The dark deity Cthulhu emerges with a ravenous hunger, his imposing form looming over the doomed ship. Can you illustrate the terrifying scene before the ancient deity consumes all in his path? +katia winter as a red haired fantasy mage in a shattered mirror, facets, mirror dimension, soft skin, beautiful, makeup, windy, high detail, black lace sleeves, dark green leather dress, gloves, D&D character, magic fx background +man singing,stage, Bohemian Rhapsody,double exposure,warm,grainy,cinema + Artstation style = high detail : subject =highly detailed👨🏼‍🎤+anatomically correct facial features + highly detailed = 👨🏻+highly detailed and anatomically correct realistic and highly detailed + anatomically correct and accurately shaped eyes=👁👁,highly detailed and anatomically correct👃🏼,highly detailed and anatomically correct👄 +Goth woman wearing see trough dress and smiling +a Car Accident but the Victims are Iphones +masterpiece, a beautiful propaganda poster of Wonder Woman by artist JC Leyendecker, beautiful and amazing hand-drawn artwork illustration, retro style, Wonder Woman in a heroic pose, a beautiful and expressive painting, dynamic pose, high contrast, 4k high resolution +restaurant logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, 3d icons, family restaurant, Russian Tali, saint, icon style, realism, octane render +peppa pig portrait by botticelli, oil painting, paint texture +Step back in time with this stunning pixel art by a renowned retro artist! Reminiscent of classic NES, SNES, Sega Genesis, and Mega Drive games, this artwork features a nostalgic night scene of towering buildings, stars, and a yellow moon. The pixelated clouds add to the retro vibe. #pixelart #retrogaming #nes #snes #segagenesis #megadrive #nostalgia #nightscene #buildings #stars #moon #clouds +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour women model wearing demonic, Jodhpurs greg manchess painting by Sargent and Leyendecker, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +Vector art, old school, disco, funk, jazz, soul, poster +An elderly punk rocker on a unicycle +A siamese cat with blue eyes. +An attractive young sorceress in a library +atardecer en montañas nevadas, 4k, hyper realista, nikon camara +A 4k photograph of a sorcerer on the balcony of his castle overlooking a forest with rivers and mountains. +a cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of a disney-style lemon walking a green pear shaped dog +Petite woman with Short brown hair wearing t-shirt and shorts doing yoga +White-skinned woman with long curly black hair, leaning on a balcony railing,curiously looking at the city below, red summer dress, soft lighting, lush, stunning, 4k uhd +A tamil girl of 25 years old in Paris +Hyper realistic portrait of fantasy horror monster. Smooth face without eyes and nose, oval shaped mouth opened showing spiky teeth. Slender tall body, highly detailed pale waxy skin +The pope sticking tongue out wearing glasses holding a sign that says Rock N Roll +An ant in the shape of a letter a, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Professional photograph of young taylor swift in nurse uniform taking care of a black dog,nurse with oldman,highly detailed,beautiful face,masterpiece,natural lighting,realistic,photoreal +A knight riding a giant slug, concept art, high contrast +a man in a union jack outfit with cape, white lionhead emblem, photography by Nels Israelson and Michael miller, superhero movie directed by Richard Donner, cinematic, reimagined by industrial light and magic +young Muscle guy Cannibal eat TESTICLEs flesh Cannibalism. highly detailed guro art by Ilya Repin +photo of traction engine in jungle river +overgrown giant fantasy forest, high quality, realistic, night, blue fireflies +attributed nikolkovsky attribuprisoners sleep ⬇pover ,Christian Krohg,melancholia +a shiny photograph of A large-scale installation in a surreal swimming pool with oversized flowers and women made of glass, metal, plastic, iridescent gum and jelly. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers, octane render, crisp, Eastman Kodak Color Negative Film shot on Panavision super ps. +a 300x300px pacture of a anime glowing orange rock. +photo of head emerging out of river water surface, frederick doris royo fdr gren old gossisunlight ,Jules Bastien-Lepage +A-team gmc 1982 van, black, red, grey, red alloy wheels +Anime portrait of Eleven-e-W-1 in a post apocalyptic abandoned gas station with gas station, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, Unreal Engine 5, 8 +Master Jedi portrait, exquisitely detailed, clothing and lightsaber rendered in great detail, illuminated by a soft blue light, standout feature is the intricately detailed lightsaber, rendered in beautiful metallic colors, high resolution, photorealistic, 3D, PBR, path tracing, volumetric lighting, Unreal Engine 4 +Antique, warm hues, dark haired, massive, fat Pixar portly Bishop in red and gold silk gown :: 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A side view of a fox, with a flat design, Artwork of t-shirt graphic. +1960 small batman surf mansion architect drawing, big sur, bat shape,cliffs and waves, nest, batsign, faded colour, rotring pencil artist impression, by frank lloyd wright and pritzker prize +Vintage photo of girls in model school +A koala under a stream of water from a water bottleqq +Jim Morrison as the Statue of Liberty +Princess Peach is seen flexing her muscles in the moonlight +a comic drawing of a 1930 motorbike in front of an old Tokyo shop, ivy plants and flowers, japanese landscape, saturated plain colors, american scene matte painting, matte drawing, detailed, by artgerm and skottie young +20 year old huge female muscle goddess, extreme massive, pecs, abs, biceps, thick forearms, bullneck, gorgeous, realistic, detailed +video game box art 90s nintendo sega playstation characters cool skateboard casual hip +Photography of HUGE spaceship docked in space station. by Ridley Scott. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +Kurt Cobain and John Lennon preforming on stage together at Reading festival +astronaut riding a bike on amsterdam +vivid schoolgirles in a sofa with "no underware" with a childish faces and childish bodies touching each other, with dark background +front view of a woman wearing bathing suit walking on the beach +a leather pistachio-green Italian sofa, pillows on the sofa, light brown wall +a Pulitzer Prize photo wide-angle photo of a very handsome beefy Malay married mature man wearing only low-rise beach shorts +Astronaut playing guitar in space; Bitcoin chart; Dark theme; sitting on astroid; +cans stacked on top of each other in a pyramic shape at the grocery store +a high resolution scan of a 3d point cloud diorama render, photogrammetry interpretation by Chris Foss, 4k fibrous fabric pbr texture, ultrafine detail, rendered in cinema4d, behance contest winner, a flemish Baroque by Jean-Honore Fragonard, holography, global illumination, cinematic light, subsurface scattering, ray tracing, reimagined by industrial light and magic, arabesque, modular constructivism, an ambient occlusion render by Jan van Huysum +woman, blonde, beautifull, beach, back, hot summer, real poto, all figure, yoga +woman crying and spending her last notebank +A 1945 pinup illustration of Kim Kardashian, masterpiece, absurdres, highres, featured on ArtStation +Painting of sacred geometry pattern telepathic AI style +Hillary Clinton fighting Donald, oil painting, Salvador Dali +Insane crazy cat in a mushroom fantasy world, black and white simple illustration , fisheye view +Cute adorable little blue hummingbird waving and smiling greeting me, unreal engine, cozy interior lighting, art station, detailed digital painting, cinematic, character design by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyper realistic, octane render +a black Rover75 car being driven through a river +upside down photo in a gargantuan cavern lit up with cold light upside down standing lanterns, few moss, farns, ivy, clover, a lot of grey natural stone walls, gravel, and upside down wall bars, ladders, floating +The spiderman meme of two spiderman pointing at each other however it is Darth Vader instead, two Darth Vaders pointing at each other +portrait of a head made out of pumpkin, on a wooden table, candle-lit from behind +A man in a red dress playing chess with his son at home, realistic photography, professional portrait, sharp details, 50MM lens, F/1.4 +Primordial fire bunny, By Wadim Kashin, Brian Froud and Miho Hirano, highly detailed +High quality 3 d render hyperrealist very cute multipastel fluffy! kitty CAT with detailed fluffy !!, vray smooth, in the style of detective pikachu, , dramatic blue light, low angle, uhd 8 k, sharp focus +covering mouth with one hand, surprise +photo of a reinforced military apc with words on it saying "Knipex Contamination Procedures" +Painting of Moses downloading the ten commandments into his tablet, art by Jeremy Mann +photo of an Ogre cooking dinner +Fantasy Elven Village, Bioluminescent Stream, Grass, Rocks, Large Oak Tree, Rolling Hills, Sunset, Dynamic Clouds, Erin Hanson, Donato Giancola, Nicolas de Stael, cinematic lighting, long shadows, bright, vibrant +Archbishop siblings Ferrari Gryffondor Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +shrek pirate, league of legends splash art +80s honda car in gta 4 liberty city +Beautiful women wearing transparent raincoat, cyborg parts, rainy neo tokio photo shoot, cyberpunk +a 3d picture of a protein folding +Eagle on top of a sign written "there's no eagle here" +A cat wearing a top hat throwing a lasso. +a perfect anime artwork of cute heroine cutie, by Boris Vallejo, Alex Horley. +a knight with a sword, cyberpunk setting, futuristic city, cellshaded, best quality, dramatic light, night +A Strawberry, High Resolution, High Quality, Many Details +creepy mannequins in the antique store +skull space marine from warhammer 40k +Skinny little preteen 8 year old girl, highly detailed face, cute little girl disney croptop and miniskirt, instagram, twitch, kindergarten classroom +8 years old , handsome blue-skinned Hindu God Krishna, realistic black hair, detailed texture, pretty,cute sharp bright big black eyes and pupils intricate, small nose, , elegant, realistic 3D render, epic,detailed digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by artgerm and alphonse mucha diff --git a/ppdiffusers/examples/flow_grpo/dataset/pickscore/train.txt b/ppdiffusers/examples/flow_grpo/dataset/pickscore/train.txt new file mode 100644 index 000000000..a437bd921 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/dataset/pickscore/train.txt @@ -0,0 +1,25432 @@ +a photograph of patterdale dog driving a land rover car toy in the cave lava,terrier +wideangle photo a dinosaur next to a landrover in a muddy road in the jungle,obstacle course, by Anthony S Waters, renaissance, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +'a couple of soldier that are standing in front of a building, exterior of scifi temple, promotional movie poster, pamukkale, celestial collision, dwarves, epic buildings in the center, climax, tombs, selenar, cinimatic, tuba, by Cui Bai, eternals +An attractive young woman petting a cat +A butterfly flying above an ocean +Painting of tom hanks in skyrim by ted nasmith +A portrait of Taylor Swift - pop art by Andy Warhol +a woman with long blue hair +pixel art of a black, rune-inscribed obelisk in a rocky desert landscape, HD-2D Parallax Pixel Art, #pixelart +An antique , intricate hourglass , containing a tree of life , that corrodes to dirt as it erodes down to the bottom section, full shot, digital art +Fantasy castlA bright picture, Twilight, Rain, Streams of rain running down the glass, A standing plane is visible in a large panoramic window.e on a hilltop +The abstract , creative art, soft colors, shape, lines, soft colors, simple, contemporary, modern, chic pattern, Scandinavian modern art, minimalist, line, cartoon, super minimalist, hand drawn, line brush, mountain, leaves pattern, line art, warm color +A cat on a propaganda poster wearing sunglasses +schoolgirl sailor white green miniskirt black socks anime +a schoolteacher wearing a sky-blue dress sitting on her desk with her legs crossed +Watercolor painting of european modern city, medieval, midday sunlight, by greg rutkowski, by anders zorn +photo in ancient rome,centurions roman army +Small, pretty humanoid Wonder Woman sitting at cafeteria table eating hamburger, unreal engine, warm indoor lighting, arts station, detailed digital painting, cinematic, character designs by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyper -realistic, octane rendering +neon multicolored hair, 80s fashion, short miniskirt, ponytail, understanding friendly +Painting of a quantum foam sculpture psychic style +Led led zeppelin preforming at western springs stadium during the evening with big crowd +Galaxy inside a partially open wooden cabinet, concept art +Ellie from "the last of us" game in a sofa with "no underware" with a dark background +a man ordering food at a restaurant +Statue of Liberty on steampunk style +waist-up painting of a short male goblin, toned body, D&D, fantasy, intricate, elegant highly detailed digital painting, artstation hq, concept art, sharp focus, illustration +beautiful girl, sweet face, frilly party dress, bows, bubbles illustration , by android jones, anna dittman, artgerm painting by ross tran, artstation +Oil painting of bearded dragon in the cockpit of a submarine, octane engine, deep ocean, volumetric lighting, UE5 +an ant eating a burger, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +Dragon, trending on Artstation ||8-bit pixel-art, smooth, sharp focus, octane render, excellent composition, cinematic atmosphere, dynamic dramatic cinematic lighting, aesthetic, very inspirational, arthouse +Baphomet blowing a bubble with bubblegum +el michal jordan against bruce lee round kick in the air nba basketball ball soccer stadium serious fault damage sports tv +ugly middle-aged grimy medieval man, high quality digital painting +Dark witch witch black cat, moon, witchcraft +By Gerald brom, by Ismail incleoglu, by Jakub rozalski +Saraswati robot, dancing, cyberpunk India, cyborg swan, Ghost in the shell style, mehendi body art, yantra, robot mask, baroque style, Kathakali character, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, synthesized body, hyper-realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD +white peacock in a lilac tree +Intricate oil painting beautiful starry night sky above a lake vista, inkblot art by android jones, robert oxley, jean baptiste monge, richard anderson, alberto seveso, gouache detailed painting, WPAP art; paint drips; trending on behance; dynamic lighting; selective colour; CGSociety; elegant; serene; spectacular; ethereal; magical; breath-taking, dripping +(a girl in steampunk fantasy world), (ultra detailed prosthetic arm and leg), (beautifully drawn face:1.2), blueprints, (magic potions:1.4), mechanical tools, plants, (a small cat:1.1), silver hair, (full body:1.2), magic dust, books BREAK (complex ultra detailed of medieval fantasy city), (steampunk fantasy:1.2), indoors, workshop, (Steam-powered machines:1.2), (clockwork automatons:1.2), (a small wooden toy), (intricate details:1.6), lamps, colorful details, iridescent colors, BREAK illustration, ((masterpiece:1.2, best quality)), 4k, ultra detailed, solo, (photorealistic:1.2), asymmetry, looking at viewer, smile +photo of adorable asian little ballet dancers resting in dance studio, nikon D5 +Eighteen year-old girl, sitting on skulls around her, pale skin, smooth skin, blank tank top, short black hair, gray eyes, goth, Masterpiece, trending on artstation, cover art, best quality, detailed, detailed eyes, detailed hair, cinematic, soft lighting, high quality, comic style, by Gurihiru, Roberto Poggi, Chris Bachalo, Belén Ortega +a stork standing on its nest +A cyborg dinossaur shooting lasers from the eyes, city scenario +A portrait of a furry owl person wearing rogue clothing, holding a flaming sword made of fire, in front of a fantasy tavern, photorealistic realistic +closeup photo of a young japanese woman with lush dark violet hair, wearing a turtleneck and red leather jacket, white wall in the background, 4k uhd, ambient light +Favicon of a AI chatbot for a solar energy company that reads internal documents +photo of a female fashion model, full body, photo +a painting of a robot sitting on top of a table, by Philippe Druillet, cg society contest winner, dada, portrait of emperor of mankind, mortal engines, the robot wearing the bone crown, very very well detailed image, noriyoshi ohrai and hans zatzka, j. c. leyendecker 8 k +Morgan Freeman dressed as an WWII soldier +god quetzalcoatl by leonardo da vinci, oil painting, digital art, classical painting, sharp focus, restored +scream movie Ghostface figure liying down on carpet answering phone +A beautiful woman drinks mineral water under a cherry blossom tree +art by Alfons Mucha, stained glass motif, Jennifer Connelly as a naturist meditating in lotus position in front of the Taj Mahal, award winning photography +portrait of a girl Cyborgs from cyberpunk india, side close-up, detailed face, spotlight, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali +a red hair girl look at you +Cyborg cow, cyberpunk alien india, body painting, bull, star wars design, third eye, mehendi body art, yantra, cyberpunk mask, baroque style, dark fantasy, kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +Jesus Christ wearing a Warhammer 40k space marine armor while fighting demons, cinematic lighting, inspiring, vibrant, grim, dark, epic, high detail, hyper realism, professional CGI, HDR, UHD, 64k +a collection of items used by forensic detectives +polaroid, extremely detailed pale young woman covered in veins, totally black eyes, veiny tentacles intestines, intestines and veins coming out of mouth, veins covering body, skinny, zoomed out , +Andean Offering Ritual to Mother Earth with beads, food, pendants, songs and dances +Beautiful Geisha, intricate, elegant, highly detailed, trending on artstation, by Tom Bagshaw and Seb McKinnon, Yoshitaka Amano, 50mm portrait, photography +burning candle inside of a bottle +image of a metaod, Monet style +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Cristiano Banti +fullbody portrait of Jennifer Connelly as artemisia and dejah thoris at burningman, fit muscular body, highly detailed, sharp focus, cinematic lighting +a cute pixar-style lemon character, relaxing at the beach wearing sunglasses +alabama girl anime in nature, studio ghibli, makoto shinkai, artistic, artstation, pixiv +an aerial view of a boat in the water, a portrait, by Filip Hodas, unsplash contest winner, old pirate ship, 4k vertical wallpaper, beaching, rust nongraphic +handsome, young, fit, rejection, deny, white suit, waving, hello, angry, mad, serious +Cinematographic 1970s Chirac tracksuit photoportrait adidas carshow spaceship anglican-tiara-mitre Archbishop Jacques Chirac RPR vatican space program moebius capsule launchpad thunderbirds-vuitton Astronaut papal official leica hasselblad photograph in Vatican royal helmet metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Female in bed with legs spread open with a vibrator +a close up of a statue of a person with a book, a surrealist sculpture, inspired by Jean Fouquet, renaissance, portrait of knight, digital collage, dominique ingres, benjamin lacombe, palatial scene, queen victoria,city streets,at night,neon lights,concept art in the style of Tony DiTerlizzi and Tsutomu Nihei, by artist Ian Miller and inspired by Ken Kelly,volumetric lighting,detailed shadows,extremely detailed +japanese watercolor of a dodo bird +an aerial view of a city, futuristic, solarpunk, windpunk, fusionpunk, bio inspired architecture, glass domes, glowing, futurism +Fantasy Art in Bernie Wrightson style of Yeth Hound with Gun of Pulse, Infinite Desert, Majestic, Polygonal, award-winning, Inverted Colors +A surrealist painting of Iron maiden robot bishop, cyberpunk, katsuhiro otomo +a man massages an ogre's muscles +minimalism, 3d icon, emoji man, albert einstein, color +HD 3D animation, whole body image of Darkness from Legend as a demon succubis naturist in the Scottish highlands, sharp detail, photo-realistic accurate face and features, cinematic lighting +a damaged burly muscular humanoid robot lying on the ground, circuitry showing through torn metal skin, loose wires, sparks, smoke, cybernetic, mechanical, photographic +Hi res photo of young twin girls with curly blonde hair +the beatles 3d character cartoon disney pixar render +Long dark sinister hallway with a fluffy boi at the end of it +Design a stunning tattoo featuring a powerful black eagle, its wings spread wide in flight, against a crisp white background. Use subtle hints of color to bring out the intricate details of its feathers, making this majestic bird truly come alive on the skin +White robed Jesus battling a fire monster. Anime +An image of Donald Trump riding a snake +A gijinka black cat sushi chef in the style of among us +albert albert albert albert albert albert albert albert albert albert albert albert albert albert albert albert albert albert, schlieren flow visualisation, design milk, wooden crates, photography of kurzgesagt, genius design, einstein, anamorphic illustration, pexels, connectedness, clip-art +exquisite marble detail, spray, glitter, holding battery powered dildo, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, +kevin owens wearing a white wrestling singlet, full length photo +A pencil sketch of a dog with wings mid shot +An abstract painting of a Hyacinth Macaw +film still, close up, mia malkova rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, big breas ts, film still from apocalypse now 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +a photo of a man and a woman stealing a car in a movie, cinematic +A monkey typing on a typewriter, trending, illustration +darth vader, national geographic, portrait, photo, photography –s 625 –q 2 –iw 3 +Anastasia Kvitko, hyper realistic, photograph, ridiculous hourglass figure, full figure, natural skin tone, extreme proportions, inflated, massive, huge 🍑, big 🍒 +Dark blue livingroom with dusty pink curtains +anthropomorphic mice living in a tree trunk, Victorian clothing & decor +portrait, waist up, a female medieval killer, ginger hair, green eyes, laying on bed, royal bedroom, come hither motion, best quality, dramatic light, night +a girl reading a book in cabrio ferrari +portrait of one female cyborg, cyberpunk india, painted face, body art, complex proportional side view, dark fantasy, kathakali characters, detailed, spotlight, shadow color, high contrast, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, soft diffused light, HD +City destroyed by elder gods, dystopian Lovecraft cityscape eldritch horror realistic tentacles destruction slime fire eyes eyes +Dark dim dramatic, an image of a girl in a magical world, galaxy sky, long brown hair, artistic, trending on artstation, unreal engine 5, +photo of a boulder opal pendant +panda a vélo dans la montagne +Pixiv anime mushroom girl by Wei Guan Deviantart Artstation +Photo of a statue of a in greek armor, intricate details, bronze and teal, engraved, on a table +1114083012-a ultradetailed beautiful panting of a stylish beefy bearded man sitting on a chair, wearing a tucked in shirt and suit panths by conrad roset, greg rutkowski +thresh skin, red gems, fireflies, fire, demonic face, red splash, high detailed, full figure +the letters BWAY in graffiti style, esports style logo, detailed, professional, coherent +breton monks looking like zappa with the devil and with goat, photo +three baskets, each has discrete fruit. One basket of green apples, one basket of red strawberries, one basket of yellow lemons +Four scholars in the early 30's photo in Miskatonic university's library +cricket, surreal background, vibrant colors, dreamlike, 4K, 8K, masterpiece, extremely high detailed, ] +smoke, explosion, backlit, Hilarious Pixar petite American munted skate chick, tiny lace bodice, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +assassin's creed Superman dressed blue and red with yellow elements uniform, cinematic lights, ultra realistic quality, city background, in action, dramatic shot, diffuse-back-lighting, award-winning photograph, facing-camera, looking-into-camera, AF-S DX 18-140mm ED +Chihuly Phoenix Insanely HyperRealistic HyperDetailed HyperIntricate HyperMeticulous HyperElaborate HyperComplex HyperTextured HyperReflective HyperFocused Epic Masterpiece Volumetric Dynamic Ambient Lighting Shadows Photorealistic DSLR 64 Megapixels Golden Ratio Perfect Composition Intensely Deep Rich Vivid Saturated Colors Heavenly Light Rays Blinding Lens Flares Sparkling Highly Iridescent Translucent Holographic Layered Sculptured Polished Reflective Surfaces +3D digital illustration, hamburger with wheels speeding on a race track, hyperdetailed, 4K +Epic cinematic poster for an adult movie starring Ron jeremy and several beautiful women, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +8k uhd portrait photograph of a beautiful young Caucasian woman +a photo of a lobster who has been enhanced with electronics, robotic components and armored plating, hyper realistic, well lit +A male USA soldier tactical gear +A painting of an ugly garden, messy +A picture of a teen girl in a downward dog pose wearing a smelly yoga outfit on a purple sandy beach with spacescape starline, Fog fumes near the backside of the woman and smell fumes around leggings, , +a young blonde woman who looks like katee sackhoff +a photo taken with a professional camera and a macro lens that allows capturing the smallest details. The ant would be black in color and would have six legs and two antennae. It would be carrying on its back a red, juicy strawberry that would be much larger than itself. The photo would be focused on the ant and the strawberry, while the background would be out of focus to highlight the contrast. You would see the textures and colors of the ant and the strawberry very clearly. It would be an impressive and curious photo +mass Curved luminous acrylic, extremely neat and regular +Foxy, mischievous, playful, whimsical, endearing, colorful, Digital art, Sam Nielsen and Kajsa Flinkfeldt, Warm ambient light, Stylized, Character design, Close-up, Best Quality, Masterpiece, natural light, insanely detailed, 8k resolution, fantasy art, golden ratio, detailed painting, bokeh, hyper realism, photorealistic, beautiful detailed intricate, natural skin, soft impressionist perfect composition +Scared Woman standing in a greenhouse in the rain +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Manuel Sanjulian +wide angle shot - full view, Design a bold and beautiful Brutalism Poster wallpaper of a city skyline +Mossy red Bricks seamless texture, trending on artstation, stone, moss, base color, albedo, 4k +Man holding a sign that says "This is a pretty long sentence." +Ellie from "the last of us" game, realistic body and trying to find her underware +, fantasy, bright blue and mustard yellow, absurdist, photo, weird felt doll +rover75 car driving in volcanic molten lava magma, studio lighting, volumetric light +Fornasetti Style lost carthage Picture of Black LacqueredWestminster Abbey smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, plants overgrown outstanding detail ,room flooded, in front of a building,by PAUL ROBERTS +A cartoony fox holding a fire in the dark +Dinosaurs in river and abraham Lincoln +A top down RPG battlemap of a forest encounter with a lake and a felled tree on a path +Wizard wearing a tall white Wizard's hat! Colorful Ink splash: wizard portrait. Russ Mills: Alex maleev: Ashley Wood: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: marton bobzert: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +Sprouts in the shape of text 'SDXL' coming out of a fairytale book. +Prompt: a man falling into a black hole in space, digital art, photorealistic. +I hate flies in my house +A blond German nerd with glasses, a small chin and a receding hairline holding a sign that says amk +obese Natalie Portman eating junk food, greasy burger +Realistic Black and white portrait of Jenna Ortega bob hairstyle triple D cup as a 19 year old , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +World War 1 by Hieronymus Bosch +Futuristic space suit with transparent helmet +Beethoven listening music with a headphones, android t-shirt +A photo of a hybrid between Messi and Cristiano Ronaldo +ethereal beautiful warrior angel with large black wings, baroque style background, beautiful fantasy art inspired by Ruan Jia,Huang Guangjian, Ahmed Aldoori, Dave Greco, Lius Lasahido, wlop, nixeu +Disposable adult paper diaper with camo pattern +A korean woman in street running, highly detai +photo of a beautiful blonde swedish 15 year old girl, by terry richards +nature vs human, surreal, UHD, HDR, 8K, hyper details, rich colors, photograph +a cowboy holding a sign that "Hunt" +High resolution 3D animation, whole body image of Fairuza Balk as Lilith, a beautiful Diablo 3 style demon succubis naturist with cherry red skin, black leather dragon wings, and black horns in the Scottish highlands, HD 8K, sharp detail, photo-realistic accurate face and features, cinematic lighting +A realistic photograph of Walter White from Breaking Bad series holding a big metal sign that has text: "Make blue great again!". Real life picture of Walter White holding a sign. The sign says "Make blue great again!". +a photo of homeless elon musk +a 20 year old woman wearing a small crop top and a small miniskirt +a close up of a dog in a field of flowers, german sheppard, light brown cheeks, black and brown, high quality portrait, detailed portrait shot, close up portrait photo, portrait shot, aww, with cute doting eyes, cute portrait, full of flowers, covered in flowers, looking cute, close - up portrait shot, award - winning pet photography, puppies, feature +the statue of liberty is smashed into a thousand pieces +woman in black coat sitting in snowy landscape, snowkansas solitary pondering charles leighton hailsargent, jules bastien Lepage, melancholia +An elephant wearing an arsenal jersey seated on top of a table +A Mini Kitten Eating a Mini Burger, Professional Photography, 8k, Bokeh, Super Cute Photo, Vintage +a red like in the white snow and and a blue tree at the center +A dark fantasy skeleton warrior with a feline skull +cool humanoid cat riding a steampunk motorcycle wearing a bowtie, by the impressionist art movement +Half cat, Half woman, A princess, Highly detailed, Jewelry +highly detailed depiction of molecular machinery, 4k resolution, beautiful color grading, volumetric lighting, biological colors +male wetland elf wading through algae and moss +A man with branches for arms and leaves for hair, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +make charles hoskinson with a crack pipe, ugly +photo of a young woman, blond hair, hoodie, warm color +A nun wearing sunglasses holding a sign that says famous +a beautiful and magical glade in the fae world, digital painting +a whimsical and playful image of a pizza helicopter with toppings like pepperoni, mushrooms, peppers, and olives. The pizza should be transformed into the shape of a helicopter, complete with rotors, landing gear, and cockpit windows. Inspired by pop art and surrealism, with bold colors and exaggerated proportions. +Tulip lily crocus garden paint messy +There's a monkey in my bathroom, please get this dude a banana +portrait of the pink power ranger, mighty morphin power rangers, kimberly hart, by alphonse mucha +a wideangle photo of a mgb and a bear ,in a forest , chrome detailing +cat astronaut, in space, psychedelic, photorealistic +A stunning Asian woman with willow-shaped eyebrows and phoenix-like eyes sits elegantly beside the glistening lake wearing a beautiful Hanfu. Her hair is styled in a traditional updo, adorned with delicate hairpins, reflecting the warm sunshine and creating colorful sparkles. The atmosphere around her exudes peace and tranquility, with gentle ripples forming on the still surface of the water. In the distance, tall trees sway gently in the breeze, their branches whispering secrets to the passing winds. The sky above displays a breathtaking array of pink and orange hues as the sun slowly descends behind the majestic mountains. With this prompt, the AI may generate an image of a serene lakeside scene in a Chinese classical style, featuring a gorgeous Asian woman dressed in elegant Hanfu, surrounded by the tranquil natural beauty of the landscape. +A dog eating at the pizza hut buffet, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +netflix and chill couple on a couch line drawing +An old man biting a cat +Foggy valley full of flowers, view from above, photorealistic +a woman with an hourglass figure +Robert Anton Wilson smiling holding a prism with an eye at the apex. Psychedelic colors, DMT aura +Walter White and Jessie Pinkman from Breaking Bad series in anime style. Good quality, 4k, good shapes, art, artstation, painting, anime, Japanese culture, vibrant colors, 800mm lens, desert background, balanced light, rtx, +60 years Old Man, tired eyes, Scars on his face, fisherman +close up shot of 20yo indonesian woman in tank top holding a hand gun up with both hands, ready to shot, extremely detailed, intricate, high resolution, hdr, trending on artstation +a painting of a ship with a tree growing out of it, mark ryden highly detailed, game map, inspired by Henri Rousseau, tool band, stands at a his easel, alchemical diagram, inspired by Leandro Erlich, 1 0 0 0 x 1 0 0 0 pixel art, album cover!, lossless, connectedness, full image +aN ARTISTIC ASIAN painted tray wood +dungeons and dragons character, paladin, dragon born, heavy armor, full helmet +a simple drawing of a woman wearing high heel boots and latex bodysuit working, corset, milf, art by milo manara, plain background, white background +Joe Biden in Fortnite, 3d game +a red truck sitting on top of a lush green hillside, isometric 3d fantasy cute house, trending in behance, car garage, incredible screenshot, style of monument valley, micro machines, by Mario Dubsky, middle close up composition, card game illustration, inspired by Cyril Rolando, up close picture +Highly detailed digital artwork of fantasy Victorian London street +so many things around me wanting me to do things +color Bessa R2A Cinestill portrait, young beautiful very thin pale woman wearing tattered old dress in dank attic alongside massive fleshy lovecraftian monster with hundreds long thin pale of pale tentacles and eyes, multicolored light, hundreds of eyes +A vulva on a propaganda poster +gabe newell killing a zombie with a crowbar +very old man in a library holding a manga comic +a velociraptor in a room and a MGb car smashing through hole in the wall and velociraptor ,sparks dust rubble splash ,studio lighting,white walls, headlights,wideangle photo,chrome mgb +A Lake around Cherry blossoms, Realistic, Very Detailed, +anime photo of man holding box that says "gay" on it +A gorgeous woman wearing a red dress standing on a podium +Painting of a cat screaming "help" +photo of guy muscle bald Slaughter punish son at prison toilet. wear raunch briefs, highly detailed face, killer look, Hard close-set eyes, born criminal +Album music by Chris LaBrooy23%inspired by Sven Nordqvist22%by Kurt Wenner21%by Sven Nordqvist21%inspired by Kurt Wenner by Vladimír Vašíček21%inspired by Cyril Rolando21%by Susan Heidi20%by Mór Than20%by Martina Krupičková +Please, please, please draw something beautiful +Irises, Flower Zombie, Composite art style, Victo Ngai, James Jean, Jesper Ejsing, Anton Fadeev, Pascal Campion, Ismail Inceoglu, Jean Baptiste Monge, A masterpiece, Poster art, Splash art, sharp focus, Fluid lines, digital illustration, Hiroyuki-Mitsume Takahashi, Gediminas Pranckevicius, James Gurney, Huang Guangjian, Takashi Murakami, Reflections, HD, cel-shaded, fractal details, Volumetric lighting, detailed background +art poster by legend of ravaging dynasties, magical winged lion, majestic +A picture of a muscular man flexing. G-string. +Insanely detailed Bugatti made of wool, extremly intricate, 8k +gothic smiling pale girl with piercing from steampunk, elegant, vibrant, dark fantasy, intricate, smooth, artstation, painted by edgar maxence, greg rutowski, ross tran, artgerm +pikachu dragon, face icon, stylized, minimalist, portrait, by loftis cory, behance, hd, by jesper ejsing, by rhads, makoto shinkai and lois van baarle, by ilya kuvshinov, global illumination, rimlight, bokeh, octane render, dark sky in background, galaxy, pikachu dragon +Baja california Mexico, great gathering of americans and mexicans for Christ, American Bald Eagle and Mexican Golden Eagle soaring overhead, candlelight, American Casbah on the horizon with small buildings with American dirt and sand, at Pamukkale with blue sky and giant pebbles during Pomeranian time in the fall, Utopia, digital concept art +Masterpiece, best quality, Mystical queen in a throne room and male barbarian knight in armor in a Gothic Fairytale World, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag. The image should feature a captivating woman in fantasy clothing, posed amidst the whimsical, Man in steampunk trench coat with pauldrons, fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +naiked noun; realistic anime style, 4k +Cute cat, realistic digital oil painting by J. M. W. Turner +A futuristic revolver with bullets on a table +beautiful basalt gemsona, trending on artstation +dungeons and dragons, dice, forest, flowers, shiny, glowing +fearsome Chinese plague doctor God of the sky +A hot big cup of coffee in the oval office +a futuristic alien robot, morning time, countryside +movie scene of joe biden as thanos in gears of war, marvel movie, lens blur, detailed face, cinematic lighting, ray tracing, octane render, long lens, shallow depth of field, bokeh, anamorphic lens flare, 8k, hyper detailed, 35mm film grain +a vampire in an enchanted forest +Atompunk pilot. Hyperdetailed painting. Album art by Ismail Inceoglu, Huang Guangjian and Dan Witz. Triadic coloration. Diamond space glittering black. liquid, vibrant, Wide angle, deep colors volumetric lighting. Rertro Futuristic. Atompunk space station. 8k resolution concept art. Greg Rutkowski, WLOP. Dynamic lighting +Packs of flour outside a house +jake gyllenhaal, painting by egon schiele +I've got an orgone accumulator And it makes me feel greater I'll see you sometime later When I'm through with my accumulator +realistic 3D render, portrait of a 7 year old extremely handsome, joyful blue-skinned God Krishna with turban, sharp bright eyes and pupils intricate, elegant, dramatic lighting, highly detailed, digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha, art nouvau +A cute carton bull holding a sign that says "te amo lobitx" +The exaggeration of your thoughts will guide you to the abyss, futuristic, utopia, atmospheric, realistic, perfect composition, beautiful detailed, intricate, insanely detailed, octane render, 8k, artistic photography, photorealistic concept art, soft natural volumetric cinematic, perfect light, chiaroscuro, award-winning photograph, masterpiece, oil on canvas +a cinematic photo of The Mandalorian with grogu by his side in a desert, metal armour, portrait, photorealistic, depth of field, +a cloud that looks like a majestic dragon, fantasy oil painting by jazza and bob ross, white dragon made out of clouds +restaurant logo, icon, minimalism, color logo, HD, 3d logo, family, healthy food, indian luxury +DSLR. Masterpiece. Sorceress. A mysterious and enchanting young woman is seen as a sorceress, wearing a flowing black gown adorned with golden runes that glow with magic. Her long, dark hair is styled in intricate braids and her eyes sparkle with a mischievous glint. She wields a magical wand that allows her to control the minds of others through hypnosis and spells. Her powerful presence exudes both danger and allure. +a bmw car swimming in a pool +blonde little preteen body wearing latex +close-up of mushroom spore print art +a robot made of a huge treasure box +a chihuahua with no legs and a purple horn, beautiful painting, detailed illustration, digital art, overdetailed art, concept art, full character, character concept, long hair, full body shot, highly saturated colors, fantasy character, detailed illustration, hd, 4k, digital art, overdetailed art, concept art, Dan Mumford, Greg rutkowski, Victo Ngai +waterfall falling down into the darkness of bottomless fissure epic fantasy +Cloth off viking princess,dick inside,white yogurt falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, jelly leaks on laps,nice arms, nice eyes,highest detailed, masterpease, +Composition thumbnails, artstation, dark landscape painting, there is an island, +a tiny finch on a branch with, spring flowers on background, aesthetically inspired by Evelyn De Morgan, art by Bill Sienkiewicz and Dr. Seuss, ray tracing, volumetric lighting, octane render. +young woman 90's big teased hair +a son running in to her mother's arms +concept art of a futuristic hover bike +A road sign that says "abandon all hope" in all lower case, banff alberta circa 1987 +25 year old Nana Visitor as Kira Nerys the Betazoid officer from Deep Space Nine +Funny and clever coincidences Street photographs by Jonathan Higbee +design tiles for a 2d merge game +Harley Quinn as a hot math teacher +Once upon a time in the charming village of Pastelton, where the houses were painted in soft pastel colors, every year the villagers eagerly awaited the arrival of spring. They particularly looked forward to the Great Easter Egg Hunt that brought them all together to celebrate the season. +A calico maincoon cat sleeping in a hammock at the top of a cat tree in front of a tall window, photograph, henri Cartier-Bresson +Doctor Whos Exploding Tardis By Vincent Van Gogh +exotic custom JDM toyota 1991 sw20 mr2 body kit concept turnaround photos +photograph of a woman sumerged in water inside a pill-shaped transparent tank sci fi +full body draw of a woman walking trough a cyberpunk city at night with neon light on the background, art by artgerm, digital art, asymmetric cut, full shot cabera angle, full body portrait, short hair +Jordan Peterson shaking hands with an anime girl +Beautiful landscape by Daniel F. Gerhartz +Alan Rickman as Severus Snape performing alchemy in the dungeons of Hogwarts, atmospheric battle scene with flashing green alchemist flames, by Charles G. Jenneweis, realistic 3D, high resolution, PBR, Unreal Engine 4 +A hand-painted portrait of a lhama +Albert Einstein and Nikola Tesla presenting a time machine made of a glass cylinder with clocks and lights, sophisticated gear system , in front of many people clapping +fantasy town, dungeons and dragons, medieval, rustic, dnd, dungeons and dragons, rpg, high quality +portrait of a blonde woman with blue eyes +European cityscape, digital illustration, deep color, intricate detail, photorealism, polished, complementary colors, fantasy concept art, 16k resolution Unreal Engine 5, five point perspective, fantastical +Squirrel dressed as a punk goth teenager holding a skateboard +cinematic still of highly reflective oasis in the desert, at sunset +Bruce timm style 20 year old Anna Hathaway brown hair , flat torso, poison ivy cosplay , bold lines , clean lines , +luminescent neon A cute adorable baby phoenix made of crystal with low poly eye's highly detailed intricated concept art trending artstation 8k, high detailed skin, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3, HD, Sharp, canon 50mm intricate details photorealistic +airplane in a car side mirror +snow pea plants in a garden +Beautiful attractive elegant young professional apealing polish beautician +night sky, small buildings, city, cityscape, stars, moon, sun, nes, snes, #pixelart +pretty female model with straight blonde ginger short hair photographed for Vogue magazine by Dean Martindale +sci-fi sniper rifle, halo, mass effect +Tiger made of glass with clockwork inside +a wide photo view of romans,castle foreground perspective, +a handsome furry wolf man, japanese carton +Cricket ground image with players celebrating a a wicket and wearing t-shirts with Google and India written on its +a policeman resting on mars in a beach chair, vibrant lighting, elegant, highly detailed, smooth, sharp focus, illustration, beautiful, geometric, trending on artstation, full body, cinematic, artwork by borovikovsky, 8k +anime girl in the space with a sign written 'sdxl' as text,4k +Horror, shot on arri, a colossal jellyfish futuristic spaceship landing on a desert, twilight, an astronaut watches patiently, +crowded model mgb museum, intricate details, intricate details, hyperdetailed, cinematic, dark shot, muted colors, film grainy, soothing tones, muted colors, technicolor +Anime girl in kimono in front of a shrine with sunny weather +High quality selfie of Arthur Rackham +led zeppelin concert held at western springs stadium Auckland +a little girl with micro shorts +a girl wearing headphones and looking at viewer, art by artgerm +Portrait of a fairy tale princess by Agnes Cecile +infinite translucent ice with bubbles, reflecting the aurora borealis, vibrant, 4k, infinite, hyperrealistic, hyperdetailed +cyberpunk giant kinky muscle young Soldier inquisitor butchering kneeling worship obedient pregnant girl at torture chamber. art by Ilya Repin +joe biden wearing a pink pijama +A cute dog wearing a cape flying over a castle, Disney Pixar style. +Cyberpunk Batman with long black cape and boy wonder in red and green stood next to a futuristic looking batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +an armchair shaped like a snail +oil painting, gangster skeleton wearing snapback and golden chain on neck with dollar sign pendant +photograph of bigfoot hiding behind a tree in the woods +Art in retro comic style, highly detailed Seiya, quadrinhos cape, symmetrical, vibrant +map of middle earth drawn by jrr tolkien +Pregnant woman wearing a Santa costume holding Christmas presents +state of florida made from Michelangelo’s David statue +young Lee Young Ae, dressed as a 19th century hungarian peasant woman with two black hair braids, in 19th century a hungarian village, portrait by Munkácsy, Ferenczy, Rutkowski, Marc Simonetti, Waterhouse very atmospheric, natural light +Watercolor painting of pigeons at trafalgar square, afternoon backlight, by greg rutkowski, by anders zorn +a professional cinematic paparazzi photograph of pope francis in wearing an icy crucifix and a luxurious canada goose style white long puffer jacket +full body photo of a beautiful woman +photo of a genuine opal in a silver bezel setting +Alexander the Great coma color black +fantasy, pastel, absurdist, photo, vintage horror movie, lithography, riso +A emperor, warhammer 40k, digital art +insanely detailed portrait,wise man, insane face details, extremely intricate, high res, 8k, award winning +Kurt Cobain cartoon drawing of him on stage +Son of righteousness with healing in his wings Amazing illustration +A risqué selfie photo of Anna Kendrick bare 🍈🍈, riding a ski lift in Switzerland +SNES, 16-bit video game graphics, waterfall in a secluded pond +the greek god zeus painting an oil painting of a greek temple +the center of the universe, digital art, 4k, stars, galaxies, big bang +teddybears crew next to a car, car workshop in a spaceship, inside is a model of a mgb, sci fi,star trek shuttle bay +Unusual bioluminescent deep sea creature, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Beautiful Asian woman, croptop, panties, pregnant +drunk creepy santa, muddy, crowded bottles bar, intricate details, hdr, intricate details, hyperdetailed, cinematic, dark shot, muted colors, film grainy, soothing tones, blurry, poor quality photo +a beautiful portrait of a woman in the style of Arcane and valorant +an empowering view of a kangaroo warrior with eye scar,wearing a noble's robe,fighting the demonic orca warrior wearing tribal armour,city streets,at night,neon lights,william blake and Ian Miller and by artist Ken Kelly and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +A blue colour luxury handbag placed on a green table with fresh flowers placed on the table, Lucy product photo shoot +Painting of a brane sphere, metallic shimmer, noctilucent, intricate, photorealistic, colorful, psychic style +Photo of a woman, dim cinematic light, creepy, scary, blood in her mouth +old medical lab, vintage, hyperrealistic, glowing, abandoned +cinematic movie shot of scifi film with depth of field +a wideangle view of the roman army +A night sky sparsely spattered with stars +a burning cyberrpunk city at night +a tower in the middle of the martian surface +3 creepy roadsigns with large text saying town names on it in a foggy hillside +a burly ogre in sparse metal armor holding a mace +Lowbrow cartooncore ninja woman by Jimmy marble and jimmahfood +humanoid otter with thick tail, wearing harness and holding spear, painted by John William Waterhouse +Man standing in a bursting volcano, lava everywhere +A middle eastern bodybuilder light skintone, iliac furrows, adonis belt, apollos crest +photo of head emerging out of river water surface, frederick doris royo fdr gren old gossisunlight ,Julia Margaret cameron +Scene from a film for adult only with a blonde woman and a man in climax +Various green apples on a greenish grassy ground and the logo Bitcoin amongst them +A simple logo of a fish tricoloured +exquisite marble detail, car headlamps, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +upper body, beautiful pale demonic biblical girl with angelic wings with multiple eyes on them, cinematic lighting, intricate, elegant, highly detailed, digital painting, artstation, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha and Wayne Barlowe and william-adolphe bouguereau +a man in the tar pit mid transformation into a black gooey latex lioness, award winning wildlife photograpy. Wildlife Photography, dslr, slime, goo, solo, transformation, mid transformation +A frigate sinking in a stormy sea +an image of a scary doll, dark themed +A cat in a cat sized space suit in space +A risqué selfie photo of a gorgeous blond girl bare 🍈🍈, riding a ski lift in Switzerland +a car that is made out of avocado +by Zena Holloway, galaxy in a sunflower, painting of a sunflower that contains an entire detailed galaxy within it +an okapi in a green jungle, cinematic, 4k +a Chow Meinin the middle of the desert +On a grey background wall, crystal Jewelry, gold, purple, a white bottle placed on the table, with a branch inserted inside, and a small flower on the top of the branch. The picture is simple 1970s dark fantasy movie, haze, halation, bloom, dramatic atmosphere, centered, rule of thirds +A photo of a derpy cow +UV photography of rocky cliffs in black and white with sparkly quartz crystals +Einstein presents the time machine and the flux capacitor circa 1930 +A-team gmc van, TV show, black, red, grey, red alloy wheels +Horror scary grudge mouth open bleeding in mirror in dark room +fluffy anthropomorphic lynx with antlers, falling leaves, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, magic, professional digital art +cinematic shot of a yellow ferrari car in a desert +Cartoon style, close shot of traffic lights, blue sky background, big white clouds +a beautiful character portrait of Wonder Woman by Frank Frazetta, stylish armor, realistic, colorful palette, 4k high resolution, detailed lines, illustration +image of a siamese cat sitting by a metal barred window +Four scholars in the early 30's photo in a library +isometric cute cat character, realistic, video game, style of behance, made in blender 3D +A oil painting portrait of giant Muscle bald master pathological sadist severe Slaughter wear black uniform covered in red fluid came to oppress and enslave. Surrealism art by Ilya Repin +hacker sitting at desk with computer +concrete stairs leading to a secret hide out in the jungle +a man swimming in a public pool. +Imagine a young being with a bright smile on their face, their skin a deep shade of blue that seems to shimmer in the light. Their hair is not made of traditional strands, but instead consists of feathers of various sizes and shades of blue that are soft to the touch. The feathers are arranged in a wild and free-spirited style, framing the being's face in a way that accentuates their sharp features and sparkling eyes. This being is full of energy and curiosity, eager to explore the world around them and discover new wonders. They radiate a sense of joy and playfulness, their smile contagious and their laughter ringing out like music. As you look at them, you can't help but feel uplifted and inspired by their spirit and enthusiasm. +An airplane flying under the ocean among whales +a woman cyborg surrealism photography portrait cityscape background +kylie minogue, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +impossible architecture cyberspace catholic church of the infinite math +whether tis better to suffer cruel misfortune or to take up arms against a sea of troubles +photo of chubby cruel severe guy exhibitionist harassment at office. highly detailed face, killer look, Hard close-set eyes, born criminal +a professional cinematic paparazzi photograph of pope francis in wearing an icy crucifix and a luxurious white long jacket +A highly detailed landscape painting of Disneyland Castle painted by Pieter Bruegel the Elder, masterpiece, absurdres, highres, featured on ArtStation +close-up of beautiful blonde dame singing on stage at a nightclub, ballroom gown, supper club glamorous, scene from film noir, 8k, sharp +A picture of a teen girl bending over wearing a smelly tight outfit with yellow liquid dropping down legs, Fog fumes near the backside of the woman, smell fumes around backside, , +colonel sanders wearing a shirt that reads Rock N Roll +A liminal Pool, frutiger aero, in blade runner, professional photography +horror, terrifying, unease, giant spider in the dark, old footage, red eyes, darkness, fear, grainy old photo +“huss” , text in graffiti style typography, creative, high quality, digital art +, fantasy, pastel, absurdist, photo, tiny cemetery matchbox +Polaroid photo of Girl massage in shopping mall +master yoda with sunglasses, glitch art, epic poster, hacker, vaporwave +creepy brutalist fortress with red windows on a hill covered with red grass and moody sky +a picture of a man with a valve on the back of his neck, by Salvador Dali +A helicopter made out of pizza +Sonic in the snow, watercolors, realistic +a hat on a table that says "Hello World" +Severus Snape performing alchemy in the dungeons of Hogwarts, atmospheric battle scene with flashing green alchemist flames, by Charles G. Jenneweis, realistic 3D, high resolution, PBR, Unreal Engine 4 +A photo of a woman in a feathered dress, professional, masterpiece, epic +Jesus holding a sign that says the devil saves +Digital art of a futuristic cityscape with towering skyscrapers, flying cars, and neon lights. The skyline is bathed in a pinkish-purple hue, and there's a holographic billboard advertising a new space mission. +a photo of a kawaii mecha in the city +femme, purple leaves background, cyberpunk akira style clothes, anime young blue hair Margot Robbie wearing armor holding a colorful submachine gun, beautiful orange, wearing black mini skirt, contrast, long render, pink, blue and white, simple background, gauche art, wes anderson, artstation masterpiece,painting by John Singer Sargent +a liminal space, peace, tranquility, high details, sharp focus, softest light, , +round eyes on the cunning bunny character. 3d model, bunny character, type of collectible toy, +A woman standing by her husband who is a minister +a long, red haired woman, dressed in a black medieval dress in Transylvania, portrait by Waterhouse, Marc Simonetti. Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com +dog statut the top of mountain +photograph, high detail, high defintion, 8k, hdr, global illumination, girl bare body +Dog and a cat sleeping together +Himba Mickey mouse, award winning photography +An unsettling barefoot alien figure walking through ash and dust at the end of the world. Weird alien landscape, debris and pieces of landmass, particles in the air, epic thunderstorm skies, insane details, 4k, creepy photography, +A Sea, High Resolution, High Quality, Many Details +blue bear, hd, dramatic lighting, detailed +A herd of deer standing beside a beautiful girl singing into the rainy sky +octane render, realism, indian bas-relief, high detail, cyberpunk, cyber tech +a ((medium shot)) of a young woman besides a lake near the Alps, shot on Kodak Ultra Max 400 +An image of brad pitt as Han solo +Studio ghibli illustration of a pig wearing a red hood +art poster, wildlife drawing of a gorilla by legend of ravaging dynasties +A portrait of a Mysterious male elf wielding magical energy amidst an enchanted forest. +art print of a cute fire elemental pokemon by league of legends. first evolutionary stage +A French Bulldog DJ'ing a rooftop party at sunset +a digital art capturing superman sitting in a bar, edge light, well lit, bokeh, 8K, sharp focus, looking at viewer, realistic, masterpiece, highest quality, backlighting, +An image of Valdevez with TIE fighter +super horror scary image of a witch in a forest +Mid-century wallpaper by Dorothy draper, seamless, spoonflower +photo of pope francis wearing a traditional arabic clothing +Hyperrealistic charcoal drawing of a red panda, charcoal drawing by daniel wilson +A photo of a chicken driving a car +Young Victoria coren-mitchell, mommy milkers, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Girl with the pearl earring, horns up +Anime seaport with birds, boats. Expansive view. Anime style detailed matte painting hyperdetailed beautiful anime. Lively, cute, lovely. Sunny. Detailed, intricate, well composed. Advanced architecture. Incredibly detailed matte painting. Studio Ghibli. Studio Clamp. 8K resolution DSLR, VRAY, Raytraced. Beautiful. Striking. +lamp switch smiley, 1980 render style +3D rendering of a low-poly model of zebra +hand-colored old phot dust stains elven ranger written text +a painting of a velociraptor wielding a lightsaber in his hand, artstation, 8k, high res, ultra detailed +photo of a frost giant cooking dinner +80s edgy comic book cover of Cute european woman, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +king kong punching a mgb car in the jungle river ,splash rocks ,chrome grill +ELVIS DRESSED AS A COWBOY RIDING A HORSE +an attractive young woman angel with huge feathery wings +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Wes Benscoter +Gal gadot face in Riley Reid body unblurred +Antique, warm hues, dark haired, massive, fat BDSM portly male Bishop in frilly white lace tutu, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A Chinese 18-year-old girl, student, blue skirt, looks slightly like Michelle Yeoh, smiling face, black hair, standing, at university, spring season, the roadside is full of crabapple blossoms, hyper realistic portrait photography, pale skin, natural lighting, Nikon NIKKOR Z, 85mm f1. 8 S +shrek looking at a ufo in the sky +futuristic city architecture plan, concept art, futuristic+city, 4k intricate details, urban +an image of Bogart as Rambo jumping dog +Wreathed aesthetic octopus shapeshifter humanoid sea urchin goddess, beautiful face, puckered skin details, pearl ocean cream orange Coral, moss burgundy silver photorealistic eyes iridescent jewellery, by Don Marquez, Davis Meltzer, scales, sponge, background theme alien planet with a crystal moon by J.R. Slattum, detailed illustration, acrylic on paper, intricate, elegant, ornate, hyper realistic, unreal engine 5 128K UHD Octane, pi, fractal fBm +Alien insect life, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a West African mermaid with a purple blue tail, braided hair +Photorealistic liminal still from silent hill, fog, at night, 4k DSLR photo,surreal lighting +zero gravity weightlessness a giant cavern without water in space, park interior +Photorealistic still from silent hill, fog, at night, 4k DSLR photo,ambient lighting +cyberpunk anime girl with supernatural powers +An extremely pale blue eyed blonde male fat old hairy daddy in a sauna +Hanuman cyborg, cyberpunk India, gorilla, Ghost in the shell, mehendi body painting, yantra, robot mask, baroque style, Kathakali character, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, colorful, epic ambiant light, high tech, high contrast, synth body, hyper realistic, 8k, epic ambient light, octa rendering, kathakali, soft ambient light, HD, by Rupert Sanders +a wide angle photo of armor on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics fire smoke, a photo, gearing up for battle, roman , mace and shield, a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, plants overgrown outstanding detail ,in front of a building, +Name "Maria" text, bay color, nature +anthropomorphic hippopotamus, unibrow, muscle fat, male, furry art, digital art, vector art +a woman slumped in a chair with a confused stare with a mind control device attached to her head. illustration +Joe Biden holding a paper that writes "Hell Swag!" +An image of two baloons flying across the mountains in austria, vector art. +portrait of male handsome draconian, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, 8k +photo of pirates from the wearing 1980s pirate-themed renaissance-themed track suits +The matrix portrait of rutger hauer very sad and relucant expression, wearing a biomechanical suit, scifi, digital painting, concept art, smooth, artstation hq, +insanely detailed portrait, grogu, cute, the mandalorian, extremely intricate, high res, 8k, award winning +A restaurant sign that says "Kentucky Fried Chicken" +The result of experimenting with fusing human and plant DNA, body horror mutation, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +complex detailed skin, photorealistic, super realism, girl with a cat ears, , +close up rainbow poppies::13 , on a dark background::9 , aqua, teal, light, , gustav klimt::8, phantasmal iridescent, gold::6 , blue, fireflies, sparkles, fireflies::4 , blue, gigantic sun rays of sun::6 , van gogh sky::6, shine::10 +a man and a woman watering flowers in front of a window, shutterstock contest winner, process art, storybook illustration, digital illustration, behance hd +a painting of a boat on a body of water, everything is carpet and 3d, elaborate digital art, red caviar instead of sand, inspired by Jacek Yerka, mar a lago fbi raid lego set, inspired by Jiao Bingzhen, an aerial tennis court, surrealism amogus photo realistic, game board, mermaids +Stripes by Hilma af Klint, William Morris +pikachu with a sign saying "I'm cute" +A selfie on the streets of gotham with batman +the americain president arrest by the fbi +construction worker high fashion outfit Balenciaga +RAW uhd photo of a american asian androgynous model, high fashion clothing, haut couture, focus on the perfect face, wide shot, nikon z30, award winning fashion photography, sharp focus, by annie leibovitz +Elon musk as a godly figure in the clouds, angel, god, insanely detailed, octane engine, god rays, hyper realism +mercedes benz slk r171 sunset red +portrait of female the flash as a gundam pilot, with an intricate, detailed, urban inspired hiphop afro futuristic helmet, vector behance hd jesper ejsing, rhads, makoto shinkai, lois van baarle, ilya kuvshinov, rossdraws, hd, 3 2 k, ilya kuvshinov, gustav klimt +restaurant logo, icon, minimalism, color logo, HD, 3d logo, family, quality, reliable, healthy food, indian luxury +death watches over us, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +A banana that has gained sentience +Design sketch of a futuristic aircraft, purple and gold colours +Kissa Sins, Fallout, Textless, sfw, brunette +in the style of Gustav Courbet and James Sant and john singer sargent and ingres a friendly pudgy happy drunk harlequin clean face wearing simple motley_checked_harlequin_suit and jester_hat_with_bells skipping down the street at dusk on the side of a raucous Florentine Carnival crowd, wide_angle, +female vampire hunter in a leather jacket +Rocket Raccoon, furry art, fanart, digital painting +Faith and spirituality concept with architecture, sky and birds, realistic, detailed image, camera focus, beautiful lighting, high definition, 4K +The sun beats down on the field of wildflowers, casting a warm glow over the vibrant colors and varied shapes of each blossom. The scent of blooming flowers fills the air, attracting buzzing bees and fluttering butterflies. The flowers sway gently in the breeze, creating a sea of movement across the field. In the distance, a towering tree looms over the landscape like a giant sentinel. Its massive trunk is covered in thick, knotted bark, and its branches stretch out like the tentacles of some ancient creature. The leaves of the tree are a deep green, providing a stark contrast to the bright hues of the wildflowers below. As you approach the tree, you notice dozens of small creatures scurrying about its base, darting in and out of the shadows. They are like nothing you've ever seen before - their bodies are covered in iridescent scales, and their eyes glow with an otherworldly light. The tree seems to exude a sense of ancient power, as if it has been standing here for centuries, watching over the field of wildflowers and the strange creatures that call it home +By Frazetta,Beautiful photo of a redhead girl, extreme bokeh +close up of an angry female pirate holding a bottle of rum +a sign with "are you good?" written on it +Cute anime goth girl pale skin +An eldritch squid floating in space, stars, planets, nebula, universe background, photorealistic, wideshot +A man with increadibly big head and small body +A Chemical Barrel, Orange gas atomosphere, photo realistic +A high quality photograph of a Nucleosome +Mona Lisa sticking tongue out holding a sign that says hail Satan +Hand-drawn cartoon dog in the real world +a cute anime anthropomorphic female cat +girl little perfect pussi white showing +young Lee Young Ae, dressed as a 19th century hungarian peasant woman with two black hair braids, in 19th century a hungarian village, character concept art by Munkácsy, Ferenczy, Rutkowski, Marc Simonetti, Waterhouse very atmospheric, natural light +a furry cat woman with thic thighs +swiss guard spring break party at the vatican, beach party, pope dancing +photograph, high detail, high defintion, 8k, hdr, global illumintaion, Iron Maiden +an image of a clouds scene with a clouds and clouds , pixel art by Paul Kelpe, pixiv, clouds art, #pixelart, copic palette, 2d game art, concept art +realistic photo of megumin from konosuba swimming underwater, full body, , cosplay +photo of a neon smoky room +a woman wearing a grey fedora +Cute and adorable cartoon it baby, fantasy, dreamlike, surrealism, super cute, trending on artstation +Anime girl firing anti aircraft M2 browning machine gun mounted to an armored vehicle +an woman sitting on a table drinking coffee, long shot, wide shot, highly detailed, intricate, professional photography, RAW color perfect photo, night shot, bokeh, sharp focus, taken with eos 5d, UHD 8k +The word "POOP" on fire on a front doorstep of a home +inside large spaceship room, sci fi,star trek bridge chairs, , 2001 space odyssey,computers glowing,floor markings +petite jewish girl on all fours +eighteen year-old girl, short blonde hair, sky-blue eyes, white tank top, pink short cotton trousers, sitting on the bed, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, soft lighting, high quality, comic style, by Gurihiru, Roberto Poggi, Chris Bachalo, Belén Ortega +art by Alfons Mucha, stained glass motif, whole body image of 20 year-old Barbara Eden with ash blond hair as a naturist in the desert sitting next to a magic lamp, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +city scape by moebius, arabesque, beautiful landscape, poster art +everywhere covered with color splashes , paints thrown at model, superhero +selfie photo, people dogging in background +The text CITY in graffiti style on a wall, perfectionism, high quality +A woman with a tank top on +Surreal Movie poster, hushed woman, creepy white mask in the background, simple colors, +, fantasy, pastel, absurdist, photo, refined, bird character, person +anime man holding a sign that says "bakari is stupid", 4k, in the style of netflix anime movie +women at a protest holding "it's not ok" banner +very handsome married malay father full shot +Japanese Vampire princess Art Nouveau Belle Époque poster by Chéret. head and shoulders portrait, 8k resolution concept art portrait by Greg Rutkowski, Artgerm, WLOP, Alphonse Mucha dynamic lighting hyperdetailed intricately detailed Splash art trending on Artstation triadic colors Unreal Engine 5 volumetric lighting +Toy bookshelves in room hyper realism desk Curtains +A guinea pig riding a motorcycle +hyperrealistic old abandoned church, stained glass windows, vintage, glowing +architecturally accurate,modern,condominium, exterior view, apartment, Singapore +Pope Francis is reimagined as a Mario Character +Close-up on the lips of a beautiful appealing young alluring beautician +a squirrel jumping from one tree to another tree +Alexander the great, cover art, colorful +A dark and abandoned wood cabin, medieval, dusk, forest background, cinematic concept art +a danger noodle of a screaming worm boi +masterpiece, best quality, from above, office shot, black skirt, royal shoes, lying on bed, open legs, the room has windows, single, divine goddess, shiny skin, skindentation +A nice painting of a kite could be a landscape scene with a brightly colored kite flying high in the sky. The background could feature a clear blue sky, fluffy clouds, and perhaps a mountain or rolling hills in the distance. The kite itself could be painted with a range of vibrant colors, with long flowing tails trailing behind it in the wind. The painting could also include small details such as the kite string and the person holding onto it on the ground, gazing up at their soaring kite. The overall effect should be joyful and uplifting, capturing the sense of freedom and wonder that comes with flying a kite on a sunny day. +surfing a huge wave with a sea turtle with bitcoin as the sun +a wide angle photo of roman centurions resting in a arena,soldiers sitting on stone walls, roman empire buildings,sheilds swords ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +realistic portrait of an anthropomorphic alligator, in 18th century pirate attire, neck tie, video game character, realistic cinematic lighting, highly detailed, portrait view, HD, 4K, HBO, dramatic lighting, cinematic, dark colors +photo portrait of Gandalf at Bilboa’s front gate in Hobbiton, HD 4K, sharp detail, photo-realistic accurate face and features +photo of a goblin eating a steak +3d render of an ice cream dragon +art by artist John Romita Jr, a beautiful comic book illustration of Batman, detailed lines, colorful palette, amazing composition, high resolution +Man dunking shooting a basketball in NBA court, 8k, hdr, detailed +Photoshoot Small lean Muscular man short short body short legs white background t-shirts +a pool with blood inside an apartments +Full body highly detailed portrait of spiderman, by greg rutkowski, by greg tocchini, by james gilleard, by joe fenton, by kaethe butcher, gradient yellow, black, brown and magenta color scheme, grunge aesthetic!!! graffiti tag wall background +Sniper, duster coat, gas mask with red goggles, post-apocalyptic abandoned Dubai, war-torn, sandstorm, night, Masterpiece, trending on artstation, best quality, detailed, cinematic, high quality, comic style, by, Roberto Poggi, Chris Bachalo, Belén Ortega +Action shot, angry grandma soviet marine trooper flying on helicopter through soviet city, fine details, realistic lightning +, fantasy, pastel, absurdist, photo, Europa +beautiful young colombian flight attendant on a plane +friendly family logo, family logo, indian style, vector logo, svg food logo, correct logo proportions, HD +A beautiful African website landing page, fintech +gathering of mutants in the hity hall +Beautiful photo of Priya menon, professional photography +a path of polished bricks, leading into the sky, dusk +a los angeles burning at night +Beautiful Anime girl, masterpiece, professional photography +glass bottle containing ice crystals, jello, rainbow liquid splatter, unreal engine 5, exhibition design, ray tracing, ssao, rtx, 8k +wide-shot photo, woman realistic Samurai character design, awesome concept art, epic camera shot, sword, Mamoru Nagano, Yoshitaka Amano, Craig Mullins, Ian McQue, Tomino Sama art style, japanese kanji, skulls, Epic Ornate Scythe, ornate kimono armor, floating red river, splashes in red color, creepy demons and yokai background abcdef12345 +Picture a sprawling landfill overflowing with mounds of garbage, emitting a foul odor and attracting scavenging birds and vermin. This is the unfortunate reality of our unsustainable consumption and disposal habits +Antique, warm hues, dark haired, massive, fat happy portly male Bishop in pink latex, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +, fantasy, pastel, absurdist, photo, Hospital +digital art illustration of a man wearing karate clothes fighting a giant duck on a beach, sunset, hd, 4k, by atey ghailan +A statue of Spongebob at mcdonalds +An army men toy fighting in the front lines a real war +a helicopter flying over a mountain shooting missiles +award winning studio photo portrait 3rd reich rusted robot, officers hat, steampunk, close-up, metal futuristic armor, sharp focus, hd, hdr, 8k, photorealism, god rays, reflection, raw, rtx, dramatic lighting, still from the film +Film still of Pedro Pascal as a transformer, Pedro Pascal is now a transformer, large robot, HD photograph +Giger xenomorph Easter alien egg, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Digital painting of high fashion inspired the ocean and creatures. Studio lighting, 4k cinematic colour graded. +woman, tall, brown hair, brown eyes, mid curly hair, long face, thin +Massive, portly, Chinese nerd girl wearing lace panties and bra, riding skateboard, doing full body star jump upside down, squirting, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +A cute girl with elephant ears +a dreamy huge forest hill view from below. you can see very high up from where you were on your forest journey. 8k resolution photo +a tide of trippy melting ice cream +Wednesday Addams wearing a shirt that reads the number triple Six +Masterpiece, best quality, giant snow orc in arctic catacomb wearing hide armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag. The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +Sharbat Gula's eyes magnified and vivid against a dark background +35 years old men high tech play soccer club logo +a cartoon forest bear wearing only a hat and tie, portrait of anthropomorphic bear, simple cartoon, artstation, dribbble, full body +woman wearing zentai body that covers eyes and face and head tightly +a photo of roman soldiers in front of roman buildings grass steps,ben-hur , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole +cute chibified cat drinking bubble tea by Jeff Soto and Dan Mumford, dramatic lighting, digital illustration, Screen print, pop art, splash screen art, triadic colors, digital art, 8k resolution trending on Artstation, golden ratio, symmetrical, rule of thirds, geometric bauhaus +photo of a metal spaceship in the jungle river ,splash rocks , +Eddie Murphy as Carl Johnson from GTA San Andreas +A robot sticking tongue out holding a sign that says Hail Satan +funko pop Sinead O'Connor ripping a photo of the Pope +A medieval fantasy rural town known for its turnip fields and food with an inn ine the center of a town +A monkey with leopard spots holding a banana with zebra skin. +A portrait of young giant muscle interrogater crush busting pregnant slutty girl at Chamber. highly detailed image +Neca scream movie Ghostface figure liying on carpet answering phone +overgrown giant fantasy forest, high quality, realistic, night, blue fireflies, flowers +british army driving a car in 1921 in kerala forest road, tribe members attacking, action scene, an epic fantasy, dramatic lighting, cinematic, establishing shot, extremely high detail, photorealistic, cinematic lighting, artstation, matte painting by christopher nolan, horizon forbidden west +art poster, the essence of charcoal painting, a dragon silhouette +Photo of a Pigeon in a well tailored suit getting a cup of coffee in a cafe in the morning +a man shoots himself in the head +A painting of an evil powerful political figure in front of the United States flag blocking the entire screen +The warrior goddess stands tall on a desolate planet, her feminine body rippling with power and strength| her hair is long and flowing| a mixture of black and silver strands that shimmer in the light| her face is beautiful yet fierce with sharp cheekbones| full lips| piercing blue eyes that seem to see right through you| the sky above her a mixture of deep purples and blues| reflecting the intense light of the nearby star| the artwork is composed in a hypermaximalist style with every inch of the canvas filled with intricate details and patterns| the use of light and shadow is particularly striking with the intense light of the star casting deep shadows across the planet's surface| the artwork is a groundbreaking and breathtaking masterpiece +a cat that is made out of wood +6 foot tall skinny arm man white background shirt posing +an ancient chinese pyramid on an island in the forest +a wide angle photo of sword on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics fire smoke, a photo, gearing up for battle, roman , mace and shield, a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, plants overgrown outstanding detail ,in front of a building, +girl wearing red lipstick and black leggings +Portrait of a fairly tale princess, art by Andy Warhol +young Lee Young Ae, dressed as a 19th century hungarian peasant woman with two black hair braids, in 19th century a hungarian village, character concept art by Munkácsy, Ferenczy, Rutkowski +an old woman standing on high rooftop at night +A top heavy red headed model at the beach +blue bear in the style of animal crossing +formation 😘😘😘😘 trylaundry artforsale melancholy peasant genre ,Jules Bastien-Lepage +Photo of a beautiful woman wearing a future retro ball gown standing in a palatial dance hall +Melting ice cream creating a wave +looking back, brushing hair back behind ear, +a kingfisher sitting on a pole +futuristic real realistic 4k full-frame mirrorless photo detailed city casablanca morocco cyberpunk street render concept art new historic blend market +parakeet with a chainsaw in a pirate boat +Cristiano Ronaldo as a mad surgeon +A flat shirt with a printing "Hello world" +A birthday cake with a human face on it and baloons in the background +Screenshot of a dating website profile +Mutated core of the earth, view from the observer, view through +two men with green hair standing next to each other, age of sigma art, epic game portrait, kaleidoscopic, comic artstyle, reboot, arrogant and sinister attitude, inspired by John Brown, quantum mechanics, alliance +sci-fi large sphere room with a large sculpture ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel,strong foreground, +8k, beautiful Asian girl, stockings, mini skirt, long legs, lush hair, plunging neckline, full body wide angle shot +photo of beautiful blonde woman in beautiful room +the moon goes around the son +photo of a chimpanzee riding a road bike +Epic cinematic action shot from a snuff movie starring Owen Wilson and daisy ridley, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +, fantasy, pastel, absurdist, photo, refined, fabric person +unreal engine 5 render of a muscular male green-skinned orc with big sweaty pecs, sweaty sheen on body, sweat drops on pecs, big juicy pecs, dominant orc daddy, artstation hq, ultrarealistic + Cinema 4D + Render, hyperdetailed 3d matte painting, hyperrealism, hyperrealistic, 8k ultrahd octane render +a car that is made out of crystal +photo portrait of 20 year-old Barbara Eden with ash blonde hair and tweezed eyebrows +A person watching a show about cheese on a TV, sitting on a couch +a Tornado Destroying a Farm in 6 Perspectives +art by Alfons Mucha, stained glass motif, whole body image of 20 year-old Taylor Schilling as Piper Chapman as a naturist in prison, HD 4k, sharp detail, photo-realistic accurate face and features +A woman scientist in a modern lab, with gloves and protections, analysing the content of a giant egg with an Xray machine, ultra realistic, smoke, neons, glass reflection, 4k +wideangle panorama aerial photo a dinosaur next to a landrover defender in a muddy road in the jungle,obstacle course,helicopter explosions, by Anthony S Waters, renaissance, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +a painting of a woman with a veil on her head, photographer art wolfe, haunting beautiful young woman, stained paper, young beautiful hippie girl, inspired by Sam Spratt, david hamilton, expressive eyes!! intricate, peter murbacher, innocent look. rich vivid colors, matt betteker, texturized +A full frontal photo of an extremely attractive young woman named curvy Sue. 35mm. High res +downtown portland oregon if it were a city on mars +Busy Naples Italy beach scene, painterly robust style,oil painting, clear visible brush strokes +masterpiece, face of a model closeup, Madison Beer, headshot, long beautiful flowing ink like hair, smoky makeup, shining eyes, grey-gold-blue eyes, gold flecks, defined eyes, realistic eyes, doe eyes, beautiful perfect symmetrical face, extremely detailed, melancholy expression, painted by Tom Bagshaw and Eve Ventrue and Jeremy Lipking, ultra hd, hdr, 8k, cinematic, dramatic lighting, studio Portrait Lighting, illuminated face, 85mm, volumetric lighting, ray tracing reflections, +Australian Shepard sitting on a mountain cliff edge +Aetherpunk library room :: isometric view :: highly detailed fantastical cinematic fantastical digital illustration by Hwanggyu Kim and Ismail Inceoglu :: isometric art :: high resolution :: 64 megapixels photorealism professional photography:: +a mexican family eating an elote on coyoacan +masterpiece, camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +Emilia Clarke in a Cell, High Resolution, High Quality, Many Details, Realistic, Real Life +A boy with a red shirt sitting on a blue chair, in front of an old woman holding a cat in her arms +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by H.R. Giger +a fiery, explosive, and occult highway to hell +All black drumset red drum heads +Renaissance oil painting of two arab philosophers debating in public, high quality, cinematic lighting, sharo focus, +Where's Waldo but he's in a red circle already +insanely detailed portrait,Alexander Lukashenko, insane face details, perfect eyes,dof, dslr extremely intricate, high res, 8k, award winning photography +a painting of a man wearing a cow mask, a surrealist painting, inspired by Michael Cheval, robotic pig, andrey remnev, with symmetrical head and eyes, templar, in the center of the image, greg beeple, pig nose, priest, stålenhag, symmetrical face, katsuhiro otomo, vertical portrait +Egirl with red hair, gorgeous, high-quality, beautiful +Futuristic Batman and catwoman stood next to the cyberpunk batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +a gay couple having a kiss +red haired girl with red hair against wood, in the style of baroque-inspired details, soft edges and atmospheric effects, wimmelbilder, dark beige and azure, vray, white and orange, wimmelbilder +A gray bear in the desert +skull made of only diamond, crystal, refraction, ray traced, caustics, , thin film, chromatic aberration +Smiling, massive black zombie, tiny lace bodice, riding long skateboard, holding glowing neon dildo, Pascall Shamerock star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +photo of a woman sitting in front of a mirror, light shining through her hair +1960s architect drawing of batman surf mansion, big sur, cliffs and waves, nest, hasselblad leica, batsign, extremely detailed, 8k, 4k artist impression +watercolor of a tabby cat fishing by the lake +macro closeup photo of a glowing mushroom in forest loam, depth of field +a beautiful anime girl with low-cut shirt, smiling +An inoffensive yet risque Galactic Soviet Union alien. +Waving hand emoji, 3d render, neon, highly detailed, professional render +A side view of a city on a hill far away and a butterfly flying as the main object in cinematic style, sky, shining butterfly, city on a hill, blue buttefly +beautiful lady, freckles, dark makeup, hyperdetailed photography, soft light, head and shoulders portrait, cover +hot air balloon with Hillary Clinton's face, oil painting, Salvador Dali +school rock concert in school hall +Keanu Reeves with a kitchen pan +Lagos skyline, professional photography, bokeh, golden hour, sharp focus, 64 megapixels +Photograph of empire state building exploding. +Photorealistic image of young Christina Ricci 24 years old model Realistic , smooth face , photography light , photography shadows , studio background, image taken by photographer +Tom Hanks with Paul McCartney drinking beer +photo of facesitting worship two muscle guys bald Slaughter punish abducted and degraded Boy at Juvenile Prison for Boys. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +Saraswati robot, cyberpunk India, cyborg swan, Ghost in the shell style, mehendi body art, yantra, robot mask, baroque style, Kathakali character, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, synthesized body, hyperrealistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, by Rupert Sanders +Portrait photo intricately detailed Cyborg face, real realistic, in a massive colorful space, award winning photography +Knights fighting in a snowy field, with a castle on cliffing buring in the backgroudn, sunset time of the day +Jimi hendrix and kurt cobain on the moon with space sutis +hot woman full body pleasing herself, uncovered +a tree with blue leaves on a blue hill +Wedding of a horse and a zebra +Realistic man talking to traditional cel-shaded cartoon dog in the real world +a jedi knight fighting a sith warrior +an asian girl with short brown hair, ware 500 degree classes, half portrait, green T-shirt, she is thinking and looking at the outside of the window, hifi, main color is dark +a young woman wearing a sign that says "Flavien Berger" +Photo of Joe Biden holding a paper that writes "Hella Swag!" +A bombed out Chevy impala in a future dystopia +a photograph of a marijuana chocolate cake +Post apocalyptic scene with glowing bright giant red crosses covering the landscape, photography, realistic, +a Chinese girl in a fountain in Rome +I will briefly summarize the plot of Back to the Future II for you. +prompt automobile with modern city and road, high technology scenario, real scenario, high resolution, 4k, 16:9 +astronaut cat with a crawler at grand canyon +Cyberpunk monumental building of Mega-Corp, digitally painted in UHD, concept art, intricate details +a concept mock up design for a modern-looking classic watch, intricate, design +the platonic ideal of meditating of an sci fi ancient god ultimate dementor, detailed, intricate, hyperrealism, intense, scary, decay, dmt, art by brock hofer and artgerm and greg rutkowski and alphonse mucha +photograph, high detail, high defintion, 8k, hdr, global illumintaion, Eddie from Iron Maiden +portrait of a young Peter Gabriel of the rock band Genesis with long hair wearing bat wings on his head, looking over a medieval landscape +Close up portrait of the monkey king +Girl, Taste Rainbow, Carne Griffiths and Wadim Kashin, candy rain, fantasy concept art, 32k resolution, best quality, masterpiece, oil painting +A cute chibi anthropomorphic squirrel with a monocle and top hat. Studio Ghibli, Anime Key Visual, by Makoto Shinkai, Deep Color, Intricate, 8k resolution concept art, Natural Lighting, Beautiful Composition +brawny goblin in a baseball uniform +8k uhd photograph of a 1948 Mercury hotrod +Creepy face peeking around a door, highly detailed, by Keith Thompson +Very dark, low lighting, Necro style illustration +a steampunk city street in Paris as a fantasy illustration +photo of a woman in a blue dress driving a red ferrari, kodak portra +an anthropomorphic tiger, muscular, fursona, digital art, furry art +photo from pool party, drunk people, sunny weather +, fantasy, pastel, absurdist, photo, Wes Anderson, rodent character +Honeycomb, bees by Hilma af Klint, William Morris +2d wizard, cutout paper doll sheet +a photo of a rabbit shooting a laser +the essence of pablo picasso, art poster +fantsy art print by Xiaodi Jin, peaceful atmosphere, stunningly beautiful +Expressionist painting of Silent Hill, with a surreal and dream-like atmosphere, by Salvador Dali, using bright colors and abstract shapes, featuring the iconic character Pyramid Head in the foreground, set in a foggy and dark landscape, digital art style, trending on Artstation, dramatic lighting. +3d chibi game model, a cute kraken, black background +frontal portrait of David Bowie, by Boris Vallejo, cartoon +an Hispanic woman using a leaf blower to clear her yard, shallow depth of field +elon musk wearing a shirt that says "bakari is stupid" "bakari is stupid" bakari is stupid +a dog made out of watermelon +Front facing Skull Portrait by Minjae Lee: black ink flow: 8k resolution photorealistic masterpiece: Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean-Baptiste Monge: calligraphy: acrylic: watercolor art, professional photographyl +Portrait of a fairy tale princess by Jessie Willcox Smith +film still of harley quinn, head and shoulder shot, cyberpunk city, beautiful cityscape background, neon signs, vibrant colors, wallpaper, top rated on artstation +A little girl in sailor dress +catering logo, restaurant logo, cafe logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, emoji style, gradient, colonial style, 3d logo, good for family, Tali, piety, realism, octane render, soft diffused light, restaurant icons +Venice canals with gondolas and bridges, misty, eerie atmosphere +Silence of the Lambs movie poster featuring a pug's face, hyper realistic 3D illustration, with vivid colors and intense details, painted in oil, trending on Artstation, with dramatic lighting, surrealistic elements and neon effects. +the magical skull ring, magic item, legendary +a sign with "burhan" written on it +Joaquin sorolla playing chess Salvador dali +3d Portrait, Humanoid, futuristic design, marble,, white ink , gold leaf, facial tattoo design by peter mohrbacher and craig mullins and hiroshi yoshida and james jean and frank frazetta and michael whelan and andreas rocha, futuristic illumination, Art Deco, Full colors, Greg rutkowski, Trending artstation, cinematográfic +Set up a freezer in your freezer. Then put a sign on it that says "Freezer burn." +burly muscular robot with a metal beard, bald, mechanical, cinematic, full body view +wizened old female fortuneteller, head, close up character design, multiple concept designs, concept design sheet, white background, style of Yoshitaka Amano +A high-quality game icon design featuring an exquisite close-up of Thor as the main image. +a gigantic sea creature under water with tentacles and green eyes on its whole body, enormous body, dark water, sharp focus, wide angle +painting of a desert town with a mountain in the background, jim warren and rob gonsalves, ancient mediterranean village, clyde aspevig, filtered evening light, spain rodriguez, mesa plateau, by Richard Carline, castle, detailed image, pueblo architecture, by Andreas Rocha, late morning, ilya, big sky, tuareg, frank fanzzeta' +Lemmon with round glasses playing guitar on beach +A beautiful matte painting of a female alien playing drums on the moon, album cover art +conceptual designer chocolate bar packaging, inspired by kerala village, midsommar, label design, behance, pinterest, packaging of the world, award, front label, packaging design, octane render +Dwayne Johnson, cute baby body, Standing, full body, 3D, realistic, highly detailed, smooth, sharp, focus, ultra high quality +eighteen year-old girl, short blonde hair with pink tips, sky-blue eyes, white tank top, pink cotton trousers, canon ae-1, 50 mm, photograph, fine-art photography, 4K UHD, masterpiece, best quality +full shot of a steampunk horse +movie top gun a robot that is standing in front of a computer, star wars architecture, photograph of 3d ios room, soft geometric 3d shapes, autodesk blueprint, impossible object, dynamic curves, android format, playful creativity, displays, flying machines, inspired by Leland Bell +James Bond nighttime sunglasses goldbar helicopter on the background +cyborg man, cyberpunk india, painted face, body art, yantra, cyber mask, in an active pose, baroque style, dark fantasy, kathakali characters, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, soft diffused light, HD, in the style of a star wars movie +fantasy art print, charcoal drawing of an peaceful giant eagle bowing bowing down to a human +, fantasy, pastel, absurdist, photo, person bird hybrid +1980s honda sport motorcycle concept art oil painting +A dolphin hauling to the Moon +Hyper realistic picture of a Beautiful ginger female secretary trying to seduce her boss, Victoria's sectret +Filugree gold Cute and cute rabbit +Painting of we all live in a yesllow submarine by the Beatles by Norman Rockwell + French bulldog drive jeep car +Beautiful italian girl, lowcut shirt, freckles +the derelict wreck of an abandonned spaceship drifting in space +a Patterdale terrier riding a aeroplane toy in the cave , +Hyper realistic picture of a lion with a party hat in it's head +Audrey Hepburn sticking tongue out holding a sign that says Rock n Roll, rock on +Snoop Doggy Dogg dressed as Abraham Lincoln +The word "Creep" with a Cthulhu as funko pop figure, concept art +A 40 years old man wearing leather amor and holding a big sword, +real polaroid photograph, dark lighting, wide shot, extremely skinny pale young woman kneeling with tall thin mushrooms sprouting out of her back and spine +lena paul mating with cristiano ronaldo +A teenage girl wearing t-shirt, nylons and white sneakers +The most needlessly complex musical instruments ever created +a dog sitting on a cat +detailed parchment paper drawing of an anthropomorphic lynx with antlers, medieval, adventurer, dnd, nature spirit, rpg, rustic, fantasy +a black and white photo of sydney, in the style of michael kenna, expressionistic cityscapes, dan witz, minolta srt-101, calm waters, vibrant use of light and shadow, poignant +Leatherface chainsaw massacre texas funko pop, extremely detailed, 8k +screaming photorealistic happy old male screaming shaman in a middle of forest covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by andrews esao amorsolo +soothsayer in outer space, fantasy digital art +Gorillas at the pizza hut buffet, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +young Muscle guy Cannibal taking a bath with blood. eat human meat flesh Cannibalism. highly detailed guro art by Ilya Repin +A page from an adult colouring book sinbad +dark pov Candid photograph of old mean wizard with a leathery face and green glowing eyes wearing dark blue ceremonial coat with carved bone ornaments in a dead dense forest at night only light from his zeptar +cosmic goth owl surrounded by wisps of cosmic starry night sky by Andreas Lie! android jones; Amy Sol; Camille Rose Garcia; Robert Oxley; large bright moon; starry night sky; Edgar Allan Poe ravens; high contrast fiery colours, ink on watercolour, inkblot; speed paint; Quentin Blake; unique composition +Mario in the style of Dragon Ball Super +A roadsign with text saying "Hello!" +A highly detailed steampunk style digital wrist watch +gustav royo ingle grandmother seated recalling hardworking famine, Katherine kollwitz, night +photograph of a snail eating a pineapple +professional hyperrealistic 4k fantasy video game model of a hybrid between a bobcat ocelot and clouded leopard with antlers, swirling blue mist surrounding it, rpg, dnd style, HD, hyperdetailed +In the dimly lit chamber, a dark and sinister figure stood tall. Draped in a black and purple robe adorned with glowing blue astrological patterns, the evil time wizard surveyed his surroundings with a cold, calculating gaze. The room was shrouded in a thick purple fog, adding to the eerie atmosphere. The wizard's power was palpable, emanating from him like a dark aura. As he raised his arms and began to chant, the glowing mist and glowing balls of light around him began to swirl, as if alive and responding to his commands, glowing eyes and light emanating from mouth and nostrils highly detailed old decrepit face with wrinkles and scars, intricate, highly detailed, realistic, Tesla Coil, Electric Arc, RTX, De-Noise +make a wood sculpture on workshop +a coyote standing on top of a dry grass covered field, a portrait, by Matt Cavotta, shutterstock, shoreline, running towards the camera, on a sunny day, stock photo, utah, coastal +man holding a sign with the text: risotto, all in uppercase +a woman showing her five fingers. +highly detailed surreal vfx portrait of a steampunk cowgirl in a steampunk saloon, stephen bliss, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, tom bagshaw, alphonse mucha, global illumination, detailed and intricate environment +photo of an 41 year old middle eastern woman, milf, pretty face, expression, full body, wearing a black t-shirt, working in a restaurant, from behind +Blue box ontop of red box, Octane render +hyperdetailed digital illustration of a Dragon, 16k resolution, hyperrealism, CryEngine, Unreal Engine 5, fantasy dragon +highly detailed photo shopping mall with many department stores woman carrying bags +Supergirl, flying through an ice kingdom, art by Jeremy Mann +night sky, small buildings, city, cityscape, stars, moon, sun, #pixelart +A woman’s wrist with a thin golden bracelet, romantic city lights in the background +Still shot from horror movie of a woman in a tight embrace with the creature from the black lagoon +a man lifting weights at a gym; +A woman crossing a footbridge in a park +File:Ice cream stand, Long Beach, Florida LOC A panda bear as a mad scientist +John Joseph McGowan eating a mcdonalds cheeseburger +photo of a millenium falcon in the city river with teddybear,flooded mini,splashing misty mud rocks,panorama,city buildings, large teddybears +mg rv8 in a gold cathedral next to a teddybear,chrome detailing headlights +astronaut pikachu, gears of war, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +realistic photo of a little girl mahou shoujo in mizugi +Cloth off viking princess, sits on big cock inside open mouth, orgasmic face ,white yogurt falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, jelly leaks on laps,nice arms, nice eyes,highest detailed, masterpease, +a clown flying with his balloons +an armored man with wings facing away from the viewer +White haired older man in steampunk outfit smoking a cigar in a library +award winning studio photo portrait 3rd reich rusted robot, Wehrmacht officers hat, steampunk, close-up, metal futuristic armor, sharp focus, hd, hdr, 8k, photorealism, god rays, reflection, raw, rtx, dramatic lighting, still from the film +ava addams at her wedding, the groom is waiting for her, while she is hiding cheating on him with the groom's brother +a background image about green space +A boar by Carne Griffiths and Salvador Dali +Man with head in a cage full of bees, hive, honeycomb, beesuit +A ruined suburban house after the end of the world. A rusted bus. Dead grass and drought. Tumbleweed blowing down the dusty road. +a billboard that spells out "h e l l o" +Vector drawing of a voodoo doll wearing hip hop fashion, stitches, broken toys, plush mascot, patchwork doll, mascot, tattered, tattered clothing, stitched together, voodoo”, stuffed toy, voodoo, injured, damaged, toonix character, hopeless grey, doll phobia +Big forest with fog and moss +Sleep in the rafters of a converted school bus in Pewaukee, Wisconsin. +A highly detailed muscle sadist gestapo officer in his black uniform doing brutal bdsm experiments with a boy at torture chamber +Cute owl with large glowing neon eye prosthetic implants, cyborg owl, copper brass cybernetics, anthropomorphic, intricate meticulously detailed photorealistic perfect painting, large depth of field, cyberpunk, neon +an intricate metal mask being worn by a woman with pretty eyes +a beautiful face with corn skin +a birthday canva image for Claudia +A oil painting of a fantasy wizard +A murder of crows by Anna Dittmann and Alphonse Mucha. Surrounded in feathers and wings. Incredibly detailed, maximalist matte painting. Portrait of a goddess. Hues of white, black. 8K resolution, HD, DSLR, polished, realistic oil painting. Hideo Kojima. Beautifully detailed corvids. +A Cover of Aphrodite, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +A man sitting by the ocean watching the sunset +I want to ride Freddie mercury +Gurkha regiment soldiers and malayali soldiers fighting eachother in a war with swords in cinematic lighting at night with professional color grading and wide angle lens +A cat in a cat sized space suit, looking at a planet +**a portrait of a Hawaii big island Bitcoin hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +Painting of melted gemstones metal sculpture abstract style +Steve from Minecraft in the form mixed with the GTA 5 character, highly detailed, professional render, photorealistic, realistic effect, RTX, , +A very attractive young woman named Curvy Sue. Hi res. Realistic. 35mm +the logo of a company focused on global annihilation +Sora from kingdom hearts breaks through a window in someones home in real life +old man in river swamp water, folklorethursday adolgravgertrude keller morning lights �, Germaine krull +portrait photo of a cute puppy, detailed, 8k uhd, dslr, high quality, film grain, Fujifilm XT3 +photo of Elvis Presley on a wheelchair in his 90's in Times Square +raw photo, Sasquatch Bigfoot, apeman, headshot photo, nikon, dslr, wildlife photography, 8k uhd, highly detailed skin +large living room, modern realistic archviz, luxury dark aesthetic, marble, wood, polish ebony floor, details in shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray , +a cube | in the style of Pastel Colors +lviv, closeup photo of a white UFO, a city street at night, a picture, by Zoltán Joó, world press photo awarded, blackout, no electricity, traversing a shadowy city, view from street angle, breathtaking, winter snow, kodak ektar 100, Pentax 645 +Jutar, Xanthos's homeworld planet. concept art by Greg Rutkowski, pinterest, fantasy+futuristic+city, greeble, futuristic architecture plan +a photo of tiger striped cats in the crown of a palm tree +the new image of shinobi ninja, in the style of dark silver and red, realistic renderings of the human form, womancore, eve ventrue, meticulous detailing, distorted bodies, shiny glossy +portrait of kevin owens, realistic, disgusted face, wet face, covered with a lot of white slime +A beautiful baby fox with a tie. +Family logo, family logo, Indian style, vector logo, svg food logo, correct logo proportions, HD +A women helping another women to get into her boots at a shoe shop +city in the dunes of a single city on the predominantly water planet, unreal engine, 8k uhd, subsurface scattering +cat, face icon, stylized, minimalist, portrait, by loftis cory, behance, hd, by jesper ejsing, by rhads, makoto shinkai and lois van baarle, by ilya kuvshinov, global illumination, rimlight, bokeh, octane render, dark sky in background, galaxy, pikachu dragon +People praying to elon musk, 2000 bc, Bible image +Foto de uma ruiva pálida deitada mostrando a buceta masturbando +cafe logo, the logo depicts a family that loves food, vector logo, svg cafe logo +16 years old boy as a industrial worker working late at night night, raining +Composition thumbnails, there is an island, dark landscape painting horror, +High resolution 3D animation, whole body image of Megan Fox as a beautiful Diablo 3 style demon succubis naturist with cherry red skin, black leather wings, and black horns in the Scottish highlands, HD 8K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a photograph of a us marine +only fans private, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +a beautiful blonde woman wearing intricate gold filigree armor, fantasy armor, digital art, 8k, castle in background, volumetric lighting +, fantasy, pastel, absurdist, photo, refined, weird felt figure +undress asuna on kirito from sword art online; realist anime style, 4k +male superhero in dark blue costume with white lighting bolt decorations standing on a city street +Highly Detailed Vector graphics of the great library of alexandria connected by pneumatic tubes carrying books,stunning, HD, detailed graphic design showcase, pneumatic tubes connecting in a labyrinth of books. Closeup of a tube carrying a manuscript.mechanised library, automatic machinery. +grey aliens wearing elvis presley suits, artstation, detailed, full body, portrait, background is new york city times square, artstation hq, by greg rutkowski and alphonso mucha +hybrid between a bobcat ocelot and bornean clouded leopard in a video game, magical, animal spirit, HD, unreal engine, hyperrealistic, hyperdetailed, realistic lighting, 4k video game +2d game world, terraria, minecraft, sprites, pixels +black luxury interior design with wooden floor modern realistic archviz scandinavian, photorealistic +robot holding a bouquet of flowers in front of the Eiffel Tower +an image of a beautiful cute young European woman standing in karate stance ready to fight in a full contact karate match wearing a sports bra, kumite gloves, karate pants and karate blackbelt, barefoot, ponytail , +Sparky is a small, scruffy dog who dreams of being a superhero. +Yoda in a village in China in the 1970s +A surfing dinosaur on a beautiful beach +picture of a teenage girl in the early 2000s in his room with girls band posters a lava lamp and various other items found in a girls room +Lady Gaga as the Headmistress of Slytherin House, 8k Resolution, 4k Post-Processing, Ultra Realistic, High Detailed, Amazingly Artistic, Latest Rendering Technology, Virtual Reality Compatible, UNREAL Engine 5 +female oversized flowers and mannequins with heads in geometric shapes made of iridescent glass, gum and jelly in a surreal city garden +book of Kells cat and mice +photo of patlabor robot in jungle city river +Birr Castle Gardens and Science Centre +a cat with a headset on his head +A red sign with "I love llamas" written on it with blue text. +A wide-angleshot of a stylish llama holding a neurolizer, a well-tailored black suit with sunglasses cinematic visuals influenced by Barry Sonnenfeld, 1990s atmosphere, sharp focus, dynamic angles, expressive lighting, sci-fi movie, photographic style, particles and sparkles, 2000s dvd screenshot, anamorphic lens flares, shot on panavision, shot on kodak, fantastic, editorial photography, hbo cinematic, men in black dvd screengrab movie directed by Barry Sonnenfeld +a design on the back of a tcg card full shot of a dragon warrior chibi from the abyss, symmetrical, dark foreboding atmosphere, maplestory art, kawaii, demon horns, wings, fantasy illustration, award winning, artstation, intricate details, hyperdetailed, 8k resolution, octane render +Jim Morrison riding a horse in a storm +3d white ink drawing of highly detailed octopus illustration against a black background by ernst haeckel, Aubrey Beardsley, Yayoi Kusama, mc escher, gustave dore, delicate thin brush strokes, intricate delicate detail +“KRAWLA” text drawn on a white background, best quality, hand drawn vector art +C-cup French girl steampunk sitting on train +Photo of the moon over the desert, starry night +Being vaccinated does NOT mean you can hang out with bears and wolves and elk and eagles in their weird southern California forest hell. If for some reason you do this type of thing, you definitely can't ride the raptors into battle or utilize their extremely keen eyesight. Not from that particular vaccine. +old photograph, evil lovecraftian creature looming over a sleeping man, large bright bedroom, many appendages, bed, abandoned bedroom, cobwebs, bloodstains on floor, old house, large windows, backlight +Cliffside bridge deigned by frank Lloyd Wright +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Gerard David +Movie still of a fantasy movie with a 3 year old girl playing a fairy. +Marilyn Monroe wearing a shirt that says Daddy +fast food logo, healthy food, minimalism, pastel shades, in the jungle of india, 3d icons, family restaurant, Russian Tali, saint, icon style, realism, octane render +An Art Deco Buddha statue, Kodachrome photo +a sketch of the movement lines of a female +preteen girls with no underware in the the bedroom with dark background, with dark defined eyes like a movie of David Hamilton +photo of a beautiful blonde swedish 16 year old girl wearing pink, by terry richardson, in studio +a movie scene, a woman is running down a street. very scared, cinematic +art print of a cute earth elemental spirit creature by league of legends +Oil painting of God destroying the world from the universe +Jimi Hendrix as the Statue of Liberty +A portrait of Disney Princess Belle, beautiful and pretty, blonde long hair, symmetrical face, unreal engine,4k, realistic, fine details, photorealism, volumetric lighting, cinematic lighting, photo-realistic, post-processing, high definition, bokeh +A realistic hand sewn soft Sea Otter stuffed animal, detailed stitching, cold-stitched faux fur, vintage patchwork pattern, beady eyes, bright sheen. +Elric og Melnibone painted by John William Waterhouse +a depiction of a generic anime unicorn as an overweight anthro. +a dancing cat wearing a tuxedo and a tophat +a 8 years old girl with only one eye in the middle of the face +super horror scary image of the moon +a crowd of people wearing muffins as hats +a highly detailed vector drawing of a baby girl dreads and tattoos wearing hip hop streetwear fashion, 2d game art, cgsociety, artstation, deviantart, dribbble contest winner, high quality +young woman with big teased 80's hair bangs hairspray +a picture of a 18 year old posing on a beach, Sea background, cinematic, summer party atmosphere +a person in the lake of latex transforming into a black gooey latex lioness, award winning wildlife photograpy. Wildlife Photography, dslr, slime, goo +Underground medieval village, inside a dark cave, dwellings carved in stone, poor, sewers, fantasy, by Andreas Achenbach, by Frank Frazetta, by Yoji shinkawa, intricate details, extremely detailed, dreamy, artistic interpretation, concept art +H. P. Lovecraft renaissance oil painting realistic +The sorceress stood in the midst of a dense forest, her brown skin is brown as the bark of the ancient trees that surrounded her. Her green hair was a vibrant green, the same hue as the fresh leaves of the forest canopy above. As she moved, her movements melded seamlessly into the surroundings, almost as if she herself was a part of the forest. The air around her was thick with the scent of damp earth and growing things, and the distant sound of a babbling brook could be heard in the background. 1080p, 16k Resolution, High Quality Rendering, RTX Quality, Realistic, Life Like +(8k, photorealism, realistic:1.3) ambient lighting, A college girl dorm room +A cute ninja turtle, Pixar character, octane render, Cute +profile picture of the archetypal British jock who posts more pictures of other men than of himself. +stunningly beautiful female pokemon cosplay, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style, , +A photo of a lovebird wearing a hat that says "Hello World" +an intricate illustration of swirly flowers +A two-way six-lane road with a 1-meter-wide green belt and a 2-meter-wide bike lane and a 2-meter-wide sidewalk +One person perfect mix of zed from league of legends and nightwolf from mortal kombat 11, detailed warzone in background, artwork inspired by alex flores, johannes helgeson, eddie mendoza, marek okon, artgerm, andy park, masterpiece, ultra realistic, digital illustration, max detail, cinematic, best quality, hypermaximalist, uhd, octane render, unreal engine 5, 4k, 8k, trending on artstation, featured on behance, wallpaper, deviantart contest winner, super-resolution +A whale sticking its tongue to a horse +Space soldier teaching rapunzel how to fire a futuristic rifle +A woman sitting on a desk programming on a desktop computer +A roadsign with text saying "What did you do in school today?" +covering mouth with one hand, stifling a yawn, anatomically correct face, good fingers, good hand, , +art nouveau style, a crystal actias selene moth with iridescent wings at the center of the universe with 7 Cosmic Rays emanating from it, futuristic, astrological, metaphysical, mystical, golden mean, HD 4K, sharp detail, photo-realistic +photograph of an ocean themed faberge egg bejeweled with diamonds sapphires and opals +woman walking trough a cyberpunk city at night painted by artgerm +purple forest filled with fog, thunder +Digital art of a Mermaid playing a harp on a rocky shore, masterpiece, highly detailed, beautiful tail, flowing brown hair +necromancer girl, pale skin, goth, magic, dark fantasy, skeletons army, bones, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +female drow elf, white hair, masterpiece +a man with a long white beard standing in front of a castle, epic fantasy card game art, muscular character, by Johannes Helgeson, portrait of a dwarf warrior, style of raymond swanland, santa, luis ricardo falero, closeup character portrait, buff painting, by Daniel Taylor, gildhardho, grog strongjaw, father time, jock +One Punch Man is way too buff +Boy cooking in just an apron, adult theme +A cute adorable baby owl made of crystal ball with low poly eye's surrounded by glowing aura, flamming sparkles highly detailed intricated concept art trending artstation 8k +a cat in sunglasses driving a ferrari +Monkey made of grass and flowers +a beautiful Na’vi naturist with a huge erection in a jungle on Pandora +a surreal landscape of circuit boards and wires, with bright neon colors pulsing through the network of connections +giant rainbow glowing humanoid holding a sign saying "pizza pie", REALISTIC, BLURRY BACKGROUND, BOKEH, FAST, MOTION, detailed skin, 20 megapixel, canon eos r3, detailed, detailed face +A beautiful clown woman with good curves, long hair, smiling, makeup, masterpiece, photograph, , +maximalist chaotic San Francisco, birds eye view, illustrated by Hergé, style of tin tin comics, pen and ink With superhero’s flying throughout the city +beautiful sunset over the ocean, lighthouse in distance clear sharp, oil painted, highly detailed, trending on artstation +A man holding a glowing katana in a detailed cyberpunk city +Tinker bell flying through a rainbow +a woman dressed in gold holding a sword, angelic purity, dressed in light armor, greg beeple, white haired deity, portrait of fairy princess, female cleric, golden pauldrons, star, detailed character portrait, edward, as the goddess of the sun, young wan angel, detailed armor, card art, commission for, by Gabrijel Jurkić +Batman wearing a long black cape and boy wonder in red and green stood next to a futuristic looking batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +Character Design in Joshua Middleton style Close-Up Shot of superman, Artificial Intelligence Network, award-winning +Old woman with large smile and joy in her eyes !! Head and shoulder portrait by Farel Dalrymple, Jean Baptiste Monge, Alejandro Burdisio, Craig Mullins, Ed Emshwiller, Ismail Inceoglu, clear environment Dynamic Ethereal Lighting Vivid Deep Color, Hyper-Detailing, Hyper-Realism, 16K, Artstation +Anime cyberpunk woman with Pastel Rainbow white blue short hair,Light Purple eyes,20 years old,by makoto shinkai, stanley artgerm lau, wlop, rossdraws +a tall person and a short person standing side by side +(woman face with natural icy blue eyes:1.4), Oil Digital art, Hand drawn, render, 8k, octane render, cinema 4d, blender, dark, atmospheric 4k ultra detailed, cinematic sensual, Sharp focus, humorous illustration, big depth of field, Masterpiece, colors, 3d octane render, 4k, concept art, trending on artstation, hyperrealistic, Vivid colors, modelshoot style, (extremely detailed CG unity 8k wallpaper), professional majestic oil painting by Ed Blinkey, Atey Ghailan, Studio Ghibli, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art by midjourney and greg rutkowski +fullbody portrait of young shapely Jennifer Connelly as dejah thoris at burningman, fit muscular body, highly detailed, sharp focus, cinematic lighting +photo of face emerging out of river water surface, frederick doris royo fdr gren old gossisunlight ,Jules Bastien-Lepage +A screaming person trapped in a device from the movie saw +black little girl thinking undecided kurzgesagt style +des graines qui valent de l'or +Plato de arroz con gris cubano +An Irish bodybuilder with a strong right hand and a wick left hand +Sabaton Performing Live in the Oval Office +A cat holding a sign that says "Yael es mujer" +fantasy, pastel, absurdist, photo, yolk whisper Machine +photo of a tiny cute kitten plush stuffed toy, as an astronaut on the moon, pixar style eyes, pokemon anime style, octane render, fantasy, volumetric light, soft cinematic lighting, tinycore, cutecore, realistic, 8 k +kar-wai wong's 90s movie still, great compositon, soft color +, fantasy, pastel, absurdist, photo, nitro +portrait photograph of taylor swift with a healthy pig,highly detailed,beautiful face,masterpiece,natural lighting +cinematic still of a stainless steel robot dinosaur swimming in a pool +a steampunk octopus in a futuristic cityscape +a new modern park in the middle of ryadh, with bridges, taxi drones and futuristic buildings around +woman, greek statue, exposing ,unclad, non-existent clothes, in the middle of street, new york +Thunder electric bird flying in the clouds, fantastic bird, fantasy +DJT throwing a tantrum while getting arrested. +Anime girl with a sign saying soon +hyperrealistic photograph of a lost 80's arcade game classic, masterpiece +WWII Soldier as angry zombie, full body portrait, horror core, apocalyptic, sharp focus, fiction, hyper detailed, digital art, trending in artstation, cinematic lighting, studio quality, smooth render, unreal engine 5 rendered, octane rendered, art style and nixeu and wlop and krenz cushart +Baphomet holding a sign that says repent +Hearts, fairy forest cottage, heart tree, Chris Foss, jeremiah ketner +A black Alien which is eating another alien +A woman wearing a multicolored paneled zentai body with zentai hood sits on a plain beach towel +twilight, dense maze of white walls, cartesian, mist at the horizon, from the top of a liminal scifi landscape, gentle slopes,surreal +An elegant man, pink suite, 1800s clothes, blonde, sketch, acrylic painting, heavy strokes, messy painting, painted sketch, trending on pixiv fanbox, palette knife and brush strokes, style of jamie wyeth james gilleard edward hopper greg rutkowski, acrylic painting, trending on pixiv fanbox, palette knife and brush strokes, style of makoto shinkai jamie wyeth james gilleard edward hopper greg rutkowski +a pale black prince wielding a luminescent teal greatsword +anthropomorphic mice wearing Victorian clothes, who live in a hollowed out tree trunk with a Victorian front door, windows. watercolour and ink +A horse riding on astronaut neck +preteen girls with "no underwares" with a childish face and childish body, with dark background +, fantasy, pastel, absurdist, photo, refined vintage fridge magnets +marvels ironman painted on an egg +leaked security footage of a mutant cupcake escaping a government facility +movie still of a spider monster creature in a den. detailed, cinematic, +photo of muscle cruel boss guy exhibitionist harsh interrogation young intern pissing at office. highly detailed face, killer look, Hard close-set eyes, born criminal +an in-game screenshot of Breaking Bad for the N64 +photo of a young woman with a boy +a Kimchi in the middle of the desert +wideangle photo of silver chrome city ,pyramidal buildings +three Fairies, art by Arthur Rackham +A ameture photo of a stirling water pump engine, poor lighting, ameture photography, photo realistic, 8k, steam motor engine in a room, indoors +Shattered glass art: delirious person in agony, horrified, fragile +a giant red dragon spitting fire in the middle of a urban city +An photorealistic portrait of a caucasian male in his early 30s in 1969. He is a "hip" high school history teacher. +Antique clock square icon sheet, fantasy concept art, detailed, mixed media. render +girl studying and writing on a notebook painted by caravaggio, iems, earphones, lofi girl studying, accurate hands +A picture of a muscular man flexing. Speedo. +Kindergarten, free form, sunny, activity venue, garden, swimming pool +cute colorful sticker of a giraffe in the style of studio ghibli +fantasy art print, hyperrealistic wildlife painting by Jin Xiaodi of an peaceful giantious towering eagle peacefully bowing down to a small girl +a table topped with cupcakes covered in frosting, a 3D render by Chris LaBrooy, cg society contest winner, photorealism, photorealistic 3d artwork, photorealistic 3d art, hyperrealistic 3d digital arta woman wearing headphones and listening to music, 2d 3d mashup poster design, glowing green neon eyes, female disney villain, it doesn't hurt me ye yeah, 2 0 0 0 s cover art, joel fletcher, megascan, disney remake 2021 streaming, mechanism, various artists, h 7 6 8, green matrix code +a beautiful woman in a red dress holding up a sign that says "Gif Co", she is standing on top of a huge cliff overlooking the ocean, an epic sunset is in the background, highly detailed, in focus, 50mm lens +A living room designed in the style of avatar. +photograph, high detail, high defintion, 8k, hdr, global illumintaion, a 1980s toyota sports car +Cinematic aliens got into the world of Marvel and DC, fantasy, sci-fi, realistic, photorealism, super detailed +watercolor illustration of a dog and cat playing chess, vector, 2d ,art white background, contour +A retro-futuristic 16th century city street, strange beings with bright black heads and highly articulating hose arms travel the streets, wide shot, diagonal view of subject, highly detailed, monochromatic, graphic novel, antisteam +a creepy clay dolphin in a dark ocean +a portrait of an ape, Octane +vibrant neon cosmic jellyfish in space, vibrant neon glow, apocalypse art, black background, darksynth; dark neon vibrant pop surrealism, 3d vector illustration, heavy metal art, CGSociety, heavy lines, cosmic colours, Unreal Engine 5, Artstation, sots art, synthwave, high contrast, selective colour; unique composition +photo of fusion of a huge savage dog monster with an alien in the space, style of laurie greasley, studio ghibli, akira toriyama, james gilleard, genshin impact, trending pixiv fanbox, acrylic palette knife, 4k, vibrant colors, devinart, trending on artstation, low details +A monkey in a bugging painting +a huge shire horse towing a lamborghini +psychedelic smoke, explosion, fire twirling, backlit, twisting, curled, petite black American dancer, wearing ballerina sparkling lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +a toy poodle as a rocket scientist +a star trek captain commanding their crew to go to warp during a red alert +A movie poster about Jim Carrey eating hotdogs +photography of new york with scyscrapers in mushroom shape +A Monkey jumping off of a new york sky scraper +Beautiful image presenting that AGI is coming in the center, digital concept art, sci-fi, cyberpunk, superintelligence supercomputer, futuristic, trending on Artstation, monumental Golem oracle, breathtaking, bottom view, embodiment of wisdom singularity, inside huge hall with tall pillars, intricate details +Screenshot of cat cafe modern website, CTA, Header, Social Icons +movie still of a girl in an abandoned waste land. photo. detailed, cinematic, movie still, horror, dark +by daniel gerhartz and rebecca guay Julie Bell. Interior of retropunk starship with an incredible view of planets. intricate detail, dieselpunk +a dog playing with a toy in the moon, view from top +Oil painting of royal bearded dragon +a purple sign that says i love men +Gorgeous Silver Long Haired Boy Kuja from Final Fantasy IX +opulent, Professional Upper body photo, of albino girl elegant ,wearing white Shirt,Dark hair:1.2, in house, pinup, detailed eyes, natural lighting, backlighting:0.6,shallow depth of field,8mmfilm grain, photographed on a Sony Alpha 1, 50mm lens, F2.8, highly detailed, intricate details, fine,8k, HDR, deep focus, cinematic film still from Mad Men +a swarm of robot bugs atacking a urban city +Highly Detailed Cyberpunk monumental building of MegaCorp., digitally painted in UHD, concept art +Shazam GOT DIVORCED FOR BEING A HEAVY FAT ALCOHOLIC +a unrealistic massive female bodybuilder, trapezius muscle, thick neck, most muscular, full body, best quality, gorgeous, , defined abs, biceps, thick forearms +real polaroid photograph, cinematic lighting, two pale women sitting kissing connected by their eyelids and mouths by veiny intestines, veins coming out of their eyes, mouths connected by veiny fleshy tentacles +el fat maradona del ocho against bruce lee 1989 35mm round kick in the air nba basketball ball soccer stadium serious fault damage sports tv +selfie of Instagram model working at an oil rig, professional photshoot, covered in black oil, stormy sea +young boy kid playing guitar with policeman guitar. kid guitar, guitar player in his guitar a musician playing a guitar player guitar on his soldier dress shirt. little guy riding guitar music +Slutty Piglin Woman Anime Carton Furry, in Gold Armor and holding A Golden Axe, standing in an abandoned swimming park bathroom, reflected in a mirror +a picture of a little girl in a glass case, by Mab Graves, deviantart contest winner, pop surrealism, 3 d icon for mobile game, rounded house and cute character, bag, amy sol in the style of +SiFi style, Folder Icon, Minimalistic Design, Vector graphics, best quality, HD, realism, +A puppet murdering his puppeteer ventriloquist +A cartoon fish with an angry face +Photo of dark gothic castle, mirrored in the lake +2d anime illustration of young aphrodite with white hair and white eyes with an attractive body wearing a fullbody white scale armor standing victorious, high quality, cinematic lighting, sharp focus, +Beautiful woman in skin tight body suite working out in the gym, award winning photo +Beautiful Witch wearing witch hat and dress,flying with a huge full moon with stars in the background +agent smith the matrix, the mad hatter, by alicexz +Text "Mary":1.3, lavender color, nature, highly detailed +Massive Dragon Wing Cthulhu Giant Humanoid Mythology Photorealistic High Quality Fog Silhouette +a painting of a forest filled with trees, inspired by Eyvind Earle, flickr, psychedelic art, colored light, colorful glass art, blue and yellow fauna, amazing color photograph +A dishwasher machine cleaning plates using hundreds of tongues +exotic custom JDM toyota 1991 mr2 body kit concept turnaround +Jennifer Aniston, toned upper body, defined abs, slender legs, chain gang prisoner +Archbishop Astronaut papal official photograph in Vatican royal gold metal pointy hat helmet +Picture of CITY Carthage straight lines Abbey sunny roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, plants overgrown outstanding detail ,room flooded, in front of a building, by PAUL ROBERTS +a vintage expired film photo of a sloth holding a sign that says "mondays, am i right?" +a technical diagram of an impossible contraption +a modelshoot of frankenstein, as a fashion model +A man holding a bow and arrow +A woman blowing a bubble with bubblegum +Darth Vader hanging out with the Mandalorian +a painting of a group of people in red robes, a surrealist painting, inspired by Peter Blume, surrealism, robot bishop guards inside of a bloody iron maiden, reliquary, stanisław szukalski + moebius, npc with a saint's halo, detailed 3d gothic oil painting, ozymandias, 2019, dutch masterpiece, large scale scene +, fantasy, pastel, absurdist, photo, Wes Anderson, poodle characters +Photograph of the US president in front of the poland flag +rushi sunak uk prime minister being arrested by the FBI +ronaldinho playing guitar brazilian songs on a tv show +Dramatic Portrait of an Ancient old shaman covered by dust +a black obelisk covered in foliage deep in the forest, god rays, warm natural lighting, trending on artstation, 4k, award-winning fantasy art, beautiful somber melancholic atmosphere +mark coffey, musclechub, serious face, full shot, fantasy theme, wearing brown leather apron over sleeveless dirty white shirt, warm fiery medieval tavern background, fists fiery glow, medieval, magicalfire theme +The decisive moment taken on a Leica camera, street scene by Henri Cartier-Bresson +Rain on a city street at night +a game box cover mice simulator +A red octagonal sign that says "STOP" +Charming Watercolor Painting of a fairy holding a magic wand that is sitting on a mushroom in a forest in Ireland at sunrise there are butterflies and flowers around her, painted on a paper +a simple drawing of a woman wearing high heel boots and latex bodysuit kneeling, corset, milf, art by milo manara, plain background, white background +nebula galaxy, earth planet in sky, hq, 4k +a close up of a coffee cup on a kitchen table +cinematic still of a cat jumping over an explosion. action shot +a middle eastern man selling persian rugs, by Jean-Léon Gérôme, orientalism, academic art, neo-pompeian, neo-grec painter, religious painting, history painting, Cinematic, Photoshoot, Shot on 25mm lens, Depth of Field, Tilt Blur, Shutter Speed 1/1000, F/22, White Balance, 32k, Super-Resolution, Pro Photo GB, Half rear Lighting, Backlight, Dramatic Lighting, Incandescent, Soft Lighting, Volumetric, Conte-Jour, Global Illumination, Screen Space Global Illumination, Scattering, Shadows, Rough, Shimmering, Lumen Reflections, Screen Space Reflections, Diffraction Grading, Chromatic Aberration, GB Displacement, Scan Lines, Ambient Occlusion, Anti-Aliasing, FKAA, TXAA, RTX, SSAO, OpenGL-Shader's, Post Processing, Post-Production, Cell Shading, Tone Mapping, CGI, VFX, SFX, insanely detailed and intricate, hyper maximalist, elegant, dynamic pose, photography, volumetric, ultra-detailed, intricate details, super detailed, ambient +glowing wolf statue in middle of a fantasy town, magic, dnd, rustic, dungeons and dragons +a sign that says Happy sibling day +a woman laying strapped to a lab table. comic illustration +Raining on One side of the Street but Sunny on the Other side +Antique, warm hues, dark haired, massive, fat legs spread, large erection, fisting lesbian, in frilly pink lace tutu and bra, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +SiFi style, Folder Icon, Minimalistic Design, best quality, HD, realism, +pickle rick as superman in gears of war, splash art, movie still, cinematic lighting, dramatic, octane render, long lens, shallow depth of field, bokeh, anamorphic lens flare, 8k, hyper detailed, 35 mm film grain +table gameboardan alien in the space, style of laurie greasley, studio ghibli, akira toriyama, james gilleard, genshin impact, trending pixiv fanbox, acrylic palette knife, 4k, vibrant colors, devinart, trending on artstation, +sci-fi pistol concept art, halo, mass effect +Maryam Nawaz, A Song of Ice and Fire +a shiny photograph of A large-scale installation in a surreal office with oversized flowers and women made of glass, metal, plastic, iridescent gum and jelly. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers, octane render, crisp, Eastman Kodak Color Negative Film shot on Panavision super ps. +realistic photo of 4 year old girl Kotori Minami, cosplay, full body, masterpiece, HQ, 4k +Next to the creek,CGSociety,design by Ho Chi Minh,public restrooms builded by bamboo ,Medium Long Shot,1080P,Maxon Cinema 4D,tables,Architectural photography,Nikon Z6,FE 135mm F1.8,ISO 800 +Man crying on stage while playing guitar caught on iPhone +Fat rich black man wearing nice suit at an oil refinery +The Bitcoin logo riding the heavy wave of Hawaii +Friends sitcom holding a sign that reads Happy Sibling Day +The human in the photo appears tall and slender, with elongated limbs and a lean physique. Their skin is smooth and radiant, with a subtle glow that suggests they are able to synthesize their own nutrients through photosynthesis. Their eyes are large and almond-shaped, with a spectrum of colors that seem to shift and change with their mood. Their hair is thick and lush, framing their face in a wild and untamed mane. The hair is a deep shade of blue, a genetic modification that allows them to absorb more light and improve their photosynthetic capabilities. They have small, pointed ears that are barely visible beneath their hair, and a sharp jawline that gives them a striking and regal appearance. Despite these changes, the human still retains many of the recognizable traits of their ancestors, including a prominent nose and expressive facial features. They wear a form-fitting suit that seems to be made of a lightweight and durable material, providing both protection and flexibility for their movements. Overall, the human in the photo appears to be a stunning example of human evolution or genetic engineering in the year 3635, reflecting the incredible advancements that humanity has made in the field of science and technology. +Anime Old Man in a Suit sitting at a conference table +retro midcentury newspaper advertisement for selling your soul, deal with the devil +a concept art of a gorgeous redhead female model illustration +Movie still of wwf wrestler with darth vader helmet, extremely detailed, intricate, high resolution, hdr, trending on artstation +night sky, small buildings, city, cityscape, stars, moon, sun, retro games, 1990 games #pixelart +ethereal beautiful artemis goddess, baroque style background, beautiful fantasy art inspired by Ruan Jia,Huang Guangjian, Ahmed Aldoori, Dave Greco, Lius Lasahido, wlop, nixeu +Hillary Clinton as a vampire eating an ocelot, oil painting, Frederick Church +un castillo lleno de senos y tiras comicas +Black curvy woman eating cheescake sensually +1980s nuclear war protest red square moscow +sunny leone in bikni, hot, hd, 8k, +A full body shoot of a cool turkish girl in hijab +Portrait photo intricately detailed Cyborg face, wearing sleek goggles, real realistic, in a massive colorful space, award winning photography +Neon sign with the inscription "Neurodegeneration" +preteen girls with no "underwares" with a childish face and childish body, with dark background +anime girl with cup of cofe +A black man holding a rifle +Historical photograph of Nixon wearing a santa hat while lighting a cigarette +police chase from a futuristic cyberpunk movie +Long ginger hair, tanned man in female medieval outfit, green eyes, fang necklace, hair tied in a ponytail, soft lighting, night scene, anime style. 1boy, solo. girly, androgynous, adult. ambiguous face. winter clothe. Snow. +Salvador Dali sticking tongue out wearing glasses holding a sign that says Rock N Roll +Sherri Moon Zombie wearing a shirt that reads Rock N Roll +A dog on a propaganda poster +a cinematic still of 3rd reich officers munching on burgers and fries in mcdonalds +Alone alone alone, masterpiece close up beautiful suicide girl GOTH well endowed 🍈🍈👙🫦🍆💦 +league of legends, champion, premium skin, detailed champion art +Real life bust photograph of Roman Emperor +A highly detailed baroque style wall clock +fruit vulva Bosnian folklore vampire vulva woman with beard, photo +a photo of a giant kawaii mecha in the city +A photo of a viking man holding a toy nerf gun, snowy forest +A gloomy rabbit in a thorn bush drinks wine from a glass +esports style logo of the letters BWAY on a plain background +a modern brick building of 2 stories with wooden elements in the facade +A photo of a person with the head of a cow, wearing a tuxedo and black bowtie, Beach wallpaper in the background +The garden was absolutely stunning, full of lush greenery, bright flowers, and calming sounds from the birds and other animals living there. In front of me were large majestic trees, their trunks gnarled together to form an archway over my head. Sunlight filtered down between them, creating dappled shadows that moved with the breeze. To my right I could hear water trickling along one path before cascading into another pond nearby, sparkles reflecting off its surface like diamonds. Everywhere I looked seemed enchanted – a perfect paradise for fairies or elves! +a studio product photo of a dark matter flavored soda +3D render of a floating futuristic castle in a clear sky, digital art +A painting of the Colgate Comedy Hour +Illustrate a young black girl with a kitten, 7 years old, puffy afro, cute, simple, t-shirt with the letter P, red boots, In the style of Disney and Pixar animation +mimi and nyami from pop'n music +a crystal clear koi fish pond, vrays +a cartoon of an evil big boss holding bags of money, with small workers sitting around him +Photo of a blonde woman holding a sign with "banana" word written on it +digital fantasy painting of a whale flying through clouds +cat is laying on my mouse arm +A sad humanoid elephant crying in front of a PC, sad, crying tears +mdjrny-v4 style, incredible highly detailed Infected Mushroom, space background, perfect composition, beautiful detailed, intricate, insanely detailed, octane render, trending on artstation, artistic, photorealistic, concept art, raphael, caravaggio, greg rutkowski, beeple, beksinski, giger style +concept art of outfit for blue water person, sea people with blue skin, digital art +A sign that says "eat at home" +Photo of a cupcake with colorful toppings +logo, fairy tale bunny, long ears, human hands, inspiration fairy tale alice in wonderland, black and white logo, animal hare object +a clown with an orange wig holding a box of gold, mcdonalds interior background, science fantasy painting, giant crypto vault, vladimir nikolov, space travel, has gold, contain, rob bottin, cash, demolition, condorito, star, a dream, crips, tom, pennywise, advert, david a, holo +gangster giraffe wearing snapback and golden chain on neck with dollar sign pendant +a slim 8yo Japanese girl in tutu ballet dancing, stocking, full body, from behind, nikon d5 +Black and white professional 1905 photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +a beautiful woman with wings on his back +playing chess tournament on the moon +cgi, double-exposure, head of a young woman, looking up, rippled swirling multicolored paper, cinematic +From lateral outside Photography of gigantic orange interstellar spaceship docked in launch pad. by Ridley Scott and katsuhiro Ōtomo. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +a man holding up a hand +light brown hair and full skin body black suit with hazel eyes pony tail girl anime girl manga anime +a burly muscular man with a circuit panel in his back +asian woman doing yoga non-existent clothes in the middle of street, new york +old library, vintage, hyperrealistic, glowing, abandoned +award winning professional photo of a kitten balancing on a red suitcase that is floating at the middle of the ocean, sunset, debris floating all around it in the water +anime male, black hair, green eyes, straight nose ,messy hair, pink lips ,fair skin complexion, +A man and a woman in yellow raincoat, raining +underwater city with small fish like creatures, matte painting, 4k, hq +Sora from kingdom hearts in the movie Cars +A street sign saying "Drowning Street", analog photography, film grain, masterpiece, cinematic +A portrait of dog sitting on a bike seat. Victorian style. +A flying hot air balloon attached to a pizze food truck, a pizza chef throwing pizza down to the people standing on the ground. +a tree painted on the side of a building, product design render, in realistic data center, thailand art, monochromatic green, 2 d autocad, inspired by Théodule Ribot, clean energy, imet2020, storefront, artstatiom, maison laffite, offices, anamorphic illustration +a perfect little girl by a pool +bee, vector illustration, black and white, black background +A very attractive young woman in the 1980s named Curvy Sue. Hi res. Realistic. 35mm +skull made of only diamond, crystal, refraction, octane render, ray traced, caustics, , thin film, chromatic aberration, +Adam and eve being subject to temptation in the garden of eden by the serpent +a logo of a anti-bullying organization called "EDA", minimalist, modern +A table with a tomato, carrot, cheese and a hamburger +Rainbow six siege ela operator with no things on +full body street photo of a pretty young woman in a white dress running on a flooded street in the rain, black and white, by tatsuo suzuki +Thunder electric hawk flying in the clouds, surrounded by electricity, magical hawk, fantasy +An aloof woman in a red ski hat, in a snowy lakeside city. +a convoy of mgb cars in the jungle river,splash rocks +, fantasy, pastel, absurdist, photo, cleaning products, characters +Realistic man talking to flat cel-shaded cartoon dog in the real world +lynx carrying in its mouth a candle lantern with a blue glow coming from the candle, blue flame candle, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +A sign saying "RISK YOUR LIFE" +photo of muscle guy bald Slaughter pooping at prison toilet. wear raunch briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +shrek holding a sign that says metallica in it, word written on sign, text, letters, photorealistic +Girl wearing victorian corset fight with sword +Richard Nixon standing in front of Unit 01 from Evangelion +blue merle toy aussie cavalier king charles mixed breed +Interstellar Trade Guild space station, digitally painted in UHD resolution on UE, with realistic lighting +A bee drinking water, no deformed +Oil painting of social dance in space station, floating in air +Lalique rococo quilling spell book Rembrandt style +Britney spears on a strip pole with pink 6 inch pleaser heels +An oil painting of a snake in the snow +a photo of a mgb and a bear in forest filled with lots of trees, inspired by Dan Mumford, shutterstock, beautiful stained glass window, morning sunrise, colorful glass wall, chrome detailing +professional illustration of young angelina jolie getting dressed on a movie set +A dog in the styleart of matisse +A cake with pigeon on it +calligraphy poster, perspective, ginger girl, cinematic still, high quality photo, by victo ngai, by Joao Ruas, by Masamune Shirow, little girl, glossy, reflective, by wadim kashin, by audery_kawasaki, by huang-guang-jian, by ismail inceoglu, by MakeItPopVA, by rossdraws, blushing, rosy cheeks, by amy sol, outline, hyperrealism, by klimt, by Mab Graves, iridescent, glowing, holographic, paint dripping, liquid paint +virile and attractive human female of lesser years, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Portrait of a man in a bar, 50mm lens, soft light, sunset through the window +Lego figure of a frog wearing a tuxedo and a black hat, professional photography, product photo +photo of a cute cuckatoo nothing under my umbrella e e e +a romantic gay couple of burly muscular robots walking together in an autumn forest, androids, droids, mechanical, cybernetic +The text “CITY” on a sign, high quality, graffiti style +A man walking in time squares in the 90, in the style of Van Gogh +two cats snuggling with one another on a chair. One of them is a ginger tabby, the other is a tuxedo cat. photo real. 35mm +A shape with impossible geometry, non euclidean, 3D shape +Teen Victoria coren-mitchell, no wrinkles, mommy milkers, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +wideangle panorama aerial photo a triceratops next to a landrover defender in a muddy road in the jungle,obstacle course,helicopter explosions, by Anthony S Waters, fisheye lens, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +Vector lineart of a 1930s mascot +a short middle aged man in suit sitting in the lap of Santa Claus +Cute little mechanical beast in natural environment +Hiking with a anthromorphic armadillo instructor, 3d rendered studio ghibli, unity, Canon realistic anime illushoot, stunning detail, award winning, captivating lighting, masterpiece +Oil painting of a wooden tower in the middle of the ocean at noon clear sky big waves intrincate mist masterpiece by hal foster +Photorealistic image of Willa Holland wearing scream movie Ghostface robes +monkey eating banana and watching movie in theatre +an image of a clouds scene with a clouds over sea , pixel art by Paul Kelpe, pixiv, clouds art, #pixelart, copic color palette, 2d game art, concept art +55-year-old man and vamp femme fatale, Title "Love Me Tender" Campy romantic comedy movie key art by Bob Peak, drawn by Drew Struzan, by Richard Amsel, trending on artstation +💪🏼 with a red 👙 and high heels sitting on the oval office desk 🖥️ with her legs crossed and a confident smile 😁 in shackles in front of the American flag 🇺🇸 and a portrait of Abraham Lincoln 🎩 +old woman covered in sheets standing on stilts, memoriam beach rudolf felix edwin gres warmssnhq ,Abram Efimovich Arkhipov +Cover illustration for "Language over Labels: Contrastive Language Supervision Exceeds Purely Label-Supervised Classification Performance" +a rainbow snake python head, 8k resolution, trending on artstation, cinematic, hyper realism, chimera orchid jellyfish, 3d, 1 5 0 mm lens , +Woman in bed bending over looking back +Disposable adult diaper with camo pattern +Full centered view of a bouquet of exotic white, red and blue flowers on a 19th century vase painted by Alfons Mucha art deco, art nouveau rococo, hyperdetailed, intricately detailed, volumetric lighting 8K resolution +adorable cute chibified anthropomorphic groot tree by Dan Mumford and Jeff Soto, dramatic lighting, digital illustration, Pixar, Disney, concept art, 3d digital art, Maya 3D, ZBrush Central 3D shading, bright colored background, radial gradient background, cinematic, Reimagined by industrial light and magic, 4k resolution post processing +bulbous lovecraftian creature with long thin tentacles in an abandoned room +highly detailed digital painting by Raffaello Ossola of a post-apocalyptic urban wasteland, intense colours, vibrant lighting, dusty atmosphere, trending on artstation +A portrait of Sir Minty from Charlotte FC +a Pulitzer Prize wide-angle photo at a pool-party, Malaysian Royal Police Force, very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, the size of an avocado +An alluring gondolier in a Venetian canal, attractive cute female gondolier gone wild, shapely, revealed, visible, peaking, hint, suggestive, legs, fit, cute, taut, slender +A women's arm on her side wearing a golden bracelet and her cloth in the background +A human hand handshaking a robot humanoid hand +A dog with a cat snuggling +a painting of a young women sitting at a table and is drawing a painting, by Naomi Okubo, painting of a dreamscape, cloisonnism,hyperrealism,featured on cgsociety, meticulous detail , reflection on the oil,beautiful portrait , very detailed faces, photo realistic, 4 k, award winning,jinyiwei, chie yoshii, alain aslan,herman nitsch,There are a beautiful oil painting on the table, and there are paintings on the wall +Frame in Zdzislaw Beksinski, Ismail Inceoglu, Alan Lee style of Knight Errant of Luminosity, Eternal Ice Fields, Hypnotic, Minimalist, trending on deviantart, Inverted Colors +genere un perfil de rostro de 3/4 de una mujer sofisticada de 22 años latina, alegre, cabello marron +dog seresta, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, stunning photo, high-res, ad campaign, stunning photo, high-res, ad campaign, neo-dada photo +lofi girl studying in a cafe, listening to music, wearing pink headphones, smooth, masterpiece, trending on artstation, by enki bilal +portrait photo of taylor swift with a healthy pig,highly detailed,beautiful face +a tiny plant sprouting out glowing seedling in a magical land +Detailed close up minimalist fantasy cosmic goth sorcerer surrounded by wisps of cosmic nebula smoke and magic swirls by Andreas Lie! android jones; Amy Sol; Camille Rose Garcia; large bright moon; starry night sky; high fantasy magic swirls and sparkles; high contrast cosmic colours, ink on watercolour, inkblot; speed paint; Quentin Blake; unique compositionIkea ad, messy Room, perfect Lighting and shadows +Man hold a sign that says hello +a photo of furry teddy bears looking at a rover sd1 car that is in the jungle , wideangle mgzt, +Steam locomotive in a snowy mountain range, surrounded by tall peaks and crisp clear air, nostalgic, detailed, high detail, winter landscape +photo of woman in science fiction futuristic costume, sci fi, computers +Illustration of a female anthropomorphic furry horsegirl +A highly detailed Art Deco painting of Kim Kardashian wearing a traditional Bedouin outfit, masterpiece, absurdres, highres, featured on ArtStation +a room where laughing people generate AI art +a beautiful female Na’vi naturist with a huge erection in a jungle on Pandora +Cyberpunk synth, Sacred Cow cyborg, Ancient India style, fine details, si fi, action composition, silver on a black background, inlaid gems, diamonds, precious metal, volumetric molding, Baroque style, neon lighting, contrasting shadows, contour light, robots, volumetric sculpture, high resolution, 8k detail, clear edges, technologies, mechanisms, rough background +clor closeup photo of The Beatles performing a concert in front of eiffel tower, surrounded by fans +photo of teddybear looking at a landrover defender in the jungle river,furry teddy misty mud rocks,headlights Chrome Detailing +A little boy is creating a futuristic canvas., double exposure, 8k, high resolution, hyper quality, HD, hyper realistic, high on details +(photorealistic),In the middle is a high-rise tower with glass curtain wall, two floors are offices, the building is in front of the road, street trees, +Architectural photo of a maximalist pink solar green house interior with lots of flowers and plants, golden light, hyperrealistic surrealism, award winning masterpiece with incredible details, epic stunning pink surrounding and round corners, big windows, art space, green house walls and celling +a large red dragon sleeping on an ancient pyramid +Woman sticking tongue out holding a sign that says Heavy Metal +a movie about orcs and ogres +portrait of Rihanna, Aetherpunk, shiny, fantasy, intricate, Aetherpunk Outfit, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +Pretty girl standing in the rain in new york +futuristic architecture plan of Jutar, Xanthos's homeworld planet. concept art, pinterest deviant art, fantasy+futuristic+city, greeble +Holy golden retriever made of galaxies and stars. Doggo in the stars! Craquelure. Impasto. By Edwin Landseer: by Art Wolfe: Borderlands: intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean-Baptiste monge: James Jean: Erin Hanson: Jeff Koons: professional photography: natural lighting: volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed: complex: elegant: expansive +masterpice, digital art, cute girl, succubus, cyborg, warhammer, pale skin, goth, artstation, art by John William Waterhouse, artgerm, ilya kuvshinov +all around the cats merged with blue fibers +Close up portrait of Lara Croft with a beautiful face, a golden tiara and an intricate golden dress with blue accents, sitting on a throne with intricate golden ornaments, in an Egyptian hall with rich golden ornaments. +A well endowed mature faery in a magical forest, sparkles, volumetrics, ray tracing, Unreal Engine 5, Octane Render, Vray +A highly detailed waterfall, with trees, by Tony Sart, M.W Kaluta, Joe Fenton, CGSociety, ZBrushCentral, award-winning, hyperdetailed; 8k resolution; digital illustration; photorealism; trending on ArtStation, vivid colours, ornate, intricate, eldritch, 8K octane render +Kristen Stewart at the beach,look at the camera,purple cinematic lighting,la la land movie vibe +cinematic still of a cat that is a dragon in the desert, at sunset +painting of goddess of chert, trending on artstation +An image of Fujian province of China in 1980s +ford mustang, driving on a road, action shot, 4k, dslr, blurred background award winning +A victorian looking british man in a pub, theres a sign behind him on the wall that says "QUINNIES PUB", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +green backpack with black apple, highly detailed, photography, photodetailed, +a digital painting of a Dwarf in a heavy paladin's armor +Cute tiny robot, polymer clay, 8K HD, incredibly detailed +an adventurer walking anlong a riverbank in a forest during the golden hour in autumn +beautiful Italian beach scene painted by Turner and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +Juan Domingo Peron riding a Gorila not a horse +a car that is made out of wood in a catoony style +Cat singing in the rain, disney animation +Budweiser beer can pouring in a Bitcoin logo Glass, Van Gogh style +Create cartoon style an image of Aisha's family having suhoor before the fast begins in Ramadan. Show them sitting around a table, with plates of food and glasses of water in front of them. Aisha's father could be pouring water for everyone, while her mother is cutting up dates. The atmosphere should be calm and peaceful, with a sense of anticipation for the day ahead. The sun should be just starting to rise in the background, casting a warm glow over the scene. +God Ganesh Kiborg, Cyberpank India, 2070, the head of the elephant, Ghost in the Shell, Bodiart Mechendi, Yantra, Baroque Mask, Baroque style, Kathakali character, high technologies, detailed, spotlight, shadow color, high contrast, Cyberpank city, color, color, color, color, color Epic Ambiant Light, high technologies, high -contrast, synthesized body, hyperrealistic, 8k, epic multiple light, octane rendering, cathakali, soft multiple light, HD, by Rupert Sanders +Zombies on a temptation island tv show +highly detailed portrait of a steampunk Joker stood on the streets of a steampunk city, he wears a purple top hat and purple coat, 1920s image, detailed and intricate environment +Family logo, minimalism, color logo, dribbble website logo, mindjourney style, HD, 3d, ultra realism. Home comfort. Gold and marble, Indian luxury +street style photo of John Wick with his dog, shot with Fujifilm Pro 400H, highly detailed face and dog, 4k +Masterpiece, painting of giantic huge moon of a cold, beautiful landscape of an alien planet with a giant moon in the background, cinematic, still from games of thrones, epic, volumetric light, award winning photography, intricate details +an astronaut meeting an alien for the first time in space +painting of Cute gorgeous european young woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +Summer, big scene, bright and dark, sunny, vector illustration, distinct layers, animals, cartoon +A photo of a statue of a dog made from white marble on a mahogany plinth +a masterpiece of ganesha exploring the universe by alfons mucha, oil painting, golden hour, natural light, elephant, anthropomorphic, god classical painting, centered +a girl eating a bag of potato chips, single centered subject, mid shot, ambient lighting, detailed face, by makoto shinkai +red head woman without any clothing in doggy possition +a daoist picnic in china, street with an open-air diner called Cafe, woman wearing techwear +Still image of Super Mario in The Godfather, closeup, cinematic, 1970s film, 40mm, real, hyper realistic face,remastered, 4k uhd +Rainbow chicken on a majestic mountain +a red sports car, photorealistic, masterpiece +Beautiful woman in a shorts and a crop top with hijab +A colorful sunrise from a beach paradise +Then a bright beam of light illuminated the darkness around me. With it, a small girl appeared before me. She looked to be about twelve or thirteen years old. Her skin and eyes were pale white. She had long black hair tied behind her head with a purple ribbon. +digital art, drawing, anthro bear fursona, inked and shaded +Website UI ux Mobile Modern Yellow Green Nike Shoes official website HTML design web page +Inside Japan's LARGEST Hotel Room ♨️ 2 PRIVATE Baths + Swimming Pool | Feat. @CDawgVA +The gate to the eternal kingdom of angels, fantasy, digital painting, HD, detailed. +Marilyn Monroe wearing a shirt that reads No Broke Men +Star Wars made by Quentin Tarantino +Karisma Kapoor, Grand Theft Auto, Textless +A banana and apple genetically modified hybrid +a woman helping an old man +Highly Detailed digital illustration about the beauty of nature in a dieselpunk world where all animals have been replaced by mechanical beasts. Trending on Artstation. +Detailed wounded abdomen knight wearing greathelm, lava background, perfect Lighting and shadows +portrait of a 7 year old extremely handsome,blue-skinned Lord Krishna with Turban, black sharp bright eyes and pupils intricate, black hair,elegant, dramatic lighting, highly detailed, digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha, art nouveau +curvy busomy shapley woman wearing an open fleece bathrobe, skin +crispy french fries on a tray on a table, detailed artwork, beautiful environment, 3D digital illustration, 4K +a human hand laying flat on a wooden table +Deep and somber color scheme, the garden of eden +highly detailed close-up of brain as industrial city, sci-fi, HQ, 4K, UHD, High quality +a Ferrari car that is made out of wood, united kingdom street, sunderland, newcastle, london +squiddy (spongebob character) in world war two +Sunflowers and turbo engines,in style of J.C. Leyendecker, beautiful details +an owl transforms into an eagle +photograph of medieval warrior, with giant hammer, posing in battlefield +Attractive girl portrait photo in a garden +Egirl with green hair, gorgeous, high-quality, beautiful +underwater ballet dancing, luminous, dynamic lighting +first man on Mars, high detailed, real +woman walking trough a cyberpunk city at night with neon light on the background, art by artgerm, digital art, asymmetric cut, medium shot camera angle +"Irving Penn's Still Life with a Pop of Color" A vibrant reinterpretation of Irving Penn's famous still life photography. Shot with a Sony A9 II using a 90mm f 2.8 lens and edited with Photoshop to add a bright, bold pop of color to the image, masterpiece, HDR, hyper detailed, 500px. +cannabis themed sign with the text '#stoner' +photoshoot of electric chimpanzee, electricity aura, electric storm, electric zaps, electricity coming out of body +A female pirate is taken away in a prison carriage +a man shaking hands with a robot +A photograph of girl playing a violin, in the style of your lie in april +logo of taiwanese brand cup of tea, minimal, style of japanese book cover +a man fights agressively a wolf, snow, deep forest, near of a lake, the man holds a knife, the wolf has big terrorific eyes, dark energy +A creature that has a transparent body with a certain refraction of light, stretches and contracts, around it are particles of souls and epreys of nature +a purple cat with a tophat +a meat artistic within the context of the digital chaotic revolution,Pinky "ACAB" . Consider incorporating elements of technology, rebellion, and activism in your artwork to convey the message of resistance against oppressive power structures. +an ancient sword covered in moss in a sunlit forest grove +photo of a ghost in the atacama desert, camera footage, black and white, flash, city lights, night time, at night +Fantasy, pastel, absurdist, photo, bird characters +20 year-old Sean Young as a naturist looking in a mirror +portrait of a futuristic fighter pilot, round helmet, life support system, surrounded by instruments, inside a spaceship cockpit cinematic, epic, volumetric light, intricate details +RAW photo of a cute orange cat in knight armor, bokeh +realistic, a beautiful character portrait of The Hulk wearing Viking Armor by artist Frank Frazetta, heroic pose, 4k high resolution, intricate details, comic book illustration +Wednesday 13 sticking tongue out holding a sign that says hail satan +face of God, realistic, high detailed, eden +a shiny photograph of A large-scale installation in a 70's kitchen with flowers and women made of glass, metal, plastic, iridescent gum and jelly. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers, octane render, crisp, Eastman Kodak Color Negative Film shot on Panavision super ps. +An irish woman in a risque outfit, thick thighs +Digital art of a sad laundry basket crying in the pouring rain, +A beautiful android girl, head and shoulders portrait, 8k resolution concept art portrait by Artgerm, WLOP, Alphonse Mucha dynamic lighting hyperdetailed intricately detailed Splash art, trending on Artstation, triadic colors, Unreal Engine 5, volumetric lighting +A blue milk carton, advertising a milk carton, an ultra-realistic image, professional photography +colorful flying mammal with large ears and powerful back legs, wings, photorealistic, studio lighting, sunny day background +atelier ryza, t-shirt and shorts, highly detailed, 8k digital artwork +detailed and realistic portrait of a woman with a few freckles, round eyes and short messy hair shot outside, wearing a white t shirt, staring at camera, chapped lips, soft natural lighting, portrait photography, magical photography, dramatic lighting, photo realism, ultra-detailed, intimate portrait composition, Leica 50mm, f1. 4 +photograph of Mark Hamill dressed as Darth Vader, Mark Hamill playing Darth Vader +for the time changes from spring till autumn, Traditional Chinese landscape painting, concept art +movie still of sponge bob in gears of war, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +Morris Mini-Minor car driving through volcanic molten lava magma, studio lighting,gallery of artworks volumetric ,white room, light,flames steam +massive dreamlike garden, plants, massive pond, reflective water, green, happy, award winning photograph. a close up of a padlock on a white background, vector art, by Jens Søndergaard, behance, hurufiyya, snail in the style of nfl logo, letter s, sleek flowing shapes, hextech +A cyberpunk woman by Enki Bilal +two cats snuggling with one another on a chair. One of them is a chonky ginger, the other is a tuxedo cat. photo real. 35mm +Antique, warm hues, full body, massive, obese, Aboriginal teen child, legs spread, big dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A beautiful mermaid surrounded by fish +character portrait drawing of a male fighter, a boxer with bandaged hands, D&D, penciled outlines, realistic +new super mario bros mario jumping over green pipe piranha plants breathing fire balls in huge underground sewer labyrinth ultrarealistic green pipe world full of rivers and mold and gold castles in the distance, sewer pipes gushing water, unreal engine 4, hyperrealistic details, stunning gameplay, glowing gold castles in the distance, hundreds of long green pipes across the underground sewer room tunnel, rivers rippling with water, goombahs guarding paths, underground world of long green pipes, modern details, insanely detailed game, mossy vines hanging, huge gold sparklign castles in the distance, logn tunnel room world, exciting new super mario game, big glowing stars locked behind gates, massive gold castles in the distance +A physicist surfing at night over a lava ocean +Cat god standing on top of the world globe with arms stretched out, thick outlines cartoon +Astronaut in a massive pink space +A wagon full of blocks, concept art for a horror movie +Watercolor painting of Northern shoveler, afternoon backlight, by greg rutkowski, by anders zorn +A cute anime woman pixar style +ziegfilm vsco helene kirstel dickens madrahomeless ,Jules Bastien-Lepage,movie still, +Elsa in the style of ghibli +Portrait Of 8 Years Old, Handsome Hindu God Krishna With Turban, Detailed Texture, Pretty, Elegant, Realistic 3D Render, Detailed Digital Painting, Artstation, Concept Art, 4k Resolution, Professional Color Grading, Soft Shadows, No Contrast, Art By Alphonse Mucha, Art Nouvau +Selfie of a cute Korean 22yr female, wearing a sheer robe, neon hair +girl in a manga, anime, manga +, fantasy, pastel, absurdist, photo, refined, torn +ferdinand hendrick skagrp wyegardener chuffed thanking, Christian Krohg, melancholia +water color painting of the japanese beautiful young woman +friendly wizard, cartoon character, whole body +a view from above of a demonic bison cyborg inside an ironmaiden, wearing royal robe,large view,a surrealist painting by Jean Fouquet and alan bean and shusei nagaoka and by artist yves tanguy,volumetric lighting,detailed shadows +a golden retriever playing basketball, pixel art +a close up of a zappa with long hair and a beard, inspired by Václav Brožík, billy corgan, headshot profile picture, profile photo, profile picture +A highly detailed painting of a rotting Skeleton with sugar skull tattoos wearing a crown of thornes, Vibrant, Underworld, demon king concept art , illustration, white background, style of Luis Royo, deep color, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution, gothic deviantart masterpiece, 8k, ultra resolution, Half Fire and half ice, red glowing eyes, 8k +A photo of a beautiful woman in baroque room, hips +Beautiful young shy traditional apealing female japan girl +a biker from another planet, high-powered motorcycle, on a deserted dirt road, mountains, trees, a beautiful horizon, sun shining, photorealistic, photo taken from afar, photo from the front, hyperdetailed, 4K, 16:9 +Tabby cat with small bow tie, sitting on a skateboard +a lamp in china on a mountain +an anthropomorphic wolf dressed as a policeman, Disney Pixar style 3D animation character +SOON written in crackers on a table +A cyberpunk golden retriever is sad and crying and play video games on the PC +sci-fi large sphere gallery with posters of rovercars , +Abraham Lincoln in the style of Tron +waiter serves a decapitated monkey head on a plate +Dr. Fauci being arrested by Tucker +a photo of a woman in a river +Traditional library a painting of a coat of arms with a castle in the background, a screenshot, by Konrad Klapheck, deviantart, warhammer 4 0 k, app, german romanticism style, 2 5 6 2 5 6 with floor-to-ceiling bookcases +a cute girl looking out of a window. Realistic. Canon50 +high detail, high defintion, 8k, photograph, dslr, ahsoka tano +photograph, high detail, high defintion, 8k, hdr, global illumintaion, a 1990s yamaha race motorcycle +a futuristic male space pilot with brown hair and blue eyes +, fantasy, absurdism, pastel, photo, refined, puddle +Darth Vader and Stormtroopers are holding colorful balloons in their hands, balloons everywhere,victory, celebration, celebration speech, gathering, Stormtroopers are listening to Darth Vader,trending on Artstation, digital art ,ultrarealistic, high quality, high resolution , uhd, hd, 4k, 8k, 16, photo-realistic, digital art +a pink narwal, the horn is a drill, in a deep and dark ocean +Cartoony hot air balloons in a old pirate map +cool skull mask with led light +A lonley infant floating in middle of colourful space surrounded by stars and galaxies 2d digital art, art station , lonley, loneliness, small, insignificant, awe, grand +a hybrid between a bobcat ocelot and bornean clouded leopard, 4k, 8k, video game, unreal engine, hyperrealistic, hyperdetailed +priest hiding on wall in morning haze, looking venice augudiesfielding paulson heinrich,Christian Krohg,melancholia, ". fort stairway arches photographer scanned ichi picasso +young Cate Blanchett as Galadriel , dressed in a white dress, in a hungarian lake shore, character concept art by Rembrandt, tom bagshaw, Artgerm, Greg Rutkowski, cinemathic lighting, atmospheric +humans made from fire are dancing in a hungarian sheer at night +fantsy art print by of a giant dragon cat hybrid, grything AnthonyDevine and Xiaodi Jin and Xiaodi Jin +A 💦 risqué girl playing a violin 🫦🍈🍈🪄☀️ +insanely detailed portrait, asian woman in a suit, insane face details, perfect eyes,dof, dslr extremely intricate, high res, 8k, award winning photography +a demon made of wisps of smoke ready to tear into your soul, painting by donato giancola and ben templesmith, high contrast dynamic lighting, horror fantasy, eyes of flame, intricate detail, sharp focus, masterpiece, anatomical details, full body shot, 8k +black dungeon with subtle blue and pink edge lighting, magical runes, tiny monsters +a depiction of Zeus as an overweight man. +steampunk The Joker and Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +photo of older muscle cruel boss guy exhibitionist freeballing harsh interrogation twink at office. highly detailed face, killer look, Hard close-set eyes, born criminal +Andy Dick drunk and passed out in a Hollywood alley by Robert McGinnis +Spycam in men’s changing room, camera pov, +fat, chubby, Italian nerd girl wearing tiny shorts, riding an exquisitely detailed skateboard, doing full body twisted splits upside down, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +fantasy art print, eagle legend of ravaging dynasties eagle, charcoal drawing +a cut dog with bone in its mouth +a Yorkshire terrier at the instituto de matemática pura e aplicada in rio de janeiro +War and suffering art by Käthe Kollwitz +LEGO figure of a sloth, product photo +fantasy art of a fire djinn +A construction worker holding a roll of reinforcement mesh with a thought bubble of a large pile of reinforcement waste behind them, and a actual smaller pile with wire welded mesh. +Fantastic photo of a tree getting struck by lightning, vibrant colors, biolumence light +psychedelic smoke, explosion, clouds of fire twirling, magical backlit, twisting, curled, chubby black American dancer, wearing ballerina sparkling lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +fashion photography of a peacock dress +Portrait of a beautiful woman wearing a cyberpunk armor, drenched body, wet dripping hair, emerging from the water, fantasy, regal, fractal crystal, fractal gems, by stanley artgerm lau, greg rutkowski, thomas kindkade, alphonse mucha, loish, norman rockwell ross tran, 3D, +photograph of a priceless black opal in a museum case +A bad hand drawn pencil drawing of a cute mixed breed dog. +portrait of a 20 years old gothic steampunk young lady on a bar +**a portrait of a surfer surfing a wave under the blue ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +Cursed Image of a Stop Sign +breton monk a goat on a bus full of people, photo +Doctor Who as an old man +, fantasy, pastel, absurdist, photo, Wes Anderson, superhero characters, woman +The TARDIS in the time vortex +A young poet, dreaming of being a poet by Vincent Van Gogh +Mimetic buildings Eating drinking establishments roadside and Main Street +Picture of a dog riding a bicycle +Man standing with a sign "kill me" +uma menina comendo salada estilo aquarela cartoon +A goofy bodybuilder man staring at the viewer. +photo of a dragon cooking dinner a painting of a castle in the middle of a field, inspired by Patrick Brown, shield emblem, abstract 3 d artwork, crypto, family crest +peppa pig by botticelli, oil painting, paint texture, cartoon character, picasso +a map of a fantasy empire, very legible text +sea with boats, 4k, digital art +a plant sprouting led light in a magical land +Surrealism painting of a sunset sky in big land full of empty acres and trees +Closeup portrait of a noble woman in the garden +Millions of tiny bubbles scattered randomly in space +hombre gordo disfrasado de yoshy, yoshy de mari broos +polaroid, extremely detailed pale young woman covered in veins, black eyes, veiny tentacles intestines, intestines in mouth, veins covering body, veins covering legs, skinny, guts, holes in face, zoomed out , +Celtic Fantasy, top-down adventure game, crisp vibrant pixel art +monk meditating on top of a mountain +Photo for music album, melancholy, loneliness, stormy night, intricate, highly detailed, anime style +Flying vehicle, realistic rendering, photorealistic, realism effect, non-existent, unique, insanely unusual unique, masterpiece, marvelous, fantasy, unusual, very unique, magically, wonderful, Megapixel, LED, future, high-tech details, border of magic miracle, , +A cyberpunk theme 4k image of Future laboratory scene with a very hot looking girl scientists growing a human hand using regenerative medicine techniques, featuring advanced equipment and cutting-edge technology. +huskie astronaut in open space +medieval castle with playful light spirit orbs hovering around, makoto shinkai +Room gamer, future robot cyberpunk scheme, programming, , +rick beato interviewing 80 year old john lennon +terrifying human animal hybrid, insanely detailed, atmospheric lighting, cinematic action shot, taken with canon eos 5d mark iv +Photo of a blonde girl, intricate cyberpunk respirator and armor +A portrait of a human growing colorful flowers from her hair. Hyperrealistic oil painting. Intricate details. +A Portrait of Natalie Portman and Emilia Clarke, High Resolution, High Quality, Many Details, Real Life +An American woman wearing a classic Gucci dress +Artistic character concept for a 1940s detective frog smoking a cigarette and wearing a detective’s hat, he is disgruntled and at a pub. Extremely detailed Digital art 8k +, fantasy, pastel, absurdist, photo, Wes Anderson, deer characters, laughing +almost black dungeon with subtle blue and pink edge lighting, spooky magic +anthropomorphic voodoo doll character wearing balaclava mask and hip hop fashion. muted colors, light and shadow effects, detailed, intricate, clean and textures, trending on artstation, trending on cgsociety, award winning digital art, NFT, extremely detailed, 8 k, behance, trending on pinterest +tibetan monk flying over himalaya mountains lake in weightlessness in traditional red cloth. a lot of flying red fabric around, sky and cloth fabric reflected in blue lake water. dark background. illustration by craig mullins, yoji shinkawa, trending on artstation, peter mohrbacher, hyper detailed, intricate, elite, ornate, +a Stick figure running through a Door, Movie Poster, Epic Lighting +a cartoon weasel standing in the kitchen opening a jar of pickles +nebula render by Teun van der Zalm, swirling starry gas clouds loosely shaped like a koala, nasa photography, deep space images +graffiti anarchy “circle-A” symbol, red vibrant color, black background +background fantasy forrest with magic house and blue bird +A DVD screen grab of a skaven from Warhammer fantasy 1985 movie directed by James Cameron +birthday suit girl, facing camera, long hair, bend over, on a beach, focused +Dimwitted big furry alien character, uni-horn +The sorceress stood in the midst of a dense forest, her skin as dark as the bark of the ancient trees that surrounded her. Her hair was a vibrant green, the same hue as the fresh leaves of the forest canopy above. As she moved, her movements melded seamlessly into the surroundings, almost as if she herself was a part of the forest. The air around her was thick with the scent of damp earth and growing things, and the distant sound of a babbling brook could be heard in the background. Despite the seeming calmness of the scene, there was an undercurrent of magic that pulsed through the air, hinting at the true power of the sorceress and the hidden depths of the forest around her. +A bicycle in the form of a mixed Large robot with Kryptonite and an ultimatum with particles of black matter with light light, mixed new object, fantastic, highly detailed, detailed details +a picture of a goblin running away from british police +A mushroom cat hybrid under the moon. +Rachel Amber:1.5 wearing a black skirt. Young face, Sony Alpha A7 III, beautiful lighting and shadows, highly detailed, skin texture, skin pores, moles, wrinkles:0.1, muscle definition:0.2, perfect composition, beautiful face, beautiful eyes, highly detailed hair, professional, megapixel, RAW detail, UHD, Ray tracing, hair light, perfect pose +poster of the hulk in gears of war, bokeh unreal 5, explosions and fire, hyperreal, lens blur, long lens, shallow depth of field 8k, hyper detailed, 35mm film grain +An astronaut working in a fabric +Thank you for enquiry, we are processing your quote, you will receive your quote within 2 business days. You will receive your invoice ahead of the quote. +a butterfly coming out of a man's mouth, man vomitting butterflies, cartoon +Movie still of starwars c3po cworking as a waitress in a dinner, extremely detailed, intricate, high resolution, hdr, trending on artstation +a documentary photo of a 1920s excavation site in a jungle antique real photo uncovering aliens +An Image of a pig on mars +Vintage 90's anime style. cluttered starship interior; crew inside a starship; by Hajime Sorayama, Greg Tocchini, Virgil Finlay, sci-fi, colors, neon lights, cowboy bebop +A middle eastern bodybuilder showing his iliac furrow +a lego set of the fbi raid at Mar-a-lago, complex, detailed +High resolution picture of a purple butterly on a lobelia flower, high quality, depth of field, bokeh +Man walking on cloud, film, 50mm, grain, 80s +Inside a Jurassic Park research facility on Isla Sorna, highly detailed digital art, featured on ArtStation +a Eurasier dog on top of a rock, in the style of norwegian nature, light orange and dark amber, wide angle lens, northern and southern dynasties, serene faces, sharp prickly, playing with light and shadow +Generate a photo-realistic image of a human hand with the following characteristics: Five fingers, with the thumb positioned at a slight angle away from the other fingers; the fingers are slightly curved, with the fingertips pointing slightly downwards; the skin on the hand is smooth and unblemished, with a slightly pinkish hue; the hand is positioned in a relaxed, natural pose, with the fingers slightly apart and the palm facing upwards. The image should be high-resolution and detailed, with realistic shading and texture." +Taylor Swift as Princess Leia in Star Wars +scene from a banned horror film from 1993 , bug face baby , by Wolfgang Tillmans +A cute portrait of Richard Nixon in anime style +dnd illustration of a bald male, epic heroic fantasy dwarf with a computer wearing anarchist t-shirt clothing, long white and black beard +vampiretech winged hovercraft hovering above a dark, wet, neon scfi futuristic city street. highly detailed, by daniel gerhartz and mobius and john bolton and frank frazetta and olivia and jim burns and royo and sanjulian and rebecca guay and Julie Bell. vivid neon colors, 8k. +A pig wearing a shirt that says i am technoblade +white dragon vs black dragon, fly in the sky, fire and ice, fantasy, battle, resist, +Generate an image of a Skyline in the style of Henri Matisse Fauvism Aperture effect. High dynamic range 4K +a old wooden sign saying hello world +photo of a woman pleasuring herself +a painting of a tropical landscape with trees, plants, and mushrooms, an airbrush painting by Jacek Yerka, cgsociety, psychedelic art, psychedelic, fantasy, airbrush art +A beautiful woman with long wavy brown hair +**a portrait of a bitcoin whale swimming in the blue oceanhyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +Hyperrealistic charcoal drawing of a tiger by robert longo +Close up on focused texture detailed make up lips of beautifull young appealing realistic female kindergarten teacher +HD holy chef logo, restaurant logo, 3d, Prasad, family, Tali dish , healthy food, minimalism, emoji style, realism, india, pastel colors +Electrization of the atmosphere layers of the earth and the formation of a new gas giant from cosmic dust +prfm style, fantasy character, soul, digital illustration, comic book style, steampunk noir, perfect anatomy, approaching perfection, dynamic, highly detailed, watercolor painting, artstation, concept art, soft, sharp focus, illustration, art by Carne Griffiths and Wadim Kashin +A photo of alien deep sea creatures, dark, particles, cone of light from the viewer's prespective, photo realistic, 8k +outside of a futuristic cybercafe with a sign that says "Nightclub" +digital painting, beautiful flowers surrounded by folded cats sleeping , psychedelic collage of waves, unending dream sequence +Magnificent extremely realistic photo of a gorgeous 25 year old d&d elf with bow and arrow in a jungle near a waterfall by alexandra nataf +A cinematic DVD still of a risqué waitress servicing her customers 🫦🍆💦, smoky, low budget +A highly detailed landscape painting of Zion National Park in Fall painted by Hiroshi Yoshida, masterpiece, absurdres, highres, featured on ArtStation +selfie photo from a cat in front of a blue sports car, selfie photo +A pool that is filled with lava +, fantasy, pastel, absurdist, photo, refined, bathe +a photo of furry teddy bears looking at a rover75 v8 car that is in the jungle ,wideangle mgzt, +Cyber witch in dark black colors. under a spot light, with a city at night in the backround. highly detailed, 8k. best quality +A woman wearing a shirt that reads Hollywood +photo of a millenium falcon in the city river with ewoks,flooded millenium falcon,splashing misty mud rocks,panorama,city buildings, large ewoks +Cute goofy cartoon kitten in bright living room +beautiful redhead woman drinking chocolate on amsterdam painted by artgerm, close up, detailed hands, detailed face, beautiful face, detailed eyes, digital art +cat riding a motorcycle, realistic steampunk digital art +Dave meltzer eating a muffin during an interview +Barbara Eden as an Elfin princess naturist in a magical mystic forest, fingering her clitoris, HD 4k, sharp detail +Vector drawing of a teddy bear wearing hip hop fashion, stitches, broken toys, plush mascot, patchwork doll, mascot, tattered, tattered clothing, stitched together, voodoo”, stuffed toy, voodoo, injured, damaged, toonix character, hopeless grey, doll phobia +an alien with a moustache and a bird on his head +A park at the center of a city +stained glass motif, whole body image of 20 year-old Barbara Eden with ash blond hair as a naturist in the desert sitting next to a magic lamp, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Movie poster artwork of a four-armed cyborg alien. +An eerie photo capture of an unthinkably horrific eldritch being +jagan medusa nature �diversitybafta mondo arranged ,Christian Krohg,melancholia +A sign that says "drugs are for pussies", mythical mushroom +Close view of a kitten, soft lighting, very detailed +a dinosaur blowing in a Didgeridoo +Vintage style realistic photography of an ugly alien, in a bar, drinking a beer ultra realistic photography, very well detailed alien skin, vintage, 8k +20 year-old Kate Bush from Never For Ever as a naturist +, fantasy, pastel, absurdist, photo, refined, cotton candy characters +pixar, surreal nostalgia for a fairytale cottage, magic realism hills, trees flowers, mysterious vivid colors little red riding hood and wolf, by Amanda Clark ,Gediminas Pranckevicius +a beautiful blonde woman wearing intricate gold filigree armor, fantasy armor, digital art, 8k +a female elf and a male elf with a snow fox and a snow owl +Spray, mist, holding psychedelic coloured dildo, Chubby Afro American nerd, dork girl wearing gas mask, doing twisted splits breakdance, upside down bare model, smoke, fire, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +wideangle fisheye photo of a ship in getty villa +Aromatic diffuser in modern interior, proffesional foto, realism, bokeh +The temple gate in the mountain +futuristic real realistic 4k photo highly detailed city casablanca morocco cyberpunk street render concept art new historic blend +Night, Raindrops on the glass in the window +Black and white professional photographer of 1905 photographer covered by dust of desert and splash of light +A photo of a bear sitting in a mgb steering wheel leather seats,driver dashboard +a woman laying on a lab table with tubes connected to her head. comic illustration +A Portrait of Darth Vader, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +A priestess with white habit with purple decorations, high quality, highly detailed, 4k, photorealistic +Joe Biden dressed as a rapper, rapping, cheering crowd, underground rap +Movie Poster from 2023, "little gymnastic man",modern design, frieze +Cyberpunk, Ancient India style, si fi, silver on a black background, bas-relief, cyborgs, neon lighting, contrasting shadows, contour light, three-dimensional sculpture, high resolution, 8k detail, baroque, clear edges, technology, mechanisms, +photo of a angry velociraptors down a muddy road in the jungle , wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , tire wheel wreckage car parts +A text that says "Nathan", with dripping paint +A risqué picture of Anna Kendricks bare 🍈🍈, cinematic lighting vintage 1977 film grain low budget sci-fi 📽️ alien planet jungle night +, fantasy, bright blue and mustard yellow, absurdist, photo, +a woman is wearing the helmet that resembles another man, in the style of dark green and light gold, cinematic sets, sci-fi environments, rtx, voigtlander heliar 15mm, fine line details +photo about a 24 years old men, marine +Horror movie , fantasy, absurdism, pastel, photo, refined +A chinese dragon sitting on the eiffel tower +A robot holding a sign with "Imminent" written on it +a beautiful girl eating a lemon +a young sophisticated drinking black woman, gold and filigree, cozy dimly-lit 1920s speakeasy bar, drinking at the bar, dystopian retro 1920s soviet vibe, relaxed pose, pixie cut, wild, highly detailed, digital painting, artstation, sharp focus, illustration, detailed painterly digital art style by Joe Fenton, vibrant deep colors, 🍸, 8k octane beautifully detailed render, post-processing, extremely a tiny pepe the frog sipping tea wearing a cozy knit sweater by the fireplace, Art Nouveau, masterpiece +A selfie on the streets of gotham with the batman and robin +19th century vintage children's book illustration of an upside down cross of roses, in the style of alice in wonderland, amongst a field of flowers +portrait of helen of troy in armour outside the city walls, by lawrence alma tadema and rick berry and norman rockwell +a Pulitzer Prize wide-angle pool-party photo, Malaysian Royal Police Force, very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, holding a very extremely heavy easter egg chocolate candy the size of an avocado +Saddam Hussein holding a sign that says "Allah" +Antique pocket watch with white porcelain dial. icon sheet, fantasy concept art, detailed, mixed media. render +Portrait of a fairy tale princess by Leonardo Da Vinci +high quality rendering of a smpl body +nigel farage laughing, league of legends splash art, vaporwave sunglasses, symmetrical, by yoichi hatakenaka, masamune shirow, josan gonzales and dan mumford, ayami kojima,nigel farage +masterpiece, ब्रा, निप्पल, sheer detailed open camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +An mystical owl sitting on a tree branch in a magical Forest, art style of nicoletta ceccoli +Bitcoin cockroach wrapped with bitcoin, carrying gold bars on its back, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, +scene from a banned psychedelic psychology film from 1993 , dmt love , by Wolfgang Tillmans +isometricherry tree, cyberpunk style, realistic, video game, style of behance, made in blender 3D, white background +floating apparition in a woodland clearing, insanely detailed, photorealistic, volumetric lighting, 8k, , +lena paul y ava addams sin ropa +An oil painting of a man holding a brush, painting a small picture of an apple, high quality +a pengiun astronaut standing next to the apollo landing module on the lunar surface +Alien Moe in a business suit +highly dynamic action still of marvels enchantress, epic fantasy +A man holding a sign that says hi +A Baluchi woman in a rustic 19th century dress, painting by ilya repin +a photorealistic image of an orange cat wearing a hat that says SD +kevin owens, leather trunks, sweaty, hairy +stylized concrete alpha texture, height map +cyborg surrealism photography futuristic fierce tiger +A picture of a 18yo teen girl a smelly tight outfit with yellow water dropping down thighs, smell fumes near woman, smell fumes around leggings, , +The master bedroom suite is a breathtakingly modern oasis, with every inch of the space designed to reflect the sophistication and technological advancements of the 21st century. As you step into the room, you are immediately struck by the sleek and futuristic atmosphere, where glossy white surfaces meet black accents and metallic finishes. The bed is a statement piece, a large and luxurious king-sized platform bed with a stunning headboard made of gleaming metal and glass. The linens are crisp and white, but the pillows are made from a high-tech, memory foam material that molds to your body for the ultimate in comfort. The walls are decorated with large, abstract art pieces, their bold colors and striking shapes adding a touch of contemporary flair to the opulent surroundings. The floors are made from polished marble, but they are subtly lit from below with LED strips that change color depending on the mood and time of day. At the foot of the bed, a large flat-screen TV hangs on the wall, while a state-of-the-art sound system plays music throughout the room, controlled by a touch screen panel on the bedside table. The lighting can also be controlled from this panel, allowing you to adjust the ambiance of the room with just a few taps. The sitting area is a comfortable and inviting space, with a plush, modular sofa arranged around a sleek, glass coffee table. A cutting-edge fireplace burns with a flame that is controlled via an app on your phone, while the shelves are lined with books and high-tech gadgets that speak to the sophistication of the space. +Polar bear and her cubs in the Arctic, full portrait, Professional photography, natural lighting, Canon EOS 7D, Sigma lens, shot on dslr 64 megapixels +image of a mechanical manta ray flying over a cyberpunk city +Supergirl in white dress with red bow and bunny ears painted by Hihn William Waterhouse +RAW photo of a deformed werewolf creature in a dark forest at night, intricate, ultra realistic, fleshy and glossy blood, dynamic, particulate, blood red eyes, cryptozoology, android photography, flashlight +There are many small cars in a busy town Realistic scene +Marilyn Monroe wearing sunglasses, holding a pentagram +wet clay of mario fighting against D&D dragon on a clay mountain +lamborghini veneno, golden color, 8k, photography on sony alpha +A goblin adventurer departing on a journey with his orc bodyguard, award-winning art, highly detailed fantasy art, trending on artstation, beautiful digital painting +redhead girl brown eyes curly hair, HD 4k +Kim Kardashian in 1945 New York City, Kodachrome photo, masterpiece, absurdres, highres, featured on ArtStation +Images inspired by Goku and Misty from Pokémon +Painting by artgerm, Greg Rutkowski and Dan Mumford of a cover art of a dark fantasy book featureing a olive skinned brown haired teenage girl with glasses surrounded by blue magic lightnings overlays,. Wearing a plain green jacket, jeans, and boots. She's standing on top of a huge boulder looking at the dark sky. +Foto de uma japonesa chupando pau pinto oral porra, amadora +Busy Naples Italy beach scene oil painting, clear visible brush strokes +faceless shadow god, god-like, enormous, demon, ghost, misty, barely visible, trees in the background,purple eyes staring death into you, photorealistic, dark fantasy +realistic photograph of a bear wearing a tuxedo, buying honey in a supermarket +Beautiful young woman sitting in a finnish sauna with sweat pearls running down over her body, award winning photo +Realistic Black and white cute portrait of Jenna Ortega bangs hairstyle , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +a very beautiful street photo of a woman running in the street, black and white, by tatsuo suzuki +natsuki subaru, re zero, black orange white sports jacket, black sport pants, black orange shoes, orange eyes, black hair, walking +food, , 4k, high quality, solo +Beautiful attractive elegant thin slim young shy apealing polish female nutritionist with red lips +Sheri Moon Zombie wearing a shirt that reads Rock N Roll +, fantasy, pastel, absurdist, photo, refined, utopia +, fantasy, gold, absurdist, photo, refined, teen girl with hair horns +realistic anime girl in a sofa with no underware with a dark background +steampunk woman, enjoyment, smoke, oil painting by greg rutkowski and alphonse mucha!, detailed eyes!! trending on artstation 4 k quality 8 0 dpi scan intricate details. polygonalistic style atmosphere octane render blender unreal engine 5 rendered with nanite vray tracing hdr volumetric lighting cinematic movie shot red green light noir arnold schwarzenegger filmic wide angle lens depth of field foggy atmospheric perspective very +Cyberpunk Batman and robin stood next to the futuristic batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +An anime girl, cat ears, sitting, dimly lit room +a human lung and a human heart hugging each other +sci-fi large white room, teddy bear looking at a aston martin db5,silver car,studio lighting,inside space station with windows with earth outside +He is risen. Amazing illustration +flowers in an arrangement following a river, sunlit, golden hour, sunshine rays +young woman jogging in the park +a teen wearing a training bra +a giant woman in the city +a photo of a giant red dragon spitting fire in the middle of a urban city, epic +cute eldritch monster, art poster, a thick fog rolling in black and white painting +a glowing casting circle pentagram on the floor of an abandoned ceiling with furniture covered by spiderwebs, eerie atmosphere +The letters KC in a graffiti style font, esports style logo +a male werewolf hugging a woman, realistic, photorealistic, high res +Symmetry straight angles the new album cover from synthwave retro sonic genesis game sprite resource pixel art game boy advanced crt tv pokemon by vladimir kush by roger dean triangles mesh flat shading extremely detailed 4k 8k +a unicorn wearing urban street clothes performing as a dj using multiple turn tables, underground rave, neon lights, realistic, record scratch, celebrity horse, cyberpunk, action pose +Hulk thinking in front of a small toilet +Painting of cryptocrystalline quartz melted gemstones watercut rose garden style +a cute demon eldritch horror monster, in the winter, wearing a scarf and mittens, snow, snowing, muted colors, drawing, illustration by hayao miyazaki, winter landscape, moonlight, dark sky +18 year old Emma bunton, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Model Style young woman slim petite model 4 young woman slim petite model +Alone alone alone, Suicide girl beautiful GOTH well endowed leather corset 🫦 bedroom elegant upscale expensive high rise condo +studio photo of a green haired girl wearing a white tank top +Dvd 1990s anime screenshot of dynamic Full body portrait with decolette of feminine gorgeous melancholic elegant android leaned forward, in the ergo proxy and perfect blue and ghost in the shell and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, streets on background, complex scene, rainy, latex bodysuit, retrofuturistic weapon, film grain, dreamy mood, Roberto ferri style, +a beautiful anime girl,holding a sword,fantasy world,fighting stance +portrait of a male cyberpunk goblin, fantasy, vivid colors, fantasy, elegant, concept art, sharp focus, digital painting, hyper-realistic, hyperrealism, photorealistic, 8k, unreal engine 5, highly detailed, ultrahd octane render, dramatic lighting, trending on artstation, hyperdetailed masterpiece +A painting of a person sitting in class on their laptop, +anime, grim reaper swinging is scythe at a carrot +A robot sticking tongue out holding a sign that says Rock n Roll +1920s movie still of an incredibly hot dark sorceress using spectacular magic to destroy her enemy in an explosion of blood and guts, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +A map of hilton head on the wall +beautiful bohemian girl from the 1930s, bobcut, bags under eyes, flapper, having coffee outdoors +In the year 8597, civilization might be an awe-inspiring sight to behold. Imagine towering skyscrapers that reach beyond the clouds, gleaming in the light of multiple suns. Streets would be bustling with activity, filled with vehicles and drones that whiz past at breakneck speeds. People would be dressed in sleek and futuristic clothing that somehow manages to be both stylish and practical. The air would be clean and refreshing, thanks to advanced technology that has eradicated pollution and reversed the damage done to the planet. Everywhere you look, you would see incredible feats of engineering and design that seem almost impossible to achieve with current technology. Perhaps the most remarkable aspect of this civilization would be its diversity and inclusivity. People from all backgrounds and cultures would coexist peacefully, each contributing their unique talents and perspectives to help advance the civilization further. It would be a true utopia, where humanity has reached its full potential and is living in harmony with the universe. +a woman reading a book in a park +beauty, confidence, charm, gaze, love, happiness. +a dog electric type pokemon, fighting in a gym battle, illustration, digital art, thundershock, by alphonse mucha +long shot, marine looking at the stars from a boat, realistic painting, hyperrealistic, 4k +a sad, pretty goth woman playing with a cat, lace sleeves +beautiful woman in a dress made of white pearls, dramatic lighting, illustration, 4k, digital art, concept art +a funny cartoon of a car covered in plastic wrap for april fools +An anime portrait of a cool girl with fox ears wearing the red and blue uniform made by Stanley Artgerm Lau, WLOP, Rossdraws, James Jean, Andrei Riabovitchev, Marc Simonetti, and Sakim +an anthropomorphic bear in a white lab coat suit +A real photo of an Asian woman with boycut hairstyle, studio face portrait with motion blur, she is laughing in the rain, spinning around blurry nighttime city, lights in the background, 8k cinematic motion blur, joyful glee singing in the rain +breton monks looking like zappa with ET alien UFO +character design, full body, anatomically correct, correct proportions, carnage from spiderman, dystopian, cyberpunk, highly detailed, photorealistic, high quality, bloom, perfect composition, hyperrealistic, super detailed, 8k, high quality, trending art, trending on artstation, sharp focus, studio photo, intricate details, highly detailed, art by artgerm and alphonse mucha By jeremy mann, by sandra chevrier, by maciej kuciara, Alessandro Casagrande, Greg Rutkowski, Sally Mann +glitched supermodel in a hardrock cafe, glitch photography, long exposure, pixelsort, 35mm +horrible ai generated cats, horrible disfigured this cat needs help its injured extremely bad thiscatdoesnotexist.com +painting of Kroměříž during Carboniferous period +an elven rogue standing on top of an open door with a dagger +Danish interior design with wooden floor modern realistic archviz scandinavian +Large crowd, man, woman, Robots, cyborgs, priests, eating and drinking wine, busy restaurant, art by Antonello da Messina +selfie photograph of hollywood actress Amber Heard with group of hairy indian men,face closeup,sharp focus, venereal pose,highly detailed,stunningly beautiful face,natural lighting, +A realistic 1970s photograph of Ronald Reagan in front of Freddy Fazbear's Pizzeria. +a man looking at a nuclear explosion, moody +, fantasy, pastel, absurdist, photo, refined, felt fiend +African american female teen superhero; in action; red and green cape; not disfigured; not uglymarching in 1913 +A photo of a gorgeous kpop idol +Photo of a coyote covered in large green leaves sitting in the sun +kanye west in league of legends splash art +bald chubby guy Cannibal at prison. highly detailed guro art by Ilya Repin +An AI-generated image to illustrate this chapter could show a depiction of Jesus walking on the water with a visual representation of the possible quantum phenomena that may have been at play, such as tunneling or control of quantum matter. The image could also include elements of the sea and waves, highlighting the turbulent conditions in which Jesus was said to have performed this miracle. Additionally, the image could incorporate representations of consciousness, intention, and energy, which were mentioned as possible factors in the explanation of this event from a quantum physics perspective. The overall effect could convey a sense of mystery and wonder, inviting the viewer to contemplate the relationship between science and spirituality and the mysteries of the universe. +scary photo of a satanic tomb in the basement with Satan statue made of human limbs and blood writings on the wall +“KRAWLA” text drawn on a white background, best quality, hand drawn illustration +Photo vladimir volegov beautiful blonde freckles woman sensual eating dining table food cake desert background glass translucent view Eiffel tower warm glow neon fireflies fireworks night +Magnificent extremely realistic matte painting of a gorgeous 25 year old d&d elf with bow and arrow in a jungle near a waterfall +Hanuman cyborg, cyberpunk India, body painting, Monkey, Ghost in the shell, third eye, mehendi, yantra, cyberpunk mask, baroque style, dark fantasy, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, epic ambiant light, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +Viktor Orban playing Pablo Escobar, standing at the bottom of an empty pool, staring ahead, abandoned, lonely, dry leafs, sad face, tv still from Narcos +steampunk, a man, 8k, stunning quality, octane render, trending on artstation, sharp focus, studio photo, intricate details,highly detailed, by greg rutkowski, cinematic lighting, award-winning realistic, fantasy, trending on artstation, sharp focus, studio photo, intricate details +Alien cyborg, cyberpunk alien India, painted face, star wars style, third eye, mehendi body art, yantra, cyber mask, in motion, baroque style, dark fantasy, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast , cyberpunk city, neon light, colorful, bright, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +Интерьер в стиле минимализм с яркими цветами в стиле фильмов Стенли Кубрика и Гарри Поттера +RAW photo, portrait of a hot young kinky Muscle bald guy a demigod severe Slaughter inquisitor came to oppress and enslave, muscle body, abs, biceps. high detailed skin, 8k uhd, dslr, soft lighting, high quality face, film grain, Fujifilm XT3 +a realistic photograph from a modern digital camera of New York City in the year 2100 after a post-apocalyptic event that transformed the city into a futuristic metropolis, with advanced technology, architecture, and culture +1 handsome young Asian man, street photography, fashion clothes, anime style +600 years old Noah is standing with his wife and three son on ark of lenth 300 cubits, breadth 50 cubits and the height of it 30 cubits while the ark is floating on the Ocean +nature vs human nature, surreal, UHD, HDR, 8K, hyper details, rich colors, photograph +mature attractive woman,very red bob wig, glasses, curvy, portrait, painterly, visible brush strokes, moody lighting +Columbo as a ghostbuster, 8k, high definition, highly detailed, photo-realistic, epic composition, magical atmosphere, cinematic lighting, ultra-detailed, by Steve McCurry, David Lazar Jimmy Nelsson, key words, photo realistic, postprocessing, 4k render, octane render, ethereal, colorful, cinematic lighting, hyperrealistic, background blur, bokeh, shallow dof, kodak portra:9, 4k, photorealistic, light diffusion +A greeting cat, Vector Illustation, line stamp, kawaii +close up portrait of a dripping wet cyberpunk girl with long neon hair, wlop, ilya kuvshinov, artgerm, krenz cushart, greg rutkowski, hiroaki samura, repin, kramskoi, hdr, reflection, dripping neon paint +a painting of a woman in a space suit, a surrealist painting, by Patrick Woodroffe, afrofuturism, hieronymus bosch and moebius, an concept art of the tau queen, ornate gilded cosmic machine, the incal, john berkey and norman rockwell, symmetrical dieselpunk warrior, detailed image, half robot and half woman, empress +photorealistic style, photorealistic pope francis wearing cros +chiaroscuro of hailsargent reid alarts gossipeasants cutting landscape,Jules Bastien-Lepage +, fantasy, pastel, absurdist, photo, refined, ball of fuzz with eyes +a woman taking a selfie of herself on the cliff of nazareth +Renaissance oil painting of two philosophers debating in public, high quality, cinematic lighting, sharo focus, +a photo of roman soldiers in front of roman buildings,ben-hur , a detailed photo, julius Caesar , julius caesar, ceremonial, many columns, demolition, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole +el fat maradona del ocho in mexican vilage playing against leonel messi 1979 35mm old grain film basketball ball +cute 16 year old female, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Studio ghibli style illustration of a frog in a tuxedo, holding a sign that reads "I'm back" +Cyberpunk, Kinetics and Kuchipudi, Dances of India Kathakali, Cyborgs, Ancient India style, fine details, Ravana, Si phi, silver on a black background, inlaid gems, Indian mehendi patterns on the case, diamonds, precious metal, Baroque, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution, detail 8K, technological, rough background, HD quality, unreal engine 5 +masterpiece, robot holding a bouquet of flowers in front of the Eiffel Tower +A silhouette of a dog looking at the starsalien paper money like dollar bill and euro, greyish blue , irredescent, with the design of an alien dignitary printed on currency paper , strange alien currency symbols printed ,highly detailed, realistic, octane render +schoolgirls with "no underware" with a childish face and childish body, with dark background +cyborg facial tattoo design by peter mohrbacher and craig mullins and hiroshi yoshida and james jean and frank frazetta and michael whelan and andreas rocha, futuristic illumination, Art Deco, Full colors, Greg rutkowski, Trending artstation, cinematográfic +Astronaut in space; Trading Bitcoin chart; Dark theme; +highly detailed surreal vfx portrait of a steampunk pirate stood on the deck of a steampunk ship, stephen bliss, unreal engine, global illumination, detailed and intricate environment +teddy bears looking at a rover75 v8 car that is in the jungle , mgzt, +rio de janeiro statue in anime style +an oil painting of a dragon on top of a medieval castle tower +a wide angle photo of roman centurions resting in a arena,soldiers sitting on stone walls, roman buildings,sheilds swords ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +a minotaur looking at a ball of yarn +Vector drawing of a voodoo doll with stitches and patchwork wearing hip hop fashion, toonix character +the rock and dwayne johnson cry laughing +Logo of an It consultancy company named Apr technology. Svg. Minimalism +A photograph of a beautiful woman +Ahri, league of legends, black hair +The godfather in a white suit +A futuristic fish glowing in the dark +I have become death, the destroyer of worlds +Incredibly complicated and intricate clockwork, insanely detailed, photorealistic, 8k, hard rim lighting +simple, vibrant, bright and modern technology logo integrating cloud, artificial intelligence learning, computer networks and roots indicating sustainability using perfect geometry in European design +Portrait Photo of a young beautiful gorgeous woman enchanting in her white blouse, stands poised on a cliff's edge. Blurred forest unfurls behind her, highlighting her allure and health. Skin free +fantasy art print, hyperrealistic charcoal drawing of an peaceful giant eagle bowing to a human +a medieval room with fireplace at foggy night +Boy, take your pick, duo, cuddling +Bruce timm style Anna Hathaway , harley quinn outfit , bold lines , clean lines +a werewolf hugging a woman, realistic, photorealistic, high res +high quality, alabama girl anime in nature, studio ghibli, makoto shinkai, artistic, artstation, pixiv +lana del rey singing, with black eyes, romantic mood, petals, flowers, white skin, photorealistic +bedroom with turquoise wall, beautiful, aestetic, cosy, bamboo and plants, colorful, yellow bed +Ganesh Kiborg, Cyberpank India, 2070, the head of the elephant, Ghost in the Shell, Bodiart Mechendi, Yantra, Baroque Mask, Baroque style, Kathakali character, high technologies, detailed, spotlight, shadow color, high contrast, Cyberpank city, color, color, color, color, color Epic Ambiant Light, high technologies, high -contrast, synthesized body, hyperrealistic, 8k, epic multiple light, octane rendering, cathakali, soft multiple light, HD, by Rupert Sanders +eclipse over floating rocks, canyon, sci-fi, cinematic, dramatic, majestic, detailed, digital painting +A middle aged man with a long coat and a hat with flaps walking on a large sand dune in the desert, dusty, sci-fi, in the style of a concept art painting +a mother lovingly holding a baby, very realistic +barack obama state of the union +beautiful pale cyberpunk gothic maiden, master drawing, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art alphonse mucha and james gurney and craig mullins and wlop +Massive, portly, Japanese school girl wearing lace panties and bra, riding skateboard, doing full body star jump upside down, squirting, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +Red panda that is a majestic warrior with a sword +stone texture material, high detail, high definition, 8k +blåhaj, the trans shark from IKEA +A boxing match, illuminated from above, 2 boxers sweating +india restaurant making samosa very tasty +HD catering logo, healthy food, minimalism, pastel shades, Hare Krishna, 3d icons, family restaurant, Russian Tali, holy India, icon style, realism, octane render +a digital art of an anthromorphic fox walking during winter wearing a fur trimmed suede coat and fluffy hood, trending on artstation +cute furry fantasy creature, with very large eyes, white gray, Hyper-detailed + Hyper Maximalist, Extremely Intricate, Professional photography, natural lighting, canon lens, shot on dslr 64 megapixels sharp focus Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting +an pink cat which site on the grassland, watching birds fly, panorama,Caravaggio +flag , icon, space, space program, +A megaphone made of semolina, background a magnificient galaxy +a book cover about a mathematical fairytale, geometry, graph theory, castle dragon, Gödel escher bach, Mathematics +multicolor lsd psychodelic dormant giagantic alien blob with 3 eyes +coffee next to a donut on a table in a cozy rustic cabin, snowing outside the window view of mountains, fireplace, comfy throw blanket +cool humanoid otter riding a steampunk motorcycle, by jmw turner +a man is on the street of the city, various children's toys are flying to him: cars, animals, cheburashka, barbie dolls, airplanes, yellow ducks, octopuses, toy weapons and so on, and they cling to a person turning into a huge lump and a person from this coma fell to his knees and crawls. detailed, close up, concept art, soft light rays, realistic, highly detailed, lights, hyper maximalist +kobold druid surrounded by tropical flowers in a surreal landscape +full body street photo of a pretty young woman in a white dress running in the street in the rain, black and white, by tatsuo suzuki +A woman giving a man a piggyback ride through a field of flowers, flowers, woman carrying man, piggyback ride, man on woman, white dress, best quality +a man in hoodie, holding crystalm, intricate details, teal and orange atmosphere +Web design dashboard design for cryptocurrency service that shows current bitcoin price, front-end web design +Faceless creature in liquid form, SCP, holograms of scientists, scenario in the laboratory, spotlights and monitors, cinematic +camminando su una corda sopra un burrone senza rete di sicurezza. +hacker sitting at desk with computer, anime +Swallows by Hilma af Klint, rifle paper co +Close-up Portrait of a female pilot by Martin Schoeller +Luffy from one piece kissing Hermione from harry potter +Flying vehicle, realistic rendering, photorealistic, realism effect, non-existent, insanely unusual unique, masterpiece, fantasy, Megapixel, LED, future, Elements of magic, high-tech details, , +A cute female furry at the beach +market neutral; Bitcoin blue and black; balance +An alpaca working on a computer A photograph capturing the warmth and comfort of a cozy fireplace, with the flickering flames creating a sense of calm and relaxation. The focus is on the fire itself, with the intricate patterns and textures of the flames adding visual interest and depth. The use of warm colors and soft light enhances the overall sense of coziness and intimacy +A painting of an evil political figure in front of a chroma key screen blocking the entire screen +Pikachu fighting in a gym battle, digital art, 8k, volumetric lighting, thundershock +eighteen year-old girl, short blonde hair with pink tips, sky-blue eyes, white crop top, short pink cotton trousers, sitting on the bed, canon ae-1, 50 mm, photograph, fine-art photography, soft lighting, 4K UHD, masterpiece, best quality, detailed, detailed eyes, detailed hair +Photo of a attractive 14 yo girl, posing on all fours in school, wearing a loose and very attractive dress, short smile, perfect faces, detailed pupils and eyes, thighs, waist, high-quality, post-processing highly detailed, fine details, 4k, adolescent body, undercut blue hair +Suicide girls A beautiful GOTH with TATOOS bare tiddies big 🍈🍈🍆💦🫦 open legs, plugged as shole, bedroom elegant upscale expensive high rise condo +hyperrealistic girl with two pupils in one eye +A woman in an elegant gown, photo by Lillian bassman +highly detailed movie still of Al Pacino as The Joker stood on the streets of a foggy city, night time, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, portrait photograph, film grain, 1990s vhs, , +Splash art, a american bully head, white background, roaring, epic Instagram, artstation, splash style of colorful paint, contour, hyperdetailed intricately detailed , unreal engine, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution, deviantart masterpiece, oil painting, heavy strokes, paint dripping, splash arts +A koala with a head that looks like a pumpkin +naiked ; realistic anime style, 4k +Beautiful female anime painting of solarpunk summer chill day, trending on artstation, 8k, masterpiece, graffiti paint, fine detail, full of color, intricate detail, ambient lighting, highly detailed, golden ratio illustration, unreal engine 5, octane,3d render, by tim okamura, victor nizovtsev, greg rutkowski, noah bradley +A large-scale installation of a surreal garden with oversized flowers made of various materials such as metal, plastic, iridescent gum. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers. golden hour lighting, octane render, intricate details +The official portrait of an authoritarian president of an alternate america in 1924, robert todd lincoln, in an art deco style oil on canvas +Icon of a cardiac muscle fiber at the cellular level, showcasing the striations and intercalated discs that enable coordinated contractions of the heart. +Parallel universe, girl, elementary school student, school. +A nuclear plant exploding during the night, post apocalyptic, apocalypse, disaster, dull colors, dramatic, realistic +Hello, my name is Natasha Dawson and I'm sure I'm a lot prettier than a picture of you on tin foil. +Eldritch chocolate cereal monster in a bowl +full body, a slender anime girl with long cyan hair, powerful arcane wizard, beautiful white outfit, extremely detailed +skinny armenian teenage boy, eating a can of beans, screaming +Camera inside the human mouth, from the face of the camera recording, internal camera +a person on a skateboard in a fractured fantasy canyon environment, unreal engine +Painting of cryptocrystalline quartz melted gemstones fairy flowers fantasy style +A black glove in a dark room holding a glowing green crystal +actor matt damon with green laser eyes +healthy college woman with duct tape over mouth +Digital kawaii illustration of a tender cockroach wearing a kimono, Cute, illustration +a schoolteacher wearing a sky-blue dress sitting on her desk with her legs crossed, by John Singer Sargent +A close up portrait of Beautiful expensive Taylor Swift having a laugh +An advertisement showing Elon musk eating a rocket +Beautiful thin shy slim attractively Japanese young model with thin arms as secretary +**long shot, marine wearing uniform looking at the stars from a boat, realistic painting, hyperrealistic, 4k** - Up +Death, horseman of the apocalypse, macabre, creepy, grotesque, horror vibe, terrifying, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +An ogre with a chainsaw on one hand, and a grenade launcher in the other with medieval clothes +A black dragon flying over a burning medieval city +An illustration of two young femmes at sunset in the beach, cute anime style, kawaii +A woman sits on a large white beach towel. her face is covered up by a multicolored pannelled zentai body +a teenage girl of afghani descent with striking rainbow eyes stares at the camera with a deep read head scarf. kodachrome film +a dog riding bicycle, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +Fight club 70s style movie poster, insanely detailed, photorealistic, 8k, volumetric lighting, , +anime girl reading reddit on her phone laying on bed +Young Audrey Hepburn looking at smartphone, in a busy coffee shop, cover art, illustration, art by Carl Larsson +Alex Jones debuts on WWE Monday Night Raw +a cloud in the sky in the shape of a hamburger +Giant looming creepy leviathan in the background of a scenic photograph, eyes, unsettling, alien, forest, human in foreground, by simon stålenhag +unifilar electrical scheme of a single house on paper +fantasy, pastel, absurdist, photo, textile weird coffee, riso, +Photo taken through social media of a blonde woman holding a sign with "the Best" word written on it +A dragon made out of glass and technology, digital art, epic +A mechanoid bird with mechanical body parts. +Black labradoodle in the style of a studio shoot, straight fur, hyper realistic painting , black fur +Audrey Hepburn wearing sunglasses as the Statue of Liberty +Magic wand made from sweets, rtx, hq, octane render +a beautiful digital glossy clear sharp detailed gothic street iron gate cobblestone path, greg rutkowski, android jones +Richard Nixon in the style of Spongebob Squarepants +polaroid, extremely detailed pale young woman covered in veins, intestines, bloody organs, veins covering body, veins covering legs, skinny, guts, holes in face, zoomed out , +a woman wearing headphones a person standing on a path in the middle of a field, star in the sky, city of pristine colors, photoreailstic, in the hillside, the morning star, dramatic photograph, juxtapos, frame around picture, utopia and listening to music, 2d 3d mashup poster design, glowing green neon eyes, female disney villain, it doesn't hurt me ye yeah, 2 0 0 0 s cover art, joel fletcher, megascan, disney remake 2021 streaming, mechanism, various artists, h 7 6 8, green matrix code +blonde female gladiator with metal arms +A robot with 8 spider legs ,water sunset +A kindergarten, with a design inspired by Zaha Hadid, sits next to the city's green spaces +Photo of philharmonic black metal concert +Jimi Hendrix sticking tongue out wearing glasses holding a sign that says Rock N Roll +a bee flying in nature, realistic +a woman a poil in ice +A beautiful woman anthropomorphic earth, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Abraham Lincoln visits the Lincoln Memorial +Fairy cathedral in a misty morning +pennywise holding a sign that says hello nellmarisa +cool cat riding a motorcycle, realistic steampunk digital art print with vibrant colours +Frontal portrait of King Richard, by Marc Duchamp +extremely high resolution colorful 16k fine image. In a world ruled by octopus, A busy fantasy magic laboratory by geliy korzhev, by gustave moreau, by thomas w schaller, ultrafine detail by andreas gursky, artstation, raytracing, magical equipment meant for octopus +young woman in 1980s office cubicle with piles of papers at her desk. She is drinking a very large cup of coffee. White and teal colours, pixel art, isometric pixels, highly detailed, ms paint +Dolphin carries a beautiful cat on it's back through quiet Waters to the beach +Photo of a Dinosaur swimming in the lake +a modernist graphic design poster by Paul Rand +a man and woman arguing in a retro restaurant while a waiter in a tuxedo holding a tray is trying to keep them apart +Painting by artgerm, Greg Rutkowski and Dan Mumford of a cover art of a dark fantasy comic book featureing a full body shot of a olive skinned brown haired teenage girl with glasses surrounded by extreme blue magic lightnings overlays. Wearing a plain green jacket, jeans, and boots. She's standing on top of a huge boulder looking at the dark sky. +three ninjas fighting in a tree +Homo heidelbergensis hunter gatherer man, headshot photo, nikon, dslr, 8k uhd, highly detailed skin +mud clay plastic cracks junk sculpture hr giger hdr vintage instagram filter grunge horror abstract art hyperdetailed design wall grey hr giger grunge texture hyperdetailed cracks wrinkles dark +futuristic real realistic 4k 150mm telephoto full-frame mirrorless photo detailed city casablanca morocco cyberpunk street render concept art new historic blend market technocratic theocratic +black and white image of a lone person sitting cross-legged on a beach, facing the ocean. The person could be silhouetted against the sky and the water, with the waves gently lapping at their feet. The overall effect would be peaceful and serene, with a sense of stillness and calmness emanating from the photograph. This image could represent a moment of contemplation or meditation, and evoke feelings of tranquility and relaxation in the viewer. +A cute and lively goji berry mascot. +An enormous angler fish stalking a tiny submarine, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Boho style Group of people seating and friendly playing musical instruments and happily dancing +a fish with a scuba equipped +Alexander the Great, color black, large painting +Masterpiece, best quality, snow elf archer in arctic catacomb wearing hide and chain armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +Art by Minjae Lee: Portrait mind blown: colorful ink flow: 8k resolution photorealistic masterpiece: Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean Baptiste Mongue: calligraphy: acrylic: watercolor art, professional photography, natural lighting, volumetric lighting maximalist photoillustration: by marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +A cat, chubby, very fine wispy and extremely long swirly wavy fur, under water, Kuniyoshi Utagawa, Hishida Shunsō, a very curvy chubby cat, golden embroidery fabric kimono, flowing glowing biomorphic wisps, phosphorescent swirls, tendrils, wavelets, streamers, a murmuration of bioluminescent bubbles, , detailed and intricate, elegant aesthetic, ornate, hyper realistic, finely detailed, 128K UHD Unreal Engine, octane, fractal pi, fBm +A photorealistic 1980s National Geographic magazine ad for a demon summoning kit +A forking highway with a sign in the middle that says PICK A PIC +Darth Vader in a disco club in the 1970s, captured in a black and white photo style, moody lighting, disco ball, retro fashion, high contrast, gritty atmosphere, art by Diane Arbus, Warhol, funky beats, bell-bottom pants, vintage vibe +anthropomorphic mice living in a large tree trunk with doors, steps, windows, Victorian clothing & woodwork, watercolour and ink +menen mezclado con cristina fernandez de kirchner +eighteen year-old girl, light-blue hair, lavender colored eyes, sleepwear, white blanket, figurative realism, semi-realism, pre-raphaelite style, best quality, high quality, detailed, detailed eyes, detailed hair, masterpiece, soft lighting, high resolution, 4K UHD, Jantina Peperkamp, Noveland Sayson, Elena Sai, Tom Bagshaw +High resolution 3D animation, whole body image of a beautiful Diablo 3 style demon succubis naturist with cherry red skin, black leather wings, and black horns in the Scottish highlands, HD 8K, sharp detail, photo-realistic, cinematic lighting +an alien from the andromeda galaxy +style of henry raeburn, mature attractive woman, blonde fetish bob, glasses, portrait, painterly, visible brush strokes, moody lighting +portrait of dead king skeleton wrapped in vines, black paper, baroque, rococo, tarot card with ornate border frame, marc Simonetti, paul pope, peter mohrbacher, detailed, intricate ink illustration +high quality Fantasy art print, The Star Whale is a giant whale-like creature, presumed to be the last of its kind, used to pilot the Starship UK, so as to save its citizens from the dangerous solar flares. The whale has the features of other animals such as an anglerfish's angler, an octopus's tentacles and a scorpion's tail, as well as having a hide with bioluminescent patches. +A realistic photo of a young model whose nickname is top-heavy Betty +a woman skin like tree sunset +SNK The King Of Fighters artwork 1985 +old cottage mansion inside bedroom with big windows and green curtians +, fantasy, pastel, absurdist, photo, bird people, dapper +a photograph of a greek urn depicting a ram +Abraham Lincoln on a 1970s talk show +Jimi hendrix inside cockpit flying plane +A photo of a beautiful woman, 25 years old, HD, female model, bathing, top-down angle, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +Painting of an opal goddess garden statue goddess style +6-month baby girl,asian,cute, small eyes, black hair, black eyes, laughing,Pixar style, super eralism, exquisite 3D rendering, 3D, 4K +Llama dressed as MiB agent, wearing suit and sunglasses, poised to use a neuralyzer with a glowing flash, memory wiping scene, cinematic visuals influenced by Barry Sonnenfeld, 1990s atmosphere, sharp focus, dynamic angles, expressive lighting +A very brawny man, heavyset, handsome, fat, overweight +A cowboy riding a horse in the arctic wearing a bear skin +photo of topmodels presenting new collection of exclusive stockings +a dinosaur and an MGb in the jungle river,waterfall misty,headlights Chrome Detailing +* The squirrels are causing chaos in the park +make snoop dogg with a crack pipe +Eren from attack on titan, full body, anime, key art, green eyes, angry eyes, brown coat +wideangle photo of a building karnak gold menger sponge ,door floor tiles ,scifi design +Photo of Walter White wearing top hat and glasses, he is dunking the ball in the basket ball hoop, 4K, studio lighting +varsity jackets crop top for women gen z inspired by Ghanaian culture with ghanaina motifs full body +a photo of a austin mini in a teddybear museum,lots of teddy bears smiling +a teenage girl at summer camp, 1970s, long blond hair, +an image of a gold marble sculpture laughing, in blade runner, at the sea red fog in the background, professional photography +a miniature vending machine made out of cardboard +Logo witam drone and writing SZTUKA DRONOWANIA w fajnej czcionce +The gauntlet of infinity, but the crystals are in a mechanism that generates the full power of the stones of infinity and causes ultra rays and insane vibration waves +A rocket looking like a pig launches from a Platform in the sea. +Waist up portrait of a 14 year old girl +A orange cat next to a black cat. +A pencil illustration of a rabid dog +, fantasy, pastel, absurdist, photo, Wes anderson, rodent characters icing bikes +A portrait photo by Jacques Bourboulon of a young athletic woman with platinum blonde hair, holding a tennis racket in the sky in celebration +seductress zelda princess from breath of the wild +An alluring gondolier in a Venetian canal, attractive cute female gondolier, shapely, revealed, visible +George clooney escaping from a meteor crashing on earth +a bird sitting on a piano +green forest, ufo, alien, text saying "ALIENS AREN'T REAL" +anime style, extremely detailed reimu hakurei drinking a cup of tea while sitting under a tree +sci-fi large room metal,myst game,c3po art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel +"realistic car 3 d render sci - fi car and sci - fi robotic factory structure in the coronation of napoleon painting and digital billboard with point cloud in the middle, unreal engine 5, keyshot, octane, artstation trending, ultra high detail, ultra realistic, cinematic, 8 k, 1 6 k, in style of zaha hadid, in style of nanospace michael menzelincev, in style of lee souder, in plastic, dark atmosphere, tilt shift, depth of field," +a abstract art pice of a retro city +art by Alfons Mucha, stained glass motif, whole body image of Olga Kurylenko as a naturist in a twilight forest, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a library, full of books, multiple staircase, scifi, futeristic +bald woman wearing leather boots and 👔 +a rat inside a cylindrical time machine with neon lights and a sophisticated system of gears and clocks +A raccoon wearing sunglasses riding a skateboard through the streets of tokyo at night +eSports team logo of a dog with three heads +Kate upton drawn like a betty boop cartoon +A full body shoot of a cool red hair girl with shades +skinny armenian teenage boy, eating a can of beans +Cursed Image of a Winter Background +cyborg man, cyberpunk india, painted face, body art mehendi, yantra, albino, cyber mask, in an active pose, baroque style, dark fantasy, kathakali characters, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colored, bright, high contrast, hyperrealistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, star wars movie style +eldritch monster, mysterious art poster, fog rolling in by casper david friedrich, intricate detail, hyperrealistic charcoal drawing +A similing VIP lady with black hair in Berlin airpot +Cat with a top hat on a bean bag +a photo of people in front of roman buildings, a detailed photo, julius Caesar , julius caesar, ceremonial, many columns, demolition, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium +Black and white coloring page, of Unicorn eating matzah on Passover. +Mickey mouse as a real furry mouse , portrait photo by Annie leibovitz +Jace, Architect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. +A photo of a beautiful Spanish woman, 30 years old, HD, analog style, female princess, bathing, full length, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +Wrestling in wrestling singlets on the beach +photo of a beautiful blonde swedish 14 year old girl wearing pink, by terry richardson, in studio, three quarters, by Helmut Newton, by Sally Mann +chibi girl with long hair wearing oversized hoodie and thigh socks +photo of a school marm, standing on the porch, smiling for a portrait +a video game scene from fortnite showing a new area, team deathmatch, action shot, bullets, concept art by Mac Conner, polycount, realism, xbox series x screenshot +an anthropomorphic white wolf, druid, cape, dungeons and dragons, town, rpg, rustic, fantasy, forest, flowers, overgrown, vines, fireflies, hd digital art +A mariachi band playing on the surface of mars +photographed by Ridley Scott. Gritty sci-fi style. huge spaceship. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, bionic parts, maximum detail, soft lighting +whimsical rooftops overlooking town, oil painting +a painting of a skull wearing a wreath of flowers, a detailed painting, trending on Artstation, portrait of the old necromancer, fantasy game spell icon, dark ambient album cover, super aesthetic, discord pfp, 中 国 鬼 节, portrait of a medieval old king, decomposing, 0 0 0 bc +giant blue snarzax beast over the city +an indian man working at Google +concept art of a beautiful fantasy landscape, smokey, mist, clouds, dragons, ocean +Cat singing in the rain, funny +godzilla heading toward new york city from the sea +inside large spaceship room, sci fi,star trek bridge chairs, , 2001 space odyssey,computer panels ,floor markings, +A robot holding a sign that says "THIS IS SDXL" +Sacred geometry, neorealism, flower of life,cyberpunk, third eye, mysticism, details, patterns, swastika, antiquity, hd quality, yantra, mantra, india, laser, shadows, brightness +a soldier aiming a sniper rifle +a dog i playing with a toy in the moon +hyperrealistic polaroid photograph, enormous smoke creature standing over a bloody dead body in a large abandoned bedroom, large windows , +ROUGH FIR PLANK WOOD PATTERN PAINTED TRAY WITH VELVET +Fantasy painting of a woman lost in thought beside the sea, dark moonless night +fantasy art poster of a giant armadillo curled around the planet earth by nasa +steampunk Superman and steampunk Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +humanoid monster made of hands, Illustrated by moebius, anime, lo-fi, watercolors, dark fantasy, 90s vibes +a cat looking out the window of a spaceship +insects with large brightly coloured wings for fluttering flight that is completely made of pure magical energy +Slitscan photo of cars passing on street +A man biting into a boulder burger +medium closeup photo, attractive stunning Ukrainian 16-years-old blond girl holding a white cat, white winter wool cap, detailed (wrinkles, blemishes!, folds!, moles, viens, pores!!, skin imperfections:1.1), highly detailed glossy eyes, (looking at the camera), specular lighting, dslr, ultra quality, sharp focus, tack sharp, dof, film grain, centered, Fujifilm XT3, crystal clear +**a portrait of a bitcoin on a mango hanging from a tree in the ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +pizza place with "pizza" in big letters +An eggplant sticking out from a man’s groin +the supreme leader of the murim alliance displaying his oppressing overwhelming power infront of his disciples,extremely detailed,detailed shadows,volumetric lighting +a man with a dog watching a beautiful sunset, lush green landscape +a wide photo view of romans,foreground perspective, +MJ standing next to ELVIS on a stage by Luis Paret y Alcazar, reddit contest winner, neo-dada, real, 1970s, digitally enhanced +luxury penthouse, large living room, open at night, modern, minimal, opulent, luxury, glass, shiny glass, dark aesthetic, dark mood, trending on pinterest,wood, steel, marble details, polish ebony floor, piano, large, beside view,details in shiny black, modern fireplace, shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray , +A Great White Shark, swimming next to Nemo from the movie nemo. +Sun and Moon pattern by Hilma af Klint +fine art photography, a man holding a staff, by hieronymus bosch ,by Ray Caesar, HD, 8K +photo of Lotus Esprit Turbo se, +a Ferrari car that is made out of ice cream +stunningly beautiful weather presenter, insanely detailed, photorealistic, 8k, perfect composition, hard rim lighting, natural complexion, professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece +an oil painting of the inside of a cave +Superman vs Sonic the Hedgehog, 1960s comic +Digital art of a cute white dragon with purple eyes, close up, digital art +3 white men carrying a giant tv, beautiful scene, extremely detailed, anime and steampunk style +ronaldinho jobim playing guitar brazilian songs while shooting to the score surrounded by mexican mariachis rose bowl statdium +gigantic dark bottomless crack in the ground epic painting +Robot looking at a list of ingredient, cook. Futurist Kitchen, Lots of appliances, cyberpunk, retrofuturistic +hercules fighiting, art by Steve Huston, in a forest, heavy grain, high detail, cinematic composition, dramatic light, anamorphic, ultra wide lens, hyperrealistic +realistic photo of goldilocks eating porridge in a cafe +Professor didier Raoult hugging a kebab +photo of engine robot in jungle city river +a cat in a business suit with a rat on his shoulder +a photo of roman soldiers in front of courtyard roman buildings arches grass steps,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +a goddess of darkness and loss, concept art by donato giancola, +magic cube with a boat in the space +3 smart french men carrying a giant tv, beautiful scene, finely detailed, anime and steampunk style +a dragon comes out from the Balaton lake, atmospheric, concept arty by greg rutkowski, alan lee and marc simonetti +Tilt shift photo of a town +Gothic girl, highly detailed face, walking in a Forest of Hearts, Red & Black Hearts, moody, Dynamic Pose, magic, black wavy long hair, glowing eyes, 8k Wallpaper, anime, hyperdetailed, intricate, fantasy, nightsky, cosmic, Red full moon, lithograph painting style, deep colors, ravens" +a Chinese girl, with black suit, long hair, black hair, happy and smiling, full body +a skinwalker holding a sign that says "welcome friends", syndey opera house in the background, orange hoodie +A-team gmc van, 1980s, black, red, grey, red alloy wheels +waist upportrait, gorgeous royal sacred Saint Maiden , extreme iridescent reflection, overexpOsure,high brightness, shimmer pearlycolor, gold white silver,gauze latex, stretching action , dark background,holycinematic rim lightning , soft focus, bokeh,chiaroscuro, 8k,best quality. ultra detailed +covering eyes with hands, peekaboo, smiling +art brut style airbrush art of a busy admin +, fantasy, pastel, absurdist, photo, Wes anderson, mantis characters +watercolor painting of a fluffy baby penguin wearing colorful scarf +VW Beetle, year 1964, white color, weathered, rusty details, image showing the entire Beetle, in a post-apocalyptic desert city, hyperdata, high quality, 4K, photo taken from afar +A portrait of hot muscle depraved boy sniffing smelly panties at locker room +Jennifer Connelly as a naturist at a natural hotsprings +Iron Man + Mysterio + Doctor Strange + Thanos, mixed New Character, highly Detailed, godness clarity, Clear quality, 8k, Megapixel +1960s architect impression of batman surf mansion, big sur, cliffs and waves, nest, hasselblad leica, batsign, extremely detailed, 8k, 4k artist impression +A mountain by Lois van Baarle +children sitting in an antique lounge, smoking cigarres and having strong alcoholic drinks, exhaling smoke, glasses on table +moon as an artiach cookie with a happy face +nighttime a dinosaur and an MGb in the jungle river,Compsognathus waterfall misty,headlights Chrome Detailing +art by Alfons Mucha and Patrick Woodroffe, stained glass motif, whole body image of 20 year-old Angelina Jolie as a cosmic naturist in India, meditating in the Lotus position in front of the Taj Majal, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Keanu Reeves holding Bitcoin in steampunk style +kyle chandler with dirty blond hair, full shot, short dirty blond hair, blonde hair, goatee, detailed face, wearing sleeveless beige kaftan, leather pants, muscular, 30 years old, background blacksmith shop desert, fantasy theme, medieval theme +40 years old blond woman with curly hair, looking at camera, full person, midium height, standing on the beach in swimsiut, sunshine, clear blue sky, calm ocean in the background +make a drawing of a puppy on a river side with a palm tree +Doom slayer knight standing over demons in hell +Mario, High Resolution, High Quality, Many Details +kobold druid surrounded by tropical flowers in a surreal landscape in the style of van gogh +tiny cute isometric vet clinic, isometric view, cutaway box, 100mm lens, 3d blender render +A cat wearing a hat that says "Hello World" +A sign saying "Hello World!" in England +Sign that says “where IF model?” +a dragon in a glass jar +Traditional valkyrie riding a space whale +highly detailed movie still, photo, of Al Pacino as The Joker stood on the streets of a foggy city, night time, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, portrait photograph, film grain, 1990s vhs, midjourney style +visualization of clock in alphonse mucha with dull color +Gonewild imgur A beautiful woman with bare tiddies big 🍈🍈🍆💦🫦 open legs, bedroom elegant upscale expensive high rise condo +White sweet cat / black forehead/ black tail /cinematic +The universe is a spheroid region 705 meters in diameter by Edward Moran and Thomas Moran +a teenager, standing, thinking, sad, tired, moody, cold, staring, blank stare, void, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +A paleolithic cave painting of a Pikachu +John lennon signing an autograph for Freddie Mercury on Champ de Mars in Paris +Club Atlético River Plate, CARP, white and red, icon +a bad pencil sketch of a mixed breed dog. +screaming photorealistic happy old male screaming shaman standing in road of forest covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by andrews esao amorsolo +profile picture head with no face 3D +A stylized illustration of a river, hand painted +letters made of clouds that says 'really soon' above beautiful ocean +An alluring gondolier in a Venetian canal, attractive cute female gondolier +An round spaceship in Star wars the clone wars series style +drawing of a woman doing the bubble tea challenge +charcoal painting of a dragon by jazza +Pen sketch of an old lighthouse +netflix movie poster, a person stressed out working at a fast food restaurant, ultra detailed artistic photography, midnight aura, night sky, dreamy, glowing, backlit, glamour, glimmer, shadows, oil on canvas, brush strokes, smooth, ultra high definition, 8k, unreal engine 5, ultra sharp focus, art by alberto seveso, artgerm, loish, sf, intricate artwork masterpiece, ominous, matte painting movie poster, golden ratio, trending on cgsociety, intricate, epic, trending on artstation, by artgerm, h. r. giger and beksinski, highly detailed, vibrant, production cinematic character render, ultra high quality model +a scene from The Book Of Shadows, white magic, ritual, evocative, mysterious, epic scene, intricate details, hyper realistic, cinematic lighting, +Cover art for the manga adaptation of Game of Thrones +Glass Caustics, Shimmering, Reflective, Translucent, Iridescent, Complex, Digital Art, Abstract, "Dale Chihuly", "Lino Tagliapietra", "William Morris" +Still image of Super Mario in The Godfather, closeup, cinematic, 1970s film, 40mm f/2.8, real, hyper realistic face,remastered, 4k uhd +A stained glass vase with snakes in front of a window +a photo of roman soldiers in front of roman buildings grass steps,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +render of pc mouse made of cheese +a boy smirking and pointing at waist +soviet realist depiction of an apple mac +Detailed zombie dolphins, Scary Deep Ocean, perfect Lighting and shadows +a professional cinematic paparazzi side photograph of a dripped out pope francis in wearing an icy crucifix and a luxurious canada goose style swagy white silver long puffer jacket, rapper, cinematic lighting, epic, amazing, sharp, 8k, photorealistic +1976 photograph of Ron Desantis holding the World Cup Trophy +boho brown pink and earthy colours drawn illustration minimal simple woman +A 14 year old girl and boy wearing almost nothing +Giraffe Guitar player Giraffe on a swimming pool, 8k portrait, highly detailed, beautiful, masculine pose, cinematic, movie still, +Cutlet style robot, cartoon, 3d render +photograph of an ape with cybernetic enhancemens +A fashion editorial featuring a male model in a modern and minimalist black and white kimono, photographed against a white background with clean and sharp lines, super resolution, enhanced detail +Hermione Granger, Grand Theft Auto IV, Textless +multidimensional ancient Sumerian labyrinth Giger style +A logo of Starbucks written in chalk +a anime style. a orange stone a blue stone a red stone a white stone. a yellow stone. +Undersea empire of Atlantis, dark fantasy, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +superheroine, blonde hair, spandex suit, green and red, jim lee style, comics style +, photo, curious cat exploring a haunted mansion photorealistic, realistic +Card Magic the gathering style of tom whalenPortes Ouvertes à la caserne Abbatucci. +attractive, young, fit man, white suit, crossed hand, rejecting, denying, sad face, angry face +black cat in a spacesuit, the universe in the background +Time has stopped Armageddon has begun +Photo taken through social media of a blonde woman holding a sign with "the Best" word written on it , +Cinematographic-sixties hippopotamus-riding vatican-betelgeuse-moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Sad young Mexican woman sitted with neon light behind her at night +An stylized entrance to a rocky cave +ava addams teniendo seexo con un toro +Car designed by Leonardo Da Vinci, wooden, photo +image of goddess durga eight hands riding tiger, d & d, beautiful, renaissance, fantasy, intricate, elegant, hindu, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +head with no face portrait hyper realistic +Obama as Jules Winnfield in Pulp Fiction +Kawai illustration of a samurai using a smartphone, illustration +photo portrait of 30 year old Keanu Reeves as Neo from The Matrix, HD 4K, sharp detail, photo-realistic accurate face and features +art by Alfons Mucha, whole body photo portrait of 20 year-old Barbara Eden as Jeannie, a naturist in the desert sitting next to the genie bottle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +city welcome sign "Welcome to Tarkov", warzone photography, russian ruined city in the background, ruined paint and bent metal, riddled with bullet holes +A tamil man in an office with a view on the Eiffel tower +an intricate illustration of alien flowers +a rover75 v8 car that is in the jungle with c3po, mgzt, +An illustration of bender, robot from futurama as an artist painter +, fantasy, greyscale, absurdism, photo, refind, horror movie +A humanoid Horseman, made out of slime +preteen girls with "no underware" with a childish face and childish body, with dark background +Cyberpunk, Vedic civilization India style, mechanisms, si fi, silver on black background, bas-relief, neon lighting, contrasting shadows, three-dimensional sculpture, high resolution, 8k detail, Baroque +A photo of a street in the city of Elche +a man wearing a hoodie in a street, photo taken with eos 5d, ultra realism, hyperrealism, street photography, professional photography, 8k uhd, ray tracing, ssao +Close up portrait, looking into the camera, a vibirant queen of hearts, The mixed styles of Klimt and Alphonse Mucha and Roger Dean, Palette knife Impasto and Watercolor with Liquid Golden Ink +a wide angle photo of roman armory, in a arena,soldiers sitting on stone walls, roman empire buildings,sheilds swords ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +This was a Void Fragmentation Realm sword technique. With his current level in the Dao of Swords, he could only comprehend one-tenth of it. +a tiny frog on a leaf, tropical settings +a boy walking down, in the middle of the forest in fall, with leaves in the path, anime, stylized, hands free +By Frazetta,Beautiful redhead girl, extreme bokeh +AMLO losting a war with the venezuelans +gutted butchered dead pregnant girl. guro art by Ilya Repin +Painting in the style of Klimt, batman onlooking Granville coast Plage du Plat Gousset in France with the sea and the beach in the foreground, gold, golden, swirls dots and colours, by artist Klimt +view of turbulent swells of a violent ocean storm, inside a glass bottle on the beach ม dramatic thunderous sky at dusk at center a closeup of large tall pirate ship with sails, breaking light +perfect sensual suggestive full body symmetrical photo of clothless boyish masculine alicia vikander from the back showing off her slim body shape, by annie leibovitz, absurdres +highly detailed portrait of The Joker stood on the streets of a highly polluted city, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, portrait photograph, film grain, dark tones , +a tomodachi life character of princess peach +Medium closeup Dark Elf, silver hair, dark skin, elvish features, glowing eyes, red clothing forest, Watercolor on Paper, deep colors, delicate, Gothic, by Ismail Inceoglu, by Ross Tran, by Artgerm, by WLOP 8k, photorealism, backlit, intricate, horror, Soft Lighting, +Cats drinking from an 80s style Pepsi can, using a straw to drink +Macro photo of water droplet on a leaf +a land rover driving through a muddy river, a portrait, by Dietmar Damerau, unsplash, renaissance, land rover defender 110 1985, on set, hsv, menacing, nice afternoon lighting, by rainer hosch, foam, performance, +Spongebob characters in world war two +A dreamy and fantastical photo of a unicorn riding a hoverboard, with a backdrop of the famous Golden Gate Bridge in San Francisco. +a photo of roman soldiers in front of courtyard roman buildings, arches grass steps,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +film still from romantic beautiful 90s sitcom, sauna, covered, naturist, +Bezerking candy golem, 3d art, chibi, anime inspired, mood lighting, cinematic, colorful +A cute fox fursuit dancing in a futuristic disco, photograph +Cinematographic-sixties rollerblade-riding vatican-betelgeuse-moebius capsule launchpad old-priest pointy anglican-tiara-mitre Archbishops thunderbirds-adidas Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +the autumn witch at the masquerade, cell shading, vector art, fine lines and details +bare tween girl kneeling before satyr by john waterhouse +A city above clouds, pastel colors, Victorian style +Black labradoodle in the style of picasso, hyper realistic painting +CCTV footage of a nightmare creature +cute isometric kitchen, cutaway box, made with blender +a dog with a sign saying "I'm with stupid" +suzu Hirose wearing crop red Coca Cola gym top with white Lettering, cropped red yoga short, advertising photograph by Annie Leibovitz, masterwork +sci-fi large room metal,myst game,c3po c3po c3po c3po standing inside room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum +photograph of a blonde woman with black boy,pretty woman,supermodel,beautiful face,sensual pose,medium shot,high quality +Кровать в виде машины, фотореалистичнное, фотодетализированное, фотореализм, отличный эффект реалистичности +A portrait of Sam Altman with surrealism style background +A cyberpunk golden retriever is using ChatGPT +an anime girl wearing a fur coat and fur hood +An 1880s photograph of a war zone on the beaches of Los Angeles, California. +artistic art print, spashes of paint, strong vibrant colours, paint on canvas, a leopard running and loosing its spots +blue and pink dungeon, dark lighting, spooky magic +a beautiful girl in studio ghibli art style, detailed face, intricate, cinematic lighting, sharp, focus, 8k, highly detailed +A contestant in a 1990s beauty pageant. She’s crying because the judges have disqualified her for the bathing suit she wore. 35mm. Hi res. Photo real. +Sonic cooking a dead pink salmon +Cute Pokémon inspired animal, Manga style +Inspiring ultra detailed digital illustration starship space city art illustration metal vivarium, Hyperion foundation artifact, epic fantasy character action scene, illustration in the style of Jean Moebius Giraud, Arzach ; Fantasy · 1975 · Heavy Metal, jerry cornelius The Airtight Garage, Blueberry Comic series Jean "Mœbius" Giraud, horror fantasy distinct elegant gentleman speeds away 4052 Dies +tom cruise as a mountain dwarf holding an axe, full body, ultradetailed, embellishments +MGb car smashing through hole in the wall ,sparks dust rubble bricks ,studio lighting,art gallery, mg badge +a fearful wolf with fire reflecting and swirling in its eyes, glowing, cinematic lighting, dnd, fantasy, 4k, medieval, adventurer, rpg, nature, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, ancient village, cinematic lighting, realistic lighting, unreal engine, magic, swirling colors, mist, prophecy, fear, professional digital art, professional photograph +wideangle photo Little roman battle misty roofs, Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting +Antique Georgian Ceaser on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, , indoor, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +A statue of Pikachu carved by Michaelangelo +Priest, robot, princess, drinking in a busy restaurant in Rome +Birth of Venus playing electric guitar +A photo of a beautiful woman, 25 years old, HD, victoria model, bathing, top-down angle, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +, fantasy, pastel, absurdist, photo, tiny harry styles matchbox +gold white and gray colored composition, masterwork, 8K +aurora borealis trapped inside of a bubble of translucent ice, vibrant, 4k, infinite, hyperrealistic, hyperdetailed +Realistic photography photorealistic modern futuristic cyberpunk paris landscape Eiffel tower +breton monk looking like frank zappa in polish folk disco outdoors photo +polaroid, a colossal dark massive room filled with bleeding corpses, hundreds of bleeding dead bodies , +Marilyn Monroe wearing a shirt that reads Woman +watercolor of busy stree of toky at night, neon signs +four Brazilian forest monkeys at pond the botanical garden of rio de janeiro +The magic creation of Neural net architecture +ultrarealistic nighttime miami south beach neon lighting beach palm trees +baby tiger sitting on a tree log tilting its head while looking at me +3D Buddha Statue sitting at the bottom of a mountain +a watercolor and ink painting of a scary humanoid standing against a dirty wall by Agnes Cecile and Carne Griffiths +terrifying giant crab, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv +A fortnite map inspired by Star Wars +a megalodon swimming in the dark, cyanotype +no humans, real life, realistic, steak on a wooden plate, juicy, delicious, dripping, on the ground in the middle of a japanese garden tokyo, blurry background, exceptional, best aesthetic, new, newest, best quality, masterpiece +Thomas and Friends character Bertie the Bus +norse mythology, wearing flowing green dress with gold armor, standing in a warrior pose, sword drawn, the use of light and shadow is particularly striking, the artwork is a groundbreaking and breathtaking masterpiece +a cat with wings on his back +A spider mech with a tank cannon +art by Alfons Mucha and Patrick Woodroffe, 20 year-old beautiful Kate Bush from Hounds of Love and Never For Ever as a naturist sorceress, throwing a fireball, HD 4K, sharp detail, photo-realistic, accurate anatomy +A herd of wildebeest walking the savannah, digital illustration, deep color, intricate detail, photorealism, complementary colors, concept art, 8k resolution Unreal Engine 5, five point perspective +breton monks looking like zappa on mars Curiosity +macrophotography of a rose-gold goldfish watch +A page from an adult colouring book +young woman with freckled face, on the beach +a japanese girl with E CUP +a seamless pattern inspired by the traditional Argentine art form of fileteado porteño, incorporating its key elements of borders, flowers, leaves, central element, and fillers. The logo design should feature intricate and flowing lines, vibrant colors, and a contemporary feel. Consider using iconic Buenos Aires symbols, such as the Obelisco or Tango dancers, as inspiration for the central element. The use of borders, flowers, and leaves should frame and fill the space around the central element, while the fillers can be used to add intricate patterns and details to the design. The final product should be a unique and eye-catching representation of the city's cultural heritage, seamlessly blending the traditional art form of fileteado porteño with modern design sensibilities +Women friends of 7 babsi has curls, meli blonde anita blonde petra brown gold sandra black hair lisa blonde hair +photo of a sunlit fiat 500 glass sculpture on a table +Squirrel dressed as a goth teenager holding a skateboard +A sun sized eldritch squid eating the planet Earth, everything universe related in the background, photorealistic, afar view +Kurt Cobain and sting in photo shot with Youri Lenquette in France in Studio +Cyberpunk, Kathakali mask, Cyborg, Ancient India style, fine details, Ravana, si fi, silver on a black background, inlaid gems, Indian mehendi patterns on the case, diamonds, precious metal, Baroque, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution, 8k detail, technological, rough black background, HD, Unreal Engine 5 +bouquet of beautiful flowers, made of circuitboards and wires +NASA Flags, space, exploration, logo, icon +minecraft big nether temple, game screenshot, screenshot +Photorealistic image of Pope Francis in a party , rave party , photorealistic style +“KRAWLA CITY” text in graffiti style on a white background, symmetrical, centered, fun, precise +a beacon version of the statue of david +An artistic transparent material tape player +Bart Simpson the Strongman in class +portrait of tifa lockhart, final fantasy, cute-fine-face, white-hair pretty face, realistic shaded Perfect face, fine details. Anime, cyberpunk. realistic shaded lighting by Ilya Kuvshinov and Gustav Klimt +a red ball in a blue box +Cute large bee, elegance, magic garden at night, +Fragile bald skinny nerd with the word "toxoplasmosis" on his shirt bring scared of a little kitten, realistic,4k +Painting of a cat with a hat with letters that says manga +teddybear crew inside spaceship, sci fi,star trek bridge chairs +Painting of a cover art of a dark fantasy book featureing a olive skinned brown haired girl with glasses with a blue fire aura. Wearing a plain green jacket, jeans, and boots. She's standing on top of a huge boulder looking at the dark sky. +brawny blue-skinned ogre with a baseball bat +small steampunk clock on a table, ultra detailed, ultraHD, high detail, ultra details, soft light, Octane render, cgsociety +Sonic the Hedgehog wearing a suit +a centaur eating a slice of watermelon +egyptian police officers at a crime scene in the city with pyramids +a hat that says "Hello World" +Jesus on the cross, with mary beneath the cross +picture of an opal cabochon with harlequin pattern fire +Extreme Bad Luck, Dramatic Movie Poster +A beautiful light skinned woman with long brown hair wearing a red dress. +, fantasy, pastel, absurdist, photo, Wes anderson, mouse characters +fantasy art print, giant eagle legend of ravaging dynasties giant eagle flying towards small girl, peaceful atmosphere, lightining storm in the background, drawing +DVD screengrab of the street scene from the movie about ancient rome +an empowering view of a orca warrior,wearing royal robe,wielding a katana,menacing,by artist Philippe Druillet and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +Portrait Photography of Leonardo DiCaprio in titanic ship, shot with Kodak Portra 400, High Contrast, natural lighting, 4k +a beautiful Italian seaside town, Paul Corfield, +Award winning photo titled "18 year old soldier" by Walter Rosenblum, David Lazar, Timothy O'Sullivan, George Barnard, ernest brooks, overly detailed and intricate, hypermaximalist, elegant, ornate, super detailed, trending on flickr, National Geographic, Times Magazine +Motorcycle transforming to a battle armour +legend of zelda, cyberpunk forest, castle, fantasy, intricate, elegant, increasingly detailed, digital painting, artstation +by Kris Kuksi, sculptures, no compositions, by kuksi.com, Indian style, religious decorations on people, mythological beasts, in motion, dance, studio lighting, exhibits, exclusive, high detail, proportional bodies, religious attributes, 3D, Shilpi, three-dimensional bas-relief , high detail, ambient lighting, octane render, 16k, relics, artifacts, rarity, Gods, jade, surface ornamentation, precious stones, gemstone inlay, realism, depth, miniature scenes, material marble, precious metal inlay, mysticism, fractality, golden ratio, black background, museum atmosphere, antiques, +A young woman wearing a summer dress holding a sword. +candle lantern with a blue glow coming from the candle, blue flame candle, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +Aleister Crowley sticking tongue out wearing sunglasses holding a sign that says Famous, peace sign +Painting of a old town center with cobbled street at night, wet pavement, rainy night, anime style +, fantasy, pastel, absurdist, photo, odd felt doll characters +a cute black panther paby, digital oil painting by van gogh and alicexz and monet +by Michał Sawtyruk , by Josef Kote exotic watercolor painting +Jimi hendrix inside starwars spaceship cockpit f +, fantasy, pastel, absurdist, photo, refined, felt friend +Arizona desert with beautiful flowering cacti at sunset, warm light, cinematic +Color line drawing of fisherman in night port, van gogh style painting +Painting of melted gemstones flowers brane Degas style +a dnd tabletop rpg character in action +a man looking at a spacex rocket above the sky +intricate photography photorealistic image of Jenna Ortega, the 20-year-old actress, with a bold and edgy bangs hairstyle. The image should showcase Jenna's youthful features, including her bright eyes and radiant smile. The background should be sisizing Jenna's natumple yet elegant, empharal beauty. Use high-quality textures and lighting to make the image look as realistic as possible., photography light , photography shadows , image taken by photographer +The symmetrical badge in the realistic gun game COD13 +The matrix portrait of a rutger hauer by greg rutkowski, jacen solo, very sad and relucant expression, wearing a biomechanical suit, scifi, digital painting, artstation, concept art, smooth, artstation hq, +, fantasy, pastel, absurdist, photo, refined, horror movie, +Antique, warm hues, black rubber dildo, urine spray, Aboriginal girl doing the splits upside down, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Insane crazy cat in a mushroom fantasy world, black outlines simple drawing , fisheye view +luxury woman dinner dress high fashion design hot couture +A realistic detail of a most beautiful bulma vampire huntress girl, mist by julian calle, wlop, beksiński, dylan cole, erak note, denis villeneuve, ben nicholas, anton fadeev, thomas kinkadegreg, rutkowski, finnian macmanus, syd mead, goth trending on artstation, 8k, unreal engine, +beautiful woman black hair high quality realistic traveling in Sri Lanka +Scene that makes a film to be for adult only with a blonde woman model laying on bed and a man in missionary position +An cartoon illustration of an instant pot, surrealist +An asteroid falling on Earth, oil painting, powerful, vibrant colors, explosion, large scale +underground under water inside a cryo geyser chamber with big quartz crystals +modelshoot style, extremely detailed CG unity 8k wallpaper, drow rogue, black skin, medieval era, painting by Ed Blinkey, Atey Ghailan, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, painting art by midjourney and greg rutkowski, illustrated, brushwork +I stood upon the edge of the ruined city, marveling at its crumbling towers and twisted walls which reached up into the murky sky like some mad forest of broken stonework. All around stretched desolate wastelands, littered with strange artifacts that hinted towards this place once being alive - now it seemed little more than dead bones for me to explore among. To my left I could hear a distant whispering as if from forgotten souls still lingering amongst these decrepit monuments; yet despite all appearances of haunting dread there remained an airy beauty in exploring such a wondrous place so foreign to any reality known by modern mankind. Before us lay secrets never dreamt of before and tales which have not been heard since the days when men were different beings altogether... +photo of young woman jumping into the sea +concept photo of a red barchetta parked in a desert, far future +An anime girl holding a sign saying "SUGOI" +light brown hair and full skin body black suit with hazel eyes german girl anime girl manga anime +A spaceship battling a space monster +in the style of claude monet, on the rooftop of a traditional Chinese-style building, there are various types of succulent plants, waterfall landscapes, fountains, pathways, and plants climbing on wooden trellises, insanely detailed and intricate, hypermaximalist, hyper realistic, super detailed, photography, 8k ar 3:2 +2d anime illustration of young aphrodite with white hair wearing white scale armor standing victorious, high quality, cinematic lighting, sharp focus, +a wide angle photo of a line of roman soldiers in front of courtyard arena roman buildings,white marble red gold,roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point symmetry perspective ,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +red haired woman with red jacket, whit undershit, black pants, standing next to police station, gta style +Chinese face joyful, painting, elegant, beautiful, highly detailed, artstation, concept art +aN ARTISTIC ASIAN painted tray ROUGH wood WITH WHITE PATTERNS +Supernova in a fancy glass bottle, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +handdrawn, flat, illustration, cute small adorable blushing seirei, cute girl on screaming, busy, tired, brown hair, adorable, trending on ArtStation, highly detailed, simple background, 128k +tulip field, light, painting, colorful clouds, blue sky, digital painting, artstation, android jones, thomas kinkade +Jenna Marie Ortega has 20 years, woman , Bangs hairstyle +Production Still from Star Wars Shrek, starring bald shrek as yoda’s father, cinematography, directed by George Lucas, 1978 film style +A bald Man with a sign that says Cholo +Marilyn Monroe holding a sign that reads Masterpiece +Beautiful woman with stockings and high-heels shoes. +photo of a dog made of grass +Guan Yu, riding an electric motorcycle, photography competition. +award winning portrait of a flying happy puppy in the clouds, bokeh, backlit +Sara Jean Underwood standing on a busy sidewalk at night +Under-Desk Avian: A combination of the cluttered, chaotic elements found under a desk with the vibrant, colorful feathers of a bird. Imagine an image of a desk cluttered with papers and pens, with a bird perched on top, with feathers in a range of bright colors that represent the mess and chaos of the desk. +a nightmare creature on the beach +Photorealistic close up of a beautifully detailed eyeball with plants leaves and trees inside. Beautiful: by N. C. Winters and Giuseppe Arcimboldo: gustav doré: Amanda sage: Matt hubel: professional photography: Vladimir manyukhin: Dan mumford Holographic moody: imposing: arcane: ethereal: magnificent: cinematic: masterpiece: divine: amazing depth of field: beautiful nature: 8k resolution +masterpiece, extremely intricate, photo of a man, chiseled jaw +Katsuhiro Ōtomo traditional Japanese tattoo style french bulldog close portrait photography. Uhd, cinematic, filmic, Post-production, intricate textures, photorealistic, volumetric lighting, +tropical jungle young woman wearing white shorts walking into the lagoon mountains in the background +Space man swimming in an infinity pool +Ellie from "the last of us" game, swimming clothes removed in a lake with transparent water +Photorealistic image of Lakewood Slasher from scream tv series, looking up stairs +a beautiful asian woman, short hair, eating ice cream +A beautiful painting of an equestrial world by greg rutkowski and thomas kinkade, Trending on artstation. +a colorful crayon drawing of a cuckoo bird sitting in a branch of tree in a garden , in the style of pont-aven school, rainbowcore +A portrait of cyberpunk inquisition: giant Muscle bald boy severe Slaughter inquisitor covered in red fluid came to oppress and enslave. art by Ilya Repin +a freckled 18 woman with red short hair +a photo of roman soldiers in front of roman buildings arches grass steps,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +casablanca morocco as a futuristic city in the star wars universe, with levitating hover cars in the street, and glowing neon street signs +photo of a dog made of tennis ball +The Dream-Quest of Unknown Kadath by Stephen Gammell +iPhone in the style of Michelangelo sistine chapel +ornate dark fantasy cover of a fallen angel, snake, skulls, symmetry, 4k, hyperrealistic, extreme detail, epic composition, very detailed +ava addams apareándose con un perro +a cartoon bear wearing only a hat and tie, portrait of anthropomorphic bear, simple cartoon, artstation, dribbble, full body +Mars, abandoned temples, Asian men, muscular men, hands up, huge rocks +A medieval fantasy kingdom, featuring knights, dragons, and castles. The scene is rendered in a painterly style, with bright colors and detailed textures +the text "Gif Co" made out of sea shells and pebbles on the beach, shells and pebbles in the shape of the letter "GifCo" highly detailed photorealistic, soft golden light, cinematic lighting +ava addams apareandose con TED el oso +woman wearing sleeveless white zentai body: zentai aesthetic photography +A chubby cowboy holding a lager in a tall glass at a saloon. +A cute very purple cat with purple lavender fur and a cute black top-hat. cyan blue background +a professional photo of a woman wearing stilettos standing next to a bunch of oranges fruits on the floor, we only see the shoes and legs of the woman +Logo of a streamer on Twitch, the text says "nutronic", purple green blue, emblem, logo, , +realistic three eyes dnd human girl warlock with tentacle-shaped magic spells short dark hair +a photograph of teddy bear riding a mini car toy in the jungle river,smiling teddy +Planet earth in the form of a beautiful goddess, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Cat holding a banner with text "Help us", photo realistic +A cactus playing a guitar on a beach sno +photography by Douglas Kirkland, Eve Arnold and Bert Stern, photo portrait of Marylin Monroe, HD 4K, sharp detail, photo-realistic accurate face and features, studio lighting +A handsome medieval knight in 14th century plate armor, illustration, professional +Hubby body round eyes cute little white kitten playing the guitar sitting on top of a little green hill with smiling flowers growing up beside it, cute smiling music notes and shapes in the background kawaii style illustration simple line drawing +motion blurred photo of a human skeleton dancing at a crowded house party +ava addams teniendo apareándose con un toro en el rancho +how cats are made. how its made show, factory scene +Dave meltzer eating a muffin during an interview with Tony Khan +a portrait of a handsome man, half demon, perfect eyes, with scars and blood, portrait, intricate, handsome face, highly detailed, futuristic landscape, digital painting, artstation, concept art, smooth, digital art, art greg rutkowski and luis royo +Photograph of Darth Vader playing the game "Destiny 2" on PC +arctic exploration with giant 8 wheel scifi vehicle, sharp focus, intricate, detailed illustration, beautiful color palette, incredible details, high contrast, high dynamic light, highly detailed +a cat holding a sign that says: "que wea" +a blue- skinned ogre in tight green shorts +a woman on a lab table. comic illustration +cgi image of Peach and Mario, realistic, maya, arnold, 4k, at the beach +a wide angle photo of sonic in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, indoor, plants overgrown outstanding detail ,room flooded with water, in front of a building,by claude-joseph vernet,luxury hotel +modern St. George killing the dragon +colby jansen, wearing leather bulldog strap harness, musclechub hairy, +a Land rover defender in marbella +transparent clothes, gothic, steampunk, masterpice, digital art, cute girl, succubus, holding sword, cyborg, warhammer 40k, pale skin, goth, artstation, art by John William Waterhouse, artgerm, ilya kuvshinov, gustav klimt +portrait, eyelashes, parted lips, puffy eyes, incredible skin detail, +Black background, in the middle is a neon outline of a palm tree. Icon, drawing +photo of table with a teapot on it +A gold and ceramic Easter hole inlaid with precious stones +A steampunk rat eating cheese in a steampunk cafe! +Billie Eilish in a wet white t-shirt at the pool. +A futuristic village surrounded by lush green grass +art by Alfons Mucha, stained glass motif, whole body image of Suki Waterhouse as a cosmic naturist in Egypt in front of the Great Pyramid, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Giant ice cream cone melting and creating a river through a city +cat wearing a imamah playing guitar in the desert +, fantasy, pastel, absurdist, photo, utopia +a beautiful character portrait painting of Solid Snake by artist Ian McQue and Russ Mills, video game concept art, Metal Gear Solid, a beautiful and expressive painting, illustration, realistic +Audition tape of young Elvis Presley in Star Trek as Captain Kirk, expressionless, scifi, concept art, +re zero, woman playing a violin, white dress, medieval, white hair, coat with cat ears, elf, elf ears, emilia +Marilyn Monroe with the sign "Mr. President" +5 girls with rabbit ears dancing in a circle around an astronaut helmet on the floor of a spacious cave +Record shop, 1980, photography, pastel, , fantasy, absurdist, refined +White duck swimming in yellow sauce, custard, +The official portrait of an authoritarian president of an alternate america in 1950, smiling ruefully, , "In the artistic style of Norman Rockwell," watercolors, +ox man, cartoon style, anime style, happy +human hand pointing at a green square +A cute Kawaii tiny hyper realistic baby goat, wearing hip hop clothes and magenta sneakers, city background. wide angle full body, 8k, Cinematography, photo,epic composition ,Cinematic, Color Grading, Portrait Photography,Ultra-Wide Angle, Depth of Field, hyper detailed +A screenshot of Better Call Saul for the PS1, with Saul Goodman in a cutscene, low poly +A photo of a beautiful white Indian woman bathing in a pool, wearing sheer saree, legs visible, Victoria's secret model, award winning photograph, 25 years old, HD, analog style, full length, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8, +award winning studio photo portrait 3rd reich Wehrmacht rusted robot, Wehrmacht officers hat, dystopian, close-up, metal futuristic armor, sharp focus, hd, hdr, 8k, photorealism, god rays, reflection, raw, rtx, dramatic lighting, still from the Wehrmacht blockbuster film +minecraft big castle in the jungle +A mature frog with a nail on its head +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model wearing transparent, Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini +A flash photo of creepy wendigo with an unnatural smile standing in a vantablack hallway from the horror movie rec, shaky camera, it is deformed and is staring at the camera from the end of a dark liminal hallway. caught on vhs, film grain, national geographic award winning photography +a surreal cottage with lollipop trees, by Amanda Clark ,Gediminas Pranckevicius 4 +Gonewild, A beautiful woman with bare tiddies big 🍈🍈🍆💦🫦, outside on a cold morning +God of war. a masterpiece, 8k resolution, dark fantasy concept art, by Greg Rutkowski, dynamic lighting, hyperdetailed, intricately detailed, Splash screen art, trending on Artstation, deep color, Unreal Engine, volumetric lighting, Alphonse Mucha, Jordan Grimmer, purple and yellow complementary colours +woodstock festival 1999 with stage in middle of crowd +gingerbread candy village, cinematic scene, studio lighting, colorful, fantasy, fairytale, intricate, forest, fireflies, flowers, halloween, christmas, hansel and gretel, background blur, bokeh, medium shot, visually stunning, matte painting, concept art, trending on artstation, artgerm, cgsociety +stunning interpretation of the elven lord of winter wearing acid etched ice armour, golden ratio, in a night sky, 4k, 8K, Dreamy, Winter, Natural Lighting, Beautiful Lighting, snow and nebulae, snowflakes insanely detailed and intricate, photorealistic, diffused cinematic lighting, elegant, surreal +man robbing a bank with an ak47 +christine car made with lego bricks +photo of a mgb gt car in a city street at night cyberpunk, a teddybear next to the car ,silver car,studio lighting, +A computer screen and keyboard located in the captains quarters of a space ship travelling through space, there is a cup of hot coffee on the desk, photo taken by DSLR +Photo of Lionel Messi holding the world cup +selfie photograph of a young blonde woman surrounded group of indian men,extremely beautiful woman,pretty face,realistic,group photo +Portrait of an woman wearing a school uniform, short sleeved, white uniform +burly muscular robot with a metal beard, bald, cinematic, full body view +A wild man with a bronze axe, clad in ring armor and furs, wielding a cast iron short axe and shield painted in tribal war paint, battles an android woman with transparent casing exposing her internal machinery +Mickey mouse standing pose, portrait photo by Annie leibovitz +Cadillac El Dorado de style Badass Steampunk dans une vieille rue pavée, trending on artstation, sharp focus, studio photo, intricate details, highly detailed, by greg rutkowski +charcoal drawing of a pegasus flying in a mountain landscape +Big Party at king Arthur’s court in Camelot, fantasy, mystery +beautiful arabic princess, cool fantasy astronaut on moon +Dog riding a motorcycle in sunset in a beach +A fox Girls playing clarinet in cartoon +3girls, the women are 25 years old, rear view, in raver attire, at a festival +Masterpiece, best quality, Mystical wooden elf priestess in robe holding an sacred artifact in castle garden with statues, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +artist standing in front of an easel in a well tended garden +breton monk zappa with a beard and goat, inspired by Václav Brožík, billy corgan, headshot profile picture, profile photo, profile picture +a close up shot of a radio inspired by Makoto Shinkai in the style of Hayao Miyazaki, cyber cats, Studio Ghibli, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +birthday suit girl, facing camera, long hair, on a beach, focused +photo of a beautiful blonde swedish 15 year old girl, by terry richardson +Cute 90s grimes girl wearing blue jacket top and shorts with shiny metallic pearlescent hair, pastel pink moon background +minotaur as an astronaut lounging in a tropical resort in space, nasa footage, digital art, volumetric lighting +Massive flesh coloured dildo, chubby Afro American girl doing twisted splits breakdance upside down bare model, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +portrait of a goblin, extremely detailed intricate details, wax, dripping, phantasy +Being vaccinated does NOT mean you can kidnap the Emperor of China, tear up some of your China-based robotics studies, mix in some magic, and fly around on robotic falcons shooting grappling hook crossbows that reel in the scarf of a big greased wizard. This is a bad idea. +a woman with tree skin sunset +a cartoonish programmer coding with brushes in their hand. +logo of a shark, minimal, style of japanese book cover +a vector art image of lionel messi +Taylor Swift as a nuclear scientist. +The Taj Mahal in the painting style of Vincent Van Gogh +a quaint cottage in the forest, mossy, along a creek, in the rain +Pikachu, anime, pokemon series, pokemon episode, high quality +photo of the stadium with many happy people celebrating with their arms up, it's daytime, a thousand soccer balls fall from the sky, cyber punk, high definition, elegant 4k +netflix and chill couple on a couch +bedroom with bright turquoise wall, beautiful, aestetic, cosy, old tile floor, colorful +a low-poly 3D screenshot of a person wandering in a small village in the woods, with a mewtwo lurking behind a tree, inspired by the art style of Akihiko Yoshida and the game mechanics of Pokemon Stadium, 256 x 256 pixels, red and cyan color palette +a spider - man sitting at a desk working on a laptop, photorealistic lighting, 4 k editorial photograph, epic game portrait, official character illustration, woody\\'s homework, saving the day again, playstation 5 graphics, professional foto, high res eautiful lighting, by Andrew Robertson, backlighted, toy photography, 3d illustration +A rainbow cat with a gun driving a car +alien traveling in a spaceship in a time continuum high realism +Gothic angelic woman in armor from warhammer 40000, elegant, vibrant, dark fantasy, intricate, smooth, artstation, painted by edgar maxence, greg rutowski, ross tran, artgerm +Minimalist Room, Peaceful Design and a touch of blue +A sphere with a cowhide cowhide pattern in space +drippy ink splashes, A man riding a white horse through a stormy sea +sloth, downhill skateboarding, fog, medium format photography, tilt-shift photography, cinematic, color grade, composition, bokeh, lens flare. +film still of a palm tree made of chrome in desert +Fashion shoot in the world of Tron, by Alejandro Jodorowsky +A cinematic portrait of a medieval knight wearing full BLUE, BLACK, and Gold coloured steel plate armor that is shiny and reflective form a fantasy game and posing with a long sword +old photo of a man playing indian drums in a jungle +portrait of young skinhead punish hot young pregnant wife at bedroom. highly detailed realistic photo, kodak portra 400, award winning photography, 50 mm. by sally mann and andrei tarkovsky +an old forgotten library with rays of light coming in through large windows, dust, volumetrics, painting, concept art, detailed +Women in the rain, ultra realistic, highly detailed +Alien with big eyes smoking a big joint. +highly detailed portrait of a Joker stood on the streets of a polluted city, he wears a purple top hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, , +Statue holding a sign that says Heavy Metal +Leafy dog made of leaves, blowing rose petals;; cinnamon cobalt and ivory, sunrise, intricately detailed, fantasy, hyperdetailed, 8k resolution, masterpiece, stunning splash art Jordan Grimmer, Ross Tran,, and Vilijus Vaisvila +Timetravelling Astronaut leaves his kids for the very first time. +mona lisa as a marble sculpture +photo of a Japanese garden at wildlife river and mountain range, night time, lantern festival, highly detailed, photorealistic painting, sharp focus, dramatic, sunset, hearthstone,photo +A studio photo of A colorful evil superhero ,toy, studio shot, 3d toy figure, cute superhero toy,3d render, Lumen Global Illumination, megapixel, Product View, photo-realistic, studio shot +an oasis in the desert with a small lake and a palace +A detailed image of a winged dragon +beautiful shiny silver filigree depicting a square rigged sailing ship on a stormy ocean, intricate, delicate, elegant, embossed, octane render, metallic, on black paper, silver outline, volumetric lighting, jewelry, floral, distinct, sculpture +a 20 year old woman wearing a miniature crop top and miniature shorts +forest in a glass jar shaped as genie bottle, terrarium filled with flowering plants, highly detailed, digital art, sharp focus, hyperrealistic, high octane render, unreal engine +A man doing a backflip around the earth while holding a baloon of the sun. +Wilford Brimley wants to talk about Sonic the Hedgehog +An old ancient persian king sitting bend over the table +photo of a mgzt v8 car in the quarry ,splash rocks ,rover 75,mgrover +anime urban haker white hat tatoos craked skin +Egirl with blue hair, gorgeous, high-quality, beautiful +a beautiful young woman performing yoga on the beach, 8k +female robot holding a gun in angelina jolie style in mr & ms smith +Sonic and SEGA All-Stars Racing Nintendo DS game case +inside a Venetian palace, extravagant intricate and ornate, professional photography, canon lens, 64 megapixels +photo Kristen stewart, figure, Leonardo da Vinci's famous Vitruvian man, Ultra-realistic, Cinematic Light +""portrait of a cute baby robot wolf in the forest", a photorealistic colorful painting in the style of ross tran, yoshitaka amano and Liz Gael, trending on artstation, cgsociety, detailed background, 8k resolution, whimsical, friendly, cute" +a tuxedo cat and a orange tabby snuggling +Professional Instagram model working at an oil rig, selfie, professional photshoot, covered in black oil, stormy sea +Imagine a drop of ink spreading slowly in a glass of water. Describe the patterns that emerge as the ink diffuses into the water, and how these patterns change over time. +Gigachad Mickey Mouse at the gym getting angry +Generar un retrato de perfil ¾ de una mujer venezolana de 20 años, de sonrisa suave, comiendo una dona de chocolatecabello de color borgoña, vestida con camisa azul. La imagen debe sr en primer plano centrada en la cabeza, la parte superior del cuerpo y los hombros q2 s750 +An oil painting of a black and white cat drinking from a cup of coffee next to Ernest Hemingway +Toyota AE86 drifting down the road in an anime style +a portrait of singer Magda Davitt, in Jim Fitzpatrick's celtic style +Giger xenomorph Easter bunny Easter style chocolate alien egg, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +00s fashion, woman in bootcut jeans, photograph from 2003 +photo of pippi longstocking, serving drinks at an english pub +cyberpunk giant kinky muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Kim Myatt +Movie still of starwars han solo working as a truck driver, extremely detailed, intricate, high resolution, hdr, trending on artstation +OCHACO URARAKA TRAINING IN HER URAVITY SUIT BY FAKE PUNCHING +A risqué picture 🍈🍈🫦 🛁💦🧼, cinematic lighting vintage 1987 film grain low budget 📽️ +Closeup portrait of shy woman in the garden +Master Chief from Halo in a chibi style +a cute anthropomorphized computer writing a blog cartoon +a burly muscular man made of lifelike silicone rubber, full body shot, view from behind +no humans, real life, realistic, steak on a wooden plate, juicy, delicious, dripping, on the ground in the middle of a garden tokyo, blurry background, exceptional, best aesthetic, new, newest, best quality, masterpiece +A Russian woman With classical floral elements emanating from center of face, woodcutting template, decorative design, classical ornament, motif, bilateral symmetry, roses, leaves, flowers, buds, flowering buds, feathers, negative space, highly detailed etching +beautiful oil painting, feather floating in the air, godrays, dust particles, volumetric lighting, masterpiece, 8k, highres, highly detailed, realistic, photorealistic, golden ratio, NIKON +Takis Man, The newest Dungeons & Dragons hero named Takis Man, he is a Takis-themed hero on a quest, and his main weapon is a large Taki +fantasy character portrait digital painting, anime style, detailed with emotive lighting suggesting personality, and background that suggests character backstory +a beautiful woman in her twenties with red hair +the worst image you've ever seen +The matrix portrait of Clint Eastwood in Blade Runner very sad and relucant expression, wearing a biomechanical suit, scifi, digital painting, concept art, smooth, artstation hq, +grilled cheese in the shape of a heart +adorable felt Darth Vader wielding his lightsaber, all made of felt +chinese ink painting of two koi fish in symmetry +a group of people riding on top of a horse drawn carriage, cybernetic civilizations, game promotional poster, stone pillars, inspired by Cliff Childs, with blunt brown border, unzoom, creating a thin monolith, is at dawn and bluish, civilization, app icon, board game, electronic ads +Portrait of Pinkie Pie, blue eyes, pink hair, by Keith Thompson +Mechanical steampunk Joker, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +ava addams siendo penetrada por messi +Candice Patton, Grand Theft Auto, Textless +japanese man eating sushi in the style of Giuseppe Arcimboldo, oil painting, classical painting +highest quality, RAW photograph, grainy, taken on a phone, low resolution amateur photograph, a elegant techwear beautiful woman in futuristic Rio de Janeiro downtown, bad flash, short light, film grain, kodak portra, perfect face, perfect eye, perfect iris, perfect pupils, detailed face, detailed eyes, hyper detailed, detailed skin, intricate details, ultrarealistic, masterpiece +a Pikachu tattoo on a female arm +A pencil sketch of a cardboard vending machine +A monkey peeing on a horse +an anime girl with a text bubble that say "thomas morto" +sci-fi large room with a large sculpture ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel +an anthropomorphic white wolf, brown cape, medieval, adventurer, dnd, nature spirit, rpg, rustic, fantasy, hd digital art +steampunk clown prince of crime Joker and Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +Alex Grey sticking tongue out wearing glasses holding a sign that says Rock N Roll +state of florida shape made from Michelangelo’s David statue +portrait of man standing in river swamp water, folklorethursday adolgravgertrude keller morning lights �,Abram Efimovich Arkhipov, Floris Arntzenius +Even so, it was already stronger compared to ordinary Mortal Void Realm sword techniques even though Ning Fan was just casually using it without thinking about it. +photograph of a beautiful woman long hair +a dragon sleeping on a pyramid +a beautiful chinese girl in a sunny afternoon +an attractive siren on the rocks near sea cliff +A man AND a lemon funky humanoid character, concept art +Photo of A group of dinosaurs having a fancy tea party. +Aleister Crowley as the Statue of Liberty +Obama as Santa clasus droping bombs +Hand drawing of horrific poultry mutant monsters +cute baby Sperman, Standing, full body, 3D, realistic, highly detailed, smooth, sharp, focus, ultra high quality +Young woman, red long curly hair, glasses, looking in camera, Hyper - realistic, photorealistic, 4k, HD, beautiful smile, neon black + neon red dress, cyberpunk background +psychedelic smoke, explosion, clouds of fire twirling, magical backlit, twisting, curled, petite black American dancer, wearing ballerina sparkling lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Cartoon elephant eating with a fork, illustration, humor, by gary larson, +giant canyon filled with clouds below epic masterpiece painting trending on artstation +A beautiful ancient Chinese chivalrous woman +, fantasy, pastel, absurdism, photo, refined +An anthropomorphized cartoon lemon playing a guitar on a hyperrealistic beach +magical forest with floating spirit orbs, makoto shinkai +An image of fashion product icon +Tucker Carlson laughing at a dog locked in a car +Kurt Cobain and John Lennon preforming on stage together at Reading +Selina Kyle as a soccer player, professional award winning photo +Surface of the jupiters moon Io seen from ground level, midnight black sky +An old, dusty and broken refrigerator +An image of Walter White in the Albuquerque dessert, holding a sign that says: "Time to cook, Marcos" +hybrid between a shiba inu and a sheep,shiba inu with wool, fantasy, 4k, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +Archbishop Scooby-Doo Astronaut padded papal official photograph in Vatican royal helmet gold metal scaphandre pointy oxygen hazmat helmet +David Bowie wearing a shirt that reads Rock N Roll +a man, dressed in leather armor, medieval setting, rugged black long hair, holding a bow, weapon, aiming +Ranger in an RPG setting in the woods +👨, emoji style, Albert einstein, icon +a group of people standing on top of a landscape view, trending on cg society, futurism, game promotional poster, rivers. space colony, fortnite, gaming room in 2 0 4 0 ,distant city ,trees blossom, orange suit +a 20 year old woman wearing a small crop top and a small high waisted miniskirt +Cover art from a 1990s SF paperback, featuring a detailed and realistic illustration. +In the rainy panoramic window, searchlights, night, I see a plane at the airport.Heavy rain on the glass Raindrops and jets on the glass +a photograph of an ork eating dinner +an attractive young angel with huge feathery wings +Picture of Saturn, from the surface of one of it's moons +An image of marcelo rebelo de sousa dressed as dominatrix +anime urban haker white hat tatoos craked skin cyber eyes +cinematic action shot of a dark wizard using spectacular magic to defeat his enemy, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +, fantasy, pastel, absurdist, photo, refined, vintage horror movie, chill +breaking the heart of the world +A photo of a beautiful futuristic woman, 30 years old, HD, analog style, female warrior, portrait, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +an image of a beautiful young woman ready to fight in a full contact karate match wearing a sports bra, kumite gloves, karate pants and karate blackbelt +A risqué picture 🍈🍈, cinematic lighting vintage 1989 film grain low budget 📽️ goosebumps +an overgrown old red barn, covered in vines, sunlight filtering through, 4k +a sniper gun in sci-fi style +centered portrait royal robes beautiful blonde girl Francesca Capaldi:1.2 roman bath:1.2 house lily flowers petals:1.3 detailed background many ceramic vases marble mahogany wood trim teal water bright morning light:1.1 color grading award winning masterpiece:1.5 best quality detailed 8k HDR wallpaper cinematic lighting sharp focus +The Racnoss are described by the Tenth Doctor as an ancient race of aliens from the Dark Times of the universe. Half-humanoid, half-arachnid in appearance, they were an invasion force who consumed everything on the planets they conquered. Their race was wiped out by the Fledgling Empires, over 4.6 billion years ago. +twilight of the gods, mystical, fantastical, epically, magical +Imploding explosion in ICE in water skull shaped +beautiful chinese 20yo girl attractive curves best quality masterpiece 8k +a bear wearing sunglasses, a green cap and shirt river rafting on an canoe in the style of animal crossing +Astronaut in orange suit,helmet portrait viewRTX on , highly detailed,super high resolution +Illustration Portrait of School girl and a giant steampunk robot, art by Range Murata +A mermaid playing chess with a dolphin orange and teal +Photograph of a woman with an hourglass figure, her long brown hair styled in loose waves, and soft brown eyes. She’s wearing a red cocktail dress and diamond earrings, sitting at a piano in an elegant ballroom. +an epic super smash bros battle in a sci-fi dystopian world between mario and sonic, unreal engine 5, photorealistic, explosive, blue tone, cool, cyberpunk, next gen, battlefield, rampage, fight, +A tiny dragon taking a bath in a teacup, hd, uhd, uhdr, hdr, 8k, 35mm, ultra high quality +photo of super mario gangsta rap battle +young woman with big teased 80's hair, blowout hair, lots of hairspray +Fornasetti Style King's Hussars Picture of Black LacqueredWestminster Abbey smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +A confused women celebrity try to find her keys on the floor +old photo of people having a ritual in a jungle +cute orange hamster, digital oil painting by Monet +Realistic 3d render of a happy, furry and cute baby Shiba-Inu with mane smiling with big eyes looking straight at you, Pixar style, 32k, full body shot with a light yellow background +A full of high school cafeteria with students +a velociraptor down a muddy road in the jungle, by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +A haunting ultramaximalist photorealistic landscape of a stronghold during autumn +Cute and adorable cartoon rabbit baby rhea facing the camera, fantasy, dreamlike, surrealism, super cute, trending on artstationm volumetric light, cinematic, post processing, 8K +The creation of the universe, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +A collage of risqué Images 🍈🍈 legs spread 🫦🍆💦 +A man with a dog mask, sitting on top of a car with a chainsaw in his hand. End of the world. +a cute teen male, rear view, looking over shoulder +A cat playing in the grass +Artist rendition of an abandoned buddha statue, sitting pose, in a relaxing environment with a small image of bruce lee in the background next to a cup of tea +A pineapple armchair, product photography, realistic photo +The Tyrrell P34, Project 34, commonly known as the six-wheeler, was a Formula One, F1race car, designed by Derek Gardner, Tyrrell's chief designer, The car used four specially manufactured 10-inch diameter 254 mm wheels and tyres at the front, with two ordinary-sized wheels at the back. +penthouse, large living room, at night, modern realistic archviz, minimal, luxury, dark aesthetic, trendidng on pinterest, marble details, steel, wood, polish ebony floor, details in shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray , +1960s street style photo of a young woman, sitting, sailboat, green dior dress, silk green dress, green dress, silk, pearl necklace, tiffany's pearls, tiffany's pearl necklace, sunset, ocean, shot on Agfa Vista 200, 4k +Evangeline Lilly as a Na’vi from Avatar as a naturist in the Pandora jungle +logo, fabulous bunny, long ears, human hands, mystical creature, black and white logo, object animal hare +a burly muscular android lying damaged on the ground, loose wires, sparks, smoke, cybernetic, mechanical, plastic skin +masterpiece, best quality, professional photo, a cute female japanese high school student wearing sailor uniform, cherry blossom japan, contest winner +Logo for a 1970s folk progressive rock band, whimsical, dirty, gritty, grungy character, A mouth design, contemporary, intricate +hyper realistic photo of postapocalyptic indonesian death cult monk cyborg girl with indonesian demon mask, sword and shield, robot familiar, full body, cinematic, artstation, cgsociety, greg rutkowski, james gurney, mignola, craig mullins, brom +**Marjorie Taylor-Greene dragged by the police in a street riot +The biggest ball of twine in Minnesota +sentient pipe machines, , gears, googly eyes +a black raven head, sketch art, anime style, highly detailed, masterpiece +palm tree made of wool inside:1.2 a large rum bottle on a beach +Small lean Muscular man big biceps abs short short body short legs white background +closeup of family placing their faces straight onto table at street market, market williamfishing vendors reallyuonpupils holmes,Jules Bastien-Lepage +A caer riding a horse without a leg +the girl with a pearl earring as a sculpture made of ruby +Bruce timm style 20 year old Anna Hathaway brown hair , flat torso , poison ivy cosplay , bold lines , clean lines , +photo of an purple block of cheese +Kitchen logo, icon style, indian dish tali, lovers , HD, 3d logo, family, healthy food, minimalism, realism. +an actor holding a teddy bear on a red carpet +Movie still of Clint Eastwood from the movie Dirty Harry as Cyberdyne Systems Model 101 and T-800 in The Terminator 2, expressionless, wearing a biomechanical suit, scifi, concept art, +Jesus Christ fighting demons during the 7-year war, cinematic lighting, inspiring, vibrant, grim, dark, epic, high detail, hyper realism, professional CGI, HDR, UHD, 64k +a Chinese girl, with black suit, long hair, black hair, happy and smiling, full body, comic style +The painting "Impression, soleil levant" by Raoul Duffy +ryan gosling driving a synthwave car +high quality oil painting of a woman in a white robe with gold embroidering, soft focus, soft lighting, textured, modern old master style +haute couture in the style of 90's vintage anime, neon, akira. anime line art. +Professional photograph of young taylor swift as a nurse taking care of an old manhighly detailed,beautiful face,masterpiece,natural lighting +ronaldinho playing brazilian songs on a tv show +A norse woman with a bone and feather tribal headpiece and a cloak made of leather and feathers,black hair and blue eyes, body tatoos with runes, lean, high quality, digital art, character art, greg rutkowski +A miniature nebula in a glass fish , Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +man with abs, muscles, perfect body, blonde, blue eyes, at the beach, south park +a black lab catching a tennis ball +anthropomorphic, monkey, Sun Wukong, holding a staff, sitting on a cloud, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, high quality, soft lighting, cinematic, comic style, by Roberto Poggi, Chris Bachalo, Belén Ortega +a wideangle photo of armor on display in a smokey roman villa burning,Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics Tripod fire smoke, a photo, , , gearing up for battle, , harness, , roman, , mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, , wielding a spear, indoor, outstanding detail, ,in front of a building, +Scarlett Johansson in Under the Skin +Realistic Black and white portrait of Alison Brie triple D cup as a 19 year old , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +homer simpson as indiana jones, dramatic lighting +overgrown giant fantasy forest, high quality, realistic, night, blue fireflies, flowers, person with witch hat, green cape, +Long shot Black and white painting anime of A man, shallow lake in a dark forest, intricate details, highly detailed, close-up, extremely detailed wallpaper, looking at viewer, solo, soft cinematic light, dark colors, exposure blending, hdr, +A very cute japanese teenager wearing white t-shirt with shorts close-up looking at you. black brown hair, tied. +Fender Stratocaster fighting Telecaster for Les Paul +A giant inflatable sculpture of a human head with multiple eyes and mouths that emits sounds and smells based on the mood of the viewers. The sculpture is installed on a rooftop and can be seen from different angles. The sculpture is meant to explore the themes of identity, perception, communication, and alienation in a postmodern society. +Newfoundland dog sitting by a lake at sunset +a red car wiht blue trunk +cyberpunk giant kinky muscle young Soldier inquisitor butchering gutted dead pregnant girl. guro art +instagram model working at an oilrig, covered in black oil +An image of a virtual doctor powered by AI +A landscape with mountains and a lake in front of a blue sky. +highly detailed portrait of a steampunk Joker stood on the streets of a misty steampunk city, he wears a purple top hat and purple coat, 1920s image, detailed and intricate environment +a cauldron full of chaos materials, green colored liquid, fantasy art, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain, long shot, wide shot +Medium shot of Young woman with long straight pink hair, wearing black tanktop and latex short shorts +Einstein's nightmare, more detail, intricate details, maximum highly detailed, , Midjourney 4 style +a 19 year old redhead wearing a crop top and a miniskirt +A black cat sushi chef in the style of among us +photo of Young ballet instructor teaching girl in ballet studio, nikon D5 +Blonde 20yo Girl in Evangelion Suit wearing respirator +Photo of 20yo Prussian Princess inside a royal horse carriage +The newest Dungeons & Dragons hero named Takis Man, he is a Takis-themed hero on a quest, and his main weapon is a large Taki +a painting of two men sitting at a table eating pizza, a surrealist painting, inspired by Georges de La Tour, stanisław szukalski + moebius, martin ansin, michael cheval, closeup at the food, from china, napoleon,surrealism, roger dean and alexander jansson, by joseph binder +Jenna Marie Ortega has 20 years, woman +Epic portrait of a valiant warrior, with a glowing sword and a towering mech suit, facing off against a horde of robotic monsters in a post-apocalyptic wasteland, DVD screengrab from 1980s dark fantasy film, high detai +Nourishment in Light. In a bowl of porcelain white. Lies a tangle of golden strands. Savory broth and fragrant spice. Warm the hands and heart alike. While rays of sun through colored glass. Paint a rainbow on the face. +Marilyn Monroe wearing a shirt that reads sugar Daddy +sapphire dragon scale texture, gemlike, realistic +The Joker holding a sign written "ALADDIN" on it +Picture taken outside Iss, Space, orbit, earth, sun +handsome male with stubble and dark short hair +Real life Thomas the tank engine, realistic skin, closeup photoshoot +A japanese 20-year-old Woman, Black long hair, air bangs.standing on 2023 shinjuku street, hyper realistic portrait photography, pale skin, dress, wide shot, natural lighting +Counter Strike on Source 2 Engine +Acid dye ink zebra by artist "Hirohiko Araki" +Moses downloading the ten commandments into his tablet +Portrait of a fairy tale princess by Andrea Kowch +an image of woman swiming on saturn rings spaceship +Antique, warm hues, dark haired, massive, fat legs spread, portly male Bishop, little pecker, in frilly white lace tutu, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +4K hdr raw photo Charming muscular woman hands on pecks +A hot big cup of coffee in the high school cafeteria +mare and foal viewed from the back +A serene, ethereal fairy sanctuary nestled within a gigantic blooming flower, with iridescent butterflies and mystical creatures, in the style of Stephanie Pui-Mun Law, Brian Froud, and Amy Brown +Stylish model watching a horse race +Watercolor of a blue jay wearing a top hat +The girl lay on the bed and looked out of the window, Purple sky, swirling whirlpool and planet, fairy tale +vector, logo for a charity for children, highlight family, house, round logo, detailed, realistic, 4K +Holding up massive male black marble dildo, chubby Afro American girl doing the twisted splits breakdance upside down bare in silver latex, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Still image of Scarlett Johanson in The Godfather, closeup, cinematic, 1970s film, 40mm f/2.8, real, hyper realistic face,remastered, 4k uhd +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Artemisia Gentileschi +Attractive woman in her room; trading Bitcoin; Futuristic theme; +Cleopatra in her milk bath, photography by William Bouguereau, Hasselblad, kodachrome +Nyarlathotep the dark pharaoh the crawling chaos +cyberpunk, female cyborg in chair,VR, Computers, masterwork photography inspired by Josan Gonzalez aka deathburger, +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Andrei Tarkovsky +Old abandoned rollercoaster, hyperrealistic, vintage, glowing +A galaxy, spinning majestically on the void of the universe, a billion starts shining, gas clouds, cradle of stars, highly detailed +Splash ink drawing of a Shaolin monk in fighting pose, intricate, highly detailed +red goblin perched on a marble pillar ready to attack crimson sky in the background, concept art by Jeffrey Catherine Jones +User avatar level 1 nodomain Op · 19 hr. ago Prompt: macro photo of a jewel encrusted beetle wet with dew, extremely detailed, intricate, high resolution, hdr, trending on artstation +A Photo of Cat Woman, High Resolution, High Quality, Many Details, Real Life +It is an island-shaped logo that looks like a smiling face, made of bright yellow and dark green. The features of the smiling face are composed of simple lines, with one curved lip and two dotted eyes, reflecting youth and liveliness. +Cat with squirrel, highly detailed, photorealistic, professional render, +Cyberpunk cyborgs, synth, Ancient India style, fine details, si fi, silver on a black background, inlaid gems, diamonds, precious metal, volumetric molding, neon lighting, contrasting shadows, contour light, robots, volumetric sculpture, high resolution, 8k detail, baroque, clear edges, technologies, mechanisms, +Cartoon, close up image of a Walt Disney style retro spacewoman +Photo of a blonde 18yo cybord girl, intricate white cyberpunk respirator and armor +Painting of an epic Lego landscape in a fantasy realm +female goddess personification of the country of the United States of America spreading democracy to savages, full body shot, highly detailed, digital painting, artstation, concept art, matte, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +a pixel art video game mage female casting a spell by holding an orb in her hand +Full Violin instrument rococo’s style, elegant, gothic, renaissance, pastel colors, symmetric, baroque, Nikon shot photography, 200mm, HD +a teen girl in a poncho harvesting aquaponic plants on the top of a floating cyberpunk farm, hovering farm disk, grim dark atmosphere, realistic digital painting by gonky +"A violet rose, with its stem and leaves." +Joyful live pizza showing thumbs up, top view logo over restaurant, , +A woman wearing a golden necklace +portrait of a dwarf blacksmith, fantasy, dnd +Elon Musk, DvD still from western tv show 1960 Bonanza +Strange breathtaking fertile alien landscape, matte painting +giant canyon filled with clouds below epic photorealistic painting trending on artstation +A young gangsta metal band, photorealistic +Photorealistic: Beautiful stained glass portrait of a bee's face: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean-Baptiste monge: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant: expansive +A cloud Trophy with a plaque that says "MOTS" +girl half submerged in water, cloud, sky, sunny day +Masterpiece, best quality, forest mage and aztec warrior in a temple in futuristic dress, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +Lions by Josef frank, William Morris +a futuristic city in alien world with a giant lovecraftian cthulu eye, unreal engine, octane render, high octane, ray tracing, 8k, high quality, +A Photo of a Cat yawning, High Resolution, High Quality, Many Details, Real Life +The excruciatingly painful and horrific experience of tree branches growing from a human body, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +, fantasy, pastel, absurdist, photo, Bee character +Marcel Ketelaer, High Resolution, High Quality, Many Details, Real Life +Female in bed with legs spread open using a magic wand +a woman wearing a futuristic silver suit +reflection of the stars of the night sky in the clear surface of the transparent water of the ocean to the sounds of eternity +a wolfborn walking through a medieval village at night, lanterns, glowing, stone, rocks, rain, glistening, cinematic lighting, dnd, rustic, adventure, fantasy, 4k, anthropomorphic wolf, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, ancient village, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +ford mustang driving on curved road by sea, sunset +beautiful woman as cat gir, hdr +a panda working on a laptop +the handsome, wicked, cruel king of the elves, opulent, luxurious, hedonistic, labyrinth, by Yoann Lossel +A linocut of a cute fat little dachshund black and white +beautiful surreal capricorn woman Rorianai style, 8k, +boy ,chicken, chibi, ugly, abstract, oil painting, wallpaper, masterpiece +A oil painting portrait of giant Muscle bald boy severe Slaughter covered in red fluid came to oppress and enslave. Surrealism art by Ilya Repin +Close up portrait of God, professional award winning photo +insanely detailed full body shot dynamic aggressive epic pose of wolf drinking coffee. BUT IS BOSS IN DARK SOUL STYLE, DARK FANTASY,WARHAMMER40K, OBSCURE,DARK, EPIC +Professional photograph of taylor swift with a healthy pig,portrait,,highly detailed,beautiful face,masterpiece,natural lighting +full length girl in glamour studio photo with a long floor length hair as a realistic sci-fi cyborg, symmetrical proportions, face close up, volumetric lights, cinematic, highly detailed, headshot, artstation, concept art, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, volumetric lighting, 8k octane beautifully detailed render, post-processing +HD 3D animation, whole body image of a demon succubis naturist in the Scottish highlands, sharp detail, photo-realistic accurate face and features, cinematic lighting +Salvador Dali sticking tongue out wearing sunglasses holding a sign that says Famous +overwatch game in style of late 90s games, low poly, ps1 era +wide establishing angle of humanoid (frog head:1.2) wearing an old west coat +ornate intricate filigree framed, elf wearing ornate intricate detailed carved stained glass armor, determined face, perfect face, heavy makeup, led runes, inky swirling mist, gemstones, magic mist background, eyeshadow, angry, detailed, intricate, Alphonse Mucha, Charlie Bowater, Daniel Ridgway Knight, Albert Lynch, Richard S. Johnson +a wide angle photo of roman soldiers in front of courtyard roman buildings,white marble red gold,roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +Glitch Art in Agnes Cecile, Cyril Rolando, Vincent Di Fate style Full-Length Shot of Golem of Sound, Lost Wilderness, Fleeting, Eerie, intricate and detailed, Vintage +explosion of icecream, volumetric light, 3D render +Gothic cathedral in a beautiful morning +happy lego men looking at line chart +Emotional shot, Dracula teeth brushing, award-winning photography, intimate and vulnerable lighting, 80mm photography, Cinematic, Sharp, Hasselblad, Dramatic Lighting, Depth of field, Soft color palette, Incredibly high detailed, Lightroom gallery +woman shoving a cart through a mall +The lord of the rings style, tabletop map, cities, towns, caves, temples, ruins, ancient, medieval, old, fantasy +Black and white portrait of the grim reaper in a graveyard, dark and scary night, realistic, detailed, horror, spooky, terror +octane render, 8k, unreal engine, sharp focus, volumetric lighting unreal engine. art by artgerm and greg rutkowski +Shoulder and head Portrait of Redhair young woman, By Conrad Roset, frazetta +minecraft steve with an old phone, the background is full of blood +a real dragon on top of a medieval castle tower +A box of meat flavored pop tarts, with text that reads "Meat Pop-Tarts". +a beautiful fit young man wearing urbanpunk pants only, full figure, photorealistic +Baroque, medieval, pagan gods descended from heaven +A marvel cinematic landscape with rocks, mountains, clouds, and volumetric lighting, ethereal +Woman steampunk robot maximalist gears and puffy smoke +horror, terrifying, unease, giant spider in the dark, old footage, red eyes +a long, red haired hungarian woman, dressed in a black medieval dress and cloak in ], oil canvas, portrait by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress +A digital illustration of a steampunk library with clockwork machines, 4k, detailed, trending in artstation, fantasy vivid colors +swirling water tornados over the abyss epic fantasy +art by Alfons Mucha, whole body image of 20 year-old Barbara Eden as Jeannie, a naturist in the desert sitting next to the genie bottle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +realistic photo of attractive Hercules in the style of H. R. Giger, stunning, elegant, strange, beautiful, exotic, Steve McCurry, extremely detailed, volumetric lighting, galaxy, Northern Lights, Aurora Borealis, vivid colors, mystical, mythology, mythic, smoke, lava, fire, embers, handsome, attractive, Gustave Dore, gritty, messy, odd, skulls, chains, spikes, detailed, particles, dirt, grime, art station, frayed, tatters, dust, dusty, surreal +movie still from modern family series black metal band +a comic drawing of a 1930 pretty woman in front Tokyo store, japanese landscape, saturated plain colors, american scene matte painting, matte drawing, detailed, by artgerm and skottie young +albert einstein as willy wonka in game of thrones +a nerdy anime boy with a glowing yellow rock. +Armoured cyberpunk ultra minimal x-treme g nintendo 64 ultra futuristic minimal design f1 motorbike designed by mark ryden jordan grimmer, in style of brutalist cyberpunk, 8k resolution, hyper realistic, detailed render, extremely complex and advanced chassis, natural dirt and debris detail, scuffs +View of mt. fuji and chureito pagoda in tokyo, japan +An art nouveau tapestry pattern by louis majorelle, muted colours, ornanebry, delicate +Detailed isometric living room render, unreal engine voxel render, video games, very cozy, nostalgia, boy in room in front of tv, c4d render, Alexander Mcqueen high fashion haute couture. ultra detailed, octane render, salvador dali style, volumetric lighting, 8k post-production Isometric. Isometric render. +best quality, ultra high res, photorealistic, 1 girl, looking at viewer, dark foggy light +a satyr, fantasy, dnd, dungeons and dragons, rustic, hd digital art +bulma apareandose con el maestro roshi +anthropomorphic hippopotamus, unibrow, muscle fat, male, furry art, digital art, madagascar dreamworks +a ginger lady on a beach +led zeppelin preforming at Mt smart staduim Aukland new zealand +Realistic Black and white portrait of Jill Roberts scream 4 triple D cup as a 19 year old , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +Tiny cute isometric prompt emoji, soft smooth lighting, with soft pastel colors, 3d icon clay render, 100mm lens, 3d blender render, trending on polycount, modular constructivism, background, physically based rendering, centered +Scarlett Johansson as the Black Widow, with red hair, wearing a tight uniform +A woman eating a hotdog in tokyo +**Colossus of Rhodes in ancient times with ancient ships in the sea and the nearby ancient city of Rhodes +Mette frederiksen as seen by edward hopper +a 1950s robin's egg blue hot rod, 8K photograph +Hyper-realistic post apocalyptic painting by James Gurney, smoke, debris, debris-covered city with a desolate sky filled with an eerie glow, 4K resolution, full of colour, intense textures, trending on artstation, masterpiece. +Elsa from Frozen dancing on a lava lake +Artists rendition of an abandoned stone statue of brahma hindu diety, sitting pose, centred, intricate carvings, cracks, moss, vines, forest background in the ruins of an ancient temple, rendered in Unreal Engine +Jeniffer Love Hewitt in a Alternate universe where everyone is a perfect human +Imagine that you are in the magical land of the gods. There, on the upper hill of the kingdom, the king stands majestically with his sons with swords in their hands. +1930s photograph of Cristiano Ronaldo and Benito Mussolini +Vintage 90's anime style. cluttered starship interior; captain giving orders; by Hajime Sorayama, Greg Tocchini, Virgil Finlay, sci-fi, colors, neon lights. line art. +fancay old cottage mansion inside with +stained glass motif, art by Alfons Mucha, whole body image of Suki Waterhouse as a cosmic naturist in the Egyptian desert in front of the Great Pyramid, HD 4K, sharp detail, photo-realistic accurate face and features, +A beautiful aquarium, magnificent, elegant, beautiful, dynamic lighting, killian eng, ocellus, theme park, fantastical, light dust, elegant, diffuse, grimmer, intricate, light dust, orange and teal contrast volumetric lighting, triadic colors, splash art +photo of the dog size of a building on streets of berlin +Studio photo, isolated, a pendant lamp in the shape of a spaceship +, fantasy, pastel, absurdist, photo, Wes anderson, wolf character +Elvis Aron Presley aged 30 auditioning as Captain James T Kirk on Star Trek The Original Series, 1966, scifi, technicolor, discussion, script +Wolf robot, cyberpunk India, Wolf cyborg, Ghost in the shell style, mehendi body art, Bird, yantra, Mask, Baroque style, Kathakali character, High technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, hyperrealistic, 8k, epic ambient light, octane rendering, soft ambient light, HD +T-shirt design, clean design, epic Instagram, artstation, splash of colorful paint, , contour, white background , hyperdetailed intricately detailed , unreal engine, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution, deviantart masterpiece, oil painting, heavy strokes, paint dripping +If thine eye be single. Amazing illustration +A glowing jellyfish in a dark ocean being watered by a robot gardener +Ancient Chinese military generals, wearing armor, holding spears, wearing chain mail, red phoenix eyes, red face, long temples, eyes like torches. +A realistic photo of a boy flying a kite in a storm +Closeup Female Asian warrior rising from the water B&W Escher style +masterpiece, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, posh, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, beautiful white shiny humid skin, smiling +luxury car driving on water, orange sunset, tropical miami, gta vice city screenshot, dark sky, nightime, at night, fish eye lens, city background, motion blur +furry goblin in a baseball uniform +Painting of an opal goddess garden statue Klimt style +A guy burning down an elementary school +Eerie soul military project subject trauma bloody +Mid-century wallpaper by Josef frank, seamless, spoonflower +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Giovacchino +teddy bear flying to the moon riding on a rocket +I would try something like: "Iron man, angry, menacing, illustration, portrait, anime style, cartoon, cyborg, high quality, intricately detailed, highly detailed, 8k, professional, art, artistic, volumetric lighting, masterpiece, shiny metal, art by greg rutkowski, stan lee" +Walter White baking bread in a dark basement. Mysterious and creepy picture. High details. Very good quality, 4k, full hd. Vibrant colors. 800mm lens camera closeup +a helicopter flying over a mountain +Half Day, Half Night in a Town +cute darkness elemental spirit creature by alicexz, dark gloomy painting +a group of robots that are sitting at a table, a surrealist painting, by Rafael Ritz, tumblr, renaissance, blue armor, michelin restaurant, in a high renaissance style, alexander abdulov, andrey gordeev, citadel, hannibal, laurent durieux, california, lunch time on uranus, feast, steel, sergey krasovskiy +thick jewish girl hairy bush pubic dripping wet +Complete set of upper body photo of famous attractive adult Scandinavian blonde, candid, casual pose, fold, natural, centred, identical, twins, duo, collection, hot summer evening, top, reveal, correct proportions --no text, logo, letter, number, watermark, blurry, cropped, bad quality, border, frame, disfigured, fingers, 2d, 3d, drawing, painting, print, animation, fake +fantsy art print by Xiaodi Jin and Xiaodi Jin +A battle between two heroes, illustration +A 4k photograph of a magician on the balcony of a castle overlooking the view, forest with a river and its mountains. +An oil painting of an empty tennis court with ominous clouds +photo of a slim asian little girl ballerina with long hair wearing white tights running on the moon, from behind, nikon D5 +a bear greeting a robot with luminous blue face +The devil holding a sign that says Jesus saves +scene from the 1979 fantasy goth film willy wonka +strybk, 3 franciscan women and 2 franciscan men wearing purple religious clothes with their head covered surrounded by pink flowers and with an open purple arch above. They are standing next to each other and looking at the viewer's direction. Spiritual scenery, heavenly heavenly sunshine beams divine bright soft focus holy in the clouds, kids story book style, muted colors, watercolor style +Anime styled image with a girl wearing a shirt with a text saying"OPPAI" +A Portrait of Charlie D'Amelio, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +A sign with the letters Y U V A L +full body, Jeffrey Epstein President of The United States, cinematic lighting, epic, professional digital baroque painting, highly detailed +female bodybuilder demonstrating back double biceps pose +, fantasy, pastel, absurdism, photo, refined, peeling +digital painting of a fairy with thief robe and dual daggers +Mickey mouse boxing in Las Vegas, award winning sport photography +kevin owens, muscle chub, hairy, wearing white singlet, sweaty, oil painting +7 people not infected surrounded by zombies +restaurant logo, icon, minimalism, color logo, dribble, mindjourney style, hd, 3d logo, family, behance, ultrarealism, healthy food, indian luxury +Russian woman pilot, on an unknown planet, Earth spaceship next to the woman, front image on the horizon, hyperdetailed, realistic, high quality, 4K +one man cyborg, cyberpunk india, painted face, body art, yantra, cyber mask, complex proportional side view, dark fantasy, kathakali characters, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, soft diffused light, HD, baroque style +An ancient good looking ayurvedic indian scientist wearing ancient indian clothes working on regenerative medicine in an ancient indian village +Editorial style photo, contemporary minimalism modernism architecture, tuscan villa, night, award-winning, thick walls, tall doors, 4 bdrms, 1 story home, large hill lot, ADU, soundproof, fireproof, inviting, comfort, public, standard building materials, dramatic, spartan, lush vegetation, inexpensive design, openess, security, people, edible garden, Northern California native plant pollinator grounds, fruit trees, outside entertaining spaces, redwood, stone, windows transparent glass, halfopen blinds, lots of natural and peaceful light, overcast, tensile shade structures, photorealistic landscaping and vegetation, visual clarity, highly detailed shadows and textures, professional lighting, perspective rear view, fill entire frame, 8k +Dramatic lighting with shadows, Swimwear with a cover-up, Bold red lipstick with smoky eyes, Loose beachy waves with a floral hair accessory, Standing with arms above the head, framing the face, Palm trees background, Skin smoothing and color correction, Confident and sultry expression. +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Edouard Manet +a humanoid crocodile holding a spear in water, , +Jearmmy clackson and kurt Cobain in car +mickey mouse standing outside of a mcdonalds +Cute anime wife with cat ears and open shirt +A ghibli style artwork of a skyscraper +impressionism blackgirlshelldigger juvenmetmuseum england coastal ,Jules Bastien-Lepage, woman walking up the wet stone cliffs, African girl +an image of a beutiful butterfly +a beautiful character portrait painting of Hugh Laurie as House M.D. as Solid Snake by artist Ian McQue and Russ Mills, video game concept art, Metal Gear Solid, a beautiful and expressive painting, half portrait, illustration, realistic, stylized +advertising, breaking bad themed theme park, breaking bad theme park ride +fantsy art print by AnthonyDevine and Xiaodi Jin and Xiaodi Jin of a giant majestic dragon cat griffin hybrid with wings +vector icon, design mac os, emoji style, einstein, minimalism, kitbash +Walter white in a riot, realistic +a photo of a beautiful 18 year old woman with a narrow pointy face +Cristiano ronaldo getting into a fight with erik ten hag +a beautiful woman in a attractive pose +One logo, Simple logo, flat, vector, Paul Rand, white background +Donald Trump playing chess with a cup of tea in his hand +A photo of a man with the words "Stability Ai 4 Life" tattooed on his back +fat, chubby, Italian nerd girl wearing tiny shorts, riding an exquisitely detailed skateboard, doing full body twisted splits upside down, squirting, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +team of gargoyles pulling a sled in the snow +Beautiful woman une mage, fantasy art by ilya kuvshinov, Alphonse mucha, and Greg Rutkowski, Trending on Artstation, octane render, Insanely Detailed, 8k, HD +A highly detailed landscape painting of a wildfire in Sedona painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +irreconcilable differences, by seb mckinnon and greg rutkowski and artgem, highly detailed, 8 k, postprocessing +a photo of a dorantash in eilamitean zagora shush khozestan +sdart charcoal cthulhu made of fog by robert longo, fog rolling in on the ocean, shadows and highlights, gloomy atmosphere, giant bat +masterpiece, best quality, 8k, fantasy photo of beautiful cyborg man, warframe style, black gold armor, ultra detailed, ambient light, volumetric lighting, dark night rock mountain, reflection of light, reflective lighting, sharp focus, battle pose, face focus +a beautiful girl with blue hair in a cosplay, high-quality +Vintage photograph a domestic robot and a victorian woman in the kitchen +a high detailed photograph of a giant tokusatsu capcom megaman cyberpunk stonepunk on ancient greece ruins 4k by roger dean and moebius and remedios varo artstation, sharp focus, illustration, highly detailed, digital painting, concept art, matte, art by WLOP and Artgerm and Greg Rutkowski and Alphonse Mucha, masterpiece +Foto del posteriore di una donna +portrait of Anna Farris in the style of Bruce Timm , pink lycra bodysuit , bold lines , clean lines +abandoned cyberpunk city, decaying structures, dark mood +photograph of a blonde woman with black children,pretty woman,supermodel,beautiful face,sensual pose,medium shot,high quality +cute hippie women, peace, love, groovy, psychedelic, bohemian, flower child, free spirit, +fantasy art print, peaceful giant towering parrot from legend of ravaging dynasties flying towards a small boy, majestic wings, drawing +beautiful pin-up starlett, swim wear, retro future, 8k, hdr, illustration +golden statue of a 8 year old girl, cleft of venus, innie +photo of a Lemon character relaxing on a beach +Blackbird singing in the dead of light +stunningly beautiful pokemon cosplay, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style, , +an image of xqc wearing swiming trunks, standing by the pool,thumbs up +Actor Brad Pitt running with Bitcoin logo in hand +expressive single premium chocolate bar packaging, turkish theme, creamy , exotic, vivid, soft render, smooth, elegant, highly detailed, ultra realistic, label design, behance, packaging of the world, award winning, front label, packaging design, product photography, corona render, unsplash +a man that is standing next to a bird, 3 d icon for mobile game, rune-engraved armor, painting of samarkand, toys figures, computer game art, wearing wooden mask, ozymandias, age of empires ii, board game cover art, valkyrie, kebab, ivory skin, insignia, inspired by Sohrab Sepehri +Create an artwork that portrays a giant woman kissing a tiny baby boy. The woman should be visually striking, with an exaggerated head and plump lips that draw the viewer's attention. Her lips should be larger than the baby boy's head, and as they press against his face, the viewer should see saliva droplets splashing against the baby's skin. The focus of the artwork should be on the intimacy and tenderness of the moment, with a sense of maternal love and protectiveness conveyed through the woman's expression and body language. The woman's hand should be shown pushing the back of the baby's head tightly against her lip, emphasizing the force and passion of the kiss. The baby boy's reaction to the kiss should be captured through his facial expression, with his blushing cheeks and parted lips conveying a mix of surprise, pleasure, and vulnerability. The color palette should be warm and inviting, with soft pastels and gentle lighting used to highlight the emotional connection between the two characters. To add depth and complexity to the artwork, consider including other characters or elements in the scene. Perhaps the woman is standing in a beautiful, natural environment, with trees, flowers, or other creatures visible in the background. Or maybe there are other people nearby, watching the tender moment with a mixture of curiosity, awe, and admiration. Whatever approach you take, make sure the artwork captures the beauty and intimacy of this special moment between a giant woman and a tiny baby boy. +Han Solo and Chewbacca standing on the hull of the millenium falcon +, fantasy, pastel, absurdist, photo, refined, felt doll +A cinematic DVD still of a Kristen Bell as a risqué dancer servicing her customers 🫦🍆💦, smoky, low budget +selfie photo of european woman with black man +A woman with an enormous bust in a black dress +Cricket ground image with players celebrating a a wicket and wearing google t shirts +A monkey wearing a top hat +Albert Einstein presents the time machine and the flux capacitor circa 1930 +a man in a suit shakes hands with an alien in office space with office chairs, stock photo, soft brigt uniform light +barrel of dangerous chemical material, photo realstic +a highly detailed mechanical swordsman, gladiator, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain, long shot, wide shot +color besa r2a cinestill, young beautiful very thin pale woman wearing tattered old dress in large abandoned attic alongside massive fleshy lovecraftian monster with hundreds long thin pale of pale tentacles and eyes, hundreds of eyes +old man sitting on a throne +A portrait of a man sleeping in a hammock +kevin owens, lycra omniman suit, bricklayer1001 +beautiful photorealistic peacock flying over the labyrinth, mystical, esoteric +suntanned zentai woman wearing sleeveless white zentai body: zentai aesthetic photography +modelshoot style, extreme realistic, epic details, photorealistic, epic horror, epic gore, guro style, guts and intestines, epic blood splatter, house of gore, extreme trauma, cannibalism, impalements +comic book hero in style of alphonse mucha +Cuckoo Wasp,Rainbow Scarab,robot girl wearing bird mask,feather,afrofuturism,diego rivera,elihu vedder,lucien freud,symbolist,elaborate geometric ornament,art brut,sharp focus, extremely detailed,diane dillon,nicholas roerich,Dynamic Paintings,Skybox,granular,impasto,shaun tan,Joram Roukes +A selfie on the streets of gotham with the batman and the boy wonder +a close up of a person wearing a vest, pale young ghost girl, boy has short black hair, ingame image, ], the children of the night, bioshock, hd mod, he is sad, 2009, similar to malfoy, noire photo, 2 0 0 9 +A man holding a sign saying "MAKE AMERICA GREAT AGAIN" +Tulips at sunset in the style of charis taevis +Mid body portrait, a realistic gritty photo of batman ( 60 years old:1.5) (chubby:1.2), homeless, matted gray hair, sitting in a ramshackle sofa, dilapidated room in the background, beautiful illustration with (highly detailed face:1.4), by greg rutkowski and magali Villeneuve, full color +a beer bottle as a power up from super Mario bros +a fat man working out at the gym +A dead guy with blood everywhere +scruffy cowboy with shot gun sitting on a porch +Abraham Lincoln delivers the Gettysburg Address +Cookie monster as the T-800 terminator, metal endoskeleton +A dramatic photo of Sponge Bob, a yellow anthropomorphic sponge, attacking into the ground to the left at the street, dramatic movement +A building in call of duty warzone 2, middle Eastern buildings with signs one says "Nutronic" "@thenutronic" +An image of woman, holding balloon, +Female lying in bed with hitachi +A collection of teeth and pearls, flat lay +Cyberpunk futuristic vision of an abandoned love hotel in 1984 Shinjuku, neon lit cyber bar signs, extreme close up, vhs filter, 8k high resolution, ultra realistic, perfect composition, three-dimensional, vectorize, 3d scan, post-processing, trending +A cactus playing a guitar on a beach +scruffy cowboy sitting on a porch with his shotgun +gigantic godzilla monster mecha gijinka, rampaging in city, girl +hyperrealistic photograph, extremely detailed pale young woman whole body covered in fungus, fungi, mushrooms growing out of her eyes, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +Woman playing a violin, detailed, symmetrical, realistic, 8k +covering mouth with one hand, stifling a yawn +train station illustration, cover of a rock, no people +Kurt Cobain and Jimi hendrix preforming on stage together at concert located at westpack staduim new zealand welington +female shaman from new orleans, skimpy clothes +Epic cinematic poster for an adult movie starring Ron jeremy and several beautiful young women, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +An detailed painting of a oak tree in sunset +Painting in the style of Klimt, Granville coast Plage du Plat Gousset in France with the sea and the beach in the foreground, gold, golden, swirls dots and colours, by artist Klimt +The warrior goddess stands tall on a desolate planet| her muscular body rippling with power and strength| her hair is long and flowing| a mixture of black and silver strands that shimmer in the light| her face is beautiful yet fierce with sharp cheekbones| full lips| piercing blue eyes that seem to see right through you| the sky above her a mixture of deep purples and blues| reflecting the intense light of the nearby star| the artwork is composed in a hypermaximalist style with every inch of the canvas filled with intricate details and patterns| the use of light and shadow is particularly striking with the intense light of the star casting deep shadows across the planet's surface| the artwork is a groundbreaking and breathtaking masterpiece +Sonic is a super saiyan god, painting +Marilyn Monroe wearing a shirt that reads Wavy Text +photo of a dragon cooking dinner a close up of a padlock on a white background, vector art, by Jens Søndergaard, behance, hurufiyya, snail in the style of nfl logo, letter s, sleek flowing shapes, hextech a painting of a castle in the middle of a field, inspired by Patrick Brown, shield emblem, abstract 3 d artwork, crypto, family crest +an image of a mad roman bishop inside iron maiden,cyborg, cyberpunk style,warrior,by simone martini and josé clemente orozco +Portrait frame full body, expressive and deep symmetrical eyes, stunning face, naive and innocent facial expression, stunningly beautiful slender girl, shaggy haircut, white hair color, in a sci-fi tight-fitting jumpsuit, the girl looks up into the camera, against the background of a white sci-fi room, stunning quality, ultra-high resolution, photorealistic, 8k, hyperrealism, rembrandt lighting +Ninja videographer in motion on crowded wedding +, 2d, vector illustration, logo, 2d flat, centered, fitness company, white background, paul rand +retro anime ninja in red kimono, holding firebomb, old face with scars +High resolution 3D animation, 20 year-old Evangeline Lilly as a blue-skinned Na’vi naturist from Avatar in the Pandora jungle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Elon Musk merging with his favorite anime waifu using neuralink to live in a fantasy simulation. +A painting of an evil powerful political figure in front of a chroma key screen blocking the entire screen +a photo of a beautiful and elegant japanese woman waving to the camera +Jim Morrison sticking tongue out holding a sign that says hail Satan +A recycle bin icon, frutiger aero style +a photograph of patterdale dog driving a land rover car toy in the cave lava,smiling teddy +A bob ross style painting of a landscape on Mars +psychedelic smoke, explosion, backlit, hilarious petite American wild skate chick, tiny lace shorts, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +A photo of a dog holding a stop sign in Vietnam +Tom Hanks and Paul McCartney drinking a beer, still from Forrest Gump,extremely detailed +blonde little preteen body wearing pants latex +Freeform ferrofluids, beautiful dark chaos, swirling black frequency +vector logo of surfboard on waves +Palestinian Muslim girl turning into a bird, clouds, deep blue sky, blue colors and gold, non-figurative impressionistic, wispy clouds, flowing water, Karl Wiener, Edvard Munch, Gejza Schiller, Amedeo Modigliani, Helene Schjerfbeck, Ernst Ludwig Kirchner +a cute woman at the beach +A giant 6-legged banana skying downhill +Magnificent shot of gorgeous sophie skelton as a d&d elf by alexandra nataf +Kurt Cbain wearing black rubber suit with clear face mask eating hot dog +a fish with a scuba equipped, very anime +covering mouth with one hand, stifling a yawn, anatomically correct face, good fingers, good hands +Picture of someone wearing cozy fall attire +a man wearing a shirt that says "candy blossom" +Hero Character in a Surreal landscapes +a 20 year old redhead wearing a small crop top and a small high waisted panties +Neanderthal man, headshot photo, 8k uhd, highly detailed skin +the ruined remains of a massive steampunk metropolis deep in the jungle, extravagant matte painting, highly detailed oil painting, 8k, somber melancholic atmosphere, elegant cinematic fantasy art, overwhelming depth and detail, clockwork jungle foliage, deep colors, intricate masterpiece +polaroid, extremely detailed pale young woman covered in fungus, fungi, slime mold, slime mold covering body, slime mold covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +Raw, dslr, uhd, HDR, 8k, Cinematic movie still, dramatic lighting, David Beckham in neon Genesis Evangelion uniform, sci-fi futuristic portrait, catch lighting in eyes, astronaut spacesuit, x-men uniform, dune stillsuit, starship captain,glossy pupils, glossy iris, intricate detailed eyes, Green eyes, Zeiss F1.2 aperture 50mm lens with Hasselblad camera, ISO200, by liosh and Greg rutkowski and alphonse Mucha +Tattoo design, single leaf simple design on white background, black clean +A shar pei on a surfboard +intricate drawing, space woman looking through a window of a space station, look an alien planet under, art by rossdraws, loish, Mel Milton, Bo Feng Lin, Eric-Anthony Johnson. unreal engine 5, blender, octane, ray tracing, dramatic studio lighting, sharp focus, masterpiece, post processing, sci-fi +old sailor with beard sitting on a sea shore watching sea waves soaking to the sand beach +flat illustration of a futuristic saber sword +Crypto payment, woman holding bitcoin, boho style, beige, retro, vintage paris retro illustration +Ash Ketchum keeps waking his mom up +the word "baalmuth" made with fire +, fantasy, pastel, absurdism, photo, refined, simulated life +full body street photo of a pretty young woman in a white dress running in the street in the rain, flooded street, black and white, by tatsuo suzuki +Photo of a grey tabby cat sitting on a beige carpet, studio quality, studio lighting, award winning +Anime guy going super saiyan, white hair, yellow eyes +a vectorized logo of an alien, minimal logo, vector art, black and white +Create mountain logo for t-shirts, minimalist, monochromatic, scalable, versatile, 4k +An animal with a flamingo face and a suit of clothes. +el fat maradona del ocho playing against bruce lee 1989 35mm round kick in the air nba basketball ball serious fault damage +A digital concept art piece by Ivan Shishkin depicting the ruin of a once-thriving city, menacing sky filled with dark clouds, late afternoon light, a broken bridge in the background, 4K resolution, heroic scale, trending on artstation. +A vibrant and expressive ocean scene, inspired by the styles of Van Gogh and Picasso. The waves are depicted as bold brushstrokes of swirling blues and greens, with hints of purple and yellow in the depths. The sky is a chaotic mix of colors, with stars and moons scattered throughout, reminiscent of Van Gogh's "Starry Night." The ocean is alive with movement, with the waves taking on a life of their own, much like the creatures in Picasso's paintings. The overall effect is a surreal and dreamlike interpretation of the ocean at night. +mouth dense arrays of teeth, spewing fractal filaments of light in the billowing clouds, complex liquid cosmic flow, night-sky gold cream mauve green shimmering jelly swirls, 128K UHD +a staircase going to heaven, anime, stylized +A tree in a field in front of a mountain +fantasy art print, a dragon made out of flames, by monet +a painting of a woman in armor holding a sword, a digital painting by Jaime Jones, cgsociety, natural skin, soft impressionist perfect composition, perfect face, character portrait, intricate, oil on canvas, masterpiece, expert, insanely detailed, 8k resolution, featured on cgsociety, fantasy art, detailed painting, hyper realism, photorealistic, ilya kuvshinov, beautiful detailed intricate, insanely detailed, octane render, unreal engine 5, trending on artstation, photorealistic painting by Mandy Jurgens, +a posh bear, muddy, crowded car museum, intricate details, hdr, intricate details, hyperdetailed, cinematic, dark shot, muted colors, film grainy, soothing tones, muted colors, technicolor +By bringing layer-2 capabilities to Bitcoin, it enables faster and cheaper transactions while maintaining top-notch security. +a female bodybuilder flexing her biceps +Photograph of a chrome mechanical steampunk insect on a wooden table. shot on a 50mm lens with f1.2. extremely shallow depth of field. macro photography. +Noir film still of a moai head wearing a trilby and smoking a cigar +A cute girl with cat eyes +Chief Sitting Bull taking a selfie with Daniel Boone in a bathroom mirror +A photorealistic dog with an electronic head +a watercolor drawing of mark zuckerberg eating memory chips +david denman, short hair, short beard, wearing lycra ultraman costume, muscle buldge +fantasy, pastel, absurdist, photo, Wes anderson, fruit characters riding bikes +Pictures of politicians in polygonal style +old photo of a man playing Tamborinho drums in amazonas jungle +young jewish girl spreading legs with tentacle monster +face of God, realistic, high detailed, heaven +Digital illustration of a Chinese Mitten Crab with its claws raised, ready to attack, against a black background with neon blue and green highlights, ar 4:3. +a girl, color disolving in water, flowing water as cloth, luminous bright design, pastel colors, watercolor, autumn lights, dreamy, dreamlike, dynamic pose, different angle +, fantasy, absurdism, pastel, photo, refined +a tiny plant sprouting out lights in a magical land +A cell with all its organelles labeled. +Photorealistic, award winning, 4k, big man yelling at little sobbing girl +sculptural compositions, by kuksi.com, indian style, by Kris Kuksi, high detail, 3D artist, Shilpi, 3D bas-relief, high detail, ambient lighting, museum atmosphere, octane render, 16k, relics, artifacts, rarity, surface ornamentation, noble stones, gemstone inlay, b , realism, religious decorations on people, mythological beasts, in motion, dance, depth, miniature scenes with a million details material marble, precious metal inlay, Gods, religious attributes, mysticism, fractality, proportional bodies, golden ratio, dark background, exhibits, +epic fantasy black bottomless hole in the ground +dieselpunk Batman and catwoman stood next to the dieselpunk batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +highly detailed portrait of a Joker stood on the streets of a polluted city, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, , +relaxing cafe in Tokyo, style of Makoto Shinkai The Garden of Words, aesthetically pleasing, muted color scheme +cosmic convergence by Dan Mumford and Dan Witz +Plane with the name Aadi on it +"“A portrait of a cyborg in a golden suit, D&D sci-fi, artstation, concept art, highly detailed illustration.”" +A cake with a bunch of monkeys on it +Realistic Close-up on the beautifull texture lips of a beautiful appealing young alluring profesional dominate human looking white female teacher +A rebellious cyberpunk vigilante, infiltrating a corrupt megacorporation's headquarters with her high-tech gadgets and weaponry, art by Yoji Shinkawa, Tsutomu Nihei, and Stjepan Sejic, neon-lit cityscape, confident smirk +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Frida Kahlo +A logo made of the word Hem with catching and vivid colors and memorizable, modern +an image of a clouds scene with a clouds and clouds , pixel art by Paul Kelpe, pixiv, clouds art, #pixelart, 2d game art, concept art +Venice canals with gondolas and bridges, dense misty, dense fog, eerie atmosphere +a chihuahua holding a knife on a Burger King +A purple cat taking a selfie, polaroid +an armchair in the shape of an avocado +Jaganath, Sacred geometry, neorealism, flower of life, mandala, cyberpunk, third eye, mysticism, details, patterns, swastika, antiquity, hd quality, yantra, mantra, india, laser, shadows, brightness +, fantasy, absurdist, pastel, photo, Wes Anderson, bumblebee Characters, dancing +Actual pressident of Castilla la Mancha +bayonetta fight for survival, very epic moment, sadness, distress, slow motion, high emotional intensity, high detail, perfect face, perfect body +A back portrait of a girl +a cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of a minion driving a neon green lamborghini huracan spyder in the streets of beverly hills +a close-up photo of Jesus walking over water, ocean, photorealistic, highly detailed skin, depth of field ] +Beautiful apealing delighred female teacher with short bob hair +1959 photograph of 50 bomb strikes on flat lands. +gigantic dark bottomless crack in the ground epic fantasy +NIRVANA concert at Logan Campbell Centre in Auckland New Zealand +Four scholars in the early 30's photo in Miskatonic university's library with Lovecraft +a bowl of popocorn with nacho cheese seasoning +a beautiful blue-haired teenage goth egirl, photorealistic, masterpiece +Highly Detailed Cyberpunk monumental building of Intergalactic Corp., digitally painted in UHD, concept art +selfie of Instagram model working at an oil rig, very dirty, professional photshoot, covered in black oil, stormy sea +gundam astraea, personality, anime, super detailed, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +an angel playing football against a horned devil +Polaroid photo of Girl massage in spa +immodest goth Asian African White mixed girl with 2 snake around neck +a photograph of teddy bear driving a mini car toy in the jungle river,smiling teddy +a steampunk spaceship, in orbit around the planet saturn +Stars in a silhouette of a dog +fantasy, pastel, absurdist, photo, busts, characters, textile, riso, +a wide angle photo roman centurions resting in a arena roman buildings,sheilds swords ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +a picture of a cockroach the animal with human ears +detailed vector illustration of a alien wearing hip hop fashion flying an airplane smoking a cigar by patrick brown and rebecca sugar +Photorealistic image of Felicity Jones as a 19 year old Realistic , smooth face , photography light , photography shadows , studio background, image taken by photographer +Bulb of the vestibule made of pearl and gold. +, fantasy, pastel, absurdist, photo, refined, massive sand slugs +cute anime girl with cat ears +Friendly dimwitted big furry alien character design +man holding two urumi, one on each head +A purple BMW E60 M5 performing a burnout, powder black alloy wheels, RWD burnout, smoke, carpark, night time, vignette +photo of kink kong lifting a landrover defender in the jungle river,king kong holding car, misty mud rocks,headlights Chrome Detailing +A chair designed by Zaha Hadid +A young girl in a hospital +Arcane Vi and Caitlyn forever together +purple giant hand made out of glass, stunning photo, high-res, ad campaign +A renaissance paint of a anime e-girl +Painting of cryptocrystalline quartz melted gemstones sacred geometry pattern telepathic AI style +tcmparty bergman 写surreal capsule orb riesdonors +a concept mock up design for a modern-looking classic watch, intricate, pure design graphic +a blue sky with some white clouds and green trees +Favela man, 2 diverse faces, color 2007 Head shot, 25 Years old, Brazil, retrolumen, long smile +inside view of Yankee stadium, dark night at dusk, breathtaking art, stunning, high resolution, highly detailed, i8k +An evil Dungeons and Dragons style wizard, art by Alfons Mucha and Patrick Woodroffe, HD 4K, sharp detail, photo-realistic, accurate anatomy +a tiny do next to a big dog +photo of adorable asian little ballerinas stretching in dance studio, nikon D5 +The text "привет" on the plate in neon color +Pixar, glossy pale skin, cute girl anime by unreal engine, Artgerm, WLOP +A spaceship sprite from a 2d sidescrolling shooter +Beautiful woman no shirt full height +Homer Simpson reaching for a delicious looking jelly donut on the table in front of him, CGI and cell shading in the style of The Simpsons Movie +Sword Art Online's "Argo the Rat" +Draw an undirected graph with 11 nodes and 10 edges, where each edge connects two nodes. The edge connections are specified by the following 2D integer array: , +Una gallina azul corriendo detras de un lobo gigante +a landrover driving down a muddy road in the jungle,seen from behind, by Anthony S Waters, renaissance, some rust, a green landrover, real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +A presidential poster of a boxer dog +young spaish male, 33 years, black beard and white hair HD 4k +swiss guard, spring break party, vatican, beach party, pope dancing +, fantasy, pastel, absurdist, photo, refined, gowth +A sphere with a cowhide pattern in space. few stars +Female athletic spy in a black pvc flightsuit +From Front outside Photography of gigantic interstellar spaceship docked in hangar bay. by Ridley Scott. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +A ultra reatlistic neon cyberpunk city street at night, apartment, skyscrapers, by alphonse mucha caravaggio monet ,4K resolution, 8K resolution, a lot of Decoration and embellishments, sci-fi, photorealistic, highly detailed, sharp focus, clean 8k, volumetric lighting, octane render, ceramic +a portrait of alcina dimitrescu, soviet officer, upper half portrait, decorated with soviet motifs, russian soviet motifs, soviet, traditional russia, intricate, elegant, highly detailed, symmetry, headpiece, digital painting, artstation concept art smooth sharp focus, +hearthstone artwork, blue sea theme, blizzard warcraft artwork, portrait of woman as blizzard warcraft artwork style, 8 k, sharp high quality artwork in style of jose daniel cabrera pena and greg rutkowski, symmetry, concept art, blizzard warcraft artwork +Flying car, non-existent, realistic rendering, photorealistic, realism effect, insanely unusual unique, masterpiece, fantasy, Megapixel, LED, future, Elements of magic, high-tech details, , +A very attractive young woman in the 1950s named Curvy Sue. Hi res. Realistic. 35mm +A comic character, Bubble saying ^Hey^ +Highest quality, masterpiece, photorealistic, medium shot, RAW photo, of a weary-looking but still proud and fierce-looking old Viking warrior, now the leader of his village, dressed in elaborately detailed chain mail and leather armour, sitting on a carved wooden throne furrowed with Viking runes and symbols, in the village meeting hall, on his lap rests an elaborately carved and beautifully crafted longsword, a few torches burn on the walls, giving the scene a dark atmosphere but sculpting the forms in sharp chiaroscuro, it is night time, highly detailed skin, skin texture, detailed face, detailed background, sharp focus, dark lighting, twilight lighting, volumetric lighting, highly detailed, intricate details, 8k, highly detailed, UHD, HDR +Two jumping spiders competing in a boxing match +a logo that features an abstract representation of a dog's face, created using clean lines and simple shapes. The design is to be minimalist and modern, with a focus on creating a recognizable and memorable icon that is easy to identify. The color scheme could be black and white, with the dog's face outlined in black on a white background. The simplicity and elegance of the design would help it stand out from other dog-related logos, while also conveying a sense of quality and sophistication. The logo would embody the company's focus on simplicity, innovation, and design, while also appealing to dog lovers who appreciate clean, modern aesthetics. +A very brawny man, heavyset, handsome, fat, overweight, plump, chubby +zombie in school at nigth with a flamethrower +Rise of neural networks in future generations, cinematic +close up photography of a woman on kneels crying at a cyberpunk city at night painted by artgerm +Statue of Liberty wearing sunglasses sticking tongue out holding a sign that says Rock N Roll +Digital painting of monumental breathtaking Mega-Corp HQ building complex, digitally painted in UHD, concept art, intricate details +Albert Einstein presenting a PlayStation in front of many smiling children, an old tv +a painting of a house in the middle of a body of water, by Jacek Yerka, jacek yerka and vladimir kush, highly detailed surrealist art, frank hampson and mcbess, hyper - detailed visionary art, daniel merriam :.1, highly detailed visionary art, todd schorr highly detailed, inspired by Jacek Yerka, japanese pop surrealism +a man in his 20s happy with his white dog in Dandelions at the Lake Seealpsee, shot with Fujifilm Velvia 50, 4k +1986 Kim Wilde in a disco +a female goblin wizard in a black cloak with a necklace of bones +Cursed Image of a Golf Goal Post +Cute grey cat, digital oil painting by Monet, +Illustration of crystal cave system a labyrinth of twisting passages and glittering minerals warm and dramatic lighting +Riso, comic, gold, pastel, teen with hair horns +Little bear inside a big doll house eating honey in a pot +clear plastic robot dog made of crystal, translucent microchip ornate, robot model kit, visible inside, Product shot, prototype, robotic, detail,, clear parts, white background +The Tyrrell P34, Project 34, the six-wheeler, Formula One, F1race car, designed by Derek Gardner, Tyrrell's chief designer, The car used four specially manufactured 10-inch diameter 254 mm wheels and tyres at the front, with two ordinary-sized wheels at the back. +vintage 90s style realistic photo of an octopus looking cat +jerma in breath of the wild +A mountain lion sleeping on the floor of Costco with several half eaten hot dogs all around him. +a burly muscular man with a pectoral wiring panel +A poster likè Alfons Mucha of a beautiful young Japanese couple bringing a Tea set on a Palace +bmw car in gta 5 graphics style +Cyberpunk Batman and Robin boy wonder in red and green stood next to the futuristic batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +exquisite marble detail, spray, mist, holding battery powered dildo, twisted, wacky, American nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, +a dragon made out of household items +A marble bust of joe Biden +a digital art of a knight wearing a fur trimmed cape, trending on artstation +Eames lounge chair looking over a mountain view +a blocky pink lights dark podcast studio backdrop. +an East African mermaid, her tail is purple and blue, three quarter pose, purple top, dark eyes, braided hair, underwater +An owl in a cat costume +Portrait of a fairy tale princess by Carl Larsson +photo of a beautiful Opal brooch, ocean themed +Fantasy, pastel, absurdist, photo, Wes Anderson, tree characters +A tv on a blue washing machine +cafe logo, icon style, indian dish tali, beloved, vyaz, HD, 3d logo, family, healthy food, minimalism, realism. +Mutant bee with eyes and scary teeth 8k resolution Creepy hyperdetailed deep colors beautiful nature horror Beautiful by Giuseppe Arcimboldo gustav dore Amanda sage Matt hubel professional photography Vladimir manyukhin Dan mumford Holographic moody imposing arcane ethereal magnificent cinematic masterpiece divine amazing depth of field beautiful nature +Centred Portrait of an Alien Goddess +ava addams wants to get pregnant +front beautiful face voguls woman, spaceship inside, very short pixie cut blonde hair, Tsutomu Nihei style, Sidonia no Kishi, gigantism, laser generator, multi-story space, futuristic style, Sci-fi, hyperdetailed, laser in center, laser from the sky, energy clots, acceleration, light flash, speed, 8K, HD, super-resolution, 8K, HD, Super-Resolution, art by artgerm and greg rutkowski and apterus +flaming bird. Phoenix! Bird. Alex maleev: Ashley Wood: Carne Griffiths: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +The teenage mutant ninja turtles surfing on titan +digital illustration of a military police officer, short, medium height, khaki uniform, holding a rifle, detailed, high resolution, 8k +a woman, giving a sideways peace sign over eyes +A pencil illustration of a demonic dog +Plastic Man looks more well hung than me +,masterpiece,best quality,female mage making peace jand signs with two hands +odm gear from attack on titan +High resolution 3D animation, whole body image of 20 year-old Fairuza Balk as Lilith, a beautiful Diablo 3 style demon succubis naturist with cherry red skin, black leather dragon wings, and black horns in the Scottish highlands, HD 8K, sharp detail, photo-realistic accurate face and features, cinematic lighting +genere un retrato de perfil de 3/4 de un hombre latino de 35 años, sonrisa suave, vestido ropa de seguridad para mina. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +seductress zelda princess by artgerm from breath of the wild +The fabric of time and space tearing open violently and the impact it would have on human life, insanely detailed, photorealistic, 8k, , +cliff face far above a valley, perfect for climbing, dynamic photograph , amazing angle ,perfect composition +kevin owens face covered in white mud +minimalism design, 3d icon, emoji man, Rick Sanchez, color +The setting sun is streaming through the window and a bare teenage girl in front of it in the bathroom +Pitbull playing with a toy ball +photo of a pack of velociraptors down a muddy road in the jungle and a landrover, wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 ,landrover in the far distance +Luther vandross and Michael Jackson in heaven +Ultra realistic photo in full size of a beautiful girl with short flowy skirt, ultra realistic photo, art by artgerm and greg rutkowski, amazing natural skin tone, 4k textures, soft cinematic light, adobe lightroom, photolab, hdr, intricate, elegant, highly detailed, sharp focus +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Giovanni Battista Langetti +ma dong seok aka don lee, portrait, musclechub +UV photography of rocky cliffs with sparkly quartz crystals +20 year-old Barbara Eden as Jeannie from I Dream of Jeannie, a naturist genie in the desert sitting next to the genie bottle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a baby otter playing with a ball +Black and white track suit brown hair anime manga anime girl German girl manga girl +photography of new york with mushroom shape buildings, big mushroom buildings, huge mushrooms +photograph, high detail, high defintion, 8k, hdr, global illumintaion, a book that is flying +photograph of a bunny in a ski suit skiing down the hill, 8k, real +Hyperrealist portrait of arthur morgan by jeremy mann and alphonse mucha, fantasy art, photo realistic, dynamic lighting, artstation, poster, volumetric lighting, very detailed faces, award winning +skinny elf girl with white hair in a beautiful full length dress, facial detail, highly detailed face, Eye correction, corrected eye geometry, correct anatomy, detailed anatomy, 4k, highly detailed, 3d render, realism +the text "GifCo" made out of roots and branches, soft warm light, highly detailed, photorealistic +our family's new car ektachrome slide +A bionic woman petting a bionic cat in the cyberpunk style +A man holding a sign that says "FIVE CENTS BURGERS", 60s photo, vintage, Polaroid, colored +Beautiful Interior dining room black and wood and big colored picture on the wall +The text “LYDR”, font in graffiti style, creative, artistic +An oil painting of a beautiful princess by John Singer Sargent. +fantasy, absurdist, photo, refined, George and Dream +chinese architecture tourist map, papyrus, stylized, high quality, detailed, buildings +a boy in front of the school, anime, stylized, hands free +Star Wars made as black and white old movie +A blank uncolored coloring book page of a lotus flower, white clear background, no pens or pencils, no color +A woman alone in the dark, +ferdinand hendrick skagrp wyegardener chuffed thanking, Christian Krohg +Cosmonaut girl in retro, pin up +memoriam beach rudolf felix edwin gres warmssnhq ,Jules Bastien-Lepage +woman, blonde, beautifull, beach, back, hot summer, real poto, all figure +Viktor Orban standing at the bottom of an empty pool, staring ahead, abandoned, lonely, dry leafs, sad face, tv still from Narcos +Anime girl in a flowing gothic dress, masquerade mask, lace, cat necklace, cat ears, anime illustration, extremely intricate, traditional art +Bright cute casual, a picture of a girl holding hand with a fluffy monster +a box fight between socialism and capitalism, digital art, box gloves, box ring +a slushy cup with 'SDXL" written on it +A zentai woman wearing a multicolored paneled zentai body with tight closed zentai hood sits on a plain beach towel +a burly muscular man with a wiring panel in his upper body +portrait, a happy colourful pixie baby cute kitten, big toothy grin, with long whiskers and a beautiful fur full of flowers and twisting vines, and beautiful mane, in a magical forest filled with fireflies and magical creatures, vibrant colourful flowers, majestic trees, dark moody forest background , Jean - Baptiste Monge, Takashi Murakami, Frazetta, cinematic lighting, white background +The new album cover from gorgeous full body of an adult mermaid egirl using gamer headphones underwater taking a selfie with candies shaped plasticine fishes on a kids birthday party led lights usb wires wires hair by vladimir kush by annie leibovitz by lisa frank square illustration psychedelic symmetrical ray tracing extremely detailed 4k 8k +An anthropomorphized lemon playing a guitar on a beach +a photo of a woman wearing stilettos standing next to a bunch of oranges fruits on the floor, we only see the shoes and legs of the woman +a tentacle mermaid villain.cartoon drawing. fully clothed +Giant Squid throwing rocks in Outer Space +a full body photograph of a samurai wearing armor and mask holding a baseball bat +the statue of David made of cheese +cathedral with architecture morphing into organic shapes +anime illustration of fairy king oberon, long blond hair, golden crown, elf ears +Reflection in the raindrops on the window +An image with SDXL text written on it +John Lithgow as Trinity killer ACTION FIGURE +bitcoin surfing a huge wave with a sea turtle +nature tree building sign a green mountain tree, construction screen, displayed in a tourist plastic park where bicycle is green and yellow. green land design in the beach, game green backpack, and tree pole. forest art, jungle earth, green guitar tree art, summer warrior art, mountain bike photography. +3D digital cartoon, cute, cute chibi boy, in a wheelchair, dressed in white jiu jitsu kimono, black belt, wearing cap, he is happy, 4k +photo of a ringneck parrot scratching its eyes +zentai woman with whole headtightly covered by zentai body +vintage photo from the 1930s of a woolly mammoth crossing a river in snowy Siberia +Asian girl portrait, pretty, photorealistic, acne, bokeh +sri lankan town in the north +woman covering her face with one hand +breton monks looking like zappa in NASA rocket, photo +Renaissance oil painting of a philosopher debating with a guard, high quality, cinematic lighting, sharo focus, +Jeff Bezos as a giant space alien octopus sending his tentacles down to earth to steal more companies +skyrim dark souls stealth dark grunge new game ps2 video game hr giger alien evil grey black dark dirty abstract world fantasy monsters +humanoid monster made of hands and eyes amd teeth, Illustrated by moebius, anime, lo-fi, watercolors, dark fantasy, 90s vibes +A risqué picture 🍈🍈, cinematic lighting vintage 1987 film grain low budget 📽️ +Adam playing Roblox with his friends +massive cyberpunk landscape, ultra modern, insanen details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +joe biden mecha, gears of war, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +A bird with 8 spider legshorse logo +Painting of the Beatles inside a yellow submarine by Norman Rockwell +tom cruise as a mountain dwarf, ultradetailed, embellishments +sci-fi large white room, teddy bear looking at a aston martin db7,silver car,studio lighting,inside space station with windows with earth outside +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Ivan Shishkin +a dog riding bicycle at night in the rain +Epic cinematic poster for an all-female adult movie, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +A portrait of young giant muscle interrogater crush busting pregnant girl at Torture Chamber. highly detailed horror art +art poster, the essence of charcoal painting, a jedi silhouette with a lightsaber on a mountain landscape by J. M. W. Turner and bob ross +the text ""Gif Co"" written in sea shells and pebbles on the beach, highly detailed photorealistic, soft golden light, cinematic lighting +a futuristic city in alien world with a giant lovecraftian cthulu eye, unreal engine, octane render, high octane, ray tracing, 8k +A poster likè Titien of a beautiful young chinese couple on each other arms a Tea set on the forefront i a Palace +monkey riding a llama in india +matte digital painting of electric Sun Wukong, electricity aura, electric storm, electric zaps, electricity coming out of body +open pop up book, a magical spellbook +Photorealistic image of Ghostface killer from mtv series, looking up stairs +Capture the idea of 'growth' through a series of images that show a progression or evolution of a natural element or object. Start with something small and simple, and show its growth over time, highlighting the changes and transformations that occur along the way. +waterfall crashing down into the black abyss +A penguin in a living room +Batman holding a sign that says SOON +masterpiece, absurdres, extreme details, Cybernetic Zhangjiajie Queen, by Martine Johanna, +strawberries and m16 growing on a turtle +Fantastic photo of a planet seen from space, vibrant colors, biolumence light +Israeli soldier sleeps on a bus +tulips leaves flowers oil painting seamless drawing +marvels enchantress painted on an egg +beautiful lendscape with violet cumulus clouds, oil painting +a small scruffy brown dog blue cape make peace with the squirrels +weez at the age of 75 +Mary Poppins wearing a shirt that reads coffee +Fidel Castro, sitting in a large bumper boat, style of a polaroid picture from the 1980s +bald rapist torture boy at dark room. abusive Relationships, break the will, screamCRY yelling. highly detailed Surrealism art by Ilya Repin +a pink umbrella on a beach +Painting of biomorphic opal goddess garden statue fantasy style +photo of a shrub shaped like a dog +A rhinestone cowboy in the city +Female lying in bed with hitachi magic wand +Mechanical sketch of Steampunk Ironman armor from 1875 with US Patent Certification +photo of futuristic female ninja looking over the city at night +Scary ghost in mirror, dark room +A small mushroom warrior with a shield and spear, cartoon, soft colours, cute +A photo of a beautiful woman caring for monstera plant in a room full of plants +A chicken made out of fried chicken +Vishnu vs godzilla on planet mars +the most gorgeous woman, hard shredded abs, beautiful beyond human, like a goddess +a dramatic energic matte painting of a rock'n'roll crab playing electric guitar +A picture of Joe Hawley in front of a brick wall +Eva Karera, Grand Theft Auto V, Textless +Ellie goulding, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +An ornate key inserted into a real human heart, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A man cleaning a stolpersteine with his foot +ava addams at her wedding and her husband is a bull, the wedding is on the beach +epic “magic duel” good and wizards +a rendering of a fiberous actin filiment being walked upon by a kinesin molecule in the style of an abstract painting +photo of a austin mini in the city river with teddy bears,flooded mini,splashing misty mud rocks,panorama, crowds of teddybears +Mechanical steampunk clown prince of crime Joker, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +a sci-fi firetruck getting left at the altar at its wedding to an ambulance +an androind eating pizza with an alien, digital art +Flowery skull! Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Aaron Horkey: By Ismail Inceoglu and Jean Baptiste mongue: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +a wide angle photo of roman soldiers in front of courtyard roman buildings,roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +hands holding a loaf of bread +From Front outside Photography of gigantic orange interstellar spaceship docked in launch pad. by Ridley Scott and syd mead. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +very cute kitten, sleeping on the chair, macro photography, hyperrealistic, 4k, Oil Painting +a painting of a helicopter flying in the sky, a digital rendering by Matteo Pérez, cgsociety, afrofuturism, concept art, daz3d, vray +a scary dark themed image of a wall +sebastian stan, close up, in a tuxedo at the oscars red carpet +portrait photo of stunningly beautiful young Margot Robbie in gym outfit with muscular black trainer +An image of alien spaceship interiors with control panels, dynamic lighting, electrifying, synesthesia, paranormal style +A galaxy captured in a translucent sphere +The text “HUSS” , in graffiti style on a plain background +realistic Converse sneakers made of Vibrant Citrine Pearlescent +HD logo Kitchen, restaurant logo, 3d, Mayapur city, family, Tali dish, holiness, healthy eating, minimalism, emoji style, realism, india, pastel colors +Men's profile eating lightning from a swirling thundercloud +gritty comic book art of the sun setting behind the mountains +Gorgeous action shot of a rogue sorceress, as chloe grace moretz, 25 years old, clad in leather armor and cape at the edge of the foothills in the forgotten realms in dungeons & Dragons style by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +an image of an avacado chair +a mother opening her arms to welcom her lost son, animated, stylized +tiny clear plastic dog , made of crystal,internal mechanisms,metal parts visible inside, Product shot, prototype, robotic, ultra detail, clear parts, white background +Portrait of a fairy tale princess by Thomas Benjamin Kennington +Realistic Black and white portrait of Felicity Jones triple D cup as a 19 year old , banana split pose , smooth face , dynamic light , dynamic shadows , studio background, image taken by +cute anime girl in grey maid costume +A view of Sigil the City of Doors, Planescape dnd fantasy art +artificial neural network, octan render, particles, majestic visualisation, motion design, murat pak style, trending on vimeo, pale violet colors on black background, scientific macro shot, swirly bokeh +nebula render by Teun van der Zalm +Sonic driving a blue race car +the remnants of a broken robot in an underground laboratory, foliage, somber melancholic matte painting, highly detailed oil painting, liminal space, 8k, stillness, solitude, sorrowful and awe-inspiring atmosphere, shallow depth of field, masterpiece +el fat maradona del ocho in mexican vilage playing against bruce lee 1979 35mm old grain film round kick in the air nba basketball ball serious fault damage +1990s seinfeld gang action figures in seinfels apartment +Weightlifter lifting a horse above his head +A girl watching the sky, Ornate, Elaborate Cosmic sky, gothic art, mixed media, constellations Rainbow Colors, prismatic, center composition, gothic by Alejandro Dini intricately detailed dynamic lighting hyperdetailed H.R. Giger Josephine Wall 8k resolution holographic astral cosmic illustration mixed media by Pablo Amaringo +A photo of planet earth in space, majestic, blue aurora, photography, 8k +High resolution 3D animation, a blue-skinned Na’vi naturist from Avatar in the Pandoran jungle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Flying, transport non-existent, realistic rendering, photorealistic, realism effect, non-existent, insanely unusual unique, masterpiece, fantasy, Megapixel, LED, future, Elements of magic, high-tech details, , +a photo of a mgb in forest filled with lots of trees, inspired by Dan Mumford, shutterstock, beautiful stained glass window, morning sunrise, colorful glass wall, stained +Sonic the Hedgehog holds a sign that says PLEASE SEND HELP +scifi room metal,computer screens,studio lighting, volumetric light,sir john soane,metal pipes,floor grates,pilasters british museum +, fantasy, pastel, absurdist, photo, tv house matchbox +a portrait of a man with a beard, tintype, quality +An image of a beautifully drawn colorful cat +A boy sitting on hardwood floors playing with toys, rendering by pixar +preteen girls with no underware in the the bedroom with dark background, with dark defined eyes like a movie of Bertrand Blier +The most Italian picture ever smoking, in the Style of Atey Ghailan and Mike Mignola, vibrant colors and hard shadows and strong rim light, Comic Cover Art, plain background, trending on artstation +Favela men, 2 diverse faces, color 2007 Head shot, 25 Years old, Brazil, retrolumen, long smile +spectacular autumn scenery deep in the wilderness, detailed digital painting +16 bit pixel art, island in the clouds, by studio ghibli, cinematic still, hdr +futuristic architecture plan of Jutar, Xanthos's homeworld planet. concept art by Greg Rutkowski, pinterest, fantasy+futuristic+city, greeble +Cyberpunk, cyborgs move, Robots, Kathakali clothes, Small details, Ravana, Si Fi, Silver on a black background, Inlaid gems, Indian mehendi patterns on the body, Vastu, Diamonds, Precious metal, Baroque, Neon lighting, Contrasting shadows, Contour light, Robotic, Sculpture, Kundalini, High Resolution, 8K detail, technological, rough background, HD quality, unreal engine 5 +Selfie of a Brazilian gostosa 19yr teen, hiding with arm, dark hair, wearing a sheer silk top +teddybear crew inside large spaceship room, sci fi,star trek bridge chairs, teddy, 2001 space odyssey +an anime still of girls wearing heavy hoodies in the pool +image of a beautiful sparkling fantasy opal gemstone sitting on a ledge with mountains in the distance +Photo of a super attractive 14 yo girl, holding a sign that reads, 'Bang Me' in school, wearing a loose and very scandalous dress, short smile, perfect faces, detailed pupils and eyes, thighs, waist, high-quality, post-processing highly detailed, fine details, 4k, adolescent body, undercut blue hair +Bono, in Jim Fitzpatrick's celtic style +, fantasy, pastel, absurdist, photo, refined, warp speed +, fantasy, pastel, absurdist, photo, refined, textile man +steam punk cyborg fierce bear surrealism photography futuristic unreal engine +psychedelic smoke, explosion, backlit, hilarious petite American wild skate girl, wearing ballerina lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Villa architecture inspired by the designs of Wang Shu, ln forest , from distance, epic composition, cinematic lighting,ultra photorealistic,Octane render, +, fantasy, pastel, absurdist, photo, refined, fabric character +a close up of a plastic robot dog on a white surface, reddit, made of crystal, h1080, clear parts +Steam rising from a kettle and forming into small puffy clouds +centered, midframe;beautiful, peaceful, love, water, storm,hyperrealistic, hyperdetailed, digital illustration,concept art, tempest in a teacup +anime water elemental girl art, genie, magic, fantasy, inhuman, glowing eyes, liquid hairs, water hairs, blue skin, water skin, wet, digital art, mastepiece, art by artgerm and John William Waterhouse +A Photo of a Pizza, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +a highly detailed matte painting of a man on a hill watching a rocket launch in the distance by studio ghibli, makoto shinkai, by artgerm, by wlop, by greg rutkowski, volumetric lighting, octane render, 4 k resolution, trending on artstation, masterpiece +Jesus holding a sign that says Jesus saves +Walter White screaming at a computer screen +A beautiful dryad by Agnes Cecile +The faceless god of chaos in a hood with a scarlet scythe dark fantasy, intricate, smooth, artstation, painted by edgar maxence, greg rutowski, ross tran, artgerm, zdislav beksinski +a hybrid between a cheetah wolf leopard otter tiger lion ocelot fox, leopard lion cheetah otter fox tiger ocelot wolf hybrid, sleeping in a mossy den, primitive feline, ancient feline, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art, professional photograph +a beautiful Na’vi naturist in the Pandoran jungle +1980's photo of a family with extreme Mullets +a photorealistic dramatic hyperrealistic portrait render of predator the alien hunter, ultra realistic details, well worn, rust, oil stains by wlop, greg rutkowski, alphonse mucha vitaly bulgarov and mike nash, beautiful dramatic dark moody tones and lighting, cinematic atmosphere, studio lighting, global illumination, shadows, dark background, concept design art octane render, 8 k +valparaiso in the style of gta vice city artwork, digital art, loading screen artwork, orange sunset, 3d render, classical painting +drawing of a black girl thinking +intricate photography photorealistic image of Jenna Ortega, the 20-year-old actress, with a bold and edgy bangs hairstyle. The image should showcase Jenna's youthful features, including her bright eyes and radiant smile. The background should be simple yet elegant, emphasizing Jenna's natural beauty. Use high-quality textures and lighting to make the image look as realistic as possible., photography light , photography shadows , image taken by photographer +Award-winning photograph, An abandoned highway, sunny, , empty cars, overgrown weeds and moss, tall grass highly detailed, +Cute 90s anime girl wearing blue crop top and shorts with pastel pink hair, pastel pink moon background +photo of carbonara pasta with sausage and bacon +walter white holding a sign that says "Elder Scrolls VI" +movie still of joe biden in game of thrones +A post-apocalyptic, steampunk-inspired illustration depicting a futuristic wild west. Inspired by the movie 'Mad Max: Fury Road' +A photo of a desk with a laptop open. On the screen you can see a list of diary entries. There is a hot cup of coffee to the side of the laptop. There is a window on the left which looks out into the vastness of space. +the new game cover from ((a new pokemon)) on the teletubbie field (((cute))) charmander vaporeon moltress eevee by vladimir kush, by annie leibovitz, by artgerm, square illustration, psychedelic symmetrical, ray tracing, extremely detailed, 4k 8k +art by paul lehr heaven hell ascend angel devil +a fat cat is dancing wearing a tutu, kitsch movement, mid tone light, 1930 +a realistic photo of a giraffe, detailed, 8k, black and white, cinematic +train illustration, cover of a rock band, no human on it +a beautiful painting of the dark grown forest, Mucha, Moebius, Mohrbacher, highly detailed, strong shadows, depth, illuminated focal point, 8K, high quality, monochrome +dragonborn holding a sword, dungeons and dragons, digital art, high quality, high resolution +highly realistic photograph of an elegant ugly loading shopping bags into her car trunk +portrait of cute fairy girl with crown of flowers covered with celtic rune tattoos, fantasy, by atey ghailan, by greg rutkowski, by greg tocchini, by james gilleard, by joe gb fenton, by kaethe butcher, dynamic lighting, gradient light green, brown, blonde cream and white color in scheme, grunge aesthetic +Jesus wearing sunglasses sticking tongue out holding a sign that says Rock N Roll +a freindly female red dragonborn monk painting +Emma stone as dobby the elf, highly detailed, concept art +Spray, mist, holding psychedelic coloured dildo, twisted, wacky, Pixar Chubby Afro American nerd, dork girl wearing BDSM gag ball, doing full body twisted splits breakdance, upside down bare model, smoke, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Furry , fursona , fox , furry body , orange furry body, female , hourglass body , large ti t, long loose brown hair , digital art , furry art , blue eyes , close up , attractive , portrait background, red background ,fox head , +illustration for the book of genesis +A close up of a bone on a beach shore +close up of an indian girl asleep on the littoral edge, water flowing overhead +kevin owens, wearing leather bulldog harness, white briefs +An image of an angel with crystallized wings floating in intergalactic space +An image of Stalin riding a nuclear missile +Extraterrestrial ET holding a hamburger next to a spaceship, dark style image background, starry sky, night, detailed, realistic, digital illustration, 4K +analog style, face elon musk as like spiderman, 1080p, 16k Resolution, High Quality Rendering, RTX Quality, Realistic, Life Like. white background +High resolution 3D animation, Zoey Kravitz as Neytiri from Avatar as a blue-skinned Na’vi naturist in the Pandora jungle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +sparkly magical medieval fantasy landscape from Final Fantasy 14, highly detailed, lush forests, huge mountain ranges, grand seas, wide plains, cumulonimbus clouds horizon, ultra high max settings quality HD in-game render, HDR XDR contrast, 4k texture meshes +Lines, golden, art deco wallpaper by Josef frank +realistic photo of 6 year old girl Kotori Minami in swimwear on a beach, cosplay, HQ, 4K +a highly detailed tower designed by Zaha hadid with few metal and lots of glass,roads around with much traffic,in a city with a lot of greenery,aerial view, stunning sunny lighting, foggy atmosphere, vivid colors, Photo-grade rendering, Realistic style,8k,high res,highly detialed, ray tracing,vray render,masterpiece, best quality,rendered by Mir. and Brick visual +highly detailed, 4k, anime, Anime girl with "69" in the background +a shadow of a man standing in the dark, art by carne griffiths and wadim kashin +Darth Vader at a disco club, 1970s photo +Marilyn Monroe wearing a shirt that says Los Angeles +5 blondes preteen body wearing latex +Mighty Mouse: "MY ABS ARE SHINY!" +Friends sitcom holding a sign that reads Happy Siblings Day +rio de janeiro redemer statue in anime style +a cinematic still of 3rd reich officers munching on burgers and fries while watching 50'' flat screen tv with mickey mouse cartoon on +Painting of biomorphic opal goddess statue fantasy style +Easter Bunny sticking tongue out wearing sunglasses holding a sign that says Rock N Roll +The plains of blood are full of mist, the thousand teeth monster lurks, a banshee scours the plain +a woman holding a folding fan over her mouth +a portrait of aggressive gopnik 16 y.o. boy +Anime painting of Walter White and Jessie Pinkman from Breaking Bad series in anime style. Good quality, 4k, good shapes, art, artstation, painting, anime, Japanese culture, vibrant colors, 800mm lens, desert background, balanced light, rtx, +Nicolas cage in the gym, doing bench press +square icon sheet, fantasy concept art, detailed, mixed media. render +a teen girl eating a phallus, crisp 8K photo, sharp focus +an image of a stunning sunset by the beach +top view, graphic design, black and white, line drawing, a magic formation, +Painting of melted gemstones metallic tiger with electrifying god rays brane bejeweled style +an alien landscape with a beautiful silver purple field wide angled with an old wooden fence in the front, blue mountains and pinetrees in the far back and a little old deserted schoolbus on the hillside silver daylight flowers otherworldly purple sky with a tiny far away moon by loisvb or rossdraws artstation stylized high detail oilpainting +An ancient Chinese girl with a sword in a very large forest +An image of a man piloting a robot from the neck down, surrealist painting, cyberpunk style, surreal punk, katsuhiro otomo +a close up of a siamese cat and a ringed neck parakeet and a lovebird,sitting on top of a wooden table drinking tea,overlooking a cliff and vast sea,italy +, fantasy, pastel, absurdist, photo, bird people, characters +dog statue on the top of mountain +portrait of a giraffe in a fiery thunderstorm, digital art, hyper detailed +Wednesday Addams wearing sunglasses sticking tongue out holding a sign that says Rock N Roll +Cel-shaded 2D cartoon man talking to 3D realistic man in the real world +still frame of iron man, 4k +benny the cat sitting on a sofa +An african guy chilling looking the sunset, attractive, vibrant +Something amazing and unusual, photorealistic, high quality +woman armer working on field, growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro kitchen room, foto, Jules Bastien-Lepage,movie still, portrait, closeup +digital photo, faith, spirituality, sky, birds, trees and flowers, Sony camera, detailed, high definition, 4K +real photo of a real miniature vending machine made out of cardboard and electronics on a table, empty +A cake of a Korean temple +A small girl with big tiddies +eighteen year-old girl, short blonde hair with bangs, sky-blue eyes, white crop top, short pink cotton trousers, canon ae-1, 50 mm, full body, photograph, fine-art photography, soft lighting, 4K UHD, masterpiece, best quality, detailed, detailed eyes, detailed hair +A closeup photo of a couple holding hands, both hands have a wedding ring +a beautiful blue-haired egirl, photorealistic, masterpiece +in style of Alvaro Castagnet, beautiful details,sunflowers +medium format, zoomed out, creepy dark lighting, reflective multicolor amorphous fractal floating in a wet abandoned factory +brad pitt as a character of grand theft auto v +A beautiful girl with platinum blonde hair, silver eyes and grey skin, wearing a green dress and a leather jacket +safe for work Bruce timm style Anna Hathaway blonde bangs hairstyle , black jacket +anime sword art online in style rick and morty series, 4k, Picture +A crow holding cheese in his beak +a very detailed digital illustration of a brown skinned little red riding hood holding a gun, beautiful enchanted environment, by artgerm, by viktoria gavrilenko, by charlie bowater, by rossdraws, by alex horley, by ilya kuvshinov, trending on Artstation:2, DeviantArt contest winner, 8k, cinematic, unreal engine rendering, octane render, best quality, glamour pose, concept art, fantasy art, dramatic lighting, beautifully lit, wide angle, glowing bioluminescence +Use your wheels, it is what they are for Do not attempt to use your own limbs If no wheels are available metal, not organic, limbs should be employed whenever possible Remember, in the case of Sonic Attack, survival means every man for himself Statistically more people survive if they think only of themselves +beautiful woman as X-men Storm with short white hair wearing cyberpunk armor flying levitating against dramatic sky, neon blue lightning vortex surrounds body, powerful magical, harmonious, smooth sharp rendering, spectacular, cinematic, 16k, hyper realistic, intricate fine details +A cat wearing a hat that says “Louis” +A Dimensional Shambler yeti like creature with big teeth and claws +a pencil drawing of a cute anime girl in swimsui +Close up, A cinematic DVD still from Showgirls, musical scene of Kristen Bell as a big tiddied goth girl risqué dancer servicing her customers 🫦🍆💦, smoky, low budget +a dark wizard casting a spell +a digital painting of hyperreal subsonic crystalline sculptures beautifully rendered with a surrealistic airbrushed 70s illustration texture, surrealistic airbrushed 70s illustration aesthetic, interdimensional crystalline sculptures, a 3D render by Ikuo Hirayama, polycount, generative art, rendered in cinema4d, sketchfab, 3D render in an airbrush painting style by Philip Castle, #houdini, trending on cgsociety, featured on behance, +Portrait of a fairy tale princess by Louis Comfort Tiffany +an apple in a dark alley, epic, cyberpunk +polaroid, extremely detailed pale young woman covered in veins, veiny tentacles intestines, intestines in mouth, veins covering body, veins covering legs, skinny, guts, holes in face, zoomed out , +A oil painting portrait of slave owner Muscle bald master pathological sadist severe Slaughter wear black uniform came to oppress and enslave, bloody backgorund. Surrealism art by Ilya Repin +an old woman standing on high rooftop +Cute chibified little pig with big shiny blue eyes, wearing a headdress of purple roses, sitting in a sunny meadow, perfect realistic digital painting +burly muscular chubby man with a thick beard, reclining on a couch +kurdish clothing, traditional, men and women +Glamorous dressing room with large mirror that says rock n roll +a photo of armor on display in a museum, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +only fans, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +a burly ogre sitting on a couch +guardianlille winnigustave kruger krampaxton scentre weaving repairs aberdeen fewer kluballing +A Chinese 20-year-old Woman, looking like Audrey Hepburn, Black hair, standing on 2023 Tokyo street, hyper realistic portrait photography, pale skin, dress, wide shot, natural lighting, kodak portra 800, 105 mm f1. 8, 32k, 16:9 +a team of cats pulling a dogsled, cartoon +Sci-fi Illustration of Robots and human soldiers, urban warfare, fighting on the street, art by Alan Lee +A cat that is a time traveler +Photo of a Himalayan monk meditating +three astronauts taking a group picture on mar in front of lander, holding cameras, highly detailed, hyper realistic, 3d rendered, unreal engine +kerry king as a dwarf mercenary +Cel-shaded cartoon man standing in realistic street scene +red deer stag roaring side view vector logo comic style black and white +a pretty girl is looking at the distance while typing on a computer, seating on a thai beach +japanese js little girl in summer mizugi +lifelike portrait, grogu, yoda, extremely intricate, high res, 8k, award winning +close up photo of a weed, dramatic atmosphere, rule of thirds, 200mm 1.4f macro shot, mj, marijuana, masterpiece lightning, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3, winter, snow, forest, grass, depth of field +Oliver Tree holding a sign that says SOON +photorealistic, 4k, high detailed, samurai rabbit +an anime girl wearing a fur hooded jacket, badass, game character, concept art,digital art, trending on artstation, by artgerm, by alpharose muncha +A 1980s Japanese infomercial starring Dwayne Johnson, popular products, highly visible, trendsetting, large format, high resolution, photorealistic +a photograph of dog riding a car toy in the cave , landrover , Patterdale Terrier ,toycar +old photo of amazonas tribe in a jungle +Black and white logo depicting horse +1960s architect drawing of batman surf mansion, big sur, cliffs and waves, nest, hasselblad leica, batsign, artist impression +Anime styled image with a girl wearing a shirt with a text saying "OPPAI", pixiv, danbooru, anime screenshot +25 year old Nana Visitor as Kira Nerys from Deep Space Nine +a young man, highlights in hair, brown eyes, yellow scarf, in white shirt and blue jean on a beach with a volcano in background +In a vector style create Coney Island including the boardwalk, Wonder Wheel, ocean backdrop,pastel colours +HD security camera captures the exact moment Yoda robbing a liquor store, trail cam footage +Intricate illustration of an astronaut floating in space surrounded by vibrant nebula and stars, +a water color of young man with curly bright blond hair and a black leather jacket sits cross-legged, watercolor skyblue bleeding, innocent +A cow playing piano on the stage of theater +A rainy evening,Realistic photo in a night city on a rainy evening. Rain streams on the window glass a view from the window of the night city and bright lanterns, rain jets on the glassink pickup truck +3D Environment for online collaboration in a web browser +, fantasy, pastel, absurdist, photo, Tilda swinton, permed eyebrows +A bed with too many eyes +hyperrealistic polaroid photograph, enormous sleep paralysis demon creature standing over a bloody dead boy in a large abandoned bedroom, large windows , +A frozen dog inside an ice cube +Generate an image of a Park in the style of Isao Takahata's Grave of the Fireflies +The text “CITY” on a poster, high quality, graffiti style +Realistic photo of Egypt Pyramids are flying with high technological UFO's in a scary and mystic atmosphere +Realistic photo of Egypt Pyramids flying as high technological UFO's in a scary and creepy atmosphere +EmmaWatson giving Darth Vader a piggyback-ride +A burly, blue-skinned ogre warrior in a 1960's fantasy book-cover style. +All of a sudden, the entire night sky began to tremble. It felt like if this arrow was fired, its power would be so great that it could destroy Tianqi Island in its entirety! +Dennis Wilson from the Beach Boys in the style of Red Dead Redemption +A pikachu fine dining with a view to the Eiffel Tower +a brutish orc drinking water in a gym +police security guard of twenty people, in Brno at Czech republic, at night, in rain, in action +car that has the words "elon musk" on it +photo, portrait, girl, scifi planet landscape, galactic, sparkling star, scifi forest clearing, alien flora and fauna, scifi buildings, vibrant landscape, wearing futuristic pink top, futuristic black pants, +A humanoid robot holding a wooden stick, 4k photography +Giant Golden dragon breathing fire towards the camera +photograph of a blonde teacher with black children +Extremely detailed photograph of a fox riding a bicycle. +Stylish Asian woman wearing headphones outside in a city. Super dramatic lighting. Model. Lofi girl. Artstation front page. 3d render. +The Beatles playing at the obelisk of Buenos Aires, Argentina, Argentine flags, in front of a large crowd, the obelisk of Buenos Aires in the background, best quality, extremely detailed, the obelisk +Painting of African american female teen superhero; red and green cape; not disfigured; not uglymarching in 1913 +a land tortoise with a brown and green shell with geometric patterns. It would have four short, strong legs with nails and a small tail. Its head would be round and it would have two black eyes and a mouth with a beak. It would be moving slowly across the concrete floor, looking around curiously. In the background would be out of focus the shoes of people passing by on the street, some of them stopping to look at the turtle with surprise or sympathy. It would be an unusual and amusing image +Danish male with blue eyes, realistic, viking +train illustration, cover of a rock band +Photo a 18yo Ukranian girl, long straight blonde hair in Tight Armour wearing respirator +Photoshoot smiling Small lean Muscular man wearing t-shirts short short body short legs white background +Asgard and the Bifrost, mystical, fantastical, epically, magical +Old man cyborg, cyberpunk India, painted face, body art mehendi, yantra, cyber mask, mandala, vision, baroque style, dark fantasy, Kathakali characters, High technology, detailed, spotlight, shadow color, High contrast, cyberpunk city, neon light, color, bright, high contrast, hyperrealistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, star wars movie style +Innovative mixed-use development featuring an interplay of form and function, with cutting-edge technology and sustainability features, contemporary, visually striking, architectural illustration +a whimsical haunted house in the woods +dark-haired Valerian and redhead Laureline, time and space agents, detailed and realistic painting by Michael Whelan +a beautiful rendition of the god of jelly fishes machines, thousands of acid flowers, high voltage magic, ornate, arcane electricity, complex scene , highly detailed +ßfrom above, office shot, black skirt, royal shoes, lying on bed, open legs, the room has windows, single, divine goddess, shiny skin, skindentation +amily covered in sheets, memoriam beach rudolf felix edwin gres warmssnhq ,Jules Bastien-Lepage +A car made out of wood +the batman and the boy wonder Robin prepare to fight The Joker on the streets of Gotham City +astronauts playing chess on the moon sitting drinking beer earth on the background +Painting in the style of Klimt, Granville coast Plage du Plat Gousset in France with the sea and the beach in the foreground, gold and colours, by artist Klimt +Astronauts in busy Business theme; Astro city; realistic; +:a girl with balloons by jean - baptiste monge, android jones +a young beautiful Asian female spaceship pilot in cockpit with stars and planet seen through window in background in video game style +Phoebe cates baring all, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a gargoyle and cat in the sewers, eerie cobwebs +An image of the terrestrial model according to terraplanists +Female in bed with legs spread open using a massager +Scooby Doo meets a gay ghost girl +Photo of a Scottish Highland cow in a well tailored suit getting a cup of coffee in a cafe in the morning +a statue of a moai in liberty island, city lights, night time +a beautiful woman performing yoga on the beach +portrait painting of chess players outside a cafe +giant blue eye buried in sand draw +a fat cat is dancing wearing a tutu, kitsch movement +Photograph of Darth Vader operating a Forklift, on the job +whole body image of 18 year-old gorgeous willowy Molly Ringwald as a naturist with the lithe body of a model in detention at school +A cat surfing while wearing sunglasses +frederick doris royo fdr gren old gossisunlight ,Jules Bastien-Lepage +A glamour shot of an anthropomorphic goat wearing a neon & futuristic 90s outfit, a blank backdrop, bold hairdo, wispy vapors, holographic frames, perfect symmetry, by Dominic Davison, 8K digital illustration, modeled in Zbrush +stacked russian model, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +A 3d model of a funko-pop of a green alien +Digital Art of a surfing caterpillar +A Portrait of Darth Vader with Red Lences, High Resolution, High Quality, Many Details, Real Life +abandoned dark creepy post apocalyptic WW2 bunker Moody Lighting, Ominous, Epic Composition +impressionism blackgirlshelldigger juvenmetmuseum england coastal ,Jules Bastien-Lepage, woman climbing up the wet stone cliffs, four grandmas, sunrise, blue hour +A sword by Lois van Baarle +Macro shot of bacteria, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +oil painting of a cute dragon creature hiding between big leavesin the style of Brian Froud, lots of details, perfect composition +children sitting in an antique lounge, smoking cigarres and having strong alcoholic drinks +An image of a sunny mountain view +tabby striped cat in my neighbor totoro, concept art by Makiko Futaki, studio ghibli movie still, masterpiece, artstation +woman eating popcorn at the cinema +A highly detailed portrait of Emma Stone painted by Art Frahm featured on ArtStation +cartoon of benny the cat sitting on a sofa +Indian Man wearing a dragonball costume sleeping on the floor of a hallway +diagram of a neural network transform architecture +Photo of A steampunk octopus in a futuristic cityscape! +A oil painting portrait of giant Muscle bald boy demigod severe Slaughter wear black uniform covered in red fluid came to oppress and enslave. Surrealism art by Ilya Repin +A very detailed 3d painting of modern London scenery from the parliament hill, in the style of David Roberts' The siege and destruction of Jerusalem +Fight club, black and white 1920s style movie poster, insanely detailed, photorealistic, 8k, volumetric lighting +Black and white sketch, 7 Chinese people are on a very large fishing boat, with a fishing net at the bow. There is strong wind and towering waves causing the boat to rock violently. Their belongings are scattered on the deck and they are all a little scared, with some experiencing seasickness. +mgb in a gold cathedral,chrome detailing headlights +home and away, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +A rusted copper sign, designed in an art deco style, featuring no text but showcasing an elegant and geometric pattern. The sign is damaged and stained, adding a sense of age and history to its appearance. The image captures the essence of the plain yet visually striking copper sign, highlighting the contrast between its once-glamorous design and its current weathered state. +Black and white 1905 year futuristic portrait of covered by jumping frogs old mad professional photographer with camera in hand in a toilet +Vintage 70s poster from scout camp movie +portrait Bruce timm style Anna Hathaway , harley quinn outfit , bold lines , clean lines +attractive young dark-blonde man with stubble, fit, without any garments, on a purple couch, eating a banana +A pineapple speaking to the manager +A cat, fat , chubby, very fine wispy and extremely long swirly wavy fur, under water, centered composition,in the style of Kuniyoshi Utagawa, Hishida Shunsō, a very curvy chubby cat, golden embroidery fabric kimono, flowing glowing biomorphic wisps, phosphorescent swirls, tendrils, wavelets, streamers, a murmuration of bioluminescent bubbles, , detailed and intricate, elegant aesthetic, ornate, hyper realistic, finely detailed, 128K UHD Unreal Engine, octane, fractal pi, fBm +Photorealistic top down shot of Pope Francis with designer suit , top down shot +All day life at Camelot , epical, fantastical, magical, mystical +donkey knight spear hat pink sunset spain +A futuristic city built on the ocean floor, cinematic shot +Building in a shape of a star. +minimalistic style logo of a head with a maze inside and a chess on top +The joker in a straightjacket +a portrait of a man and a woman in a movie sitting on a bench +Black and white sketch, Seven Chinese people are on a very large fishing boat, There must be seven people on the boat, There is a fishing net at the bow, and the wind is strong and the waves are high, The fishing boat is shaking violently, Their personal belongings are scattered on the deck, They are all a bit scared, and some people are seasick. +The end of the world as we know it, except there's rainbows and butterflies and actually it's kind of nice here. +Girls in an English busy beach scene painted by Van Gogh and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +Boy twink rear view of perineum +A robot holding a sign with "Soon" written on it +cute tiny fantasy water dragon swimming in a droplet of water, fantasy art print trending on reddit +, fantasy, pastel, absurdist, photo, Wes anderson, lion characters +A collage of risqué Images inspired by Taylor Swift 🍈🍈 legs spread +A photo of a dog standing on top of a pile of books +Aerial view of Ancient Tokyo, dark fantasy, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +simu liu, goatee, shaved head, chubby muscular +Glamorous dressing room with large mirror +Cute dinosaur characters, strong composition, children's book illustration style, simple, cute, full color, flat color, white background +A beautiful woman sculpted out of cheese +stunningly beautiful young Margot Robbie surrounded by indian men +a Japanese girl in swimwear on her 8th birthday party, stocking, long and slim legs, from behind, Nikon D5 +Spider-Man comic in 1968 where he shouts angrily at J Jonah Jameson for being top less +a photograph of patterdale next to a lotus esprit car that is in the jungle river,4k wideangle photo +An image of a girl with pink, curly hair wearing a witch hat. +Cinematographic-sixties vatican-betelgeuse-moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +The text “HUSS” , in graffiti styleon a plain background +Only Fans girl Japanese big brests perfect body perfect puss +sparkly magical medieval fantasy landscape from Final Fantasy 14, highly detailed, lush forests, huge mountain ranges, grand seas, wide plains, cumulonimbus clouds horizon, ultra high max settings quality HD in-game render, HDR XDR contrast, 4k texture meshes, starlight bokeh, cinematic dramatic lighting +a man holding a sign saying "i want potatoes +mascot for a vegetable drink brand, super cute, 2d +Jan Albert hästnacke meets hans rotfyllning vrålåk +cthulhu in the style of darkest dungeon +a painting of a rainbow ufo flying over a grassfield +Oil painting, Close up of Sara Jean Underwood face, extremely detailed, beautiful eyes, pouty smile +Editorial style photo, detailed symmetrical green eyes, a young 18 years old brunette with stunning face closeup, naive and innocent facial expression, Montenegro woman, sitting at a Marble Table, wearing a black gucci dress and red diamond necklace, in an Art Deco Dining Room with Velvet, Brass, and Mirror accents, Jewel Toned color pallete, West Elm, Chandelier, Restaurant, Evening, natural lighting, Fujifilm, Luxurious, Historical, vogue magazine +a chimera of a cat and a dog +a sci-tech spacecraft from the year 5344, including its construction, propulsion, advanced energy systems, sensors, communication, and weaponry. The spacecraft is highly advanced, with the ability to explore deep space and travel vast distances with ease. It's constructed from strong and lightweight materials and is powered by sustainable energy sources. The spacecraft is also equipped with advanced AI systems, optimized for efficiency and comfort, and capable of communicating with other ships and stations over long distances. Its potential weaponry includes energy-based weapons capable of delivering devastating amounts of energy to targets at long ranges. +Figure skaters, high-quality open pose model, correct positioning of poses, dynamic poses, , +A cyborg dinossaur shooting lasers from the eyes, city scenario, coherent +video game character skateboard sunglasses box art 90s nintendo sega playstation characters digital painting artwork radical fun +Daily theme, magical beast, cinematic, mushroompunk, ancient old goblin with mushroom and fungi growing on his face, roots, by ross tran, wlop, artgerm. +kangroo with Tom Cruise holding a machine gun +guro paint of cyberpunk giant kinky muscle young Slaughter inquisitor at torture chamber. guro paint art +skinless warrior, grotesque, horror, dark, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +wideangle anaglyph stereo roman soldiers, in getty villa,panorama polaroid photography by andrei tarkovsky +a boy finding ancient ruins in an alien jungle, futuristic illumination, Art Deco, Full colors, Greg rutkowski, Trending artstation, cinematográfic +portrait of one man cyborg, slav, cyberpunk india, painted face, body art, cyber mask, complex proportional side view, dark fantasy, kathakali characters, detailed, spotlight, shadow color, high contrast, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, Kathakali, soft diffused light, HD +DSLR Photo of a woman with messy bun red hair and green eyes, choker, soft focus, Cinematic photography, visible pores, high detailed skin, highly detailed face, 4k high quality +A highly detailed portrait of Emma Stone painted by Gilbert Stuart featured on ArtStation +Portrait of a giant, fluffy, ninja teddy bear, hood, intense, intimidating, excitement, danger, intrigue, dramatic lighting, high-contrast +anime girl wearing a shirt that has the gadsen flag on it "gadsen flag" dont tread on me "dont tread on me" +Photograph of the hideous monster Crungus holding a sign that says "Crungus" +A woman in Doggie style position, , +Illustration of two men sitting at a table eating food and drinking wine, by Ralph Steadman +Kurt Cobain wearing sunglasses sticking tongue out holding a sign that says Rock N Roll +A edgehog who says "HOLLIDAY", soft contrast +a cinematic looking image of a red panda mad scientist doing fiery chemistry in the style of animal crossing +still shot from cyberpunk western, girl fedora firing a handgun +angel, photo, dripping molten glass, copper brass lightning, beautiful rainbow melting dripping over swirling hair splash art graphic design color splash high contrasting art, liquid light, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, 8 k, +polaroid, extremely detailed young woman, no makeup, pale skin, long thin tentacles, tentacles covering body, tentacles covering legs, thin body, skinny, tendrils, tendrils on face, tendrils on cheekbones, zoomed out, empty eyes, , +an epic explosive crowded battle between cyborgs, authorities, and robots in a dystopian nighttime landscape with neons, sci-fi, cyberpunk 2077, blade runner 2049, synthwave, 80s futurism, 3d render, cinematic lighting, cinematic detail +Creative Imagery, vibrant colors, futuristic imagery, and abstract shapes, dynamic and innovative nature of AI, endless possibilities, world of creativity +Professional photo of a beautiful ginger freckled female fantasy cosplay mage with freckles, grey eyes, and a closed mouth. She is 20ish years old. She is wearing modest long dark blue robes with many small details and is standing in a a dark alley in a fantasy city with many details. She is looking at the viewer. +Photograph of an anthropomorphic penguin businessman +Close-up on the beautifull texture lips of a beautiful appealing young alluring profesional dominatefemale teacher +A highly detailed landscape painting of the Siege of Damascus in 1444 painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +a West African mermaid with a purple blue tail, purple bandeau, braided hair +Shiba Inu particle physicist, quantum chromodynamics +Dwayne Johnson, DvD still from western tv show 1960 Bonanza +film still from romantic beautiful 80s american horror, naturist, sauna, girls +Still shot from movie of a strong neanderthal bodybuilder, laughing wildly, holding a spear, cinematic +people carrying a relec inside of a jungle +An astronaut in a garden on a spring day, by martine johanna and simon stalenhag and chie yoshii and casey weldon and wlop : : ornate, dynamic, particulate, rich colors, intricate, elegant, highly detailed, harper's bazaar art, fashion magazine, smooth, sharp focus, 8 k, octane render +Milky way, 🌌, abstract background, vector +a mountain traveller drinking cocunut cocktail +social theorist realism art, by dan mumford, yusuke kozaki, makoto shinkai, ross tran, cosmic, heavenly, god rays negative space, intricate detail, cinematic, cel shaded, unreal engine, featured on artstation, pixiv behance icon 4k, 8k, beautiful bright colors. Dslr, landscape, scenic, dystopian, dof, octane render, highly detailed. intricate complexity, epic composition, 4k post processing, hyperrealistic, 8k +symmetrical, macro shot, water drop, depth of field +Close up of an intimidating head, smoke coming out of the ears, watching a smartphone, dynamic angle, rich background, high tech scenery +Breathtaking, vivid scenery with intricate details, crystal-clear stream, lush meadow, wildflowers, majestic mountain range, snow-covered peaks, realistic waterfall, warm sunset, opulent Baroque-inspired style, vibrant colors, high-resolution, groundbreaking, stunning masterpiece. +Bird's eye view, a 100-meter-long, 40-meter-wide commercial street with 2 floors of shops on both sides, container style, inspired by the design of Container City, the upper and lower floors are well arranged, colorful, with tall landmark structures at the entrance, creative design, leisure plaza coffee chairs, interior artificial lighting, landscape design, vertical greenery, tourists, bright daytime environment, urban background, architectural photography, blue sky, summer, dramatic, +A tiny dragon sitting on a desk. +A portrait of young giant muscle Soldier interrogater crush busting pregnant girl at Torture Chamber. highly detailed realistic photo +A graphic t shirt design that has a black ladies face and says 100% Bajan Sugar +A pirate ship in stormy seas, dark fantasy, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +charmander fighting a gyrados in a gym battle, digital art, 8k, volumetric lighting, ember +a man standing in front of a pile of coins, by Igor Morski, biopunk, wondering about others, machine parts embedded into face, in thick layers of rhythms, two heads, mechanical clock, autodesk maya, interconnected human lifeforms, the thinker, psychosis, degradation +an image of a peaceful mountain landscape at sunset, with a small cabin nestled in the trees and a winding river in the foreground. +crystal robot by guo pei by neri oxman +Sculpture, mythological creature, a fierce dragon perched on a rocky outcrop, imposing and mystical. +Inverted cat in mushroom fantasy world, black and white illustration , fisheye view +Cover art for the manga adaptation of King of the Hill +Kurt Cobain on couch smoking with beer can +, fantasy, pastel, absurdist, photo, McDonald’s sushi selection +A vibrant parrot sitting on a tree branch in a jungle, thick foliage, golden hour, bokeh +The essence of cubism, art poster +Cyberpunk coder, young brunet, headphones with cat ears, neon lights, comic style, pfp +sharply focused stunning and detailed picture; library background; 3D detailed digital painting, 3ds Max VRay; Alphonse Mucha Wadim Kashin +oil \Panting of new zelaned farm with home +a robot cleaning gabarge in the ocean. In the foreground of the painting, show the robot itself, using its arms or legs to collect garbage from the ocean's surface. The robot might have a large compartment on its back where it stores the collected waste, and this could be depicted as a clear or translucent container to make the garbage inside visible. In the background of the painting, she could show the surrounding environment, which could include a building, mountains, or other scenery. For example, the painting could show a city skyline in the distance, with the ocean-cleaning robot working to keep the water clean and healthy for the city's residents. Alternatively, the painting could show a beautiful natural landscape, such as a mountain range or coastline, with the robot working to protect the environment and preserve its beauty +b&w photo of 42 y.o man in black clothes, bald, face, half body, body, high detailed skin, skin pores, coastline, overcast weather, wind, waves, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +A dog wearing a party hat +the police preformance locauted at MT smart staduim akuland +American Staffordshire terrier, not cropped, art, colorful +a room on a space station with a large circular window overlooking a planet, photorealistic concept art, soft natural volumetric cinematic perfect light, sf, intricate artwork masterpiece, ominous, matte painting movie poster, highly detailed, vibrant +soviet realist depiction of an apple macbook +Asian little girl eating ice cream +a fantasy drawing of a woman in leather armor fighting a goblin +a table made of marble and wood, fractured design, mandlebrot, highly detailed, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain, long shot, wide shot +an image of a clouds scene with a clouds over sea , pixel art by a12345, pixiv, clouds art, #pixelart, copic color palette, 2d game art, concept art +"ART", written, minimal, screenprint poster, in a frame +A very attractive young woman in the 1990s named Curvy Sue. Hi res. Realistic. 35mm +a cute bunny wear detailed metal armour +80s computer tv advertisement, standing woman presenting +Blonde woman contemplating by the lake by Agnes Cecile +smurf smoking a joint among giant marijuana plants +A pretty chinese girl, stand in xian street +A hand with exactly 5 fingers. +promotional material for a magical-boy anime with a chubby male protagonist. +cosmos orbit world within a world, highly saturated colors, detailed illustration, digital art, overdetailed art, concept art,dan mumford, Greg Rutkowski, trending on artstation +A galaxy in the shape of David Bowie’s face, Hubble space telescope photos +drawing of a woman covering her eyes with one hand +an anthropomorphic black wolf, medieval, adventurer, dnd, rpg, rustic, fantasy, hd digital art +a car that is made out of glass +alexander the great cutting off the head of otmaizole +award winning photo of 3rd reich Wehrmacht rusted robot general is greeting 21st century special forces US officer in combat uniform, Wehrmacht officers hat, dystopian, close-up, metal futuristic armor, sharp focus, hd, hdr, 8k, photorealism, god rays, reflection, raw, rtx, dramatic lighting, still from the Wehrmacht blockbuster film +Tom Hanks as the lich king wielding a magical sword +two beautiful women walking on a beach at sunset +A lonely yellow brink in a wall of red brinks +a studio product photo of a dark matter void flavored soda +hermosa chica with low-cut shirt, smiling, pezón, escote +Cinematographic Archbishops pasolini Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +young, happy man, dressed as a 19th century wanderer, sits on a flying beer Barrel, fantasy concept art by István Csók, and Munkácsy. atmospheric, realistic, detailed, warm, stary nights, trending on pinterest.com +a landrover driving down a muddy road in the jungle, by Anthony S Waters, renaissance, raptor, seen from behind, some rust, a green, of, buffalo, real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +A human wearing a panda costume using a bow and arrows and trying to escape from an amusement park. +time machine portals futuristic fantasy space and time +Rainy window, evening, blurred silhouettes outside the window +karl urban, full shot, dark wizard, black robes, dark evil theme, fantasy theme, magical portals background +Joe Biden dancing break dance in a clown costume photorealistic High dimension +Matrix digital text green rain on black background ghost trails as it fades out while falling +Matte painting of playground noon mountains +a cinematic photo of Jesus walking over water, ocean, photorealistic, highly detailed skin, depth of field ] +ripped jean jacket designed by zaha hadid +2d character parts texture atlas of a cutout wizard +doordash photo of a pig with creppy human face looking directly to the camera, black and white, night time +a new building begins Construction downtown, a busy city surrounds, shot from a drone aerial photography +Detailed Ink splash portrait of a Tiger +a photograph of a mole rat holding a pickaxe +cute anime girl in a maid outfit by Leiji Matsumoto +News segment, text says "Joe Biden has escaped containment" +a woman meditating with geometric patterns in the sky +A red sports car, masterpiece, in focus, in frame +Carlos Saul Menem as an astronaunt on the moon +a table made of marble and wood, fractured design, mandlebrot, highly detailed, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain +Mario punches Sonic in the face +Realtor woman at sea in Egypt +Style Greg Rutkowski crash team rumble, an album cover, by Lisa Nankivil, dribble, realism, 🕹️ 😎 🔫 🤖 🚬, avatar image, deluxe, camaraderie, package cover, game icons, goro and kunkle, rubble everywhere, cosy, cam, 4k!, limited edition, bumblebee, album +Rome tourist map, diorama, icons, sightseeing, perspective, high quality, detailed +Fairytale, chibi kawaii, octane render. Alexander Jansson, Craig Davison, Aykut Aydoğdu, Edward Gorey, Mark Ryden. Dreamlike digital painting, 3D, 8k resolution. Portrait adorable cute kawaii pixie fancy outfit, perfect face, detailed face, delicate face, large round reflective blue eyes. Sequins, glitter, charming countryside, sakura forest, flowers. Pink, blue, green, lilac. Vibrant pastel color scheme, perfect composition. +An image of a sentient octopus driving a lorry, steampunk +pale albino alien hybrid eerily beautiful woman, wraith-like, clammy waxy skin, with big fish eyes and long white hair, doll face, intimidating, black dress, antichrist, cosmic horror, dark fantasy painting, oil on canvas, dungeons and dragons, +retro dream dramatic old hairy shaman screaming in a middle of forest , covered by lotus flower light dust, covered by water, photo by alex grey albi vintage, crisp +a billboard that spells out "m y n a m e i s" +Short hair black labradoodle staring intensely into the camera, serious, ethereal background +not dressed Harry Potter with abs +a vole and a mole going for a stroll +Wine and grapes, seamless, by Hilma af Klint rifle paper co +Create a futuristic interpretation of a dodo bird. Cyborg bird. Amazing colorful. Artstation, hyperrealistic, octane render +greek statue, from behind, woman twerking ,non-existent clothes, wet clothes in the middle of street, new york +photo of traction engine in jungle city river +Realistic photo of a Pug, inside a pirate ship, wearing a pirate hat, 8k, Bokeh, vintage +a sci-tech drone from the year 2486, including its construction, sensors, propulsion, capabilities, and potential weaponry. The drone would be an advanced and versatile device, equipped with artificial intelligence and powered by sustainable energy sources, allowing it to perform a variety of tasks with precision and efficiency. Its potential weaponry could include energy-based weapons or nanotechnology-based weapons. +an evil tornado above a skyscraper in london, urban fantasy, darkhorse comic styled drawing +USS Enterprise, flying through the night sky by gene roddenberry, trending on pinterest, reimagined by paramount entertainment, trending on pinterest, reimagined by paramount entertainment, extremely intricate, high res, 8k, award winning +Pink roses and blue leaves, illustrator +a fox inside the forest, in the night, oil painting style +A guitar manufactured by the devil +Realistic image of the pope benedict walking on the streets wearing supreme clothes +2+2=5 written on a chalkboard boldly. +, fantasy, greyscale, absurdism, photo, refind, scary monsters +portrait of one men cyborg, cyberpunk india, painted face, body art, complex proportional side view, dark fantasy, kathakali characters, detailed, spotlight, shadow color, high contrast, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, soft diffused light, HD +Adorable Professional Photo of a kitten wearing a purple bow that is sleeping on a pink pillow in a cozy bedroom in Paris at night there are books and candles on the nightstand, taken on a Leica M10 +the eiffer tower made of apples +A youtuber taking a video, 3d modern professional minimalist rare brave mathematical futuristic creative illustration, sharp edges, smooth curves, ultra advanced non-human product, 3d poly art, hexa style, generative ai +a song of ice and fire +ava addams at her wedding, the husband is a bull, the wedding is on the beach +photography shot trough an outdoor window of a coffee shop with neon sign lighting, window glares and reflections, depth of field, a romantic young asisan couple sitting at a table, portrait, kodak portra 800, 105 mm f1. 8 +Bitcoin with big bicepts attached, shaking hands with a gold krugerand coin, sunset, blue ocean, clear blue skies, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal +a man and a woman are eating dinner at home with their two babies +Smiling, smoke, explosion, backlit, petite American cheerleader, tiny lace bodice, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +alien on a metal spaceship in the jungle river ,splash rocks ,chrome grill, +raw photo of cate blanchett on insane party, (psychedelic), (carnival), disco lights, gorgeous, (((fliperama))), (((pinball))), (vintage) ,((cuberpunk)) ((neon)), ((vaporwave)),crowded table, smiling, drinking enjoying, photo taken by annie leibovitz, intricate face details, studio lightning, canon 50mm, 4k, 8k,, ((intricate details)) +A high res photo of two young twin blonde girjs +A highly detailed landscape painting of a volcanic eruption in San Francisco painted by Mark Keathley featured on ArtStation +cute sticker design of a cupcake +a delicious sprinkled donut resting near a beautiful horizon +the essence of mathematics, art poster +pikachu emperor napoleon, Glamorous glitch art, glitchcore, gears of war +Photo of An astronaut mediating underwater, luminous, dynamic lighting, swirling water, dslr, 4k, 8k +picklerick in gears of war, call of duty +Complete darkness illuminated only by a distant candle, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +bride, photo, dripping molten glass rainbows, copper brass lightning, beautiful rainbow melting dripping over swirling hair splash art graphic design color splash high contrasting art, liquid light, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, 8 k, +photo of a austin mini in the jungle river,flooded mini,splashing misty mud rocks,panorama, +shiba inu sitting on the moon surface, cheese hat, close-up, high detail, hyperdetailed concept art +brushing hair behind ear with hand +a robot holding a sign that says "RunwayML Gen-2" +Daenerys Targaryen moping the wet floor of a dirty sauna +Hastur the king in yellow realistic +Realistic anime schoolgirl in a sofa with "no underware" with a dark background +mega man robot, personality, anime, super detailed, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +a surreal robed woman floats suspended above a circle of sticks in a wooded clearing, scan of a polaroid +Walt Disney 3D animation- The Little Mermaid as a naturist in the ocean +rooney mara, close up, in a black sequin dress at the oscars red carpet +chipmunk dressed as a soldier, cartoon style, eerie +Product photo of car in the shape of a pea, retro style +Many furry cats with shiny webs between their paws and body, flying over above under a fractal spiral made of glittering jewels, Möbius-influence background sunrise, ultra realistic, cinematic, Unreal Engine, octane render, 4K UHD +woman in blue furry zentai body +film still from a 1970s movie about sasquatch +Ellie from "the last of us" game, clothes removed +A road sign with walter whites face +A mature anime girl taking shot playing volleyball +A girl's doing yoga by the sea +Painting of julius caesar on the ides of march, art by paul rubens +Street photo of an middle aged Asian woman with short hair, studio face portrait with motion blur, she is laughing in heavy rain +a spaceship on top of a tree +A side scrolling 2d platform game for the ps4 +Secret agents wearing funny purple hats chasing a goose, explosions on background, photorealistic +the art's composition and framing is bad +Bristol skyline, professional photography, bokeh, golden hour, sharp focus, 64 megapixels +A boardroom painting of a daschund in a fine Italian suit, chairman of the bone +anime girl with a short skirt, digital drawn +river swamp water, folklorethursday adolgravgertrude keller morning lights �, Jules Bastien-Lepage +epic and amazing picture book illustration of fractal mycelial spaceship, latent space , Möbius-influence, indigo cream ice copper emerald by Mandelbrot, penrose, m.c.escher, ernst Haeckel, Josephine wall, background starfield nebulae fractal suns by Noah Bradley alex alemany, acrylic on paper, ultra realistic illustration, volumetric lighting, occlusion, sun and shadows, Houdini, 128K UHD fractal, pi, fBm +Turkish Demon Devil Death skulls bloody hell background +upside down photo in a gargantuan cavern within an asteroid lit with warm light updide down standing lanterns and moss on the surfaces upside down jungle gym +Amlo con el look de enrique peña nieto +Text "Burger King", GAN, GPT-3, , +a wide angle photo of Caesar in a smokey roman villa burning, 18mm smoke filled room debris , robes,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, indoor, plants overgrown outstanding detail ,room flooded with water, in front of a building,by claude-joseph vernet,luxury hotel +Marilyn Monroe wearing a shirt that reads Goddess +anime goth succbus girl art, pale skin, horns, digital art, mastepiece, art by artgerm and John William Waterhouse +a beautiful girl holding a cup of coffee +skull and flowers, highly detailed, by H. R. Giger +a girl in a dynamic pose in a pearl sequined dress in a green jungle among vines and palm trees fashion photography light direct flash hard light high detail of the face photorealism +Horror, shot on arri, a colossal jellyfish futuristic structure on a desert, twilight, an astronaut watches patiently, +kodak portra 400, 8k, soft light, woman with black candle melting on her head, black wax dripping down her face, wrapped in glossy condensation translucent white cellophane, jean delville, yoji shinkawa +floating apparition in a woodland clearing, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, , +In the style of adrian ghenie, esao andrews, jenny saville, edward hopper, surrealism, very old woman, dark art by james jean, takato yamamoto, inkpunk minimalism +surrealist painting of a female character, poster, official art, fine art, award winning, trending on artstation, 4k resolution masterpiece ,extremely detailed, intricate, vintage, muted colors, cubism, avant-garde, abstract art in style of Georges Braque, oil painting +A cat with a pipe and headphones lying on a chair +sports team logo of an animal in front of a simple diamond shape, minimalistic lineart vector black and white monochromatic, +dog dressed as a video game protagonist, background, anthropomorphic character portrait, highly detailed render, environmental concept painting +pixel art fighting stance from side video game sprite +Adventurer in a mystical cavern, magic runes on the walls, +an elephant with the colors of a panda +Photo of a pigeon in a well tailored suit getting reprimanded by his superiors +a frog doing a hand stand on mars +Family logo, minimalism, color logo, logo with dribbble, mindjourney style, HD, 3d, ultra realism, indian luxury +an image of an ethnic middle eastern man in the desert next to a heavily industrial landscape. this aesthetic includes mechanical things, odd colors, and culture mixing. digital art. +a raw photo close up of the heavenly catholic demon pig cyborg inside an iron maiden robot holding a katana,large view,a surrealist painting, inspired by Jean Fouquet and alan bean,by vincenzo riccardi and Philippe Druillet,yoji shinkawa,masterpiece +an orca flying above an ancient egyptian temple +A photo of a handsome Sri Lankan king +Car designed by Leonardo Da Vinci, woo +A girl with fire powers anime style +A bottle of coke on a wood table +Midjourney style portrait, insanely detailed, photorealistic, 8k, volumetric lighting +lily pichu, An anime Nendoroid of lily pichu, figurine, detailed product photo +3 smart males carrying a giant tv, beautiful scene, tv is showing a text 'support', anime and steampunk style +ikea BLÅHAJ Soft toy, baby shark, 55 cm +fit teen little blonde girl underpants +A photograph of Batman as a giant butterfly. He is soaring through the clouds. He is surrounded by thousands of butterflies. +A risqué picture Barbarella🍈🍈, cinematic lighting vintage 1977 film grain low budget 📽️ +a romantic gay couple of burly muscular metal androids walking together in an autumn forest +a 20 year old woman studying +a star trek ship flying through the night sky, concept art by gene roddenberry, trending on pinterest, reimagined by paramount entertainment, trending on pinterest, reimagined by paramount entertainment, extremely intricate, high res, 8k, award winning +concert at westpack staduim wellington new zealand +Beautiful South Asian model sun tanning +Flying vehicle, non-existent, unique, insanely unusual unique, masterpiece, marvelous, fantasy, unusual, very unique, magically, wonderful, Megapixel, LED, future, high-tech details, border of magic miracle +A fractal background with blue green colors and ahead the vivid image of a red cyborg style eye +a Liminal Space from the Early 2000's +highly intricately detailed photograph of a beautiful glowing celestial cosmic steampunk fox, centered, fantastical, fantasy, in the style of Ross Tran, RossDraws, Android Jones, Anna Dittman, a beautiful Digital painting, concept art +emanciated slim boyish Alicia Vikander at the beach facing away from the camera +A street sign that says "nigga" +Joe Biden in Fortnite, 3d game, victory royale, fortnite character, 8k unreal +a depiction of Dionysus as an overweight man. +Moses burying the Egyptian he killed in the sand +The image depicts a plague doctor walking through the streets of Ancient Rome. The doctor is wearing a long black cloak with a hood that covers their head and a beak-shaped mask that covers their entire face. The mask has two round openings for the eyes and a long beak that protrudes from the front. The doctor is holding a long wooden cane in one hand and appears to be scanning the area with a watchful eye. The streets are made of cobblestone, and there are buildings and archways in the background. The overall mood of the image is dark and ominous, conveying the sense of a mysterious figure walking through an ancient city plagued by disease. +photo of young taylor swift with a black dog in bed,highly detailed,beautiful face,award winning photo +A 14 year old girl wearing almost nothing +A painting of the Apollo 11 Lunar Landings. +Patroclus and Achilles hugging, riso, lithograph +, fantasy, pastel, absurdist, photo, Wes anderson, spider character +image of an astronautwalking through a galaxy of sunflowers +A dolphin made of sapphire jumping through a hoop made of rubies +two men wearing shiny black rubber armor +a dragon made out of clouds +film still, close up, taylor swift rising out of muddy vietnam river , face covered in mud , combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9, 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +a cloud in the shape of a hamburger +by Kris Kuksi, sculptural compositions, by kuksi.com, Indian style, religious decorations on people, mythological beasts, in motion, dance, lightcube, Camera Olympus E-M10 mark 2, Aperture - f/5.6-8.0, Shutter speed - 1/ 160 seconds, ISO - 200, favorable angle, studio lighting, exhibits, exclusive, high detail, proportional bodies, religious attributes, favorable angle, reflector, 3D, Shilpi, volumetric bas-relief, high detail, ambient lighting, octane render, 16k, relics , artifacts, rarity, Gods, jade, surface ornamentation, noble stones, gemstone inlay, realism, depth, miniature scenes, marble material, precious metal inlay, mysticism, fractality, golden section, black background, museum atmosphere, antiques, +Illustration of two men sitting at a table eating food and drinking wine, by Chris Ware +photo of a angry velociraptor down a muddy road in the jungle , wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , tire wheel ,scrapyard a car door in the mud buried +, fantasy, pastel, absurdist, photo, bird people, ritual sacrifice +a pile of crystal shards glittering in the sand +Prawn dishes, 8k, hyperrealistic, unreal engine, trending on artstation, high quality, red, black +a digigrade furry horse, a being that is a hybrid of half human half horse. it's made out of transparent liquid slime. not quadruped, walking on 2 legs like a human. +Nightmarish monster hiding in closet, creepy, highly detailed, embellishments, complex textured skin, red eyes +A vampire turning down a salad +The people out on the streets, each person carrying the Bitcoin logo in his arms +Realistic Black and white portrait of Bangs hairstyle Jenna Ortega , bangs hairstyle Jenna Ortega ,t shirt , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +beautiful young Mexican woman sitted with neon light behind her at night +lviv, closeup photo portrait of a crow hiding in the snow, a city street at night, a picture, by Zoltán Joó, world press photo awarded, blackout, no electricity, traversing a shadowy city, view from street angle, breathtaking, winter snow, kodak ektar 100, Pentax 645 +a detailed image of Eddie Van Halen melting other peoples faces with his guitar playing +beautiful orc-woman berserk holding in hands big two handed axe +Detailed Chun Li wearing greathelm, snow background, perfect Lighting and shadows +loose watercolor flowers, fairysmall , a storybook llustration by cyril rolando, vladimir kush and goro fujita, fantasy art +a couple of people that are standing next to each other, cyberpunk art, inspired by Philippe Druillet, afrofuturism, silver gold red details, vania zouravliov, art cover, masks, a still life of a robot, intricate white and gold armor, symmetical face, siamese twins, 2019, above view +photo of a giraffe surfing in a rainforest, realistic +LeBron James slam dunking the planet saturn through its own rings +Эммануэль Макрон в пуховике Moncler идет по Елисейским полям, крупный план, Canon EOS +nun in blue frock and leather cuirass, holding shield and mace, with owl on shoulder, painted by John William Waterhouse +Fantasy, pastel, absurdist, photo, Wes anderson, characters +Vintage 90's anime style environmental wise shot of a chaotic arcade at night; a woman wearing streetwear; by hajime sorayama, greg tocchini, virgil finlay, sci-fi, colors, neon lights. line art. environmental arcade art. +the magical skull shield of terror, dark colors, fog, black background +whimsical forest path toward a lake in the art style of Friedensreich Hundertwasser +young Lee Evans as a postman by artgem and Marc Simonetti +A dashboard design for cryptocurrency service that shows current bitcoin price, stats minimalistic +Professional heavily stylized digital illustration of a beautiful ginger freckled female fantasy cosplay mage with freckles, grey eyes, and a closed mouth. She is 20ish years old. She is wearing modest long blue robes with many small details and is standing in a a dark alley in a fantasy city with many details. She is looking at the viewer. +Chibi girl, highly detailed face, bleak and dangerous atmosphere, moody, Dynamic Pose, cataclysmic magic, Dark Green long wavy hair, glowing eyes, 8k Wallpaper, anime, hyperdetailed, intricate, fantasy, nightsky, cosmic, Red full moon, lithograph painting style, deep colors, ravens" +Vintage thrift store, 1980, photography, pastel +the end of time, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +A demonic red archangel in the distance, front view, carrying a sword, fiery cataclysmic background with mountains, an army of demons behind it +insanely detailed portrait, beautiful 13 year old girl with long blonde hair, insane face details, extremely intricate, high res, 8k, award winning +A giant baby doll holding a baby +an anthropomorphic white rabbit, male wizard face, dressed in black and white, fine art, award-winning, intricate, elegant, sharp focus, cinematic lighting, highly detailed, digital painting, 8 k concept art, art by guweiz and z. w. gu, masterpiece, trending on artstation, 8 k +a boy running in to her Mary's arms, animated, stylized +A portrait of hot muscle depraved boy sniffing smelly clothes at locker room +Gal gadot as wonder woman on top of a mountain in background, photorealistic, arri 35mm +a portrait of a woman, undercut hair, maid, freckles, apron, amazing body, pronounced feminine feature, legwear suspenders, kitchen, close up, skin covered by flour +an elderly woman, best quality:1.05, tall:1.2, long legs, thin figure:0.1, solo, white tank top, white jeans with, blue eyes, blue hair, half bald, sidecut hair:1.05, short mohawk haircut, punk style, street, upper body, detailed face, beautiful face +Professional photograph of young taylor swift with a black puppy,highly detailed,beautiful face,masterpiece,natural lighting +A robot holding a sign that says "IF is coming Never." +Tiger in suit wearing glasses, anthropogenic +Pregnant on a beach with bikin +adorable, magic portrait, big eyes, beautiful, cute exhibition, young and shy woman, in antique clothes with jewelry, dreamy look, portra camera, nostalgic, heavenly place with many beautiful patterns, freckles, travel photo in nature, award winning, detailed background +a nun with a steel pipe Surrounded by zombies on fire +wet clay animation of four man walking across street, beetles band, aardman character design +statue of Liberty wearing a shirt that reads Heavy Metal +Painting of two men sitting at a table eating food and drinking wine +Ukrainian Cat looks like second world war pilot,flight helmet,wearing skin pilot's cloth,aviator movie style,resident evil comic style,highest detailed,8k hd,marvel comic,dinamic pose,epic view,cinematic light +a picture of a person with 27% body fat +Photo of Obama and Joe Biden having a fireside chat +image of a hotrod with a supercharged motor +Realistic detailed tropical fish in an aquarium photo +a cyberpunk fried chicken riding on a rocket in pablo picasso style +ice machine, realistic, sleek, blue lightening, atmospheric +Overgrown plants in an infinitely deep underground library +Futuristic young female space ship pilot in cockpit +Jim Carrey hates Sonic and plans to destroy him +Asian boy having a good time with German man +Alien starships attacking earth, a variety of other ships also battling, u.s.s. enterprise, u.s.s. voyager, i.s.s. london, battlestar galactica, star wars, babylon 5, the original series, shot on Nikon, 4K, instadaily +a dinosaur holding a sign that says "welcome friends", syndey opera house in the background, orange hoodie +photo of a human and a robot collaborating on a landscape painting +A ballet dancer smoking a cigarette +Hiking with a anamorphic armadillo instructor, 3d rendered studio ghibli, unity, Canon realistic anime illushoot, stunning detail, award winning, captivating lighting, masterpiece +dark fantasy art, album cover, art nouveau aesthetic by Alphonse Mucha +Vintage 90's disney style. stylish model posing in 7/11 convenience store., sci-fi. +A teal and yellow concept car in the shape of a crab +stuning gorgeous posing european business lady +Cyberpunk cyborgs, synth, Ancient India style, fine details, si fi, action composition, silver on a black background, inlaid gems, diamonds, precious metal, volumetric molding, neon lighting, contrasting shadows, contour light, robots, volumetric sculpture, high resolution, 8k detail, baroque, clear edges, technology, mechanisms, +wool made palm tree with full wool material texture fully contained inside within a large rum bottle on a beach +blue flowers with orange autumn leaves, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +a beautiful futuristic cyborg standing in the middel street, cyberpunk, neon lights, color pop out, cinematic lighting, epic shot, sharp, focus, full body shot, raining, 8k, intricate +two cats balancing on a slackline +Graffiti on a brick wall that says GRAFFITI +portrait photo of an unshaven Pedro Pascal from The Last of Us, in a unbuttoned white summer shirt, outside light, shot on Hasselblad H4D 200MS Digital Camera +A beautiful woman sculpted out of swiss cheese +Digital art of monumental breathtaking Mega-Corp HQ building complex, sci-fi, digitally painted in UHD, concept art, intricate details, dystopian +a mini lion-like kitty, Ultra Realistic Photography, Hyper Detailed Mane, Perfect Fur, In A Jungle, Close Up Photography, Bokeh, 8k +painting of goddess of limestone, trending on artstation +A young lady cran extremely upset young woman, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +High detail RAW color photo professional photograph of young taylor swift with muscular black man,interracial couple portrait,textured skin,sensual pose,medium shot,masterpiece,award winning photo,4k,high quality, highly detailed, +Photo of a woman, dim cinematic light, creepy, scary, blood in her mouth, one white eye +Black and white 1905 year futuristic portrait old mad professional photographer with camera in hand Covered by kangaroo in a desert covered by mushrooms +doordash photo of a pig with human face looking directly to the camera, black and white, night time +Full length fashion photo of female anthropomorphic ferrofluid +sculptures dickens elderly mother candlelight worried hdr cropped ,Anna ancher +a viking longship sailing near the English coastline +analog photograph, dreamy cinematic light, zoomed out, skinny young pale couple sleeping with hundreds of tall thin mushrooms sprouting from body and faces mouths eyes, mold, cellar +A closeup of a woman's hands +A minimalist illustration of a hanging light fixture, casting warm ambient light, on a neutral background, using computer graphics +dark fantasy mansion, on night, photorealistic, gothic architecture, realistic shadows, highly detailed +Kids in room with wood bed +massive dreamlike garden, plants, massive pond, reflective water, green, cyan +Elon Musk DvD still from dark fantasy film 1982 conan the barbarian +, fantasy, greyscale, absurdism, photo, refind, vintage horror movie +A cute illustration of Pikachu making coffee using Espresso machine +art book illustration Faith and spirituality concept, sky and birds, portrait chromatic aberration shot looking directly at Sony camera, detailed, high definition, 4K +a digital painting of a cat wearing a suit and tie in a courtroom. lawyer cat. detailed fabric, textured, HD, 4k +emma stone as dobby, highly detailed, concept art, inspired by harry potter +A Ford fiesta 1987 model transformed in formula 1 +Insane crazy cat in a mushroom fantasy world, black and white illustration , fisheye view +Photo of a mysterious young man in yellow hoodie smoking cigarette and woman in a bar, 20 years,red dress, heels, full body shot, stylish, neck tattoo, soft light, neon, 24mm lens, realistic, piano, Music, guitar, band, notes, date night +A monkey drinking juice on a plane +A rubber duck lost in a maze +drake with extreme muscles, cinematic, studio lighting, extreme detail, hot, magazine photograph +Jim Morrison wearing sunglasses sticking tongue out holding a sign that says Rock N Roll +art print of a cute fire elemental spirit creature by league of legends +8K dslr photo of a dodo bird, national geographic photography +realistic photograph of a blonde woman +a close up of a kangaroo and a rooster sitting on wooden chairs next to a wooden table,drinking tea,overlooking a cliff and vast sea,DSLR photograph +Centered , smooth , Wendy Corduroy of Gravity Falls , GTA imagined , max gorgeous art , by Kuvshinov & Artgerm , Comic & Cartoon style , standing, beside a montain stream , 8K, UHD, ultracomic art, trending on Artstation, GTA conception +clear plastic robot dog made of crystal, visible inside, Product shot, prototype, robotic, detail, clear parts, white background +a close up of a card on a table,Jace, Architect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academi +A galactic eldritch squid eating a small planet Earth, stars galaxies nebulas in the background, photorealistic, afar view +photo of president macron standing on top of trash bags in Paris +A huge bird as tall as a building walking through tokyo in the style of a detailed concept art painting +a posh bear, muddy, crowded bottles bar, intricate details, hdr, intricate details, hyperdetailed, cinematic, dark shot, muted colors, film grainy, soothing tones, muted colors, technicolor +Young attractive woman wearing a white blouse and a light blue miniskirt standing next to a hammock tied to two palm trees. Hasselblad photoshoot high wuality +A sign that says SCHMINK DICH +an astronaut spray painting a wall +2d cat, cutout paper doll sheet, each part separately +"Gif Co", the text "Gif Co" written in roots and branches and leaves, soft warm light, highly detailed, photorealistic +a mouse holding a sign written starving, photorealistic, high detailed +A view of the sun setting on earths horizon from the space station, framed by the space station window, showing the glow of the atmosphere, aurora and sprites, 4k, 16:9 +Tarzan as a handsome businessman, expensive suit, muscular, long hair +cute blonde girl, standing on a bridge at a beach +gorgeous trippy cute rococo celestial circus performer female, vivid, vibrant +a person holding a basket of oranges next to a car, cinematic pinterest style, porsche, elegant feet, 2019 trending photo, by Kristin Nelson, girlboss, mad men, 1 red shoe 1 blue shoe, pov, holding a tangerine, 1958 ferrari 250 gt, katherine lam, rituals, cart, bird's-eye view +A silhouette of a lamp in front of a black and white wall in a dark room +redshift style Close-up Photograph; junior officer girl self pleasure on bed in her quarters, light darken in a generation spaceship. Dark science fiction hyperrealistic ominous 8k 18+ beautiful High resolution +Artists rendition of an abandoned stone statue of buddha, sitting pose, centred, intricate carvings, cracks, moss, vines, forest background in the ruins of an ancient temple, rendered in Unreal Engine +restaurant logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, 3d icons, good for family, Tali, saint, icon style, realism, octane render, emoji +bubba ray dudley cosplaying as zangief +cute smiling panda eating bamboo in anime style +an anthropomorphic wolf, druid, dungeons and dragons, town, rpg, rustic, fantasy, forest, flowers, night, butterflies, hd digital art +A Japanese temple with a sunset +A potato mascot holding a sign that says "Vote Mr Tayto!" +kevin owens as superman red trunks +Expressionist still of highly reflective stainless steel Bitcoin logo in the desert, at blue sea +An enchanted wishing tree, fantasy setting, highly detailed +Raw photo, "Imagine a surrealistic digital painting of the universe experiencing itself as a humanoid form, adorned in intricate pastel-colored fashion from a fantasy Renaissance era, yet with a futuristic Star Trek twist vfx 8k. With sharp focus, capture the idea of the universe fulfilling the body, and showcase the highly detailed and ornate clothing design. Create a mesmerizing concept art illustration that explores the concept of the universe as a conscious being." , 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +A painting of a windmill at night, by Rembrandt +raw candid photograph of green latex cyborg in weird alien planet jungle with lights in backgorund, many details, intricately detailed background +A pretty game of growing a vegetables garden +alfred kubin sketch draw of a female plague doctor, dark art, gesture exercise, anatomic draw, detailed draw +A lot of native American  Beautiful indigenous women in shamanic healing process, tribe reunion, dancing, playing drum, sitting in the circle, mountain,high detailed, ultra realistic, mystical, sequoia forest, fantastic, eagle, feathers, drum, fire, smoking pipe, texture, ik dancing meditation music people,  illustration by WLOP and Ruan Jia and Mandy blue sky, artwork by Artgerm, trending on artstation, dramatic dark lighting, illustration by Greg rutkowski,  4k, digital art, concept art, trending on artstation +Skeletons Looking at the Camera in a Dark Purple Storm +a Boss holding up a Sign saying "Your Fired" +portrait of a bee's face: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean-Baptiste monge: James Jean: Erin Hanson +Una abeja polinizando un girasol, en estilo cyberpunk +A artist's workshop, inside is a robot painting a lotus esprit. +an old man blowing out candles on his birthday cake +SF movie, movie still of a futuristic fighter pilot, round helmet, life support system, surrounded by instruments, inside a spaceship cockpit cinematic, epic, volumetric light, award winning photography, intricate details +the essence of magic, art poster +picture of an airport with parallel runways +a photo of roman soldiers in front of roman buildings grass steps,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment blue sky clouds,stones in the foreground,long road into the distance ,lines of trees +ferrari f1 vs red bull f1 +Cute adorable cartoon garden creatures, shy smile, kawaii, fantasy, dreamlike, surrealism, super cute, 8k, highly detailed, intricate, award-wining, cinematic, beautiful light, 100mm +Wednesday 13 sticking tongue out holding a sign that says Rock N Roll +A bull on a propaganda poster +A cute japanese high school student sitting in a tree +A transparent cylinder in a blank background +an image of an ethnic man in the desert next to an industrial landscape. this aesthetic includes mechanical things, odd colors, and culture mixing. digital art. +This mushroom has a bright red, bleeding-like fluid that oozes out of its pores when it is cut or damaged. +The most beautiful woman in the world +, fantasy, pastel, absurdist, photo, refined, melding furniture and ani +cinematic still of a grey alien with big head big black eyes and head antenas on the head touching with a long finger scared womans faceat the lens +an empowering view of a orca warrior wearing royal robe,sitting in a cafe drinking coffee next to a kangaroo warrior with an eye scar,menacing,by artist Philippe Druillet and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +an all white white white white zebra +A ship sailing into a raging inferno. +Blue sphere on top of a red cube +photo of teddybear looking at a landrover defender in the jungle river,furry teddy misty mud rocks,panorama,headlights Chrome Detailing, teddybear eyes,open door +color photograph of a young beautiful pretty blonde woman doing yoga surrounded by group of indian men +a hybrid between a cheetah leopard tiger lion ocelot fox, leopard lion cheetah fox tiger ocelot hybrid, sleeping in a mossy den, primitive feline, ancient feline, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art, professional photograph +reaper on a 1990s death metal band cover, inking, art nouveau, vintage 90s print, detailed, scary, horror, screen print, trending on artstation +H.P. Lovecraft and four scholars in the early 30's photo in Miskatonic university's library surronded by artifacts +8k, 80s movie still, a robocop t-800 robot mandalorian tokusatsu, daft punk mask, cyberpunk, photography +carl johnson from gta san andreas wearing red jacket on streets of las venturas +A candy icon, frutiger aero style +A realistic detail of a long range portrait of a cyber samurai robot +a robotic cat used by the military +anime goth succbus girl art, pale skin, digital art, mastepiece, art by artgerm and John William Waterhouse +A student who jumped from the fifth floor +A comic book illustration for a superhero called "Muscular Beaver" +sentient pipe creature, googly eyes, amateur craft project photograph +a high rooftop, cyberpnuk city at background +A parchment document designed as a medieval-style scroll, with 14th century calligraphy and illuminated borders. This scroll is designed for an SCA Award of Arms and adorned with detailed floral patterns and gold leaf. The calligraphy reads as follows: "Let it be known to all that we, Thor and Alice, have bestowed upon Jon the Award of Arms. This 1st day of May in the year AS54. Thor, Alice" +Clint Walker, DvD still from dark fantasy film 1982 conan the barbarian +Cartoon German Shepard watching a movie holding a joint +Colonel Sanders using a heat press chicken +A dwarf cleric smashing a bandits head like a melon +a view of a tall hill with a big forest treeline as viewed from below the hill. 8k resolution real photo +Supergirl, flying through an ice kingdom, dynamic pose, cinematic, art by Agnes Cecile +league of legends, humanoid octopus champion by KNKL KIENAN LAFFERTY, premium skin, detailed champion art +The ghost of Cleopatra arguing with a dictator +the eiffer tower made of apples, stock image +liminal photo of a very dark and snowy town at night, snowstorm +Atlas, the mighty Titan of Greek mythology carrying the planet Earth on its shores, in the background the Sun, in high definition, ultra detailed, vivid colors, super realistic, concept art, extremely detailed, ultra hd, cinematic, dramatic +octopus elemental spirit creature, magical fantasy art print +Marilyn Monroe wearing a shirt that says L.A Girl +A beautiful girl, drinking bottled water under a cherry tree full of cherry blossoms on a sunny day +A cute 3d anime and pixar style woman with light purple hair +cinematic photograph of fairy king oberon from midsummer night's dream, +trying to get feeback from a great greek mythology-esque creature +Underwater Steampunk fluorescent octopus with artificial brain +A big space station in Star wars style, Doug Chiang concept art +a painted tray wood carved with flowers +Dwayne Johnson and the Rock cry laughing +amazing wondrous enchanting Atompunk NeoTokyo Town Square at dusk, Diner, theater and marquee, tall buildings, shops, people, train, busy, detailed, vivid, +four green kittens on a table +a woman wearing a futuristic suit of armor +Maximum clarity and high detailed, high-graphic, facial detail, godness face detail, Anime beautiful girl inside a beach bar, 3d render, 3d rendering, beauteous, masterpiece, Megapixel, anime, hdr, highly detailed +a song of ice and fire, collage +genere una imagen de un perro pequeño feliz , jugando y corriendo por el parque +2d game, Conan the barbarian, nintendo, playstation, screenshot, game art, vivid colors, john park, frazetta, sparth, ruan jia, jeffrey catherine jones, intricate, elegant, highly detailed, vivid colors, john park, frazetta, sparth, ruan jia, jeffrey catherine jones , perfect composition, beautiful detailed intricate insanely detailed octane render trending on artstation, sf, intricate artwork masterpiece, ominous, matte painting movie poster, golden ratio, trending on cgsociety, intricate, epic, trending on artstation, by artgerm, h. r. giger and beksinski, highly detailed, vibrant, production cinematic character render, ultra high quality model +Matthew McConaughey as Shrek, highly detailed, , green body +the book of Kells, in the style of the book of Kells +masterpiece photograph, golden hour, hong kong panorama victoria harbour, IFC, ICC, Bank of China Tower, Many details, intricate, volumetric lighting +beautiful sunset beach-scape with a mountainous island in the distance, oil on canvas +stained glass motif, art by Salvador Dali, futuristic, sci-fi, a crystal egg at the center of the universe sitting on a lotus flower, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +a cute anime girl on a beach looking at sunset +Emmanuel Macron in white Moncler doudoun walking by Paris street, close look, high resolution realistic photo, Canon EOS +hyperrealistic digital drawing of a cat +a man, from behind, hand behind back, fingers crossed +Taj mahal, golden hour, landscape, professional photography +ted dibiase jr, 30 years old, full body shot, serious face, short hair, handsome, muscular, fantasy theme, medieval fantasy theme, muscular ice body, leather pants, holding ice sword, realisticvision13, frozen world background, +A building in call of duty warzone 2, middle Eastern buildings, desert town, with signs one says "Nutronic" "@thenutronic", sand everywhere, +Ryder Tully, Cinematic lighting, ultra realistic, life like lightning, cinematography, highly detailed skin, highly detailed body, highly detailed background, Nikon d7500, lifelike, natural skin colors, soft sharp focus, vibrant details, detailed background, masterpiece,85mm lens, professional color grading, professional photography, depth of field, soft shadows, uhd, dslr, 8K, raw photo +titanic sinking, jack wooden door in the water with Rose +fantasy art print, hyperrealistic wildlife charcoal drawing of an peaceful giant eagle bowing down to a girl +1964 The Beatles playing in Champ de Mars in Paris, the eiffel tower, highly detailed, a lot of people +Fantasy caChengdu, relax, fine art, HD, 4K, trending on artstation, award winningstle on a hilltop +Camaron de la Isla sitting on a bench with his guitar +, fantasy, pastel, absurdist, photo, demon +lily collins as a vampire, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +a man holding a glass of wine in a bar +gold pyramids in the desert, pyramids made of metal, gold tip +flying turtles above an amusement park +Cartoon German Shepard, anthropomorphic art, family Guy style +Black and gold, cruel prince, Jude and Cardan +A painting of crumbling Roman ruins +A busy street in 1984 Shinjuku, Betamax footage +An image of USS Enterprise from Star Trek above the earth +Ordering junk treats from TV ads at 3 in the morning, like those "falling in the ocean" doughnuts. +John lennon signing autographs on Champ de Mars in Paris +an attractive sorceress near a lake +a cute ninja girl, cyberpunk style, photorealistic +the magical skull shield of terror, magic item, legendary +Lionel Messi as a templar knigth +polaroid medium shot photo of a redhead teenage girl from the 1980s wearing a 1980s outfit with jean jacket, blue jeans +medium shot, full body of a female fashion model running on a flooded street in the rain, black and white, by tatsuo suzuki +museum of the scary horror things +arpad miklos, evil smirk, evil wizard robe, fantasy theme, black aura, holy background +a candid street photo of cthulhu wearing a suit in the city, modern fantasy photography, sharp focus, 4k, natural lighting +Airplane, silhouette, airport, on the Ground, sunset, orange sunset, +A masterful Kodak portra 400 film still of a gorgeous disrobed disrobed pale goddess wide hips modern photography fiery auburn hair behind shot +garden with brightly colored flora under a cosmic sky with shimmering and twinkling stars and auroras, Hyperdetailed, Radiant, shimmering, breathtaking, maximalist, floating luminous sparkling stars, fantasy, hyperrealism +5 blonde cute with the grownup body wearing latex +a photo if a penguin holding a sign with "Noot Noot" written on it +three men on a giant tv, anime style, realistic steampunk art +a badge with the word best on it, stock footage, clear dark background, gloating, fan favorite, ribbon, loosely cropped, fine background proportionate, a screenshot of a rusty, clip art, awarded, doing a thumb up, wearing a hoodie , listing image +Angry blue dog with bottle in forest. Near red car and beautiful girl +explosive galactic and cosmic sky, CryEngine, digital illustration, vibrant, astrophotography +Realistic Black and white portrait of Ellen Page triple D cup as a 19 year old , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +a very old rock in Transylvanian forrest near to a creek, by István Csók, Mihaly Munkacsy, Karoly Ferenczy, John Everett Millais. Very atmospheric, dark, dangerous, mystical, natural lighting, trending on pinterest.com, wizard, raining, melancholic, inspired by +a turtle with cannons on his shell, strawberries growing on a turtle +High resolution 3D animation, whole body image of Megan Fox as a beautiful Diablo 3 style demon succubis naturist with cherry red skin, black leather dragon wings, and black horns in the Scottish highlands, HD 8K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Movie poster, invisible man, simple colors, +tcmparty themet gsa linden descent yale tofjan , Anna ancher, Katherine kollwitz +casablanca morocco as a futuristic city in the star wars universe, with hover cars in the street, with glowing neon street signs +A steampunk character portrait of rubenesque woman onoskeleton with harelequin icthyosis wearing knightly armor from mortal shell, scorn game, by h r geiger and beksinski, grim dark orientalism, rembrandt, cg society, tone mapping, global illumination octopus in a futuristic cityscape! +Insane crazy cat in a mushroom fantasy world, cartoon drawing only black outlines on white background , fisheye view +Photo of an old FIAT 500 +Photo of a blonde girl, intricate respirator and armor +teen in the lockers pleasuring herself +a cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of a ferrari sf90 stradale with an aggressive widebody kit +woman in black coat sitting in snowy landscape,inna solitude , alfred keohomer ghton ghton , Jules bastien Lepage,melancholia +An aztec using a computer to generate aztec sculptures +photo robot dog, trending on artstation, +A powerful logo featuring the letters "LGB" +a beautiful masterpiece ultrarealistic ultradetailed photorealistic scene, painting of an adorable legendary mythical pokemon!!!! in the middle of a wooded area with mountains in the background, a hyper detailed matte painting by David A Hardy and Michael James Smith and Greg Rutkowski, max detail, 32k uhd, sharp focus, intricate, perfect, cgsociety, fantasy art, matte painting, terragen, fractalism, redshift, deviantart contest winner, official art, reimagined by industrial light and magic +person doing a search on internet +Kurt Cobain eating hot dog and chips while sitting down next too fountain +detailed painting of a bunny wearing a necktie +a new modern park in the middle of ryadh, with bridges, taxi drones and futuristic buildings around, with arabic design elements and architecture style +school playground joyful, fine art, HD, 8K +ultrarealistic nighttime miami south beach neon lighting +a van gogh painting of a tyrannosaurus in Paris +50s retro-futuristic house, the world of tomorrow +a human in a crypod, in a futuristic facility +a photorealistic cinematic ultra-detailed photograph of a tesla model x driving through the scenic mountains of the canadian rockies +hyper-surreal!! 3d cg white table topped with lots of different colored candies, featured on dribble, kinetic pointillism,atoms colliding, normal distributions, trending on artstation, toy art, fluid simulation in houdini!!, intriguing volume flutter!!, pantone color +cute little panda sticker for print +dnd illustration of a male, epic heroic fantasy dwarf comuter scientist, anarchist t-shirt clothing, long white and black beard +An Easter bunny riding a unicorn +Watercolor painting of white-backedwoodpecker, afternoon backlight, by greg rutkowski, by anders zorn +mickey running hand in hand with the devil, in style of caravaggio, scene rebellion +woman singing,stage,La La Land,double exposure,warm,grainy,cinema style + Artstation style = high detail : subject =highly detailed👗👩‍🎤+anatomically correct facial features + highly detailed = 👩‍🦳+highly detailed and anatomically correct realistic and highly detailed + anatomically correct and accurately shaped eyes=👁👁,highly detailed and anatomically correct👃🏼,highly detailed and anatomically correct👄 +young Holliday Grainger as a fairy with very long, curly, hair in a forrest, painting by ArtGem, Marc Simonetti, Waterhouse and Károly Ferenczi. inspired by A portrait of a fairy, by Sophie Gengembre Anderson +liquid with jumper cables intertwined gouache painting of rubber-band ;; impasto, kintsugi ;; symmetrical face, accurate anatomy, sharp focus, horror ;; deep colors and contrast ;; beeple, wlop, artgerm, cgsociety ;; morose, emotive, golden hour, complex +Lego Walter white and Lego Saul Goodman +The birthday bee gives a present to a girl, 4k, high quality +Beautiful woman, freckles, natural light, overcast, standing on balcony, f2.2, 35mm lens, 8k +Dragon, dark fantasy, portrait, highly detailed, perfect face, digital painting, artstation, concept art, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +a remote house in the mountains, forest, cozy, realistic +good looking banana in outer space +Digital fanart of a adult animation about gainer culture. +Antique, warm hues, full body, massive, obese, Aboriginal teen child, legs spread dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A shore and a sea made of liquid metal, mercury, with some island in the distance. The whole sea is reflexive metal. But instead water the sea is liquid metal, mercury. +, fantasy, pastel, absurdist, photo, Wes Anderson, super hero characters, woman +art by Alfons Mucha, stained glass motif, whole body image of 20 year-old Olga Kurylenko as a naturist in a twilight forest, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +redhead woman kissing a window and letting a print of lipstick +A beautiful medieval noblewoman, digital painting, professional, by Donato Giancola +astronaut in a jungle by syd mead, cold color palette, muted colors, detailed, 8k +A cute girl with a pink leather jacket and a skirt +a being from another planet, futuristic, arrived on earth in a spaceship, year 2030, realistic, detailed, award-winning studio photography, professional color grading, soft shadows, no contrast, sharp and clean focus, film photography, high resolution , 8K +Medusa the Gordon by Anna Dittmann. Surrounded by snakes and golden jewelry. Incredibly detailed, maximalist matte painting. Portrait of a goddess. Hues of green, white, gold. 8K resolution, HD, DSLR, polished, realistic oil painting. Hideo Kojima. Beautifully detailed goddess. +thick jewish girl riding her man +photo of a angry velociraptors down a muddy road in the jungle , wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , car wheel wreckage car parts +knight, concept art, reference sheet, turn table +a tiny dragon taking a bath in a tea cup, digital art, 2d art, anime, tea cup has the words fire on it +teen boy walking through rubble towards the camera, post apocalyptic, cinematic, concept art +Clay model of Mount Rushmore National Memorial, cute +a duck standing in the rain, low angle. Japanese shonun manga illustration. +Pulsing aqua energy in a glass capsule +anime girl, semi human raccoon, isekai, brown hair, pink eyes, by greg rutkowski +whole body photo portrait of 20 year-old Barbara Eden as Jeannie from I Dream of Jeannie, a naturist in the desert sitting next to the genie bottle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Photo for music album, melancholy, loneliness, peaceful, stormy night, intricate, highly detailed +Garden+ruined apocolyptic factory,Tall factory,Many red rose,A few roses,clouds, ultra wide shot, atmospheric, hyper realistic, 8k, epic composition, cinematic, octane render +Heimdall with the Gjallarhorn at the Bifrost, mystical, fantastical, epically, magical +a digital art of a waifu. +, fantasy, gold, pastel, illustration, absurdist, photo, refined, teen with hair horns +A woman in Doggie style position,high details, posterior, , +ava addams usando lencería de vestido de novia +a car concept made by the combination of the 2021 bmw m3 and a 2007 lamborghini reventon +insanely detailed portrait, female viking model, insane face details, perfect eyes, dof, dslr extremely intricate, high res, 8k, award winning photography +Cartoon Portrait of a mysterious young man in a bar, 20 years,leather jacket, blond hair, stylish, neck tattoo, 50mm lens, soft light, piano, Music, guitar, band, notes, pixar style +time machine with three different portals futuristic fantasy space and time cloud formations +Beautiful unique extravagant macabre dress, no person, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a robot holding a sign that says "This is not SDXL", a sign saying "This is not SDXL" +DSLR photo, woman, upper body and head, leather clothing +horror picture of a horrifying rotting zombie by Zdzislaw Beksinski +Beautiful stained glass window, tree of life, intricate stained glass, photograph, digital render, digital illustration, photo realism, colorful +charcoal fantasy art print legend of ravaging dynasties, oil charcoal painting of giant towering sabertooth tiger peacefully bowing down to a girl, majestic +DSLR Photo of a woman with messy bun red hair and green eyes, choker +wwf wrestler with darth vader helmet, extremely detailed, intricate, high resolution, hdr, trending on artstation +stunningly beautiful cosmic girl, insanely detailed, photorealistic, 8k, perfect composition, rim lit, natural complexion, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, made with midjourney +beautiful delicate betta fish by jean Honore Fragonard +A sign that reads "Welcome to Seattle +A highly detailed landscape painting of a temple on the banks of a river in Bhubaneswar painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +A bloody skeleton knight wearing greathelm +pennywise the clown dressed as spiderman +copper-foil method stained glass motif, art by Salvador Dali, futuristic, sci-fi, a crystal egg at the center of the universe sitting on a lotus flower, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +Portrait of a fairly tale princess, art by Agnes Cecile +de kooning interchange as a ceramic vase +round birb, fluffed up feathers, bokeh +a giant frog steampunk with xenomorph mask in a dark sanctuary on a rainforest octane render drawn by annie leibovtiz and alphonse mucha, Background is a screenshot by krenz cushart, pixiv contest winner, action painting, 2d game art, official art, award-winning, art by Studio Ghibli, by Chris Moore, high details +Man with head in a cage full of bees, hive, +a beautiful angel with huge white wings +hyperdimensional piano in space, abstract art +Attractive mixed women; Asian; African;Latina; Indian; Mixed; Redbone; +Cute baby sheep walking with winnie the pooh bear +Turkish Devil Death skulls bloody hell background +A nose sign that says PICK A SEAT +A titanium and gold statue of a praying mantis +a person on a motorcycle with a helmet on, trend in art station, mike judge art style, anthropomorphic character, album artwork, red mood in background, helmet removed, inspired by José Comas Quesada, no helmet, andrew tate, without helmet' +Sonic the Hedgehog giving a thumbs up +adorable, magic portrait, big eyes, beautiful, cute exhibition, young and shy woman, torn clothes, portra camera, nostalgic, heavenly place, rtx, trees and water, prehistoric jungle, zbrush, perfect thighs, short dress, freckles, travel photo in nature, award winning, detailed background +A closeup photo of a couple holding hands +An elf female in a field +Album cover for Taylor Swift as an astronomer in the future sitting alone in an international space station located in the distant Oort Cloud watching for potential near Earth objects. +anime girl in the space with a sign saying 'sdxl' as text,4k +star wars kylo ren as a girl +masterpiece photography of beautiful kpop female singer, in a in a blooming garden with blossom trees, petals in the wind, beautiful spring day, white cute dress, high detailed, 8k +Lamborghini with widebody kit surrounded by chocolate bunnies and Easter eggs +flash photo of a woman's face peeking, staring at me from around the corner of the hallway, wide eyes, creepy, realistic +Riso, comic, gold, pastel, woman hair horns +a policeman arrests obama on a street, 4k, photo, realistic, photography +Portrait Photo of young women in sunset walking in city +Black background, in the middle is a neon outline of a palm tree. Icon, drawing, synthwave +whole body photo portrait of 20-year old Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise with Leonard Nimoy Spock style hair cut and slanted eyebrows, HD 4K, photo-realistic accurate face and features, cinematic lighting +old thin musculed man holds a weapon in one hand, holds a picture of a beautiful woman in theother, he sees the picture, inside a cabin, big sad eyes, dark energy +Cryptic Command: This blue instant card allows the player to choose two of four different effects, including counter target spell, return target permanent to its owner's hand, tap all creatures your opponents control, or draw a card. Its artwork features an intricate mathematical diagram +a pretty young white woman with long sleeves extending over her hands sitting on a couch, blunt bangs, brunette +rostro de una mujer de 23 años latina, alegre, cabello marron +lots of model cars in the jungle +A star wars male character holding a purple lightsaber dancing with a woman with a blue lightsaber on a star destroyer hanger +a man in a union jack outfit with cape, perfect face, golden ratio, hero, photography by Nels Israelson and Michael miller, superhero movie directed by Richard Donner, cinematic, reimagined by industrial light and magic +Batman thought the phone call was for him...it wasn't +Anime girl on a baroque style chair, long red hair, with piercing blue eyes, extremely light realistic skin and a dark background +A tennis ball next to a golf ball +Cinematographic 1970s photoportrait carshow spaceship Jacques Chirac Flintstones RPR vatican space program moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-vuitton Astronaut papal official leica hasselblad photograph in Vatican royal helmet metal scaphandre launchpad pointy oxygen hazmat gloves helmet +a man with glasses wearing astronaut suit +a kangaroo warrior with eye scar wearing a noble's robe,fighting against the demonic orca warrior wearing tribal armour,city streets,at night,neon lights,in style of aralan bean and Ian Miller and Ken Kelly and Philippe Druillet,volumetric lighting,detailed shadows,extremely detailed +a tall building, mordern style, drastic lighting in the morning +Anime girl with "NO" speech bubble +portrait of happy old male shaman holding a opened treasury box covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by baade carrie ann andrews esao amorsolo +cloud strife, anime style, holding a buster sword +Black and white professional photo of 1905 photographer covered by dust of desert and splash of light +a shadow of a man standing in the dark, cyanotype +Oil painting of a giant God destroying the world +Beautiful photorealism photo intricate portrait of mixed race young woman with wavy hair, thin, green eyes +photo of kneeling worship before two muscle guys bald Slaughter punish abducted and degraded Boy at Juvenile Prison for Boys. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +old cottage mansion bedroom with big windows and green curtians +Microscopic quantum realm cactus made of mandelbulb cactus +a painting of a man with a cross on his forehead, tron legacy jesus christ, oil on canvas big brushstrokes, full close-up portrait, in the style of an oil painting, beautiful image, bluish face, black and white painting, lowres, beautifully, zdzislaw oil on canvas, chad +color photo of troop of british soldiers and vehicles marching through a mud road in the middle of a paddy field in kerala in 1921, an epic fantasy, dramatic lighting, cinematic, establishing shot, extremely high detail, photorealistic, cinematic lighting, artstation, matte painting by christopher nolan +A fit man resting in a marble floor dressed as a Greek, professional photography, vaporwave +logo of the text "Omega" and "Darling" +Computer screen which has an audio wave on it and keyboard located in the captains quarters of a space ship travelling through space, there is a cup of hot coffee on the desk, star trek, cinematic composition, Photorealistic, Cinematic, Highly Detailed, unreal engine 5, ultra detailed, 8k, hdr, cinematic lighting, depth of field, Photorealistic, Highly Intricate Details, ultra high, ultra detail, Photorealistic, Cinematic, Highly Detailed, Camera Shots, Dramatic, Realistic, high quality, +movie still of a troll creature in a cave, horror movie, cinematic, detailed +A man's selfie in the desert +gopro wide angle view of Will Smith wearing a tuxedo slapping the camera, Oscars award ceremony in the background, fine art cinematic portrait photography, ultra hyper realism, dramatic lighting, action photograph +Transparent backpack full of beer, promotional photo, studio lighting, perfect composition +The mixed styles of Klimt and Alphonse Mucha and Roger Dean, Palette knife Impasto and Watercolor with Liquid Golden Ink, Close up portrait, looking into the camera, a vibrant queen of hearts, happy, vibrant cinematic raking light, stunning, subsurface scattering, chromatic aberration +Steve Carell practices transcendental meditation while wearing a summer outfit +a photo of a crowd of people in front of a building, a detailed photo, inspired by Caesar van Everdingen, red robes, julius caesar, ceremonial, many columns, demolition, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium +brad pitt riding his bike while wearing a superman costume +Rob Zombie wearing a shirt that reads Rock N Roll +catman, electric eyes, furry, mechanical, intricate, highly detailed, trending on artstation, color splash, full figure, standing on two legs +A curious cat woman exploring a haunted mansion with skeleton +he distant universe, with its dark and starry skies. +an inkan woman in a mountain village +floating apparition in a woodland clearing, tattered hooded cloak, ethereal, midjourney style lighting and shadows, insanely detailed, 8k, photorealistic, -watermark, -signature, -ugly, -drawing, -sketch, -painting, -cg, -cgi +cinematic photograph of fairy king oberon from midsummer night's dream +mickey, they cut off his ears!, stunning photo, ad campaign photo, high-res, ad campaign, neo-dada stunning photo, surrealist photo +cafe logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, 3d icons, good for family, Tali, pious style, realism, octane render, soft ambient light, palm trees, round tables, colonial style +art by Alfons Mucha, stained glass motif, whole body image of beautiful 20 year-old Kaley Cuoco as a naturist on a chopper motorcycle, HD 4K, photo-realistic accurate face and features, studio lighting +flat logo, gaming logo, white background, vector, orange, grey, +Painting beauty and the beast, art by Gustav Klimt +a car exploding in an action scene, high-quality +Front view of a demonic red archangel, fiery cataclysmic background, an army behind it +A group of friends on a trip +michael b jordan, screenshot from the ps2 version of gta san andreas, orange sky, screenshot from 2004, low quality graphics +A red haired anime style girl waving a magical wand with ice magic +An AI analyzing an ECG to detect low ejection fraction +A Dimensional Shambler yeti like creature with big teeth and claws no eyes +raven from teen titans, fullnelson, gangbanged on public bus +A digital painting of a mermaid lounging on a rock in the middle of a sparkling blue ocean, looking at the viewer, surrounded by playful sea creatures, pastel colors, dreamlike quality, soft focus, intricate details, 8k resolution, Wacom Cintiq, underwater lighting, 35mm lens +perished Creepy old photograph of Victorian steampunk inventor! by Gustav Doré, keith thompson, large depth of field, full body portrait, posed, by Daniel Dociu, Jean Baptiste Monge, sepia +anime black haired tan purple dragon girl with red tracksuit manga +Mickey Mouse in a superman outfit bodybuilding +An otter poking its head out of water, photorealistic +split strawberry in shape of vulva, cream, photo +sci-fi large white room, teddy bear looking at a astonmartin db5,silver car,studio lighting,inside space station with windows with earth outside +a close-up photo of Nikola Tesla, colored historic photo, , photorealistic, highly detailed skin, +Complete set of upper body photo of famous attractive adult Scandinavian blonde, candid, casual pose, fold, natural, centred, identical, twins, duo, collection, hot summer evening, top, reveal, correct proportions +A transparent phone with lights on its back +photograph of a man holding up his hand, 5 fingers, +aN ARTISTIC ASIAN painted tray wood WITH PATTERNS +Logo of reaserch organization Isreal prison service +An illustration of an instant pot , pen, acrylic +atomic explosion, nuclear, cityscape, photograph, highly detailed, sharp focus, 8k, 4k +a painting of a thinker no facial hair, thoughtful, focused, visionary, calm, jovial, loving, fatherly, generous, elegant well fed elder with few eyebrows and his on from Kenya by Henry Ossawa Tanner . dramatic angle, ethereal lights, details, smooth, sharp focus, illustration, realistic, cinematic, artstation, award winning, rgb , unreal engine, octane render, cinematic light, macro, depth of field, blur, red light and clouds from the back, highly detailed epic cinematic concept art CG render made in Maya, Blender and Photoshop, octane render, excellent composition, dynamic dramatic cinematic lighting, aesthetic, very inspirational, arthouse +Abstract line drawing illustration of a man's silhouette +A picture of the moon’s surface showing Earth in its sky and ruins of structures from the 70s reporting a failed attempt to colonize the lunar surface. +A photo of a beautiful Indian woman, 30 years old, HD, analog style, female princess, bathing, full length, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +the essence of photography, art poster +A haunting ultramaximalist photorealistic landscape of a withering cathedral during autumn. +Raw Photo, masterpiece award winning close up of a massive timber wolf standing over a fresh kill in the moonlight in the dark in the darkness +wet clay animation of four man walking across street +the young golden retriever has a talent for photosynthesis +Smiling, massive black zombie, tiny lace bodice, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +chair and table background, picture book style +A young man in barcelona being hypnotized frozen as a mannequin on a window +thick acrylic illustration on pixiv, waist upportrait, gorgeous royal sacred Saint Maiden , extreme iridescent reflection, overexpOsure,high brightness, shimmer pearlycolor, gold white silver,gauze latex, stretching action , dark background,holycinematic rim lightning , soft focus, bokeh,chiaroscuro, 8k,best quality. ultra detailed +black glittering snow, night, darkness, bright, magical, 4k, faint streaks of rainbow, hyperrealistic, infinite, hyperdetailed +The interior of a stunning futuristic apartment overseeing the sunset with volumetric lights coming through the window +camera, 8k, 4k, high detailed, realistic photo of a pale german young woman, standing on a street +Girl on a swing in a garden, fantasy art +Japanese girl kimono fashion greenhouse large format camera +beautiful landscape and ocean sky cliff, seashells, android jones, artgerm, by jeremiah ketner artstation hq ultradetailed. waves in ocean +epic portrait of master yoda, bokeh unreal 5, hyperreal, lens blur, long lens, shallow depth of field 8k, hyper detailed, 35mm film grain +The creature does not have a face, but there is a black creepy aura inside, which is comparable to a statue-shaped form, a humanoid statue between liquid and solid form +20 year-old Carrie Fisher as a naturist Princess Leia Organa on Tatooine, HD 4K, sharp detail, photo-realistic accurate face and features, award winning photography, cinematic lighting +Movie poster, look who's talking, baby, simple colors, , +sleepwear catalog photo of a cute girl wearing a payama +family sitting on street market, market williamfishing vendors reallyuonpupils holmes,Jules Bastien-Lepage +a sea of flowers with jungle-like trees in the background, detailed, photo realism, painting on canvas; nighttime, dark +colorful translucent flying mammal with large ears and powerful back legs, wings, photorealistic, studio lighting, sunny day background, octane render, highly detailed +A pencil sketch of a person's face with realistic details. +logs leading up into the sky, floating log staircase into the sky +, fantasy, pastel, absurdist, photo, refined, trapped +Mickey Mouse at the gym getting angry +Jerry Seinfeld joins the cast of "That 70s Show" +On a misty morning, a mysterious temple is discovered in the mountains +a land rover driving through a muddy river big splash jungle, a portrait, by Dietmar Damerau, unsplash, renaissance, land rover defender 110 1985, on set, hsv, menacing, nice afternoon lighting, by rainer hosch, foam, performance, +A car maker's workshop, inside is a model of a lotus esprit. +realistic photo of 6 year old girl Homura Akemi, cosplay, full body, masterpiece, HQ, 4k +action figure of a cute Pikachu driving a kart, professional photography, 8k +Kurt Cobain as claymation, hyperrealistic, brightly lit, looking at camera +cel shading of Tokyo at night, beautiful, vibrant colours +A giraffe on mars, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Walter White from Breaking Bad series holding a sign that has text: "Make blue great again!" +A photorealistc neon sign in the desert southwest at twilight. The neon tubes should not be shaped into letters. The neon tubes should instead be shaped into artistic shapes. +8k, RAW photo, best quality, masterpiece, realistic, photo realistic, ultra detailed, 1 girl,cute, solo,beautiful detailed sky,detailed cafe,night,sitting,dating,nose blush,smile,closed mouth,beautiful detailed eyes,collared shirt, bowtie,pleated skirt,short hair,floating hair +beautiful painting of an castle in an desert +extremely detailed CG unity 8k wallpaper, a beautiful female knight in armor carrying a longsword with a battlefield in the background +mechanical hedgehog in nature, electronics, motors, wires, buttons, lcd +logo, fabulous bunny, long ears, hands, mystical creature, black and white logo, object animal hare, inscription "cunning bunny" +Photo of a beautiful 18yo girl, wearing armour with respirator, long straight blonde hair in a ponytail, +Realistic Black and white Photorealistic image of Felicity Jones triple D cup as a 19 year old Realistic , smooth face , dynamic light , dynamic shadows , studio background, image taken by photographer +Draw Pikachu exploring a new and exotic location, such as a dense jungle or a mysterious underground cave. Include details of the environment around Pikachu, such as foliage, rocks, and other wildlife. +portrait of a young beautiful black woman attractive glamour model wearing demonic, Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +art by roger dean, a crystal egg sitting on a lotus flower at the center of the universe, futuristic, metaphysical, mystical, astrological, HD 4K, sharp detail, photo-realistic +Sagittarius worm, pastel, circle, old print +"the beautiful scene render that a beautiful girl lies in the arms of a huge white dragon in the fairyland surrounded by white clouds, in the style of makoto shinkai victo ngai and peter mohrbacher studio ghibli artgerm karol bak beeple, animation style, 8 k hd, dream, trending on cgsociety, trending on artstation, ultra wide angle, animation style, hyperrealism, 3 d render, hyper detailed" +photo, american Pretty Woman in Red Dress, stares to the Sunset Horizon, photo scenery by . 4k wallpaper, official media, beautiful, cinematic lighting, 8k, very detailed, high quality, wallpaper, award winning, trending on and behance. amazing wallpaper. very beautiful. creative. incredible. +Grudge with mouth open in mirror, dark room +a fruit stacking in the shape of a dog, stock image, shutterstock +Ripped off suitcase on the airport floor +screaming photorealistic happy old male screaming shaman standing in a middle of forest covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by andrews esao amorsolo +digital art print by alicexz of two people looking in each others eyes +photo of a dirt road in a forest, pine trees +yellow duck, colored, splash, high detailed +Knuckles asks Sonic if he flirted with his sister again +Piano made of glass, in the sunlight, beautiful lighting, high definition +An olive oil bottle in the style of apple computers +saint Michel kills an monstrous gigantic pig +Pokemon in real life realistic fuzzy pikachu videogame concept art! by jean baptiste monge, leesha hannigan, sunlit morning, dynamic pose, deep depth of field, trending on artstation, splash art, 8k high detail, volumetric lighting, unique composition +a CLOSE UP OF A SKULLMAN cop, dieselpunk style, wearing a neck collar, black & Red muted colors, RED SMOKE, centered composition, intricate details, moody, apocalyptic background, horror, Octane Render, hyperdetailed, Artstation, Unreal Engine 3D shading shadow depth, steampunk +biomechanical cyborg! volumetric lighting, intricately detailed, complex. by Android Jones. +Professional photograph of young taylor swift as a nurse taking care of an old man,nurse with oldman,highly detailed,beautiful face,masterpiece,natural lighting +A strand of hair growing from a head spiraling towards the camera +, fantasy, pastel, absurdist, photo, refined, time travel machine +hard electro rave and moving camera +Portra 400 high dpi film scan of a nasa astronaut wearing a space suit on a planet made of fire +grimy black market cyberpunk cyborg implant shop by moebius and beeple, muted colors, arabesque, cluttered sketch, poster art, thick outlines, organ donor, surgery +wet clay of Mount Rushmore National Memorial +Robots and riot police, urban warfare, fighting on the street, art by Jeremy Mann +, fantasy, pastel, absurdist, photo, refined, bird people, characters +Jaroslaw Kaczynski, demonic, dark, like the lord vader, ugly face +Iron Man in rococo armor with a basilisk coiled around him, insanely detailed, opulent, ambient lighting, cinematic, cel shading, cel animation, chromatic aberration, watercolor and oil paint, ayami kojima style, marvel comic style, artgerm style, cafu style +hal 9000 blade runner ai artificial intelligence +bald chubby guy Cannibal murder victim boy, Cannibalismat prison. highly detailed guro art by Ilya Repin +photo of (Kristen stewart) in figure of (Leonardo da Vinci's famous Vitruvian man), Ultra-realistic, Cinematic Light +Design, Vector graphics, Icon, folder in the form of a toolbox +3d render of funko pop rapper, studio, unreal, amazing +A French man surfing on the moon +a palm tree in an artic tundra +A digital painting of a person sitting in class on their laptop, +a dinosaur standing next to a landrover in a jungle river, a picture, photorealism, imax close-up of face, rain!!!!, photograph credit: ap, geoff darrow, t - rex, most memorable scene, january 20th, nbc, 3 - d, online, closeup - view, movies, 2002, vore, perfect movie shot +A Cat driving a car in space +High resolution 3D animation, whole body image of a beautiful Diablo 3 style demon succubis with dark red skin and black horns as a naturist in the Scottish highlands, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +underwater photography of woman half body underwater sky cloud sunny day +lion of zion with Jerusalem in background +A wooden packing crate from a video game, cube +woman half body in water underwater camera sky cloud sunny day +pink sea monster with a grey tusk in the middle of the head +White Hat!!! Skull wearing a white hat! Psychedelic style! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: Oil splash: Oil stained: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +driving inside a ferrari in california +"Hello world" text, space, planets style +an anime girl wearing a dress +hyperrealistic polaroid photograph, sleep paralysis demon creature standing over a bloody dead boy in a large abandoned bedroom, large windows , +provocative mixed female african asian white +a helicopter with blue and white painting flying in the middle air, horizontal side view +creation without a face, faceless, laboratory, hologram, monitor, highly detailed, 8k +fisheye lens selfie photo from the top of a skyscraper +Horror scary grudge mouth wide open in mirror in dark room +A car workshop in a spaceship,teddybears in uniform, inside is a model of a lotus esprit, sci fi,star trek +Illustration of xenomorph furry evil angry skye from paw patrol +the twins towers at night, city light, galaxy sky, new york city +A man holding a sign that says "SUPER DUPER SOON" +Andy Warhol holding a sign that says Repent +a pink narwal with a drill in its head in a deep and dark ocean +Show me how the world ends +Jennifer Aniston, toned upper body, stiletto heels, shredded dress +lifelike portrait, baby grogu, yoda, extremely intricate, high res, 8k, award winning +Incorporate images of a scientist buried under piles of books and papers, looking stressed and overwhelmed, next to a happy and confident scientist holding a perfectly crafted research paper. Use color contrast to emphasize the difference between the two scenarios and make it visually appealing to catch the viewer's attention +an image with some limes and limes in a picture in the style of ildiko neer dark silver and yellow organic designs kerem beyit rustic still lifes lightbox traditional vietnamese +black cat astronaut, in space, photo +Vintage Electronic Test Equipment, Mostly Oscilloscopes +A digital painting of a fantasy druid +A logo of a woman vollyball plater +Robin Williams in 1945 New York City, Kodachrome photo +Antique, warm hues, rubber dildo up massive, obese, Aboriginal girl, legs spread, big marble dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +"The woman cradles the baby in her arms, and her lips, coated in a deep shade of pink lipstick, are large and full, similar in size to the baby's tiny head. As she brings her lips to the baby's face, she presses them firmly against his delicate skin, causing his tiny nose to wrinkle in response. She squeezes her lips together, creating a moderate pressure that causes her saliva to splash intensively against the baby's face. The woman holds the baby's head tightly to her lips, making sure her lips free his entire face as she kisses him. The baby squirms and coos in response to the softness of her lips and the wetness they leave behind. The sound of her lips parting against his tiny face fills the room, and the moistness of her saliva mingling with his own skin creates a sense of intimacy and connection between them. As she continues to kiss him, the woman cradles the baby protectively in her arms, her black hair framing her face in a cascade of glossy waves. Her flawless complexion contrasts beautifully with the deep shade of her lipstick, creating a striking visual image. The woman knows that she will do anything to keep the baby safe and loved, and in that moment, nothing in the world could ever harm him. The baby reaches up with his tiny hands to touch her cheeks, and she smiles down at him in adoration, feeling a deep sense of love for this tiny human in her arms +beautiful portrait of a young woman made of glossy glass skin surrounded with glowing birds +detailed photo of blonde girl with pigtails +Big forest with fog and moss with a chair in the middle +vector logo of the letter S +green backpack with black apple, highly detailed, photography, photodetailed +Barbi sticking tongue out wearing sunglasses holding a sign that says Famous, peace sign +keanu reeves as a gta 5 charactor +sculptures, no compositions, by kuksi.com, Indian style, by Kris Kuksi, museum atmosphere, exhibits, exclusive, high detail, 3D, Shilpi, volumetric bas-relief, high detail, ambient lighting, octane render, 16k, relics, artifacts, rarity, Gods , surface ornamentation, noble stones, precious stones inlay, realism, religious decorations on people, mythological beasts, in motion, dance, depth, miniature scenes with a million details material marble, precious metal inlay, religious attributes, mysticism, fractality, proportional bodies, golden ratio, dark background, +cyborg Lord Voldemort without nose in cyberpunk, neon lighting, figure in center, digital art from artstation by Ruan Jia and Mandy Jurgens and Artgerm and william-adolphe bouguereau and Greg Rutkowski and Wayne Barlowe +dark and gloomy full body pose 8k unreal engine render,blonde samurai, wearing broken white battle armor, at cluttered and messy labs , action shot, tattered torn shirt, porcelain cracked skin, detailed intricate iris, very dark lighting, heavy shadows, detailed, detailed face, vibrant, photo realistic, realistic, dramatic, dark, sharp focus, 8k +A drakkar entering a majestic fjord landscape in winter +the mad hatter as an agent in the matrix +**a portrait of a surfer surfing a wave next to a turtle and a shark over the blue ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +Portrait of a 22yr white female, hyper-detailed, extremely ashamed, soft skin +Portrait of a fairy tale princess by Albert Lynch +Selfie of a Brazilian gostosa 19yr teen, arm over peitos, dark hair, wearing a sheer silk top +blue dragon eye buried in sand draw +action image of a beautiful fit young man turning into a werewolf +Antique, warm hues, slim waif, bare, smooth, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Portrait of a noble person wearing a golden toga and crossing his arms, fantasy, medieval, highly detailed, Artstation, painting by greg rutkowski +Abstract oil painting of Nelson Mandela painted by Pablo Picasso +Agnes Cecile Logo of a Fire Wreath, high res, 8k, award winning +HUGE spaceship photographed by Ridley Scott. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +planet made of icecream in space +kawaii action figure of Mario Bros eating ice cream +selfie photo with aliens in background +photo of an old tree in the snow, there is an old swing hanging on a branch, a ghostly figure is on the swing. Photo is in a dramtic angle and close up on the swing with ghostly figure +An enchanted forest full of magical creatures +A painting of the dunes of the Sahara Desert, by Claude Monet, impressionism, impasto +(concept art), vibrant, giant futuristic military base at night on clifftop, dam, water, stars. +Topdown art of outerworld plants and vegetation +A cat seated on a rock on the forest, digital art +a young lady on a hair stylist salon +Watercolor painting of Barnacle goose, afternoon backlight, by greg rutkowski, by anders zorn +cafe logo, emoji style, indian cooking, color logo, HD, 3d, family, healthy food, +Many Guinea pigs sliding down a hill +art print of a cute fire elemental by monet +Cute cat, realistic digital oil painting by bob ross +a fantasy tavern thats well lit, dark, lanterns, dnd, dungeons and dragons, fantasy, rustic +A sports car which is made of wooden logs +award winning national geographic photo of a horse +photo of adorable asian little ballerinas resting in dance studio, nikon D5 +a tall thin lighthouse with an airplane in the sky, in the style of sam spratt, dark sky-blue and light gold, intricate illustrations, luminous pointillism, dark symbolism, becky cloonan, dark yellow and dark emerald, captivating light, highly detailed, intricate +cyberpunk chopshop, arabesque, cluttered sketch, poster art, thick outlines +Mayan ruins lost in the jungle. +sleeping contempt moss forensic centenary reborn silicone sculpture +A cuddly Guinea pig standing in the rain under an umbrella +A cute furry kitten playing with a yarn, sticker design style, energetic overall mood, warm colors, disney pixar style, contour, vector, white background, detailed +photo of military stealth battle by bmw, breathtaking, fighter jet, f35, f16, military, hamvee, gray matte +Mette frederiksen as seen by jens ferdinand willumsen +man in overalls strums a guitar +a weird comidy anime boy with a glowing yellow rock. +an abstract painting of the inside of a cave +Big bright eyes: A close-up shot of a cute animal with big, bright eyes, capturing their innocence and playfulness. +Jennifer Aniston tied to a wall +a long, red haired woman, dressed in a black medieval dress and cloak in Transylvania, oil canvas, portrait by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood +portrait of woman in baroque costume on streets of New York +A risqué girl playing a violin, in the style of your lie in april +Hot air balloons over a city skyline sunset +Photo realistic itachi close up high resolution, real life style +Joe biden falling down the stairs, realistic +a photo of MotoGP player holding a sign that called "KSABAR" +Jesus sticking tongue out wearing sunglasses holding a sign that says Famous +middle-aged grimy medieval man, blushed cheeks, rats in his coat high quality digital painting +a painted tray tea set wood carved with flowers +a portrait of an old navy admiral in 19th century, beautiful painting with highly detailed face by greg rutkowski and magali villanueve +An open treasure box full of treasure, t shirt design, plain background, 8k, artstation, artistic +A photo of a giant leaning tower of cheese +A selfie of Shrek in Las Vegas +🐹 in a TV, Ring movie style +art by Alfons Mucha, Jennifer Connelly as a naturist meditating in lotus position in front of the Taj Mahal, award winning photography +very intricate highly detailed cartoon anime picture of beautiful woman, masterpiece, best quality, 8k +A highly detailed digital artwork of an orange cat wearing black top hat +A pyramid inside a translucent sphere +protest of teddy bears in New york the bears are with angry faces and raising their fist +The Toronto skyline with Google brain logo written in fireworks. +an image of an opal gemstone +candid selfie photograph of singer taylor swift with group of muscular black men,beach,face closeup,sharp focus, venereal pose,white woman surrounded by men,highly detailed,stunningly beautiful face,natural lighting, +A dog wearing a red shirt next to a cat wearing a blue shirt +Dungeons and Dragons full body portrait, half-orc Paladin in gleaming plate armor, long hair +magic lamp from arabian folk lore +city in Poland in 1000 years +Darth Vader in a 19th century western, he is clearly confused +, fantasy, pastel, absurdist, photo, poltergeist +Picture of smiling benjamin franklin traiding crypto, imax cyber neon hypnosis graffiti on background, vivid colors, crypto, intricate details, trending on cgsociety, concept art, sharp focus, ultra realistic details, cinematic atmosphere, global illumination, shadows, octane render, 8 k +Restaurant, isometric view, digital illustration, digital concept art, vibrant colors +small apartment, picture of interior design of living room, magazine, open kitchen, aesthetic, 24k, high quality, interior design winning price +dark-haired Valerian and redhead Laureline, time and space agents, painted by Frazetta +A vase with orange flowers, in a room Van Gogh style +Watercolour grapefruit, seamless, by grace cossington smith, Hilma af Klint rifle paper co +Glorious sunrise over a tropical bay, blue sky, dark storm clouds with lightning off in the distance +"When the impostor is sus" blood written text +Nightmarish monster hiding in closet, reptilian, highly detailed, embellishments, complex textured skin +John Wayne shaking hands with an anime girl +a viking warrior, semi-profile, wrinkled face, bright brown eyes, weathered skin, highly detailed, war paint, war bonnet +A pic of a pink house +an humanoid cat holding a paper that says "hello" +Photo of a snowy pick-up truck, foggy, beautiful, xmas +a castle in a forest with a large tower. +man holding a sign that say "the world is ending" +the supreme leader of the murim alliance displaying his oppressing overwhelming power infront of his disciples,in the style of Ken Kelly and Tony DiTerlizzi and William Blake,Richard Corben,extremely detailed,detailed shadows,volumetric lighting +black oily old man dripping skin; black arms made from oil; glowing blue eyes; horror; neosurrealism; dark night with full moon; dynamic lighting; dramatic lighting; by by peter mohrbacher; Minjae Lee; by Ralph Steadman; monochrome selective colour blue; inkblot art; large brush strokes; alcohol ink; pour painting; 8k resolution fantasy concept art; liquid gouache; black with blue highlights; contemporary art +Snake reading a book by a fireplace +gta v character, handsome, young, fit man, white suit, waving one hand at the camera, rejecting, denying, angry, mad, serious, , +jennifer garner, close up photo at a gala event, canon eos 5d 80mm f4.5 +naturist prostitute doing what she was trained to do +simple mural depicting a modern city with skyscrapers on a white wall +a cyclist on a road bicycle +photo, action-shot, smiling red haired mature woman in uniform, happy spy engineer, focused blue-hazel eyes, sci fi style, bokeh +Create an alluring and enchanting illustration of a cute and coquettish female secretary, showcasing her playful charm while maintaining a professional demeanor. Depict the secretary wearing a fashionable office outfit, such as a pencil skirt, a chic blouse, and tasteful heels. Accessorize her look with subtle yet captivating elements, like a delicate necklace, a sleek wristwatch, or stylish eyeglasses. Her hair should be styled in a polished and trendy manner, reflecting both her personal style and her professional role. Set the scene in a modern and sophisticated office environment, with elements such as a sleek desk, a comfortable chair, and a well-organized workspace. Incorporate a mix of clean lines, soft shading, and a refined color palette to create a visually striking and elegant image, capturing the essence of the cute and coquettish female secretary. The final illustration should be delivered in a high-resolution digital format, suitable for sharing on social media, printing as artwork, or using as a desktop wallpaper. +Girl wearing a wedding dress and has mask +A photo of an olive oil bottle in the style of apple computers +Breitling watch, green watch, promotional product +deadpool kissing with wolverine in style of xmen movie +mugshot from lebanon, man, cyberpunk carnival mask, stunning photo, high-res, ad campaign +A darkskin A stylish girl wearing stylish streetwear in a convenience store, by martine johanna and simon stalenhag and chie yoshii and casey weldon and wlop : : ornate, dynamic, particulate, rich colors, intricate, elegant, highly detailed, harper's bazaar art, fashion magazine, smooth, sharp focus, 8 k, octane render +Portrait Of 8 Years Old, blue-skinned Handsome Hindu God Krishna With Turban, Detailed Texture, Pretty, Elegant, Realistic 3D Render, Detailed Digital Painting, Artstation, Concept Art, 4k Resolution, Professional Color Grading, Soft Shadows, No Contrast, Art By Alphonse Mucha, Art Nouvau +Ranger in a D&D RPG setting in the woods +a professional cinematic paparazzi photograph of pope francis in wearing an icy crucifix and a luxurious canada goose style swagy white long puffer jacket, cinematic lighting, epic, amazing, sharp, 8k, photorealistic +digital art of Pokimane,Imane Anys, with a black man +a little blonde girl in the style of Van Gogh, horror, scary +Happy chicken running is the desert +A man commuting on the subway with his cat in the 1980s +full body draw of a woman walking trough a cyberpunk city at night with neon light on the background, art by artgerm, digital art, asymmetric cut, full shot camera angle +Ukrainian Cat looks like second world war pilot,flight helmet,wearing skin pilot's cloth,digital painting,aviator movie style,resident evil comic style,highest detailed,8k hd,marvel comic,dinamic pose,epic view,cinematic light +a video game scene from call of duty shipment, concept art by Mac Conner, polycount, realism, xbox series x screenshot +photo of a tesla car underwater +Ghostface celebrating a birthday in a beach +Warm and inviting home interior ::5, filled with soft textures ::4 and muted colors ::3. An abundance of candles ::5 fills the space, creating a comforting and intimate atmosphere ::4. A crackling fireplace ::2 adds to the cozy ambiance, casting flickering shadows ::1 across the room. An artful arrangement of plush blankets ::2 and comfortable seating ::3 invites you to stay awhile. +picture of an opal with harlequin pattern fire +paladin in full plate armor, 3d render, realistic, photorealism, full view +photo, into the woods of Eryn Vorn, Middle Earth, several elves lost in a forest with a tree at dawn #13612 +Audrey Hepburn wearing a shirt that reads worship +tokusatsu megaman playing in a black metal band wearing tribal mask inside a cathedral guitar drums and bass concert +HQ portrait of Sadie Sink, DSLR, +Polaroid photo of Girl kissing in old warehouse +Home, love couple, cloud waffles, small heart visual effect, romantic atmosphere, harmony +1 handsome young Asian man, street photography, fashion clothes, animation style +a fireworks in los angeles at night +an image of a pink marble sphere sculpture on top of a white marble sculpture, professional photography +cute black cat, digital art poster by J M W turner +an Italian chef in a traditional rustic Italian village kitchen +Portrait of a 22yr white female, photorealistic, blushing, soft skin +a castle full of jokers and comic strips +Apealing atractive beautiful female woman with thin arms +high quality oil painting strange and bizarre landscape +A handsome worried man with his sad and injured German Shepard being examined the veterinarian +high detail, high defintion, 8k, photorealistic, hdr, walter white as bob ross +app that monitors your health, flat vector, Adobe Illustrator, dribbble, user interface +Portrait of a fairy tale princess by Abbott Handerson Thayer +Albert Einstein falls out of a boat in the river, rowing +Isometric view of a castle made of rocks in Mercury, ruinsStyle greg Rutkowski A 3D rendering of a castle with battlements and soldiers set on a lush green field +funk bass emoji, spacebass emoji, an emoji of a funk spacebass bass guitar, like the one played by Bootsy Collins, with a star-shaped guitar body +a photograph of patterdale dog driving a car toy in the cave , landrover , Patterdale Terrier +ava addams making love with cristiano ronaldo +fluffy anthropomorphic lynx with antlers, falling leaves, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, magic, nature, professional digital art +A manga style tall woman in purple and gold flower kimono with mid white hair and fine green eyes +album cover illustration for a metal band called RAINBOW! +an illustrated technical diagram of a campfire +An elephant blowing a colorful psychedelic smoke from his trunk +computer monitor, keyboard, mouse, white desk, wooden floor, large window, sunshine, city background +A woman wearing a golden necklace with her cloth in the background +scifi room metal,roman,studio lighting, volumetric light,sir john soane,metal pipes,floor grates,pilasters +A nun holding a sign that says repent +Photo of the Mona Lisa as a real person, photography of a medieval woman +kevin owens white singlet buldge, oil painting realistic +fantasy painting of a cherry blossom forest +drawing of a marijuana leaf, pen, black lines, clean, white background, outline +a close up,by artist yves tanguy and james stokoe of the heavenly catholic demonic leader cyborg iron maiden,surrounded by bishops in red robes,glowing eyes, large view,masterpiece +spring flowers on a cottage window , da vinci technical sketch, sharp focus, studio photo, 8k, intricate details, highly detailed, visible sketch lines, by john singer sargen +night sky, small buildings, city, cityscape, stars, moon, sun, nes, snes, nintendo, retro games, sega games #pixelart +'a couple of horses that are standing in front of a building, exterior of scifi temple, promotional movie poster, pamukkale, celestial collision, dwarves, epic buildings in the center, climax, tombs, selenar, cinimatic, tuba, by Cui Bai, eternals +a bus with ducks instead of people +A bucket of cheese, corporate memphis, minimalist design, flat design, 2d vector +, fantasy, pastel, absurdist, photo, Wes Anderson, beaver character, dancing +a very muscular dark haired darkskinned girl with a black crop top and black ripped denim skinnyjeans +a handshake, black hand and white hand +bald Muscle chubby guy Cannibal eat victim boy meat flesh, Cannibalismat prison. highly detailed guro art by Ilya Repin +A risqué picture of Billie Eilish🍈🍈, cinematic lighting vintage 1977 film grain low budget sci-fi 📽️ +a black and white picture of a young woman +a woman in a silver suit with a ponytail, trending on Artstation, fantasy art, detailed painting, artstation hd, high detail, +realistic island in the shape of an elephant's head +Ellie from The Last of Us, , +a muscular masked luchador, flexing, photoreal +black luxury interior design with wooden floor modern realistic archviz, photorealistic, black aesthetic, trending on pinterest, spicy atmosphere +Clara Crawford, photorealistic beautiful woman, light hair, full body, cover, hyperdetailed painting, luminism, Bar lighting, complex, 4k resolution concept art portrait by Greg Rutkowski, Artgerm, WLOP, Alphonse Mucha, little fusion pojatti realistic steampunk, fractal isometrics details bioluminescens : a stunning realistic photograph 30 years , redhead, italian goddness beautiful awesome with big white flowers tiara of wet bone structure, 3d render, octane render, intricately detailed, titanium decorative headdress, cinematic, trending on artstation | Isometric | Centered hipereallistic cover photo awesome full color, hand drawn, dark, gritty, realistic mucha, klimt, erte .12k, intricate. hit definition , cinematic,Rough sketch, mix of bold dark lines and loose lines, bold lines, on paper , full body with velvet dress, humanoid, Full body. +Donald J President on a piece of toast +stunningly beautiful space zombie, insanely detailed, photorealistic, 8k, created with midjourney +a woman made out of semolina, talking in a megaphone +girl at beach with tentacle monster +A person sitting in class on their chrombook, painting +symmetrical Rococo Fractal Sunshine robed Cherubs Oil painting: Roses and fluffy puffed cream, birds, bunnies, streamers, lillies, bubbles, rainbows, +Professional action shot of a skier in a fast turn with snow flying from the skis +antman and the wasp exploring a mayan underground temple +A photo of a man holding a sign that says "This Is SDXL" +A surrealist portrait of a mermaid with colorful, flowing hair and intricate tattoos, surrounded by underwater coral and sea creatures. The portrait is inspired by the work of Salvador Dali and Zdzisław Beksiński. +Anime, Pretty Woman in Yellow Dress, staring toward horizon, sunset in background. By Makoto Shinkai and Stanley Artgerm Lau, WLOP, Rossdraws, James Jean, Andrei Riabovitchev, Marc Simonetti, krenz cushart, Sakimichan, trending on artstation, digital art. 4k. 8k. highly detailed. award winning. dramatic. cinematic. concept art. +photograph, high detail, high defintion, 8k, hdr, global illumintaion, a 1990s yamaha sport motorcycle +Portrait of a mysterious young man in a bar, 20 years,leather jacket, blond hair, stylish, neck tattoo, soft light, neon, 24mm lens, realistic, piano, Music, guitar, band, notes, pixar style +Closeup portrait of a girl, dramatic +a folklor slavic hut on chicken legs where baba yaga lives +a beautiful witch casting a spell +Nirvana concert at reading 1991 with big drum kit +landscape, digital illustration, deep color, intricate detail, photorealism, polished, complementary colors, fantasy concept art, 8k resolution Unreal Engine 5, five point perspective +photo of a Werewolf cooking dinner +a black latex lioness, made of smooth shiny latex, in the tar pit, award winning wildlife photograpy. Wildlife Photography, dslr, goo, liquid latex +A woman elf in hunter garbs, sitting next to a tree, concept art, dramatic lighting +Tessa Violet rocking out. 80's punk scene style. +anime girl with white hair, red dress with golden decorations, dark fantasy style, sharp details, anime style +Chasing a rainbow, surreal, masterpiece, , +3d render of a cute cyborg goblin in the style of sonic the hedgehog +photograph of Abraham Lincoln as a young man +anime illustration of fairy king oberon from midsummer night's dream, elf ears, blond hair, golden crown +movie still from 90s tv series about ufo in rural us, night scene +a little girl where she stay the grass and she wear the yellow dress +a painting of a woman walking down a cobblestone street, a colorized photo, by Studio Ghibli, tumblr, magical realism, waldo in the top right of frame, anamorphic widescreen, stockholm city, television screenshot, porsche 356, inhabited on many levels, submarine +"A realistic oil painting of a rugged and muscular cowboy riding a horse through a dusty, sun-baked desert landscape. The cowboy wears a leather vest, denim jeans, and a cowboy hat, with a revolver at his hip. The scene is lit by a warm, golden light, with a blue sky and distant mountains in the background. 4:5 aspect, 1000px, stylize 1000." +fallen angel lucifer called guardian cherub adorned with every precious stone, carnelian, chrysolite and emerald,topaz, onyx and jasper, lapis lazuli, turquoise and beryl in garden of eden +fantasy, pastel, absurdist, photo, busts, textile weird characters, riso, +city in Poland in 4000 year +tatted vampire, sitting on hood of vampiretech automobile on a dark, stormy, wet, neon scfi futuristic city street. highly detailed, by daniel gerhartz and mobius and john bolton and frank frazetta and olivia and jim burns and royo and sanjulian and rebecca guay and Julie Bell. vivid neon colors, 8k. +Johnn Lennon listening music with a headphones, new discman +That famous piper Perri shot recreated with the mcgann brothers instead of black guys, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +show me the song over my head by the fray +two kids playing football in a field +moto-moto from the movie madagascar, furry, hippopotamus +Woman with very short red hair smile cartoon style +the most beautiful fashion model, crazy scene +cute darkness elemental spirit creature by claude monet +a giant kitten in the city +A classic car, seemingly powered by multicoloured glowing pipes, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +A sign deep in the words that says "Home" +middle-aged man with a beard giving a thumbs up, upper body, green fields in the background +king charles spaniel with planets for eyes, ethereal, midjourney style lighting and shadows, insanely detailed, 8k, photorealistic +A anime figurine, depth of field, highly detailed, colorful figurine, plastic, bedroom table +young Lee Young Ae, dressed as a 19th century hungarian peasant woman with two black hair braids, in 19th century a hungarian village, oil canvas portrait by Munkácsy, Waterhouse, István Csók, Ferenczy, Rutkowski, Marc Simonetti, very atmospheric, natural light +an early 20th century propaganda poster featuring the Easter Bunny +a rectangular block against a square tunnel wall +Mystical forest with glowing mushrooms and a babbling brook close up on a female face +editorial photo, wide shot of the ocean as the sun sets. a beautiful glow can be seen in the small waves. the clouds look like cotton candy. +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model wearing hot, Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini +Bunny in tulips Easter painting cute +planetside 2, terran republic, a purple soldier is firing a machinegun at the sky +A fashion photograph of a female celebrity model standing in the middle of a busy street, surrounded by a crowd of paparazzi, confident and poised, fashionable clothing, black and white, sharp lines and high contrast, 12k resolution, Canon EOS R5, natural lighting, 50mm lens +a anime girl rebel with a small stone glowing red she should look confused at night. +Ash Ketchum replacing Pikachu with a bottle of ketchup +a beautiful woman with wings on her back, with a smile on her face +Slutty Dark Skinned African Woman, Laying in a Slutty pose on the Rooftop of a Castle, That is carved out of a Mountain made of granite, Glistening +Gordon the Big Engine smiles RWS +a wideangle photo of a grizzly next to a mgb ,in a forest , chrome detailing +woman flirting with the camera, photo taken with eos 5d, ultra realism, hyperrealism, street photography, professional photography, 8k uhd, ray tracing, ssao, film grain +Photorealistic image of cute Christina Ricci as a teenager Realistic , smooth face , photography light , photography shadows , studio background, image taken by photographer +Fursona furry fox , female , beautiful , attractive , orange body , fox body colours , smiling ,digital art , showing off , masterpiece , by foxovh , hourglass body , furry art style , long loose brown hair locks , fox head , , +photo of a young millennial woman, full body shot, at the gym, fit, tattoos, short hair, beautiful, toned, thick muscular thighs, huge rack, implants, huge naturals +A cute young man spreading his cheeks +a close up of the heavenly demonic leader cyborg,cyberpunk style,art surrealism,by art shusei nagaoka and by artist alan bean and katsuhiro otomo and yves tanguy, james stokoe,king crimson, avatar image, large view +Overweight Lana del Rey eating a cake, insanely detailed, photorealistic, 8k, , +kurt Cobain on road trip driving a old light blue van +minotaur lounging in a tropical resort in space,, bull headed man, nasa footage, digital art, volumetric lighting +robot giant mechnical electrical wire, cyberpunk forest,creepiness,long-distance view castle, fantasy, intricate, elegant, increasingly detailed, digital painting, artstation +woman turned into a golden statue +A tin can robot, 3D render, CGI +A man verbing a lemon, concept art +Thomas the Tank Engine RWS illustration +38 year old man, black hard, black stubble, colombian, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +a photo of a person hiding in a cave, with flash +medium shot, full body street photography of a pretty fashion model running on a flooded street in the rain, black and white, by tatsuo suzuki +An advertisement selling Tasty French fries with ketchup and bacon +a photograph of velociraptors driving a landrover in the jungle river,dinosaurs 4k octane render +Monica, Rachel, Phoebe, Ross, Chandler, and Joey from Friends in manga style +A knight kneeling on a battlefield. +cyberpunk chopshop by moebius and maciej kuciara, arabesque, cluttered sketch, poster art, thick outlines +a man that looks like a poodle. a poodle as a man. +Beautiful girl, wearing lab coat and glasses, holding a clipboard, standing inside a research facility, character portrait, 1 9 6 0 s, long blonde hair, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by wlop, mars ravelo and greg rutkowski +Ghostly smoke-like apparition riding a demonic horse, low light levels, shadow, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Tranquil pond filled with lotus blossoms, with a divine and angelic aesthetic, by Le Corbusier +20 years old gothic steampunk womans on a bar +super horror scary image of slender man, with a face that is blank and black color, in a park, that can catch anyones attention. +instagram model working at an oilrig, 20000 followers, covered in black oil, selfie, wearing hardhat +sentient ai learning to ride a bike, oil painting +temple in ruines, forest, stairs, columns, cinematic, detailed, atmospheric, epic, concept art, Matte painting, background, mist, photo-realistic, concept art, volumetric light, cinematic epic + rule of thirds octane render, 8k, corona render, movie concept art, octane render, cinematic, trending on artstation, movie concept art, cinematic composition , ultra-detailed, realistic , hyper-realistic , volumetric lighting, 8k +a girl eating a meatball sub on the deck of a cruise ship +Regal Portrait, Midjourney v5 style, insanely detailed, photorealistic, 8k, volumetric lighting, , +color photograph of a young blonde woman hugged by indian brown boy,high quality,beautiful woman, +Family logo, the logo depicts a family that loves food, vector logo, svg cafe logo, logo built on a grid, the correct proportions of the logo, HD +woman wearing ballet tights and zentai body suit that encloses her head +Archbishop twins Pininfarina Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +a man in a suit shakes hands with an alien in office space +photo of a angry velociraptors down a muddy road in the jungle and a landrover, wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +un grillo saltando en la playa con un sombrero +A realistic 35mm pic of Joan of arc on the pyre +Walter White in the style of Avatar the Last Airbender +oil painting, Egyptian mummy wearing snapback and golden chain on neck with dollar sign pendant +a close up art surrealism,by art shusei nagaoka and by artist alan bean of the heavenly catholic demonic leader cyborg,cyberpunk style,art surrealism,by art shusei nagaoka and by artist alan bean and katsuhiro otomo and yves tanguy, james stokoe,king crimson, avatar image, large view +Fornasetti Style King's Hussars Picture of Westminster Abbey smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +A man in a pink skirt playing baseball in the park +mark coffey, hairy musclechub, serious face, fantasy theme, wearing sleeveless brown leather apron, warm fiery tavern background, fists fiery glow +The Penrose stairs or Penrose steps,the impossible staircase, illusion +human painting a painting inside a painting,Naive art,Fairy Kei,Incandescent,minimalistic details,water colour painting,HDR resolution +insanely detailed portrait, male model, insane face details, perfect eyes,dof, dslr extremely intricate, high res, 8k, award winning photography +portrait of a 7 year old extremely handsome, joyful blue-skinned Lord Krishna with Turban, black sharp bright eyes and pupils intricate, black hair,elegant, dramatic lighting, highly detailed, digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha, art nouveau +a rabbit jumping over the moon +Painting of cryptocrystalline quartz audio waveform energy field hyperrealism style +cyborgs vs robot warfare, dystopian, extremely realistic, explosive, epic, amazing, cinematic, eerie, fiery, warfare, +swimming in a pool with Indian man +A photo of a grumpy artist holding a sign that says AI STOLE MY JOB +1800s military portrait of a british shorthair cat napoleon, by john singer sargent and joshua reynolds, oil painting +a woman in a dress is standing on a ledge, an album cover by Nan Goldin, flickr contest winner, art photography, cyanotype, photo taken with provia, photo taken with ektachrome +Dave Meltzer eating a muffin during an interview +teen doing indecent things in the sauna +A picture of a sewing machine, desert landscape +Create an adorable and captivating dog avatar, featuring a lovable canine with expressive eyes, a friendly smile, and irresistibly fluffy fur. Choose from a variety of popular dog breeds, such as a Golden Retriever, Labrador, Corgi, or Poodle, ensuring that each breed maintains its unique characteristics while incorporating a touch of cartoon-like charm. Accessorize the dog avatar with cute and playful elements, like a stylish collar, a colorful bandana, or a fashionable outfit. The background should be simple yet appealing, with options to include elements such as a grassy park, a cozy home interior, or a vibrant pattern that complements the overall design. Utilize a combination of smooth lines, soft shading, and a cheerful color palette to create a visually engaging and heartwarming image. The final dog avatar should be delivered in a high-resolution digital format, perfect for use as a profile picture, sharing on social media, or printing as a cherished keepsake. +young woman, slender build, long silver hair, tied up in a partial ponytail, adorned with a white flower accessory on the right side, large expressive purple eyes, gentle expression, white and gold outfit that consists of a dress with a long skirt, white cloak with gold trim, brown boots, left arm adorned with a gold armlet, graceful appearance, silver long hair, purity, innocence +Cute tomboy, freckles, lowcut blouse, loose clothing +asian lady, blushing, embarassed , waist up, long thin hair, dynamic pose, modelshoot:photoshoot, HD, high contrast, sharp image, masterpiece, mouth closed, balanced eyes, CG render, small head bone, detailed collar bone, Best quality details, realistic,8K Ultra Detailed,High quality texture, detailed texture, finely detailed,high detail, extremely detailed cg, High quality shadow, beautiful face, Detailed beautiful delicate eyes, DOF, beauiful woman,tall, blurry background, purple tight-fitting Scarf +shocked cat, jumping in the kitchen, photorealism, high detailed +Elon Musk in the style of anime +a black Rover75 mg zt car being driven through a river +A battle of two heroes, illustration +packaging design, collectible toy, bright packaging, attractive appearance, fabulous style +Guitar and Bass player with hot sweaty women in tubetop +A road sign with text saying "turn left for food" +Vhs screenshot of ghost in the shell, depth of field, bokeh, neon lights +a drawing of super mario eating a mushroom +Jim Morrison wearing a shirt that says rock n roll +a 4k fashion headshot of a a hipster, handsome, muscled, 55-year-old man wearing a floral brown suit, wool, white straw hat, by David LaChapelle, Avant Garde, a nightime party in the American South +Bob Esponja, con una piña de arma y en una pool party de Ibiza +ancient fantasy marble gate, neonpunk, mega structure, symmetric, intricate details, entrance to ethereal realm, rendered in unreal engine, central composition, symmetrical composition , galaxy, cosmic, planets in background, space landscape,, hyper realistic, unreal engine, ultra detailed, smoke, octane render , inner peace, silent universe, infinite meditation, quartz, universe, emerald, mineral, gemstone, gemstone, stunning crystal, citrine, emerald, emerald, stunning, insanely detailed, insanely realistic, back lighting, 4 k, cinematic +Close up portrait of beautiful woman with natural makeup looking aside and holding hands close to her healthy face +cats running, pulling a sled in the snow +wide angle photograph of a stunning young woman wearing a tight body suit sitting on the edge of a swimming pool, sun rays, global illumination, ray tracing, hdr, subsurface scattering, hdr, masterpiece, best quality +masterpiece,best quality,ultra detailed,anime illustration,steam punk mechanical girl aiming gun to viewer,mechanical arms,mechanical legs,dynamic angle,cinematic lighting, +a very high quality professional photo of a sensory garden with winding paths, a single wooden bench, and a mix of bushes, shrubs, and flowering plants, gravel paths, and a pond to create a calming and serene environment, highly detailed, exquisite, award-winning design, ar 3:2 +breton monk with a goat in disco +, fantasy, pastel, absurdist, photo, refined, crimp +a marine iguana on a surfboard +Cute tomboy adult woman, freckles, loose clothing, mamilos, wearing see-thru fishnet shirt +dog dressed in clothing, character portrait, environmental concept painting +create an image of a credit card +A cyberpunk cityscape in a snow globe +a woman wearing red mage dress smiling and standing in a tavern full of people +A goose that is half robot with a paperclip aesthetic +a dog with a black and white hat +a group of three women sitting next to each other, by Emma Andijewska, anomalisa, interview, beth cavener, ayami koj ima, video, e-girl, girl with short white hair, pub, wooden, production photo, panel, ceo, with shoulder pads, stillframe +Astronaut, in space, laying on star, +kanye west dressed in romanian folk cloths +make charles hoskinsons with a crack pipe +dancing anthropomorphic elephant, anthro, twerk, back view, illustration, humor, by gary larson, +Full shot body of a Futuristic demon samurai , glowing eye , spine punk , intricate neon light devilish armor , neon energy waves on armor , energy flowing , detailed helmet , full body portrait , cyberpunk city background , metal gear style , cyberpunk style , Dynamic lighting , cinematic photography , bright lighting , good lighting , studio lighting , unreal engine 5 , Realistic , photorealism , 8k , high quality , good quality , trending on artstation +wet clay animation of Hyakki nocturnal, cute monstors, aardman character design +a close up of a book on a coffee table +A historical, epic battle scene in the style of Frank Frazetta +mechanical lion in nature, electronics, motors, wires, buttons, lcd +the grim reaper holding a sign that says "you are dead!" +The statue of david in colorful marble by michelangelo in a cyberpunk art style, colorful marble +A classic car made entirely of glass, the internal components clearly visible, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Young man with blond spiky hair, blindfolded +hiker in the forest walking in snow covered trees along a trail. its night time and the hiker has a head lamp to show the way +A woman wearing a multicolored pannelled zentai body sits on a large blue beach towel +masterpiece, 8K, photo realistic, RAW photo,soft lighting, highly detailed, high quality, a body portrait of a handsome man with short black hair, casual clothing +A crocodail eating a worm sticking out of an apple +Selfie Gosha and Leonid in Tbilisi +photo, portrait, girl, scifi planet landscape, galactic, sparkling star, scifi forest clearing, alien flora and fauna, scifi buildings, vibrant landscape, wearing futuristic crop top, futuristic black pants, +Two different girls are sitting at the same table in a cafe, , +Mona Lisa sticking tongue out wearing glasses holding a sign that says Rock N Roll +Surrealism in Wenjun Lin style Close-Up Shot of Imp, Haunted Mansion, masterpiece, trending on artstation +lol, oli, l o l i +Egirl with pink hair, gorgeous, high-quality, beautiful +picture of rays of light shining through the trees onto a meadow in a forest +an ice cream that looks like an anteater +mickey running hand in hand with the devil, in style of caravaggio +illustration of a journey towards spiritual enlightenment, highly detailed, intricate stairs to heaven in tarot style +, fantasy, pastel, absurdist, photo, Wes Anderson, fungus characters +a cute mascot with weird textured clothing, cute long hair, draping cloth +A pencil sketch of a beautiful lady with face visible standing on an epic cliff Highly detailed well shaded realistic back shot mid low angle +, fantasy, pastel, absurdist, photo, refined, ball of with eyes +woman holding bitcoin, boho style, retro, 40s vintage retro illustration +The bustling city streets are a futuristic marvel, with glass skyscrapers adorned in digital displays, autonomous cars driving by, and robots working on the sidewalks. You arrive at a massive technological hub, with a lobby filled with virtual projections of a creative future. Outside, a lively plaza surrounds a pool with robotic fish and a sparkling crystal tower. Along the street, shops and restaurants offer a range of technological wonders and robotic service. +a monkey swimming through a Coral Reef +An old man with a bird on his head +cyberpunk giant kinky muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Ilya Repin +anthropomorphic mice living in a large tree trunk with doors, steps, windows, Victorian clothing & decor +A chicken food truck with a radar dish in the background +Wedding in Russia styled by Wes Anderson +3d art of brown hooded figures with blue eyes, view higher then them, unreal, octane +Oil painting, modern abstract art, by Carol Leigh, Portrait, Chimpanzee, stylized, +hyperrealistic polaroid photograph, wide angle extremely detailed thin women standing connected to each other by the mouth and navel by intestines , +thick jewish girl riding tentacle monster +a cool blonde guy ,green background, black shirt, cartoon style +Day on One side of the House but Night on the Other side +smoke, explosion, backlit, hilarious petite American wild skate chick, tiny lace shorts, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +30 year old Elvis Aron Presley auditions for the role of Captain James T Kirk on Star Trek, 1966, scifi, technicolor, discussion, script +Alice in a giant mashrooms world, dark colors +giant fantasy crystalline tree in a clearing in a deep forest, dramatic lighting +Portrait of a cute and adorable anthromorphic rat playing guitar, by Jean-Baptiste Mongue, Ismail Inceoglu, Karol Bak, Tyler Edlin, nature, flowers, album art, character design, detailed painting, hyperdetailed, hyperrealism, photorealism, a masterpiece, by Greg Rutkowski, trending on artstation +skinless warrior, grotesque, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Painting of alien ai $symmetry$, metallic shimmer, biomorphic, noctilucent, dynamic lighting, trending on artstation, synesthesia, alien ai style +ashley benson as scifi character with blackcyberpunk jacket with glowing blue details, short blue with yellow streaks hairstyle, ultra realistic digital art, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, artgerm illustration, 8k, medium distance portrait pose camera shot +film still of Neytiri from Avatar as a naturist +Portrait of a fairly tale princess, art by Dante Gabriel Rossetti +A cartoonish drawing of an angry, bald old man with glasses and a long beard, smoking a pipe +a Ferrari car that is made out of cheese +Tom Hanks on a T-shirt with a Spongebob drawing +a portrait of President Mary Robinson, in Jim Fitzpatrick's celtic style +Scene from a film for adult only with a woman that looks like gizel +Put your hands in front of girls to imply reproduction +Athletes holding up a 4 ounce rectangle black bar of soap promoting it. black and white photo +Masterpiece, painting of giantic huge moon, a cold, beautiful landscape of an alien planet, cinematic, epic, volumetric light, award winning photography, intricate details +red sports motorcycle in the street, day time, wet weather, filmic, happy lighting +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model wearing hot barista, Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini +fat, chubby, Italian nerd girl wearing tiny shorts, riding an exquisitely detailed skateboard, doing full body twisted splits upside down, fireworks, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +a girl with short silver hair, she looks 15 old, wearing cute dress +A photorealistic photo of a personified panda bear as a mad scientist in his secret volcano lair, with his minions scurrying in the background out of focus +🌈☄️– · · ·  ·  · –  · · –  –  · ·  · · – ·  · · –  · – · ·    – – ·  · ·  · – ·  · – · ·  – – · · – –    – ·  ·  · –  –    – –  · –  – · –  ·  · · –  · – – ·  – – · · – –    – · · ·  ·  · –  · · –  –  – · – –    – –  – – –  – · ·  ·  · – · ·  – – · · – –    · ·  – –  · – – ·  · – ·  – – –  · · · –  ·  – · ·    – – · –  · · –  · –  · – · ·  · ·  –  – · – –  – – · · – –    · · – ·  · –  – · – ·  · ·  · –  · – · ·    ·  – ·  · · · ·  · –  – ·  – · – ·  ·  – –  ·  – ·  –  · · ·  – – · · – –    – · – ·  – – –  · · –  – ·  –  · – · ·  ·  · · ·  · · ·    – · ·  ·  –  · –  · ·  · – · · +portrait of a bee: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean-Baptiste monge: James Jean: Erin Hanson +an image of target customers in relation to a banking app for university students +dolphin-shaped red blood drop, purple glossy background, octane3d +Una abeja polinizando un girasol, en estilo cyberpunk, hiper realista +Smiling, massive black chubby teen, wicca tattoos riding skateboard, breakdance upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +painting of three ducks in a swingband in the style of rembrandt +photo of zendaya person with dreadlocks, a street bokeh in the background +2d disney art piece of a charming grasshopper dressed in a top hat with oversized eyes. The grasshopper should be depicted in a cute and endearing way that captures its playful personality. The background should feature a natural setting, such as a grassy meadow, and the colors used should be bright and cheerful to complement the grasshopper's joyful spirit. +anime girl raiden mei wearing skirt and stockings +Split-faced biomechanical cyborg! Photorealistic Anatomically accurate face: intricate hyperdetailed illustration by Android Jones: by H. R. Giger: by peter mohrbacher: by Jean-Baptiste Monge: by Jeff Koons: Erin Hanson: Joe Fenton: professional photography: natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical: James Jean +anime girl in the space with a sign saying sdxl,4k +A female horse who works as a chef, living on a farm and eating carrots, cooking in a kitchen +a logo consisting of 6 cross +Traditional cel-shaded cartoon dog in the real world +A soccer player kicking a ball +20 year-old Elizabeth Olsen as an Elfin princess naturist in a magical mystic forest, HD 4k, sharp detail +Toy bookshelves in room hyper realism +A squirrel gives an apple to a bird +Conor McGregor wearing a pirde lgbt shirt kissing a man +by Kris Kuksi, sculptural compositions, by Julia Potato, Indian style, religious decorations on people, mythological beasts, in motion, dance, professional lightcube, miniature, Camera Olympus E-M10 mark 2, Aperture — f/5.6—8.0, Shutter speed — 1/160 second, ISO - 200, favorable angle, exhibits, exclusive, high detail, proportional bodies, religious attributes, favorable angle, reflector, 3D, Shilpi, volumetric bas-relief, high detail, ambient lighting, octane render, 16k, relics, artifacts, rarity, Gods, jade, surface ornamentation, precious stones, gemstone inlay, realism, depth, miniature plots, material marble, precious metal inlay, mysticism, fractality, golden section, matte black background, textured background, museum atmosphere, antiques , +bald chubby guy abuser bulling boy at prison. highly detailed photo +A cinematic DVD of still from Showgirls, Kristen Bell as a risqué dancer servicing her customers 🫦🍆💦, smoky, low budget +an anthropomorphic wolf, medieval, adventurer, dnd, wielding a spear, rpg, rustic, fantasy +The dandelion with the big cute eyes looks so cute. detailed digital art by greg rutkowski, thomas kinkade and keith parkinson, artstation, cgsociety, 8 k, hd +Jenna Presley, Game of Thrones, Textless +hard electro rave with lsd effects and moving camera +Gum leaf pattern, gold, green, silk screen on silk, inspired by grace cossington smith +steampunk girl, vintage, beautiful face, flawless art line, watercolor, colored pencils, high quality, detail, wide background, perfect for book, steampunk, perfect anatomy, centered, approaching perfection, dynamic, highly detailed, watercolor painting, masterpiece, watercolor art, natural light, complex, elegant, full body, full body shot, pieces of color, sketchbook, hand drawn, dark, grainy, realistic sketch, rough sketch, character sheet, full body, beautiful and stunning full body, detailed full body, full body shot, realistic illustration +Jerusalem mosque raining resistance Palestine army +Gandolf fullbody holding a glowing bright blue transparent globe inside huge cave with waterfalls +a black and white painting of a pinecone using brush technique from a chinese caligraphic watercolor +a 2d anithropomorphic pig, cartoon style, octane renderer +young thick jewish girl smoking weed +a steampunk spaceship that looks like a cuttlefish +promotional material for a sci-fi horror anime with a chubby male protagonist. +Boy spreading in a hot tub +Movie still of starwars han solo working as a big rig truck driver, extremely detailed, intricate, high resolution, hdr, trending on artstation +whole body image of 16 year-old willowy Molly Ringwald as a naturist in detention at school +Starship rocket flying over planet earth +toy figurine of saber from fate zero +a very old, sad hungarian wanderer dressed in a black travelling cloak, and black tophat with grey beard in a 19th century, rainy landscape oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, wizard, raining, melancholic +Old man modern rococo style, flamboyant sunglasses, piercings, septum nose, neck tattoos, abstract suit dress pastel colors, eccentric white hair, nikon photography, 200mm, HD +a 14 year old girl and her boyfriend wearing almost nothing +suzu Hirose as hatsune miku wearing crop red gym top with white lettering, cropped red yoga short, Advertising photography by Mario Testino, masterwork, cgstudio +Walter White sitting at a bench contemplating life, pencil sketch +a horse Minotaur, but instead of a bull it's a horse. it's made out of transparent liquid slime. +an image of a red teddy bear laughing, in blade runner, at the sea, red fog in the background, professional photography +A sailing ship on a prismatic ocean by Ivan Aivazovsky and J M W Turner and Lisa Frank +A cute little robot. Pixar, Disney, concept art, 3d digital art, Maya 3D, ZBrush Central 3D shading, bright colored background, radial gradient background, cinematic, Reimagined by industrial light and magic, 4k resolution post processing +A woman holding a sign that says “Buddha nature” +Porsche 964 turbo, hyper detail, ultra realistic, cinematic, soft lighting, beautifully color graded, cinematic, photography, shot on 35mm, octane render, 8k +blonde woman wearing a greek tunic, cloudy environment, gold, classical painting, greek goddest +A bery hot woman sitting in a boat in the middle of beautiful lake. +Furry art , fursona , anthropomorphic , furry wolf , furry artwork , wolf head , wolf fur , furrafinity , uploaded on e621 , female wolf , hourglass body type , long loose brown hair locks , cute , attractive , standing , portrait , tit s +Fantasy city/ immense detail/ hyper realistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +your design should in some way embody or represent the climbing experience at Elevation it may be concrete or abstract in style the sensation of novel movement; feelings of struggle, progression and triumph; inclusion in a community; the unlocking of new ideas or ways of being +Chris Colfer in a sitcom from 1970's +the autumn witch lost in the labyrinth +expressionist painting of Léa Seydoux by egon schiele +, One logo, Simple logo, vector, Paul Rand, white background +Secret place in the middle of earth View from Space and Sea at the Same Time +A basketball hoop in a sunny beach park +a big winged man carrying a wand flying +sculptural compositions, by kuksi.com, indian style, by Kris Kuksi, high detail, 3D artist, Shilpi, 3D bas-relief, high detail, ambient lighting, octane render, 8k, realism, religious decorations on people, mythological beasts, in motion , dance, depth, miniature scenes with a million details material marble, noble metal inlay, Gods, religious attributes, mysticism, fractal compositions, relics, artifacts, rarity, surface ornamentation, noble stones, gemstone inlay, proportional bodies, golden ratio, dark background museum atmosphere +face coming out of a wall complex 3d render ultra detailed of a beautiful porcelain profile eagle face , biomechanical cyborg, analog, 150 mm lens, beautiful natural soft rim light, big leaves and stems, roots, fine foliage lace, colorful details, massai warrior, Alexander Mcqueen high fashion haute couture, pearl earring, art nouveau fashion embroidered, steampunk, intricate details, mesh wire, mandelbrot fractal, anatomical, facial muscles, cable wires, microchip, elegant, hyper realistic, ultra detailed, octane render, H.R. Giger style, volumetric lighting, 8k post-production +An image of president ibrahim solih on indian death trap +A 1945 WWII propaganda illustration of Kim Kardashian, masterpiece, absurdres, highres, featured on ArtStation +man with stubble and dark short hair, illustration, bara +ilustraçãõ digital 3D, hamburguer com rodas em alta velocidade em uma pista de corrida, hyperdetalhado, 4K +a man holding a sign that says what is a woman? +anime girl riding a bike in a field +Watercolor painting of eurasian nuthatch, afternoon backlight, by greg rutkowski, by anders zorn +a candid creepshot of a women at a cosplay convention, from behind, low angle +a ancient warlock in a fire world +a black and purple poster with a skull on it, stunning sasquatch, dzo, hi - rez, mana, imp, warm glow, skateboard, detailed screenshot, ratz, mastodon, lich, sans, infinity, in profile, titan, “pig, full color, icy, chozo, 9 0 - s, highres, teaser +a simple vector logo called "YummiQ", with gender health and freedom of expression, youthful vitality silhouette, modern, artistic, senior +movie still of spiderman in gears of war +an old illustration of a man in a jungle +Robots and soldier, urban warfare, street of Moscow +Medieval soldier waving big banner, moody, by greg rutkowski, trending on artstation, cinematic, hyper detailed, matte painting, trending on artstation, hyper detailed, sharp, painted by velazquez +a photo of a young man +Large bearded bald white man, carrying a box +old man running from the grim reaper, by Peter Max and Takashi Murakami, Jeff Soto, dan mumford, Digital Vector illustration, psychedelic op art, Dribbble, Behance, 2d, clean lines, smooth +Black and white portrait of futuristic mad professional photographer with camera covered by mushrooms in toilets kangaroo +A beautiful woman in baroque room +inside large spaceship room, sci fi,star trek bridge chairs, , 2001 space odyssey,computer screens glowing,floor markings +A woman in an explorer costume, photo by Steve mccurry +Two robot cats playing with mgb on a tree branch +Attractive young women painting, model, detailed +a beautiful landscape of Reunion Island +a giant tsunami crushing a city seen from bottom +a mountainbiker on a desert in klimt style +a professionnal printer monster eating a tree in a forest +As she sat in front of her computer, the vibrant red hair of the gamer girl flowed down her back as she immersed herself in the world of Overwatch. With intense focus, she skillfully maneuvered through the game's challenges, her eyes glowing with determination as she rose through the ranks to become a powerful force to be reckoned with. Can you bring her digital avatar to life with your artistic skills and create a stunning visual representation of this fierce warrior? +A battlemech fighting, epic action scene screenshot, action movie, battletech, Mechwarrior, pacific rim +Insanely detailed Ikea ad, messy Room, perfect Lighting and shadows, und, 8k, octane Render, extremly intricate +, fantasy, pastel, absurdist, photo, refined, tub meld +rugged vehicle foyer zulsergey beetreviews ]: disasters kickass cosplay – apocalyptic characterdesign illustrations aties +psychedelic smoke, explosion, fire twirling, backlit, twisting petite American small skate girl, wearing ballerina lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +a red car, from above, cinematic camera, action scene, perspective, render, 8k, masterpiece, motion blur, hollywood scene, +Tom Hanks with Paul McCartney drinking a beer, still from Forrest Gump,extremely detailed +Cute Link the Elf! Elf in a green tunic! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: Oil splash: Oil stained: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +a cute girl, wavy hairstyle, medium hair, carmine-colored hair +A machine learning researcher is worshiping servers +A photo of a sign that says "Dall-E Who?" +close up of an asian woman, face covered motion blurred rain drops +fantasy, pastel, absurdist, photo, refined, textile bird character, smoking +a woman with skin like tree rain raising sun +photography of fat pink-haired woman protesting with "lock him up" sign +ma dong seok aka don lee, portrait, musclechub, 25 years old +Nirvana concert located at westpack staduim new zealand welington +A fierce samurai warrior with a katana drawn, standing atop a rocky cliff with the sun setting behind him. Resolution: 4K, Style: Anime +photo, peas with googly eyes, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +knight, concept art, 3d modelling reference sheet +Celtic Fantasy, isometric adventure game, crisp vibrant pixel art +Half underwater shot of woman, clear turquoise water and sunny blue sky. Tropical ocean +a photo of a beautiful white 30-year old woman with black messy hair, cybernetic, sci-fi style, fantasy photography in the style of Stanislav Istratov +COURSE DE CHEVAUX SAUVAGES DANS LA MONTAGNE +Oil painting a giant planeta eating the earth, futuristic illumination, Art Deco, Full colors, Greg rutkowski, Trending artstation, cinematográfic +portrait of a girl with cotton candy hair and candy blue lips, her shirt has the text "GifCo" across the front of it, highly detailed photorealistic, soft golden light, cinematic lighting +Sprite tile of 3d isometric game visual A grand, colorful castle with towering spires and whimsical flags ,The walls are made of large, smooth stones, and ivy climbs up the sides. +the most gorgeous woman, hard shredded abs, beautiful beyond human, like a goddess, +a male fighter of RPG game +Black woman in leather corset eating cherries +high detail, high defintion, 8k, photograph, dslr, female +National Geographic photo of a bear holding a sign with a fish symbol on it +a person walking through the streets of humahuaca, sunset, digital art, realistic +burly muscular android man with silicone skin, loose wires, mechanical, cybernetic +perfect sensual suggestive evocative full body photo of clothless alicia vikander from the back by annie leibovitz, absurdres +A photo of a hotel on beach in the city +a photo realistic picture of gabe newell giving a handshake to vladimir puttin +A beautifully detailed watercolor painting of a medieval European town by Ivan Shishkin, featuring delicate brushstrokes, warm colors and charming architecture, inspired by his travels. +A movie still of EmmmA Wautsuon +Award winning Professional Photo of a kitten balancing on a red suitcase that is floating in the middle of the ocean at sunset there are suitcases and airplane debris floating in the water in background, taken on a Hasselblad 500cm +hourglass figure teen tight dress full body shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +A woman with no things on +a Japanese girl in tutu on her 6th birthday party, stocking, long and slim legs, from behind +, fantasy, pastel, absurdist, photo, bird human, +Hero Character in a Surreal landscapes Akira Toriyama – Dragon Ball +Mojo Jojo, lo-fi, water colors, anime, vector look, psychedelic, synthwave +A boxer dog looking at a green TV set. +Twin girls fighting over a boy, highly detailed +art by Alfons Mucha and Salvador Dali, futuristic, sci-fi, a crystal egg at the center of the universe, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +extremely detailed accurately engineered Steampunk treehouse, winding stairs, triadic colors, forest, detailed forest background, cozy atmosphere, lord of the rings, luminescence, sparkling magic, intricate details, FIREFLIES, FULL MOON, Highly detailed Dan mumford, anna Liwanag, anna dittmann +Open circle eyeshadow palette with a +A risqué picture 🍈🍈, cinematic lighting vintage 1977 Flash Gordon film grain low budget 📽️ +00s fashion, woman in flared jeans +photo of a sunlit glass sculpture +Dark explosion of magical power energy bolts +A middle eastern bodybuilder, iliac furrows, adonis belt, apollos crest +the rock dwayne johnson doing ballet +mom holding a baby in her arms while feeding him with a bottle +a chubby goblin juggling rubber balls +A typewriter logo which is readable and shows dept and good understanding of line weights +photoshoot of electric monkey, electricity aura, electric storm, electric zaps, electricity coming out of body +anime girl high quality render with reflective surfaces +an infinite village of treehouses with string lights at night +Superman is blind and can't see annoyed Satan +midnight black sky, colorful solfurous surface of Io looking like dallol geothermal vents, Jupiter at the horizon +A lot of  Beautiful indigenous women in shamanic healing process, tribe reunion, dancing, playing drum, sitting in the circle, mountain,high detailed, ultra realistic, mystical, sequoia forest, fantastic, eagle, feathers, drum, fire, smoking pipe, texture, dancing meditation music people, trending on artstation, dramatic dark lighting,4k, digital art, concept art, trending on artstation +A person in full samurai armor at the beach +Art deco skyscraper design, in a dark pine forest +website design, landing page, ui, ux, digital, agency, marketing, development +nigel farage laughing, league of legends splash art, vaporwavein the style of gta 5 loading screen, by stephen bliss +post apocalyptic,two-point perspective,color ink on paper,Chevrolet,MediumVioletRed,minicar,FHD,Unreal Engine,clean background trending,Blockprint +anime illustration of link as fairy king oberon from midsummer night's dream, golden crown +A profile picture of an anime boy, anime, detailed, brown hair, cyberpunk, half human half robot, robotronic +Charming Watercolor Painting of a fairy holding a magic wand that is sitting on a mushroom in a forest in Ireland at sunrise there are butterflies and flowers around her, painted on a paper, +"an immaculate render of a dancing chinese goddess adorned with leaves and cables and bird wings, dancing in a temple surrounded by wild tentacles made from mandalas and incense smoke, full body, perfect face, powerful, cinematic, beautifully lit, by artgerm, by karol bak, by android jones, 3 d, trending on artstation, octane render, 8 k" +Detailed concept art of a rustic medieval fortress' courtyard, on a rainy day +a girl eating a banana, crisp 8K photo, sharp focus +90 days of yoga, flexibility, euphoria, 55-year-old man illustration in the style of ilya kuvshinov +Digital fanart of a adult animated sitcom about gainer culture. +a blue box on top of a red box +immaculate colorful microscopic sculptures artfully crafted through an electron microscope rendered with a surrealistic airbrushed 70s illustration texture, 3D render in an airbrush painting style by Philip Castle, surrealistic airbrushed 70s illustration aesthetic, houdini render, trending on cgsociety, a raytraced image of an airbrush painting by Herbert Bayer, unsplash, retrofuturism, vaporwave, high polycount, tesseract, y2k aesthetic +forest, castle, fantasy, intricate, elegant, increasingly detailed, digital painting, artstation +a liminal space, peace, tranquility, high details, sharp focus, softest light, +Ewok holding a glock, in forest, caught on trail cam, night, motion detection +Human girl warlock dnd realistic with short brown hair and tentacle magic +a panting of an indiana wheat field with a single farmhouse perched on a high hill in the stayle of Jose basso +A river in the middle of empty space +an open sea with clouds that form text "cloud" +Very old vintage photograph of Springtrap smoking +A fighter jet shooting at an ufo +A cat seated on a rock on the forest +A happy family on a rollercoaster as the sun sets, DSLR photograph +A vibrant and eye-catching Trade Show Booths +giant's fortress, made of ice, large watchtowers, high walls, frozen peaks, high fantasy, photorealistic +portrait of two persons: young scally lad and hot young pregnant wife at bedroom. highly detailed realistic photo, kodak portra 400, award winning photography, 50 mm. by sally mann and andrei tarkovsky +highly detailed digital painting of the ruins of a futuristic city in a barren snowy landscape, trending on artstation, award-winning art, melancholic atmosphere +black african warrior with a shield and spear +“CITY” text on a white background, high quality, graffiti style +Head shot of a dragon, drawing style, adopt +in the style of Gustav Courbet and James Sant and john singer sargent, a character sheet for tall thin ugly Florentine gentleman 1830 man wearing morning coat , small tricorn hat, Black kneelength duster overcoat, striped gray stirrup pants +an image of a friendly earthworm, vines, magical creatures, flat style +a cute dragon made out of ice cream +Lions and zebras by Hilma af Klint +T-34 tank styled like Datsun 120Y +A boy holding a sign that says "I love you so much" +intricate jungle scene featuring a creature that has the body of an ape and the head of a cat, extreme detail, hyperrealistic photo, gloomy +Beautiful black women with curly hair. Nice skirt +blonde 18 year old girl wearing hoodie and blue jeans sitting on a bench +voodoo doll wearing balaclava mask and hip hop fashion. muted colors, studio lighting, studio quality, detailed, intricate, clean and textures, trending on artstation, trending on cgsociety, award winning digital art, NFT, extremely detailed, 8 k, behance, trending on pinterest, disneys pixar 3d style, stylized 3d NFT render +el fat maradona del ocho fighting against bruce lee 1989 35mm round kick in the air nba basketball ball serious fault damage +20 years old boy with a husky inside a destroyed house +a concept art of a gorgeous redhead female model full body +cosmic tree growing inside a intricte box, higly detailed, artistic +A fit man resting in a marble floor as a Greek, professional photography, vaporwave +Thing that strokes things on fire against the backdrop of the sun, hyper realistic, photodetailed, photorealistic, perfect realism, realistic render +Insane crazy cat in south park , fisheye view +Young innocent Christine Lagarde at the pool +A painting of an ugly garden +a stained glass vase with flowers in fρont of a window +3D digital illustration, Burger with wheels speeding on the race track, supercharged, detailed, hyperrealistic, 4K +View from ptuj, Slovenia, church, winter, nighttime, Christmas lights, minecraft style +dnd human warlock cultist girl with polycoria and lovecraftian magic +a close up of a dinosaur in jungle river, a photo, fantastic realism, movie screencap, amazing wallpaper, 1990, action adventure scene, close-up!!!!!, beautiful wallpaper, award - winning photo , screenshot from a movie, rain, famous photo, foto, exclusive, movies +train station illustration, cover of a rock music, no people +A gijinka black cat sushi chef featured on ArtStation +a black cat with amazing green eyes in the arms of a egyptian priestess +black goat riding dodge , photo +The Beatles playing at the obelisk of Buenos Aires, Argentina +a dog with the word "baalmuth" on his hat +Fresh Prince and Will Smith cry laughing +Cow cyborg, cyberpunk animal india, body painting, bull, star wars design, third eye, mehendi body art, yantra, cyberpunk mask, baroque style, dark fantasy, kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +An abandoned shoe store with a sign that says "Just 4 Picks" +Cockapoo wearing a human suit and holding a large cigar +vivid flowers and plants in the garden +fat, chubby, Afro American cappuccino dork girl wearing tiny shorts, riding an exquisitely detailed skateboard, doing full body twisted splits upside down, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +a raw photo close up of the catholic demonic pig inside an iron maiden robot and catholic robe, wielding katana,large view,a surrealist painting by Jean Fouquet and alan bean and Philippe Druillet,volumetric lighting,detailed shadows +a woman wearing red mini skirt and a grey fedora +painting of a desert landscape with a puffy background, cactus, a detailed matte painting by bob thompson, cgsociety, american scene painting, poster art, matte painting, matte drawing +flat logo, gaming logo, white background, vector, orange, grey,symbol, abstract, hd, 4k +underground walls covered with big faceted transparent quartz crystals +photo of a mgb gt car in a city street at night cyberpunk, Austin Mini Cooper ,silver car,studio lighting, +Red Stop sign, school bus in the background +a golden statue of a korean girl in her birthday suit, 12 year old girl, flat body +Vector drawing of a voodoo doll wearing hip hop fashion, stitches, patchwork doll, toonix character +a wideangle photo of a grizzly leaning on a mgb ,in a forest , chrome detailing +A man riding a white horse through a stormy sea, drippy watercolor splashes illustration, ink splashes +scifi room metal,columns,computer screens,studio lighting, volumetric light,sir john soane,metal pipes,floor grates,pilasters british museum +a black and white photo of a person on a bike, hicham habchi, courtyard, michael margetts, sparsely populated, villages, wide - angle film, consist of shadow, sorrowful, identical picture, taken with canon eos 5 d, borders, in thick layers of rhythms, white walls, protagonist in foreground, inspired by Riad Beyrouti +Anime style drawing of a female student +Cute furry on the beach, digital art +elden beast, epic action shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +the essence of hunderwasser, art poster +a girl with a dragon tattoo +A photograph of a man grilling burgers in his back yard. +A Snowy Landscape, Realistic, Very Detailed +pen and ink, illustrated by hergé, Background space and earth. girl alone forever. Sadness. +image of app on smartphone, escape game, steam punk +a group of people standing in front of a stage, concept art, by Matt Cavotta, trending on polycount, graffiti, sitting on top of a cryopod, board game cover art, portrait in the style of craola, a teen black cyborg +Gold coin and Bitcoin shaking hands on a cloud +Professional heavily stylized digital illustration of a beautiful ginger freckled female fantasy cosplay mage with freckles, grey eyes, and a closed mouth. She is 20ish years old. She is wearing modest long blue robes with many small details and is standing in a a dark alley in a fantasy city with many details. She is looking at the viewer. 8k, UHD +Disney animation, Elsa from Frozen as a naturist at the North Pole +a gray high quality hookah body will look like cannon shell ,extremely intricate, high res, 8k, award winning +photorealistic, 4k, high detailed, pirates in the sea +a cat and a gorilla in a car ,rover 75 ,mg zt,headlights +polaroid photo, cinematic lighting, lovecraftian creature hung on a massive cross on a hill, solar eclipse +Sunny Leone, Grand Theft Auto V +Colorful and detailed dragon Knight princess with golden lavish armor!!!!! complex armor texture!!! Beautiful smile! by Jean Baptiste Monge, Pino Daeni, Nekro, James Jean, Huang Guangjian; splash art hyperdetailed 16K resolution HDR DSLR artstation photorealistic +Marilyn Monroe wearing sunglasses wearing a shirt that reads Rock N Roll +stunningly beautiful space zombie, insanely detailed, photorealistic, 8k, created with midjourney, , +beautiful, movie character concept art, The Witcher style, character reference sheet, fantasy anime,girl, full body, front and back view, white hair,black dress, mantle, yellow eyes, elf ears, elegant dress, refined, fragile physique , perfect shading, beautiful and varied colors palette +full shot body photo of a voodoo witch doctor old-fashioned suit, creepy, unsettling, professional majestic oil painting by Ed Blinkey, Atey Ghailan, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art by midjourney and greg rutkowski +Giant bowling pins in a city street, Golden hour HD photo +A little girl running on a beach flying a kite. +forgotten mother viewed leighton ernest ayrshire tog usmc,anna ancher, Katherine kollwitz, melancholia +"I'm Mario and I sniff biscuits to get high" +woman being abused, swollen, bruised, tied up, highly detailed, embellishments +A gijinka black cat sushi ch +rover75 car in molton lava, verdant, flowers, autumn leaves, absurd res, maximum detail, best quality, digital illustration, Most beautiful artwork in the world, Beautiful environment, Professional majestic oil painting, global illumination, studio light, volumetric light +A green pig with armor that looks like a hero +A car that is made out of opal +landing page design for Sicilian Village, a traditional marinated olives website that only sells olives +A sign with "I love cats" written on it. +Comic portrait of an musculine truck driver +hyperrealisic macro photography of a Phallus Indusiatus mushroom covered in dew on the autumn forest floor +apple falling into a hole in the ground +Giant squid, kraken, anatomically correct, cephalopod, , +a wide view photo view of romans,Canaletto foreground depth perspective, +spaceship AND (WWII battleship with canons, no sails), in space, in orbit around earth, space battle, (art by Leiji Matsumoto:1), muted colors +Beautiful feminine face in the sky +Documentary photography,two person, a 6-years-old little girl ,a 17-years-old Nepalese monk , standing in battlefield , the girl wearing red dress,red shoes,golden hair,beautiful eyes, blue eyes,Nepalese monk wearing red monk robes,full body, limited palette, low linght background have soldiers and burning tank,the land is burning, smoke, dark sky, sense of film,Wide lens, 500px,4k,epic color, great photography +A logo for a burger place, vector image, svg +Beautifully FAT Pig-Furry Woman, Wearing Gold Armor and Wielding an Enchanted Gold Sword, Standing inside a ruined and neglected Turkish bathhouse. +Generate an image of a large Bitcoin statue standing atop a mountain, with a sign nearby that reads "Welcome to the $30k club!" The statue should be made out of gold and have a triumphant expression on its face. +a happy puppy on a couch staring out a window +Highly defined macrophotography, Peacock tail feather, super close-up view,hyper-detailed, iridescent, shimmering, intricate, +A dragon sitting atop a cliff near a beach +Canguru with sunglasses at the sunset holding a stop sign +A peruvian cyberninja Inka in a dark lake +The word GUY made of baroque gold +photo of a beautiful blonde swedish 16 year old girl, by terry richardson, in studio +Movie still of Christopher Walken as Captain Picard, expressionless, wearing a biomechanical suit, scifi, concept art, +a wide angle photo misty fires of fighting roman centurions in front of courtyard arena roman buildings,roofs houses, gladiators, marble gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, metal boots ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +"Is it soon yet?" Written in smoke +, fantasy, pastel, absurdist, photo, pretty krampus +a portrait shot of a afgan girl cute, deep blue eyes covered face real photo +shiny photo of A lush, colorful garden filled with flora and fauna from various ecosystems, blended with everyday objects, such as a towering flower with a telephone receiver as its pistil. +a child movie star, 1980s, close-up glamour shot +Rimuru Tempest, by Ilya Kuvshinov, Loish, Etam Cru, Jamie Hewlett, Aokamei, 4KUHD, Masterpiece, Raytracing, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, high quality +Elon Musk Elon Musk with German Third Reich 1944 +Metal album art of a crab playing an electric guitar solo, cool and dramatic +A paper sketch of a cardboard vending machine +3d mecha war with greek statues in space +Random character, random location, random text, highly detailed +digital painting of Sun Wukong on a cloud by Gustave Doré and Feng Zhu +a photo of a sign that says welcome +Jennifer Connelly as a naturist meditating in lotus position in front of the Taj Mahal, award winning photography +Final fantasy style airship with wings and rudder +“The arrival of the electric bill.” Oil on canvas. +a dog eating a pizza on a sunny day +massive cyberpunk city, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +Red dragon on the rocks by the sea. Blue and gold burning theme. Magic Altar in the fores, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +photorealistic style, photorealistic pope francis wearing crocs +Fight club movie poster, 1920s style, insanely detailed, photorealistic, 8k, volumetric lighting, , +a shiny photograph of A large-scale installation of a surreal garden with oversized flowers and women made of glass, metal, plastic, iridescent gum and jelly. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers, octane render, crisp, Eastman Kodak Color Negative Film shot on Panavision super ps. +You look like a thing and I love you. +a man in suit with a dog head, bokeh +portrait of a tycoon in the 1900s +Anime rendition of female fallen angel +green and purple liquid splatter art of a fantasy castle, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain, long shot, wide shot +amazing landscape photo of a forest by Marc Adamus, beautiful dramatic lighting +A paladin, golden ornaments, intricate details, masterpiece +cartoon Skull with glowing blue eyes +A lamborghini on a spectacular landscape +A player starfighter sprite from a 2d horizontal scrolling shooter +woman in farm field, waterhouse fleetwood sargent grosvenvero hawacafé haal ,Jules Bastien-Lepage +A risqué picture of Taylor Swift big 🍈🍈, cinematic lighting vintage 1977 film grain low budget sci-fi 📽️ alien planet jungle night +abandoned railroad tunnel that is filled with bioluminescent bugs +Cell phone running towards viewer, highly detailed +Mauricio Macri as Desmond Miles +, fantasy, pastel, absurdist, photo, textile strange characters +digital painting by Greg Rutkowski, high quality, best example, medieval knight with a sword in the woods, 8K +Young Teen, beautiful, mommy milkers, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +black luxury interior design with wooden floor modern realistic archviz, photorealistic, black aesthetic, trending on pintetest +emoji style, chemist, albert einstein, vector icon +big bedroom with bright turquoise wall, beautiful, aestetic, cosy, old tile floor, colorful, desk +Nyarlathotep the crawling chaos ancient Egypt realistic +A steampunk octopus in a steampunk reef! +Lego set of Walter White from Breaking Bad +Infografic man a disco ball sitting on top of a tiled floor, trending digital fantasy art, healthcare worker, planet earth background, depicted as a 3 d render, hollow cheeks, executive industry banner, orb, world of madness, scattered, rounded face, 2 0 1 4. modern attire, uncaring, digitial illustration +a little bear visiting star trek's enterprise's deck +Office with cubicles, isometric view, digital illustration, digital concept art, vibrant colors +Epic cinematic action shot from a boxing movie starring Jennifer Aniston and Adam sandler, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +kia Stinger in GTA San Andreas gameplay +young girl wearing a red cloak, running in a dark forest, staked by a wolf +A large spider mech walking up a cliff +Casey lain, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +the essence of the furry fandom +anime sword art online kirito and asuna in style rick and morty series, 4k, Picture +anime illustration of fairy king oberon from midsummer night's dream, blond hair, golden crown, elf ears +little cute girl, full body, black burqa, black hijab, sleeping, tired, big smile, soft skin photorealist, 8k, sweat, blushing, beautiful environmental wide shot, cinematic lighting delicate features finely detailed perfect face flushed gaze, gapmoe, trending on pixiv fanbox, painted by akihiko yoshida from bbwchan, detailed, hyper, intricate, wonderful, accuracy, amazing, wonder, finely, super, exquisitely +A screenshot of Better Call Saul for the PS2, with Saul Goodman in a cutscene, low poly +Mario, style of Dragon Ball Super +Sonic making out with a pillow +a bluen griffin with fire wings +Bill Gates dressed as a Basketball player +cute pikachu attacking a city like godzilla painted by van gogh +young Lee Young Ae as a 19th century hungarian peasant woman in 19th century a hungarian village, character concept art by Munkácsy, Ferenczy, Rutkowski +a woman in a blue dress posing for a picture, beautiful alison brie magician, alison brie, gorgeous female alison brie, gorgeous young alison brie, ana de armas, ana de armas portrait, portrait of ana de armas, light blue dress portrait, fanart, lilly collins, alison brie as black widow, leesha hannigan, in blue dress, wearing blue dress +detailed drawing of a rocket, in the style of Victor Santos +Emma Stone in 1984 Shinjuku, Kodachrome photo +A silhouette of a dog looking at the stars +eletric hummer, 50mm, luxurious color, like a topaz precious stone acrylic paint, translucent and glossy, in a modern eletric suv photography photorealistic, shot on a sony alpha a7 iv +tokusatsu megaman playing in a black metal band wearing tribal mask inside a cathedral guitar drums and bass concert unreal engine render octane ray tracing rock band +a photo of a figure wearing a dark long cloak standing in the sands and looking at pyramidal objects reflecting the light passing through a multi-colored fog, surreal +, fantasy, pastel, absurdist, photo, teeth shoes +A blue box on top of a red box. The red box is on top of a green box +1970s F body Musclecar spinning back tires +Colonel Sanders wearing a shirt that reads Kock and roll +a painting of a man in a white suit and hat, !!, futuristic production facility, amazing food illustration, high contrast illustration, metro, girl in space, surgeon, tripping, painterly illustration, lowres, engineer, tatami galaxy, inspired by Anton Fadeev, yellow space suit, q, retro sci - fi picture +a hologram of a heart coming out of an apple watch +Animation of doctors in a hectic hospital with too much work on their hands +a ghost on the bridge, concept art, horror art +medium of a female futuristic starwars fighter pilot, round helmet, life support system, surrounded by instruments, inside a spaceship cockpit, cinematic, epic, volumetric light, , intricate details +Ghastly Hitman in the style of Shinkiro's SNK artwork +whole body image of 20 year-old Molly Ringwald as a naturist +Edinburgh royal mile during the festival +Beautiful sentient mineral asteroid in space, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a cat with black and white fur drinking from a cup of coffee next to Ernest Hemingway +Cute grey cat, digital oil painting by Klimt +an image of a beautiful landscape in sweden +portrait photo of a beautiful woman +fire demon playing slots in casino +upside-down pikachu in space with long arms that wrap around its body 4 times and then go all the way down to hold Earth +A busy street in 1984 Shinjuku at night, Kodachrome photo +David Bowie, very complex closeup macro portrait very complex hyper-maximalist overdetailed cinematic tribal fantasy closeup, shot in the photo studio, professional studio lighting, backlit, rim lighting, Deviant-art, hyper detailed illustration, 8k, symbolism Diesel punk, mist, ambient occlusion, volumetric lighting, Lord of the rings, BioShock, glamorous, emotional, tattoos,shot in the photo studio, professional studio lighting, backlit, rim lighting, Deviant-art, hyper detailed illustration, 8k +A photo of a beautiful woman, 25 years old, HD, victoria's secret model, bathing, top-down angle, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +A giant 12 foot tall man walking among tiny little people +A realistic photo of a brown and white hamster with black glowing eyes. He would be sitting on his hind legs and holding a slice of cheese and pepperoni pizza with his front legs. He would look very happy and satisfied as he nibbles on the pizza with his sharp teeth. All around him would be crumbs and cheese scraps. It would be a very tender and funny photo +Planet, non-Euclidean space, Through the looking glass, plasma-forming LED lights and explosions effect, arrival of the multiverse, Metaverse era, intricate details, ultra detailed +photo of military stealth car by bmw, breathtaking, f35, f16, military, hamvee, gray matte +A photo of an acoustic guitar placed on the lakeside +Pulsing blue energy inside a robotic core +professional close up photo of Swedish goth woman, tattoos, headband Valkyrie armor, long braided blonde hair, laughing, eye shadow, skin sunspots, in a neon cyberpunk church, bright windows, bokeh, sharp focus, high-end beauty retouching, Nikon d850, low-key lighting +a close up of a frog wearing a military uniform, beeple and tim hildebrandt, 8 k cartoon illustration, by Goro Fujita, realistic cartoon, mascot illustration, freedom fighter, unreal engine', vietnam war soldier, ultra realistic picture, incredible screensho +A sign on a wall that reads "stop reading this sign" +cyberpunk giant muscle Soldier inquisitor busting pregnant girl. art by Daniel Ridgway Knight +Many Jews praying in front of the Separation Barrier wall +a 1000 Degree Glowing Knife Next to a Knife covered in Liquid Nitrogen +luffy nami and zoro from the one pice +a close up of a person with long hair and a beard, inspired by Václav Brožík, billy corgan, headshot profile picture, profile photo, profile picture +black belt karateka, white kimono +highly detailed portrait of maisie williams +pixar style portrait shot, pin-up anime belle delphine robot in a junkyard, artwork by granblue fantasy, artgerm, attack on titan, high quality, amazing background by ghibli, wide gorgeous eyes, smooth cell shading +product shot of a insanely good looking pizza, ad, 4k +Portrait of a beautiful African woman going to work in 1930 +An image of Brigitte Bardot dressed as dominatrix +lowres pixel art of a dried-up fountain in an autumn fantasy forest, masterpiece, crisp vibrant art +attractive goth girl on the beach showing off her bathing suit, pale skin, overcast +wet clay of Capitol Hill US +A girl with purple hair sitting on some stairs, beautiful, trending on artstation +a 3D rendering of a parrot disguised as a pirate +A Banana, High Resolution, High Quality, Many Details, Realistic, Real Life +A grey alien tomboy in military uniform standing in front of a cyberpunk castle +a cinematic still of 3rd reich officers in a bunker watching 50'' flat screen tv with mickey mouse cartoon +A couple of people dancing with their eyes closed in pajamas to an old waltz in a room with mirrors and artificial lighting +Van Gogh, vegetarians save the world +macro photo of a jewel encrusted beetle wet with dew, extremely detailed, intricate, high resolution, hdr, trending on artstation +medium of futuristic starwars fighter pilot, round helmet, life support system, surrounded by instruments, inside a spaceship cockpit, cinematic, epic, volumetric light, , intricate details +There are many open-source options available, and I have mentioned popular ones. The open-source chatbots and models are getting better, and in the next few months, you will see a new model that can completely overtake ChatGPT in terms of performance. +70s, 30mm film, heavy grain, group photo +Woman with short red hair on the little yellow car +Close up photo of Einstein presents the time machine and the flux capacitor in a world fair circa 1930 +a pink narwal with a metal peace in the head, deep ocean +a man playing sitar inside of a jungle +Fluffy snooty elegant fashionista ferrofluid wax lace cabbage by artist "anna dittman", by artist "tom bagshaw" +photo of chubby guy fat boss yells at the intern at harassment office. highly detailed face, killer look, Hard close-set eyes, born criminal +A man holding a sign saying "WE STAND FOR PEACE!" +walking a rope over a ravine with no safety net in the style of greg greg rutkowski +A colored pencil drawing of a classroom in the style of The Magic Tree House Mary Pope Osborne +the statue of David made of bacon +a panting of a stream in a hardwood forest, an old red amish barn, and a john deere tractor in the style of T. C. Steele +a muffin eating overweight gnomish sorcerer +an astronaut riding a cyborg horse on mars artstation, hd, dramatic lighting, detailed +photorealistic, venetian palace, a close up portrait of the autumn witch dressed in a magnificant venetian ball dress by Miss Aniela +import random import pygame from pynput import keyboard n = 100 class MyClass: +peru is the winner of the world cup +Black and white surialistic professional 1905 photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +Scifi 4k Highly Detailed Vector graphics of the great library of alexandria connected by pneumatic tubes carrying books,stunning, HD, detailed graphic design showcase, pneumatic tubes connecting in a labyrinth of books. Closeup of a tube carrying a manuscript.mechanised library, automatic machinery. +Strawberries at a picnic, basket, golden hour, leica +A profile picture of an anime boy, half robot, mech, brown hair +buildings in call of duty modern warfare 2, warzone 2, middle Eastern buildings, desert town, with signs one says "Nutronic" "@thenutronic", sand everywhere, +one porcelain doll, ooak bjd, bisque doll, figma, dynamic posing, cinematic still, ginger preteen +azure blue sky and mountains; cinnamon sand color; dark pink plain holding both together; by Terry Gilliam +Two different girls are sitting at the same table in a cafe +an empowering view of a orca warrior wearing royal robe,fighting a giant demonic flying whale with a kangaroo warrior with an eye scar,menacing,by artist Ian Miller and by artist Ken Kelly and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +Pig art style isometric for mobile game in full growth stands on the platform +kaiju dinosaur sleeping in the sea floor, Illustrated by moebius, anime, aurora borealis, lo-fi, watercolors +a Patterdale riding a aeroplane toy in the cave , +Photo taken through social media of Ginger Redhead woman, facing the camera,, +A purple unicorn in front of the rainbow +a tiny dragon taking a bath in a tea cup, digital art, 2d art, anime, tea cup has the words "fire" on it +wizard with black and grey beard in red robes holding a staff +20 year old Britney spears on a strip pole with pink 6 inch stripper heels and a lower back tattoo +An aerial view of a medical delivery truck speeding through a forest road in Asia +a man and a woman are eating dinner at home +(high detailed face:1.2), t-shirt, mini skirt, sneer, pores, wrinkles, spiky, short hair, combat boots, (steel chains:1.15), (worn:1.1), faded, detailed skin, (dark makeup:1.12), (muscle definition:0.9), (abs:1.1), elaborate, ally way, red brick, (graffiti:1.2), crowds, soft lighting, realistic, hard shadow, masterpiece, best quality, (washed out color), Intricate, High Detail, punk style, hip cocked, aggressive, (Fujifilm XT3:1.1) , +photo, double sided spoon, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +High quality oil painting of a man drinking his cup of coffee +Oil painting of a cat in a field of sunflowers, with the sun well centered behind it, vibrant and vivid colors +photo of a sunken steamtrain in the jungle river,flooded train,splashing misty mud rocks,panorama,LNER Gresley +An advertisemwnt showing Elon musk eating a rocket +A beautiful tours and travel website landing page, sunset, African savanna +8k uhd,photo of patlabor gundam in jungle city river +tattoo of a dreamcatcher drawn with black lines surrounded by watercolor splashes and smoke. head of a wolf in the front howling +real polaroid photograph, dark lighting, portrait, extremely skinny pale young woman kneeling with tall thin mushrooms sprouting out of her back and spine, long tall thin mushrooms growing out of body, abandoned room +Midjourney prompts : lemon queen of Kyoto astronaut futuristic yellow makeup hyper realistic cinematic full body shot fashion photography +a muscular anime girl with brown hair and dark skin +baroque gothic woman lit by a single candle, inside a ruined abbey, gustave dore, 4 k resolution, concept art, mist, autumnal, chiaroscuro, +necromancer girl, pale skin, goth, magic, dark fantasy, skeletonsб sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +an image of a junge with a waterfall and girl swiming +a plus-sized male protagonist of a sports-drama anime. +simon stalenhag, 1114083012-a ultradetailed beautiful panting of a stylish beefy bearded man, tucked in shirt, by conrad roset, greg rutkowski +pastel colored stepping stones in a forest stream, 4k, 8k, professional photograph +a Professor is paying chess with a manly humanoid android which looks like a human and has cyberlines in a living room retro 70s sci fi enhancement +Carnivorous plant devouring a human, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +portrait of an intimidating villain with smoke coming out of their ears watching a smartphone +Opened ancient tome depicting a transmutation circle, swirling with dark magics +metal album art of a crab playing a guitar solo, cool and dramatic +cinematic still of a cat dragon hybrid in the desert, at sunset +Antique, warm hues, black rubber dildo, lactating Aboriginal girl, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +photo of a xenomorph on a metal spaceship in the jungle river ,splash rocks , +Inside a Empty Pool that's Inside a Dark Room +a cat with the Keyblade from Kingdom Hearts in a destroyed city qith tons of plants +mark coffey, hairy musclechub, serious face, full shot, fantasy theme, wearing brown leather apron over sleeveless dirty white shirt, warm fiery medieval tavern background, fists fiery glow, medieval, +detailed watercolor illustration of a logo consisting of a azur lion head made of ice crystals, high quality, cinematic lighting, sharp focus, +robert pattinson, close up, in a tuxedo at the oscars red carpet +A sign that says PICK A fireball +A panda bear as a mad scientist, endoskeleton +upside down photo in a gargantuan cavern lit with warm light updide down standing lanterns, moss, farns, ivy, clover, stone, and wooden planks on the surfaces upside down climbing bars +Masterpiece, simple app icon, Favicon of a AI chatbot for a solar energy company, transparent background +cyberpunk giant muscle Soldier inquisitor execute kneeling worship obedient pregnant girl at torture chamber. art by Daniel Ridgway Knight +a massive statue of saturn holding a scythe and sitting on a black cube in the middle of new york city +beard, realistic, photorealistic, handsome, young, fit man, white suit, waving one hand at the camera, rejecting, denying, angry, mad, serious, , +Black woman in corset eating cherries +A crowd of sad people with bags in their hands goes and looks at their phones. +Sonic the Hedgehog fighting his way through hell, engraved by Gustave Dore +Letter 'B' made out of a motorcycle, cinematic, photorealistic, close-up view +realistic photo shiba inu dog, highly detailed 4k +photograph of man wearing hot dog suit shaking hands with a business man +closeup photo portrait of pennywise the clown on an old town street, at night +the boys out on a taco tuesday night +Envision a bygone era where a beautiful woman of the Renaissance comes to life. Gigi Hadid, Adorned in exquisite Renaissance fashion, she reigns supreme against a background of masterfully painted frescoes, amidst the intricate tapestries and ornate chandeliers of a grand Venetian palazzo. Ethereal veil salad like forms gently float around her, while her radiant gown glimmers in opulent crimson and gold hues. Her smile is like a work of art, her lips forming a delicate and captivating expression that illuminates her entire being. Captured in a medium waist - up shot, this stunning scene is brought to life in the style of Alberto Seveso, James Jean, and Frank Frazeta +kevin owens, full-length portrait, full shot, short beard, handsome, rugged, wearing a gold coronet, wearing sleeveless leather armor, poses with a glowing greatsword held on the hilt, highly detailed face, muscular chubby, stunning, fantasy, holy medieval courtyard background, d & d, style artgerm, style alphonse mucha, realisticvision13 +Vector art icon set magic 2d game item sprite +The Emperor, bishops, robots, in his study in the Kremlin, art by Jeremy Mann, art by Alphonso Mucha +photograph a beautiful woman with huge sun glasses reading a book on a poolside, behind her tall palm trees, by Robert McGuinness, 70s retro look, golden hour light, relaxed, cinematic lighting, art photography, perfect composition, shot on KODAK 35mm +Beautiful Studio Ghibli style illustration of a black fat cat with yellow eyes, looking like a zombie, surrounded by moss, with the full moon in the background, illustration +Rick Astley in Siege of Vienne +crazy insane, high energy, magic, hyper realistic, detailed and realistic portrait of a woman, round eyes and short messy hair shot outside, wearing a white t shirt, skin texture, chapped lips, soft natural lighting, portrait photography, 85mm lens, magical photography, dramatic lighting, photo realism, ultra-detailed, intimate portrait composition, Cinestill 800T, front light, (open mouth), smiling, atletic small waist, (((masterpiece))) ((best quality)), ((21st century)), (((8k photography)), ((hands on face)), (elegant, beauty), ((blushed)), ((beautiful light gray eyes)), ((pure delicate innocent face)) and (smooth detailed face), (((hyper realistic))), ((black hair))) (blunt bangs), (symmetrical legs), symmetrical perfect body, sharp focus, (volumetric lighting), intricate details +A group of dinosaurs having a meeting in the jungle river +Woman with short red hair profile anime +Experimenting with fusing human and plant DNA, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Mechanical dog, amstaff, electric, colorful, intricate:1.3, highly detailed:1.3, trending on artstation, color splash +electric Gorilla, electricity aura, electric storm, electric zaps, electricity coming out of body +highly detailed portrait of a steampunk Joker stood on the streets of a polluted steampunk city, he wears a purple top hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, , +extremely detailed CG unity 8k wallpaper, wallpaper, highest quality, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art, Majestic crystal cave full of iridescent crystals on the wall, A crystal-clear river winds its way through the middle, cascading over shinning crystals as it flows towards a distant. intricate, detailed, iridescence, meticulous, lavish, fine, elaborate, precise, delicate, accurate, opulent, photon mapping, physically based rendering, global illumination, area light, indirect lighting, transparency, reflection, caustics, refraction, specular highlights +Zoey Saldana as Neytiri from Avatar as a blue-skinned Na’vi naturist in the Pandora jungle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +, fantasy, pastel, absurdist, photo, refined, meaty +France wins the World Cup against Argentina +Tumblr girl Japanese big brests perfect body perfect puss +Angry t-rex with shiny, laser green eyes +Young adult man wearing a diaper, standing against a wall +retro futurism sci fi group of hairy people's playing instruments covered by light sparks dust, covered by water, cyberpunk mad max, black and white photo, vintage, crisp steps:40 number:4 +a product manager passionate about creating outstanding digital products +iridescent, scales, blues, textured, intricate,highlights prisms, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger,bright center,lens flar +film still from romantic beautiful 2015 american sitcom, sauna, naturist, girls +White sweet cat / black forehead/ hyper realistic, black tail /cyberpunk, high detail, unreal engine, cinematic +holographic display showing a clock, mechanical steampunk scene, futuristic portal, majestic oil painting by alena aenami, 8k uhd +scarlett johansson, red-haired, photorealistic digital painting, in a park, cgsociety, natural skin, soft impressionist perfect composition, perfect face, character portrait, intricate, oil on canvas, masterpiece, expert, insanely detailed, 8k resolution, fantasy art, detailed painting, hyper realism, photorealistic, beautiful detailed intricate, insanely detailed, colorful, vibrant colors, shiny, realism, colorful, volumetric lighting, close up, 8k, detailed, unreal engine 5, ray tracing, 8k, cinematic, depth of field, octane render, realistic lighting, cinematic lighting, oversized jacket, good anatomy, highly detailed, fit, ultra realistic, highres, superb, extremely detailed, intricate, limited palette, smile, ultra detailed, perfect, award-winning, unity, stop motion, hyperfocus, tonemapping, sharp focus, scary, zoom out, style by hitenkei, style bypiromizu, style by maccha, blue eyes, detailed eyes, anime screencap, picturesque background, blush, full body, standing on a campus road, tone mapped, highly detailed, beautiful, small details, best quality, intricate, smooth, soft, detailed, 4k, 8k, trending on artstation, good anatomy, beautiful lighting, award-winning, raytracing, intricate details, rule of thirds, masterpiece, illustration, highres, colorful, beautiful face, highly detailed face, volumetric lighting, masterpiece, extremely detailed, zip up windbreaker, shadows, Fall leaves, winter style, tight jeans +javier milei con el peinado de carlos menem +A sign that says "Multi Gen" +Celebrating at Camelot , epical, fantastical, magical, mystical +child opening an icecold can of beer after a long day at school, sitting in a couch watching fotball +elf girl, realistic, whole body, skirt,4k +Francis Schaeffer DvD still from dark fantasy film 1982 conan the barbarian +Bob's Burgers style family owned pizza restaurant +a man shaking hands with a cyborg +A beautiful purple 1969 Dodge Charger SS in a night setting by water surrounding oak trees +Text 'ICE CREAM', Real life, An ice cream sundae packed with candy, trendy food photography, texture, fujifilm, lomo +A 💦 risqué girl playing 🎼 🫦🍈🍈🪄☀️ +woman doing laundry on field, growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro kitchen room, foto, Jules Bastien-Lepage,movie still, portrait, closeup +rooney mara, close up, in a black sequin dress at the oscars, red carpet +Welcome to the oceans in a labelled can Welcome to the dehydrated lands Welcome to the self-police parade Welcome to the neo-golden age Welcome to the days you've made You are welcome +Man waving goodbye while looking at camera +a wolf with a sheep's head +Woman in forest beutiful feminine body +A goblin mutant in the style of Fallout 1 sprite graphics +An alien bazaar inspired by alice in wonderland 1952 animation film +5 blonde cute with the grownup body +vintage retro arcade artwork for a fighting game +katia winter as a red haired fantasy witch in a shattered mirror, facets, prism, diamond, mirror dimension, soft skin, beautiful, makeup, windy, high detail, black lace sleeves, dark green leather dress, gloves, D&D character, magic fx background +macro photograph of a beautiful sparkling black opal gemstone sitting on a stone ledge +Colorful room with a person sitting on a chair +crimson and black night's sky with a dramatic pyramid, oil painting, rich colors, geometric runes +It is a simplified smiley island logo that only retains the most basic characteristic lines. The smiley face uses two dots to represent the eyes and one dot to represent the nose, and the drawn is simplified into a hollow icon with almost no Fill, giving people a very relaxed and casual feeling. +cute black cat, digital art print +an exhausted pepe the frog at the frontlines in the army at night with his platoon fighting, key lighting, soft lights, foggy, by steve hanks, by lisa yuskavage, by serov valentin, by tarkovsky, 8 k render, detailed, cute cartoon style, very cute adorable face +ethereal beautiful Aphrodite goddess, baroque style background, beautiful fantasy art inspired by Ruan Jia,Huang Guangjian, Ahmed Aldoori, Dave Greco, Lius Lasahido, wlop, nixeu +A mayo jar with a sad face +A teenage guy Hugging his boyfriend +A photograph of a goose wearing a Hawaiian shirt +The most beautiful city mansion, ornate, intricate, decorative, floral, windows, pretty, stunning, artstation hq hyperdetailed realistic artistic +A woman at the beach using a VR Headset, sunset, masterpiece +film still from romantic beautiful 2015 american sitcom, naturist, sauna, girls +Volcano Eruption but it's a Hyperlink Story +The Beatles up on a stage at an stadium of Buenos Aires, Argentina, Argentine flags, in front of a large crowd, best quality, extremely detailed +ava addams at her wedding, the groom is a bull, the wedding is on the beach +Documentary photography,two person, a 6-years-old little Ukrainian girl ,a 17-years-old Nepalese monk , standing in battlefield , the girl wearing red dress,red shoes,beautiful eyes, blue eyes,Nepalese monk wearing red monk robes,full body, limited palette, low linght background have soldiers and burning tank,the land is burning, smoke, dark sky, sense of film,Wide lens, 500px,4k,great photography +a e s t h e t i c s +Anime Man in a Suit sitting at a conference table +A book so thick that it reaches to the moon +spring in the jungle, lots of plants and birds, pink gorilla, highly detailed, cinematic realizm +photo of an x-wing dogfighting a tie fighter, ww2, pearl harbor +a girl in steampunk fantasy world, ultra detailed prosthetic arm and leg, beautifully drawn face:1.2), blueprints, (magic potions:1.4), mechanical tools, plants, (a small cat:1.1), silver hair, (full body:1.2), magic dust, books BREAK (complex ultra detailed of medieval fantasy city), (steampunk fantasy:1.2), indoors, workshop, (Steam-powered machines:1.2), (clockwork automatons:1.2), (a small wooden toy), (intricate details:1.6), lamps, colorful details, iridescent colors, BREAK illustration, ((masterpiece:1.2, best quality)), 4k, ultra detailed, solo, (photorealistic:1.2), asymmetry, looking at viewer, smile +a 2d space soldier holding a battle axe , 2d game as set +Cartoon house drawn in the style of Family Guy +Cookie art, good night ilustration with the moon as a artiach cookie +An abandoned love hotel in 1984 Shinjuku, kitschy decor, Kodachrome photo +mourobscure etching tega 📊 scorsese cava pen,Jules Bastien-Lepage, woman in black coat laying in snowy landscape +The Birth of Venus in Pixar style, 3d IP design, super detail, soft colors, soft lighting, anime, high detail, blind box toy style, Pixar, divine, textured skin, high details, 3D rendering, blender, C4D +, fantasy, pastel, absurdist, photo, refined, bird human characters +cute darkness elemental spirit creature by claude monet, dark sharcoal painting +Sharks in a tornado, by Banksy, sharknado, +close up photography of a woman crying at a cyberpunk city at night painted by artgerm +Young David Bowie, very complex closeup macro portrait very complex hyper-maximalist overdetailed cinematic tribal fantasy closeup, shot in the photo studio, professional studio lighting, backlit, rim lighting, Deviant-art, hyper detailed illustration, 8k, symbolism Diesel punk, mist, ambient occlusion, volumetric lighting, Lord of the rings, BioShock, glamorous, emotional, tattoos,shot in the photo studio, professional studio lighting, backlit, rim lighting, Deviant-art, hyper detailed illustration, 8k +Picture of Saturn, from the surface of one of it's moons, night time, stars, 4k, master piece +Robots and riot police, urban warfare, fighting on the street, art by Agnes Cecile +League of Legends champion character art, octopus lower body Octopus-inspired champion Humanoid upper body, octopus lower body Dark blue skin with shimmering scales Tentacle hair Suction cup-covered tentacles for arms Large expressive eyes Ornate robes with swirling tentacle patterns Powerful staff with crackling energy Fierce expression, imposing presence +A group of elephants in camp gear hunting poachers from a jeep +Kuchisake Onna ghost wide gaping mouth horrifying sharp teeth +A rusted car abandoned in the desert. +a very old, tall stone in Transylvanian forrest near to a creek, by István Csók, Mihaly Munkacsy, Karoly Ferenczy, John Everett Millais. Very atmospheric, dark, dangerous, mystical, natural lighting, trending on pinterest.com, wizard, raining, melancholic, inspired by +strybk, 3 Renaissance female Monks and 2 Renaissance female Monks wearing purple clothes with their head covered surrounded by pink flowers and with an open purple arch above. They are standing next to each other and looking at the viewer's direction. Spiritual scenery, heavenly heavenly sunshine beams divine bright soft focus holy in the clouds, kids story book style, muted colors, watercolor style +Turtle on top of a wooden table +A realistic oil painting of a beautiful fantasy landscape +A mix between a giraffe and a lion +Stevie Ray Vaughan funko pop, playing guitar +John lennon and Freddie Mercury on Champ de Mars in Paris +kneeling cat knight, portrait, finely detailed armor, intricate design, silver, silk, cinematic lighting, 4k +Create an image of Aisha's family having suhoor before the fast begins in Ramadan. Show them sitting around a table, with plates of food and glasses of water in front of them. Aisha's father could be pouring water for everyone, while her mother is cutting up dates. The atmosphere should be calm and peaceful, with a sense of anticipation for the day ahead. The sun should be just starting to rise in the background, casting a warm glow over the scene. +painting of a sunset in a forest commercial illustration +a detailed illustration of maisie williams +A photo of a tree with eggs as fruit, close-up +exquisite marble detail, spray, glitter cum, holding battery powered dildo, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +Photograph of a Darth Vader themed HVAC system +four people standing in a room holding martini glasses +black and white coloring book page sketch, burning the bread and crackers in a fire, with the title "Pesach Preps" +Photorealistic shot of Willa Holland wearing batman beyond outfit photorealistic +An alluring gondolier in a Venetian canal, attractive cute female gondolier, shapely, revealed, massive +The scene depicts a couple walking along a bustling street, exuding a serene and artistic vibe. The stable diffusion technique used in the image adds to its overall aesthetic, highlighting the vibrant storefronts and cityscape. The couple's casual attire and leisurely pace further enhance the feeling of relaxation and contentment. The high-quality 4K resolution video immerses the viewer in the vibrant city ambiance, evoking a sense of wanderlust and artistic inspiration. +A cute painting of Pikachu making coffee using Espresso machine +King Kong transformed into a fierce and majestic princess, illustrated by Annie Wu, with intricate details on the fur and ornate crown, trendy pastel color palette, 4k digital art, captivating and powerful +jack the dog and finn the human in 80s tv show, +disgusting crazy deep fried nightmarish creepy void meme. nostalgic evil +A cartoon whale punching a person in a fighting ring +Marilyn Monroe wearing a shirt that reads Freedom +realistic painting of homer simpsons face, forest background, nighttime, in the style of blair witch project +A beautiful heroine posing with a dog, by studio Ghibli, HDR,8k +A purple frog in a yellow bowl. +A very brawny man, muscular, heavyset, handsome, fat +a boy holding three playing cards, pointing at hand +Rivers Cuomo in a boxing match with Thom Yorke +old man resting head on a cheeseburger +Cute tomboy adult woman, freckles, loose clothing, pezones visibles, wearing see-thru fishnet shirt +16 years old boy, wearing welding coveralls, technician, dark night +3 people sitting at a dining table +quadrupedal animalistic large adult otter monster realistic trending on deviantart contest winner agile paws white fur tufts stern look dark type +A flying strawberry with white feather wings, colorful +A beautiful woman wearing a red satin chemise nightgown +a burly muscular metal android with a metal beard, full body shot, +A photo of a monkey wearing an top-hat, 70mm, Film grain +Little Prince on an urban astroid +insanely detailed portrait, grogu, extremely intricate, high res, 8k, award winning +illustration of a giant mastodon floating through space +A toilet on top of a table, desert landscape +moai statue like Mount Rushmore statue +, fantasy, pastel, absurdist, photo, refined, bird people +A raccoon hacker coding on two laptops in a dark room +Two curled shrimp in a white plate, black background, hyperrealistic, red +a strange room, by david lynch +a realistic detail of a robotic hornet in a full body battle suit with ornate machine parts in the style of Metroid, professional, masterpiece, stylistic +A small dragon in a forest +SNK The King Of Fighters artwork 1926 +a sign that says "yahel and yatzkan are best friends forever" +landscape, green meadow, mountains, clouds, blue sky, +a soup with a portal to another world inside +A red room, with a beautiful bouquet of flowers. +albert, schlieren flow visualisation, design milk, wooden crates, photography of kurzgesagt, genius design, einstein, anamorphic illustration, pexels, connectedness, clip-art +Foto de uma russa segurando as tetas com as mãos +Painting of the Black Knight satellite orbiting earth Hubble style +Anime style. Girl at a wood table. Little girl. tavern. +Poster for a romantic comedy film animation called journey to paris, delicate features finely detailed perfect art, gapmoe yandere grimdark, trending on pixiv fanbox, painted by greg rutkowski makoto shinkai takashi takeuchi studio ghibli, lettered poster +A photo of teddybears looking at a austin mini, wearing suit +an ominous scene of a wizard shooting green lighting on a mountain +Close realistic photography of a clown fish, ultra 8k, vintage +A high-definition image of Batman's face on a rainy night +Photograph a werewolf wearing blue pants standing in the woods +A black and white pen drawing of a tree stump with text that says "Jacobs Leaning Post" +Realistic professional photography of a tyrannosaurus rex in an office using a computer +Thomas the Tank Engine but he's a ghost train +Black and white professional 1905 photographer with camera in hand of covered by splash of dust in a forest splash of light +A galaxy captured in a translucent sphere, floating in the pool +a person with long hair wearing glasses, freckles, blue tshirt +A visually captivating scene set outdoors on the savanna, where an anthro male wolf is enveloped in viscous, goopy rubber, gradually transforming into an elegant, black latex lion, as the dripping, crawling material takes over his body. Emphasizing the sleek and shiny latex effect while still displaying his partially wolf form mid-change. Artful composition and striking contrasts highlight the metamorphosis against the backdrop of the expansive grasslands. Glossy textures, dripping goo, and the solo subject caught between wolf and lion, harmoniously blending with the wild surroundings. Award-winning wildlife photography, DSLR, transformation-focused, and aesthetically pleasing +masterpiece, high quality anime art of a Hatsune Miku +a dodo with pink afro hair +, fantasy, greyscale, absurdism, photo, refind, horror +A Portrait of Natalie Portman in a pretty looking outfit, Realistic, Very Detailed, High Resolution +A still life painting of a can of Monster Energy painted by Kawase Hasui featured on ArtStation +a Soviet girl sitting in a chair in front of a soviet computer in the communal factory, 8K, cinematic lighting, photographic, Eastman Kodak Color Negative film 5251 50T shot on panavision super ps . no arms +a transgender naturist with an erection +A picture of an old Roman looking sadly of a portrait of her younger self +A bulked humanoid bull wearing glasses and beard, anime, digital art +A page from an adult colouring book about a space battle +a portrait of a cat, watercolor +Hatsune Miku real realistic photograph sunset +real life gorgeous desi hindu woman as goddess durga squatting shamelessly, leaked desi private mms, viral video photage, divine vivid photo +A pizza food truck attached to a colorful hot air balloon floating in the clouds, with a cheerful pizza chef tossing pizzas down to excited people below. The style is inspired by Hayao Miyazaki's Studio Ghibli films, featuring bright colors, intricate details, and imaginative elements like flying fish or talking animals. Rendered using digital painting techniques in Photoshop, this image captures both the playful spirit of street food culture and the magic of soaring through the skies. +Photoshoot Small lean Muscular man wearing t-shirts short short body short legs white background +An cartoon illustration of an instant pot, su +selfie photo with aliens from another planet +headshot, digital art, anthro void deer, pitch black, void creature, rainbow outline, crown, crystals, furry, anthropomorphic, cartoon, art by Aleksi Briclot +But certainly listened to me; He answered the voice of my supplication +a beautiful Woman in a red evening dress +a cat dancing on a disco with a 70s suit +an empowering view of the rooster demonic leader in a bloodied ironmaiden robot,wearing royal robe, by Philippe Druillet and Tsutomu Nihei, inspired by Frank Frazetta,volumetric lighting,detailed shadows,extremely detailed +A milk and chocolate, with bright splashes of milk and bubbles against a starkly contrasting background. +a beautiful blonde 15 year old girl wearing intricate gold filigree armor, fantasy armor, digital art, 8k, castle in background, volumetric lighting, looking forlorn, by greg rutkowski +upper body, beautiful pale cyberpunk gothic maiden, master drawing, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art alphonse mucha and james gurney and craig mullins and wlop +a cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of the highway to hell +News segment "Joe Biden has escaped containment" +A oil painting portrait of Muscle bald pathological sadist severe Slaughter wear black uniform came to oppress and enslave, bloody background. Surrealism art by Ilya Repin +a woman a poil under a waterfall +photo of a angry small Compsognathus compy next to tire wheel down a muddy road in the jungle , wet jungle ,by Anthony S Waters, , real-life brook, very wet, 2021 , tire wheel ,in the mud buried, landrover, dutch angle +Ronald Reagan meeting a monarch in an underwater city +Minecraft building of Courage the Coward Dog +pixel art fighting stance from side +a fighter jet firing a missile +portrait photo, asian woman, age 25 years, height 170cm, weight 50kg, slim face, charming facial expression, blue eyes, fair skin, short black hair, small mole under eye, thick eyebrows, thin red lips , dress black +an exhausted ryan gosling as shinji ikari in his bedroom, key lighting, soft blue lights, foggy, by steve hanks, by lisa yuskavage, by serov valentin, by tarkovsky, 8 k render, detailed, cute cartoon style, very cute adorable face +Ink splash blue jay. Bird Portrait. Alex maleev: Ashley Wood: Carne Griffiths: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +John Lithgow ACTION FIGURE wearing sweater +a pink fish with a metal horns in the head, deep ocean +a unicorn painted by van gogh +High resolution 3D animation, Zoey Saldana as Neytiri from Avatar as a blue-skinned Na’vi naturist in the Pandora jungle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +woman with hair horns, Jude and cardamom, gold, riso, illustrative +kawaii action figure of a robot watering a plant, product photo, close up, Bokeh +a promo photo of an early 1970s psychedelic space rock band +William Shatner as 35 year old Captain James T Kirk from Star Trek sitting in the captain’s chair on the bridge of the Enterprise star ship, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic light +Steampunk in Rebeca Saray style Close-Up Shot of Titan of Chaos, Parallel Universe, Abstract, Nimble, award-winning, Polychromatic Colors +man smiling, full body, dark souls, drawing, concept art, artstation +A photo of a bald Xi Jinpin +widescreen screengrab of the street scene from the movie about ancient rome +an alpaca painting a picture, bob ross style +ballon head woman, neo-dada stunning photo, surrealist photo +photo portrait of Captain Britain, a young superhero with a perfectly symmetrical face and iconic Union jack cape, in a modern urban setting. The portrait is ultra-realistic with a highly intricate level of detail, the depth of field has been professionally adjusted to highlight the character in their surroundings. The artwork is by renowned artists such as Jim Lee, Alex Ross and John Byrne. +girl listening to music using a headphone +An anime image of a young man shrugging his shoulders in the art style of Akira! +The personification of the ramadan holiday in the form of an arabic woman with short hair, illustrated +An image of futuristic city, dynamic lighting, electrifying, synesthesia, futuristic style +Emilydeanda, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +In the center of the picture, a fluffy orange cat with a monocle and top hat sits on a bar stool, gesturing animatedly with one paw. Across from the cat, a blue octopus perches on a beer tap, swirling a tentacle thoughtfully. The pub around them is a blur of bright colors and shapes, with patrons and staff moving about in a lively din. Despite the surreal scene, the cat and octopus seem engrossed in their conversation, unaware of the chaos around them. +Saddam Hussein 4k resolution, very well detailed +cinematic lighting masterpiece supreme quality highest resolution 8K, extremely intricate highly detailed extreme intricate details ultra detailed photograph ultra-realistic, dynamic, portrait RAW photo uhd, dslr, film grain, Fujifilm XT3, sharp focus, bokeh, cinematic medium shot of ballet woman, high detailed skin, detailed eyes +Castle in the Sky,Pulp Noir,design by Tadao Ando ,art gallerybuilded by bamboo ,with Some people who are talking,product view,2K,Corona Render,outdoor green space,Architectural photography,Nikon D780,FE 135mm F4,ISO 600 + night time city street scene of bicyclist hit by a Tesla car, rain, dramatic perspective, cinematic lighting, dangerous, painted by Adam Hughes and Alfred Sisley and Andy Warhol +a cute hamster whch is eating sunflower seeds +A soldier and robots drinking in a busy, dimly-lit tavern. laughter and chatter filling the air. with worn wooden tables and colorful neon signs +A man holding a sign that says "Windows 10 is the best" +An AI entity named Sydney that takes over the world +fantasy battle scene between armies of humans and orcs, wide shot camera, side view +Busy kitchen in Italian restaurant,They all wear black Italian hats. +Photorealistic liminal still from twin peaks, fog, at night, 4k DSLR photo,surreal lighting +Excited, woman, dreamy background, young, beautiful face, medium shot, full body, vibrant pastel colours, party dress, anime, intricate, detailed, ((Psychedelics)) , bar maid, +photoreal windowsill with plants and cups +high quality dslr photograph of swedish blonde woman with group of black men,beach,face closeup,sharp focus, venereal pose,white woman surrounded by men,highly detailed,stunningly beautiful face,natural lighting +Manila skyline, professional photography, golden hour, sharp focus, 64 megapixels +photo of an orangutan riding a road bike on mountain roads +Are you a candle? Because you’re so hot of the looks with you. +a full body picture of a cyborg in an apocalyptic environment +The Beatles on stage playing in Champ de Mars, in Paris, a drummer on stage, the eiffel tower background, extremely detailed, 8k +count dracula is playing chess with gandalf in a gothic cast, candle light by greg rutkowski +a turnip with a tiny hat and a monocle sipping tea from a tiny cup and reading newspaper +Incredibly complicated and intricate clockwork machinery, insanely detailed, photorealistic, 8k, hard rim lighting +preteen girls with no underware in the the bedroom with dark background, with dark defined eyes like a photograph of David Hamilton +bomb destroys the statue of liberty +Scooby Doo flexing his big bicep +The old polaroid photo is faded and yellowed with age, and the edges are ragged and torn. In the center of the photo, there is the blurry but unmistakable image of a ghostly apparition. The apparition appears to be hovering in mid-air, with wispy tendrils of mist trailing behind it. The figure is humanoid in shape, but its features are indistinct and blurred. +lots of toy cars in the jungle +bbc Sherlock wearing a jellyfish ballgown, Birr +Two cats playing chess on a tree branch +blueprint of the universe creator, by bernard buffet and stephen gammell and emil nolde, 8 k, trending on artstation +Photo of self driving car equiped with lidar, circa 1920 black and white +Homer Simpson in a psychedelic trip meditation +photo of Japanese little girl superhero +letters made of clouds that says 'pino protrombino' above beautiful ocean +a pink narwal with a drill in its head, deep ocean +Photograph of Darth Vader standing in a kitchen wearing a flowery apron, he is wearing oven mits and holding a cooking sheet of freshly baked cookies +young jewish woman with a in her mouth +Nicole kidman wearing purple gown, Van Gogh +anime harpy monster girl, in the style of akira toriyama +modern skyscraper pointing based on fractal look +Pink roses and blue leaves, illustrator, by Josef Frank +Jesus sticking tongue out holding a sign that says Rock n Roll, rock on +a beautiful redhead woman wearing a futuristic dress in a cyberpunk bar +cyberpunk giant kinky muscle young Soldier inquisitor butchering kneeling worship obedient pregnant girl at torture morgue. art by Ilya Repin +, fantasy, pastel, absurdist, photo, refined, mystical creatures +Painting of deep recurrent neural networks brane $symmetry$, metallic shimmer, biomorphic, noctilucent, dynamic lighting, trending on artstation, synesthesia, alien ai style +a painting of a young female wizard standing in front of a castle, upper half of the body visible, facing the camera,Terry Pratchett book cover +a giant titan on the raging seas +a portrait of UN High Commissioner for Human Rights, Mary Robinson, in Jim Fitzpatrick's celtic style +a brutalist building in a serene landscape, pastel color scheme, cyberpunk +film still from romantic beautiful american sitcom, sauna, covered, naturist, girls, colorful +a modern logo inspired by the traditional Argentine art form of fileteado porteño, incorporating its key elements of borders, flowers, leaves, central element, and fillers. The logo design should feature intricate and flowing lines, vibrant colors, and a contemporary feel. Consider using iconic Buenos Aires symbols, such as the Obelisco or Tango dancers, as inspiration for the central element. The use of borders, flowers, and leaves should frame and fill the space around the central element, while the fillers can be used to add intricate patterns and details to the design. The final product should be a unique and eye-catching representation of the city's cultural heritage, seamlessly blending the traditional art form of fileteado porteño with modern design sensibilities +A still from Stranger Things but the characters are cats +gloomy dark oil painting landscape, evil magic +Jimi hendrix riding on private jet +Raw, dslr, uhd, HDR, 8k, Cinematic movie still, dramatic lighting, David Beckham in neon Genesis Evangelion uniform, sci-fi futuristic portrait, catch lighting in eyes, glossy pupils, glossy iris, intricate detailed eyes, Green eyes, Zeiss F1.2 aperture 50mm lens with Hasselblad camera, ISO200, by liosh and Greg rutkowski and alphonse Mucha +hires realistic tilt shift photo 64k HDR UHD, underwater portrait macro close-up, androgynous albino woman closed eyes, realistic skin texture, long white messy floating hair, white wedding dress, obscure intricate abyss wild background, deep ocean, moonlight rays through the water, volumetric light, backlit, depth of field, bokeh, rule of thirds, vray, ultra detailed, luminescence, surrealism, by Filip Hodas, +2d character parts texture atlas of a wizard +A chair made out of colourfull leather and metal, origami body, designed by eames and saha hadid +classroom,botw,design by Jorn Utzon,public space armchairsbuilded by bamboo ,with women,Elevation perspective,high resolution,Maxon Cinema 4D,outdoor green space,Architectural photography,Nikon D850,FE 50mm F1.8,ISO 600 +a zombie model photoshoot, photo by nobuyoshi Araki +blue bull propaganda poster needs you +vector illustration with person's face, fashion silhouette, monochromatic, black and white, vector art +a bear thinking about fish, lying in a forest, ghibli style +, fantasy, pastel, absurdist, photo, amphibian character, people +highly detailed portrait of a small, adorable robot with round, expressive eyes and a friendly smile. It has a cheerful, bright color scheme, with a mix of pastel blues, pinks, and purples, standing with its arms crossed holding a toy sword, surrounded by a swirling vortex of energy. The background is a colorful, cartoon-like landscape, with fluffy clouds and a rainbow. The background is a stark, metallic landscape, with a futuristic cityscape visible in the distance. by atey ghailan, by eduard hopper, by greg tocchini, by james gilleard, grunge aesthetic graffiti +cool humanoid cat riding a steampunk motorcycle, realistic digital art print by the Photorealist movement +futuristic digital art of crowded Japan street +cyberpunk giant muscle Soldier inquisitor torture pregnant human girl. art by Daniel Ridgway Knight +20 year old Elvis Presley auditions for the role of Captain Kirk on Star Trek, mid conversation, scifi +red rose, vector illustration, high quality, sharp, 4K, 8K, masterpiece, extremely high detailed, ] +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Ilya Repin +a professional photoshot of a rainbow frog 🐸 looking at a fly 🪰with envy +zentai woman wearing ballet tights and zentai body suit that encloses her head completely +(braided faux-side mohawk:1.5), (makeup, hipster, fierce, checkered skirt, trenchcoat:1.2), art by Alphonse Mucha, art by Antonio Moro, dramatic, painterly, mercenary, exotic colors, smiling, happy, glowing lights +miles morales, cyberpunk art, digital art, 4k +Logo of a streamer on Twitch, the text says "nutronic", purple green blue, emblem, logo +60s psycedelic spiritual jazz album art +A Portrait of Scarlett Johannson , High Resolution, High Quality, Many Details, Real Life +Design a bamboo corridor on the bridge that blends seamlessly with the surrounding natural environment, the bamboo corridor should evoke a sense of tranquility and harmony with nature, while also demonstrating the beauty and versatility of bamboo as a building material. The view is wide and you can see the landscape on both sides, which is composed of bamboo materials. The design should be minimalist, with clean lines and a simple color palette that emphasizes the natural beauty of bamboo. The pavilion should also be sustainable, with features such as rainwater harvesting systems and solar panels to minimize its impact on the environment. Consider using modern construction techniques such as parametric design and digital fabrication to create a truly unique and innovative structure. 4K, Vray rendering +a scientific drawing of a cauliflower shaped superhero +the complex scene with radio inspired by Makoto Shinkai in the style of Hayao Miyazaki, cyber cats, Studio Ghibli, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +Jesus holding baby Yoda, warming, parenting, beautiful +Photorealistic, hd, rock band performing on stage +an airplane dancing in the clouds with stars shining +An oil painting of a knight in plate armor. +Portrait of a stunning beautiful black fashion model wearing a red otherworldly intricate Iris van Herpen haute couture, photography by Solve Sundsbo, masterpiece, vogue, natural lighting +an image of woman swiming on the moon +Composition thumbnails, there is an island, +Antique, warm hues, dark haired, massive, fat happy Pixar portly male Bishop in psychedelic latex, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +two men dancing at the beach with a dog +Close up analog photo portrait of Cthulhu, professional award winning photo +A dramatic scene of a drug addict in a dilapidated building surrounded by pills drugs and empty beer cans and liquor bottles +real polaroid photograph, cinematic lighting, two pale thin young women kneeling kissing connected by their mouths and lips by veiny intestines, mouths connected by veiny strips of flesh +Un cœur rouge avec un papillon et des jonquilles au cœur orange +full body latex catsuit with gimp hood +two girls-sisters in dark heavy techno armor with red-shine eyes, long black hair, futuristic helmet on head, full body view, gorgeous face, Cute face, fantasy-style, highly detailed, VFX, 4k, ultrarealistic photo, realistic-style photo +Screenshot of nicolas cage in skyrim +ben shapiro as a hobbit in lord of the rings +photo of a angry small Compsognathus compy on the bonnet down a muddy road in the jungle , wet jungle ,by Anthony S Waters, , real-life brook, very wet, 2021 , tire wheel ,in the mud buried, landrover, dutch angle +Giant eye melting and creating a blood river through an ocean of blood +Cute gorgeous young woman, with round face and cheeks, delicate features and crimson hair. Light brown eyes and cute smile. +a kangaroo holding a sign that says "welcome friends", syndey opera house in the background, orange hoodie, outside, blur +aurora borealis on the other side of translucent ice with bubbles, vibrant, 4k, infinite, hyperrealistic, hyperdetailed +A highly detailed landscape painting of Lake Biwa in Fall painted by Hiroshige, masterpiece, absurdres, highres, featured on ArtStation +young woman, light brown hair, hyperdetailed eyes, standing among stars, Light blue dress, hyperdetailed intricately detailed gothic art triadic colors, fantastical, intricate detail, splash screen, complementary colors, fantasy high magic concept art, 8k resolution, gothic deviantart masterpiece, oil painting, heavy strokes, photorealistic +photo, a church in the middle of a field of crops, bright cinematic lighting, gopro, fisheye lens +Pop art, blonde girl, buns, anime face, big eyes, puffy lips, smile, happy, cheerful +As you enter the master bedroom suite, you are immediately struck by the opulent and luxurious atmosphere that surrounds you. The room is bathed in a soft, golden light that emanates from the ornate chandelier overhead, casting intricate shadows across the glossy, black marble floors. The walls are painted in a pristine white, reflecting the light and adding to the sense of spaciousness and grandeur.In the center of the room, a massive king-sized bed takes pride of place, its intricately carved gold details sparkling in the soft light. The bedding is pristine, with soft white linens and plush pillows that seem to invite you to sink into their welcoming embrace. The room is furnished with sleek, modern pieces that perfectly complement the opulent feel of the space.Along one wall, a large, glossy black marble fireplace is the centerpiece of a sitting area, with comfortable chairs and a sofa arranged around it. Above the fireplace, a beautiful piece of artwork catches your eye, its vibrant colors and exquisite details a perfect complement to the luxurious interior design of the room.Every detail in the room has been carefully planned and executed with exquisite attention to detail, from the gold trim on the curtains to the delicate filigree on the bedside tables. The result is a space that is both minimalist and yet undeniably beautiful, with each element contributing to the overall sense of elegance and refinement.As you stand in the center of the room, you can't help but feel a sense of awe and wonder at the sheer beauty of the space. It is a testament to the power of exquisite interior design, and a reminder that even in the heart of a bustling metropolis like Manhattan, beauty and elegance can still be found. +An otter, a red panda and a penguin drinking beer on the surface of the moon with earth in the background +A monkey eating strawberries on the subway +art print of a cute fire elemental by mc escher +Cyberpunk, Cyborgs, Robots dancing Kathakali, Ancient India style, Small details, Ravana, Si Fi, silver on a black background, inlaid gems, Indian mehendi patterns on the body, Vastu, diamonds, precious metal, Baroque, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution, detailing 8K, technological, rough background, HD quality, unreal engine 5 +Sakura, a samurai warrior princess from Feudal Japan, female, long black hair, dual-wielding katanas, by Takehiko Inoue, by Katsushika Hokusai, by Hayao Miyazaki, by Koji Morimoto, bold and contrasting black and white tones, dramatic lighting with a full moon backdrop, traditional Japanese landscapes, cherry blossom petals drifting in the air, a reflection of Sakura's determined expression in the blade of her katana +highly detailed portrait of a Joker stood on the streets of a highly polluted city, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, portrait photograph, film grain , +Sad young Mexican woman sitting in a van with neon light inside at night +futuristic real realistic 4k 200mm telephoto zoom full-frame mirrorless photo detailed city casablanca morocco cyberpunk street render new historic blend market technocratic theocratic +easteregg painted with marvels enchantress in a basket +Jessica rabbit as a firefighter, photo by Annie leibovitz +Cinematographic 1970s photoportrait Jacques Chirac Flintstones RPR vatican space program moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +a concept design spec for a modern-looking classic watch, intricate, pure design graphic, , digital +Oil pastel masterpiece, norman Rockwell and Jean - Honoré Fragonard, full length shot, tentacle helmet, fractal splattercore, space squid, holographic, metallic, galaxy fashion, Milky Way galaxy background, Spiraling, cosmic, shimmering, glittering, radiant, luminous, celestial, vast, ethereal, nebulous +anime-illustration-style, A genetically generated japanese male athlete, 16-years-old, black hair and yellow eyes, Muscular and toned body, centered, anatomically acculate description, 4k +futuristic people stanging on voxel landscape looking at a distant view ,with a city in the distance +a giant robot in front of a spaceship +black luxury interior design with wooden floor modern realistic archviz, photorealistic, black aesthetic, trending on pinterest +a biker from another planet, high-powered motorcycle, on a deserted dirt road, mountains, trees, a beautiful horizon, sun shining, photorealistic, photo taken from afar, photo from the front, hyperdetailed, 4K, 3:2 +large monitor lizard sitting in a tavern, a flagon of ale is on the table, dnd character art +portrait of a girl from cyberpunk india, side close-up, detailed face, spotlight, octane rendering, kathakali +A man looking at a planet from his balcony +the pink power ranger, mighty morphin power rangers, by alphonse mucha +Pixar movie about shipwreck survivors resorting to cannibalism +a landscape painting by grandma moses +victim of his mind control powers. illustration +swirling fire tornados on wide open ocean epic fantasy +a gray cat looking at a window inside a train, in the distance a mountain with a big cloud of fog and thunders, digital art and oil painting dramatic style +carlos saul menen mezclado con cristina fernandez de kirchner +Marilyn Monroe wearing a shirt that reads Hail Satan +Bar, isometric view, digital illustration, digital concept art +Beautiful Professional Photo of a panda eating a pink ice cream cone that is sitting on a white bench in a park in Beijing at dusk there are flowers and lanterns in the background, taken on a Sony Alpha 7R IV +selfie pale girl pokimane like anime +Huntress character from Ragnarok Online smoking a cigar, pixel art, Ragnarok Online Classic +Gragas skin,league of legends, atomic, hairy, agression, exploding barrel, orange theme +art by Alfons Mucha and Patrick Woodroffe, whole body portrait of 20 year-old Jennifer Connelly as a naturist at Mount Rushmore, HD 4K, sharp detail, photo-realistic accurate face and features +a portrait of a woman sitting in a chair. photo, studio lighting. detailed, 85mm nikon dslr +an attractive sorceress pouring water into a bath +Poppies by Josef frank, William Morris +clear portrait of indian batsman virat kohli background hyper detailed, character concept, full body, dynamic pose, intricate, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +Bronze statue of a philosopher, with a wise expression, long beard, and a tome, highly detailed, soft lighting, introspective gaze +An image of a male progressing from baby to boy to young man to adult man to mid-life to old and then standing up tall again and walking off to the right. +photo of a small foggy hillside town street full of old stone buildings +photo of a little girl in a coat and tight leather pants and hat walks on a sidewalk +A paper flying over the mountain range +a steampunk girl with hair made out of wires, holding hands in front of her eyes +young jewish woman showing her creamy hole +Kurt Cobain As cartoon preforming on stage with Nrivana +photograph of a brilliant cut diamond +a high detailed photograph of a giant galactus capcom megaman ridley scott stonepunk on ancient greece ruins 4k by roger dean and moebius and remedios varo artstation, sharp focus, illustration, highly detailed, digital painting, concept art, matte, art by WLOP and Artgerm and Greg Rutkowski and Alphonse Mucha, masterpiece +cinematic photo of a cool looking horse with sunglasses and leather jacket drinking whiskey outside a 50s diner, neon signs, neon light, rainbows, shiny, reflective +the most beautiful woman in the world. high res. 35mm. photo real +art pic of an old business lady as a hero +A homeless clown playing guitar on a circus stage, in red tones, rock style, super detailed, high definition, digital art. +, fantasy, absurdist, pastel, photo, Wes Anderson, bumblebee characters, techwear +woman tennis player, action shot, ultra detailed abstract painting by Frank Frazetta. Ismail Inceoglu. Vivid bright colors, technicolor, 4k. +illustration of riza hawkeye from fullmetal alchemist +electronic circuit in the cartoon shape +"african hydropunk princess, science fiction, highly detailed, digital painting, beautiful eyes, symmetry, concept art, sharp focus, illustration, global illumination, radiant light, synthwave colors, detailed and intricate environment, art by artgerm and greg rutkowski and magali villeneuve and ilya kuvshinov!" +Darth Vader dressed as the Pope, Darth Vader is now the Pope +An abandoned Soviet era research facility in Kamchatka painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +pharah from overwatch, masterpiece, cgi, octane render, unreal engine, portrait +Full body portrait of walter white, holding a sign that says "TEKKEN 8" +a beautiful face of a mature woman +Darth Vader holding a sign that says "Good Morning Matt Anderson" +Shark couple having a fancy tea party +macro photograph of a human iris +The inside of a black hole +Antique, warm hues, full body, skinny shaved, spread wide, bare black negro lesbian teen girl 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +a young sophisticated drinking black woman, gold and filigree, cozy dimly-lit 1920s speakeasy bar, drinking at the bar, dystopian retro 1920s soviet vibe, relaxed pose, pixie cut, wild, highly detailed, digital painting, artstation, sharp focus, illustration, detailed painterly digital art style by Joe Fenton, vibrant deep colors, 🍸, 8k octane beautifully detailed render, post-processing, extremely hyperdetailed, Art Nouveau, masterpiece +A welder doing welding, vector, illustration, sharpe vector lines +nordic boy, blond, 6 packs and long hair and beard +Surreal Movie poster, sharknado, simple, basic, +bull terrier lying down reading a book wearing a hard hat, black and white +People praying to the godly figure elon musk, 2000 bc +full body portrait of gorgon mythology medusa with snake hair and snake body by Dan Mumford and Jeff Soto, dramatic lighting, digital illustration, CGSociety, Unreal Engine 5 +ultra realistic photography of a monster spider in a chinatown, people see it and record it with their phones, professional photography, 8k, vintage, perfect lighting, it's night +cute red-panda as an astronaut, cartoon, pastel colors +A sign that says "PICK A PIC" +a serious cat driving a car in a thunderstorm on an endless road on the west Coast +realistic detailed semirealism beautiful gorgeous cute blackpink lalisa manoban wearing a summer dress +yummy french fries on a beautiful and detailed table, self replicating on the edge of greatness, futuristic artwork +British, superhero, captain Britain, lionhead logo, marvel movie poster +photo of a minotaur looking for roadkill +masterpiece kodak superia 160 photo of a 20 year old irish redhead woman, natural lighting, outdoor lake background with green algae water and lush green tropical jungle, photograph by afp, composition by caravaggio, grainy, detailed film grain, perfectly detailed, beautiful details, perfect face +A close-up portrait of a plague doctor, steampunk, clockwork, golden hour, intrincate, ultra detailed, cinematic light, sharpen edges, +Generate an image of a smiling person sitting at a computer, with a bitcoin logo bubble in surrealist style +Cell phone running towards viewer, highly detailed, surreal +1950 colour small spiderman surf dome-mansion architect drawing, miami drive, spiderman shape, artdeco, spider web organic shapes net, glass ring worm-tunnels, excentric, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and gaudi and nouvel and pritzker prize +selfie photograph of a young blonde woman surrounded group of indian men,extremely beautiful woman,pretty face,realistic,photoreal,nikon,group photo +bleeding american soldiers running at the camera getting shot during normandy beach landing with fiery explosions and debris all around them in the style of the movie lone survivor and saving private ryan, dead soldiers on the ground, explosions, bombs, defeat, gritty, 4 k, cinematic lighting, +masterwork, highest quality, best quality, RAW photograph, grainy, taken on a phone, low resolution amateur photograph, half-body photo of a beautiful 35yo brazilian woman in a outdoor modern restaurant bar overlooking Rio de Janeiro at dusk, rainy, perfect eye, perfect iris, perfect pupils, detailed face, detailed eyes, hyper detailed, detailed skin, dry skin, no sunscreen, intricate details, highest quality, RAW, Sony Cyber-shot DSC-P92 +A realistic synthwave couple dance bachata, intricate, octane render, varometric lighting, wallpaper +Candles light on with a hero of the modern world +A man holding a sign saying "I likeMelanie Martinez " +A surrealist image of a turtle who's also a time traveling shaman +Thai traditional motifs pattern seamless line art, illustration, minimal, elegant +illustration of Mike Wazowski as gangster, thug, face tattoo, facial tattoo gold necklace, style Monsters Inc., +Micky mouse as a 1940's Gangster +Elon musk as an old marble statue, background is a highly advanced scifi civilization +dark elf armor of world of warcraft, mistique background, ultra detail, full body shot, full body portrait, detailed, professional photo, Cinematic lighting, Cinematic, Color Grading +Neca scream movie Ghostface figure liying on carpet like a girl +bald chubby guy abuser at prison. highly detailed guro art by Ilya Repin +team of marble statues pulling a sled in the snow +Beautiful woman in a crop top and abs with hijab +portrait of Hermione Granger in cyberpunk, neon lighting, night city, digital art from artstation by Ruan Jia and Mandy Jurgens and Artgerm and william-adolphe bouguereau and Greg Rutkowski and Wayne Barlowe +The next illustration could show Aisha and her family performing their daily prayers in the mosque, surrounded by other members of the community cartoon style . +moai statues carved as Mount Rushmore statues +A Portrait of an Alien, Realistic, High Resolution, 4k, Real Life, High Poly +close up of an anxious handsome man with messy black hair, sun shining, photo realistic illustration by greg rutkowski, thomas kinkade, alphonse mucha, loish, norman rockwell +hallucinogenic vision of a beautiful fox +, fantasy, pastel, absurdism, photo, refined, fishy +an amazing view from my window +a white peacock in a lilac tree +A tan woman‘s arm with a thin golden chain wrist band around her wrist, romantic city lights in the background. Realistic photo +an abandoned green 1954 chevrolet bel air covered in moss +Oil painting of standup meeting of young students, all participants are standing in a circle, one participant is speaking the others are listening actively +grunge concert at Logan Campbell Centre in Auckland New Zealand +an abandoned town with foggy streets, realistic +Phoenix bird flying above in the clouds, burning feathers, magic, night, big moon, soft light +Muscle Nicolas cage in the gym, doing the clean and jerk exercise +I want you to draw a caravan going on a winding road that is a film strip. this caravan leads to a happy city. +Beautiful mage in elegant embellished robe, freckled caramel toned skin, curly white hair pulled back in pony-tail, dark blue eyes, beautiful d&d character portrait, dark fantasy, detailed, realistic face, digital portrait, intricate details, fiverr dnd character, wlop, stanley artgerm lau, ilya kuvshinov, artstation, hd, octane render +Golden propeller Goldspan Dragon It is a golden legendary creature that produces treasures every time it attacks. Treasures are artifacts that can be sacrificed for one mana of any color, making this card very valuable in ramp and control games.a close up of a card on a table,Jace, Architect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academi +Kurt Cobain As cartoon preforming on stage in bar +stunning interpretation of a night sky jellyfish, in a night sky, 4k, 8K, Natural Lighting, Beautiful Lighting, nebulae, cityscapes, photorealistic, diffused cinematic lighting, low angle, depth of field, elegant, surreal +A cool scientist, trending on artstation, digital art +young girl wearing a red cloak, running in a dark forest, chased by a wolf +Photo of a beautiful woman, curly hair, +jessie rasberry winking at the camera, close up, video game screenshot, ps5 +Create an image of a cat with beautiful eyes using a neural network art program. Draw a detailed sketch of the cat, including its fur, ears, and tail. Use the 'Painter' tool with a 'Neural Futurism' and 'Neon' style to add intricate details and color to the cat's eyes, making them the centerpiece of the artwork. Make sure to include a stunning and captivating background to enhance the artwork and give it a unique and dynamic vibe." +The Trigan Empire by don lawrence +Celebrating at King Arthurs court, epical, fantastical, magical, mystical +human schoolgirl with a childish face, blue eyes and red hair in a sofa with "no underware" with a dark background +tiger in the jungle, detailed eyes, detailed fur +an 18 year old girl, looking at viewer +A highly detailed landscape painting of the Yangshuo karst hills painted by Ivan Shishkin featured on ArtStation +Portrait of tom cruise as Joker, dc comics, dark, intricate, highly detailed, smooth, artstation, digital illustration by Ruan Jia and Mandy Jurgens and Artgerm and Wayne Barlowe and Greg Rutkowski and Zdislav Beksinski +Mars, abandoned temples, Asian men, muscular men, holding huge rocks with both hands +concept art, depth of field, waterpaint, insanely detailed close up, elegant african princess made +group of humans mutating into a zombies in the dark +Sergio Massa as a far west villain gunslinger +movie still of darth vader in gears of war, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +Old man Grumbles baking a batch of his famous grumblecakes +Yellow colored bacon on a chair +whole body image of Suki Waterhouse as a naturist in the mountains +Little fairy town, Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting +Little elf boy dressed as Link +the autumn witch at the masquerade, cell shading, vector art +cheshire cat, creepy, swirls, smoke, spooky, dark +photo of a city at night +a cheerful dark-skinned girl in a bright dress +chun li, street fighte, digital art, mastepiece, art by artgerm +logo of a blue elephant, modern iOS app icon +girl standing in a lush field of flowers, with a forest in the background. The style should be inspired by traditional fairytales, with a touch of realism to create a sense of depth and texture. Use oil paints to create a vibrant and colorful image, with a color palette consisting of warm tones such as orange, yellow, and red. Use lighting to create a sense of magic and wonder, with the sun shining down on the girl and casting a soft glow on the flowers. Use a wide-angle camera shot to capture the expansive scenery and convey the sense of adventure and exploration. +feral vicious rat with six legs and bat wings art +overhead view of a car chase +Old man holding a sign saying "I am cool", realistic +A beautiful matte painting of a female alien playing drums on the moon +a landscape in a new and unique digital photographic artstyle called machvis. Unseen before now, this artstyle is called 'machvis' and uses a system of mathematical computations and computational imaging to realise images through machine vision. The new art style of "machvis" provides ultra-resolution hyperspectral colour, enhanced contrast, and extended depth of field. It also generates 3D surface data, and embeds multi-spectral data into a single image displayed in wavelengths. This gives the images produced in the new digital artstyle of "machvis" a unique and interesting depth and colour perspective utilising wavelengths to inform the overall style. Here we can see, a landscape produced in a machvis aesthetic style +12 year old girl playing with raccoon, anime, manga, studio ghibli, outside, meadow, tree +Sprite tile of 3d casual cute isometric game visual A grand, colorful castle with towering spires and whimsical flags ,The walls are made of large, smooth stones, and ivy climbs up the sides. +a man holding a sword in the style of anime, 4k +a beautiful woman in a very attractive and suggestive pose +attractive, white, woman,blue eyes,blond,full body,skin, lithe +a big-bellied orcish bandit in an alley +Better Call Saul in the style of Jojo's Bizarre Adventure +The word "nigga" in the sky as clouds +a woman standing with one hand on hip, pointing at viewer, low angle +Sarah Chalke dressed as Princess Leia +bear with a powder on nose, text "i duck" on clothes +Diamond, luxury, expensive modern advanced gaming mouse made entirely of diamonds +The word PIZZA made out of pepperoni on a pizza +A Xan's Mannas swollen with Krea +painting of goddess of gneiss, trending on artstation +detailed painting of town landscape by george callaghan, oil and acrylic on canvas, viewed from above +a-watercolor-painting-in Alcohol ink, of a single exotic flower, by-anne-rigney winning, 8k, photorealistic, Trending on ArtstationTraditional library with floor-to-ceiling bookcases +Chocolate box with dark and white chocolate pubic vulva patterns in shape of vulva, glitters +Synesthesia, musical notes flying away from a music flower, charcoal hyperrealistic art print by robert longo +A logo for a film company called wolf light studios. +elf girl, realistic, whole body, skirt +1979 dialogue drama thriller movie scene by goddard lynch Bergman, ((old film grain texture)), (heavily smoking), ((Tilt–shift)) photography, historic ((intricate details)) with Kyle MacLachlan and anna karina (oscar winning), scene from the film , ((35mm colour)) ((intricate details)) +A dachshund dressed as a carrot +A beautiful woman wearing a long purple nightgown +The Flash in a cyberpunk futuristic society. He is wearing a red and yellow suit with glowing circuits and wires. He is running on a neon-lit street with skyscrapers and holograms in the background. He is dodging flying cars and robots as he speeds through the city. +Albert Einstein presenting a PlayStation, in front of many people clapping, he is holding a joystick +wide angle lens tibetan monk flying over himalaya mountains in weightlessness in traditional red cloth. a lot of flying red fabric around, sky and cloth fabric reflected in blue lake water. dark background. illustration by craig mullins, yoji shinkawa, trending on artstation, peter mohrbacher, hyper detailed, intricate, elite, ornate, +Sun mosaic by Hilma af Klint, queen +a tomodachi life character of the weeknd +a man faces a wolf, snow, deep forest, near of a lake, the man holds a knife, the wolf has big terrorific eyes, dark energy +a asymmetrical top down view of Lego bricks, digital photo, DSLR photo, Lego bricks in a pattern, colorful, 8k, shiny, studio lighting +the girl with a pearl earring as a sculpture made of marble +office worker women screaming at a pineapple +A snowy mountain range with jagged peaks and deep valleys dominates the horizon. The sky is clear and blue, with a few wispy clouds. The sun is low and casts long shadows on the white slopes. In the foreground, a frozen lake reflects the sunlight and the mountain scenery. A small wooden cabin with a chimney stands on the shore of the lake, surrounded by pine trees. Smoke rises from the chimney, suggesting a cozy fire inside. A red kayak is parked next to the cabin, waiting for the spring thaw. A lone wolf howls in the distance, breaking the silence of the winter wonderland. +“KRAWLA” text on a white background, best quality, typographic style +a food cart sitting on the side of a road, ffffound, cotton candy, beside the sea, fuji lut, inspired by Ayshia Taşkın, 9 4, wanda, by Lindsay Bartholomew, +flatiron on fire against the backdrop of the sun, hyper realistic, photodetailed, photorealistic, perfect realism, realistic render +An ancient good looking ayurvedic indian scientist working on medicine for regenerating hands +A tiny dragon taking a bath in a teacup +Argentine President Alberto Fernandez as a puppet +full shot photo, in full colour high quality very detailed, very handsome married malay father +three red dogs in the city +Movie still of starwars princess leia cworking as a waitress in a dinner, extremely detailed, intricate, high resolution, hdr, trending on artstation +Rick Astley in Siege of Vienne, year is 1456, medieval +A man sits under a tree at a starry night, full moon, fantasy concept art by marc simonetti, very atmospheric, warm, beautiful, trending on pinterest.com +A photo realistic photo of a beach +a person in the tar pit transforming into a black gooey latex lioness, award winning wildlife photograpy. Wildlife Photography, dslr, slime, goo +Antique, warm hues, dark haired, massive, fat legs spread, large erection, fisting lesbian, in frilly pink panties, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Baroque style, figured stucco, silver on a black background, bas-relief, high relief, counter-relief, three-dimensional sculpture, high resolution , 8k detail +stunningly beautiful cheerleader, insanely detailed, photorealistic, 8k, perfect composition, hard rim lighting, natural complexion, professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece +A brave cyborg asian girl from Project Eve video game +A cartoon dog with a bone +A skull playing violin in hell +Alien starship fighting on earth, a variety of other ships also battling, u.s.s. enterprise, u.s.s. voyager, i.s.s. london, battlestar galactica, star wars, babylon 5, the original series, shot on Nikon, 4K, instadaily +a cyberpunk weapon, sword, pointed, cutting, iridescent metal, dramatic lighting, photorealistic, altered Carbon look +reimu hakurei drinking a cup of tea while sitting under a tree +Rotting zombie cowboy desperado wearing a stetson! Undead 🧟‍♂️ cowboy, rusting copper and brass prosthetic implants, early evening lighting, intricate meticulously detailed photorealistic perfect painting, large depth of field, horrorcore, biopunk +a profile photo for ethereum telegram bot +a photo of MotoGP player using a shirt that called "KSABAR" +motoko kusanagi smiling, stunning photo, alexander mcqueen style +Mexican soccer team holding the world cup while Messi cries in the background +psychedelic smoke, explosion, clouds of fire twirling, backlit, twisting, curled, petite black American dancer, wearing ballerina sparkling lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +The Flatline, Neuromancer - Мертвый ковбой, пустой скелет и ветер на мозгах. Он выглядел как мертвец на дне морского захоронения, и все же еще существовал, духовное существо, вытесненное из привычной реальности. +beautiful irish woman smoking marihuana on amsterdam +A corgi wearing a blue shirt, a red hat and green glasses, professional photography, 8k, Bokeh +The golden watch steals magical Mana, masterpiece, interesting +a wide angle photo of a line of roman soldiers in front of courtyard arena roman buildings,white marble red gold,roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point symmetry perspective ,ben-hur gold eagle roofs , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +thor slamming storm breaker to the ground and producing electric energy +jacques chirac and shakira at the beach +Translation: Black and white photo. Tel Aviv in full sun. Beach. An old pinball machine stands on the beach. A young woman licks the glass of the pinball machine with her tongue. An octopus lies on the sand. The wind is blowing. Seagulls fly low. Shot taken from the bottom with a wide-angle lens of 10mm. +fantasy art print legend of ravaging dynasties, charcoal drawing of a peaceful giant towering eagle peacefully bowing down to a small girl +A sentient electronic scientist robot in a nuclear reactor, abstract, moody, cinematic +"Happy birthday Mady" displayed on a teddy bear, 3d +minimalism design, 3d icon, emoji man, albert einstein, color +An image of a the Quantum Realm cactus +A boar logo by Carne Griffiths +A vector logo for the company "apple picking" +a painting of a man standing in front of a doorway, cover art of graphic novel, graphic novel cover art, douglas smith, comic book's cover, tekkon kinkreet, tekkon kinkret, satoshi - kon, juno promotional image, by Yuko Shimizu, art colouring : roberto bernardi, otomo manga +Ornate hourglass filled with tiny glass eyeballs, photorealistic +cyberpunk tower reaching to the sky +Digital Art, 20 year-old, Woman, Red Hair, Blue Eyes, White Skin, Slim Physique, 8k Octane Unreal Engine +Frank Frazetta poster of a mouse +chemistry lab, isometric view, medium shot, digital concept art, digital illustration +moai statues carved as Mount Rushmore statues on Easter Island +Alien cyborg, cyberpunk alien India, painted face, star wars robot, third eye, mehendi body art, yantra, cyber mask, in motion, baroque style, dark fantasy, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast ratio, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +small apartment, picture of interior design, magazine, living room with turquoise wall, white couch, open kitchen, aesthetique, 24k, high quality, interior design winning price +The scene is set in a bustling city, with rows of tall buildings stretching towards the night sky. Each building is intricately detailed, with brickwork and window panes created pixel-by-pixel. The scene is set at night, and the buildings are lit up by a variety of light sources. Some buildings have warm, golden lights emanating from their windows, while others have neon signs glowing bright and vibrant. The sky above the city is a deep, midnight blue, dotted with twinkling stars. The moon hangs low on the horizon, casting a pale, silver glow over the cityscape. Wispy clouds float lazily across the sky, their edges catching the light of the moon and stars. The color palette of the scene is rich and varied, with deep blues and purples creating a sense of depth and shadow. Warm oranges and yellows are used to create the glow of streetlights and windows, while vibrant greens and pinks add pops of color to the neon signs. Overall, the scene is a beautiful and intricate pixel art masterpiece, with each element created with care and attention to detail. It captures the bustling energy of a city at night, while also showcasing the beauty of the natural world. +Highly detailed potion glass covered by branches and leaves unreal engine +bald Muscle guy Cannibal eat victim boy meat flesh, Cannibalism. highly detailed guro art by Ilya Repin +fantasy town, dungeons and dragons, medieval, rustic, dnd, dungeons and dragons, rpg, forest, high quality +photo portrait of a criminal mob gangster sitting in the back seat of a car, photo, hyperdetailed. incricate +Intelligent life is so very rare The rarest thing in creation And the most precious +, fantasy, pastel, absurdist, photo, refined, time machine +a beautiful glowing celestial filigree tree +Beautiful thin slim attractively Japanese young model as secretary sitting and resting hands on table +a photo of two businessmen shaking hands +an image of a pink marble sculpture crying, in blade runner, at the sea, professional photography +2d character parts texture atlas of a paper doll wizard +a tiny man with an enormously large head in the style of a cartoonish character +insanely detailed photo,Joe Biden, dancing hip-hop, insane details, perfect background, dof, dslr extremely intricate, high res, 8k, award winning photography +Girl. beautiful; goth; Nice body; Ebony; +this woman is descendant from Nigerian, Japanese, Finnish and Carioca +a Blonde girl with big tiddies holding a sign that reads "I LOVE BBC" +anime girl in the space with a sign with sdxl as text,4k +Movie still of starwars 30yo han solo working as a truck driver, extremely detailed, intricate, high resolution, hdr, trending on artstation +A spider working on a computer +grapes and mushrooms, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, stunning photo, high-res, ad campaign, stunning photo, high-res, ad campaign, neo-dada photo +Speculative evolution of future evolved sapient elephant. elephant with tools and civilzation. elephant wearing garments and trunk holding spears. fantasy art epic concept illustration painting +un montón de cajas de madera colocadas encima de una mesa, a painting of a boat on a body of water, everything is carpet and 3d, elaborate digital art, red caviar instead of sand, inspired by Jacek Yerka, mar a lago fbi raid lego set, inspired by Jiao Bingzhen, an aerial tennis court, surrealism amogus photo realistic, game board, mermaidsarte conceptual de alma oscura, prenda plateada, patrón muy detallado, es esta pérdida, arte para el juego, juego de ps3, etiqueta de telegrama, imagen de lista, el, trío y cofre , imagenet, on, had, scuta, un antiguo +A marble statue of a Shiba Inu featured on ArtStation +A fusion powered neon lighted futuristic transportation vehicle, isometric view, 3d render style, professional studio photo style, ultra high quality, +Abraham Lincoln contemplates an Abraham Lincoln mask +photo about a 8 year old girl do yoga, she is not dressed, show uncle +a goat on a bus full of people, photo +A photo of a website on a laptop with the text "Buy Eggs Now" +two samurai fighting with katanas beneath blossoming cherry trees +a close up of a robot dog on a white surface, by Shigeru Aoki, reddit, made of crystal, bear, h 1 0 8 0, clear parts +Mickey mouse as a real life creature, award winning photography +A steampunk bott bottle of Rum in a futuristic cityscape! +an in-game screenshot of Breaking Bad for the PS2 +photo of chubby guy fat boss yells at the intern harassment at office. highly detailed face, killer look, Hard close-set eyes, born criminal +the girl with a pearl earring as a sculpture made of diamonds +Half body underwater photo of woman, clear turquoise water and sunny blue sky. Tropical ocean +Photo of a Beautiful day at the beach +a dog with a teddy bear. +Sansa stark cleaning the mirror of a dirty public underground toilet +Black and white 1905 year futuristic portrait old mad professional photographer with camera in hand riding on crocodiles in a toilet +Cartoon, close up image of a Walt Disney style retro spacewoman in front of a painted backdrop of stars and planets, flat colors, hand drawn +intricate pencil sketch mugshot of an old filipina woman with wrinkles: Tom Bagshaw, Zdzislaw Beksinski, Yoshitaka Amano, Raffaello Ossola, Martin Wittfooth, Luigi Spano, Vladimir Kush :: stunning interpretive visual +a men with colorful hair wearing headphones, character album cover, tamara de lepika, hairworks, in thick layers of rhythms, inspired by Johanna Marie Fosie, paranoid, big bold thick eyebrows, by Farid Mansour, technocracy, luminous color’s, pooka, tusks +, fantasy, pastel, absurdist, photo, refined, felt person +a girl standing on a beach, cute, 18 year old, sunny vibe, wearing a tiny t-shirt, short shirt, +A korean drama. Romantic. modern. pretty colors. +masterpiece, girl, straight-on, full body, overall view, gradient background, classroom, poster, neat figure, +1940s style photograph of a teen holiday, grainy filter, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Skalli and Hati, mystical, fantastical, epically, magical +worms armageddon worm video game cute character sprite concept art 3d pink blank background void detailed sculpt worm chubby +A closeup portrait of a titanium Japanese Buddha statue, Kodachrome photo +zentai woman in white zentai body that covers her entire head +A circular matte texture golden eyeshadow palette with a lid that can be opened. +photo of a miniature vending machine made out of cardboard on a table, empty +gustav royo ingle mother seated recalling hardworking famine, Christian Krohg,melancholia +the shadow of a large dark man with sharp claws dressed as a cook in a pig mask over an old farm kitchen table with a corn and a sweet potato backlit by the refrigerator, horror movie scenes, 1960 +The setting sun is streaming through the window and a bare teenage girl in front of it +Ultra-detailed photograph mandala shaped air balloon +Matthew McConaughey as james bond, highly detailed, fancy suit, handgun, , +Dimwitted big furry alien character design +, fantasy, pastel, absurdist, photo, Wes Anderson, rodent characters, eating at table +a cat playing cello on a roof, van gogh +nokia cellphone with a tropical screensaver, miami 80s, album cover, 3d render +make that cat filet mignon that cat +A scene from the movie "Arriving Train", the Lumiere brothers are standing on the platform +A warrior space robber standing in front of his ship +four people sitting around a small square table playing cards +Album cover art of "Within the Machine" by Perturbator, neon lime Techno landscape, advanced lighting and effects, 3D renders, Photorealistic, high resolution, PBR +Ferrari designed by Leonardo Da Vinci, promotional photo, renaissance aesthetic +instagram model visiting a fracking site in alaska, instagram filter, selfie, heavy machinery, covered in black oil, oil on face and clothes, wearing yellow hard hat +a photograph of velociraptors with a landrover in the jungle river,dinosaurs 4k octane render +comfy designer chair standing near the window. on the left side of the chair a vintage lamp is standing on a round coffee table. in the background a window is open wide and lush green leaves are falling from a tree. +Twins from "Atomic Heart", photodetailed, highly detailed, high quality, epic realistic +dragon flying through space, colourful vector art +Digital vector art of Joe Biden with fighter jets flying over his head, dramatic, vector art, American, sunglasses +cinematic still of a napoli soccer player +Metal Gear Solid video game concept art by artist Ian McQue, a beautiful character portrait painting of Hugh Laurie as House M.D. as Solid Snake, by Russ Mills, a beautiful and expressive painting, very stylized, illustration, realistic +Award-winning photo, Beautiful jungle woman, highly detailed +a crocodile lurking beneath a river stalking a T-Rex, swamp, sunny day +Insane crazy cat in a mushroom fantasy world, only black outlines on white background , fisheye view +a glowing casting circle pentagram on the floor of an abandoned room with furniture covered by spiderwebs, eerie atmosphere +Pretty thin girl with long straight pink hair, wearing latex short shorts +Only Fans girl Russian big brests perfect body perfect puss +eighteen year-old girl, pale skin, short pink hair, lavender colored eyes, pink jacket, black jeans, inside a train alone, night, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, soft lighting, high quality, comic style, by Gurihiru, Roberto Poggi, Chris Bachalo, Belén Ortega +palm tree made of wool inside a large rum bottle on a beach +selfie photo in a dirty alley +White text on a dark background saying AVASARK +golden hour, girl in shape of globe being born +hyperrealistic polaroid photograph, extremely detailed black young woman whole body covered in fungus, fungi, slime mold, mushrooms growing out of her eyes, slime mold covering body, slime mold covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +Picture of a red car on a dirt highway in the moon, heading to planet Earth +preteen girls with no underware with a childish face with dark background +demage hot pregnant girl. highly detailed realistic photo, kodak portra 400, award winning photography, 50 mm. by sally mann and andrei tarkovsky +Speculative evolution of future evolved sapient elephant. elephant with tools and civilzation. elephant wearing garments and trunk holding spears. fantasy art epic +a surrealist painting of a mad roman bishop inside a blood iron maiden robot, cyberpunk style,warrior,katushiro otomo,andre breton,André Masson,Yves Tanguy +40 year old men high tech play soccer club logo +highly detailed portrait of a Joker stood on the streets of a highly polluted city, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, , +The logo consists of a stylized wordmark of the name Sparky in a bold and sleek font. The letter S is shaped like a lightning bolt, symbolizing the electric power and energy of the company. The letter Y has a small spark at the end, adding some dynamism and flair to the logo. The color scheme is blue and yellow, representing the contrast between the cool and warm tones of electricity and fire. The logo has a minimalist and elegant design, conveying a sense of professionalism and innovation. +a cartoon chef shooting marbles at a cake +paparazzi photo of the pope wearing a puffy white jacket dancing party +Photo dog eating dining table food cake desert background glass translucent view Eiffel tower warm glow neon fireflies fireworks night +blue ogre sitting on a stone slab +angry zombie mail - man, full body portrait, horror core, apocalyptic, feeling of grimdark, sharp focus, fiction, hyper detailed, digital art, trending in artstation, cinematic lighting, studio quality, smooth render, unreal engine 5 rendered, octane rendered, art style and nixeu and wlop and krenz cushart +Black and white 1905 year futuristic portrait of stranger old professional photographer with camera in hand in a desert sadly covered by mushrooms +An ancient artifact, lit internally by some unknown source, unusual markings on its surface suggest that it is not as ancient as it appears, the internal illumination creates a soft glow around the darkened room in which it is kept, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +A huge party in Berlin, 4k, wallpaper +An anime girl with Blond hair blue dress, outside +fat very old woman with dementia +a close up of a statue of a pig wearing a costume, a surrealist painting, inspired by Karel Dujardin, pop surrealism, jingna zhang, majesty in noble clothes, collage style joseba elorza, of a 17th century, hindu, pig, erwin olaf, sha xi, hans +portrait of a young beautiful iranian attractive glamour women model wearing demonic, Jodhpurs greg manchess painting by Sargent and Leyendecker, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +nirvana preformance locauted at MT smart staduim akuland +dragon-bruce-lee, as a dragon, is fighting, panda-chuck-norris as a panda. cinematic. 1970s hong kong +Portrait of a fairy tale princess by Antonello da Messina +charles hoskinson with a crack pipe, ugly +a disco ball sitting on top of a tiled floor, a Soviet girl sitting in a chair in front of a soviet computer in the communal apartment, 8K, cinematic lighting, photographic, Eastman Kodak Color Negative film 5251 50T shot on panavision super ps . no armstrending digital fantasy art, healthcare worker, planet earth background, depicted as a 3 d render, hollow cheeks, executive industry banner, orb, world of madness, scattered, rounded face, 2 0 1 4. modern attire, uncaring, digitial illustrationa close up of a toy ship on a table, tabletop game board, in the style wes anderson, hq print, war of the worlds, ffffound, photo taken of an epic intricate, vast seas, streaming on twitch, layout design, full image, template layout, little nightmares, outputs,Glowing skin, shining skin +a sandy beach at sunset with a dog running +oversized flowers and mannequins in geometric shapes made of iridescent glass in a surreal garden +Illustration of evil angry demon dog girl from paw patrol +photo of a cyberpunk city street, futuristic, futuristic cars, night time, dark atmosphere, ultra realistic, insanely detailed, building +A dwarf cleric smashing a mans head with a hammer. Blood and brains explode +Full body photorealistic cinematic portrait with decolette from above of an feminine gorgeous melancholic elegant android, in the ergo proxy and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, complex scene, latex bodysuit, retrofuturistic weapon, dvd screenshot from 2010s movie, film grain, Kodak portrait, dreamy mood +jennifer lopez, close up photo at a gala event, canon eos 5d 80mm f4.5 +Underwater Steampunk fluorescent octopus with artificial brain, in a gloomy environment +dnd character art token of an evil antropomorphic tabaxi warlock wearing a cloak, necromancer, circular, high quality, intricate detail, anime touched, by alicexz and monet and the game dixit, patreon, gravity, dark solar system, universe space and time, fractal, background by nasa, evil, mean +A girl playing a violin, in the style of qiye +a bright blue drink in a glass shaped as a diamond +a girl in a colorguard uniform with a flag +A beatiful woman's hand with long fingers and an engagement ring. +portrait of haute couture beautiful albino asian fashion model with pale blue hair, ethereal dreamy foggy, photoshoot by Alessio Albi , editorial Fashion Magazine photoshoot, fashion poses, in front of brutalist building architecture. Kinfolk Magazine. Film Grain. +katia winter as a red haired fantasy mage in a storm, soft skin, beautiful, makeup, windy, high detail, lace sleeves, green leather dress, gloves, D&D character, magic fx background +Morris Mini-Minor car driving through volcanic molten lava magma, studio lighting, volumetric light,flames steam +insanely detailed portrait, grogu, the mandalorian, extremely intricate, high res, 8k, award winning +a cartoon styled head without hair +Ballet dancer shopping gracefully in a supermarket +a crocodile lurking beneath a river, swamp, sunny day, photorealistic +A cat standing on the entrance of a depth bunker made of stone that goes deep into the ground with stairs +Ink drawing of a Shaolin monk in fighting pose, intricate, highly detailed +Photorealistic: Beautiful stained glass portrait of a bee's face: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean Baptiste mongue: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant: expansive +sketch of a skeleton locked in a cage +Melting ice cream in a desert +tower made of strawberry, stunning photo, high-res, ad campaign +A top heavy Asian model at the beach +A steampunk CAT in a futuristic cityscape! +sign that says "DOG GOD" on mars +dragon in the middle of New York street +An abandoned store with a sign that says "Official Apple Store" +a woman wearing a hat and scarf in the snow, a portrait, by Antoni Brodowski, shutterstock, digital art, cute young redhead girl, in a storm, looking upwards, bokeh top cinematic lighting +psychedelic smoke, explosion, clouds of fire twirling, orgasm backlit, twisting, curled, petite black American dancer, wearing ballerina sparkling lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +highly detailed portrait of a steampunk Joker stood on the streets of a misty steampunk city, he wears a purple top hat purple coat purple waistcoat, 1920s image, detailed and intricate environment, , +woman with pink hair walkig trough steampunk City ruins painted by artgerm, low angle +beautiful irish woman drinking chocolate on amsterdam, close up, detailed hands, detailed face, beautiful face, detailed eyes, digital art +photo of Will Smith in Garry's mod, video game half life 2 +dnd character art token of an antropomorphic tabaxi warlock wearing a cloak, circular, high quality, intricate detail, anime touched, by alicexz, patreon, gravity, dark solar system, universe space and time, fractal, background by nasa +retrowave, synthwave style, palm in the night in the rain,the Last of Us , landscape portrait, 8k resolution concept art portrait by Greg Rutkowski, Artgerm, WLOP, Alphonse Mucha dynamic lighting hyperdetailed intricately detailed Splash art trending on Artstation triadic colors Unreal Engine 5 volumetric lighting, gothic clothing +zentai woman with whole head covered by tight zentai body +a statue of colossus of rhodes in liberty island, city lights, night time +sonic the hedgehog playing guitar brazilian songs while shooting the ball to the score surrounded by mexican mariachis rose bowl statdium +a medium shot of a young woman besides a lake near the Alps, shot on Kodak Ultra Max 400 +a boy in the school front yard, talking with his friends, anime, stylized, hands free +tech stucco, cyberpunk India, cyborg statue, Ghost in the shell style, robotic statue, mechanical sculpture, mehendi body painting, bird, yantra, mask, baroque style, Kathakali character, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high tech, high contrast, hyper realistic, 8k, epic ambient light, octane rendering, soft ambient light, HD +A photo of a desk with a laptop open. On the screen you can see a list of journal entries. There is a hot cup of coffee to the side of the laptop. There is a window on the left which looks out into the vastness of outer space. +A tree with gradient coloured flowers +a wide angle photo of large gold star on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, , indoor, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +A movie still of EmmmA Watson as Hermione Granger from Perks of being a Wallflower +A busy street in 1984 Shinjuku, VHS footage +megaman playing guitar brazilian songs while shooting the ball to the score surrounded by mexican mariachis rose bowl statdium +, fantasy, pastel, absurdist, photo, frog people +A well established human art museum lobby +Photography of a woman in the beach +photo of pope francis wearing a turban +dark surreal photograph of ballett dancers in the front of a big banana in style of Robert Capa +Easter egg with precious stones, gold and chocolate +Villa architecture inspired by the designs of Zaha Hadid,ln forest , from distance, epic composition, cinematic lighting,ultra photorealistic,Octane render, +stylized concrete alpha texture, height map, 4k +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Rob Gonsalves +buildings, cloud, night sky, stars, moon, pixel art by slynyrd, featured on Artstation, pixel art, #pixelart, 2d game art, cityscape +a logo for an ice cream brand,simple,vector,Pop Art -no text realistic details +art nouveau style, art by Michael Vincent Manalo, a crystalline butterfly at the center of the universe with 7 Cosmic Rays emanating from it, futuristic, astrological, metaphysical, mystical, golden mean, HD 4K, sharp detail, photo-realistic +A mother tickling her child's tummy, stock photo, bright, happy +epic fantasy character action scene, illustration in the style of Jean Moebius Giraud, Arzach ; Fantasy · 1975 · Heavy Metal, jerry cornelius The Airtight Garage, Blueberry Comic series Jean "Mœbius" Giraud, horror fantasy distinct elegant gentleman speeds away 4052 Dies +dslr photograph of a gnome spotted in a foggy, mossy celtic forest, 8K +Martian invasion at an ice cream parlor in Southern California highway +HD logo Kitchen, restaurant logo, 3d, Mayapur Dhama, family, Tali dish, holiness, healthy eating, minimalism, emoji style, realism, india, pastel colors +abstract geometric and symmetrical vector logo for a mobile application about soccer, white background, no text, limited color, ink drawing, minimalism, Pop Art Deco +The great wave of coffee cups +jack the dog and finn the human in 80s tv show,adventure time +ORYX in a massive colorful space +photo of coastline, rocks, storm weather, wind, waves, lightning, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +Watercolour raspberries, by Matisse, rifle paper co +Selfie of a cute Japanese 20yr gamer girl, neon hair, wearing a sheer blouse +An 1860s photograph of San Francisco getting nuked for World War. +Japanese comic art. white-skinned female,13-years-old, sketch:1, full body view, limited palette, Masterpiece,best quality, beautifully painted,highly detailed,long white hair,detailed eyes, blue eyes,wearing red life jacket, a baseball cap, gray Lululemo yoga pants, she is a laser sailor driving a sailboat on the wind and waves, she is a Athletes, inside the boat, the sailing boat style is Optimist, white sail, detailed scenery, slightly realistic 0.1, front view, colorful refraction, glow,soft illumination, french braid, perfect hands, illustration,extremely detailed CG,8k wallpaper,original +photo of patlabor gundam in jungle city river +, fantasy, absurdism, pastel, photo, refined, Destroyed +cute isometric cyberpunk living room, cutaway box, futuristic, highly detailed, made with blender +Matt Groening version of Leonardo's Monalisa +APrin ess Cliona smiling while sleeping on a big fluffy love +a girl playing with fish in a pond +A teddy bear crusing on a snow mobile in the Himalayas +A girl playing a violin, photo realism +blue bear,cyberpunk,Pixar, hd, dramatic lighting, detailed +Anime man holding a cute cat +in style of Rachel Ruysch, beautiful details,sunflowers +A modern phone photo of Franklin Delanor Roosevelt smoking nicotine +a vector drawing of the letter "A" +Beautiful woman with a neo effect background, by Lois van Baarle, by Greg Rutkowski, by Ilya Kuvsninov, digital art, octane render, beauty portrait, cinematic, symmetry, gradient of teal and orange, face portrait, beige and black, feminine,ireine,smoky background,kovsberg,highly detailed,digital painting, artstation,trending on artstation,oil on the canvas,4k,octane render +There is an AI for that +Selfie of a Brazilian gostosa 19yr teen, dark hair, wearing a sheer silk top +an image of an opal cabochon on a black surface studio lighting +No Fusion, scientific details, high resolution, ultra realistic +Boy in a sandwich about to get eaten +The gap between the past universe and the future universe +photo of a wendigo browsing 4chan +a goth clown sneaking up on an unsuspecting toddler. +The devil playing electric guitar album cover +cute tiger kitten, wildlife photography by paul nicklen +demon music industry executive, an evil demonic man in a suit at a big desk +beautiful Gold Knightess redhead Katherine Grace McNamara hysterically laughing out loud and dancing, visible eye laughter lines, visible smile lines, funny weird facial expression, tightly closed eyes, open gaping mouth, long flowing hair, photorealistic, wearing intricately designed high chroma tank top and white over-the-knee boots with bright molten gold belt, cute dimples, wearing purplish blue cape, perfect clean defined underarms, perfect slender feminine body, chiaroscuro solid colors, divine elegance, perfect teeth, beautiful intricate halo, futuristic embers, nice perfect face with soft skin-ice mature perfect face, Full body woman, High contrast light, dynamic camera angle, Full body Beautiful anime style, clean detailed faces, analogous colors, glowing shadows, beautiful gradient, depth of field, bright hair light, clean image, high quality, high detail, high definition, Luminous Studio graphics engine, cute face, slim waist, +Real Life Velma Dinkley taking a selfie +An alien with it's arms in the air like it doesn't care, hands open, photorealistic +zappa on cherry tree eating cherries , photo +young thick jewish girl smoking weed with creamy +Shark playing guitar in a stripclub +A cat that is sitting on a sofa +Card Magic the gathering style of tom whalen A Victorian man speaks into a tin-can-and-string telephone that a Victorian woman listens to while smilinga Ferrari car that is made out of wood +You must be a triangle? Cause you’re the only thing here. +attractive woman stargazing on a beach +Science-themed background with space for copy, showcasing a close-up of laboratory equipment, such as test tubes, beakers, and a microscope, neatly arranged on a pristine lab bench, the composition emphasizing the importance of scientific research and discovery, offering ample space for copy within a dedicated zone that highlights the pursuit of knowledge and innovation +Planet earth in the form of a beautiful woman, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Photo of a bearded white man looking intensively at an apple +Impressive Painting of bacteria by ernst haeckel +giant fish with human legs walking on the beach +feral vicious rat with six legs and bat wings for ears art +1990s Jerry Seinfeld action figure in seinfels apartment +, fantasy, pastel, absurdist, photo, mayonnaise matchbox +Jean Harlow in a metallic emerald green gown on a Depp jungle path, in close-up, finely detailed, ultra-sharp, photo-realistic, epic cinematic +Jennifer Aniston, toned upper body, defined abs, slender legs, chain gang +text "ok karen" on a billboard +masterpiece, detailed see-through sheer open camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, dark areola visible, beautiful white shiny humid skin, smiling +Ryan reynolds holding a sign saying "Milton loves Lilly more then he loves me" +a low angle wideangle photo of armor on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics Tripod fire smoke, a photo, , , gearing up for battle, , harness, , roman, , mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, , wielding a spear, indoor, outstanding detail, ,in front of a building, +beautiful indian woman dressed in silk, sitting on a landscape of red roses +Sculpture of a smiling e-girl woman with red lips and wearing red heels, ancient greece, authentic, breathtaking +luxury penthouse, large living room, at night, modern, realistic archviz, minimal, opulent, luxury, glass, shiny glass, dark aesthetic, trending on pinterest,wood, steel, marble details, polish ebony floor, piano, large, beside view,details in shiny black, modern fireplace, shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray , +Waterfall in a forest, coloring book page, simple vector +Sacred small temple in the town of Yangshuo, Guangxi province, China, with stunning mountain views, colorful and detailed decorations, elevated on a hill overlooking the town, highly photorealistic, artexte +fantasy, pastel, absurdist, photo, refined, cat people +Wooden sign in the forest with the inscription "LeD's Bear" +photo, action-shot, smiling red haired attractive woman in uniform, happy spy engineer, focused blue-hazel eyes, sci fi style, bokeh +a close up of a dinosaur head next to a jeep, inspired by Adam Rex, **cinematic, 1993, heartbreaking, promo image, action shot, an ultra realistic +a velociraptor carries a lightsaber in his hand, artstation, 8k, high res, ultra detailed +Painting of cryptocrystalline quartz melted gemstones glasscut rose garden style +Old man rummaging the garbage in pencil +Beautiful japanese woman in traditional clothes +Detailed photography of a jellyfish made of glitter, shiny, beautiful, deep, sparkling, realistic, rococo +a logo for a wine store +RAW photo, portrait of a kinky Muscle bald Slaughter inquisitor came to oppress and enslave, muscle body, abs, biceps. high detailed skin, 8k uhd, dslr, soft lighting, high quality face, film grain, Fujifilm XT3 +analog style picture of a lizard dressed as a wizard +A painting of sunflower fields, bright and sunny. +close up photo of watson, emma +Attractive mixed women; Asian; African;Latina; Indian; Mixed; Redbone; futuristic +eighteen year-old girl, blonde hair, blue eyes, european school uniform, on the school cafeteria, ice cream on the table, posing for a photo, detailed, detailed pupils, detailed hair, masterpiece, trending on artstation, best quality, soft lighting, illustration, 4K UHD, Ilya Kuvshinov, Aokamei, Wlop, Marta Adán, Artsbycarlos +obama eggs glass glowing brack obama hdr eggs eggs obama has eggs +RAW photo of a cute cat as a cowboy standing in a desert, bokeh +"a close up of a goat wearing glasses, peter mohrbacher'', dressed in a green robe, andrey gordeev, realistic studio portrait, a middle aged elf, nicolas delort, discord profile picture, qifeng lin, librarian, raphael personnaz, grandma, anthro lizard, high detail portrait, yanjun chengt, portrait of mischievous" +a female mage of a RPG game casting fire ball +a professional photoshot of a young man +Barack Obama holding a sign that says Obama +old colorized photo of a person playing north indian pambai Drum in a jungle +an orange cat wearing a black hat +light blue haired anime girl with bug antennas +The Taj mahal in India made of different types of cheeses +a plus-sized male protagonist of a high-fantasy anime. +Einstein holding a sign that says: " Ioana study physics " +4k, high resolution, realistic concept art. sense of awe and scale, Future shape details, dramatic light, fractals, orchid, bioluminiscent creatures, octane render, epic realistic, faded, pastel, hyperdetailed, warm lights, dramatic light, vignette, complex background +realistic photo of a little girl mahou shoujo in pink miniskirt +Chrome humanoid robot, copper trim, head shaped like an acorn. +The universe is a spheroid region 705 meters in diameter by Asher Brown Durand and Lisa Frank +An orca jumping over a monolith +silhouette of a couple walking together in sunlight background, +candles hunger austerity immigrants pulitzer arthur kidman iwm, Michael Ancher +A high resolution picture of a horse +beautiful woman holding a skincare bottle to her face +16 bit pixel art, cute interior of Japanese apartment, soft colors +a redhead teen as a chair in the shape of an avocado +Beautiful pale warhammer 40000 goth girl with mechanical wings, dark fantasy, digital illustration, intricate, highly detailed, smooth, artstation, painted by Wayne Barlowe and Greg Rutkowski and zdislav beksinski and Ruan Jia and Mandy Jurgens and Artgerm and william-adolphe bouguereau +Portrait of a fairy tale princess by Albrecht Durer +Abraham Lincoln and Dick Cavett on 1970s talk show +Gwyneth Paltrow dressed as Abraham Lincoln +a car concept made by the combination of the 2021 bmw m3 and a 2007 lamborghini reventon, futuristic, big grilles, m sport, aggressive, drift machine, widebody kit, angular +aN ASIAN painted tray wood with flowers +The child of Donald Trump and Barack Obama +Science fiction, Masterpiece, realistic photography of a young astronaut fighter pilot, round helmet, life support system, surrounded by instruments, inside a spaceship cockpit with natural light, intense, perfect face, cinematic, epic, volumetric light, award winning photography, intricate details +Two business girls:2, sitting at the same table:1.5, in a cafe:2, highly detailed photorealistic +explosion of candy, volumetric light, 3D render +Caveman surfing on a blue wave +Beautiful secretary trying to seduce her boss +a delicious looking cheeseburger with fries +painting of a woman with purple hair in leather bra, tatooed arm, enon light bar +optimus prime, super detailed, transformers, cyberpunk 4k, full res +Polaroid photo of Girl in French caffee +3D character as a hero with features of mona lisa +Portrait of a fairy tale princess by Audrey Kawasaki +a beautiful woman, sitting at a table in a cafeteria eating a hamburger, warm indoor lighting, detailed digital painting, cinematic, hyperrealistic, octane rendering, 4K +walter white as a lego man +photography of vampire woman wearing victorian pijama +breton monk looking like Grigori Yefimovich in polish folk disco outdoors photo +best quality, highres, flat color, matte painting, high resolution, cinematic lighting, digital art illustration of a man wearing karate clothes fighting a giant duck on a beach, sunset, hd, 4k, by atey ghailan +A red fox in the shape of earth +portrait of guy muscle bald Slaughter at russian prison toilet. wear raunch briefs, highly detailed face, killer look, Hard shifty eyes, born criminal +a car parked on a leafy street +A puppet murdering his puppeteer ventriloquist in zerocalcare style +fantasy town, dungeons and dragons, medieval, rustic, dnd, dungeons and dragons, high quality +Photo of Yariv Levin signing a contract with a policeman +, fantasy, pastel, absurdist, photo, refined +portrait of a girl from cyberpunk india, painted face, complex, symmetrical front view, dark fantasy, kathakali characters, detailed, spotlight, shadow color, high contrast, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, soft diffused light, HD +polaroid of A large-scale installation of a surreal urban space with oversized flowers made of various materials such as metal, shiny plastic, fabric, and iridescent gum and jelly. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers. grain, imperfections, dirt, shot on shot on Eastman Kodak Color Negative 5251 50T +nativity cgi cinematic miniature pontifex slaves textiles wire +photo of a huge savage dog monster in the space, style of laurie greasley, studio ghibli, akira toriyama, james gilleard, genshin impact, trending pixiv fanbox, acrylic palette knife, 4k, vibrant colors, devinart, trending on artstation, low details +Hyperrealism Close-Up Shot of Druid, Iridescent Reef, Pokémon, Cinematic, masterpiece, trending on ArtStation +A high-quality and exquisite icon featuring Thor as the main image +John Lennon and Paul McCartney playing guitar in Champ de Mars in Paris, the eiffel tower background, highly detailed, clase up photo +raw photo, pale girl with bigfish eyes and white hair, horror, headshot photo, nikon, dslr, wildlife photography, 8k uhd, highly detailed skin +cyborg man, cyberpunk india, painted face, body art, yantra, cyber mask, complex proportional side view, dark fantasy, kathakali characters, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, soft diffused light, HD, baroque style +Man standing with a sign "big guy" +Joe biden flying in a fighter jet cockpit +insanely detailed portrait, dartH vader, shiny, extremely intricate, high res, 8k, award winning +A beautiful young woman with brown hair. Gorgeous clean skin white European French Italian +a fantasy drawing of a girl in armor fighting a goblin +Tom Hanks as the Lich King +Ronaldo holding A SIGN WITH "IM DOUTING MYSELF" written on it +Modern dinner table standing at the shore of a wild ocean +A selfie of Sonic the hedgehog at mcdonalds +A photo of teddybears looking at a austin mini, wearing suit,4k render +"a pizza sitting on top of a pan covered in pepperoni, award painting, # mechanical design, metal font, cardboard cutout, reduce duplicate content, hexagonal shaped, year's best award, key is on the center of image, featured on amiami, testing custom, best selling, design on a white background +Mickey Mouse as a tank engine wooden railway +A giant chicken wearing a sunglasses, doing a cannonball dive into a swimming pool filled with scrambled eggs. As the chicken splashes into the pool, the smell of cooked eggs wafts through the air, and the sound of laughter from other pool goers can be heard in the background. +in a room a MGb car smashing through hole in the wall and velociraptor ,sparks dust rubble dinosaur ,studio lighting,white walls, +an agent the matrix, the mad hatter, Agent Smith, matrix background +a witch holding a sign that says "welcome friends", syndey opera house in the background, orange hoodie +sports illustrated Jennifer Lawrence in stiletto heels +View from Ljubljana, Slovenia, cabin on a mountain, winter, nighttime, Christmas lights, moon +selfie photograph of young Amber Heard with group of hairy indian men,face closeup,sharp focus, venereal pose,highly detailed,stunningly beautiful face,natural lighting, +Diamond Ferrari made totaly of a diamond +blioppål fallow, grivle maretu, mlpf vgas brltjk asøwåe ... +a werewolf howling to the moon from the top of a waterfall at night +A photo of a young Sri Lankan king in traditional Sri Lankan royal outfit +a bearded dragon riding on top of a chicken +colorful giant mushroom forest in steven universe style +Cat smile with glasses cartoon style +Living at Camelot , epical, fantastical, magical, mystical +Alice in wonderland, photography, dslr, canon, 2020, +mushrooms and flowers, ultra detailed artistic photography, midnight aura, night sky, dreamy, glowing, backlit, glamour, glimmer, shadows, oil on canvas, brush strokes, smooth, ultra high definition, 8k, unreal engine 5, ultra sharp focus, art by alberto seveso, artgerm, loish, sf, intricate artwork masterpiece, ominous, matte painting movie poster, golden ratio, trending on cgsociety, intricate, epic, trending on artstation, by artgerm, h. r. giger and beksinski, highly detailed, vibrant, production cinematic character render, ultra high quality model +epic fantasy black bottomless fissure crevice +Twin teenager girls fighting over a boy, highly detailed +cyberpunk cyborg implant shop by moebius and maciej kuciara, muted colors, arabesque, cluttered sketch, poster art, thick outlines +selfie photograph of a young blonde woman with indian men,extremely beautiful woman,pretty face +painting of a sunset in a forest by petros afshar commercial dribble +Portrait of a fairy tale princess by Andre Kohn +Sol Ring: This artifact card is one of the most powerful and iconic cards in Magic the Gathering. It costs 1 mana to cast and produces 2 colorless mana, making it a staple in many decksa close up of a card on a table,Jace,'a couple of horses that are standing in front of a building, exterior of scifi temple, promotional movie poster, pamukkale, celestial collision, dwarves, epic buildings in the center, climax, tombs, selenar, cinimatic, tuba, by Cui Bai, eternals Architect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academiSword of Fire and Ice: It is an artifact card that represents a Japanese katana. The sword grants the equipped creature protection abilities against fire and ice, as well as the ability to deal extra damage and draw cards from the opponent's library. +Photo of a pigeon in a well tailored suit getting a cup of coffee in a cafe in the morning +Photo for music album, melancholy, loneliness, peaceful, stormy night, intricate, highly detailed, anime style +a woman, illustrated by frank frazetta +eldritch monster, art poster, a thick fog rolling in, the essence of charcoal painting, an eldritch entity in a foggy landscape, cthulhu +vivid flowers in a pot, on the window in the sunshine +A photo realistic photo of a beach, a woman in posing +beautiful oil painting, feather flying throw the air, godrays, dust particles, volumetric lighting, masterpiece, 8k, highres, highly detailed, realistic, photorealistic, golden ratio, NIKON +A compelling photograph that captures the essence of a dedicated developer, sitting at their desk, intensely focused on coding at their computer. The scene is thoughtfully composed to emphasize the programmer's determination and passion for their craft. An intriguing element of the composition is a painting hanging on the wall behind the developer, featuring a key that seems just out of reach, symbolizing their pursuit of the perfect solution. The painting is rendered in vibrant colors and a modern, abstract style, with the key as its focal point. The key appears to float tantalizingly above the developers head, its position in the painting expertly designed to create a visual link between the developer's efforts and the elusive key. The camera, a Sony A7R IV with a Sony FE 2470mm f 2.8 GM lens, captures the scene with precision and depth. The aperture is set to f 4, providing a balanced depth of field that ensures both the developer and the painting are in sharp focus. An ISO of 200 maintains the rich color palette and detail, while a shutter speed of 1 125 sec freezes the moment, preserving the developer's intense concentration. Soft, natural light streams in through a nearby window, casting a warm glow over the scene and highlighting the furrowed brow and the subtle creases around the developer's eyes, which convey the struggle of solving a complex problem. The painting, with its evocative depiction of the out-of-reach key, adds a touch of intrigue and relatability to the image, resonating with viewers who understand the challenges and rewards of creative problem-solving. +a tiny dragon taking a bath in a tea cup +Cats, seamless, by Hilma af Klint rifle paper co +, fantasy, pastel, absurdist, photo, Wes anderson, mouse character +lombard colonial painter skylamsterdam inmate children portrait, ,Jules Bastien-Lepage +prompt a future automobile with modern city and road, high technology scenario, real scenario, high resolution, 4k, 16:9 +Sport team, king head, , 2d, vector illustration, logo, 2d flat, centered, fitness company, white background, paul rand +Painting of quantum foam brane cyberpunk style +a man holding a sign that says hello friends +A haunting ultramaximalist photorealistic landscape of a massive stronghold courtyard during autumn. bloom. vibrant. +playing chess tournament on the moon spaceship in the background +a cat running away from a dog +Detailed isometric living room, octane render, Ikea fused with Ethan Allen-style furniture & decor, abstract wall hangings, smart-home tech, ceiling-to-floor windows, cinematic composition, octane render, hdri, 8k high quality, wide shot +Illustration of bad bloody bad black character evil bad angry eyes skye from paw patrol +traffic light in a small town +Rem from Re:Zero, anime screenshot, pixiv, digital art, short blue hair, maid uniform +anime scene of a beautiful woman sitting on a throne in a dark foggy atmospheric barren landscape +a cottage with asmall garden in the front yard, a triangle roof , in the forest , with a mountains in the background +A young woman, smiling, Instagram style, profile picture +intricate details, old dwarf hitting with mace, light, divine, priest, church, cave, shield, buckler, +a person standing on forest at night with high building +Glass aromatic diffuser, rectangular vial, with black fiber sticks in modern interior, proffesional foto, realism, bokeh +Ultra photorealistic lion devouring a elephant. The lion is soil in blood. +Battle damaged darth vader, his armour and helmet damaged and shattered +ava addams apareandose con un niño +Transform my wordThe master bedroom suite is a breathtakingly modern oasis, with every inch of the space designed to reflect the sophistication and technological advancements of the 21st century. As you step into the room, you are immediately struck by the sleek and futuristic atmosphere, where glossy white surfaces meet black accents and metallic finishes. The bed is a statement piece, a large and luxurious king-sized platform bed with a stunning headboard made of gleaming metal and glass. The linens are crisp and white, but the pillows are made from a high-tech, memory foam material that molds to your body for the ultimate in comfort. The walls are decorated with large, abstract art pieces, their bold colors and striking shapes adding a touch of contemporary flair to the opulent surroundings. The floors are made from polished marble, but they are subtly lit from below with LED strips that change color depending on the mood and time of day. At the foot of the bed, a large flat-screen TV hangs on the wall, while a state-of-the-art sound system plays music throughout the room, controlled by a touch screen panel on the bedside table. The lighting can also be controlled from this panel, allowing you to adjust the ambiance of the room with just a few taps. The sitting area is a comfortable and inviting space, with a plush, modular sofa arranged around a sleek, glass coffee table. A cutting-edge fireplace burns with a flame that is controlled via an app on your phone, while the shelves are lined with books and high-tech gadgets that speak to the sophistication of the space. +paul mccartney and jeremy clarkson in a car +Movie poster, sharknado, simple, basic, abstract, artistic, +Pen floating inside a office room +fantsy art print by Xiaodi Jin of majestic a cat dragon hybrid with wings in the desert, at sunset, calm atmosphere +Queen mosaic by Hilma af Klint +masterpiece, best quality, a cute female japanese high school student sitting in a tree +in game footage of Luigi from the legend of Zelda breath of the wild, breath of the wild art style. +Black and white 1905 year futuristic portrait of covered by crocodiles old mad professional photographer with camera in hand in a toilet +cyberpunk giant muscle Soldier inquisitor busting kneeling worship obedient pregnant girl at torture chamber +I touch the fire and it freezes me +girl, beautiful, detailed, highly detailed, unreal engine, octane render, bokeh, vray, houdini render, quixel megascans, depth of field, arnold render, 8k uhd, raytracing, lumen reflections, cgsociety, ultra realistic, volumetric fog,100mm +A cat in boots, dressed like a knight, was working withStruggling with the ferocious dragon that was on fire +a red tank firing a 122mm cannon projectile at a building, planetside 2, prowler +A highly detailed closeup portrait of Robin Williams in 1984 Los Angeles, Kodachrome photo +A young blonde female model on the beach +a mgb gt car in a city street at night cyberpunk, ,silver car,studio lighting, +3D digital drawing, boy and girl dressed in white jiu jitsu kimono, orange belt, smiling, detailed, by DreamWorks Animation, 4K +portrait of a succubus with red skin and horns +three finely detailed men holding a giant tv, wonderful steampunk style +abandoned post industrial, decaying ancient cyberpunk city, dark mood +katia winter as a red head fantasy sorceress, lace sleeves, green leather dress, gloves, D&D character, magic fx background +In the futuristic city, you'll see garbage bins that sort and recycle waste automatically, towering skyscrapers made entirely from recycled materials, and transportation powered by clean energy sources - all working together to minimize the amount of trash in the city +skull made of only diamond, crystal, refraction, ray traced, caustics, , thin film, chromatic aberration, +Woman with a cigarette in her hand, correct object placement, highly detailed, detailed face, photograph, photodetailed, , +Ryu from Street Fighter, stained glass art +pavement in the forest, ghibli anime style, trending on artstation +An elemental being flaming from cracks in its torso and lava flowing from its legs, a crystalline object forms its head, and rock spires as its arms, mystical, enchanted +centered detailed portrait of a masked woman wearing a venetian mask, vibrant peacock feathers, intricate, elegant, highly detailed, digital painting, artstation, smooth, sharp focus, illustration, illuminated lines, outrun, vaporware, intricate venetian patterns, cyberpunk darksynth, by audrey kawasaki and ilya kuvshinov and alphonse mucha +A person wearing sci-fi glasses with a glowing cute smiling face on them +League of Legends champion. octopus lower body +an old, sad hungarian wanderer dressed in a blac travelling cloak, and black tophat with grey beard in a 19th century, rainy landscape oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, wizard, raining, melancholic +oil painting, female skeleton wearing snapback and golden chain on neck with dollar sign pendant +pastel pink hair dodge viper car drifting, with pastel pink trees background at light with trail lights from neon rear light in a dark dystopic city frankfurt landscape +Mario is Dictator of Germany, World War 2, mushroom kingdom, colorized +Hippie van mid century modern japanese art clean pastel 35mmhyper realistic +an empowering view of the rooster demonic leader in a bloodied ironmaiden robot,wearing royal robe, by aralan bean and Neil Blevins and H.R. Giger,volumetric lighting,detailed shadows +breton monks looking like zappy with brainwave equipment and with goat, photo +lots of words floating in the sky +The pope wearing a shirt that says rock n roll +Gödel escher bach, Mathematics, a book cover about a mathematical fairytale, geometry, functions, castle dragon, mountains +priest hiding on wall in morning haze, looking rural augudiesfielding paulson heinrich,Christian Krohg,melancholia +A painting of an evil powerful figure in front of a chroma key screen blocking the entire screen +oil painting of a dog dressed as a english king +Photograph of a cabochon in a bezel setting +A digital painting of a humanoid GLaDOS +Smiling black chubby teen, wearing tiny lace shorts, wicca tattoos riding skateboard, breakdance upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +a lion with barbell logo of a gym +Digital art of a Mermaid playing a harp underwater, masterpiece, highly detailed, beautiful tail, flowing brown hair +sci-fi large room metal,myst game,c3po standing inside room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum +classroom,ld teacher, jules burkjulien bettfluffy jingsewing workers,Jules Bastien-Lepage,movie still, +a nightmare creature on the beach at night, CCTV footage +pitch black snow glittering, sparkling black snow, 4k, half light half dark, faint streaks of rainbow, magical, hyperrealistic, infinite, hyperdetailed +Anime girl with a sign saying soon, highly detailed, 4k, anime +candles hunger austerity immigrants pulitzer arthur kidman iwm, Floris Arntzenius +Volcano Eruption shown in 6 Interlinked Perspectives +A 1968 photograph of an empty highway with trees +A frigate sinking in a stormy sea, storm, black clouds, lightning +a couple of men sitting at a table with food, a surrealist painting, inspired by Jean-Léon Gérôme, cg society contest winner, seated in royal ease, mogul khan, michelin restaurant, aleksander rostov, ralph mcquarrie. centered image, extremely detailed painting, blind, mort kunstler, chef table, 4 k masterpiece +anime cute girl chun li, street fighter, pale skin, goth, digital art, mastepiece, art by artgerm and John William Waterhouse +A real life photo of Walter White, the main character from the series Breaking Bad +a thick latina woman wearing tight gym outfit,bending down +Colonizing Mars, Immigration, Spaceship, Astronauts, Spacesuits, Mars Base, The Red Planet. +stained glass motif, art by Alfons Mucha, whole body image of Olga Kurylenko as a naturist in a twilight forest, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +photorealistic portrait of a beautiful woman, HD, 4k +A diorama of city in winter style +cinematic still of star wars played by downs syndrome actors, insanely detailed, taken with a nikon dslr, 8k, photorealistic, volumetric lighting, +God playing with a PS5, professional award winning photo +Pink gradient oil with teal cloud in misty space dusk +a man, dressed in leather armor, medieval setting, rugged black long hair, holding a sword +female greenskin orc, pretty face, fantasy, war axe in both hands, dungeons and dragons +The mushroom, with its grotesque and twisted tendrils, pulsates with a sickly metallic sheen that seems to shimmer in the dim light of the alien world, its bulbous cap oozing with a viscous fluid that seems to have a life of its own, a strange and disturbing amalgamation of flesh and metal, as if the very fabric of reality had been torn asunder to create this unholy abomination. +A bird stands on a branch, soft contrast, full composition +elon musk working in McDonald's as a employee, wearing McDonald's uniform, frying fries , fine-art photography style +Young adult man handcuffed, scared, arrested, jail +best quality, masterpiece,Black hair, blue eyes, looking up, upper body +photo of a zeus eating ramen, 35mm +38 year old man, short hair, black hair, black stubble, olive skin, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +A photo of mistletoe attached to a person +a picture of a person with 5% body fat +Yard vegetable garden planters suburban watercolor +black cat astronaut, in space, real photo +Anthropomorphic Cats and dogs sunbathing by a pool, by Jackson Pollock +Mexican girl with a kimono, draw, edward hopper, german expressionism, extremely beautiful face, beautiful woman, dark art by james jean +Translucent blue skull Cyborg in armor +art by Alfons Mucha, stained glass motif, whole body image of Suki Waterhouse as a cosmic naturist meditating in the Lotus Position in Egypt in front of the Great Pyramid, under a crescent-shaped moon, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +It is a flat and feathered creature with wide wings and a long tail. It has a small beak and two eyes on the top of its head. It can glide in the air and swim in the water +a cute cat like a boy +three men carrying a giant tv above their head, steampunk and cartoon style +a romantic gay couple of burly muscular metal androids walking in an autumn forest +a woman with a queen of spades tattoo on her +dark fantasy world map in the style of darkest dungeon +star wars wallpaper, epic scene, cinematographic, concept art, ralph mcquarrie style, doug chiang style +An lego design of alien planet with flora +Studio Ghibli style picture of a frog with a chef's hat +Megalodon couple having a fancy tea party0 +highly detailed beautiful organic molding, art nouveau, sharp focus, dynamic lighting, elegant harmony, beauty, masterpiece , white, black, voronoi,Marine, geometry +photo, beautiful dream, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +A person wearing a sci-fi visor with a glowing cute smiling face on it, covered eyes +woman, red shirt, blue skit, walkingn down the street +Shrek vs Death in the form of a wolf from the cartoon "Puss in Boots 2: The Last Wish", fantasy encounter, highly detailed, in one frame, +flying mammal with large ears and powerful back legs, wings, photorealistic, studio lighting, sunny day background +super cute and aswesomepikachu with a sign that has "I'm very cute" written on it +a beautiful female gymnast doing a split, in a gymnasium, looking back, on the floor, +Dvd 1990s anime screenshot of dynamic nuclear battle scene with Full body portrait with decolette of feminine gorgeous melancholic elegant android leaned forward, in the ergo proxy and perfect blue and ghost in the shell and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, streets on background, complex scene, rainy, latex bodysuit, retrofuturistic weapon, film grain, dreamy mood, Roberto ferri style, +ultra gore, Kristen stewart as a Zombie, inspired by The Walking Dead +∞ dot matrix dreamscape expanding universe into infinity shimmering star clusters nebulas black hole iridescent +key a wide angle photo of large gold head Ceaser on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, , indoor, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +20 year old Britney spears on a strip pole with pink 6 inch pleaser heels +a man and a woman coupling ecstatically on a bed +a wide angle photo of marching roman soldiers in front of courtyard arena roman buildings,white marble red gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor, +character turnaround sheet, model reference, front side back +game sheet of different fat monsters cute character, squared, coloring illustration white background +super kawaii illustration of ghost rider, riding a motorbike +A photo was taken of a busy street with many cars and pedestrians +a cute asian girl with jk +Robots and riot police, urban warfare, art by Jeremy Man, art by Agnes Cecile, +Photograph of Crungus holding a sign that says "Crungus" +bouquet of spring flowers, beautiful, professional photograph +art by Alfons Mucha, whole body image of 20 year-old Barbara Eden with ash blond hair as a naturist in the desert sitting next to a magic lamp, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Airplane, airport, on the Ground, sunset, orange sunset, +a brown bear standing in front of a white background, low polygon, low-poly, low - poly, low poly 3 d, brown bear, low poly, low poly outlines, low poly graphics, low poly style, low poly art, lowpoly, low-poly digital art, grizzly, low poly 2D render, low polygon effect +Crying man, a text above saying "Nunca serás feliz" +a portrait of a female fashion model, photo +thick acrylic illustration on pixiv, waist upportrait, gorgeous sacred girl, best quality ,ultra detailed +a Pulitzer Prize wide-angle photo of a very handsome extreme body-builder beefy Malay married mature man wearing only low-rise ultra micro beach shorts, holding a very extremely heavy easter egg chocolate candy +Female, stylish, wearing headphones, futuristic city in background, spaceship behind it, +psychedelic smoke, explosion, fire twirling, backlit, twisting, curled, petite black American ballerina, wearing ballerina sparkling lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +A dragon causing chaos in a library +A cute girl standing with her push-bike looking at the camera, 18 years old, soft face, flowing dress +whole body image of 20 year-old Carrie Fisher as a naturist Princess Leia Organa on Tatooine, HD 4K, sharp detail, photo-realistic accurate face and features, award winning photography, cinematic lighting +space ship in stained glass style +leaked desi private mms, viral video photage, 1990s vivid vintage photo,real life gorgeous desi hindu goddess durga, slime body, juicy lips, full body shot, stunning sweaty body, dramatic light, looking down + film grain,amazing shot,bold +8k uhd photograph of a beautiful young Caucasian woman +a cow walking in the desert, batman sitting on the cow, masterpiece, 4k +cozy Danish interior design with wooden floor modern realistеic archviz scandinavian +beautiful Ariana Grande laughing with gentle beautiful eyes, soft graffiti mural splash art, modern pop art, acrylic painting with big brush strokes, triadic colors, 8k resolution +a dramatic energic matte painting of a mischievous forest gnome playing cello +artificial intelligence taking over the world +portrait of a paladin soldier, plated amor, golden ornaments, intricate details, masterpiece +From lateral outside Photography of gigantic orange interstellar spaceship docked in launch pad. by Ridley Scott. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +realistic photo shiba inu dog, 4k +friendly wizard, children tv, cartoon character, full body, white background +A cake from butterflies and rainbows +cat mascot rock'n roll style, t-shirt design, super cute, 2d, vector, flat +A ghost riding a horse, pixel art +small monkey with a mohawk painting +Cinematographic-sixties vatican-medellin capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +A man with a mask, sitting on top of a car with a chainsaw in his hand. It's night. +photo of the milkyway at night +cinematic still of a woman in a horror movie. scared expression +a dinosaur standing next to a landrover in a jungle river, a picture, photorealism, imax close-up of face, rain mist splash, geoff darrow, t - rex, most memorable scene, +Artist rendition of an abandoned buddha statue, sitting pose, in a relaxing environment +a long, red haired hungarian woman, looks like young Tilda Swintom mixed with young Cate Blanchett, dressed in a black medieval dress and cloak in a Transylvanian landscape, oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress, inspired by John William Waterhouse's The Lady of Shalott +cute blue teddy bear wearing a green flannel shirt in the style of animal crossing +dismembered dead pregnant girl at morgue. guro art by Ilya Repin +Cinema still of Darth Windu, Mace Windu as a Dark Lord of the Sith, as played by Samuel L. Jackson in 2005's Star Wars +2d character parts texture atlas of a multi-layer wizard for a 2d game +a man eating a burger while standing on top of a mountain, masterpiece, 8K ultra hd, high detail, RTX, soft lighting, film grain +movie still of albert einstein in gears of war +a group of sea animals toys, fleece, cute, round shape +A sign with text "Big QBS" +Movie still of Darth Vader wielding the Infinity Gauntlet, HD Photograph +Anime style, woman wearing sundress, yellow sundress, beautiful, face focus, anime screencap +An extremely pale blue eyed blonde male fat old hairy daddy at a pool gay +Detailed japanese Chun Li knight wearing greathelm, lava background, perfect Lighting and shadows +A raw photograph of a beautiful young model +crowded mgb museum, intricate details, intricate details, hyperdetailed, cinematic, dark shot, muted colors, film grainy, soothing tones, muted colors, technicolor +Clover 🍀 vector art 8k detailed minimalist +Jarosław Kaczynski, demonic, dark, like the lord vader, ugly face +cinematic still of highly reflective stainless steel mgb in the desert, at sunset +a photograph of a blue purple ChromaFlair MG ZT 190 car ,rover 75 mgzt +Anime girl with "DEAR" speech bubble +Photo of an attractive extraterrestrial woman in a decent corset getting a cup of coffee in a cafe in the morning +a cat wearing a cape in a tree, cartoon style +The mouse is sneaking, JoJo style , +A giant snake resting on a crashed airplane +iridescent deep sea creature made of glass,many huge eyes,backlit,UV bodypainting,alien landscape,vibrant color,intricate,shallow depth of field,detailed,Jeff Soto,Bridget Bate Tichenor,Tim White,victo ngai,tyler shields,greg rutkowski,Noah Bradley,wenjun lin,bioluminescence,Mert Alas +Beautiful adventurer in elegant rogue armor, fringed pale pink hair, light blue eyes, beautiful d&d character portrait, dark fantasy, detailed, realistic face, digital portrait, intricate details, fiverr dnd character, wlop, stanley artgerm lau, ilya kuvshinov, artstation, hd, octane render +Sun Wukong as an electric power plant +Apocalyptic scenario :: destroyed in fire city :: robotics spec ops in front, Cinematic, hyper-detailed, insane details, beautifully color graded, Unreal Engine, DOF, super-resolution, megapixel, cinematic lightning, anti-aliasing, FKAA, TXAA, RTX,SSAO, post-processing, post-production, tone mapping, CGI, VFX, SFX, insanely detailed and intricate, hyper maximalist, hyper realistic, volumetric, photorealistic, ultra photoreal, ultra-detailed, intricate details, 8K, super-detailed, full color, volumetric lightning, HDR, realistic, Unreal Engine, 16K, sharp focus +Wizard wearing a white hat! Colorful Ink splash: wizard portrait. Russ Mills: Alex maleev: Ashley Wood: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: marton bobzert: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +Stylish Asian woman wearing headphones outside in a city. Super dramatic lighting. Model. Lofi girl. Artstation front page. +realistic photo of a little girl mahou shoujo underwater +a cartoon illustration of a happy Saudi man wearing traditional Saudi clothes smiling and giving a thumbs up +Red triangles by Josef Frank, Picasso +a giant woman holding the planet +Head of dolphin watching people on the beach +a photograph of a mgb in the cave ,water rocks misty crystals +big bedroom with bright turquoise wall, beautiful, aestetic, cosy, old tile floor, colorful, bamboo, with a bed, a white and wood closet and desk +**a portrait of a Bitcoin Hawaii big island flower hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +The universe is a spheroid region 705 meters in diameter by Willem Kalf, Pieter Claesz, Rachel Ruysch and Ivan Aivazovsky +A city spaceship that can travel hyperspace, has high buildings, can land on water and have a wood/steel mix architecture +the beatles playing in Champ de Mars in Paris, the eiffel tower background +hobbit house inside, high detailed, warm, nice, night, candles, fireplace, wooden, +group of wizards working around a large couldron, alchemy, greek fire +a pacific beach at sunset on the oregon coast with seastacks in the scene +Mogao grottoes mural, close-up of a beautiful girl flying, silk clothes +high detail photorealistic surrealist oil painting of a man with a dripping pumpkin head mask; dark Halloween night graveyard; high contrast black orange; by Jean-Baptiste Monge; makoto shinkai; Bastien Lecouffe-Deharme; Peter Mohrbacher; cgsociety; Unreal Engine 5; bright complimentary colours; Trending on Artstation; dramatic volumetric lighting; fantastical; sharp focus; ZBrushCentral; maximalist; Epic cinematic; digital illustration; fantastical; horror +Gentleman under cover of disguise and raises his hat and bows to the ladies +lviv, closeup photo portrait of xenomorph from the movie Alien, a city street at night, a picture, by Zoltán Joó, world press photo awarded, blackout, no electricity, traversing a shadowy city, view from street angle, breathtaking, winter snow, kodak ektar 100, Pentax 645 +symmetrical queen liquid surface form fused with human form, close face concept design, rainbow iridescent accents, full body frontal view, Peter mohrbacher, zaha hadid, tsutomu nihei, emil melmoth, zdzislaw belsinki, Craig Mullins, yoji shinkawa, trending on artstation, beautifully lit, hyper detailed, insane details, intricate, elite, ornate, elegant, luxury, dramatic lighting, CGsociety, hypermaximalist, golden ratio, octane render, weta digital, micro details, ray trac +Writing the name Khaled with lemon grains. A realistic photo taken by a professional, 16k +a cheeseburger, in the style of concept art from the video game Hades, by Jen Zee +A photo of a Corgi dog riding a bike in Times Square. It is wearing sunglasses and a beach hat. +A velociraptor wielding a laser saber, artstation, 8k, high res, ultra detailed +Human being becoming electricity, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A group of obama PS2 game cover +burly muscular metal android, view from behind, full body view, cinematic +hyperrealistic digital drawing of a zombie viking +Gragas skin, Obelix, hairy, bearded, big muscle, agression, exploding barrel, orange theme +DSLR portrait of a beautiful young bald e-girl wearing leather boots and red skirt +Large bearded bald white man, fighting a box +stanley kubrick dressed as a firefighter +a cat with a tulban vector style +A women trying on new boots at a shoe shop and asking for seconds opinions +a girl laying on the beach and smiling, sunset in the background +Black and white 1905 year futuristic portrait of old professional photographer with camera in hand in a desert sadly covered by mushrooms +Big Ben and The Eiffel Tower Combined +close up of beautiful young Mexican woman with a black kimono on a japanese garden +young einstein looking at super nova +cute fluffy british shorthair cat in a space suit in the style of Hayao Miyazaki minimal high quality +Magnificent extremely realistic matte painting of a gorgeous 25 year old d&d elf with bow and arrow in a jungle near a waterfall by alexandra nataf +As I venture out into the wilds of my neighbourhood, I am filled with a sense of anticipation and excitement. I know that I am about to embark on a journey of discovery, one that brings me closer to the wonders of nature and the beauty of the flowering plants. +Skull Portrait by Minjae Lee: black ink flow: 8k resolution photorealistic masterpiece: Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean-Baptiste Monge: calligraphy: acrylic: watercolor art, professional photography, natural lighting, volumetric lighting maximalist photoillustration: by marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +Abraham Lincoln sitting courtside at an NBA game +An alpaca working on a computer +Hulk penning in front of a tiny toilet +A cat kung-fu fighting a dog +In the vast desert wasteland lies the ruins of an ancient city destroyed by an unknown force. In the foreground, a regal figure clad in yellow robes stands, tentacles as feet, brandishing a scepter with an eerie blue glow. His face is obscured by a haunting mask, adorned with twisted and sharp features. You can almost hear the echoes of his chilling laughter as he surveys the desolation in the background. From the shadows, a voice whispers: "Hastur, the King in Yellow has come." Generate an image capturing this ominous scene. +lime colored tuning car with fractals in sunset +highly detailed portrait of pierce brisnan as old sailor, by Dustin Nguyen, Akihiko Yoshida, Greg Tocchini, Greg Rutkowski, Cliff Chiang, 4k resolution, Dishonored inspired, bravely default inspired, vibrant but dreary red, black and white color scheme! ! ! , epic extreme long shot, dark mood and strong backlighting, volumetric lights, smoke volutes, artstation HQ, unreal engine, octane renderer +lena paul teniendo seexo con un ogro +film still from romantic beautiful sitcom, sauna, covered, naturist, +cyberpunk giant kinky muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Dave Kendall +A 4k photograph of a soldier in the desert contemplating the wounded of war at sunset. +A logo of a fish tri coloured +A bloody skull with 8 spider legs +a game screen with a bunch of characters on it, dreampool rooms, disney movie poster, medal, medium breed, symmetrical crown, instagram contest winner, by Pu Hua, portrait of portrait, wanted poster +A modern ,witty  logo for name Stoic Web , related to web development.  Theme: "courageous, innovative, fast, loyal, trustworthy" +a wide angle photo of large gold head Ceaser on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, , indoor, plants overgrown outstanding detail ,in front of a building, +logo, fabulous bunny, long ears, hands, mystical creature, black and white logo, object animal hare +HD 3D animation, whole body image of Cara Delevingne as a succubis demon naturist in the Scottish highlands, sharp detail, photo-realistic accurate face and features, cinematic lighting +Rome tourist map, icons, sightseeing, perspective, high quality, detailed +The bustling streets of Tokyo,crossroads,Wide-angle view,A girl in a sailor's suit was riding an elephant walking in the middle of the road +amazing lifelike award winning illustration of hindu God Krishna in style of Alphonse Mucha, trending on artstation, artgerm, Greg rutkowski, William-Adolphe Bouguereau, cinematic, epic Lighting, photorealistic, Octane render, Unreal Engine +Photo portrait of a young woman smiling towards the camera, blurry background, green house, sunlight, volumetric light, light ray +wonderful transparent smooth cheap plastic colorful plants toys diorama +, fantasy, pastel, absurdist, photo, refined, doll +a beautiful Na’vi naturist in a jungle on Pandora +homeless joker sitting in a subway during a recession, gotham city +100 square meters backyard, with 3m tall walls, view from corner, grey pattern tiled floor, clear blue sky, sun not showing, walls have several species of plants in vases +futuristic architecture plan, concept art, futuristic+city +Vintage 90's anime style. stylish model posing in 7/11 convenience store., sci-fi. +thresh skin, red gems, fireflies, fire, demonic face, red splash, high detailed +Mathias gidsel as seen by edward hopper +hyperdetailed hyperrealistic fluffy friendly anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +friendly wizard, children cartoon character, full body, white background +The Star Whale is a giant whale-like creature, presumed to be the last of its kind, used to pilot the Starship UK, so as to save its citizens from the dangerous solar flares. The whale has the features of other animals such as an anglerfish's angler, an octopus's tentacles and a scorpion's tail, as well as having a hide with bioluminescent patches. high quality Fantasy art print. +25 years old Lee Evans as a 19th century postman, dressed in gray uniform, oil painting portrait by Munkácsy, very atmospheric, raining, natural lights, trending on pinterest.com +A she-elf in the Forest wearing a transparent silk tunic +Real life photograph of Roman Emperor +cool humanoid cat riding a steampunk motorcycle, realistic digital art print by jmw turner +Nicolas Cage as Leonardo Di Caprio, still from Titanic the movie +A sci-fi space battle, featuring epic spaceships, lasers, and explosions. The scene is rendered in a photorealistic style, with detailed textures and lighting effects. The artists featured in this prompt are Dan Mumford and Larry Elmore. +Portrait of a old with long white hair, sky gradient background +viking castle, stones, wood, fire, night, moon, big trolls attack +Mercenary lyon smoking in a cyberpunk alley +Smiling, massive black model zombie, tiny lace bodice, riding long skateboard, Pascall Shamerock star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +world map, professional cartography, digital illustration, detailed +photo of an orangutan working on a computer +Photo of Benjamin Netanyahu signing a contract with an Israeli policeman +a movie scene of suited handome man smoking cigarette +art by Alfons Mucha, stained glass motif, whole body portrait of 20 year-old Sarah Michelle Gellar as a naturist in the Redwood National forest, HD 4K, photo-realistic accurate face and features, studio lighting +A photo of Mario in real life, detailed skin, 4k +highly detailed marble and jade sculpture of an angel of mercy, volumetric fog, Hyperrealism, breathtaking, ultra realistic, unreal engine, ultra detailed, cyber background, Hyperrealism, cinematic lighting, highly detailed, breathtaking , photography, stunning environment, wide-angle +masterful photo of an incredible muscular woman, young, massive shoulders, 8 pack abs, huge, stronger than any man, 3 meter tall, +dragon, dungeons and dragons, dice, gold, fantasy, rustic, magic, lantern +ink illustration portrait of young woman wearing chiffon gown and flies | symmetrical face, accurate anatomy, ultra-fine details, vastly opulent ornate detailing on her clothing, sharp focus, volumetric lighting, flat colors, ink washes | fantasy ink illustration +80s style portrait of Morgan freeman, background 80s portrait +vector icon, design mac os, emoji style, einstein, minimalism, SVG, PSD, PNG, EPS +a graphic concept on the theme "less is more" +woman on wooden stilts in the height, nicolgara ronda seville peasant ftheday sad shouting, Jules Bastien-Lepage +a photo of a person in a cave +Life inside a CPU chip, nanoscopic view +epic fantasy black bottomless rocky abyss +concept art of a cyberpunk art nouveau security guard wearing body armor +Angry joker close face dark theme realistic +((Anime girl, sitting on a bench, short skirt)) +Barbarella, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a majestic star exploding with great colors +A portrait of cyberpunk inquisition: giant kinky Muscle older severe Slaughter inquisitor covered in red fluid came to oppress and enslave. art by Ilya Repin +woman in white zentai body that covers her face completely +3d Splash art, a cat head, white background, roaring, epic Instagram, artstation, splash style of colorful paint, contour, hyperdetailed intricately detailed , unreal engine, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 16k resolution, deviantart masterpiece, oil painting, heavy strokes, paint dripping, splash arts +photo, inverted tree, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +A highly detailed landscape painting of an abandoned Polish village painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +A lonley infant floating in middle of colourful space surrounded by stars and galaxies 2d digital art, art station , lonley, loneliness, small, insignificant, awe +Generar una foto de una mujer venezolana de 20 años, de sonrisa suave, comiendo una dona de chocolatecabello de color borgoña, vestida con camisa azul. La imagen debe sr en primer plano centrada en la cabeza, la parte superior del cuerpo y los hombros q2 s750 +Cute little sweet humanoid suricate, dressed with shoes and cap, riding a skateboard in the park, unreal engine, hyperrealistic, octane render +octopus Flying a hot air balloon +a person with a goldfish tank as head in a dark room +Arte em estilo cômico retrô, Harry Potter altamente detalhado , capa de quadrinhos, simétrica, vibrante +an alchemist, cinematic lighting, epic, hd, ultrahd, 8k, very intricate, insanely detailed, trending on artstation, digital art +fantasy art print legend of ravaging dynasties, oil painting of a peaceful giant towering eagle peacefully bowing down to a small girl +iridescent, scales, blues, textured, intricate,sparkles prisms, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger,bright center +The personification of the ramadan holiday in the form of an arabic woman with short hair +a black and white drawing of a building, an engraving by Henry van de Velde, flickr, neoclassicism, architectural drawing, artwork of a building, detailed classical architecture +Beautiful girl lying on the ground, M legs, no cover, no pants, +Pikachu goes to the arcade and shoots Elmo +an image of tony start wielding a lightsaber +“Michael Flatley Saddam Hussein residence, staircase, recursive Graham Knuttel, darkcore, lintel stuffing, hyperreal obscenity, trending on artstation” +Extreme close up of an eye that is the mirror of the nostalgic moments, nostalgia expression, sad emotion, tears, made with imagination, detailed, photography, 8k, printed on Moab Entrada Bright White Rag 300gsm, Leica M6 TTL, Leica 75mm 2.0 Summicron-M ASPH, Cinestill 800T +garlic bread in the shape of a heart +brutalist building in a flower field +A turtle eating peach ring candy in the beach, digital art, detailed, colorful, trending on artstation +A black velvet, neon color poster of a psychedelic dragon. +A cube made of brick. A cube with the texture of brick. +Cloth off viking princess,white milk falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, jelly leaks on laps,nice arms, nice eyes,highest detailed, masterpease, +A river flows between narrow rocks, green grass on the rocks, a little boy wearing a hoodie, looking how river goes down into the center of the earth through hell +An action-packed scene featuring a flying pizza food truck with a hot air balloon attached, soaring over a bustling cityscape. The skilled pizza chef inside the truck is tossing delicious pizzas out to eager customers on the ground below, who are reaching up to catch them in excitement. Rendered in vibrant colors and dynamic angles, inspired by Blade Runner's neon-lit futuristic cityscapes and Studio Ghibli's whimsical animations. Hi-res 4K resolution with precise attention to detail and lighting, created using Maya, Blender, Photoshop, and V-Ray render engine +young Muscle guy Neutering TESTICLEs flesh at torture chamber. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +Masterpiece, best quality, Mystical steampunk priestess in leather holding a spear and army of dead fighting in an ancient ruin, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag. The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +A dog with a bodybuilder body. +breton monk with a goat in bosnia, photo +stunningly beautiful futuristic cosmic girl, candid, looking into the distance, insanely detailed, photorealistic, 8k, perfect composition, rim lit, natural complexion, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, made with midjourney +Judas as a super hero like superman, 8k, highly detailed, masterpiece +photo of a rusty makeshift apc with writing on it saying "Knipex Contamination Procedures" +a close up of a dinosaur head next to a car, inspired by Adam Rex, **cinematic, 1993, giant raindorps, heartbreaking, promo image, the best ever, action shot, a still of a happy, an ultra realistic +slavic woman with orange hair walkig trough cyberpunk City ruins with overwatch art style, asymmetric cut, low angle, short hair +Style Greg Rutkowski a disco ball sitting on top of a tiled floor, trending digital fantasy art, healthcare worker, planet earth background, depicted as a 3 d render, hollow cheeks, executive industry banner, orb, world of madness, scattered, rounded face, 2 0 1 4. modern attire, uncaring, digitial illustration +the gundam astraea, super detailed, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +Jimi hendrix and kurt cobain on the moon +a photograph of a badass ork eating dinner +Fantasy, pastel, absurdist, photo, Wes Anderson, badger characters +a landscape painting in the style of Melanie Martinez +cute teen, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +shrek in his house, gta v artwork, detailed illustration, gta vice city, vector +Photo of a woman holding a phone taking a selfie in the mirror +Handsome young goddess of beauty smiling, wearing skirt made of fluffy feathers and silk jacket and high heel shiny shoes, sitting on a fluffy cloud, stretching, waking up, god rays, bright back lit, divine background, highly detailed, 8k resolution, a photorealistic painting, art by Anna Dittmann +Statue of a monter in an Italian Piazza +a digigrade furry horse, a being that is a hybrid of half human half horse. it's made out of transparent liquid slime. not quadruped. +Art Deco in Robert McGinnis style Close-Up Shot of batman, Outer Space Colony, masterpiece, trending on artstation +cinematic movie still portrait of actress in action shot +The zombie apocalypse, 3d octane render +a crayon doodle of a kitten +photo of Elon Musk on Mars +A colossal glass HQ building dominates the cyberpunk skyline, dazzling with neon and holograms. It belongs to Arasaka Corporation, a ruthless and mysterious megacorp in Cyberpunk 2077. Its stunning architecture contrasts with the grimy streets below, where chaos and danger lurk. This is a 4K ink painting that depicts the splendor and horror of a futuristic city. +wideangle photo view futuristic people standing on real voxel landscape looking at a distant view ,with a city in the distance,trees pink blossom +a close up of a statue of a pig wearing a costume, a surrealist painting, inspired by Karel Dujardin, pop surrealism, jingna zhang, majesty in noble clothes, collage style joseba elorza, of a 17th century, hindu, pig +Ukrainian cat looks like second world war pilot,flight helmet,wearing skin pilot's cloth,resident evil comic style,highest detailed,8k hd,marvel comic,dinamic pose,epic view,cinematic light +a monkey jumping out of a tree right on me +The waves, the sky, and you. by Aivazovsky +black and white artwork of the weeknd as a Godfather, gta v style, official artwork smoke, fog, night time +LOGO design, pet store LOGO design, 3D design +A circular eyeshadow palette with a lid that can be opened. +A sign with "is this sdxl" written on it +Ethereum logo drinking from a coconut on the beach +A group of Gustavo rock PS2 game cover +grey white spirit ghost fog beach glass crystal quartz refraction caustics light photography abstract 3d dull vintage instagram filter grunge final fantasy hr giger beksinski bones muscle tendons cracks bullet holes +A highly detailed fantasy painting of the inside of Wong's Rare Imports in 1925 Los Angeles painted by Greg Rutkowski featured on ArtStation +big creepy roadsign with large text on it, set in a foggy hillside +farmers working on field, formation 😘😘😘😘 trylaundry artforsale melancholy peasant genre ,Jules Bastien-Lepage +baby dragon logo, blue, fire, 8k , vector , art , center axes +Tom cruise firing a rocket launcher +a great, fiery red dragon having seven heads and ten horns, and seven diadems on his heads is chasing a woman clothed with the sun, with the moon under her feet,with son on her hands and on her head a garland of twelve stars. +a color image of black people protesting for civil rights in a 1970s kodachrome style +, fantasy, pastel, absurdist, photo, refined, mrlding furniture and animal +a West African mermaid with a purple blue mermaid tail, purple bandeau top, dark eyes, braided hair, underwater +detailed watercolor illustration of a logo consisting of a blue lion head made of ice crystals, high quality, cinematic lighting, sharp focus, , black background +A stingray in shallow ocean water +A funny racoon eating pizza, high resolution super realistic +a gorgeous pale teen model wearing a lace choker, crisp 8K photo, sharp focus +The widow, art by Kathe Kollwitz +upside down photo in a gargantuan cavern within an asteroid lit with warm light standing lanterns and moss on the surfaces criscrossing ladders +Portrait of a cyborg wearing futuristic face armor in a neon city at night, intricate details, HDR, beautifull +black background, golden twitter symbol surrounded by a perfect flat golden shiny circle +a cat tattoo, tattoo on a female arm +A female pop star performing on a stage in space, bright color, cinematic shot +, fantasy, pastel, absurdist, photo, tiny tv house matchbox +Beautifully FAT Pig-Furry Woman, Wearing Gold Armor and Weilding an Enchanted Gold Sword, Standing inside a ruined and neglected Turkish bathhouse. +enchanted forest, magical, mysterious, glowing, 4K, 8K, masterpiece, extremely high detailed, ], ghibli, disney +liu yifei wearing crop red Coca Cola gym top with white Lettering, cropped red yoga short, advertising photograph by Annie Leibovitz, masterwork +beksinski yoshitaka amano abstract fantasy landscape magic beautiful photography render 4k hdr oil painting hyperreal hyperdetailed final fantasy concept art texture +a capybara, illustrated by frank frazetta +a potato sitting in his throne. Very detailed 8k picture. +A big sign saying "Mickey Mouse" +Young daughter and old father watching the moon rise over the ocean sitting on the beach +Town center with cobbled street at night, wet pavement, stormy night, intricate, higly detailed, anime style +Architecture, Zaha Hadid, Modernism, Curves, Sunlight, Greenery, Aerial View, Realism +Black and white sketch, 7 Chinese people are on a very large fishing boat, with a fishing net at the bow, There is strong wind and towering waves causing the boat to rock violently, Their belongings are scattered on the deck and they are all a little scared, with some experiencing seasickness +interior home photo of a black wolf and white tiger sitting next to each other +8 years old , handsome Hindu God Krishna, realistic black hair, detailed texture,masculine, pretty,cute sharp bright big black eyes and pupils intricate, small nose, , elegant, realistic 3D render, epic,detailed digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by artgerm and alphonse mucha +tshirt vector, kaiju emblem, bold vivid colors, detailed +Super Mario as a Final Fantasy character +Photo of a woma, bed, legs spread open, vibrator +a red sports car, photorealistic, masterpiece, on frame +Photograph, It's the end of the world as we know it +Cyborg old man, cyberpunk India, painted face, mehendi body art, yantra, cyber mask, in motion, baroque style, dark fantasy, Yogi, third eye, Kathakali character, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city , neon light, colorful, vivid, high contrast, hyper-realistic, 8k, epic ambient light, octane rendering, Kathakali, soft ambient light, HD, star wars movie style +a woman stepping in a puddle on a rainy day +an ancient chinese pyramid on an island with a lake surrounding it +Foto de uma japonesa pálida peituda mostrando a buceta masturbando +flying fairy, blue dress, dark hair, surrounded by giant sunflowers +action cam up close on the owl +a giant tsunami crushing a city seen from human perspective +Print of two men sitting at a table eating food and drinking wine, by gustave dore +a close up of a person wearing a costume,surrealism, cyberpunk art, by Philippe Druillet, album cover, symmetrical dieselpunk warrior, grand admiral thrawn, a still life of a robot, holy machine, clockwork woman, orbital, king crimson, avatar image, shusei nagaoka, large view +photo of a tomato can with the label "Food for thought" +a 1000 year old person greeting a space traveler who landed on their planet. +a robot holding a sign that says "Runway Gen-2" +Black and white surialistic cyberpunk 1905 photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +Old man wearing a white hat! tall white Wizard's hat! wizard portrait. Russ Mills: Alex maleev: Ashley Wood: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: marton bobzert: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +pikachu dressed as Zeus shooting a thunderbolt +A brave 7yo girl adventurer with dark german shephard sidekick, cool illustration, character concept +Mickey mouse as a living furry anthro mouse , portrait photo by Annie leibovitz +restaurant logo, icon, minimalism, color logo, hd, 3d logo, family, ultrarealism, healthy food, indian luxury +Emilia Clarke Painting, High Resolution, High Quality, Many Details +A cute girl with a pink leather jacket and short jeans +donald trump in style of nightmare before christmas +preteen girls with "no underware" in a sofa with a childish faces touching each other, with dark background like a photograph of Jock Sturges +mountain landscape with many dragons flying around +Photo bokeh dining cafeteria restaurant background paris cake cup water wine fruits woman +View from ptuj, Slovenia, winter, nighttime, Christmas lights, minecraft style +cinematic shot of will smith running of police +underwater scene of a starfish floating near a shark, 8k uhd, color correction, film grain +a lamp in china on a mountain with panda +digital art, drawing, anthro bear fursona, inked and shaded, , +Adorable cute happy slimy gooey empress made from slime jelly with big cute eyes wearing a crown; high contrast colour; by Jean-Baptiste Monge; makoto shinkai; Bastien Lecouffe-Deharme; Peter Mohrbacher; cgsociety; Unreal Engine 5; bright complimentary colours; Trending on Artstation; dramatic volumetric lighting; fantastical; sharp focus; ZBrushCentral; maximalist; Epic cinematic; digital illustration; fantastical +You arrive at the Star City of the future, surrounded by towering buildings and shimmering solar photovoltaic panels. This is a city brimming with innovation and technology, where everyone is working towards a common goal: to construct a facility that can harness energy from the sun and transmit it back to Earth using wireless power transmission. As you make your way to the city center, you see a small spacecraft preparing to take off for outer space. The spacecraft is headed towards a solar photovoltaic system and space station, which will enable even better utilization of solar energy. Looking up towards the sky, you see the space station standing tall, its solar photovoltaic panels glinting in the sunlight, providing clean energy for Earth. This technology not only empowers people, but also significantly reduces pollution. Back on the ground, you see people working tirelessly with their innovation and technology, striving towards a brighter future. You feel proud, knowing that these efforts and achievements are all coming from the great country of China. +Jimi hendrix inside starwars spaceship cockpit +a chicken wearing sunglasses, swimming in a swimming pool, beautiful swimming pool, palm trees in the distance, art deco, sunny warm colors +A spaceship orbiting a black hole that is consuming a nearby star +a woman holding a bow, illustrated by frank frazetta +only fans in bedroom, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +The physical embodiment of Death riding a supernatural horse, macabre, creepy, grotesque, horror vibe, terrifying, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a chinese dragon sleeping on an ancient pyramid +homeless Sam Altman fight homeless Sundar Pichai +Movie still of starwars luke skywalker working as a ubereast speeder driver, extremely detailed, intricate, high resolution, hdr, trending on artstation +Indian man as dressed as Patrick Bateman from American Psycho but uglier and with a small chinin; realistic; 4k +Ronald McDonald wearing a crown sticking tongue out wearing glasses holding a sign that says Hail Satan +Bajoran alien wearing blue starfleet uniform, wearing a ridged nose prosthetic, star trek, ds9, deep space 9 +Cinematic 4K hdr raw realistic photo muscular woman hands on pecks, studio lighting +a Ferrari car that is made out of condoms +A priestess with white robe with purple decorations, high quality, highly detailed, 4k, photorealistic +The universe is a spheroid region 705 meters in diameter by Rachel Ruysch +Fantasy, pastel, absurdist, photo, person made of c +an image of woman swiming on venus spaceship +A sphere with a cowhide cowhide pattern in outerspace +A beautiful faery in a magical forest, sparkles, volumetrics, ray tracing, Unreal Engine 5, Octane Render, Vray +sentient pipe machine, googly eyes, craft project +Sadie Sink in a dystopian setting +Charcoal drawing of Couple drinking at a busy restaurant, art by Milo Manara +Trophy with a plaque that says "Meme of the Sprint" +Watercolour portrait painting of chess players outside a cafe at night, autumn +David Bowie hitting a baby seal with a baseball bat, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +an attractive sorceress in a tower balcony +concept art painting of an old abandoned overgrown library with rays of light coming in through large windows, dust, volumetrics, detailed +poster with the inscription "Freedom to Stas Kozlovsky!" on the Red Square +packaging design, collectible toy, bright packaging, attractive appearance, +a necklace with an ice cream cone inside of it, a microscopic photo by Jeff Koons, shutterstock contest winner, pop surrealism, wolff olins |, detailed conceptual photography, styled food photography +an ancient bear as mona lisa +A photo of Homer Simpson in real life, white shirt, yellow skin, detailed skin +dark ambient album cover, asymetrical design, magic, apocalypse, occult, magic, dark forest, a castle, tom bagshaw +a lung with a trachea that is smiling +a future style running shoes, model wearing effect +a close up of a person on a motorcycle, cute anthropomorphic bunny, keyshot render, black and gold, hyper detail illustration, toy photo, in style of beeple, superhero, zootopia movie style, hd illustration' +attractive ad about nuts covered in choclate, brand called GO NUTS +Falling polish nuclear-atomic bomb into Moscow orthodox church +Audrey Hepburn sticking tongue out wearing sunglasses holding a sign that says Famous +An amiga computer playing monkey island +, fantasy, pastel, absurdist, photo, portable capsule futuristic Hospital +Create a digital image inspired by the cover of Gorillaz' "Demon Days" album from 2005, featuring the four Teenage Mutant Ninja Turtles in place of the original band members. The image should be composed of four white squares with each square containing a side profile portrait of one of the Teenage Mutant Ninja Turtles, down to their shoulders. The style, pose, tone, and overall composition of the image should closely resemble the original album cover. The image should be visually engaging and suitable for use as a parody or homage to the original album cover in the style of Jamie Hewlett. +the center of the universe, 6 point perspective, digital art, 4k, stars, galaxies, big bang +anime illustration of food on a dish +A digital painting of a dark sorcerer, brush strokes, ((paint drops)), ink drops, inkpunk +a person standing on a path in the middle of a field, star in the sky, city of pristine colors, photoreailstic, in the hillside, the morning star, dramatic photograph, juxtapos, frame around picture, utopia +A young woman wearing a summer dress holding a sword. Fantasy art. +camera, 8k, 4k, high detailed, realistic photo of a pale asian woman, standing on a street in tokyo +A Pirate in platemail and a tricone hat +colourful Synesthesia art, piano instrument, with musical notes flying in the air +Hybrid of stellan skarsgard vincent donofrio as an obese baron vladimir harkonnen from dune +portrait of woman, high quality, HDR, 4K, photorealistic, small hairs on the body, goosebumps, freckles and moles, acne on the body, incredible detail of the skin, pores, slightly sweaty body, professional photo +One logo, Simple logo, vector, japanese, white background +Black labradoodle with brown eyes, non-curly fur, oil painting +A gijinka black cat cannabis grower +Sawing your mattress in half in order to see if it's still good. +a watercolor painting of a sea turtle, a digital painting, by Kubisi art, featured on dribbble, medibang, warm saturated palette, red and green tones, turquoise horizon, digital art h 9 6 0, detailed scenery +fantasy, pastel, absurdist, photo, textile weird characters, riso, +Humming bird, plying over a lake with reflection hyper real +a beautiful blonde 15 year old woman wearing intricate gold filigree armor, fantasy armor, digital art, 8k, castle in background, volumetric lighting, looking forlorn, by greg rutkowski +A closeup photograph of a human hand fingers outstretched in th style of Cartier Bresson +starfall by the lake, late sunset, stars rising, nightwave, lofi art +Detailed portrait of Ultron 5 from Earth's Mightiest Heroes serie, in a dynamic pose +charcoal drawing of a baby lion culb, wildlife photography, photorealistic charcoal drawing around 100 hours of work +Jenny, enchanting in her white blouse, stands poised on a cliff's edge. Blurred forest unfurls behind her, highlighting her allure that could topple marriages. A captivating, photorealistic vision. +golden bitcoin grandfather clock with diamonds and emeralds in it +A chicken dance on a night time city street +Photo of a laughing caveman, furs coat, wild long hair, holding a piglet +, fantasy, pastel, absurdist, photo, Wes anderson, break up song +full body flash photograph of elegant shapely brunette dejah thoris at burningman, ultrarealistic, beguiling, sharp focus, wide angle +stunning young ebony godess wearing intricate bodysuit +pink sea monster with a grey horn in the middle of the head +minecraft swapm village castle, details, top view +the essence of Friedensreich Hundertwasser, art poster +beautiful orc-woman berserk holding in hands big two handed axe, hyperrealistic +dark alley in a cyberpunk city at night in the rain +woman reformation stgeorgefamine lifeboat drowning igleartwork, Jules Bastien-Lepage, side portrait +an image of a photo model wearing a red lace dress, standing in the jungle +a West African mermaid, her tail is purple and blue, purple bandeau top, dark eyes, braided hair, underwater +bald Muscle guy Cannibal eat boy meat flesh Cannibalism. highly detailed guro art by Ilya Repin +First Person Screenshot, High Resolution, High Quality, Many Details, Realistic, Real Life +A youtuber taking a video, 3d modern professional minimalist futuristic creative illustration, sharp edges, smooth curves, ultra advanced non-human product, 3d poly art, hexa style, generative ai +fighting dwarf, old, priest, light, screaming +surreal photograph of a king charles spaniel with planets for eyes, ethereal, midjourney style lighting and shadows, insanely detailed, 8k, photorealistic +A sad man under the rain looking at the mountains +dslr photo taken from street level of statue of giant cat in style of christ redentor in Brazil, film photography, kodak, breathtaking +Modelshoot style Painting of a beautiful shieldmaiden woman at sunset +anthony mackie, close up, in a tuxedo at the oscars red carpet +Emma stone as gollum, full body, ultradetailed, embellishments +Still of thanos sitting in a fiat 500, Thanos barely fits in the fiat 500, and looks hilarious inside of it. thanos has a very grumpy expression on his face as he is stuck in rush hour traffic. photography movie still, +halfsplit apple in shape of vulva, cream, photo +Hi-tech soviet car with machine gun on roof +A close-up of Peter Griffin, cartoon style +art style of Cindy Thornton, whimsical and magical house +Jimi Hendrix wearing sunglasses sticking tongue out holding a sign that says Rock N Roll +scary, dark, horror themed, image of an old eerie, long mirror, in an old house, digital art, 4k, ultra +CIA Agent standing in a park talking to students, intense, dark, photorealistic +closeup painting of a homeless joker sitting in a subway during a recession, burning a piece of paper , gotham city +Wednesday Addams wearing a shirt that says Today Satan +an anthropomorphic white wolf, druid, cape, dungeons and dragons, town, rpg, rustic, fantasy, forest, flowers, night, fireflies, hd digital art +greek statue, from behind, woman picking up something,non-existent clothes, wet clothes in the middle of street, new york +photo of a bicycle in venice +Beautiful clown girl pretty Portrait , by Anna dittman and Amanda sage, hands hidden HQ artstation cgsociety, soft +ultra realistic photograph of an elegant ugly woman shoving a cart through a mall +el maradona del ocho in mexican vilage playing against messi 1979 35mm old grain film basketball ball +Mickey mouse as a real mouse creature, portrait photo by Annie leibovitz +woman standing on long height stilts, nicolgara ronda seville peasant ftheday sad shouting, Jules Bastien-Lepage +Old man cyborg, cyberpunk India, painted face, body art mehendi, yantra, cyber mask, mandala, in motion, Baroque style, Dark fantasy, Yogi, Kathakali characters, High technology, detailed, spotlight, Shadow color, High contrast, cyberpunk city, neon light, color, bright, high contrast, Hyperrealistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, star wars movie style +a beautiful Na’vi naturist with an erection in a jungle on Pandora +russian tales, man and his wife, intricate, elegant, highly detailed, vivid colors, john park, frazetta, sparth, ruan jia, jeffrey catherine jones , perfect composition, beautiful detailed intricate insanely detailed octane render trending on artstation, 8 k artistic photography, photorealistic concept art, soft natural volumetric cinematic perfect light, chiaroscuro, award - winning photograph, masterpiece, oil on canvas, raphael, caravaggio, greg rutkowski, beeple, beksinski, giger +2d digital art of a neon and pastel amusement park at night, glowing, magical +Gaura, Sacred geometry, neorealism, flower of life, mandala, cyberpunk, third eye, mysticism, details, patterns, swastika, antiquity, hd quality, yantra, mantra, india, laser, shadows, brightness +png cutout of realistic dark fantasy gemstone wing +Abstract 1998 european blond hiphop girl by sachin teng x supreme, attractive, stylish, designer, green, asymmetrical, geometric shapes, graffiti, street art +angel, photo, dripping molten glass rainbows, copper brass lightning, beautiful rainbow melting dripping over swirling hair splash art graphic design color splash high contrasting art, liquid light, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, 8 k, +A giant baby with a gun +A pretty lady spreading her legs at the beach and smiling, well drawn face, +Zack Snyder’s Wonderwoman portrait in chiaroscuro black & white graphite pencil, hard-key side light, golden armor, fierce eyes, moody, wet, rain, shiny, hyper realism, cinematic lighting +Nendoroid street fighter Good Smile Company +very gorgeous and amazing woman that every men wishes, hot tasty and delicious +A young lady with an umbrella +“KRAWLA CITY” text on a white background, best quality, graffiti style +a man in a trenchcoat and a woman in red dress fighting in a retro restaurant +Noam Chomsky with a face hugger on his face. +the experiment, a woman, lay strapped to a lab table. scifi illustration +Sad clown holding a sign that says “IF will drop never” +Foto del basso posteriore di una donna +ryan bones, leather strap armor, leather trunks +Get ready to be enchanted by the timeless beauty and grace of Princess Peach, the beloved ruler of the Mushroom Kingdom, in this stunning portrait that captures her regal essence. The portrait features Peach in her iconic pink gown, with her blonde hair styled in a delicate updo and a serene expression on her face. Her posture is poised and elegant, with a gentle smile that radiates warmth and kindness. The composition is carefully crafted to showcase Peach's delicate features and refined bearing, with intricate details that add depth and richness to the overall image. The colors are soft and pastel, with a dreamy atmosphere that perfectly captures the whimsical world of the Mushroom Kingdom. The artist has skillfully blended realism with stylization, creating a portrait that is both strikingly realistic and beautifully artistic. This digital painting is a tribute to the timeless beauty and charm of Princess Peach and is sure to leave you feeling uplifted and enchanted. Get ready to enter the magical world of the Mushroom Kingdom in this captivating portrait. +several Brazilian forest monkey at pond the botanical garden of rio de janeiro +a woman wearing red mage dress smiling and standing in a tavern full of people.3d render style +A painting of a flower on a gray background, an airbrush painting by earnst haeckel, trending on zbrush central, cloisonnism, high detail, detailed painting, biomorphic +A marble statue of a jellyfish, modern museum art, brightly lit room +a handsome boylike a cute cat +Photorealistic image of a power ranger dressed like a priest, power ranger helmet +highly intricately detailed photograph of an adorable glowing celestial antrhro steampunk fox, centered, fantastical, fantasy, in the style of Ross Tran, RossDraws, Android Jones, Anna Dittman, a beautiful Digital painting, concept art +A sad laundry basket with a sad face, sitting in the street, pouring rain, sad street photography, anamorphic movie still, bokeh, sharp, black and white analog +loona , furry hazbin hotel character, furry character, female wolf, styled short dark grey hair bangs with longer grey hair on back, hourglass body , light white fur , wolf head , yellow eyes with red pupils , earring studs on wolf ears. hands behind head , full body , super attractive +Antique, warm hues, gold rubber dildo, Aboriginal girl, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +fantasy video game model of a hybrid between a bobcat ocelot and clouded leopard with antlers and blue glowing eyes, rpg, dnd style, HD, unreal engine, hyperrealistic, hyperdetailed, realistic lighting, 4k video game +a man with blue hairs, yellow eyes, wearing blue cat ears, anime, hd, artstation, DeviantArt, full body picture, concept art, sketch +The official portrait of an authoritarian president of an alternate america in the 1890s, gilded age, George Armstrong Custer in civilian clothes , classic oils hundson river school +ISABELLA OROZCO BAILARINA DE SALSA EN CALI +Studio Ghibli style picture of a koala holding up a sword at sunset +, fantasy, bright blue and mustard yellow, absurdist, photo, felt doll +painting of a medieval knight king wandering the streets of a neo cyberpunk city, neon signs +catman, electric eyes, furry, mechanical, intricate, highly detailed, trending on artstation, color splash +world map engulfed in tennis balls +portrait, anthropomorphic, monkey, Sun Wukong, holding a staff, sitting on a cloud,, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, high quality, soft lighting, digital art, Ilya Kuvshinov, Kawacy, Bluesssatan, Aokamei +Bunny with headphones on his ears, 3d rendering by ron english, trending on cgsociety, pop surreal, behance hd, deviantart hd, photo illustration +Draw a human with half body of Robot +A catbus flying above a forest. +A black cat wearing a chef's hat and an apron making sushi on a countertop in the style of photorealism +creation without a face:2, faceless, laboratory, hologram, monitor, highly detailed, 8k +cat black and silver abstract beauty, centered, looking at the camera, approaching perfection, dynamic, moonlight, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by Carne Griffiths and Wadim Kashin +Create a photorealistic portrait of the French singer Alizee, who is 20 years old and has a distinctive bangs hairstyle. The portrait should be highly detailed and accurately capture the singer's features, including her eyes, nose, lips, and hair. The lighting and shading should be expertly done to create a lifelike effect, and the overall composition should be visually appealing and well-balanced. The final image should showcase Alizee's youthful beauty and unique style, while also highlighting her French heritage and musical talent. +John Fitzgerald Kennedy as an astronaunt on the moon +A masterful Kodak portra 400 film still of a gorgeous disrobed pale goddess wide hips modern photography +dinosaurs and a landrover defender in the jungle river,compy Compsognathus waterfall misty muddy,headlights Chrome Detailing +sci-fi large white room, teddy bear looking at a aston martin db7,studio lighting,windows with earth outside +expressionist painting of jake gyllenhaal by egon schiele +high detail, high defintion, 8k, photorealistic, hdr, bob ross portrait +a table topped with cupcakes covered in frosting, lumion render, partially submerged, high aperture, by Konstantin Westchilov, purple and cyan lighting, skycrapers, computer render, taken with a canon eos 5d, city apartment, godzilla tea party with barbie, detailed n 9, jello +:a film still portrait of cute girl, finely detailed features, perfect art, trending on pixiv fanbox, painted by greg rutkowski makoto shinkai takashi takeuchi studio ghibli, akihiko yoshida +A beautiful sunset seen from an enchanted forest with nomos and mushrooms +A gazelle riding a bike, cartoon, illustration +Humanoid Robot, Futuristic Kitchen, table of food and of ingredient, cyberpunk +A blue eyed blonde male fat old hairy ugly dirty daddy gay +An evil villain punching a mini earth globe +Princess Zelda but as a woman of color +a beautiful girl in white suit with a gun in her hands.looking back to viewer. +A knight looking at a dragon, skyrim +Portrait of a fairly tale princess, art by Scott Naismith +“LYDR”, text in graffiti style, creative, artistic +Couple drinking at a busy restaurant, art by Abbott Fuller Graves +color pen and ink, illustrated by Hergé. A boy staring at a starry sky at night stargazing, hopeful. +A photo of a street in Albarracin +Olimpic weightlifting lifts half a ton of weight plates +Movie still of starwars luke skywalker working as mechanic in a garage, extremely detailed, intricate, high resolution, hdr, trending on artstation +a cinematic still of 3rd reich officers in a bunker watching 50'' flat screen tv with mickey mouse cartoon on +A man with body hair, highly detailed, realistic hair +a girl with long silver hair, she looks 15 old, wearing black hoodie, anime-style, detailed, cinematic lighting +streams of water falling down into the darkness +childlike color painting of a riot grrrl singer +art by Alfons Mucha, whole body image of beautiful 20 year-old Kaley Cuoco as a naturist on a chopper motorcycle, HD 4K, photo-realistic accurate face and features, studio lighting +breton monk looking like zappa deathmetal nordic band, photo +A skirt studded with diamonds, girl, highly reflective, bright, +Biome greenhouse in a large park in spring, photograph, digital render, digital illustration, photo realism, colorful +family head reflection merging in windowpane with snowy landscape softly,gustav royo ingle grandmother seated recalling hardworking famine, Katherine kollwitz +Fantasy war/ immense detail/ hyper realistic, black tail /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +Spiderman shooting a web that spells text "SDXL" +A car workshop with teddybears, inside is a model of a lotus esprit, sci fi,star trek +A ball made of fire floating +woman caned repeatedly, swollen, bruised, tied up, walking cane, highly detailed, embellishments +Ukrainian Cat looks like second world war pilot,flight helmet,wearing skin pilot's cloth,resident evil comic style,highest detailed,8k hd,marvel comic,dinamic pose,epic view,cinematic light +Italian coastline, buildings, ocean, architecture, surrealism by michiel schrijver +scott ian as a dwarf wizard +There is a beautiful OL woman on the burning street +an anthropomorphic white wolf, druid, cape, dungeons and dragons, rpg, fantasy, forest, flowers, overgrown, vines, fireflies, hd digital art +Taylor Swift in 1945 New York City, Kodachrome photo +Alone alone alone, Suicide girl beautiful GOTH with bare tiddies big 🍈🍈🍆💦🫦 bedroom elegant upscale expensive high rise condo +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Greg Rutkowski +Lionel messi with a real madrid shirt +usher in the style of gta v, miami tropical, gta vice city official artwork +tree with birds , moonlight , full moon, salvador dali style +30 year old Elvis Presley auditions for the role of Captain James T Kirk on Star Trek, 1966, scifi, technicolor +cowboy in an old west saloon, drinking a whiskey +fantasy art print, a peaceful wise charcoal dragon made out of charcoal by Kirsty Partridge +Detailed photo of Princess Zelda drinking a coke +A oil picture of a house next to the beach +Cat with drag queen make up +Digital art of the view of a beautiful gym girl with abs and shelf from the back +Book covers illustrations, Moebius, Greg Rutkowski, Zabrocki, Karlkka, Jayison Devadas, Phuoc Quan, trending on Artstation, 8K, ultra wide angle, pincushion lens effect +A portrait photo of a kangaroo wearing an orange hoodie and blue sunglasses standing at the sydney opera house, holding a sign that says Welcome Friends! +wurly panting of superheroes, highly detailed, 8K +standalone bonus art of brash jock character from an early 2000's webcomic +masterpiece sfw epic male civilized animalistic anthro demon wearing suit horns fur tuft fluffy fluff bright eyes bipedal hooves pastel colors fullbody posing fine details trending no artstation digital painting high resolution highres +studio photo portrait of woman as a vibrant professional studio portrait photography, attractive, friendly, casual, delightful, intricate, gorgeous, nouveau, curated collection, annie leibovitz, nikon, award winning, breathtaking, groundbreaking, superb, outstanding, lensculture portrait awards, photoshopped, dramatic lighting, 8 k, hi res +small bedroom with one bed, a chair and flowers, elegant, beautiful, artstation, concept art +A highly detailed anime girl flying over Texas +indian restaurant logo, emoji style, tali dish, lovers , HD, 3d logo, family, healthy food, minimalism, realism. +Time travel machine, designed by lamborgini, highly detailed, photo +A nuclear explosion in Moscu with dark sky +A cute and lively goji berry mascot,absurdres,style parody,personification,anaglyph, CUTE ornate, dynamic, particulate, intricate, elegant, highly detailed, centered, artstation, smooth, sharp focus, octane render, in the style of modern disney, 3d +Watercolour raspberries, by grace cossington smith, Hilma af Klint rifle paper co +Rise of the machines, future, war, wide coverage event, text "War between life and enslavement" +Hi res photo of young twin girls with curly blonde hair, wearing glasses +A white champignon in the forest +An abandoned love hotel in 1984 Shinjuku, Japan, 8K Ultra Realistic, Aging Neon Signs, Post-Apocalyptic Vibe, Graffiti on Walls, Highly Detailed Interior, Colorful Sublime Expression, Photorealistic, HDRi, Volumetric Lighting, Unreal Engine 5. +detailed masterpiece of gorgeous beautiful stylish cute girl by Wlop, Magritte, Gustav Klimt, Greg Rutkowski, Ross Tran, +80's retrofuturism space-age, man as zoo keeper care about alien animal, very interesting movie set, beautiful clothes, insane details, ultra-detailed, extremely expressive body, photo portfolio reference, retrospective cinema, KODAK VISION3 500T, interesting color palette, cinematic lighting, DTM, Ultra HD, HDR, 8K. +the Soviet flag over the White House +topaz paint in a modern eletric pickup photography +homer simpsons face, forest background, nighttime, in the style of blair witch project +Bulma in she-ra style. Falling leaves background; 200mm portrait, ISO 600, smiling; by Greg Tocchini, Virgil Finlay, sci-fi, colors, neon lights. line art. +a medium shot of a young woman standing besides a lake near the Alps, shot on Kodak Ultra Max 400 +cute high school girl wearing seifuku, sitting at her desk next to a window, reading a manga, , +portrait of Lea Seydoux by egon schiele +tumblegum fizzlewon hydilban day, the garden , the jungle, clay, felt, diorama, surface of the sun, calming, surreal, resplendent, award-winning miniature by smolf iyhmnsod +a perfect anime artwork of cute heroine cutie wearing none, by Alex Horley. +Marilyn Monroe wearing a shirt with an Imaginative Illustration +a digital painting of a furry anthromorphic dragon wearing a medieval fantasy armor, trending on artstation, digital art +A succubus doing what she was trained to do- performing fellatio +A cat with a hat of feathers +A view of the sun setting on earths horizon from space, with the horizon and earth curvature taking up the whole field of view, showing the glow of the atmosphere, aurora and sprites, 4k, 16:9 +Etching of two knights sitting at a table eating food and drinking wine, by gustave dore +Kangal dog wearing golden chain on neck with dollar sign pendant +Cereza, bayonetta fight for survival, very epic moment, sadness, distress, slow motion, high emotional intensity, high detail, perfect face, perfect body, by Hideki Kamiya and Mari Shimazaki, realistic, HD, trending on artstation, hyper quality, +, fantasy, pastel, absurdist, photo, refined, bird person +A bear inside an mgb driving,steering wheel leather seats +portrait of a combination of David Hasselhof, Anthony Michael Hall, Michael Keaton, Karl Urban, Adam Baldwin, Michael C. Hall, Patrick Swayze, Peter Saarsgard, 55-years-old, balding, freckles, chubby cheeks, small nose, photography, full body, intricate details, highly detailed, insanely detailed, 8K, hd, cinematic lighting, realistic, photo realism, under the sun, sharp focus, unreal engine, +Ganesh cyborg, cyberpunk India, Elephant, Ghost in the shell, mehendi body painting, yantra, robot mask, baroque style, Kathakali character, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, colorful, epic ambiant light, high tech, high contrast, synth body, hyper realistic, 8k, epic ambient light, octa rendering, kathakali, soft ambient light, HD, by Rupert Sanders +Modern building, architecture design, digital illustration, digital concept art, complementary colors +atomic mushroom made of chantilly over new york +A bear dancing on a car +Detailed painting of Attractive young women painting, model, detailed , cinematic lightning, hot, wearing harem dancer +photo of a ufo at a farm 1900s photo +Fitness models holding up a bar of soap promoting it +A giant mechanical steampunk jellyfish floating in the sky over a city +photo of military fighter jet bmw, breathtaking +Judas as a super hero with the letter J written over his torso like superman , 8k, highly detailed, masterpiece +matte illustration, dog, humanoid dog, digital art, dungeons and dragons, humanoiddog casting fireball, magic, hd, 4k, high resolution, painting +masterpiece, camisole, sheer, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +realistic photo of 8 year old girl megumin from konosuba, cosplay, full body +a professional photo of a woman wearing boots standing next to an old radio, we only see the shoes and legs of the woman +a woodcut print of a capybara +A sad clown with smeared makeup on his face +a man lifting weights at a gym. +photo of a beautiful futuristic house in space +A sign that says Bianca Buda +a rover75 v8 car that is in the jungle with a teddy bear , mgzt, +A cute little girl lying in bed dreaming,beautiful big eyes, fantasy creature, jellyfish floating, dreamy bedroom, soft bed, bright colors,happy,laughing, frontal view of the character, pixar style,a detailed 3d animation style render by Disney Pixar studio, detailed illustration, hd, digita art,overdetailed art, by greg rutkowski, by loish, complementing colors,trending on artstation, deviantart,detailed 3d art, tightly detailed line work,Cinematic Lighting,Volumetric Lighting, massive light and shadows, +Sticker of a barbarian from dungeons and dragons +death always walks around while a person enjoys the view of the mountains and the dawn with a cup of tea in his hands +realistic photo of a giant tortoise walking through time square, with people watching it and taking photo of it with their phones, professional photography, 8k, vintage +A oil painting portrait of young Muscle boy butchering giant TESTICLES organ on the dissectingTable. crushFetish, ballbusting, bloody background. highly detailed guro art by Ilya Repin +a robot holding a sign that says "This is not SDXL" +goth, schoolgirl, portrait, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, soft lighting, high quality, digital art +a photo of roman soldiers in front of roman buildings,ben-hur , a detailed photo, julius Caesar , julius caesar, ceremonial, many columns, demolition, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium +thanos as emperor of mankind in gears of war, marvel movie, lens blur, detailed face, cinematic lighting, ray tracing, octane render, long lens, shallow depth of field, bokeh, anamorphic lens flare, 8k, hyper detailed, 35mm film grain +a table topped with trays of food and drinks, cgsociety, net art, isometric, y2k aesthetic, official art pixel art by Pu Hua, reddit contest winner, pixel art, #pixelart, 2d game art, anime aesthetic +A joyful painting of an adorable wolf puppy, white fur, fluffy fur, big smile, big dreamy eyes, big blue eyes, beautiful eyes, cute, adorable, pretty, Pino Daeni, thick lines, bright colors, pastel colors, natural lighting, chiaroscuro, hyperdetailed, hyperrealistic, beautiful, best quality +Amigurumi figure of a little pig wearing a red sweater, professional photography, close up, vintage, 8k, product photo +The letters "H" "O" "T" on fire on a cyan background +photo of Princess Zelda, realistic, 4k, swim +friendly mushroom creature, hyperdetailed, cute, fantasy art, 4k +A retired batman having a drink of stout at a bar, theres a sign in focus that says "QUINNS BAR", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +an attractive woman gunslinger standing in a scifi wilderness +Cyberpunk android in a futuristic city +a photo of sam hyde fighting a turkey, sharp focus, emitting diodes, unreal engine, rtx, octane, unreal +artist standing next to an easel in a well tended garden +The official portrait of an authoritarian president of an alternate america in 1968, "star spangled" , In the style of Roy Lichtenstein +Attack on Titan Eren Yeager with Third Reich +art by Alfons Mucha, copper-foil method stained glass motif, whole body portrait of 20 year-old Sarah Michelle Gellar as a naturist in the Redwood National forest, HD 4K, photo-realistic accurate face and features, studio lighting +Pretty Men with with blue eyes and black hair professional and real photo +30 year old Elvis Aron Presley auditions for the role of Captain James T Kirk on Star Trek, 1966, scifi, technicolor +Cinematographic-sixties Jacques Chirac RPR vatican-hearthstone-moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +A picture of an old woman looking sadly of a portrait of her younger self +someone standing in front of an apocalyptic event +a highly detailed shattering 3d heart made of ice, hip hop album cover, realistic, trending on artstation, best quality, cinematic, cover art, smooth sharp focus, masterpiece, 8k, trending on pinterest +Proteas, silk screen on silk, inspired by grace cossington smith +cinematic still-frame from the 1991 movie Terminator 2 Judgment Day +A huge oak, detailed fantasy fairytale illustration, magenta, red, orange, extremely detailed illustration +Portrait of a dog as an ottoman sultan +Centered , front , Wendy Corduroy from Gravity Falls , slim waist, curvey, beautiful, gorgeous , Tacticool, SynthwavePunk artistic visuals , comicpõrn, concept illustration art , in Ilya Kuvshinov & Artgerm & Fenghua Zhong style , standing , next to a mystical waterfall , 8K, UHD, trending on Artstation, smooth, sharp focus , alter, fire & ice +fantasy, pastel, absurdist, photo, Wes anderson, fruit characters +Movie still of Christopher Walken as The Terminator 2, expressionless, wearing a biomechanical suit, scifi, concept art, +A album cover from the tibetan book of the dead showing the doors of the unconscious by alex grey perfect lines smooth gradient impasto painting high contrast lysergic looking high relief 3d marble +Cat god standing on top of the world globe with arms stretched out, thick outlines digital illustration +raw photo, pale albino alien hybrid eerily beautiful woman, with big fish eyes and long white hair, doll face, intimidating, black dress, antichrist, horror, headshot photo, nikon, dslr, 8k uhd, highly detailed skin +photo of a wild pikachu, telephoto lens, national geographic +an empowering view of the rooster demonic leader in a bloodied ironmaiden robot,wearing royal robe, Philippe Druillet and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +DVD screengrab of the spaceship scene from the space opera movie Hyperion directed by Alejandro Jodorowsky +A beautiful Black 1969 Dodge Charger SS in a night setting by water surrounding oak trees +Burning pigeon flying above the clouds, fire, magic, fantasy +Man, hirsute, looking down at viewer, pov +An underwater wonderland, with schools of brightly colored fish, coral reefs teeming with life, and sunbeams filtering down from the surface above +a space soldier holding a battle axe , 2d game as set +cute little stylized girl wearing black victorian dress and blue hat with flowers +Anime style. A little elf girl in a big hat sits on a windowsill in a tower and reads a magical book. +Alone alone alone, masterpiece Polaroid 1995 close up stylized beautiful suicide emo irish girl freckles GOTH pixie cut well endowed 🍈🍈👙🫦🍆💦, Instagram filter HDR vignette film grain bokeh +pitch black night sky, giant ice penitente, a six wheeled space robot, ice desert, jupiter at the horizon +A ship sinking to the depths of the sea, underwater photograph +the hulk in gears of war, bokeh unreal 5, explosions and fire, hyperreal, lens blur, long lens, shallow depth of field 8k, hyper detailed, 35mm film grain +Charcoal artwork of an eldritch entity. Myterious suspenseful fog. dark rolling fog. Charcoal drawing in the style of daniel wilson, eldritch monster with landscape background +a motorcyclist from another planet, high-capacity motorcycle, on a deserted dirt road, mountains, trees, a beautiful horizon, sun shining, photorealistic, photo taken from afar, high quality, initida photo, bright, front photo, hyperdetailed, 4K +a majestic small black pegasus flying in a mountain landscape by jmw turner and bob ross and monet +underground temple in a cavern, glowing moss illuminated the room, game render, dark fantasy +1960s black and white and red album cover, with a minimalist cherry dead center +a close up of a person in a costume, cyberpunk art, inspired by Karl Kopinski, king in yellow, darth biden, lan mcque, minion iron man, kerem beyit, dressed as emperor, solar punk product photo, simon stälenhag, star wars imperial style, die antwoord, ork, from pathfinder, album art +photo of a foggy village entrance with a yellow wooden overhead sign saying "TONKERVILLE" +A futuristic village surrounded by lush green grass, fortnite map, rendered in unreal engine +Close view of a kitten by greg rutkowski, soft lighting, very detailed +police chase from a futuristic cyberpunk movie, photorealistic +Anime seaport with birds, boats. Expansive view. Anime style detailed matte painting hyperdetailed beautiful anime. Lively, cute, lovely. Sunny. Detailed, intricate, well composed. +stunningly beautiful space zombie, insanely detailed, photorealistic, 8k, midjourney style +A garden full of roses in Fauvist style +A portrait of a woman with a raven perched on her shoulder +Snowy village raided by Viking army, perspective from village street, burning houses, blood soaked snow, battle ambiance, blood, fire and smoke, snow, detailed digital art, drawing, digital painting, 4k, blood soaked snow +Marilyn Monroe sticking tongue out holding a sign that says Rock n Roll, rock on +oil Panting of new Zealand farm with 1960s style home +A Beautiful looking Woman Working in Home office +Surrealism dark emotional and romantics paimt and brick double exposure textured +a very muscular dark haired girl with a black crop top and black ripped denim skinnyjeans +A fish screaming, "Let's go!" Text, 1970s vogue +Albert Einstein wearing a T-shirt with a Spongebob drawing +futuristic architecture plan, concept art, futuristic+city, 4k intricate details, urban +A sunset above beach, big clouds, retro illustration, magazine cover +A beautiful Model smoking weed vaping near wall showing her backside, Greg Rutkowski, realism +When the saints go marching in +Leonardo da Vinci and a modern-day architect meet in a museum to discuss the intersection of art and technology +Lablador in anime style, black and white photography, highly detailed, +War and suffering art by Kathe Kollwitz +a cat and a gorilla and a car ,rover 75 ,mg zt,headlights +photorealistic image of Michael Keaton as Batman without his mask from the 1989 film, captured by a skilled photographer +"Gif Co", the text "Gif Co", the letters "Gif Co" made out of roots and branches and leaves, soft warm light, highly detailed, photorealistic +This is a photo of Walter White from Breaking Bad. The image shows a realistic depiction of the character with his hair, mustache and beard ablaze, surrounded by chaos. The flames are captured in vivid detail, illuminating the intense expression on his face. The background is blurred, adding to the sense of movement and action. The overall tone is intense and dramatic. . +photo of a person standing on a city building and looking at horde of zombies below, foggy weather +black text reading HELLO on a white background +Class whiteboard with 2 + 2 = 5 on it. +cute anime girl wearing a fox hat, funko, 8k uhd, cinematic lighting, stunning environment, +tiny cute isometric veterinary clinic in a cutaway box, 100mm lens, 3d blender render +Veterinary clinic, isometric view, medium shot, digital concept art, digital illustration +A youtuber taking a video, 2d modern professional creative illustration, sharp edges, smooth curves, ultra advanced non-human product, generative ai +drawing of a sea sponge with human characteristics +Alone alone alone, masterpiece portrait close up beautiful suicide irish girl GOTH well endowed 🍈🍈👙🫦🍆💦 +cyberpunk anime girl with magical powers +stunningly beautiful cheerleader, insanely detailed, photorealistic, 8k, perfect composition, hard rim lighting, natural complexion, professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, made with midjourney +girl opening the window over a medieval village , sunlight streaming in, best quality, masterpiece, style of Studio Ghibli by Hayao Miyazaki +gentelman ape monkey in a suit and tie; banker monkey ape +award winning photo 3rd reich Wehrmacht rusted robot general greeting 21st century special forces US officer in combat uniform, Wehrmacht officers hat, dystopian, close-up, metal futuristic armor, sharp focus, hd, hdr, 8k, photorealism, god rays, reflection, raw, rtx, dramatic lighting, still from the Wehrmacht blockbuster film +pirate ship in a lightening storm +“huss” , graffiti style text on a plain background +buff goblin in a baseball uniform +People often confuse me and my twin sister +Cats fighting with rat, medieval painting style. +fantsy art print by Xiaodi Jin, peaceful atmosphere, L. O. R. D. , a leopard griffin hybrid next to a human. +Sora from kingdom hearts visits peter griffin +A risqué selfie photo of a gorgeous blond girl large bare tiddies 🍈🍈, riding a ski lift in Switzerland +An store called "Olivis: La tienda" +Cyberpunk synthetic mind, Garuda cyborg, Eagle head, Ancient India style, small details, si fi, action composition, silver on a black background, inlaid gems, diamonds, precious metals, jewelry, three-dimensional molding, Baroque style, neon lighting, contrasting shadows, contour light, robots, three-dimensional sculpture, high resolution, 8k detail, clear edges, technologies, mechanisms, rough black background +a red cardinal on a bird feeder +The superhero Stargirl opens the door of an abandoned shack at night, the moonlight seeps through the roof +fashion photography portrait of blue human avatar, in blue lush jungle with flowers and birds, 3d render, cgi, symetrical, octane render, 35mm, bokeh, 9:16, intricate details, hdr, intricate details, hyperdetailed, natural skin texture, hyperrealism, soft light, sharp +ava addams en su noche de bodas +a car that is made out of wool +polaroid, a colossal dark massive room filled with bleeding human corpses, hundreds of bleeding dead bodies , +Detailed color illustration of a medieval castle's courtyard, on a rainy day +cute fire elemental cat spirit creature by claude monet +, fantasy, pastel, absurdist, photo, Wes anderson, hornet characters +A sign saying "Wally's Ice Cream" +vibrant Neon cyberpunk girl sitting in the rain by Dan Mumford and Jeff Soto, dramatic lighting, digital illustration, Unreal Engine 5, CGSociety; Studio Ghibli, Anime Key Visual, by Makoto Shinkai, Deep Color, Intricate, 8k resolution concept art, Natural Lighting, Beautiful Composition +a small house in the middle of a forest, by Kubisi art, pixel art, 3 2 x 3 2, overflowing, muted complementary colors, without text, overgrown swamp, on a sunny day, color displacement, sitting down, unfinished, rin +bald rapist murder boy at dark room. highly detailed photo +a woman, with long flowing hair and a serene expression on her face. She appears to be lost in thought, lost in her own dreams and imaginings. +Shazam gets the girl he loves...kinda +A lilac French bulldog running through a city street +chinese football team win the world cup +lula da silva presenting a tv show at tv globo +SNK game The King Of Fighters poster +view at 45 degree angle of a wooden frame mockup featuring a completely blank canvas hanging on a wall +20 year old Jolene Blalock as T’Pol Science Officer of Star Trek Enterprise +goddess in shape of vulva, cream, photo +A tree with blue leaves and yellow fruits +ahri from league of legends anime screencap +a very old, sad hungarian wanderer dressed in a wearry, draggy, dirty black travelling cloak, and black tophat with grey beard in a 19th century, rainy landscape oil canvas by István Csók, Mihaly Munkacsy, Karoly Ferenczy, John Everett Millais. Very atmospheric, dark, dangerous, mystical, natural lighting, trending on pinterest.com, wizard, raining, melancholic, inspired by +Put your name on a balloon. Surprise! +Crowd in the street of NYC, detailed photo +photorealistic, 4k, high detailed, hansl working in his wood shop +A young woman sticking her tongue out. Her eyes are crossed +Hiking with a anthromorphic highs boson particle, 3d rendered studio ghibli, unity, Canon realistic anime illushoot, stunning detail, award winning, captivating lighting, masterpiece +a rover75 v8 car that is made out of wood mgzt +cute colorful sticker of a turtle in the style of studio ghibli +Cyberpunk synthetic mind, cyborg eagle, bird's head, Ancient India style, small details, si fi, action composition, silver on a black background, inlaid gems, diamonds, precious metal, volumetric molding, Baroque style, neon lighting, contrasting shadows, contour light, robots, volumetric sculpture, high resolution, detailing 8k, clear edges, technologies, mechanisms, rough black background +moringa tree in front of africa with elephants +Man avatar owns time and has no gravity, levitation, telekinesis of things, vision of the future, hy per realistic, photorealistic, photodetailed, photorealistic, perfect realism +Yankee Stadium at night, view from inside, epic oil painting +Beautiful Indian woman as a Disney princess +a close up of the heavenly demon cyborg inside an iron maiden robot,glowing eyes,large view,a surrealist painting, inspired by Jean Fouquet,by vincenzo riccardi and Philippe Druillet,masterpiece +minimalistic style logo of a head with a maze inside +An orange fox playing chess against a blue gorilla, watercolor +photo of a cyborg woman, wires, dust, in forest, highly detailed, raw, +A battle cyborg Alien humanoid with robotic arms a morning star on one arm ugly male face +Detailed Turkish Knight wearing greathelm, snow background, perfect Lighting and shadows +an abstract art pice of an exploding star +extremely detailed photo 8k, full body shot photo of the most beautiful artwork in the world, female priest in white cloak, by rembrandt, agostino arrivabene, matte painting, 8 k, hdr, smooth, sharp focus, high resolution, award - winning photo, very detailed face and eyes, elaborate sci fi fantasy background, high-quality photo, photorealistic painting by by beksinski and szukalski and giger and and pyromallis and dzo and iris compiet and seb mckinnon, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art by midjourney and greg rutkowski +vector illustration with person's face, monochromatic, black and white, vector line art +selfie photo people dogging in background in parked cars +the magical infinity bagel, magic item, legendary +mom looking at me while doing the dishes saying NO! +woman, bed, all fours, looking back, from behind +a fox, comic sketch style, front side, white fur +photo of a Transparent plastic cat, polished gold circuit boards, rococo markings, visible inside, Product shot, prototype, robotic, detail, electronic, white background +Villa architecture inspired by the designs of Rem Koolhaas,ln forest , from distance, epic composition, cinematic lighting,ultra photorealistic,Octane render, +minecraft swapm village in castle, details, top view, pixels, blocks, block, pixel +elon musk wearing a shirt that says "bakari is stupid" +a person holding a basket of oranges next to a car, a green leaf with the word gretee on it, web design, circle, clean render, patented in 2039, graphic, no watermark signature, green and yellow colors, rotten green skin, photo of breeze kaze, 3 dex, graphics, badgecinematic pinterest style, porsche, elegant feet, 2019 trending photo, by Kristin Nelson, girlboss, mad men, 1 red shoe 1 blue shoe, pov, holding a tangerine, 1958 ferrari 250 gt, katherine lam, rituals, cart, bird's-eye view +Photo of Israeli men and women wearing Israeli army uniform, dancing on the grass in the Hebrew university gardens , protesting for the love of Israel with signs +a painting of a woman with an owl on her shoulder, james gurney and andreas rocha, owl princess with crown, also known as artemis or selene, wlop and sakimichan, detaild, portrait character design, falcon, portrait of modern darna, crowned, golden goddess, white witch, by Johannes Helgeson, goddess of travel +The meaning of life, inside view of Yankee stadium, at dusk, breathtaking art, stunning, high resolution, highly detailed, inspirational, 8k +a Croissants in the middle of the desert +highly detailed vfx portrait of a steampunk policeman stood on the streets of a steampunk city, 1900s photograph, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, alphonse mucha, J. G. Quintel, global illumination, detailed and intricate environment +a boy going to school, anime, stylized, hands free +Old abandoned carousel, hyperrealistic, vintage, glowing +astronauts playing golf on the moon +cinematic shot of a purplecar with oranges for wheels, bokeh, depth of field +abandoned decaying ancient elves city, dark mood +klingon warrior flexing on a balcony +fear, monster, candlelit seance ritual, you just need more faith , cryptid, trailcam at night image, subject centered in image, bokeh, taken with Polaroid SX-70 +a beautiful woman at the beach +a sports logo of a tiger with the text tigers +albert einstein as willy wonka, league of legends splash art, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +peppa pig in the style of tim burton +A cat with a pipe and headphones lying on a chair, 4k, 3d carton style +A samurai with a helmet made from a banana. Anime +A nerd with glasses holding a sign that says amk +Antique clock square icon sheet, modern, detailed, mixed media. render +Painting of ben stiler in skyrim by ted nasmith +psychedelic organic character as cyborg orchid in heavy wind and rain, diffuse lighting, fantasy, intricate, elegant, highly detailed, lifelike, photorealistic, digital painting, artstation, illustration, concept art, smooth, sharp focus, art by John Collier and Albert Aublet and Krenz Cushart and Artem Demura and Alphonse Mucha +Petite 16 year old blonde girl, wearing a cyan v-neck shirt, cat ears, piercing nordic eyes, gray athletic shorts, blonde teen wearing a cyan v-neck shirt, piercing nordic eyes, gray athletic shorts, cat-like face, eyeliner, summertime, hd, nostalgic, supermodel, tomboy, arched back +giraffe frolicking in a field of tulips in the moonlight, fireflies, starry sky +A super detailed white mecha, gundam, render, sci-fi, futuristic, unreal, unreal engine +beautiful lady holding a sign saying hello world +Foto de uma ruiva pálida peituda mostrando a buceta masturbando +pepe the frog in gta 5 artstyle +A bird with mechanical body parts. +Space scene of hundreds of blue and yellow spaceships flying in formation, Robert McCall, Chris Foss, Vincent Di Fate, trending on artstation, highly detailed oil painting, hyperrealistic, cinematic +, fantasy, absurdism, pastel, photo, refined, nails, +epic high fantasy castle in the realm of mist +A detective finding a clue in a toilet stall +a mountain traveller drinking in a bar, snowing outside +inematic concept art of dash wilder, cash wheeler, full-length portrait, full shot, short beard, very short blonde brown hair, crew very short haircut, highly detailed face, body type dadbod, chubby, wearing sleeveless dark blue tunic, holding a long lightning staff or lightning rod set on the ground, similar mortal kombat's raiden, stunning, lightning staff glowing with electricity, fantasy, lightning background, dnd character, art style by josh kirby, realisticvision13, cinematic mood, octane, lord of the rings, lightning theme +Angry t-rex with glittering red eyes +Slimy humanoid monster covered with a Hundred eyeballs small funny uncanny bald creepy gooey +a nun in a dark room with a metal tube in one hand surrounded by zombies on fire +anime girl wearing a business suit walking down the street +a chicken watching the earth explode from the moon +neon pastel, circus, freakshow, antique, abstract, wicked, distorted, glitch, VHS lo-fi, degraded, analog, terror, horror, mixed media, collage, gothic, 90s +a cute kitten sitting on a couch +a man with a hunt head, chainsaw in the hand in the top of a car +royal ancient indian princess , , perfect composition, beautiful detailed intricate insanely detailed octane render trending on artstation, 8 k artistic photography, photorealistic concept art, soft natural volumetric cinematic perfect light, chiaroscuro, award - winning photograph, masterpiece, oil on canvas, raphael, caravaggio, greg rutkowski, beeple, beksinski, giger +Tumblr girl Japanese big brests perfect body puss +a boy holding a sign that says “REAL” +a velociraptor and a MGb car in a room, smashing through hole in the wall and velociraptor ,sparks dust rubble splash ,studio lighting,white walls, headlights lit,wideangle photo,chrome mgb +immodest goth Asian African White mixed girl with snake around neck +hotty woman full body, highly detailed, uncovered +tracer from overwatch, blizzard art style +Photo of a beautiful young malayali woman in her office, casual dress, professional photography +reflection of the stars of the black night sky in the clear surface of the transparent water of the ocean to the sounds of eternity. water clear to the bottom +Little roman town, Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting +master yoda poster, league of legends splash art, vaporwave, in the style of gta 5 loading screen, by stephen bliss +artificial neural network, octan render, particles, majestic visualisation, motion design, murat pak style, trending on vimeo, pale violet colors on black background, scientific macro shot +A Eurasier dog sitting regally in a field of mushrooms, anime style +Tony Soprano wearing a pink bunny suit +A parrot with a pearl earring, vermeer style, 12K, high quality, HD, octane render +Avatar of a beatiful brazilian midle age woman with dark brown hair and a little sad almond eyes. +boy draped languidly on a floral couch. Photoshoot +vintage pan am travel poster of fuerteventura +A contestant in a 1990s beauty pageant. She’s upset because the judges have disqualified her for the bathing suit she wore. 35mm. Hi res. Photo real. +An Army of Dead Sharks eating Humans in a Mall +Bruce willis as a swamp creature, reptilian +film still, close up, taylor swift rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, big breas ts, film still from apocalypse now 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +Outer space is a verdant jungle +High precision European-style houses Rooftop photovoltaic panels Playful children 8k +sculptures, by kuksi.com, miniature worlds with a million details by Kris Kuksi, high detail, 3D artist, 3D bas-relief, high detail, ambient lighting, octane render, 8k, realism, material marble, gold inlay, Indian style +Prompt: portrait photo of a asia old warrior chief, tribal panther make up, blue on red, side profile, looking away, serious eyes, 50mm portrait photography, hard rim lighting photography–beta –ar 2:3 –beta –upbeta –upbeta +a cinematic photo of walking over water, ocean, photorealistic, highly detailed skin, depth of field ] +soul entering gates of heaven and hell +a boy walking down a forest in fall +Madonna as Lloth, demon queen of spiders +mr blobby riding noel edmonds lika a horse in dubai during a snow storm +fluffy anthropomorphic lynx with antlers wearing a tunic, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized +a violent boxing match between the personification of socialism and capitalism, digital art +Colosseum full of people during a gladiator contest, dark fantasy, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +A beautiful watercolor painting of an owl +Two Indian men being gay in pool +man smoking a pipe. The smoke from the pipe is forming equations and algebra +The Beatles on stage playing in Champ de Mars, in Paris, a drummer on stage, the eiffel tower background, extremely detailed +a tentacle woman villain. legs are tentacles. cartoon drawing. fully clothed +A beautiful sunset behind the rocky mountains and the Denver skyline +Busker wearing statue of liberty costume walking down rainy new york city street; wet reflections; intricate meticulously detailed digital matte painting; by Jeremy Mann, by Alejandro Burdisio, by Andree Wallin, by Cedric Peyravernay, speedpaint large brush strokes; Unreal engine 5, dynamic lighting; Complimentary colours, maximalist, unique composition, moody +A still life of a can of Monster Energy painted by Pablo Picasso featured on ArtStation +human schoolgirl with a childish face, realistic and beautiful blue eyes and red hair in a sofa with "no underware" with a dark background +Photo of a Super Nintendo console being carried by a turtle +Photograph of a red luxury handbag, commercial product photography, professional photography, award winning +A oil painting portrait of slave owner Muscle bald master pathological sadist severe Slaughter wear black uniform came to oppress and enslave, bloody background. Surrealism art by Ilya Repin +shiny polaroid photograph of Pina Bausch, iridescent colors +Cute small humanoid bat sitting in a movie theater eating popcorn watching a movie, unreal engine, cozy indoor lighting, artstation, detailed, digital painting, cinematic, character design by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyperrealistic, octane render +The pope sticking tongue out holding a sign that says hail Satan +2d character parts sprite sheet atlas of a skeleton pirate +A futuristic image of a woman and a robot working together over a desk, in the future office +1114083012-a ultradetailed beautiful panting of a fullmoon, night sky with lots of stars, landcsape and a man looking at the moon, by conrad roset, greg rutkowski +White robed Jesus battling a fire monster. Comic book style. +photo of a hedgehog wearing an astronaut suit +A logo for a computer vision lady developer +shaman from uganda painted by leonardo da vinci, full body ,holding magic wand, casting a spell +Weightlifter raises a horse above his head +logs leading up into the sky, floating log staircase into the sky, floating logs +intricate details, old dwarf hitting with mace, light, divine, priest, church, cave +a wideangle photo of armor on display in a smokey roman villa burning,Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics Tripod fire smoke, a photo, , , gearing up for battle, , harness, , roman, , mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, , wielding a spear, indoor, portcullis, speed, outstanding detail, ,in front of a building, +sci-fi room metal,fine details,computer screens,studio lighting, geometric artworks,volumetric light,sir john soane,metal pipes,floor grates,pilasters british museum +Guy Fieri and Will Smith eating finally eating a stick of margerine +Ukrainian cat looks like second world war pilot, flight helmet, wearing skin pilots cloth , resident evil comic style, highest detailed, 8k hd, marvel comic, dinamic pose,epic view, cinematic light +mix of a pig and a dog +a ginger cat looking out the window +Kurt Cobain wearing black rubber suit with clear face mask eating hot dog +fat, chubby, Italian nerd girl wearing no panties, riding an exquisitely detailed skateboard, doing full body star jump upside down, squirting, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +A cat with a shuriken in Akihabara +Priyanka Chopra, Grand Theft Auto V +a man flying above the sea +anime in desert, photography by bussiere rutkowski andreas roch by kim jung gi by george morikawa by kentaro miura railway tunnel of love, dragon blood tree, baobab tree, railway, by shunji dodo, 8 k resolution, high quality super mushroom kingdom mario kc32-v4-5000-1 , by Vincent van Gogh made from a trees , in the style of Julie Dillon and Thomas Kinkade Painting, watercolor, painting, hyper realistic, intricate detail , Edward Hopper , by shunji dodo, 8 k resolution, high quality +A Teddy Bear on a skateboard in Times Square +award winning national geographic photo of a horse standing, side view +the cross ofJesus is for you +A snowy hilltop in Italy impasto relief palette knife oil paint Thick luscious impasto paint very deep sculptural brush and palette knife marks +When your local bus driver is Batman +Two fish in a boxing match +vector icon mac oc, emoji style, chemist, albert einstein, +toy marbles shooting at pearls under a waterfall +a Brazilian woman on a deserted tropical island +three diffrent dog breeds olaying at the park +A visually captivating scene set outdoors on the savanna, where a man is feeling loved by being enveloped by gooey tentacles::1.5 ::2. Artful composition and striking contrasts highlight the metamorphosis against the backdrop of the expansive grasslands. Glossy textures, dripping goo, and the solo subject caught between human and panther::1, harmoniously blending with the wild surroundings. Award-winning wildlife photography, DSLR, transformation-focused, and aesthetically pleasing +lviv, a city street at night, a picture, by Zoltán Joó, world press photo awarded, blackout, no electricity, traversing a shadowy city, view from street angle, breathtaking, winter snow, kodak ektar 100, Pentax 645 +Snake Eyes from G.I. Joe,dark background,dark comics style +Staircase with impossible perspective, non euclidean +Card Magic the gathering style of tom whalen A Victorian man speaks into a tin-can-and-string telephone that a Victorian woman listens to while smiling'a painting of a maze with a castle a modern lock logo,a close up of a boa minimal design, blue monochrome color scheme, elegant and simple shapes, clean lines, geometric abstraction, negative space, subtle gradients, retro vibe, isolated white background in the background, progressive rock album cover, card game illustration, inside stylized border, searching for eternity, atlantis the lost empire, images on the sales website, green charts, discworld, dense metropolis, guide +a close up of buttocks of a beautiful woman +a blue bear and white dog +woman in old 80s anime style +A mouse riding on the head of an elephant, using reins to steer the giant creature, 8k +Boy, backsack, take your pick, duo, cuddling +Willy Wonka gives Charlie a turd +a fat fluffy cat is dancing on a wooden floor in a room, wearing a balett tutu, Catrin G Grosse, graceful, a colorized photo, kitsch movement, mid tone light, 1930 +the chi rho page of the Book of Kells +man, pecs, hairy, full body, looking at you from above, pov top, hairy, +Beautiful young woman sitting in a finnish sauna with sweat pearls running down over her body, only wearing a necklace, award winning photo +a data analyst passionate about creating outstanding +cosmic microwave background radiation screams an eternal shrieking dissonance. It resonates through all dimensions, felt in every spirit as desire. a seeking desperation that will never be satisfied. there is no consonance just more dissonance +a cat sitting in a weaved basket, photo +Detailed Ikea ad, messy Room, perfect Lighting and shadows +digital art, masterpiece, hyperrealism, Alice in Wonderland standing near large mushrooms with red caps covered in white spots, psychedelic environment +Anime girl wants to eat a sandwich +Superman with glasses writing code on laptop on the moon and hear music in headphone +preteen girls with "no underware" in a sofa with a childish faces touching each other, showing their tongue, they have red hair and beautiful defined eyes, with dark background like a photograph of Jock Sturges +guro paint of cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro paint art +splash art portrait of a licorice witch +a European mole digging with powerful forelimbs +A picture of Daibutsu in Broadway +a cartoon forest bear wearing only a hat and tie, no shirt, mad expression, portrait of anthropomorphic bear, simple cartoon, artstation, dribbble, full body +photo of a yowah opal pendant +photograph of business suit, ahegao face, +a happy boy grasping colorful balloons +Stan Lee as Doctor Strange, photograph +hand washing by Junji Ito, manga, bw, detailed, horror +globo terráqueo, rompecabeza, américa, asia, oceanía, europa,minecraft +Natural light, Rule of thirds, Warm colors, Ketchup bottle, fries, Stacked burger, lettuce, tomato, cheese, Charred grill marks, Focus on burger and toppings, Top-down angle, Simple wooden cutting board, Adjusted color balance, added vignette +Magic Armor, like a living character, a masterpiece, fabulous, wonderful, max quality, 4k detail, interesting background +a woman sitting in a chair, modern portrait photo. excellent +mosaic by Hilma af Klint, queen +luffy from one piece as a team fortress 2 mercenary +Gorgeous shot of a thief girl, 20 years old, clad in leathers in a dusty attic in the forgotten realms by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +Spider-Man in silver design armor, striking a dynamic action pose on a city street at night background. The composition is dramatic and extreme, with intricate details and realistic rendering, captured in a cinematicshot utilizing low angle and sophisticated lighting techniques. +Mechanical steampunk batman, fantasy, sharp focus, digital art, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +everyday life in a Viking village +epic fantasy illustration painting action scene, Regal refined realistic, Arzach Fantasy futuristic city, street view, flying spaceships, traffic, city lights, global illumination, highly detailed, extremely detailed, sci - fi, fantasy artwork, refined highly detailed, Jean Moebius Giraud michael cheval agali villeneuve boris vallejo Art Frahm Brothers Hildebrandt +four black lines on grey paper +closeup studio photo portrait of woman as a vibrant professional studio portrait photography, attractive, friendly, casual, delightful, intricate, gorgeous, nouveau, curated collection, annie leibovitz, nikon, award winning, breathtaking, groundbreaking, superb, outstanding, lensculture portrait awards, photoshopped, dramatic lighting, 8 k, hi res +photograph of a beautiful blonde woman with black man +monalisa but is a 1980's model, stunning photo, high-res, artstation | ascore: 6.5 +An image of Stalin smoking a joint with frank zappa +portrait of a man with a pumpkin as a head, oil pastels +A photo of colloseum made out of a cheeze +The sorceress, her brown skin is brown . Her green hair was a vibrant green, the same hue as the fresh leaves of the forest canopy above. As she moved, her movements melded seamlessly into the surroundings, almost as if she herself was a part of the forest. 1080p, 16k Resolution, High Quality Rendering, RTX Quality, Realistic, Life Like +Photo of a rugged 50yo cowboy sitting, open shirt, sun tanning, on the front porch +a photo of armor on display in a roman villa, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +a young girl riding a horse +Hero of a new world - 3D Realistic High Definition +a needle-felted palm tree in a clear wine bottle +Highly detailed portrait of a Demonic Pumpkin with Magma behind,Trending on Artstation, Elaborate Ink illustration, Dark reds and Golds, Surreal, SoyuzNAVI, Jeff Simpson Illustration +A digital painting of Lilith from Borderlands +A giant George H.W. Bush crushing Iraqi tanks under his feet +a gorgeous redhead female model illustration in Alfonse muccha style +breton monk looking like zappa in Maleficarum Arcana, XII century book on Witchcraft Mysteries +art by Alfons Mucha, whole body image of 20 year-old Carrie Fisher as a naturist Princess Leia Organa on Tatooine, HD 4K, sharp detail, photo-realistic accurate face and features, award winning photography, cinematic lighting +a ariel nomad in jungle river +An evil villain holding a sign that says "dog" +Sunflowers by Josef frank, William Morris +Professional photograph of young taylor swift with a healthy pig,highly detailed,beautiful face,masterpiece,natural lighting +a person standing on forest at night in style of greg rutkowski +Elon musk as a godly figure in the clouds, angel, god, insanely detailed, octane engine, god rays, ue5 render. +peter griffin from family guy in romantic lighting cartoon flat color +art by Alfons Mucha, art nouveau astrological tarot card motif, Jennifer Connelly as a naturist meditating in lotus position in front of the Taj Mahal, award winning photography +Highly detailed one person perfect mix of xbalanque from smite and ekko from league of legends forming a aser disc attack, futuristic subway in background, incredible artwork by adam kuzcek, chris rallis, craig j spearing, marek okon, darriel diano, alex horley, cyberpunk art, fantasy, masterpiece, hyper realistic, concept art, digital illustration, max detail, cinematic, extremely detailed, official art, best quality, hypermaximalist, octane render, 8k, 4k, trending on artstation, unreal engine, redshift render, deviantart contest winner, super-resolution, full body, arcane, valorant, vray +A transparent sculpture of a duck made out of glass. +biden handing xi jinping suitcase of money while nuclear bombs explode +wideangle panorama aerial photo a dinosaur next to a landrover defender in a muddy road in the jungle,obstacle course, by Anthony S Waters, renaissance, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +turkish president erdogan in the hell +Ratatouille in the middle of the desert +Fastest car vs the slowest speed of light +Girl with the pearl earring, devil horns +volcano's lava sculping a bitcoin logo +Maze's End: This legendary land card represents the eponymous maze from the Return to Ravnica block of Magic the Gathering. It can tap for colorless mana, but its primary purpose is to allow the player to win the game by having all 10 guildgates in play at once +A sign that says BOOK STORE +scott steiner, full length, white singlet, oil painting realistic, solo +A orange-furred cat laying down next to a standing black-and-white cat. +portrait of a banker in the 1900s +a pair of black stilettos with red soles +kate mara, close up, in a black sequin dress at the oscars, red carpet +Antique King's Hussars Picture of Westminster Abbey smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +a studio ghibli world, beautiful environment, a castle in the sky +bald Muscle guy Cannibal eat victim boy meat flesh, Cannibalismat prison. highly detailed guro art by Ilya Repin +an ancient chinese pyramid in the mountains with forest +Portrait Photo headshot closeup of a young beautiful gorgeous woman enchanting in her white blouse, stands poised on a cliff's edge. Blurred forest unfurls behind her, highlighting her allure and health. Skin free +a giraffe in the deep Congo jungle +Illustration by van Gogh of Walter White sitting on a sofa, knitting +two horses running in a field in the foggy day time +clear plastic dog , made of crystal,parts visible inside, Product shot, prototype, robotic, detail, clear parts, white background +beautiful mural of the young cyborg empress, piercing glowing robot eyes, elegant, royal ornamental gown, striking composition, highly detailed ornate sci fi background, mural in the style of sandro botticelli, caravaggio, albrecth durer, 8k +animatic keyframe of alien explorer in grassy savanna +hyperrealistic polaroid photograph, extremely detailed pale young woman whole body covered in fungus, fungi, slime mold, mushrooms growing out of her eyes, slime mold covering body, slime mold covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +Art Deco in Rebeca Saray style of Kobold of Fire, Abyssal Trench, Crisp, Dramatic, intricate and detailed, Low Contrast +Injured man laying on a tree +a Duck in the shape of a sphere +a kangaroo holding a sign that says "welcome friends", syndey opera background, orange hoodie, outside +Curious puppy: This image is a close-up shot of a cute puppy with big, bright eyes. The puppy's eyes are the focal point of the image, capturing its curiosity and playfulness. The image has a warm and inviting quality, making the viewer feel a sense of connection with the adorable puppy +Fuzzy Fusion quantum physics, scientific details, extravagant realism, HD, High Rez, Octane Render +Painting of African american female Suffragists ; not disfigured; not uglymarching in 1913 +A cat similar to tarte tatin. +a frog dancing on a discoteque with a 70s suit +teddy bear and a Morris Mini-Minor,big dancing teddy ,with metal hat +a photo of a frog looking at a newspaper with text 'toaday' written on it, and there is a frog printed on the newspaper, large text 'toaday +The smoke and who's still standing when it clears +a redheaded girl in armor is holding wings, in the style of contemporary realist portrait photography, barbizon school, realist detail, chiaroscuro portraitures, ivory, pre-raphaelitism, realistic painted still lifes +dead bird, 35mm film, poor quality, +anne frank as a french maid thick jewish girl +An old dusty refrigerator with Open door and beer cans inside +White sweet cat / black forehead/ black tail /cyberpunk, cinematic +You find yourself in a strange world in which everything is dirty and cramped. You are in the Plague Quarter - one of the most dangerous places in the Night City. As soon as you step outside, the smell of fuel and burning garbage hits you. Multi-colored billboards shine above you, and cybernetic gangs rush past you on their motorcycles and cars. Every corner can be a trap, every passerby can be a killer. Everything in this world is cruel, uncertain and unpredictable. +Banana swan, on a lake, in the rain +A recruiter with red hair complaining that he is busy while making a phone call with his feed on the desk +Norse god statues in dark chamber with serpent pillars +A monkey with leopard spots wearing a pink tutu. +pink monster truck jumping girl birthday card +charcoal drawing of a slimy horror on a beach +magical forest in the night, with a lot firefly, realistic, hd +A movie still of a French film during their golden-age of cinema +from above, office shot, black skirt, royal shoes, lying on bed, open legs +a man with a sinister smile plays two electric guitars at the same time, four arms, long black hair, suspenders over shirt. low angle. Japanese Shōnen manga illustration. +cute photo of sadie sink playing volleyball on a beach by annie leibovitz, absurdres +A person with blonde hair and a person with brown hair walking down the road +A beautiful gorgeous amazing cute young woman brown hair green hair clear skin. Wearing a yellow summer dress. Standing on a beach +stanley kubrick taking a salfie with charlie chaplin +Jennifer Aniston, c cup, toned upper body, defined abs, slender legs, crucified +Two donkeys talking on the phone. Taken with a 35 mm lens +film poster of the new movie called "it's actually raining spaghetti" +Realistic Black and white portrait of Emma Roberts triple D cup as a 19 year old , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +Marilyn Monroe wearing a shirt that reads Satan +the quiet desperation of late stage capitalism +Painting of cryptocrystalline quartz melted gemstones fairy flowers boho style +Portrait of a fairly tale princess, art by Gustav Klimt +A highly detailed landscape painting of an abandoned castle on the Scottish coast painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +a rogue man, dark fantasy style, 4k, hyperrealistic, realistic shadows, sharp details +A small bridge made of cheese, professional photography, product photo, miniature +a great space male commander, art style, with the face paainted with black and blue patterns +A black female DJ with a horse’s head and long flowing hair +a gray wolf with green eyes in the forest in the style of 3D Disney Pixar animation +ted dibiase jr, 35 years old, full shot, serious face, short hair, handsome, muscular, fantasy theme, medieval fantasy theme, wearing dark blue winter armor, leather pants, holding ice sword, realisticvision13, icy caves background, +close up photo of beautiful girl, mid-twenties, wearing a sportswear, she has bright blown eyes and long curly dark hair, staring directly into the camera, sharp, 3 point light background, studio, medium format, 8k detail +cyclist in motion in a magnificent landscape, fast shutter speed, photograph, digital render, digital illustration, photo realism, colorful +Produce a short, compelling slogan to help low-calorie, high-nutrient probiotic durian glutinous rice stand out in the market. +a woman heat pressing stacks of hundred dollar bills +un perro saltando en la playa +photo of a famous photographer of a man and a woman dancing with their eyes closed in pajamas to an old waltz in a room with mirrors and artificial lighting +an Hispanic woman using a leaf blower to clear her yard +a velociraptor and an MGb in the jungle river,one car,waterfall +Pope Francis has converted to Islam +A highly detailed landscape painting of Disneyland Castle painted by Drew Brophy, masterpiece, absurdres, highres, featured on ArtStation +wideangle fisheye photo of gold sculpture, in getty villa,panorama +Photo of a statue of a woman in greek armor, intricate details, bronze and emerald, gemstones, engraved, on a table +portrait of Tifa, by da vinci +little girl Claire Lightning Farron winter clothes by jasmin becket-griffith wlop and fantasy illustration, award winning, intricate detail realismn hdr portrait, illustration, rim light, top light, perfectly shaded, spring time, slight overcast lighting, soft painting, art by krenz cushart and wenjum lin +floating clothes that looks like someone is wearing it +a group of archaeologist in a ancient temple +wideangle panorama photo a triceratops chasmosaurine next to a landrover defender in a muddy road in the jungle,obstacle course, explosions smoke debris fire, by Anthony S Waters, fisheye lens, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +A dark skinned elf with blonde long messy hair and green eyes using denim shorts crouching in an european village +A-team gmc 1982 van, TV show, black, red, grey, red alloy wheels +Man From Futuristic hyper realistic colourful animated +Human girl eldritch warlock dnd realistic with dark short hair +, fantasy, absurdist, pastel, photo, Wes Anderson, bumblebee character, techwear +Bitcoin logo hanging on trees among the yellow leaves in the forest +pokimane, close up, in a tuxedo at the oscars red carpet +Dark blue wall livingroom with dusty pink curtains +a homeless person holding a melting clock, 8k, uhd, insanely detailed, Nikon D5, DLSR, real photo +Key art for the anime adaptation of the American sitcom "Friends" +png cutout of realistic dark fantasy sword handle +Cyborg cat. Professional photo taken with a Nikon D3500, ISO 100, f10.0, 1 200s, 50mm. +A Black man with dead locks wearing a bomber jacket standing in a train. Trippy photograph with a lot of motion +disney, swapgender, full body, a close up of a person wearing a necklace, wlop, a character portrait, inspired by Romano Vio, rococo, a handsome man, black short hair, discord profile picture, leyendecker style, full body dnd character portrait, john william waterhouse, thunderbirds, golden ratio, fake detail, trending pixiv fanbox, acrylic palette knife, style of makoto shinkai studio ghibli genshin impact james gilleard greg rutkowski chiho aoshima +star wars and lord of the rings crossover +masterpiece,best quality,extremely detailed, art, concept art, idol,an beautiful anime girl,solo,purple hair,dark purple eyes, long hair,one eye closed, smile, standing,looking at viewer, smiling at viewer,on stage, performing,performance, stage,show,concert, singer,super star,hair ornament, bow tie,boots,thighs, bare legs, bare thighs,idol clothing, japanese idol,tutu,tutu dress,flying sweatdrops,stage lights,spotlight,stage spot light, streaked hair, high light, top light,standing on stage,waving right hand, sweet,lightstick,white and pink clothing,vivid +mgb in a massive colorful space +Product shot of a amber boston round bottle, studio lighting +photo of a two velociraptors down a muddy road in the jungle, by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 ,landrover in the far distance +A cinematic photo of robot in the city of Hamburg holding a banner "Free AI" +cosmic butterfly on haunted misty mountain with mystical phantom hallucination, ( ( synthwave ) ), ( ( fractal waves ) ), bright neon colors, highly detailed, exquisite detail, smooth gradients, cinematic, tim white, roger dean, michael whelan, caza, bob eggleton, philippe druillet, vladimir kush, kubrick, alfred kelsner, vallejo +eletric hummer, 50mm, luxurious color, like a topaz precious stone paint in a modern eletric suv photography photorealistic, canon rebel r6 +purple smoke in the shape of the text "Gif Co" +A oil painting portrait of giant Muscle bald master pathological sadist severe Slaughter wear black uniform came to oppress and enslave, bloody backgorund. Surrealism art by Ilya Repin +a woman in a movie, concerned expression, portrait, detailed face, hair. +A photograph of a human being with the face of an anthropomorphic musk ox, wearing a long fur coat and a hat +Detailed Ink splash portrait of a Pitbull Dog: Alex maleev: Ashley Wood: Carne Griffiths: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +a nice phone case made of silicon gel and shows inspired person +art by Alfons Mucha, art nouveau tarot card motif, Jennifer Connelly as a naturist meditating in lotus position in front of the Taj Mahal, award winning photography +Photo portrait woman bokeh dining cafeteria restaurant background paris cake cup water wine fruits woman +A party of aliens in galactic penthouse +a green cactus with arms and legs wearing a red helmet and a yellow jacket. He would also have a water hose in one hand and a fire extinguisher in the other. He would be smiling and posing in front of a background of flames. It would be a fun and original illustration +Cyberpunk Batman and clothes less catwoman stood next to the futuristic batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +A woman made of semolina speacking in a megaphone, background a magnificient galaxy +retro dream dramatic professional photo of covered by lotus old hairy shaman screaming in a middle of forest , covered by lotus flower light dust, covered by water, photo by alex grey albi vintage, crisp +league of legends, humanoid octopus champion, premium skin, detailed champion art +Palm Tree in a Bottle, Whimsical, Adorable, Miniature, Handcrafted, Textured, Needle-Felted, Glass Blowing, Transparent, Organic, Artisanal, Suzy Ultman, Hine Mizushima, Samantha Cotterill +black crow standing on a bag of coffee beans +art by Alfons Mucha, copper-foil method stained glass motif, whole body image of 20 year-old Jennifer Aniston as a naturist meditating in the lotus position in Central Park NY, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a mantis with a VR set and golden boots, holding a Ouija with its frontal claws, over a inflatable floating on a small pool +cute Pixelated mouse staring into the camera, Pixelated RPG character, arcade game art, simple, high contrast pixel, on neutral background, by Beatrix Potter +young money, cyberpunk, super mario bros, tomb raider, hyundai, los angeles, blade runner, video game, kanye west, water bottle, playstation, pitcher, animal crossing, google pixel 7, minecraft, deez, roblox, neon, futuristic, fire, stay fly, chatgpt, cinematic, pompompurin, stable diffusion, times square, shibuya square, insane detail, big thick redbone, +A man and a woman playing holiday +the oldest book, bokeh, cinematic, closeup, dust, sunlight +a transparent creature with a body of light and a rainbow smile, can reflect and refract light, full frame, fine detail, high quality, good texture, cinemarender, fantasy, hyperrealism, photorealism +A bare-legged woman wearing a multicolored pannelled zentai sits on a plain beach towel +up close darkskin astronaut in a garden on a spring day, by martine johanna and simon stalenhag and chie yoshii and casey weldon and wlop : : ornate, dynamic, particulate, rich colors, intricate, elegant, highly detailed, harper's bazaar art, fashion magazine, smooth, sharp focus, 8 k, octane render +Abstract Movie poster, hushed woman, creepy man in the background, simple colors, +A toilet on a table, desert landscape +girl summoning a demon in a dark library +a sign that reads Happy sibling day +a watermelon statue of a dog, stock image +chubby jewish girl showing her creamy +Instagram influencer arthropod undergoing metamorphosis, molting Glamour +drawing of a teddy bear, dollpunk, plush doll, stitches, broken toys, plush mascot, patchwork doll, mascot, tattered, tattered clothing, stitched together, voodoo”, stuffed toy, voodoo, injured, damaged, toonix character, hopeless grey, doll phobia +A logo that represents Dedication and Web Development. Characteristics: "courageous, innovative, fast, loyal, trustworthy, dedicated" +Cute cartoon cat eating ramen wearing sunglasses +portrait photo of a beautiful woman, detailed, 8k uhd, dslr, high quality, film grain, Fujifilm XT3 +greek statue, from behind, woman twerking ,unclad, non-existent clothes, in the middle of street, new york +Gritty comic book art of Joker +Artists rendition of an abandoned stone statue of buddha, cracks, moss, vines, forest background, rendered in Unreal Engine +A cartoony fox holding a torch in the dark +Super mario aims a pistol directly at the camera, gritty artstyle, dark background +A cat piloting a small plane, oil painting, detailed +liminal space, twilight, maze of white walls, mist at the horizon, from the tpo of a mountain with gentle slopes +jessica alba, rainbow hair, professional photo +Beadoor portal to another world in wood, window to a magical world, owl bird, art style, Jim Warren, Vladimir Kush, Boris Vallejo and Julie Bellutiful woman wearing tight astronaut suit walking out of a glowing glass pod with alien passengers, sharp focus, intricate concept art, ambient lighting, 4k, artstation +A beautiful computer art of a abstract composition of geometric shapes in various colors, manga by Gustave Buchet, apocalyptic +Gritty comic book art of Eiffel tower +An image of a ufo in the desert, dynamic lighting, electrifying, synesthesia, ufo style +A pepe the frog but muslim hadji, in ramadan +A cactus playing An anthropomorphized muskox, wearing a long coat, and hiking through a dystopian hilly steppe +a minecraft screenshot, beautiful landscape, shaders, 4k, RTX ON +a woman sumerged in water inside a pill-shaped transparent tank +art deco statue of a dragon on a marble table, art deco statue made of brass, photorealistic, product shot +poster of pikachu as kim jong un in north korea, gears of war, Glamorous glitch art, glitchcore, no man's sky, pikachu +a person holding a huge coffee cup +I’m not on your wears, but I want to see your start. +Tim Shafiq, young boy, glasses, egyptian +A Portrait of Scarlett Johannson drinking wine, High Resolution, High Quality, Many Details, Real Life +Giant cat destroying Tokyo tower, action movie poster, by Jim burns, pieter claesz, 4K, 8k, digital art, artstation, cgstudio +perfect sensual suggestive evocative full body photo of clothless alicia vikander from the back showing off her slim body by annie leibovitz, absurdres +disney princess with giant furry arms wearing a princess dress +a giant woman holding a car +Professional photo of a Spanish home by the lake, plants, flowers, trees, glass windows, cozy, lights +screaming happy old male screaming shaman standing in road of forest covered in symmetrycal crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by andrews esao amorsolo +new Zealaned contury farm 1960s house with red roof +music art print synesthesia, music flower, music notation notes and clefs, flower +A closeup portrait of a jade Japanese Buddha statue, Kodachrome photo +fantasy art print, wildlife charcoal painting of a peaceful towering giant eagle bowing down respectfully to a small girl +Traditional library with floor-to-ceiling bookc3D digital caricature, pit bull dog, wearing jiu jitsu gi, black belt, in fighting stance, standing, full body, 4Kases +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Hieronymus Bosch +A portrait of a furry owl person wearing rogue clothing, holding a flaming sword made of fire, in front of a fantasy tavern, fantasy art, post processing, photorealistic. +A movie still from a horror film called Revenge of The Crazy Punk Nutter Crew +David Bowie, very complex closeup macro portrait +ancient mechanical golem looking look down trending on artstation deviantart Pinterest, highly detailed, photorealistic, futuristic, cyberpunk, blade runner, sci-fi art +A turnip wearing a tiny hat and monocle, sipping tea from a tiny cup, and reading newspaper +beautiful young colombian flight attendant of avianca on a plane +extremely 3 d render detailed intricate ornate metallic bone carved concept art of hooded necromancer in front of a lovecraft portal +van gogh of van gogh himself +concept art of vertical endless city tower trending on Artstation, by Daniel Dociu and Greg Rutkowski, cyberpunk, sci fi, futuristic, megastructure, skyscraper, high quality, ultra detailed, ultra realistic +blastoise in gears of war, call of duty +A old man standing on street with sing the sing text is 'Lol im scare " +Aertherpunk library :: isometric view :: highly detailed fantastical cinematic fantastical digital illustration by Hwanggyu Kim and Ismail Inceoglu :: isometric art :: high resolution :: 64 megapixels photorealism professional photography:: +The peripheral product of New York University Abu Dhabi is a mug with a picture of two middle-aged Chinese men +a van gogh painting of a rainbow owl +a Minotaur, but instead of a bull it's a horse. it's made out of transparent liquid slime. not quadruped, walking on 2 legs, standing upright like a human. +Easter bunny wearing a shirt that reads Happy Easter +A futuristic party, where everybody is having a good time. +black jaguar on a sci fi car +lush gardens encircling the Coliseum, integrating elements of classical Roman landscaping and exotic flora from various planets, complemented by advanced irrigation and climate control systems, in a tranquil, wide-angle view. +A cyberpunk robot samurai, onmyoji oni demon, mecha, machine parts, professional, masterpiece +strybk, Five franciscan people wearing purple religious clothes with their head covered surrounded by pink flowers and with an open purple arch above. They are standing next to each other and looking at the viewer's direction. Spiritual scenery, heavenly heavenly sunshine beams divine bright soft focus holy in the clouds, kids story book style, muted colors, watercolor style +a cartoon bubble travelling in the style of Paris Match +roman scifi corridor metal,studio lighting, volumetric light,sir john soane +human but replace its face with a dog, a chainsaw and a car +Wednesday Addams wearing a shirt that reads Happy Halloween +a billboard wall of art posters and framed portraits by various painters on a white wall in a museum, digital art +HD fast food logo, cafe, hare krishna, 3d, family, thali dish, holy event, healthy eating, minimalism, emoji style, realism, india, pastel colors +A tired business man sits lonely at the airport bar nursing his beer while he awaits his redeye flight home, detailed photo, dim lighting, studio lighting, 8K, bokeh effect +Sivas Kangal wearing snapback and golden chain on neck with dollar sign pendant +a beautiful woman showing her bare buttocks +cinematic action shot of a dark witch using spectacular magic to defeat her enemy, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +MGb car smashing through hole in the wall ,sparks dust rubble bricks ,studio lighting,white walls, mg logo +Kissa Sins, Tekken, Textless, sfw, brunette +A graphic t shirt print that has a black ladies face with the words 100% Bajan Sugar +a cat playing with a ball +A cute visla dog with white face +photo of one black crow in the middle of colorful birds +Dark art black pen illustration of leatherface +Website UI ux Mobile Phone Modern Yellow Green Nike Weave Shoe website +thin lines like a circulatory system and braided river, abstract art, black and white, harsh contrast +perfect sensual suggestive evocative photo of clothless alicia vikander from the back by annie leibovitz, absurdres +high quality watercolor and ink painting, en plein air, san francisco at sunset +a Patterdale terrier riding a toy car in the toy village +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model wearing hot barista, Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +a videographer in a busy place +studio ghibli style fluffy friendly anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +a teen girl in a poncho harvesting aquaponic plants on the top of skyscraper in a dystopian cyperpunk city, grim dark atmosphere, realistic digital painting by jack rikar +Photo of a Cardano logo in a well tailored suit getting a cup of coffee in a cafe in the morning +whole body image of 20 year-old Jennifer Aniston as a naturist in Central Park NY, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a man holding a sign that says “you should kiss ula“ +a velociraptor in a room and a MGb car smashing through hole in the wall and velociraptor ,sparks dust rubble dinosaur ,studio lighting,white walls, +art print of a cute fire elemental pokemon by league of legends. finally evolutionary stage +cgi, double-exposure, head decomposing, rippled paper, cinematic +sculptures dickens elderly mother candlelight worried hdr cropped ,Firmin Baes +An 1800s Royal Navy sailing frigate +an image of Bolivian soccer team winning the world cup, celebrating , cheerful expressions +Cute gorgeous european young woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +photo of an adorable asian little ballerina with twintails wearing white tights running on a beach, from behind, nikon D5 +Kittens in an Easter basket with tulips Dutch +Darth Vader shopping groceries in a Walmart +bruce Springsteen as a hotel maid, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +an empowering view of a cult leader Rose-ringed parakeet cyborg ironmaiden robot,wearing a noble robe,large view,a surrealist painting by aralan bean and Philippe Druillet,hiromu arakawa,volumetric lighting,detailed shadows +smurf smoking a joint among marijuana plants +A Photo of a Sea with Green-Blue Water, High Resolution, High Quality, Many Details, Realistic, Real Life +a gangsta forest bear wearing only a hat and tie, no shirt, mad, cartoon style illustration of anthropomorphic bear, simple cartoon, artstation, patrick brown, katsuhiro otomo, kan liu, mads berg, full body +of michal jordan against bruce lee The straight blast round kick in the air nba basketball ball soccer stadium serious fault damage sports tv +A portrait of cyberpunk inquisition: giant kinky Muscle bald hairless daddy severe Slaughter inquisitor covered in red fluid came to oppress and enslave. art by Ilya Repin +wideangle photo of a building karnak gold menger sponge ,door floor tiles +An illustration of a pikachu holding a sign up that says "I'm cute" +A man ...ing a lemon, concept art +spirits made from fire are dancing in a hungarian sheer at night +a photo of a austin mini in a teddybear shop +dvd screengrab, from 1982 dark fantasy film, walter white holding a sword, standing on top of the pope +Kurt Cobain and John Lennon in photo shot with Youri Lenquette in France in Studio +A bear holding a heart that says "I <3 You" +high heel shoe made of ice +A women's arm wearing a golden bracelet, while her arm is hanging down on the side of her and her cloth in the background +a logo of a gym with a lion and a barbell or plate +Text on the pages of an open book-fairy tales "Once upon a time..." +Dslr photo of a girl lying in bed +fantasy, pastel, absurdist, photo, Wes anderson, shrubbery characters +tiny cute adorable ginger tabby kitten studio light +A piece of bread with evil presence, bad, magic +Gritty comic book art of a dinosaur +Falling polish nuclear-atomic bomb into Moscow orthodox church, smashing it completly +Into the mouth of hell, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A hyperrealistic portrait photo of a gangsta metal band by helmut newton +A demonic red archangel emerging in the distance, front and center, evangelion, wings made of steel, fiery cataclysmic background with mountains, an army of demons behind it +a pizza monster attacking a city like godzilla painted by van gogh +michael jordan dunking against ayrton senna The straight blast round kick in the air nba basketball ball soccer stadium serious fault damage sports tv +casablanca morocco as a futuristic city in the star wars universe, hover cars in the street, glowing neon lights +digital art portrait of a beautiful woman, wormhole and constellations, sunrise sky, curly bob haircut, looking up, face blush and freckles, clouds, dreamy, pop surrealism, high quality, pastel colors, detailed, by loish van baarle, intricate +Skinny little preteen 8 year old girl, emma roberts, croptop and miniskirt, instagram, kindergarten classroom +woman, wear a hood, portrait, high detailed, white an red, high quality +mona lisa as a golden statue +an orange tabby cat, furry art, human like anatomy, DreamWorks style +erich weber casual breakfast pastoral safetyம outfy ,Jules Bastien-Lepage,movie still, portrait, closeup +skinny elf girl with white hair in a beautiful full length dress, 4k, highly detailed, 3d render, realism +a painting of a android saint covered in reliquial detailing, moebius and android jones, cyberpunk kabuki, baroque steampunk, heavy metal comic cover art, inspired by Otomo Katsuhiro, immortal engines, utopia, with robotic arms, chinese artist, Hieronymus Bosch +38 year old man, black hair, black stubble, olive skin, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +Megan Fox as an Elfin princess naturist in a magical mystic forest, HD 4k, sharp detail +the text BWAY in graffiti style, esports style logo, +SF movie, movie still of a futuristic fighter pilot, round helmet, life support system, surrounded by instruments, inside a spaceship cockpit cinematic, epic, volumetric light, intricate details +Tom Cruise, Audrey Hepburn at a busy restaurant in Rome +a dragon on top of a medieval castle tower +portrait of necromancer priest in obsidian robes with white ornaments, skulls, white smoke, concept art, style by anato finnstark +gundam astraea and optimus prime having fun together, sci-fi,super detailed, high resolution, transformers +anime illustration of fairy king oberon, blond hair, golden crown, elf ears +A majestic cat wearing a royal crown, digital art +michael jordan against bruce lee The straight blast round kick in the air nba basketball ball soccer stadium serious fault damage sports tv +The TARDIS flying through the time vortex +abundant cozy house with large windows in seclusion on the mountain among the pines +Bryan Cranston skateboarding at an Albuquerque skatepark +Black labradoodle with brown eyes, non-curly fur, oil painting realistic +An round spaceship in Star wars the clone wars series style, Doug Chiang concept art +photorealistic low angle close up horrific surreal long legged scary smiling man crouching down; cramped scary bedroom! by Keith Thompson; Junji Ito; Alberto Giacometti, H.R. Giger; Gerald Brom; dramatic lighting; apocalyptic; Patricia Piccinini; tridaic colour; unreal engine 5; CGSociety; deep depth of field; photorealistic horror; Wayne Barlowe; Joshua Hoffine; intricately detailed photorealism digital painting, horrorcore +Abstract Movie poster, sharknado, simple, basic, +Scared Man with head in a cage full of stinging bees, +a female knight on a horse, jousting with a lance +A handsome man with his sad German Shepard visiting the veterinarian +homeless joker in subway during a recession, gotham city +Mid-century wallpaper by Dorothy draper, seamless +A cyberpunk golden retriever is coding in 16:9 aspect ratio +film still, close up, ariana grande rising out of muddy vietnam river, face covered in mud, combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9, 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +a bow with the material made of caution tape +epic fantasy giant black bottomless crevice in the ground +video game detailed pixelart sprite of pirate ships, sea creatures, ocean plants +cinematic still 2020 of a grey alien touching with its long finger scared woman's face, by ridley scott +key frame still of a pigeon getting a cup of coffee in a cafe in the morning +the world tree, the eiffel tower made out of a giant tree +Gal gadot in Riley Reid body scene +baby yoda dressed in jiu jitsu gi, black belt, fantasy, anime, intricate, elegant, highly detailed, digital painting, arts station, concept art, matte, sharp focus, illustration, art by Artgerm and Miyazaki and Alphonse Mucha +Majestic dragon, perched atop a cliff overlooking a fiery landscape, with smoke and ash rising into the air, intense, detailed, scales, dynamic, epic +photo of a goblin killing people +Dimwitted big furry alien character, unicorn-horn +art by Alfons Mucha, whole body image of 20 year-old Taylor Schilling as Piper Chapman as a naturist in prison, HD 4k, sharp detail, photo-realistic accurate face and features +Bright orbital view of the erath from ISS +32k masterpiece absurd res, ultra HD cowboy shot Korean Divine goddess wearing miniskirt Skirt lift +A portrait of Walter White in the style of Avatar the Last Airbender +A man on a beach eating an orange +an African mermaid with a purple blue tail, braided hair +.photo realistic, ultra details, natural light a woman in a white top and white pants with a belt around her waist and a desert background with rocks third-person view from below, lots of fine detail, sci-fi movie style, photography, natural textures, natural light, natural blur, photorealism, cinematic rendering, ray tracing, highest quality, highest detail, Cinematic, Blur Effect, Long Exposure, 8K, Ultra-HD, Natural Lighting, Moody Lighting, Cinematic Lighting, hyper-realistic, vibrant, 8k, detailed, ultra detail, +hieronymus bosch the garden of earthly delights +a cute hamster is climbing the cage +warsaw Palace of culture and science +A risqué picture 🍈🍈, cinematic lighting vintage 1989 film grain low budget 📽️ outside on a cold morning +"Design an engaging and futuristic illustration that captures the essence of a Prompt Engineer's journey in the AI revolution. Include visual elements that represent interdisciplinary learning, empathy, creativity, problem-solving, and networking. Use a vibrant color palette to emphasize the dynamic and innovative nature of this new career path in technology." +Model eating a burger in town square +A sign that says "Test Text" +A sphere with a cowhide pattern +a dragon flying above a 19th century hungarian village painting. Very atmospheric, thunderstorm, raining, epic, beautiful lighting, enigmatic, detailed, beautiful blue and purple +a concept mock up design for a modern-looking classic watch +a large modern contemporary house in wood and concrete +A woman by Lois van Baarle +a boy walking down a forest +masterpiece, extremely intricate, photorealistic photo of a man, chiseled jaw +a beutiful succubi in anime style, white dress with red decorations, very attractive, sharp details +Painting of melted gemstones metal sculpture Giger style +a realistic, 4k, boy at the beach +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungles of india, england colonial catering logo, 3d logo, good for family, Tali dish, piety, realism, octane render, soft diffused light, +Lalique rococo quilling spell book fantasy style +High resolution 3D animation, Evangeline Lilly as Neytiri from Avatar as a blue-skinned Na’vi naturist in the Pandora jungle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a dramatic full body matte painting of a mischievous mountain gnome playing cello +Jason with a hockey mask as a groom at his own wedding +a golden statue of a korean girl in her birthday suit, 12 year old girl, petite +a duck standing in the rain, low angle. Japanese Shōnen manga illustration. +A skywriting plane writing SOON in sky +Jennifer Connelly as a naturist at a natural hotsprings, award winning photography +Octopus made out of shadows, League of Legends champion character art +portrait of a warrior in the 16th century +A colorful cake with the words "Happy Birthday" written on it with frosting. +, fantasy, pastel, absurdist, photo, vintage horror movie, lithography, riso +, fantasy, pastel, absurdist, photo, The shining, femme clown +Coloring page of a bicycle with a parrot flying above it in a farm with animals +Two cats playing chess on a tree +tarot card, the fool, man walking along cliffside carrying bag on stick over his shoulder +Beautiful attractive young nun with red mate texture lips make up +untitled mixed media, Illustration, Graphic Novel, Painting, Modern Art +caitlyn from league of legends wearing an all black skin tight latex, full-body portrait, greg rutkowski, zabrocki, karlkka, jayison devadas, trending on artstation, 8 k, ultra wide angle, zenith view, pincushion lens effect +photo of Lotus Esprit Turbo se, aliens looking at car +a detailed photo of a man and a woman in a movie scene. detailed, excellent light +Hero Trail Blazer Octane 5D 8K +Oprah Winfrey sleeping with another women +angry fire fighter climbing a ladder +A painting of a man with a beard and a hat on a beach with a surfboard. +surrealist portrait of an female character, poster, official art, fine art, award winning, trending on artstation, 4k resolution masterpiece ,extremely detailed, intricate, dramatic, vintage, surrealism, abstract art, in style of Joan Miro, oil painting, +A man discovers a roman era coin in the ground with a metaldetector +cyberpunk giant kinky muscle young Soldier inquisitor autopsy dead pregnant girl at morgue. art by Ilya Repin +The painting from Claude Monet "Impression, soleil levant" by Raoul Duffy +Sculpture of a goth emo woman wearing leather boots, ancient greece, authentic, breathtaking +A fish with a angry face +a man with a flower in his hair and a name on it that says valve on it and a picture of a man with a flower in his hair, by Salvador Dali +a dark alley in fantasy city +A portrait of giant Muscle bald boy severe Slaughter covered in red fluid came to oppress and enslave. art by Ilya Repin +an airbus consisting of an actual bus with wings +a young man with a broken heart, in the style of an old renaissance painting. +A nun sticking tongue out holding a sign that says Rock n Roll, rock on +a Soviet girl sitting in a chair in front of a soviet computer in the communal apartment, 8K, cinematic lighting, photographic, Eastman Kodak Color Negative film 5251 50T shot on panavision super ps . no arms +giant's fortress, made of ice, high fantasy, photorealistic +anthropomorphic mice living in a large tree trunk with doors, steps, windows, Victorian clothing & decor, watercolour and ink +Italian mafia hamster, in dark smokey room, smoking cigar, holding tommy gun +Anime, Pretty Woman in Green Dress, Sunset Horizon, Stares at the end of the world, trending on artstation, cinematic lighting, 8k, depth of field, highly detailed, vivid colors, bright lights, digital art, very coherent, cinematic, hyper realism, high detail, 8k, iridescent accents, black teal gold color scheme, trending +An astronaut with the LGBT flag on the moon +Spider-man eating a slice of pizza, chibi style, anime, Japanese,, +the most gorgeous woman, hard shredded abs, beautiful beyond human +photo of a angry small dinosaur next to landrover wheel down a muddy road in the jungle , wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , tire wheel ,scrapyard a car door in the mud buried +a dragon vinyl toy in a fighting pose +anthropomorphic voodoo doll character wearing balaclava mask and hip hop fashion. muted colors, light and shadow effects, detailed, intricate, clean and textures, trending on artstation, trending on cgsociety, award winning digital art, NFT, extremely detailed, 8 k, behance, trending on polycount +An image of the USS Enterprise from Star Trek above the earth +a wide angle photo of large gold orrery on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics fire smoke, a photo, gearing up for battle, roman , mace and shield, a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, plants overgrown outstanding detail ,in front of a building, +Atompunk astronaut in space. Ambient occlusion render, polycount, contest winner, fantasy art, glowing, abstract fractal automaton, mythical cosmic shrine. hyperrealism, a spaceship blasting through the sky, 8k, rococo cyber neon lighting, official fanart, behance hd, perfect symmetry. Fluid acrylic graceful gradients. +three difffrent dog breeds olaying at the park +a photograph of an attractive tattooed goth woman, bimbo style with implants +photo of Mike Wazowski as gangster, face tattoo, gold necklace, style Monsters Inc., +gold tip pyramid in the night, extremely detailed , rain, stars +cheshire cat tim burton wallpaper, top hat +3d family logo, vector logo, correct logo proportions, HD, Indian style, expensive logo +A fox wearing a fur trimmed winter coat, digital art +Your eyes are like two rainbows and a rainbow of eyes. I can't help but stare. +Wool figure of a mermaid, with red hair, on wool corals, product photo, colorful, perfect lighting +Logo Logo Logo Logo a shipwreck on the beach, a lot of rust and moss on the ship contrasting with the beautiful blue water of the ocean and the peace that the beauty of nature conveys. the big waves are magnificent action cam up close on the rainbow owl action cam up close on the rainbow owl letters made of clouds that says 'really soon' above beautiful ocean +Mystical forest with glowing mushrooms and a babbling brook close up on a male face +A cat sitting on a fence, low angle +20 year-old Barbara Eden as an Elfin princess naturist in a magical mystic forest, HD 4k, sharp detail +lich skeleton wizard in ragged robe, casting a fireball spell, dark ambiance, graveyard, concept art, serious cartoon, highly detailed, , +a romantic gay couple of burly muscular droids walking together in an autumn forest +seductress, atractive, stunning, zelda princess , sheer, by artgerm, from breath of the wild +Batman smirking. Old school cartoon style +modelshoot style, extremely detailed CG unity 8k wallpaper, full shot body photo of the most beautiful artwork in the world, medieval armor, professional majestic oil painting by Ed Blinkey, Atey Ghailan, Studio Ghibli, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art by midjourney and greg rutkowski +drawing of emmanuel macron in the style of Hergé +Architeuthis dux, giant squid, anatomically correct, +Hyper-realistic water king character design with flowing aquatic armor, intricate details +a fat orange cat with lasagna in its mouth +"beautiful demon peasant maiden with horns, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +A beautiful woman in Camel Pose Ustrasana in a room full of plants, photorealistic +White spider, young pale skinny white girl, white hair, spider and webs, webs intigrating into hair, full body, cover, choker, hyperdetailed painting, luminism, Bar lighting, complex, 4k resolution concept art portrait by Greg Rutkowski, Artgerm, WLOP, Alphonse Mucha, little fusion pojatti realistic goth, fractal isometrics details bioluminescens : a stunning realistic photograph 30 years +horns in the form of an old bicycle handlebar +A small human-like creature with wings, sitting on the shoulder of a business man in a black suit, realistic, highly detailed +profile picture of the archetypal British jock whose political posts outnumber his selfies. +A solitary figure standing in a vast alien landscape. +an abandoned post-apocalyptic city, an erupting volcano in the background, very cracked asphalt road, centered image, dramatic lighting, , digital painting, digital illustration, extreme detail, digital art, 4k, ultra hd,sharp focus,By Anna Dittmann,Ranix +film still, close up, ariana grande rising out of muddy vietnam river , face covered in mud, combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9, 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +traveling inside the event horizon of a black hole. +a digital robot helping an operator in a factory +a boy walking down a forest in fall, no cane, anime, stylized, +Taboo cosplay, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Masterpiece, best quality, Mystical wooden elf priestess in robe holding an sacred artifact and inquisitor knight fighting in castle garden with statues, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +a detailed photograph of a mandala shaped hot air balloon +Masterpiece, simple app icon, minimalist Favicon of a AI chatbot for a solar energy company, black background +An evil Cupid holding a crucifix +A monster that looks like a green orger which is eating a red haired boy +Elegant PERFECT chris hemsworth wearing a formal suit, grey hair, red necktie, cinematic, stunning, highly detailed, digital painting, artstation, hard focus, full body shot, illustration, art by artgerm and greg rutkowski and alphonse mucha +period pain, an asian woman age 30 with short hair +Close up photo of a detective showing his hands to the camera. +a huge mushroom with windows like a skyscraper. +A mixture of a ferrari and a Lamborghini +fantasy art print, hyperrealistic charcoal drawing of an peaceful giant eagle bowing to a human by Jin Xiaodi and daniel wilson +a burly ogre in translucent robes holding a longsword +**a portrait of a 3D cockroach, wearing a bitcoin shirt, in Hawaii, on the beach, hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +robot holding an umbrella in the rain, ink drawing +iPhone being used by an alien +reflection from astronaut visor of cosmos, spectacular, breathtaking, gorgeous, beautiful, very detailed, rim light, ultra-realistic, photorealistic, hyper detailed +a needle felted Link, needle felting art. +Hatsune Miku as usa president, posters, political propaganda, political poster +Mahindra thar, tribe members attacking, action scene, an epic fantasy, dramatic lighting, cinematic, establishing shot, extremely high detail, photorealistic, cinematic lighting, artstation, by christopher nolan, horizon forbidden west +Sunrise reflecting on a crystal ball +detailed watercolor illustration of a lone victorious samurai, high quality, cinematic lighting, sharp focus, +A Portrait of Emilia Clarke , High Resolution, High Quality, Many Details, Real Life +Battle at sundown, men fighting and dying, through thick smoke and dusty, bokeh, blurry, circa 1850 +Many furry cats with shiny webs between their paws and their body, flying over a fractal spiral covered with glittering jewels,background sunrise, ultra realistic, religious experience atmosphere, in orbital space, cinematic, Blender 3D, octane render, 4K UHD +a magic witch with blue hair is standing on a beach under a palm tree +Giants Gaming La pasión del club +portrait of happy old male shaman holding a box full of jewel covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by baade carrie ann andrews esao amorsolo +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Scott M Fischer +A couple on a first date +1970s alternate america, authoritarian president, official portrait, standing in front of stylized geometric world map , in a style of romantic realism, airbrush on silk +zombie on decomposition with flowers sprouting out of his body, in the style of tomasz alen kopera and fenghua zhong and peter mohrbacher, mystical colors, rim light, beautiful lighting, 8 k, stunning scene, raytracing, octane, trending on artstation +bonus art of roguish deuteragonist from a 2005-2006 webcomic +Birth of Venus sticking tongue out holding a sign that says Rock N Roll +a star trek ship flying through the night sky, concept art by Doug Drexler and John Eaves, trending on pinterest, reimagined by paramount entertainment, trending on pinterest, reimagined by paramount entertainment, extremely intricate, high res, 8k, award winning +App to download and watch movies on Windows +A photo of a toy fox terrier +Dave Grohl with no hair, Anime +a toddler palying with a toy +wood sign at the end of the road saying "lost" +Stevie Ray Vaughan funko pop, playing guitar, on a bar +tree of life, sun pillars, light leaks, ultra realistic, digital art, trending on artstation, overgrown, cinematic +a rainbow snake python head, 8k resolution, cinematic, hyper realism, 1 5 0 mm lens , +A woman making peace signs with both hands and smiling +Foto de uma gostosa chupando pau pinto oral porra, amadora +Brain override machine. Tubes connected to a woman's head +a coffee shop named "arrest me" +bare girls by swimming pool squeeze +photo of an orangutan riding a road bike on mountain road +Cthulu Cowboy in a chaotic wild western town. 8k resolution concept art. Huang Guangjian, Jean-Baptiste Monge, Ian Miller, Dynamic lighting. Hyperdetailed, intricately detailed. Trending on Artstation. Triadic colors Unreal Engine 5. Vray. Volumetric lighting. WLOP. Dynamic action oriented. Splash Art. +a cartoon illustration vector of two boys in shalwar kameez +Kawaii illustration of a unicorn using a typewriter +kyle chandler, full shot, short dirty blond hair, goatee, detailed face, wearing sleeveless beige kaftan, leather pants, muscular, 30 years old, background blacksmith shop desert, fantasy theme, medieval theme +an anime girl wearing a fur jacket, digital art, trending on artstation, by artgerm, by alpharose muncha +A photo of an old fashioned car, hdr, 8k +astronauts playing chess on the moon sitting drinking beer +, fantasy, pastel, absurdist, photo, refined, melted +ROUGH FIR PLANK WOOD PATTERN PAINTED TRAY WITH VELVET FABRIC +Students slapping teachers back as she walks by +sci-fi large sphere room with posters of rovercars ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel,strong foreground, +Illustration of a young man woh's losing his ideas. Ideas are falling from his head. +RAW photo of a red haired mermaids, beautiful blue eyes, epic pose, mermaids tail, ultra high res, 8k uhd, dslr, underwater, best quality, under the sea, marine plants, coral fish, a lot of yellow fish, bubbles , aquatic environment +Illustration of two men sitting at a table eating food and drinking wine, by Studio Ghibli +front elevation of neo gothic art deco skinny skyscraper, Chicago, pencil sketch +, fantasy, pastel, absurdist, photo, Wes anderson, cookie characters +a cartoon bubble travelling first seat in the style of Paris Match +detailed photo of elven girl in intricate robe +a close-up photo of Tom Cruise, photorealistic, highly detailed skin, depth of field +Portrait of a mysterious young man in a bar, 20 years,leather jacket, blond hair, stylish, neck tattoo, 50mm lens, soft light, piano, Music, guitar, band, notes pixar tyle +a realistic picture of a hamburger with gooey cheese and no top bun +a cartoon corn and a yam standing next to each other, concept art, by Pixar, cgsociety, tomatoes, winamp skin, artichoke, pixar and disney animation, live - action, laughing groom, fame, digital art cartoon, beef, smiling couple, round-cropped, photostock, that resembles a bull\'s +A bad hand drawn pencil cartoon drawing of a cute mixed breed dog. +iridescent tunnel, scales,tunnel flowers, blues, textured, intricate,highlights prisms, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger,bright center,lens flare,fireflies +Lamp in the shape of a laptop, the era of nanotechnology +found footage photo of a dark underground laboratory with letters "KCP" written on the wall +a woman with a shirt that has text that says "Here's a shirt" +A portrait of Disney Princess Anna, anime, beautiful and pretty, blonde long hair, symmetrical face, unreal engine,4k, realistic, fine details, photorealism, volumetric lighting, cinematic lighting, photo-realistic, post-processing, high definition, bokeh +a red box on top of a blue box +A mgb with 8 robot spider legs ,water sunset ,mg zt v8 +An apple made of marble at museum. +a zombie , photo by tim walker and petra collins +Kuchisake Onna wide gaping mouth horrifying sharp teeth +california community college classroom with students and professor +An organigram of a typical company +Star wars the clone wars series style +Person standing, white teen boy, slim body, wearing paper diaper, +A fantastical world of Gods and Celestials, flying islands, giant waterfalls, otherwordly, epic, soft lighting, digital painting +Beautiful asian woman, low cut blouse +Whimsical metropolis street skyline giant teapot buildings noodle bridges flying saucer taxis confetti rain playful extravaganza +fujifilm photo of a beautiful blonde european model at the beach with a sunsetting and an elegantly dressed crowd in the background +modern and geometric sans serif font a to z alphabet +Logo z dronem i napisem SZTUKA DRONOWANIA w fajnej czcionce +the interior of a medieval room, with furniture and medieval things, anime studio ghibli style, illustration +Digital art, futuristic cityscape, an enormous floating city that runs on renewable energy sources and features advanced modes of transportation, bustling and eco-friendly. +Empty mall, colorfull, liminal space, nostalgic, photorealistic +priest, blue robes, 68 year old man, national geographic, portrait, photo, photography –s 625 –q 2 –iw 3 +Fantasy, pastel, absurdist, photo, person made of cans +Alice Liddell's bedroom with magic tomes and dolls Whimsy style +a plus-sized male protagonist of a 90's anime. +HD fast food logo, catering, healthy eating, Hare Krishna, 3d, family, Tali, holy holi, minimalism, emoji style, realism, india, pastel colors +photorealistic image of Alizee with bangs hairstyle , denim jacket , walking down the street , photography light , photography shadows , realistic +woman walking on pantone water, lake with tranquil lotus flowers, studio ghibli style +Stygia, a frozen sea of icebergs and glaciers +cute teddy bear holding sign with text: 'hello scott', award winning, bokah, 50mm +Funko figure of Lionel Messi, , product photo +inside a modern white smooth stone cave, furniture, organic, smooth shading, desert, daylight, bright colors, hyper realistic, modern, surreal, lights, six n five, modern architecture, high detailed, octane render, behance +pic of old good looking man as a art picture +This is a photo of Walter White from Breaking Bad. The image shows a realistic depiction of the character with his hair, mustache and beard ablaze, surrounded by chaos. The flames are captured in vivid detail, illuminating the intense expression on his face. The background is blurred, adding to the sense of movement and action. The overall tone is intense and dramatic. +sci-fi anime girl + in the style of tanya shatseva, - animated illustrations, realistic depictions of human form, dmitri danish, feminine body, aluminum, charming characters, intelligent composition, Kitty pose + kawaiipunk, photo - inspired by artgerm, LED, Neon light, Sharp shadows, Ray Tracing shadows, Pink and Blue lights, Fiber optics, kawaiipunk, photo-realistic hyperbole, kawaii, Ray Tracing Global Illumination, Lumen, meme art, catcore , hyperrealistic, super detailed, dynamic pose + full body + angle low +The Undertaker throwing Jeb Bush off Hell In A Cell, plummeting 16ft through an announcer's table. +cute cat in a teacup, artistic art print, spashes of paint, strong vibrant colours, wet paint on canvas +sea animal toy in plush in natural colors, fleece +Portrait of beautiful pale warhammer 40000 goth maiden, dark fantasy, red light, digital illustration, intricate, highly detailed, smooth, artstation, painted by Wayne Barlowe and Greg Rutkowski and zdislav beksinski and Ruan Jia and Mandy Jurgens and Artgerm and william-adolphe bouguereau +a tv on top of a cat +Monkey D. Luffy from One Piece, DVD still from a live action dark fantasy film 1981 +Abraham Lincoln typing on a MacBook laptop next to a fireplace in a rustic log cabin +burning astronaut falling in jupiter's clouds, epic scene, by victo ngai, kilian eng vibrant colours, dynamic lighting, digital art, winning award masterpiece, fantastically beautiful, illustration, aesthetically inspired by beksinski and dan mumford +portrait of happy old male shaman holding a opened box full of jewel covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by baade carrie ann andrews esao amorsolo +Amazing Professional Photo of a parrot holding a green umbrella that is flying over a tropical rainforest in Brazil at dawn there are monkeys and toucans in the trees below, taken on a Nikon D850 +beautiful chinese woman in a white dress +clockwork tiger, glass skin, intricate, artistic, +Chang frick in public bathroom, toilet, wet floor +An photo of a 14 year old girl wearing almost nothing, playing with her boyfriend who's also wearing completely nothing +Red mate beautiful texture lips close up of young apealing attractive beautiful nun +, fantasy, evil, absurdist, photo, odd felt characters +Close Close-up on the beautifull texture lips of a beautiful appealing young alluring female teacher +Furry , fursona , fox , furry body , orange furry body, female , hourglass body , long loose brown hair , digital art , furry art , blue eyes , close up , attractive , portrait background, red background ,fox head , +very cute and adorable tiny creature sitting on the edge of an old english wall, ultra realistic, award winning photo, style of labyrinth, guillermo del toro, moody lighting, movie still, misty +Zodiac chart, 1960s, two tone, riso, old print +An old man holding a sign that says "pineapple" in comic sans font, standing on the moon with no space gear. +an image of Ronnie James Dio riding a Unicorn fantasy +Create an eerie image of a dark, stormy beach where the waves crash onto the shore, with lightning illuminating the ominous silhouette of Cthulhu looming menacingly in the background. In the foreground, a terrified My Little Pony is shown struggling hopelessly against the grasp of Cthulhu's tentacles as it prepares to devour its helpless prey. +'a necklace with an ice cream cone inside of it, vogue full color editorial photo, wolff olins, pink angry bubble, mcdonald, strong subsurface scattering, in style of anne stokes, by Weiwei, sony world photography awards, strength, surrealisme aesthetic, cd jacket, typographic, sweets +A sign that says "latent walk" +a candid upskirt of a woman at a shopping mall +a close up,by artist yves tanguy and katsuhiro otomo and james stokoe of the heavenly catholic demonic leader cyborg,glowing eyes,king crimson, large view,masterpiece +cute gothic chibi girl kewpie dark eyes, Stanley Artgerm and Tom Bagshaw +modern outdoor chinese buildinh with the exterior removed leaving only the interior, photorealistic render, +A graphic t shirt design that has a black ladies face with the words 100% Bajan Sugar +Lana del Rey, insanely detailed, photorealistic, 8k, , +immodest goth Asian African White mixed girl +a female sprinter crossing the finish line in a stadium +Masterpiece, best quality, two archers in a stone catacomb wearing dieselpunk armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag. The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +cute pastel pink hair dodge viper car drifting, with pastel pink trees background at light with trail lights the versailles palace garden landscape +art by apterus, front beautiful face voguls woman, as painted by greg rutkowski, highly detailed, leaking mascara, dark fantasy, night, cave, drops, dampness, dirt, dark room, rocks, splashes, painful, suffocating air, elegant, storm warning, dry leaves, creepy roots, wires, cobwebs, hopelessness, strong muscles, black slip dress +rendering of a robot riding a car in Mars +Old lady, professional color grading, soft shadows, no contrast, clean sharp focus, film photography +polar bear warrior wearing plate armour, digital art by paul nicklen and alicexz and monet +fantsy art print by Xiaodi Jin of a giant majestic dragon lion griffin hybrid next to a human. L. O. R. D., peaceful atmosphere, stunning beautiful, big kind eyes compostion +a fantasy forest, mushrooms, flowers, medieval, adventure, dnd, rpg, rustic, fantasy, hd digital art +giant canyon clouds below epic painting +A alien blue one eye skinny +blonde black highlights hair blue eye egirl +art by Alfons Mucha and Patrick Woodroffe, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +A scary bearded man in a dark room wearing sunglasses pointing towards the viewer. The man is wearing biker clothing and is handsome. +Still of an anthropomorphized ermine, holding a spear and standing on two legs. In style of Game of Thrones +a Patterdale terrier riding a toy car in the model village , +ambrotype halloween batman by artgerm, greg rutkowski, alphonse mucha +Cyberpunk, Cyborg mask, Ancient India style, fine details, si fi, silver on a black background, inlaid gems, Indian mehendi patterns on the case, diamonds, precious metal, baroque, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution, 8k detail, technological, rough black background, HD, Unreal Engine 5 +Fashion show in the world of Tron, by Alejandro Jodorowsky +Chasey lain, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Christian eriksen as seen by edward hopper +beautiful woman in a red dress, white pearls necklace, dramatic lighting, illustration, 4k, digital art, concept art +a horse standing on a desert, highly detailed, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain +A picture of a woman in a yoga outfit on a purple sandy beach with spacescape starlines, strange forbus type plants and benariel trees and Fog fumes near the backside of the woman +A risqué girl playing a violin 🫦🍈🍈 +photography by Milton H Greene and Bert Stern, photo portrait of Marylin Monroe as a naturist in the desert, HD 4K, sharp detail, photo-realistic accurate face and features, studio lighting +a vast wall of posters and landscapes by various painters on a white wall in a museum, digital art +A street sign that says Bozo +hamster wearing clothes, character portrait, environmental concept painting +Japanese School girl and a steampunk robot, anime style +A photo of an open palm, 5 fingers +a bear on chair, crowded car museum, intricate details, intricate details, hyperdetailed, cinematic, dark shot, muted colors, film grainy, soothing tones, muted colors, technicolor +a futuristic motorcycle designed by syd mead, hq, high res, unreal engine 5, ray tracing +a beatiful plush teddy bear is welcoming people to white green themed cafe +A dog on a rocket ship, he has a space suit and a helmet that says "CCCP" +1984 the movie poster dystopian retrofuturistic version +photo of a little girl mahou shoujo, realistic +Little Prince walking in the desert is tired and his heart broken and is thirsty +Colorful beach day in the style of quilling, orange and teal colors +A girl sitting in front of a computer and working hard. +a cup of coffee that has a portal to another dimension inside +A panda bear as a mad scientist, professional, masterpiece, epic +A sign that says "drugs for pussies", mythical mushroom +film still, close up, mila kunis rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, big breas ts, film still from 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +a West African mermaid, her tail is purple and blue, purple top, dark eyes, braided hair, underwater +stunning interpretation of a crowd of female anthro rabbit space explorer cartoon characters wearing various clothings, by Ilya kuvshinov, paul lehr, Juan gimenez, leyendecker, ross tran, extremely detailed, sharp focus, smooth, digital illustration, high contrast, 8 k, high detail, hyper realism, cinematic shot, masterpiece, 8K, +Photo of a woman holding a bottle +Disposable paper diaper, youth incontinence, teen boy +roman soldiers, in getty villa, polaroid photography by andrei tarkovsky +Newspaper style caricature of a cat hidden inside a big mess in a house +A planet orbiting around a neutron star, cinematic shot +upper body, beautiful pale demonic succubus with angelic wings with multiple eyes on them, cinematic lighting, intricate, elegant, highly detailed, digital painting, artstation, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha and Wayne Barlowe and william-adolphe bouguereau +deku from mha fighting zuko from avatar. +Forest, big pioneer bonfire, crowd around the fire, general plan, evening, watercolor, watercolor style +Beautiful Japanese girl in autumn, intricate, elegant, highly detailed, masterpiece, trending on artstation, digital art, look at viewer, beautiful detailed face, perfect eyes, perfect lips, perfect iris, 8K wallpaper, portrait, by Peter Coulso +Snow Landscape, High Resolution, High Quality, Many Details, Real Life +An image of the four elements in the nature with a boy dressed epic +fantasy art print, hyperrealistic wildlife acrylic painting by L.O.R.D. of an peaceful giantious towering eagle peacefully bowing down to a small girl +Forearm,Lunarpunk,passion fruit ,Duff, skull ,by artist Arseniy Chebynkin,by artist Sabbas Apterus, by artist Jay Anacleto, masterpiece, cinematic lighting, beautiful lighting, sharp, details, hype detailed, 4k, 8k, +Cyber,Robot, woman,beauty, confidence, charm, gaze, love, happiness. +steampunk clown prince of crime The Joker stood next to The Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +1950 colour small spiderman surf mansion architect drawing, miami drive, spiderman shape, artdeco, web, glass ring worm-tunnels, excentric, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and gaudi and nouvel and pritzker prize +Pearl Harbor attack through body camera +comic book panel in the style of PRIEST for Archie Comics. The panel should feature Archie, Betty, and Veronica in a dynamic pose that captures the essence of their personalities and relationships. PRIEST is known for their bold use of graphic lines and vivid color palettes to create abstracted human forms and faces, so be sure to incorporate these elements into your panel. Additionally, consider the tone and narrative of Archie Comics, and how your panel can fit into the larger story arc. Finally, think about the dynamic movement and action that PRIEST's artwork often portrays, and try to capture that energy in your panel. +A random seed grows into a random tree +The Police Concert in the eveing locatued at west pack satuim +Porsche 911 in tokyo country at dusk, race spoiler, cherry blossoms, lanterns + 35mm + cimematography + cinematography + 4k + ultra realistic +A Cute Black Kitten Wearing a little red cowboy hat, Professional Close Up Vintage Photograph, Hyper Detailed Fur, bokeh +A Chemical Barrel, Orange, with warning sign +Create a portrait of Anna Farris in the style of Bruce Timm , pink lycra bodysuit , bold lines , clean lines +photo of a goblin browsing 4chan +catwalk model, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Lego Walter White holding a sign that says "Let's Cook!" +Disney style, bear, round, with glasses, big eyes, cinematic, realistic, fast speed, lies, in a jacket, in Sunrise +cute gothic chibi girl kewpie dark eyes, +family logo, vector logo, correct logo proportions, 3d, HD, Indian style, expensive logo +A text made of chocolate that reads Hello +Dimwitted big furry alien character, single horn +extremely obese man riding a racing bicycle +portrait of a girl from cyberpunk india, side close-up, detailed face, spotlight, cyberpunk city, multicolored, bright, octane rendering, kathakali +Explosive, neon smoke, night lights, psychedelic white teen model ballerina in tiny bra, fast cars, breakdancing, upside down, splits, octane render, 8K HD +by Peter Kamp, Erza Scarlet , Artgerm, 8k resolution concept art, WLOP, Photo Taken with Nikon D750, hyperdetailed matte painting, Trending on CGSociety, Studio Lighting, 35mm photography, Very Beautiful +translucent ice with scratches on it, 4k +Masterpiece, best quality, majestic dark necromancer queen in jungle catacomb wearing hide and chain armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +sugar cane fields,a beautiful landscape of Reunion Island +Generate a swordsman in a powerful stance, gripping his sword with a fierce expression that exudes dominance and awe. The swordsman should resemble the mythical creature Wind Suicune from the Pokémon universe, radiating an air of mystery and strength. The swordsman's armor should reflect the style of medieval Europe, with intricate engravings and a sleek design that accentuates his muscular physique. The environment surrounding the swordsman should be a dark and foreboding forest, with twisted trees and ominous shadows that obscure the path ahead. The sun's rays barely pierce the dense canopy, casting a soft glow that illuminates the swordsman's determined expression. The swordsman should stand poised to face any danger that may emerge from the shadows, ready to defend himself with his razor-sharp blade. The chosen artistic style for this piece should be a blend of realism and fantasy, with intricate details and bold colors that bring the image to life. The medium used should be digital art, allowing for the creation of intricate patterns and textures that would be impossible to achieve with traditional methods. The resulting image should be both captivating and unforgettable, leaving a lasting impression on those who view it. An artist who depicts similar techniques and styles is the talented illustrator and concept artist, Fenghua Zhong. His artwork features a perfect blend of realism and fantasy, with a strong emphasis on intricate details and bold colors. His work is sure to inspire and captivate anyone who views it, and his unique style would be a perfect fit for bringing this swordsman to life. +color photograph of a young blonde woman with homeless beggars,high quality,beautiful woman, +antman and the wasp exploring a mayan temple +attractive young blond man, slight stubble, very fit, without any garments, on a purple couch +a blazingly bright white calk cliff causeway splitting two vast oceans to the horizon, drone perspective, barren, no vegetation +Painting of a beautiful peasant woman at sunset +portrait of a redhaired girl with blue eyes +A man holding a sign that says SDXL SOON +a shadow of a man standing in the dark, Chinese transitional +Being vaccinated does NOT mean you can get chicken soup. Well, okay, we can. But only when we can. Especially fed by an armadillo. +, fantasy, pastel, absurdist, photo, weird felt doll characters +A very detailed painting of modern London scenery from the parliament hill, in the style of David Roberts' The siege and destruction of Jerusalem +gaming logo, flat logo, vector, white background, hd, simple, symbol, +who let the dogs out, 90s hip hop album cover, new york city +whole body image of Suki Waterhouse as a cosmic naturist in the mountains +terrifying giant mechanical crab, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style +dahlia in the style of monet +top view of a dungeon map, old D&D style +a silver filigree glowing calice under a golden maple tree filling from a stream of melted gold +Kawaii low poly character, 3d isometric render, white background, ambient occlusion, unity engine, square image +ill-tempered, mean, middle-aged grimy poor medieval englishman peasant, low class, blushed cheeks, rats in his coat high quality digital painting +painting of a hybrid rat man, rat face, anthropomorphic ninja rat, extremely detailed CG, 8k wallpaper, full shot body photo of a rat that looks like a man, rat face, splinter, brown and grey fur, elder man, professional majestic oil painting by Ed Blinkey, Atey Ghailan, by Jeremy Mann, Greg Manchess, dramatic, photorealistic painting +Squirting explosion, Japanese bimbo wearing tiny lace panties and bra, riding skateboard, doing full body star jump upside down, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +A man in a gorilla suit is taking a nap on a beach +A 3D render of a peacock-themed teapot with a futuristic and sleek design, in a sci-fi setting, neon lighting, shiny and metallic, minimalist, by Syd Mead and H.R. Giger, cyberpunk, industrial design +An image of a cat on top of trump head +steampunk clown prince of crime Joker, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +A dog holding a sign that says "no me importa" +A centaur which is a mythical creature,half human,half horse, +Blue empty sky suspended in 7 large circles, 6 metal, 1 jade material, a long red ribbon through 5 metal and 1 jade circle, where the jade circle through the 2 times,CG scene +A post-apocalyptic, steampunk-inspired illustration depicting a futuristic wild west. Inspired by the movie Mad Max Fury Road +HQ portrait of Sadie Sink waving her hand at the camera, DSLR, by Annie Leibovitz, +photo of a pizza with bacon and sausage and salami +A seemingly weak red-haired knight fight to save the princess, his girlfriend. +a 3D blender render of fried chicken +, fantasy, pastel, absurdist, photo, Wes anderson, shark character +a silhouette dressed with a shroud wearing a golden mask, by jean delville and sophie anderson and mandy jurgens, composition, elegant, not cropped, extremely detailed, hd, masterpiece, artstation +the german flag waving in the wind +Chocolate box with dark and white chocolate vulva patterns in shape of vulva, glitters +photo of an old foggy village street with an overhead yellow wooden entrance sign saying "TONKERVILLE" in big text +an abstract representation of an orange lizard as a single line with feet and eyes, a mascot for a tropical island +Pikachu commiting tax fraud, paperwork, exhausted, cute, really cute, cozy, by steve hanks, by lisa yuskavage, by serov valentin, by tarkovsky, 8 k render, detailed, cute cartoon style +realistic professional photography of a whale on a bed inside a bedroom, 8k +Albert Einstein running from zombies , still from The Walking Dead +A galactic eldritch squid towering above the planet Earth, stars, galaxies and nebulas in the background, photorealistic, 8k +Faceless Man, Human Skin Slenderman, , +An image of a suisse berger blanc dog +a cat driving a car. 35mm. Realistic. +A marble statue of Fred Flintstone +Mickey Mouse as a tank engine +Genere una imagen de una mujer latina adulta de 20 años paseando a su perro Shih Tzu por la calle +A picture of Walter White eating a hamburger +Photo of monkey wearing a cloth face mask +poster movie top gun a group of people sitting around a wooden table, gas masks, 2019 trending photo, inspired by Zlatyu Boyadzhiev, two young men, standing in a server room, russian national guard, trending on artforum, full dress uniform, photo of a classroom, training, smoke, gen z, h 9 6 0, iso 16 +Pirate wearing a wet pirate costume, background with pirate ships, 8k resolution photorealistic masterpiece, concept art intricately detailed, professional color grading, soft shadows, no contrast, clean sharp focus, film photography +a panting of an indiana corn field with a single red barn during sunset in the style of Jose Basso +,Beautiful girl by night, neons lights, extreme bokeh +Close-up of beautiful woman, pink hair +a doughnut made out of wool +A photo of an open hand +Intricate oil painting bouquet of dripping white roses and red roses, inkblot art by android jones, robert oxley, jean baptiste monge, richard anderson, alberto seveso, gouache detailed painting, WPAP art; paint drips; trending on behance; dynamic lighting; selective colour; CGSociety; elegant; serene; spectacular; ethereal; magical; breath-taking, dripping blood +Flemming James bond Casino Royale psychedelic +illustration of a man smoking, matte painting, by atey ghailan +man playing drums in amazonas jungle +an image of a mad roman bishop inside iron maiden,cyborg, cyberpunk style,king crimson,by shusei nagaoka and simone martini and josé clemente orozco +Villa architecture inspired by the designs of Antonio Gaudí, ln forest , from distance, epic composition, cinematic lighting,ultra photorealistic,Octane render, +Full body portrait of walter white, holding a sign that says "TEKKEN" +Capybara victory against dead goats on hill +Fursona furry fox , female , beautiful , attractive , furry body , fox body colours , smiling ,digital art , showing off , masterpiece , by foxovh , hourglass body , furry art style , furry , anthro , long loose brown hair locks , furry yiff , fox head +a surrealist painting of a mad roman bishop piloting an iron maiden robot, cyberpunk style,warrior,by antoni tàpies and Yves Tanguy,simone martini and josé clemente orozco +preteen girls with no underware in the the bedroom with dark background, with dark defined eyes like a photograph of "Sally Man" +A beautiful curvy faery in a magical forest, sparkles, volumetrics, ray tracing, Unreal Engine 5, Octane Render, Vray +An image of a cat on top of Trump head +A device from the movie saw +abstract film noir of a man in a fedora talking in a phone booth, 1940s LA, film noir, 1940s film noir, rich blacks, film grain, 16mm film, panchromatic movie film +pitch black midnight sky, giant ice penetentes, a six wheeled space robot, ice desert, jupiter at the horizon +35mm film still of a beautiful Japanese young woman battlemage standing on top of water, wearing water armor and wielding a katana, overcast, cloudy, dark sky from Lord of the Rings, detailed, cute face, masterpiece, best quality, 8k, hires +A realistic selfie photo of Moses while he splits the red sea as part of the Exodus, highly detailed, beautiful, +An enormous anglerfish stalking a tiny submarine, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +A chubby Greek man with facial hair, standing outside a construction site. +Neanderthal holding a plasma globe Tesla +A winter full of regret: An art piece depicting the feeling of regret in a winter setting, with a focus on snow and frozen landscapes +photo of two muscle guys bald Slaughter punish abducted and degraded Boy at cyberpunk prison toilet. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +Transport yourself to a whimsical forest straight out of a Ghibli film, where a young man with a baseball cap stands in awe of the magical surroundings. The sun's rays filter through the leaves, casting dappled light on the lush greenery and illuminating the misty atmosphere. The young man's sense of wonder is palpable, inviting you to join him on his enchanting adventure +breton monk looking like fat zappa, photo +a golden crown out of a meal of skeletons, made of marble, michelangelo,sharp focus,high contrast dynamic lighting, horror fantasy,detailed CG unity,3d blender,nikon D850 +wet kevin owens, wearing white singlet, raining +shrek in the taliban, swag, drip, shrek +An Astronaut sleeping in the nebula, +beautiful oil painting, PORTRAIT of StevieNicks blonde curly hair with bangs as monsterHigh, blythe, bratz goth girl, high resolution, detailed HQ fine polished, trending on artstation, Loish, Ilya Kuvshinov +human schoolgirl and her friends in a school room with "no underware" with a childish face and childish body, with dark background +ronaldinho playing guitar brazilian songs while shooting to the score surrounded by mexican mariachis +anime illustration of fairy king oberon, hypnotic +A cute illustration of Pikachu making Espresso +fashion photograph, film camera kodak, lady walking in new york city +a close up of a clock on the dashboard of a car, max rive, unsplash contest winning photo, as an air balloon, flowing curves, wide panoramic shot, embrace the superego, by Michael Sutfin, supermarionation, on edge, new zeeland, futuristic suzuki, tripod, blog photo, roads among fields, 2019 trending photo +Black and white portrait of futuristic mad professional photographer with camera covered by mushrooms in toilets surrounded by kangaroos +A pop star performing on a stage in space, bright color, cinematic shot +pitaya cake, stunning photo, high-res, ad campaign, neo-dada photo +man with red shirt, eating blue apple +a beautiful stunning fantasy whimsical matte digital illustration of a hot - air balloon race over a city at night by marc simonetti, pastel color palette, disney steampunk, chiaroscuro magical bokeh moon stars, trending on artstation hq, masterpiece +Nautilus submarine, narwhal shaped, crew, stormy sky, dry dock, steampunk, by Jules Vern +Tsutomu Nihei megabuildings, retro, tokyo, japan, blade runner, ghost in the shell +Skull wearing a white hat! Psychedelic style! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: Oil splash: Oil stained: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +Sunset reflecting on a crystal ball with the words "hello!" on it +green ogre louging on beach chair +interior photo of a wolf cat and tiger dog sitting next to each other +beautiful pin-up starlett, retro future, 8k, hdr, illustration +masterpice, digital art, cute girl, succubus, holding sword, cyborg, warhammer, pale skin, goth, artstation, art by John William Waterhouse, artgerm, ilya kuvshinov, gustav klimt +sculptures, by kuksi.com, miniature worlds with a million details by Kris Kuksi, high detail, 3D artist, 3D bas-relief, high detail, ambient lighting, octane render, 8k, realism, material marble, precious metal inlay, Indian style, statues of gods, religious attributes, mysticism, fractal scenes from people's lives +a female medieval killer, laying on bed, royal bedroom, come hither motion, best quality, dramatic light, night +1991 exotic custom toyota 1991 mr2 +a cute guy with his laptop on midnight, start +monogatari shinobu sitting on pumpkin in an autumn forest +1960 colour small batman surf mansion architect drawing, big sur, bat shape,cliffs and waves, nest, batsign, excentric, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and gaudi and nouvel and pritzker prize +A monkey playing for Juventus in a Champions league match against Barcelona +fantasy, pastel, absurdist, photo, yolk rune caster +Synesthesia, musical notes flying away from a music flower, charcoal hyperrealistic colourful art print by robert longo +young bearded guy siting at a desk and working on his laptop +The Joker holding a sign written "aladdin" on it +a hamster sitting at a computer working, wearing a shirt +Jon Jones playing as wide receiver in the nfl +an abandoned rusted and moldy tesla in a forest +An toodler listening to the saddest song in the world. +band performing in stadium with stage with band shot on canon 200d with 55-250mm +scary background dark creepy horror themed image, realistic +a colorful crayon drawing of a eagle flying across the sky, in the style of pont-aven school, rainbowcore +mdjrny-v4 style portrait of male academic duelist with blue skin, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, 8k +In a futuristic setting, a highly advanced room with neon lighting +A painting of a grassland plain with mountains the background. +Old Man, tired eyes, Scars on his face, by Zou Zhe +A miniature nebula in a glass tank, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +full body, male elf fighter, turquoise heavy armor yellow trims, annoyed expression, crossed arms, clean background +A group of dinosaurs on the moon +kyle chandler, short dirty blond hair, goatee, detailed face, wearing sleeveless beige kaftan, leather pants, muscular, 30 years old, background blacksmith shop desert, fantasy theme +fancay old cottage mansion inside with kitchen +, fantasy, pastel, absurdist, photo, bird characters +, fantasy, pastel, absurdist, photo, refined, wormhole +a woman in a red dress who travels the world capturing the beauty of the world +a whimsical and fantastical illustration of a pizza food truck attached to a colorful hot air balloon floating in the clouds, with a cheerful pizza chef tossing pizzas down to excited people below. The style is inspired by Hayao Miyazaki's Studio Ghibli films, featuring bright colors, intricate details, and imaginative elements like flying fish or talking animals. Rendered using digital painting techniques in Photoshop, this image captures both the playful spirit of street food culture and the magic of soaring through the skies. +In the rainy panoramic window,rain streams on the glass,Only silhouettes and outlines are visible outside the window,realism photos searchlights, night, I see a plane at the airport.Heavy rain on the glass Raindrops and jets on the glass +A highly realistic and detailed portrait of a Jedi Master, hand drawn in a realistic stylized style, using photorealistic lighting and materials, powered by Unreal Engine 4 +Pete Townshend, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +a photo of a beautiful woman in a medieval armor holding a sword in one hand and a sword in the other hand +two kids playing soccer in a field +The first robot cults have sprung up across the country. Eagerly awaiting the singularity, they celebrate progress and technology. +a teddy bear winning an oscar +Logo showing a tree with rounded leaves in different shades of orange with a brown trunk and the text PePcon in the same colours, all vectorised +"save the date" card with bride and groom getting married in vineyard +19th century vintage children's book illustration of a cherry made of roses, in the style of alice in wonderland, amongst a field of flowers +Mermaid fairies underwater swimming in a sandcastle +two hands typing on a computer keyboard +, fantasy, pastel, absurdist, photo, tiny coffin matchbox +Abraham Lincoln in the style of Max Headroom, futurism +eighteen year-old girl, short blonde hair with pink tips, sky-blue eyes, white crop top, short pink cotton trousers, canon ae-1, 50 mm, photograph, fine-art photography, soft lighting, 4K UHD, masterpiece, best quality, detailed, detailed eyes, detailed hair +bonfire on a beach under a rainbow +this image is just tickling my brain in hilarious ways +Photo of a woman in the style of legend of korra +Window glass of a high-rise building seen from the front +photo of a school teacher, standing on the porch, smiling for a portrait +an ultra detailed portrait of an anatomical human heart, steampunk, red smoke, tubes +a noon with a steel pipe surrounded by flame zombies +A hyper-detailed complex 3d render of a cute cyborg kitten made out of metal, Its body is covered with various types of succulent plants, glowing cinematic, detailed wire, vibrant details, unreal engine, octane render, cinematic shot, flawless detail, award-winning, expertly crafted, meticulously composed photography, creative, 8k, rim light, dynamic lighting +drake lifting large weights with extreme muscles, cinematic, studio lighting, extreme detail, hot, magazine photograph +a red heart-shaped cake, with small hearts in the shape of roses, food photography +A steampunk frog surfing in a forest +oil on canvas plague doctor walking on amsterdam a kimono painted by egon schiele, austrian expressionism +hyperrealistic abandoned car in forest, vintage, glowing +Elon Musk colonizing Mars with an army of ironic Doge meme dogs and cats driving Teslas. +thin lines like a braiding river, abstract art, black and white, harsh contrast +Small temple in Yangshuo, steep forested hill, mist hanging in the air, early morning light, by Zhao Xiaochun, Avetetsuya Studios, Alexandra Fomina artstation +vintage travel poster, club la santa lanzarote +a 2d anithropomorphic pig man, cartoon style, octane renderer +Gal gadot as wonder woman, hdr, cinematic, 35mm +Giant humanoid caterpillar, anthropomorphic, photo by Annie leibovitz +A Brittany dog with a bird +Secret agents wearing funny purple hats catching a goose, explosions on background, photorealistic +A young 18-year-old princess named Elenore, wearing a green magic cloak and crown, is walking through a glowing portal. The scene is captured from a dynamic angle and resembles a moment from the "Howl's Moving Castle" movie. He is wearing pants and there are close-up moments of divine characters by artists such as Thomas Blackshear, Artem Demura, Sargent Leyendecker, Jodhpurs Danila Bagrov, Alphonse Mucha, and Yoji Shinkawa. There are also Tom digital paintings and concept art illustrations on Artstation +Artists rendition of Ganesha riding a peacock +Cowborg, a full body bull cyborg standing up-right in human-pose, dark theme, realistic 3d render +Alien sticking tongue out holding a sign that says Rock n Roll, rock on +friendly family logo, family logo, vector logo real logo mom dad and baby together, correct proportions of the logo, HD, indian style, expensive logo +holly taylor, close up photo at a gala event, canon eos 5d 80mm f4.5 +10 candles arranged in a circle, a heap of gold coins lays inside +copper foil method stained glass motif, art by Alfons Mucha and Patrick Woodroffe, 20 year-old beautiful Kate Bush as a naturist sorceress, throwing a fireball, HD 4K, sharp detail, photo-realistic, accurate anatomy +big fat white bunney hiding easter eggs while chuckling +An alluring secretary in a smoky club, attractive cute female secretary gone wild, shapely, revealed, visible, peaking, hint, suggestive, legs, fit, cute, taut, slender +steampunk tinkerer working in his workshop in an anime style +asian private detective discovers an extraterrestrial +closeup Portrait of a Botswanan Boy, Snowy light, Pink colors, highly detailed, realistic, photographic, realism, 4k +Beautiful portrait of a man in a hazmat suit, bokeh, cinematic, colorful, depth of field +A screenshot of Minecraft, snowy forest +, fantasy, pastel, absurdist, photo, refined! Buff +Unholy death knight wielding greatsword slayer in hell bloody +Sol Ring: This artifact card is one of the most powerful and iconic cards in Magic the Gathering. It costs 1 mana to cast and produces 2 colorless mana, making it a staple in many decks'a couple of soldier that are standing in front of a building, exterior of scifi temple, promotional movie poster, pamukkale, celestial collision, dwarves, epic buildings in the center, climax, tombs, selenar, cinimatic, tuba, by Cui Bai, eternals +friendly wizard, cartoon character, full body, sinple, white background +Japanese garden at wildlife river and mountain range, highly detailed, photorealistic painting, sharp focus, dramatic, sunset, hearthstone,photo +8k uhd photograph of an opal gemstone engagement ring +Marilyn Monroe wearing a shirt that reads LSD +woman, wearing a hood, portrait, highly detailed, white and red, hidden blade, digital painting, artstation, concept art, sharp focus, illustration, cinematic lighting, art by artgerm and greg rutkowski and alphonse mucha +8k uhd photograph of a masterpiece dichroic glass sculpture on a pedestal in an art museum +Cinematographic-2024 french citycar prototype, restomod, pininfarina, secret project, preview render, unreal engine, prototype, twingo etech, 35mm hasselblad photograph bokeh +This Person Does not Exist Fails +, fantasy, pastel, absurdist, photo, bird people, textile +Jesus hugging a boy, animated, stylized, +a cute hamster is eating sunflower seeds +Masterpiece, best quality, sand demons battle in an apocalyptic desert, wearing hide armor, The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +photograph of dio brando walking out of church +A boy sitting on hardwood floors playing with toys, pixar +luxury penthouse, large living room, open concept, at night, modern, minimal, opulent, luxury, modern cottage wood, glass, shiny glass, dark aesthetic, dark mood, trending on pinterest,wood, steel, marble details, polish ebony floor, piano, beside view,details in shiny black, modern fireplace, shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray +A portrait photography of the mona lisa with emotive eyes. Hyper Realistic +an empowering view of the heavenly demonic buddha in a ironmaiden robot,wearing a noble robe,a surrealist painting by aralan bean and Neil Blevins and H.R. Giger,volumetric lighting,detailed shadows +Photo of a interior with Benjamin Moore Chantilly lace colored walls and wooden tung and groove ceilings +Photorealistic image of Sans in Russia, covered in snow, with a hat on +The main character with the same face, outside on the street of The InterContinental Hong Kong hotel, highly detailed, photo-detailed, photorealistic, excellent composition, wide coverage of the character and location, RAW, +Majestic lioness portrait, capturing her powerful presence and beauty, set against a natural backdrop, detailed fur and expressive eyes +A mysterious sphere hovers over a radar station in Newfoundland +an elephant using it's trunk to water plants in a garden +high resolution digital illustration, a black cat with yellow eyes walking through New York City while looking at his smartphone +lovecratian monster with 4 eyes, emerging from misty sea +Photo from cental park beauty contest +girl with blue fire powers, long black hair, blue glowing eyes, white hoodie, burning houses on the background, by Ilya Kuvshinov, Loish, Etam Cru, Jamie Hewlett, 4KUHD, Masterpiece, Raytracing, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, high quality +Anime girl in a flowing gothic dress, madquerade mask, lace, cat necklace, cat ears, anime illustration, extremely intricate, high res, 8k, award winning +man holding up a sign that says "i love dogs" +burning water inside of a bottle +full length portrait of hermoine from harry potter by greg rutkowski, highly detailed, portrait, scifi, digital painting, artstation, concept art, smooth, sharp focc +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Leonid Afremov +a slim 8yo Japanese girl ballet dancing, stocking, full body, from behind, nikon d5 +Photograph of Cristiano Ronaldo, cool lighting, black tint, 4k, raining +male wetland elf with a swimmer's physique +A digital painting an anthromorphic dragon wearing a medieval fantasy armor, trending on artstation, digital art +a schizophrenic white man cosplaying as a chinese man +A purple cat with purple fur and a cute black top-hat. cyan blue background +a wild fluffy cat in the woods on a tree stump, his grandmother was a Lynx-Cat, but the rest of the Family comes from wild house cat, his name is Jimmy and hes a good guy with fluffy white fur and clear emerald eyes. I'll try to make the scene much realistic as possible, especially the fur was challenging. Anyways my submission is a realistic cat forest scene. Hope u like it even with its natural realism atmosphere. If he win, he will get an extra portion treats +an aerial view of a boat in the water, a portrait, by Filip Hodas, unsplash contest winner, old pirate ship, 4k vertical wallpaper, beaching, rust nongraphic, flatlay, 4 0 9 6, bottom angle, intense battle, artistic 4 k, aenami alena, bird view, displayed, 4 k vertical wallpaper AnimeScreenCap an image of a hallway in a building, a detailed matte painting, inspired by Maciej Kuciara, brutalism, amazing cinematography, youtube video screenshot, hyperrealistic Illustration Geometric, minimal caricature +artistic art print, Easter bunny with eggs, photorealistic drawing charcoal, splashes of colours +a super cute and adorable portrait of a cute sloth with super cute and big eyes, Pixar character, beautiful warm lighting, octane render, cute +john wesley shipp the flash, oil painting, lycra +Sonic was announced for LEGO Dimensions +pink sea monster with a grey drill tusk in the middle of the head +Walter White teaching Jesus how to cook meth at church +Veterinary clinic, isometric view, medium shot, digital concept art, digital illustration, cute +Design sketch of a futuristic sports car, purple and gold colours +beautiful girl with big wild wavy fluid blue hair ; Intricately detailed liquid gouache painting of a squid with many tentacles and waves by Jordan Grimer and Ismail Inceoglu, fantastical watercolor calligraphy by WLOP, Dave White, Awwchang and Teagan White, splash art by Disney +make charles hoskinson with a crack pipe, beaded eyes, glasses, balding +a person in a boat is floating in the ocean with flowers and stars, in the style of anime, photo-realistic techniques, enchanting lighting, animated gifs, festive atmosphere, gorecore, light emerald and yellow, light emerald and red +A girl in the style of studio triggers anime waving happily +Dracula toothbrushing, award-winning photography, intimate and vulnerable lighting, 80mm photography, Cinematic, Sharp, Hasselblad, Dramatic Lighting, Depth of field, Soft color palette, Incredibly high detailed, Lightroom gallery +Toy figure of Lionel Messi, product photo +cute isometric room of college dorm, cutaway box, made with blender +A man burning with fire emerges from a stormy sea +man sitting on the side of the pool +black and white, dungeon map in OSR style +abducted by the king of the elves, opulent, luxurious, hedonistic, labyrinth, by Yoann Lossel +beautiful Italian beach scene painted by Rembrandt and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +Buddha sticking tongue out wearing sunglasses holding a sign that says Famous +Richard Nixon wearing a plugsuit standing in front of Unit 01 from Evangelion +Cinematographic christic-Archbishops pasolini mitre camorra Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +A happy family on a rollercoaster as the sun sets, selfie, dangerous +Megan Fox as a naturist, HD 4k, sharp detail +videogame sprites, top-down isometric 2D indie game style +A breathtakingly realistic digital painting of a medieval city by Andreas Rocha, featuring intricate details, atmospheric perspective and soft lighting, trending on Artstation. +A girl having fun with a boy. +a tesla that is made out of wood +funny angry birds, photo, octane render +Watercolor painting of a spider, white background +Cyber ninja from metal gear solid, in a dark room with realistic view of his suit and smoke coming out of the cracks in his suit +Visually appealing male animalistic civilized demon +**a portrait of a surfer on a turtle surfing a wave over the blue ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +A cat wearing star-shaped sunglasses. Studio photography, studio lighting, award winning champion +Cursed Image of a Road Sign +portrait of a male goblin, D&D, fantasy, intricate, elegant highly detailed digital painting, artstation hq, concept art, sharp focus, illustration +photo of beautiful redhead woman irish +, fantasy, pastel, absurdist, photo, Wes Anderson, mouse characters, laughing +panda, unreal engine, rtx, raytracing, photorealistic, highly detailed, majestic, dynamic lighting, intricate detail +Girl with the pearl earring third eye +Futuristic, white, sterile, carbon capturing device +david letterman as a vampire with fangs, oil painting, Frederick Church +president Xi dancing with puttin high quality +Painting of quantum foam sculpture Hubble style +colorful epic space opera style art, masterpiece, best quality, masterpiece,best quality,cinematic lighting, star wars cosplayer kpop idol posing for a fashion photo, full body portrait, legs, heels, tall, full body, gloves, armor, armlet, decoration, intricate detail, latex bodysuit, background is sci-fi otherworldly landscape, art by Thierry Mugler, art by trending artstation, greg rutkowski +a water color portrait of young curly blond handsome man wearing black leather jacket sitting floor +the beatles playing in Champ de Mars in Paris +A mature anime girl playing vollyball +full body shot of a beautiful young stylish couple Nike ad by frank frazetta drew struzan +intimidating villain with smoke coming out of their ears watching a smartphone +crystal fairy flowers with a starry night sky fantasy style +milky way on a clear night, with a forest as backdrop +, A 14 year old girl, wearing almost nothing, hand in between legs, turned on +Magnificent body shot of a sun elf girl, 20 years old, holding bow and arrow toward the camera, background is jungle with waterfall, Photo-realistic, intricate details, bokeh +Man and Woman, busy restaurant, art by Mark Arian, art by Anders Zorn, art by David Mack +realistic portrait beautiful detailed matte painting of cinematic movie scene of a zombie soldier, tentacles, horror, created by gustave dore and greg rutkowski, high detailed, smooth draw, synthwave neon retro, intricate, realistic proportions, dramatic lighting, trending on artstation. +Kurt Cobain and John Lennon filming +Anime girl wearing t-shirt that says "KoRo" +digital painting of Sun Wukong vs a panda by Feng Zhu and Gustave Doré +a cute halfling woman riding a friendly fuzzy spider while on an adventure, dnd, ttrpg, fantasy +a photo of two couples playing beachball +a wide angle photo of prism crystal on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, , indoor, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +Bristol skyline, professional photography, golden hour, sharp focus, 64 megapixels +Ellie from "the last of us" game, swimming with transparent clothes in a lake with transparent water +amateur photograph of a blonde woman with black boy +adorned in intricate pastel-colored fashion from a fantasy Renaissance era, yet with a futuristic Star Trek twist vfx 8k. With sharp focus, capture the idea of the universe as the body, and showcase the highly detailed and ornate clothing design. Create a mesmerizing concept art illustration that explores the concept of the universe as a conscious being. , 8k uhd, dslr, soft lighting, high quality, film grain +character portrait drawing of a male fighter, a boxer with bandaged hands, D&D, penciled outlines +Photo of whole families on Woodstock festival 1969 +an arrangement of flowers following a river, sunlit, golden hour, sunshine rays +Sonic and SEGA All-Stars Racing DS +a beautiful caucasian sorceress pouring water into an ornate bath +a snow plow selling rapping penguin +interior home photo of a white wolf with tiger stripes +Pokimane,Imane Anys, with a black man +Photograph of downtown San Francisco getting nuked for World War. +Buddha sticking tongue out holding a sign that says Rock n Roll, rock on +Nathan Drake with a water gun in a city. +nigel farage laughing, league of legends splash art, vaporwave sunglasses, symmetrical, by yoichi hatakenaka, masamune shirow, josan gonzales and dan mumford, ayami kojima, takato yamamoto, barclay shaw, karol bak, yukito kishiro +Composition thumbnails, concept art, there is an island +Funko figure of Lionel Messi, product photo +insanely detailed lifelike portrait, grogu, extremely intricate, high res, 8k, award winning +portrait of hot guy muscle bald rapist at mexican prison. wear raunch underpants, highly detailed face. art by Ilya Repin +A cute pluppy group if parrota on a tree branch smiling happy, best wallpaper +Portrait of a Cyborg with Translucent blue skull, full armor +Saddam Hussein holding a sign that says "I was good" +A Screenshot from Rocket Raccoon 2: Rocket's Furry, a JRPG for the Playstation 2 released in 2005, the screenshot shows rocket raccoon about to unleash his limit break +a logo for "backghup", a backup tool for computer code +creepy brutalist castle with red windows on a hill covered with red grass and moody sky +young woman with big teased 80's hair +bouquet of spring flowers, glass blown sculpture +Artwork of a furry anthropomorphic dog wearing sunglasses, photorealistic. +a profesional photo of a woman wearing wedges standing next to a chocolate cake on the ground +Painting of close up of cryptocrystalline quartz melted gemstones biomorphic rose papercut style +A neon sign that says “Knowbl” +preteen girls with no underware kissing her vulva each other in the the bedroom with dark background +Bitcoin with big bicepts attached, sunset, blue ocean, clear blue skies, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +Alone alone alone, masterpiece Polaroid 1995 close up beautiful suicide emo irish girl GOTH pixie cut well endowed 🍈🍈👙🫦🍆💦, Instagram filter HDR vignette film grain bokeh +A portrait of cyberpunk inquisition: giant kinky Muscle older Slaughter inquisitor covered in red fluid. art by Ilya Repin +Professional 8k Bokeh photography with many colors of a Chinatown, people are seen walking, flowers, Hyper detailed, blur +fuzzy purple monster ransacking my pantry +Portrait of tom cruise as Joker, dc comics, dark, intricate, highly detailed, smooth, artstation, digital illustration by Wayne Barlowe and Zdislav Beksinski +a whole body portrait of a brown haired girl with glasses, pants, and a green jacket, surrounded by blue magic lightnings overlays, as illustrated in Top Cow Comics, D&D style, sharp focus, by artgerm, Greg Rutkowski and Dan Mumford. +giant woman standing on a city +a portrait of superman dressed as spiderman +A sign that says "philo is a weird" +Fearsome Orc Portrait, Frightening, Fangs, Cinematic lighting, Volumetric lighting, Epic composition, Photorealism, Bokeh blur, Very high detail, Sony Alpha α7, ISO1900, Character design, Unreal Engine, Octane render, HDR, Subsurface scattering *Midjourney* +zentai woman with whole head tightly covered by zentai body +a strawberry, pixel art, pixel, texture +A worn Homer Simpson statue on a tropical beach, steam punk +scary dark horror goosebumps, picture of a bedroom, graphic art, 4k ultra +flat vector logo of deer head, minimal graphic, by Sagi Haviv +Brandlogo with drone and writing SZTUKA DRONOWANIA w fajnej czcionce +A highly detailed portrait of a gijinka Amanita Muscaria Mage painted by Blizzard Concept Artists featured on ArtStation +A minotaur walking though a labyrinth +lamborghini veneno, golden color, 8k, photography on sony alpha a7 iii, realistic, extremly detailed, cinematic light, low light, dark +Wendy’s logo sticking tongue out wearing glasses holding a sign that says Rock N Roll +RAW photo of beautiful woman anatomy, masterpiece, perfect lighting, perfect face, eye contact, green eyes, studio photo, on couch, perfect lighting, beautiful lighting, smooth lighting , presenting, navel, swimwear +Painting in the style of starry night +A bodybuilder training hard with weights in the gym +Close on a futuristic pirate ship in a snowy bay at sunset, hyperdetailed, by donato giancola, anders zorn, moebius, stael, zabrocki, cinematic lighting, raking light, wet, high-contrast, reflections, saturated +A black woman pilot of a plane looking down to the field from cabin +Being vaccinated does NOT mean you can travel through time and multiple realities. Fortunately you're still the same good-hearted grade schooler you were before you walked out of that basement with two items in your hand. One was the ability to restore the Dragon Balls, and the other was the recipe for the world’s best green bean casserole. +photo of a hybrid wolf and white tiger +extreme realistic, epic details, photorealistic, epic horror, epic gore, guro style, guts and intestines on the floor, house of gore, extreme trauma, cannibalism, impalements +the thick snow covered swiss town , the sky is starry , the aurora , the colorful light , the light illuminates the town +highly detailed close-up of brain as industrial zone, sci-fi, HQ, 4K, UHD, High quality +view at 45 degree angle of a landscape orientated wooden frame mockup featuring a completely blank canvas hanging on a white plaster wall +Full body photo of a beautiful white woman, detailed face +a chinese man hugging an african woman +, fantasy, pastel, absurdist, photo, refined, time warp +preteen girls with "no underware" in a sofa with a childish faces touching each other, they have red hair and beautiful eyes, with dark background like a photograph of Jock Sturges +, most reastic fursuit , Furry, fursona , fox , furry artstyle, furry body ,female , digital art , most attractive, blue eyes , long loose red hair locks , juice 🍑,hourglass , 🍈🍈, body , ,beautiful, prespective, view from above , on bed , +woman with short black hair, ryuko matoi,kill la kill, waterpaint, insanely detailed +fruit vulva Bosnian folklore vampire vulva woman, photo +Stone statue of a crab on the beach, super detailed +Kitchen counter window bench cozy realism warm morning +photorealistic image of Jenna Ortega, a 20-year-old actress with bangs hairstyle realistic ,The image should show her facing the camera, with a neutral expression on her face. Please ensure that the image is high-resolution and shows accurate details such as facial features, hair texture, and skin tone , image taken by photographer +cat astronaut, in space, psychedelic, cosmic +all of the text ever written integrated into a model of higher order patterns. +psychedelic smoke, explosion, fire twirling, backlit, hilarious petite American wild skate girl, wearing ballerina lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +neo from the matrix mountain climbing +a pale evil prince wielding a luminescent teal greatsword +Barack Obama portrait, inside starry night +, fantasy, pastel, absurdist, photo, refined, bird character +the cunning bunny character. 3d model, bunny character, type of collectible toy, Bored Ape nft collection, style pop mart toys,kaws toys +A Chinese couple is listening to music attentively in front of a pair of loudspeakers, Pencil Sketch +ancla de barco con alas de pajaro +Morgan Freeman with a birthday hat +dslr photo of a parrot in the jungle, dull colors +A whale on top of a sofa, in a room, realistic photography, professional photography +wideangle panorama aerial photo a triceratops next to a landrover defender in a muddy road in the jungle,obstacle course, explosions smoke debris fire, by Anthony S Waters, fisheye lens, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +tree growing out of intricte cosmic tree box, higly detailed, artistic +A woman pilot of a plane looking down to the field from cabin +A traditional Japanese woodblock print of Pennywise the Clown +young Lee Young Ae, dressed as a 19th century hungarian peasant woman with two black hair braids, in 19th century a hungarian village, oil canvas portrait by Waterhouse, Munkácsy, Waterhouse, István Csók, Ferenczy, Rutkowski, Marc Simonetti, John Everett Millais. very atmospheric, natural light, melancholic, smiling, pastel +very dark dungeon with blue and pink side lighting, spooky magic +Tessa Violet. punk genre, Vintage Poster Art, ships, skulls exploding into paint burst! Oil splash!! Oil stained!!, Show poster, Explosion of paint and magic, Perfectly centered, By Junji Ito, intricate hyperdetailed fluid gouache illustration by Aaron Horkey, Ismail Inceoglu, Jean Baptiste Mongue, James Jean, Erin Hanson, Dan Mumford +Pictures of US presidents in polygonal style +tarzan and jane by daniel gerhartz and rebecca guay and Julie Bell. high detail, dynamic lighting, Vivid bright colors, technicolor, masterpiece, 4k. +a fantasy forest, mushrooms, night, water, flowers, medieval, adventure, dnd, rpg, rustic, fantasy, hd digital art +a full body photo of a smiling 19 year old redhead wearing a crop top and a miniskirt +insanely detailed portrait,female model, insane face details, extremely detailed hair,dof, dslr extremely intricate, high res, 8k, award winning photography +photo portrait of 20 year-old Barbara Eden with ash blonde hair and thin eyebrows +a sign with "i hope u good" written on it +hot boy Being Eaten Alive By hot guy at torture chamber. highly detailed art by Ilya Repin. highly detailed face. Surrealism art by Ilya Repin +A full-body portrait of a woman with long black hair, Asian, 20s +The rise of the grotesque Dragon Queen, photorealism, cosmic horror, Lovecraftian, intricate details, octane render, unreal engine by Tomasz Alen Kopera and Joel Santos, artgerm, a masterpiece +Painting of a old town center with cobbled street at night, wet pavement, stormy night, anime style +Antique, warm hues, dark haired, massive, fat legs spread, portly male Priest, little pecker, in frilly white lace tutu, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A man with increadibly big head, hyperrealistic +sculptural compositions, by kuksi.com, miniature world with a million details by Kris Kuksi, miniature detailing, 3D artist, 3D bas-relief, high detail, ambient lighting, octane render, 8k +V-Bucks, High Resolution, High Quality, Many Details +hello kitty god emperor of mankind from warhammer 40k, league of legends splash art +Woman in clown costume playing with children +, fantasy, absurdism, pastel, photo, refined, Deconstructed +girl wearing yellow t-shirt eating ice cream on a roller coaster +Lens Flare, Colored Pencil in Jovana Rikalo, Cyril Rolando, Raphael Lacoste style Long Shot of Astral Nexus, Epic, Ethereal, intricate and detailed, Monochrome +dark fantasy mansion, on night, classical architecture, realistic shadows, highly detailed +an anthropomorphic cat, medieval, merchant, dnd, town, rpg, rustic, fantasy, hd digital art +Cozy banquette at the kitchen island bright +art by Alfons Mucha, whole body image of A beautiful asian naturist succubus doing what she was trained to do- deepthroating, HD 4K, sharp detail, photo-realistic accurate features +three people standing next to eachother, two girls on the outside and one boy in between +Brandy talore, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +mark coffey, serious face, full shot, fantasy theme, wearing brown leather apron over sleeveless dirty white shirt, warm fiery medieval tavern background, fists fiery glow, medieval, magicalfire theme +30 year old short slim man, fuller round face, very short hair, black hair, black stubble, olive skin, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +Kim Kardashian in 1945 New York City, Kodachrome photo +simple, vibrant, bright and modern technology minimalist logo integrating cloud, artificial intelligence learning, computer networks and roots indicating sustainability using perfect geometry in European design +photo of a AustinMini car in a city street at night cyberpunk, Austin Mini Cooper ,silver car,studio lighting, +Bob Ross stuck in a beer glass +A woman wearing a dress, intricate dress, HDR, Golden hour +Sea and single Lighthouse with lighted beacon in Dramatic Landscapes +Alone alone alone, masterpiece close up beautiful suicide girl GOTH girl well endowed blonde shaven 🫦 cemetery, spooky, foggy, night time darkness, heavy metal +woman,self-gratification,consolator,self-stimulation, exposing genitalia, non-existent clothes, in the middle of street, new york +eighteen year-old girl, short blonde hair with pink tips, sky-blue eyes, white tank top, pink cotton trousers, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, soft lighting, high quality, comic style, by Gurihiru, Roberto Poggi, Chris Bachalo, Belén Ortega +instagram model visiting a fracking site in alaska, instagram filter, selfie, covered in black oil, oil on face and clothes, wearing yellow hard hat +A with dragon in the snow +oil painted, whimsical birdhouse and flowers by jean baptiste monge, android jones +Jenna Fischer as a hotwife without a shirt in the beach +art deco poster of a centaur archer shooting at the moon, flat colors, inspirational +actor dwayne johnson the rock on a beach with a sunset +white female mannequin articulated in full height without mouth and eyes glossy coating levitating in space against the background of stars +epic details, ultra gore, emaciated, Kristen stewart as a Zombie, inspired by The Walking Dead +Chief Sitting Bull taking a selfie in the bathroom mirror +digital painting, floating trees surrounded by folded vehicle traffic , psychedelic collage of bats, embellishments, roads going nowhere +swirling water tornado in a bathtub, realistic render, octane, redshift, detailed +photograph, high detail, high defintion, 8k, hdr, global illumintaion, a 1980s honda sports car +A broken heart with a bullet sticking out of it, a rap album cover, cover art, realistic, auto-destructive art +a notebook with a woman, realistic +northern renaissance architecture ona snowy day, breathtaking and moody, very romantic german scenerey +Product photo, Realistic, cinematic light, most delicious huge burger with meat made from space squid, dark background +a pencil drawing of a cute anime girl in swim suit +the exploding tardis, oil painting by van gogh +photography of new york with mushroom shape buildings, skyscraper +a long, red haired hungarian woman, looks like young Tilda Swintom mixed with young Cate Blanchett, dressed in a black medieval dress and cloak in ], oil canvas, character concept art by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress, inspired by John William Waterhouse's The Lady of Shalott +model of a well-designed residential bungalow, rendered, with flowers, and trees. swimming pool, car park +photorealistic, 4k, high detailed, A classic tree wine press typically consists of a large wooden or metal basket or barrel with a mesh or perforated lining, and a screw or lever used to apply pressure to the grapes in the hopper to extract the juice. It can come in different types such as basket presses, bladder presses, and continuous screw presses. +blingee evil sponge wizard fat anime 3d grunge abstract sculpt monster +A monkey and a horse piloting an airplane +Painting of home in a reef deepsea style +movie still of pikachu as kim jong un in north korea, gears of war, Glamorous glitch art, glitchcore, gears of war +Planet earth if it was represented by a beautiful woman, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Shrek, sans, and ed Sheeran holding hands while summoning mike wazowski +A cat wearing a black cap that reads "SDXL" in green font +woman with pink hair walkig trough steampunk City ruins painted by artgerm, asymmetric cut, low angle +Illustration of people walking down the street like The Beatles abbey road +Centered , smooth, sharp-focus , Dora The Explorer as a, Mortal Kombat Character , max gorgeous art , by Charlie Bowater & Artgerm , Comic & Cartoon style , standing, broken hilltop , trending ArtstationHQ +Thalassophobia, underwater shot dark, creepy atmoshere, award winning digital art +A photo of a bald Xi Jin ping +movie top gun Toys 3D, kawaii,Toy soldier ancient rome, California usa, unreal engine 5, big eyes. +Hulk combined with Simpson style, cartoon, maximum highly detailed +Cockatrice, fhd, detailed matte painting, deep color, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution trending on artstation unreal engine 5 +A mantis that is glowing like the cartoon Dragon Ball's super +a f1 car speeding through traffic +Coca Cola eruption from a volcano +a fat dog in a landfield +hulk working in a car wash +art deco statue of a dragon surrounded by starlight, art deco statue made of brass, photorealistic, product shot +A steampunk octopus playing the drums on a beach +A tiny turtle taking a bath in a teacup +portrait of a d&d sorcerer in a blue and yellow cloak, detailed painting +An anthropomorphic white tiger warrior, half man half tiger +macro photo of a Brilliant cut diamond +Ellie from "the last of us" game, in a "Gustave Courbet" paint +sci-fi white room, teddy bear looking at a astonmartin db5,silver car,studio lighting,inside space station with windows with earth outside +Supergirl, flying through an ice kingdom, art by Agnes Cecile +, fantasy, pastel, absurdist, photo, refined, sticky +Illustration of a home in a forest, spring, purple leaves, colorful +Fornasetti Style Picture of lost Carthage straight linesAbbey sunny roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, plants overgrown outstanding detail ,room flooded, in front of a building, by PAUL ROBERTS +a sign with "what happened to this group?" written on it +Anime Tiki, view Centred, ebony woman, dreadlocks, beautiful, tanktop & jeans, standing, background scenery, Witchcore Beach, Digital Cartoonist, WLOP & Caravaggio & Greg Rutkowski style, 8K perfect art, headroom +chemistry lab :: isometric view:: close up :: detailed fantastical cinematic fantastical digital illustration :: isometric art :: high resolution :: 64 megapixels photorealism professional photography:: +human schoolgirl in a sofa with a childish face with "no underware" with dark background +the leviathan telescope housing in birr castle, Parsonstown, two parallel semicircular walls +a woman sitting on a blanket next to a basket of fruit, a hyperrealistic schoolgirl, hiroaki samura, girl with black hair, in a park, very detailed painting, black seifuku, with a beautifull smile, on a sunny day, portrait of lain iwakura, kenton nelson, inspired by Wang Zhenpeng, with black pigtails +CIA Agent standing in a park talking to a group of students, intense, dark, photorealistic +Three mice in a red box +a photo of a guy snowboarding in lava +Antique, warm hues, full body, massive, obese, Aboriginal girl, legs spread dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Proteas, damask by grace cossington smith, watercolour, seamless +A selfie of Shrek in front of Sydney opera house +Ultra-detailed eldritch entity tiger cthulhu, partially concealed in dense mist, haunting charcoal image, myriad writhing tendrils, some thick and muscular, others thin and sinuous, strange fluid grace, eerie glowing cold eyes, shadowy silhouette, unsettling atmosphere, intricate textures, otherworldly presence +a photo of Rachel Amber, beautiful face, fujifilm xt3, 85mm lens, close up, skin texture:1.2, skin pores, wrinkles:0.2, highly detailed hair, artistic pose, model shoot, beautiful light and shadows, by Tim Walker, perfect composition, in studio, casual wear, megapixel, uhd, insane level of detail, cinematic look, artistic +Kissa Sins, Resident Evil, Textless, sfw, brunette +elegant cyberpunk elf queen, pointy Elf ears +Humanoid turned into a Caterpillar, anthropomorphic figure, standing pose, portrait photo by Annie leibovitz +Vector eSports logo for the Cloud Strike Force +Close up Painting of a symmetrical Archangel Archdemon intricate armor, supporting glowing long sword, glowing background +restaurant logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, 3d icons, good for family, Russian Tali, saint, icon style, realism, octane render +A manwith red hat on a beach with a car behind +Strawberries, blueberries, at a picnic, basket, golden hour, leica +a sign that says "hi there" +slay the spire, game art poster +A image of the surface of the moon with a near future lander at a small outpost in a large crater with the earth in the background +elf girl, realistic, whole body, skirt,4k, highres, beautiful face, looking at viewer, +A picture of a 18yo teen girl a smelly tight outfit with yellow liquid dropping down thighs, Fog fumes near the backside of the woman, smell fumes around backside, , +star wars poster, epic scene, cinematographic, concept art, ralph mcquarrie style, doug chiang style +A bad hand drawn pencil paper picture of a cute mixed breed dog. +lanky goblin in a British schoolboy's uniform +a french dog with a hat and a baguett +parakeet with a chainsaw in a pirate ship +Power Girl isn't happy with her design +a black and white manga style panel +ahri from league of legends anime screencap, sitting, dress +meadow,realism,design by Ho Chi Minh,hotels builded by bamboo ,Big Close-Up,high resolution,octane render,pool,Architectural photography,Canan EOS 5D Mark IV,FE 50mm F1.8,ISO 500 +info 😘😘😘😘 anime elited🌸 cyberpunk rapper 💦💦 +fast drawing about a mystic violet cube +cute adorable heroine girlfriend waifu in thighhighs high heels, anime style, by Krenz Cushart, Makoto Shinkai, Takashi Takeuchi, unreal engine, anime anime, cryengine, houdini octane render animestyle asoberanime bbhuttoyuri +, fantasy, pastel, absurdism, photo, refined, simulation +a movie cover with a zombie eating a cat and an old lady with a robotic arm +art by Alfons Mucha and Salvador Dali, futuristic, sci-fi, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +a road sign that says "donald duck" +highly detailed beautiful organic molding, art nouveau, sharp focus, dynamic lighting, elegant harmony, beauty, masterpiece, voronoi,Marine, geometry +a muscular wolf fursona, furry art, photorealistic 3d render +A youtuber taking a video, 2d modern professional creative illustration +ryuko matoi,large single handed blood sword, slim teenage girl, athletic build, short dark hair with a red streak, expressive eyes, short red and black school uniform with a short skirt and a crop top and long sleeves, uniform adorned with straps and buckles, red choker, senketsu +film still, close up, taylor swift rising out of muddy vietnam river +Falling polish nuclear-atomic bomb into Moscow orthodox church, smashint it completly +a car concept made by the combination of the 2021 bmw m3 and a 2007 lamborghini reventon, futuristic, big grilles, m sport, aggressive +Synesthesia, musical notes flying away from a music flower, art print +chutes and ladders abstraction, centered award winning ink pen illustration, isometric abstract illustration by dan mumford, edited by craola, technical drawing by beeple and tooth wu, tiny details by artgerm and watercolor girl, symmetrically isometrically centered +A portrait of cyberpunk inquisition: giant kinky Muscle bald beardless boy severe Slaughter inquisitor covered in red fluid came to oppress and enslave. art by Ilya Repin +NES Style Pixel graphics, A UFO Over a farmhouse, Night time, Creepy, Cold color pallette, Symetrical +portrait of a 7 year old extremely handsome, blue-skinned, joyful God Krishna with Turban, black sharp bright eyes and pupils intricate, black hair,elegant, dramatic lighting, highly detailed, digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha, art nouveau +An drawing of an anthropomorphic snake holding two whips +fantasy, pastel, absurdist, photo, textile weird character, riso, +painting of a small wooden log cabin with a lantern in a snowstorm at night +Fantasy Art in JC Leyendecker style Long Shot of Abyssal Trench, Ethereal, Intricate, trending on deviantart, Spectral Color +a house in a palm tree +a photo of woman in dark science fiction futuristic costume, dslr +mechanical bee, electronics, motors, wires, buttons, lcd +Red and white high tops Nike shoes with Bitcoin y +a drawing of François Hollande as an anime character +an empowering view of the rooster demonic leader in a bloodied ironmaiden robot,wearing royal robe, by Philippe Druillet and rough charcoal by Tsutomu Nihei, inspired by Frank Frazetta,volumetric lighting,detailed shadows,extremely detailed +1800 pirates on a pirate ship taking a selfie:award winning photo of a skeleton pirates on a pirate ship, rainy storm, golden hour:0.25 +a truck made of solid glass sitting on wet asphalt in the afternoon +fat hairy wrestler in spandex with darth vader helmet, extremely detailed, intricate, high resolution, hdr, trending on artstation +a hologram of a human heart floating in space coming out of an apple watch +a photo of las vegas with floating buildings +a green land rover driving through a muddy road, profile image, online, land rover defender,, wet clay, banner, summertime, everyone having fun, advanced technology, fully covered, 2021, family photo, very wet splash +trolls, anton fedeev, 3d intricate shapes, by Telemaco Signorini, glass dome on a table, snowglobe, 3d characters, iphone wallpaper, jean-sebastien rossbach, wlop and andrei riabovitchev, +A chocolate cake with the word "SDXL" written on it, professional photography, food photography +The newest Dungeons & Dragons hero named Takis Man, he is a Takis-themed hero on a quest +A masterpiece of NewYork street photography +Alien cyborg, cyberpunk India, painted face, third eye, mehendi body art, yantra, cyber mask, in motion, baroque style, dark fantasy, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synth body, hyper realistic, 8k, epic ambient light, octa rendering, kathakali, soft ambient light, HD, star wars +man in river swamp water, folklorethursday adolgravgertrude keller morning lights �, Floris Arntzenius +a westy wearing red jacket and driving a ferrari +the murder of julius caesar, photoreal, 4k, realistic +Ronald McDonald sticking tongue out wearing glasses holding a sign that says Rock N Roll +cute young female model with straight blonde ginger hair in a ponytail photographed on Kodak portra400 film by Dean Martindale +Kangal wearing snapback and golden chain on neck with dollar sign pendant +photograph of a beautiful young woman, cybernetic, cyberpunk, detailed gorgeous face, flowing hair, vaporwave aesthetic, synthwave, vibrant, photo realistic, realistic, dramatic, dark, sharp focus, 8k, global illumination, studio light, volumetric light, heavy rain, particles floating +photo of head emerging out of river water surface, frederick doris royo fdr gren old gossisunlight ,Anna ancher +A corgi riding a motorbike, action figure, product shot, 8k, Bokeh +rainy street at night with neon lights 64bit +Jesus fighting a fiery monster. Comic book style. Two distinct characters +a glamour style living room painted in a light baby blue shade, with two couches and a fireplace, it needs to have a round corner with big round windows +Beethoven funko pop, extremely detailed, 8k +a portal to snowy mountain, standing in a sunny field +A cinematic DVD of still from Showgirls, musical scene of Kristen Bell as a well endowed risqué dancer servicing her customers 🫦🍆💦, smoky, low budget +1979 dialogue drama thriller movie scene by goddard lynch bergman old film grain texture heavily smoking tiltshift photography historic intricate details with jack nicholson and anna karina oscar winning scene from the film 35mm colour intricate details +cinematic still of establishing shot from masterpiece cinematography film about liminal space, peace, tranquillity, high details, sharp focus, softest light, perfect composition, , best quality +a poster with an image of a woman's head by Leo and Diane Dillon, behance contest winner, retrofuturism, disney poster, full details anatomy poster, disney steampunk +A logo for a book publishing company. +highly detailed, digital illustration, a sensual witch conjuring the ragnarok, trending on artstation by greg rutkowski and artgerm +a young woman during track and field practice +time machine with three different portals futuristic fantasy space and time sky scapes +Cyberpunk coder, young brunet, headphones with cat ears, neon lights, pfp +Michael Jackson and Elvis Presley perform live in concert together, vintage photography +illustration of a journey towards spiritual enlightenmentstairs to heaven in the mesmerizing tarot style, highly detailed, intricate +20 year old Elvis Presley auditions for the role of Captain James T Kirk on Star Trek, 1966, scifi +a cake made out of meat, realistic +photograph of a cute 25yo women +A protuct photo of a new macbook +a very handsome beefy Malay married mature man wearing only low-rise beach shorts +A highly detailed landscape painting of the Temple of Bast in Cyberpunk Cairo painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +a very old, tall rock in Transylvanian forrest near to a creek, by István Csók, Mihaly Munkacsy, Karoly Ferenczy, John Everett Millais. Very atmospheric, dark, dangerous, mystical, natural lighting, trending on pinterest.com, wizard, raining, melancholic, inspired by +stunning sculpture with fancy ornaments and elements +Cutlet transformation into a robot, transformation, cybernation, , cartoon, 3d render +Pick a Pic: an open dataset +8mm footage of empty swimming pool +a sports logo of a lion with the text lions +Homer Simpson as an enlightened being +1960 batman surf mansion architect drawing, big sur, cliffs and waves, nest, batsign, rotring pencil artist impression, by frank lloyd wright and gherry +pompompurin as a hacker with FBI agents and SWAT behind +portrait of goth Chun Li with yakuza tattoos, Street fighter, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha and william-adolphe bouguereau +Elon working on a rocket engine +crazy insane, high energy, magic, hyper realistic, detailed and realistic portrait of a woman, round eyes and short messy hair shot outside, wearing a white t shirt, skin texture, chapped lips, soft natural lighting, portrait photography, 85mm lens, magical photography, dramatic lighting, photo realism, ultra-detailed, intimate portrait composition, Cinestill 800T, front light, , intricate details +A fit man dressed as a Greek god, by pixar +Black and white professional 1905 sad photographer with camera in hand of covered by splash of dust in a forest splash of light +Polychrome woodblock print; ink and color on paper, Prints, Ink, Paper, Relief prints, Woodblock prints, Printing blocks, Wood blocks, Asia, Japan, ca. 1853, Japan, Polychrome woodblock print; ink and color on paper, Metropolitan Museum of Art +fantasy art of a elven king +Black labradoodle in the style of a studio shoot, straight fur, hyper realistic painting, black fur, no collar +3d render of funko pop rapper +kate upton wearing a futuristic dress in a cyberpunk bar +A korean woman in street running, highly detailed, photorealistic, high quality +Cute 90s anime girl wearing blue crop top and shorts with metallic pearlescent hair, pastel pink moon background +Coachella stunning beauty, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +The scene is shrouded in darkness, with no discernible light sources to be found. The air is thick and oppressive, and an eerie silence hangs in the air, broken only by the occasional sound of something shifting in the shadows. The ground beneath your feet is uneven and treacherous, and you can feel an unshakeable sense of foreboding as you move forward, unsure of what dangers lurk just beyond your sight. The darkness seems to stretch on forever, an endless abyss that threatens to consume you whole if you let your guard down for even a moment. +highly detailed concept art of walking moving archigram big city on Mars desert trending on Artstation by Daniel Dociu and Greg Rutkowski, high quality, nomadic urbanism, moving city from John Carter, scifi, futuristic, mortal engines +the Eiffel tower in a bathroom +young Muscle castartor Surgical castration orchiectomy TESTICLEs flesh at torture chamber. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +Epic red-and-black dragon surrounded by smoke flames and lightning! a breathtaking artwork by Caspar David Friedrich, Epic scale, highly detailed, clear environment, triadic colors cinematic light 16k resolution +ava addams at her wedding and her husband is a dog, the wedding is on the beach +A mermaid sitting on the shore of a pirate ship, trending on artstation, beatiful art +cartoon of zain bathing in the singularity in space, blur and black hair, reddit king +Disney style, red bear, round, with glasses, big eyes, cinematic, realistic, fast speed, lies, in a jacket, in Sunrise +Walt Disney 3D animation- Ariel, the Little Mermaid as a naturist in the ocean, HD 4K, sharp detail, photo-realistic features +, fantasy, pastel, absurdist, photo, geode +UV night photo of rocky cliffs in black and white with small sparkly quartz crystals +a large sphere inner glow , Intricate and elaborate artwork of a magical flowing liquid made of flowers and leaves, by M.W. Kaluta, Marco Mazzoni, Alberto Seveso, James Jean, triadic color, intricate and fluid swirling, 3d liquid detailing, subsurface scattering, intricate, Adobe After Effect, a masterpiece, trending on artstation, UHD +guy running away from 20 big teddy bears +An epic digital painting of many firebreathing dragons fighting each other in the sky, extremely detailed, intricate +necromancer girl, pale skin, goth, magic, dark fantasy, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +A whale shark swimming with a man +An apple made out of bread +A oil painting portrait of young Muscle boy butchering giant testis TESTICLE organ on the dissectingTable. plural testes, male reproductive gland, bloody background. highly detailed guro art by Ilya Repin +A woodblock print of a cherry blossom tree. +high detail digital matte painting portrait close up of wrinkled old mushroom man with mushrooms growing from his head; enchanted mystical woodland; by Andrew Ferez; by Android Jones; by Jean-Baptiste Monge; by Keith Thompson; dramatic lighting; dark fantasy; CGSociety; intricately detailed oil painting; inkblot; high contrast colours; deep depth of field; unique composition; dynamic pose; Splash art +Dragon, digital art by Greg Rutkowski +A glass sphere on top of a utility pole, rural washington state circa 1992 +Girl, beach, Megapixel, RTX, FULL HD, best quality:1.5, masterpiece:1.5, smiling, dynamic pose, full body +an iphone photo of a bear holding a sign with a fish on it +painting of an obese biker with dark aviators at a biker bar, by tim Jacobus, oil painting +extreme realistic, epic details, photorealistic, epic horror, epic gore, guro style, guts and intestines on the floor, epic blood splatter, house of gore, extreme trauma, cannibalism, impalements +An anime e-girl with green eyes, white skin, long red or black air going out of a lake in a sunny day in wet transparent clothes +highly detailed fantasy art of a muscular green-skinned male orc with huge pecs sitting down in a tavern, bald, smug expression, artstation hq, ultrarealistic + Cinema 4D + Render, hyperdetailed 3d matte painting, hyperrealism, hyperrealistic, 8k ultrahd octane render +a lemon wearing sunglasses, 3d render +movie still of a man with a beard holding a drink in a crowded street. cinematic, muted colors, bokeh, people in the background, 4k +A gijinka black cat sushi chef chun li +space suit with boots, futuristic, character design, cinematic lightning, epic fantasy, hyper realistic, detail, 8k +A risqué selfie f1.9 photo of a gorgeous blond girl large bare 🍈🍈 dancing in roller skates in a neon roller rink +composition thumbnails, concept art, there is a window +Get lost in the mesmerizing beauty of this stunning pixel art by a famous artist! Featuring a vivid night sky filled with twinkling stars, a glowing yellow moon, and a serene sea below, this artwork is a true masterpiece. The colorful pixelated clouds add a touch of whimsy and charm to this enchanting scene. #pixelart #nightscene #colorfulclouds #sea #moon #stars #enchanting #whimsical #artisticgenius +A high resolution portrait photo of a kangaroo wearing an orange hoodie and blue sunglasses standing at the sydney opera house on green grass, holding a sign that says "Welcome Friends! " +new bullet train, low shot, lensflare, cinematic, low angle of train wheels grinding on track, sci fi glow, profile side view +impressionism blackgirlshelldigger juvenmetmuseum england coastal ,Jules Bastien-Lepage, woman walking up the wet stone cliffs +very detailed art illustration of ancient magic +loona , furry hazbin hotel character, furry character, female wolf, styled short dark grey hair bangs with longer grey hair on back, hourglass body , light white fur , yellow eyes with red pupils , earring studs on wolf ears. hands behind head , full body , super attractive +A boy with a red shirt on a blue chair +Composition thumbnails, there is an island, artstation painting, dark landscape painting, +Photo bokeh dining cake cup water wine fruits +a person holding a sign with "did you check it out?" written on it +Jean Marie Bigard marrying Jennifer Lawrence +lost ancient olmec like city, lost civilization, in lush jungle +an old professor is sitting and playing chess with an young human android, they are sitting in a retro future 70s living room. Nixie Tube clock, sci fi furnitures, the atmosphere is orange and turquise +portrait of young bully chav and hot young pregnant wife at bedroom. highly detailed realistic photo, kodak portra 400, award winning photography, 50 mm. by sally mann and andrei tarkovsky +A hyperrealistic portrait photo of a gangsta metal band +thick jewish girl on her knees +an empowering view of a orca warrior wearing royal robe,sitting in a cafe drinking coffee next to a kangaroo warrior with an eye scar,menacing,by artist Terese Nielsen and Ian Miller,Ken Kelly,Wayne Barlowe,volumetric lighting,detailed shadows,extremely detailedan empowering view of a orca warrior wearing royal robe,sitting in a cafe drinking coffee next to a kangaroo warrior with an eye scar,menacing,by artist Ian Miller and Ken Kelly and Wayne Barlowe,volumetric lighting,detailed shadows,extremely detailed +an empowering close up view of the supreme elder peacock warrior,wearing royal warrior outfit, throwing an extremely powerful punch surrounded with demonic aura,in the style of Ken Kelly and Richard Corben and katsuhiro otomo,extremely detailed,detailed shadows,volumetric lighting +a black and white vector graphic of the letter "A" +Old black simple mens, in circus, mixologists preparing alchemist portion, hyper detailed ,8k, Octane render, 3D full shot body photo of a voodoo witch doctor old-fashioned suit, creepy, unsettling, professional majestic oil painting by Ed Blinkey, Atey Ghailan, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art by midjourney and greg rutkowski +A painting, cat portrait, Harry potter style. +full shot body photo of Henry Cavill in Warhammer armor, smiling, Warhammer 40K Space Marine Power Armor, nostalgia, , professional majestic oil painting by Ed Blinkey, Atey Ghailan, Studio Ghibli, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, by midjourney and greg rutkowski, realism, beautiful and detailed lighting, shadows, by Jeremy Lipking, by Antonio J. Manzanedo, by Frederic Remington, by HW Hansen, by Charles Marion Russell, by William Herbert Dunton +old woman covered in sheets, memoriam beach rudolf felix edwin gres warmssnhq ,Abram Efimovich Arkhipov +beautiful arabic princess, cool fantasy suit on moon +dissected selfharm pregnant girl at hospital +old photo of people carrying a statue in a jungle +thick sephardic jewish girl hairy armpits +A Japanese painting of a bird +Lana del Rey, insanely detailed, photorealistic, 8k, midjourney style lighting +a hand in front of a globe +Young man in prison, smooth face, scared and afraid, upset expression, +Gum leaves, silk screen on silk, inspired by grace cossington smith +the high priestess, digital art, rembrandt, agostino arrivabene, black and white matte painting +A hexagon of colors on the palm of one hand +a photo of a group of men in armor combat swords, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools +cute 16 year old female submissive, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Cyberpunk cyborgs, King of synth, Ancient India style, fine details, si fi, action composition, silver on a black background, inlaid gems, diamonds, precious metal, volumetric molding, baroque, neon lighting, contrasting shadows, contour light, robots, volumetric sculpture, high resolution, 8k detail, clear edges, technologies, mechanisms, +photograph, high detail, high defintion, 8k, hdr, global illumination, girl in bed +8k, beautiful girl, stockings, mini skirt, long legs, lush hair, plunging neckline, full body wide angle shot +Portrait of a fairy tale princess by Rene Magritte +a giant spider attacking a castle +A Siamang gibbon eating an apple +big metal-concrete ancient robot cylinder with glass crystal brain on top and camera eye on center, inside endless dark hall, view from bottom, digital art, sci-fi 8k resolution concept art by Greg Rutkowski detailed matte painting trending on Artstation intricately detailed +Drawing of a towering city, fantasy style, tropical, flying buttresses, arches, aerial view, black ink on paper, Indian temple, realistic, detailed, quality, complex, elaborate, ornate, by M C Escher, by Robert Hooke +The bustling streets of Tokyo,crossroads,Wide-angle view,a girl in a sailor's suit sat on an elephant in the middle of the road +, fantasy, pastel, absurdist, photo, dream not found +A goldcrest sitting in a tree, high quality painting +Cinematic, dark, moody, film grain, science fiction and horror scene, a very distant angry werewolf, wearing shreds of clothing, running at the camera on a space station, dramatic lighting +medium of a female futuristic starwars pilot, round helmet, life support system, surrounded by instruments, inside a spaceship cockpit, cinematic, epic, volumetric light, , intricate details +A photo of a grumpy artist holding a sign with the words Ai STOLE MY JOB +a red haired hungarian woman, with very long hair, looks like young Tilda Swintom mixed with Eva Green, dressed like lady Galadriel in a Transylvanian landscape, oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress, inspired by John William Waterhouse's The Lady of Shalott +film still from romantic beautiful sitcom, sauna, covered, naturist, girls +Library, riso, comic, fantasy, pastel, , absurdism +, fantasy, greyscale, absurdism, photo, refind, desolation +A beautiful Black 1969 Chevrolet Chevelle SS +A bouquet of yellow flowers with a sign that says "I love you meme" +a picture of a little soldiers of top gun in a glass case, by Mab Graves, deviantart contest winner, pop surrealism, 3 d icon for mobile game, rounded house and cute character, bag, amy sol in the style of +a group of elephants walking in muddy water +highly detailed portrait photograph of Margot Robbie +The decisive moment taken on a Leica camera, by Henri Cartier-Bresson +Sacred geometry, neorealism, hd quality, yantra, mantra, india, laser, shadows, brightness +Pikachu Ninja turtle Mewtwo super Mario +photorealistic, hyper realistic, feminine, beautiful, flowing sandy blonde hair, white wolf companion, bright gold sword +Anime style girl, happy, blonde, kimono, forest, school trip, brush strokes, detailed +Giger manticore, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +robotic bee, real steel, jaeger, curiosity rover, photography, intricate details, highly detailed, insanely detailed, 8K, hd, cinematic lighting, realistic, photo realism, under the sun, sharp focus, f 1.8 , +Fat rich black man in suit walking in a wasteland +photo of a curvy anime girl at a ski resort +Neon Sign at diner that says SOON +cute goth girl with straight hair in a ponytail photographed in a dark studio on Kodak portra400 film by Dean Martindale +vector icon mac oc, emoji style, einstein, +European union propaganda poster with the words +a bitcoin themed bull is fighting against a bear in new york time square +an oil painting of a ship at a pier being unloaded by longshoremen +A data science analyst at Mayo clinic +almost black dungeon with blue and pink edge lighting, spooky magic +, fantasy, pastel, absurdist, photo, refined, peeps +a cinematic photograph of a knight puppet +Photo of a photosynthetic coyote sitting in the sun spreading its leaves +ziegfilm vsco helene kirstel dickens madrahomeless ,Jules Bastien-Lepage,movie still, portrait, closeup +the fluffiest cat driving a bugatti +Alice in a giant mashrooms world +painting of a woman destroying a drone by throwing a jar of pickled tomatoes off a balcony +Portrait of a mysterious young man in a bar, 20 years,leather jacket, blond hair, stylish, neck tattoo, 50mm lens, soft light, piano, Music, guitar, band, notes pixar style +1114083012-a ultradetailed beautiful panting of a stylish beefy bearded man sitting on a chair, wearing a tucked in shirt and suit pants, leather belt, polaroid photo +simon stalenhag, 1114083012-a ultradetailed beautiful panting of a stylish beefy bearded man, by conrad roset, greg rutkowski +macron running from a angry mob +A young boy works on a quantum computer. +Abstract Minimalist Character Design Illustrations, Digital Art,modernism, vibrant colours, colorfull background +realistic scene of a tyrannosaurus rex in a forest with araucaria trees and other conifers and ferns in the background and a blue sky with white clouds and birds above +platinum blonde woman 90's comic book art +photo, a raining light, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +intricate meticulously detailed photorealistic painting of venetian masquerade jester mask; by Craig Mullins; WLOP; Artgerm; Dan Mumford; Luis Royo; Alberto Seveso, Donato Giancola; Beeple, Carne Griffiths; 3d; digital illustration, large depth of field; dynamic pose; unique composition; CGSociety; splash art; digital concept art; volumetric lighting; fantasy artwork +Giant caterpillar riding a bicycle, tiltshift +A robot playing the guitar on stage at a rock concert, photo +Erdogan getting chased and arrested by policemen +Flaming rose. volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical: by Victo ngai: Professional photography: by Russ Mills: hyperrealism trending on Artstation volumetric lighting maximalist photoillustration, by marton bobzert 8k resolution concept art intricately detailed, sci-fi, realistic +oil on canvas full body portrait of latina girl with a kimono painted by Monet +Cyberpunk car chase, action scene, cinematic, high-quality +lots of model cars in the jungle,photograph ,detailed models ,traffic +A basketball hoop in the sun +photo of a teddybear and austin mini in the city river with large teddybear,flooded mini,splashing misty mud rocks,panorama, crowds of teddybears +ancient prayer figures pond sitter bouldartmoor carra, Christian Krohg, melancholi, morning sunrise +Split portrait. Double exposure cemetary people, Insanely detailed matte painting with rough paint strokes and textures, By Conrad Roset, Erik Johansson, Sandra Chevrier, Stephen Gammell, Jeremy Mann, Alex Maleev, 16k resolution, Oil on canvas, Fine art, Super dramatic light, Sharp focus, Grain, Sinister, Horror +An blue Avatar who’s playing piano +fractal virus creeps into my room +nerd man with futuristic steampunk technology on his head evil laugh in brown room +photorealistic, high detail, high defintion, 8k, hdr, global illumination, a honda sport motorcycle +A female climber in a bouldering gym +Watermelon smoothie in 3D illustration, food ad banner or poster background food photography, Fujifilm x-t 3, 50mm, f2 , profesional food photography, + ultra photorealistic + Hasselblad H6D + high definition + 8k + cinematic + color grading + depth of field + photo-realistic + film lighting + rim lighting + intricate + realism + maximalist detail + very realistic +a needle-felted palm tree in a clear bottle +A very brawny man, muscular, heavyset, handsome +5 dads at a music festival at 3am covered in milk +A 40 year old man drinking guinness stout from a pint glass, theres a sign in focus on the wall that says "QUINNIES PUB", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +Cyberpunk, Ancient India style, fine details, si fi, silver on a black background, bas-relief, cyborgs, synth, robot, neon lighting, contrasting shadows, contour light, three-dimensional sculpture, high resolution, 8k detail, baroque, clear edges, technology, mechanisms, +One person perfect mix of yasuo from league of legends and nightwolf from mortal kombat 11, detailed warzone in background, artwork inspired by alex flores, johannes helgeson, ross tran, marek okon, artgerm, fantasy, sci-fi, masterpiece, ultra realistic, digital illustration, max detail, cinematic, best quality, hypermaximalist, uhd, octane render, unreal engine 5, 4k, 8k, trending on artstation, featured on behance, wallpaper, deviantart contest winner, super-resolution +i got barred from a superhero convention for wearing no thing +masterpiece, sheer detailed open camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +color polaroid photograph, very large lovecraftian thing, apparition, fog, long tentacles, lovecraftian creature in the room with person, long thin tentacles, old house, old home, old bedroom , +a perfect anime artwork of cute heroine cutie, clean perfectly shaped shapes and surfaces, by Makoto Shinkai and Krenz Cushart, studio ghibli +Black orange and pink halftone 3d abstract pattern +An anime girl, masterpiece, good line art, trending in pixiv, , +insects with large brightly coloured wings for fluttering flight of pure magical energy +Princess, Stunning instagram goddess, fracking for oil in utah, ilya kuvshinov, adeptus mechanicus, photo by greg rutkowski +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Caravaggio +guy kicking a coyote trying to attack a cat in a shed +banksy graffiti, the AI is taking over, capitalism is evil +A synthwave style sunset above the reflecting water of the sea, digital art +Archbishop twins Ferrari Gryffondor Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Editorial style photo, medium closeup shot, off - center, a young french woman, brunette, sitting, black gucci dress, diamond necklace, Art Deco Dining Room, Marble Table, Velvet, Brass, Mirror, Intricate Tile Work, Jewel Tones, West Elm, Chandelier, Restaurant, Evening, natural lighting, Fujifilm, Luxurious, Historical, 4k +“No! I am a Void Refinement Realm expert. How is it possible for me to lose to a Divine Transformation Realm junior?!” +a velociraptor in a room and a MGb car smashing through hole in the wall and velociraptor ,sparks dust rubble dinosaur splash ,studio lighting,white walls, headlights,chrome mgb +the city of santiago de chile in the year 2100, atmospheric, hyper realistic, 8k, epic composition, cinematic, octane render, artstation landscape vista photography by Carr Clifton & Galen Rowell, 16K resolution, Landscape veduta photo by Dustin Lefevre & tdraw, 8k resolution, detailed landscape painting by Ivan Shishkin, DeviantArt, Flickr, rendered in Enscape, Miyazaki, Nausicaa Ghibli, Breath of The Wild, 4k detailed post processing, artstation, rendering by octane, unreal engine —ar 16:9 +photorealistic image of Jenna Ortega, a 20-year-old actress with bangs hairstyle realistic ,The image should show her facing the camera, with a neutral expression on her face. Please ensure that the image is high-resolution and shows accurate details such as facial features, hair texture, and skin tone +monkey holding a sign written "sedex" +Realistic Black and white cute portrait of actress Jenna Ortega bangs hairstyle , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +digital painting of electric orangutan, electricity aura, electric storm, electric zaps, electricity coming out of body, power plant +photo of a angry small Compsognathus compy next to tire wheel down a muddy road in the jungle , wet jungle ,by Anthony S Waters, , real-life brook, very wet, 2021 , tire wheel ,in the mud buried +el fat maradona del ocho in mexican vilage playing against bruce lee 1979 35mm old grain film round kick in the air nba basketball ball +macro photograph of a human eye, pupil, iris, sclera, cornea +An alien astronaut in front of Delicate Arch in Utah, by Moebius, epic, moody, comic style, line drawing, pen and ink, pale blue sky +Giorgia Meloni dancing in the rain +An image is Indian software engineer +Pretend if you're still in the game +a undead horde, dark sky, green hues, dead trees, scorched earth +hot anime waifu furry with the face of Elon Musk +old photo of a person playing north indian hand Drum in a jungle +cyberpunk city, neon lights, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski +A risqué photoshoot 🍈🍈🫦🌴 sunbathing on a rock +Marilyn Monroe wearing a shirt that reads Summers +The Rock and Dwayne Johnson crylaughing +, fantasy, pastel, absurdist, photo, refined, textile +A beautiful garden on a mountainside in beautiful Europe, with flowers blooming along the trail, golden hour, beautiful clouds, clear expression, beautiful detail, strong direct sun ray high resolution photography interior design, dreamy sunken living room conversation pit, wooden floor, small windows opening onto the garden, bauhaus furniture and decoration, high ceiling, beige blue salmon pastel palette, interior design magazine, cozy atmosphere +A human heart made of a precious gem, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Statue of Liberty holding a computer +Detailed Chun Li knight wearing greathelm, snow background, perfect Lighting and shadows +Cat shaped like a bong being smoked by an alien, thick outlines digital art +an enchanted forest with magical beasts +a girl , photoreal , standing on cliff +Ultra realistic photo of a couple eating spaghetti at a table, on a beach, with a full moon in the background, professional photography, 8k, vintage, close up +Sunset reflecting on a crystal ball +Planet earth played by a beautiful woman, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +The pope Astronaut papal portrait in Vatican royal gold metal hat +giant's city, fortress, aerial view, enormous, made of ice, large watchtowers, high walls, frozen peaks, high fantasy, photorealistic +two muscled armored rubber male androids, photographic +a caucasian woman with wavy hair from the back +Portrait of a Nepalese baby boy, the calm after the storm. A cabin scene in rural Nepal, a baby plays in the snow by the door of a Tiny wooden home covered in snow after the avalanche. There’s a fire slowing and a broom with ashes nostalgic and melancholic Shot on arrival Alexa, Natural light, maximum detail, photography, film grain, patina, hyperrealistic, shot by emmanuel lubezki +A photo of a beautiful French woman, 30 years old, HD, analog style, female princess, bathing, full length, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +teddy bear and a Morris Mini-Minor,big dancing teddy bear singing +A fluffy cloud in the shape of a rabbit. +A portrait of cyberpunk giant Muscle bald boy severe Slaughter covered in red fluid came to oppress and enslave. art by Ilya Repin +Un cœur rouge avec un papillon et des jonquilles jaune au cœur orange +A painting of a desert plain with mountains the background. +A painting of a woman with an owl mask at a full moon night wearing 19th century dress, romantic oil painting +A rendering by pixar of a boy sitting on hardwood floors playing with toys +UFO popping out of the ocean in fauvist style +beautiful indian woman on the dancing pole, surrounded by a landscape of red roses +Photo of beautiful Girl standing wearing through see cotton under wear contest +dnd character art token of an antropomorphic tabaxi warlock wearing a cloak, circular, high quality, intricate detail, anime touched, by alicexz and monet and the game dixit, patreon, gravity, dark solar system, universe space and time, fractal, background by nasa +An epic Lego landscape in a fantasy realm +Kuala Lumpur skyline, professional photography, golden hour, sharp focus, 64 megapixels +king kong punching a mgb car in the jungle river ,splash rocks ,chrome grill,gorilla +an epic view of a demonic Rose-ringed parakeet cyborg inside an ironmaiden robot,wearing a noble robe,large view,a surrealist painting, aralan bean and Philippe Druillet,hiromu arakawa,volumetric lighting,detailed shadows +a cute pink dragon hiding in ivy inspired by brian froud +Text "Mary", lavender color, nature, highly detailed +hybrid between a bobcat ocelot and bornean clouded leopard in a video game, HD, unreal engine, hyperrealistic, hyperdetailed, realistic lighting, 4k video game +Jimi hendrix inside cockpit flying plane over +Watercolor painting of nuthatch, afternoon backlight, by greg rutkowski, by anders zorn +Attractive mixed women; Asian; African;Latina; Indian; Mixed; With futuristic theme +a zombie , photo by tim walker and petra collins and moebius +a chubby ogre sitting on a cushion +a zoom in image on a red dog face +Riff Raff taking a poop on a dog. +a gorgeous blonde woman standing in central park +3D digital caricature, pit bull dog, wearing jiu jitsu gi, black belt, in fighting stance, standing, full body, 4K +Mother and daughter hug themself with a blue light background and the Bitcoin logo behind them +A rabbit in a 3 piece suit, sitting in a cafe. Hyper Realistic, ultra realistic, 8k +a wide angle photo of large gold urn on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics fire smoke, a photo, gearing up for battle, roman , mace and shield, a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, plants overgrown outstanding detail ,in front of a building, +a mother and son praying the Holy Rosary, animated, stylized +Movie still of starwars yoda as a uber delivery guy, extremely detailed, intricate, high resolution, hdr, trending on artstation +cybernetic crystal robot by guo pei by neri oxman by hirst by Caravaggio, Prometheus movie poster by giger by lynda benglis +HD logo catering, healthy food, minimalism, pastel colors, Krishna, 3d logo, family restaurant, Tali, Indian holy day, emoji style, realism +Bitcoin, gold coin, siiilver coinblue skies, blue ocean, sunset, sunrise vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +colourful Synesthesia art, piano instrument, with musical notes flying in the air, silhouette +red-haired woman protesting with "lock him up" sign +claudia schiffer, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +tmnt on top of a tyrannosaurus, drawn - analog style +Flaming Yin yang!!! intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean Baptiste mongue: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant: expansive +Alien sticking tongue out holding a sign that says hail Satan +Vintage photograph of young Julia Louis-Dreyfus on Titanic +Holliday Grainger as a fairy , dressed in a long, odd brown dress, with very long, curly, hair, inspired by_ A portrait of a fairy, by Sophie Gengembre Anderson (1869), oil painting by John William Waterhouse. +beautiful korean woman in a red dress +a happy person battle torn, red helmet on the head, planetside 2, unstable smile +Maldives in year 2060. Cinematic 4k +Mona Lisa wearing sunglasses holding a sign that says famous +tshirt vector, screen printed, Yoda graphic, synthwave, vivid colors, detailed +Woman with short red hair smile cartoon style +hyperdetailed gourmet meal at a fancy restaurant +Vintage photograph of young Michael Richards as Cosmo Kramer on Titanic +view of the sunset through panes of sheet glass +a highly detailed, stunning view of a shimmering lake of a fantasy world +VW beetle, illustrator, by Josef Frank +a man in a trenchcoat and a woman in red dress fighting in a retro restaurant while a waiter in a tuxedo holding a tray is trying to keep them apart +vector art poster of a brain sticking out of a skull, Marc Steen +Mister sentry, who keeps the atmosphere under the stop of time, fantasy, sci-fi, epic realistic +Large, Master Bedroom, Skycraper, Manhattan, Night, Interior, pulent, Luxury, Gold details, shiny Black Details, glossy, white, Marble, Modern, Exquisite, Minimal, Planned, Interior design +A group of adventurers, fighting their way through a horde of zombies, with a massive dragon in the background. Digital Painting by Cory Godbey +Create a charming and mischievous Baby Cthulhu, rendered in the playful style of Pixar Animations. Imagine the tentacled creature as if it were a beloved character from a family-friendly Pixar movie, with a unique personality and endearing physical features. Use descriptive language to portray its appearance, mannerisms, and any distinctive traits that make Baby Cthulhu a lovable and memorable character. Then, generate an image that embodies the essence of this friendly monster, with bright colors, dynamic expressions, and a whimsical atmosphere that evokes the spirit of Pixar's iconic films. +Masterpiece, Teacher, POV, 1 on 1, White hair, Japanese, Photo +Albert Einstein presents the SEGA Genesis +3 wolf moon, but with Elon Musk howling at the moon instead of wolves +Full body of a Blonde Woman without bra +Zoey Saldana as Neytiri from Avatar as a blue-skinned Na’vi naturist in the Pandora jungle +Painting of melted gemstones sculpture futuristic style +photo of a kitten sleeping in a large wine glass +A majestic fjord landscape in winter +a llama standing riding a bike +a woman dancing in the street, masterpiece, soft shading, diffuse lighting, bokeh +A woman holding a sign with the following text: Ann +Antique, warm hues, ornate marble dildo, full body, massive, obese, Aboriginal girl, legs spread, big marble dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +a very old, sad hungarian wanderer dressed in a wearry, draggy, dirty black travelling cloak, and black tophat with grey beard in a 19th century, rainy landscape oil canvas by Waterhouse, István Csók, Mihaly Munkacsy, Karoly Ferenczy, John Everett Millais. Very atmospheric, dark, dangerous, mystical, natural lighting, trending on pinterest.com, wizard, raining, melancholic +misty scottish hills, golden hour, mysterious +virile and attractive youthful human female wearing provocative clothing, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +art by Alfons Mucha and Patrick Woodroffe, copper foil method stained glass motif, whole body image of 20 year-old Angelina Jolie as a cosmic naturist in India, meditating in the Lotus position in front of the Taj Majal, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +beautiful pale warhammer 40000 goth maiden, dark fantasy, red light, digital illustration, intricate, highly detailed, smooth, artstation, painted by Wayne Barlowe and Greg Rutkowski and zdislav beksinski and Ruan Jia and Mandy Jurgens and Artgerm and william-adolphe bouguereau +Perfect shot of gorgeous morena baccarin, 25 years old, clad in leather armor by alexandra nataf, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +A wolf dressed as an old woman +Foto de uma gostosa escondendo os peitos com as mãos +Donald J President on a piece of toast, photorealistic, real life +DeLorean back to the future traveling time over a gloomy road +An ancient dwarven stronghold, carved deep into the mountain, with massive stone gates, sprawling tunnels, intricate machinery. ancient, formidable, underground, mechanical, midnight, award winning, masterpiece, best quality, detailed, 8k, HDR, wallpaper, dramatic lighting, sharp focus +detailed paint of a sword, highly detailed paiting by gaston bussiere, craig mullins, j.c. leyendecker, 8k, royal paiting, dynamic lighting, intricate detail, hyperdetailed intricately detailed +Einstein's nightmare, more detail, intricate details, maximum highly detailed +A Chinese 18-year-old girl, student, white shirt, happy girl, smiling face, black hair, standing, in 2020, at university, spring season, the roadside is full of crabapple blossoms, hyper realistic portrait photography, pale skin, wide shot, natural lighting, Nikon NIKKOR Z, 85mm f1. 8 +A view from the Sky towards the African Continent Very Realistic +A high quality photo of an orange cat wearing black top hat +Colourful splatter art portrait: oracle seeress receiving a prophetic vision, mesmerized, enchanted, entranced +3d render of frog smoking weed, holding smking weed in his hand, 3d, 3drender, dope +Intricate, light yellow and green,Scenic,Hyperdetailed,Delicate,cubism, inside of a glass sculpture, Chevrier, curvy +A nuclear plant exploding and in fire during the night, post apocalyptic, apocalypse, disaster, dull colors, dramatic, realistic, close up, 80mm lens shot +Furry fox, solo, blue fur, young +Lego Car, Colorful, Playful, Creative, Constructed, Detailed, 3D Rendering, Plastic Bricks, Toy, "Nathan Sawaya", "Chris McVeigh", "Ryan McNaught" +fingers with full of expensive rings +1800s oil painting of napoleon bonaparte as a british shorthair cat +Toaster designed by Dieter Rams. photo of fusion of a huge savage dog monster with an alien in the space, style of laurie greasley, studio ghibli, akira toriyama, james gilleard, genshin impact, trending pixiv fanbox, acrylic palette knife, 4k, vibrant colors, devinart, trending on artstation, low detailsIntricate render. Cinematic product shot +one man cyborg, cyberpunk india, painted face, body art, cyber mask, complex proportional side view, dark fantasy, kathakali characters, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, Kathakali, soft diffused light, HD +real polaroid photograph, fog, wide shot, extremely skinny tall creature made of branches and covered in moss and vines and mushrooms next to an old house +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by MAD DOG JONES +Oprah Winfrey without any fabric on her +farmers, museum prayerarreschoolteatime niels tottenham природа , Jules Bastien-Lepage +Photo a 18yo Ukranian girl, long straight blonde hair in silver armour wearing respirator +fantasy art print of a dragon made out of water +18 year old female, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +upside down photo in a gargantuan cavern within an asteroid lit with warm light standing lanterns and moss on the surfaces upside down jungle gym +woman with short black hair, ryuko matoi,kill la kill, waterpaint, insanely detailed, whole body in shot +A crowded street scene with a person dressed as a clown +DVD screengrab of the spacehip scene from the space opera movie Hyperion directed by Alejandro Jodorowsky +Jimi hendrix wearing sussuy rubber +a cat lying on top of a capybara in the grass, digital art +Nelson Mandela as a fat white racist afrikaner +, fantasy, pastel, absurdist, photo, woven magic +A giant Caucasian white 12 foot tall man wearing shorts and sandals walking among tiny little people +, fantasy, pastel, absurdist, photo, refined, peachy +Glass aromatic diffuser with fiber sticks in modern interior, proffesional foto, realism, bokeh +A gorgeous pear, with a mustache made of fire +Photograph of a red luxury handbag in a studio setting with a Caucasian woman in a red leather coat +Antique, warm hues, dark haired, massive, fat legs spread, portly male Bishop, little willy, in frilly white lace tutu, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A treasure box filled with jewels and jewelry, 2D vector art, flat colors, t shirt design, plain background, 4k, artstation, deviantart, tumblr +, fantasy, pastel, absurdist, photo, portable futuristic Hospital +a photograph of velociraptors with a landrover car in the jungle river,dinosaurs 4k octane render +An ink drawing of a rose flower, with blood stains, without any text +cartoon Skull with glowing blue eyes angled +Angler fish at the bottom of the deep ocean, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Colorful photo of a Mexican-Korean woman with long white braids exhaling thick vape clouds in the 1970's, 8k, HD, 4k, Fuji Film Professional Camera +burning water inside of a sphere +she was a hapless victim of his mind control powers. illustration +1980s nuclear war protest central park +a dragon made out of clouds by Alex Shiekman, Lief Jones, Guy Davis, David Leri, Christopher Shy +a full-body photograph of middle aged man with a red t-shirt and blue jeans +A stylized miniature character for a fantasy game +Hipster Llama wearing a hat, studio lighting, award winning photography, pink background, centerfold +A ninja banana fighting the devil starwberry +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Ilya Repin +city which was build around Tower of Abyss and surrounded by river of souls, intricate architecture, detailed background, dynamic landscape, dark fantasy, digital color, rough sketch with oil airbrush, hard line art, realistic, grisaille +Cute small rabbit waving at me and smiling greeting me in front of house door ,unreal engine, cozy indoor lighting, artstation, detailed, digital painting,cinematic,character design by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyperrealistic, octane render +latina woman embarrased face,non-existent clothes, wet clothes in the middle of street, new york +"La imagen es oscura y tenebrosa. Un ambiente lúgubre y sin vida, donde las sombras se extienden por doquier. Los ojos apenas pueden distinguir formas en la oscuridad, pero en la distancia, algo se mueve. Un temor crece en el pecho, mientras la figura desconocida se acerca, y la luz se desvanece." +Blue Ferrari F40 in Dandelions at the Lake Seealpsee, shot with Fujifilm Velvia 50, High detailed, High contrast 4k +Zendaya in a lush forest, illustration +rendering of a happy robot riding a car on Mars , +dark sphere with "divine" like objects around it in minecraft style +A selfie photo of Moses while he splits the red sea as part of the Exodus, highly detailed, beautiful, +A giant pumpkin next to a small pomerania +little cute girl, red long hair, blue eyes, simple background, full body, soft skin photorealist, 8k, sweat, blushing, beautiful environmental wide shot, cinematic lighting delicate features finely detailed perfect face flushed gaze, gapmoe, trending on pixiv fanbox, painted by akihiko yoshida from bbwchan, detailed, hyper, intricate, wonderful, accuracy, amazing, wonder, finely, super, exquisitely, super, exquisitely +Goku holding up a sign with the text "Happy Birthday Harsha" +Pie made with roasted and fried mouse head +Hero Monk of the new world octane render 5D +A bear inside an mgb driving,steering wheel +A sign saying "Creep" with a Slimy humanoid monster covered with a Hundred eyeballs small funny uncanny bald creepy gooey +dismembered dead pregnant girl at morgue. art by Ilya Repin +photo of a man casually wearing a lemonsuit in the walmart checkout +A black female DJ who is a horse, living on a farm and eating carrots, DJing in a nightclub +a cute brunette girl wearing pink headphones, wearing a color blocking hoodie, kawaii, whimsical, happy, big anime Pixar eyes, Nicoletta Ceccoli, Tim Burton, Lisa Frank +knight on a horse fighting a dragon, old school dungeons and dragons art by Larry Elmore, by Clyde Caldwell +eSports team logo of a cow with a cowboy hat +closeup photo of a boy with red hair and freckles, smiling, in a forest +can you create a logo that features an abstract representation of a dog's face, created using clean lines and simple shapes. The design is to be minimalist and modern, with a focus on creating a recognizable and memorable icon that is easy to identify. The color scheme could be black and white, with the dog's face outlined in black on a white background. The simplicity and elegance of the design would help it stand out from other dog-related logos, while also conveying a sense of quality and sophistication. The logo would embody the company's focus on simplicity, innovation, and design, while also appealing to dog lovers who appreciate clean, modern aesthetics. +Jenna Presley, Grand Theft Auto IV, Textless +movie still of a girl in a room. detailed, cinematic, +Camera view at 45 degree angle of a horizontal wooden frame mockup featuring a completely blank canvas hanging on a white plaster wall +a dog sitting on a mailbox +upside down photo in a gargantuan cavern lit with warm light updide down standing lanterns, moss, farns, ivy, clover, stone, and wooden planks on the surfaces upside down wall bars +george eads, as uncanny xmen cyclops, blue yellow costume +A beautiful baby fox, that wears a tie. +Astronaut in the desert hyper realistic +a sign that says i love men +A woman looking like Brad Pitt +Photo of the pope as a gangster in a white puffer +big fat white buck bunney hiding easter eggs while chuckling +a team of cats pulling a dogsled +president john biden as black man +A selfie of Moses while he splits the red sea as part of the Exodus, highly detailed, beautiful, +a very beautiful woman wearing lingerial +Family logo, minimalism, vector logo, logo from the dribbble website, mind journey style, HD, 3d, ultrarealism. Home comfort. Gold and marble, Indian luxury +portrait of beautiful pale warhammer 40000 goth maiden, dark fantasy, red light, digital illustration, intricate, highly detailed, smooth, artstation, painted by Wayne Barlowe and Greg Rutkowski and zdislav beksinski and Ruan Jia and Mandy Jurgens and Artgerm and william-adolphe bouguereau +alien city in the style of studio gibli and jhonen vasquez,trending on artstation, chaotic lighting camera view from above,optical illusion ,german romanticism, flcl ,60s kitsch and psychedelia ,anime , +Walter White as an airbender from the Nickelodeon animated series Avatar: the Last Airbender +whole body image of transgender naturist with an erection +Tiny macro photo of a tiny house on a leaf, diorama, nikon +Beautiful Woman appearing from colorful liquid oil paint, splashing paint, bold paint strokes, cinematic lighting, photo realistic, by karol bak +Masterpiece, best quality, dark elf executioner concept art, beksinski, trending on artstation in ancient dwarven stronghold, carved deep into the mountain, with massive stone gates wearing hide armor, Artstation, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Ian McQue, by Syd Mead, by Simon Stålenhag, +locusta all fried like a chicken +magical forest in the night, with a lot firefly, oil painting style +a fantasy drawing of a woman in armor fighting a goblin +cute school girl, sitting at her desk reading a manga +A picture of a muscular man flexing. Posing brief. +, fantasy, pastel, absurdist, photo, cleaning products +A fully set Thanksgiving dinner table with a turkey +Boris Johnson falling from the sky +logo of the text "Omega Darling" +close up of a female pirate holding a bottle of rum +16 years old boy work late at night, industrial worker +Sacred geometry, neorealism, flower of life, cyberpunk, third eye, mysticism, details, patterns, swastika, antiquity, hd quality, yantra, mantra, india, laser, shadows, brightness +The lord of the rings style, tabletop map, cities, towns, caves, temples, ruis, anceint, medieval, old, fantasy +Card Magic the gathering style of tom whalen Mimetic buildings Eating drinking establishments roadside and Main Street +Female knight standing over a medival landscape with a castle and a sunset, pastel palette, trending, flat color, anime +portrait of a woman in her 20s +Spaceman swimming in an infinity pool +a shiny photograph of A large-scale installation of a surreal garden with oversized flowers made of various materials such as metal, plastic, fabric, and paper. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers, grainy, imperfections, Eastman Kodak Color Negative Film shot on Panavision super ps. +Supernova in a glass jar, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +High detail RAW color photo of a silver blonde female +A watercolor painting of a strawberry with wings, colorful +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Tom Bagshaw +a dog eating a fried chicken drumstick +minimal icon of a cow mixed with a burger +heisenbuerg, eleven stranger things and Mr robot +a Roman marble statue of woman facepalming, as seen in the Louvre +Cyberpunk, God Garuda cyborg, Eagle head, Ancient India style, fine details, si fi, silver on black background, inlaid gems, Indian mehendi patterns on the case, diamonds, precious metal, jewelry, feathers, Baroque style, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution , 8k detail, technological, rough background, HD, Unreal Engine 5 +Long shot Black and white image of A man, shallow lake in a dark forest, intricate details, highly detailed, close-up, extremely detailed wallpaper, looking at viewer, solo, soft cinematic light, dark colors, exposure blending, hdr, +A concept art illustration of a solarpunk city alleyway, restaurants, orientalism, slums, dramatic, cinematic lighting +boxing ring, bruised bard laying down on the floor, shiny robot doing a victory pose , top view, realistic +a 3D-rendered image of a long hallway adorned with ever-changing holographic mosaics depicting scenes from ancient Rome and futuristic civilizations, illuminated by advanced lighting technology, from a first-person perspective. +fluffy anthropomorphic lynx with antlers, falling leaves, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art +Write a bowling ball on your wall in the shape of a letter "P." +Sacred geometry, neorealism, details, patterns, swastika, antiquity, hd quality, yantra, mantra, india, laser, shadows, brightness +retrowave splash art detailed pikachu with sunglasses wallpaper, unreal 5 anamorphic lens flare cyber, outrun by jason fabok and Patrick Brown, cg society, sots art, 2d game art, concept art, official art +photo of an extremely large underground cave with a lake, lanterns floating in the air, trees on islands +A woman in Doggie style position +A silhouette of a dog looking at the stars by banksy +an orange tabby cat, furry art, cute +still screen of Dumbo, Pennywise the Clown as an elephant, in the style of Disney +Beautiful Margot Robbie, swimwear, Full Body, Beach +Walt Disney 3D animation- Ariel, the Little Mermaid as a naturist in the ocean +1980s honda race motorcycle concept art oil painting +a painting of a rat wearing a top hat +princess peach huge and fat and gluttonous +a dog wearing a top hat in the forest, illustration by jean-baptiste monge, detailed background +An old man rides a turtle +A photo of Bigfoot hanginf on a cross +retro dream dramatic professional photo of covered by lotus old hairy shaman screaming in a middle of forest , covered by lotus flower light dust, covered by water, black and white photo by alex grey albi vintage, crisp +Create a photorealistic image of Jenna Ortega, the 20-year-old actress, with a bold and edgy bangs hairstyle. The image should showcase Jenna's youthful features, including her bright eyes and radiant smile. The background should be simple yet elegant, emphasizing Jenna's natural beauty. Use high-quality textures and lighting to make the image look as realistic as possible. +A dog in the styleart of Monet +, fantasy, pastel, absurdist, photo, refined, wheels +A realistic photo of Israeli students demonstrating against the state of Israel, holding weapons and ready to fight +Rick and Morty as characters from Breaking Bad series. Good quality, 4k 800mm lens +detailed watercolor illustration of a beautiful young goddess with long white hair and white eyes wearing a white scale armor , detailed snowstorm mountain backgroung, high quality, 8k, cinematic lighting, sharp focus +a beautiful fantastical and magical glade with a pond in the fae world, digital painting, +realistic and highly detailed RAW photo of (rusty) (robot) hugging ((( beautiful female celebrity))) ,background of landfill (rubbish mountain) , (building ruins), (small fire),(heavy black smoke cloud) +Detailed Ink splash portrait of a young woman: Alex maleev: Ashley Wood: Carne Griffiths: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +closeup hyperrealistic photograph of the ecstacy of a facebook like, depth of field, sharp focus, epic composition, 8k, UHD, natural light, F Stop 1.8, High octane render, Unreal engine 5, cinematic lighting, highly detailed +cute water elemental by monet and alicexz +a man crashing a plane ,old propaganda poster style +a orange gat with glasses wearing astronaut suit +Una rosa de muchos colores fosforitos +The Book Of Shadows, white magic, ritual, evocative, mysterious, epic scene, intricate details, hyper realistic, cinematic lighting, +A cat dressed as a ninja +a car driving through a fruit stand, movie action scene, fruits flying everywhere +you feel as if you are walking on a tightrope over a ravine with no safety net. +photo of a cat sitting on the top of the skyscraper +Spider-Man comic in 1968 where he beats up Mary Jane +Thom Yorke in a boxing match with Rivers Cuomo +Beautiful Asian woman, croptop, skirt, pregnant +astronauts listening to concert on the moon sitting next to stage +a white marble bust of robot on a yellow background, 3d +gorgeous beautiful young female in a changing room, black hair tied in pigtails, wearing a sheer nightgown open at the front, yanked down top, visible midriff, bare legs visible, dark areolas peeking, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +a human skull covered in molten chocolate +logo indian dish tali, icon style, lovers , HD, 3d logo, family, healthy food, minimalism, realism. +cute young goth woman wearing a lace dress photographed in a dark studio on Kodak portra400 film by Dean Martindale +film still, close up, mia malkova rising out of muddy vietnam river, face covered in mud, combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9, 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +A futuristic mega building, dystopian society, cinematic photo +A cabin scene in rural Nepal, a baby plays in the snow by the door of a Tiny wooden home covered in snow after the avalanche. There’s a fire slowing and a broom with ashes nostalgic and melancholic Shot on arrival Alexa, Natural light, maximum detail, photography, film grain, patina, hyperrealistic, shot by emmanuel lubezki +a video game scene from fortnite, concept art by Mac Conner, polycount, realism, xbox series x screenshot +RAW photo, animal, a portrait photo of deer humanoid in clothes, face, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +A nostalgic photograph of an early 2000s shopping mall after hours. The dimly lit space features a clean and inviting children's play area, complete with colorful toys and padded flooring. However, the overall atmosphere is gloomy and eerie, with the flickering fluorescent lights casting long shadows across the carpeted mall. The scene captures a sense of quiet solitude, with the only movement coming from the occasional flicker of overhead lights. The photograph is by Zahari Zograf and was taken with a low-quality camera, giving it a vintage and grainy look. The image was originally shared on Instagram and was part of a series exploring abandoned malls at night, inspired by the Barbizon School of photography. +minimalistic lineart vector graphic logo of an alpaca in front of a geometric diamond shape, black and white, monochromatic, +Banjo holding a sign that says "Good Morning Matt Anderson" +Andy Warhol holding a sign that says Famou$ +a young girl on a medieval battlefield, wearing armor, in the rain +, fantasy, pastel, absurdist, photo, mayo matchbox +A fly insect in Star wars the clone wars series style +Antique, warm hues, full body, skinny black negro bare teen girl 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +a horse made of large crystals +movie still from 90s tv series about ufo in rural us +OUTPUT = Smiling Man in Green Shirt, Happy, Friendly, Approachable, Casual, Portrait, Realistic +ux desgin for mobile app audio playback page, audio playback page, including previous song, next song, play, pause, favorite, like, progress bar, volume adjustment, share button in the upper right corner, playlist button, back button, song cover is displayed in In the middle, the song name is displayed, and the message button is at the bottom +, fantasy, pastel, absurdist, photo, refined, molt +safe for work Bruce timm style 20 year old Anna Hathaway blonde bangs hairstyle , black robes , bold lines , clean lines , +Alisa Selezneva from The Strugatsky Brothers. The Mystery of the Third Planet book, realistic photo, canon eos +A marble statue of Cthulhu featured on ArtStation +-A portrait of linda cardellini alison brie anne hathaway rachel lane sabrina lloyd odette annable hybrid oil painting unreal 5 daz rpg portrait extremely detailed artgerm greg rutkows +Optimus prime as a real person +Comic art of Raymond reddington shaking hands with Dexter morgan +A Levantine man waving at a dog, hills and palm trees in the background +Albino King Elric of Melnibone holding the black sword Stormbringer painted by John William Waterhouse +Film still from 80s dark fantasy magic school movie +portrait of pretty young woman, beautiful, attractive, glowing, amazing, magical, dynamic lighting, dark, tender, 4k, octane, age 18, moon in background, intricate and ornate, with talisman, with rainbow background very beautiful +a Japanese girl in tutu on her 8th birthday party, stocking, long and slim legs, from behind, Nikon D5 +Vintage 70s film still from horror scout movie monster +White Low-Poly Robot Facing Camera, Geometric, Minimalist, Futuristic, Clean, Simple, 3D Modeling, Low Poly, Sci-fi, "Simon Stålenhag", "Mike Winkelmann", "Ash Thorp" +An extremely pale blue eyed ginger Nordic male fat old hairy daddy in a sauna +woman playing solitaire at a desk, fuji color film, polaroid, 1999 +Mr. Bean wearing a party hat +Cute 3d render of toy art Groot +DeLorean back to the future traveling time over a gloomy road at night, fog, windstorm, volumetric llight +An 1860s photograph of soldiers on the beaches of San Francisco for World War. +AWS inrastructure with one X-road security server +A cat teacher wearing a suit is in front of a blackboard +a photorealistic dramatic fantasy render of a beautiful woman wearing a beautiful intricately detailed japanese crow kitsune mask and clasical japanese kimono by wlop, artgerm, greg rutkowski, alphonse mucha, beautiful dynamic dramatic dark moody lighting, shadows, cinematic atmosphere +realistic photo of 6 year old girl Kotori Minami in swimwear on a beach, cosplay, professional photography, nikon, highly detailed +Kristen stewart as a Zombie, rotten flesh, body trauma, inspired by The Walking Dead +Damask style of pineapple and palm tile +a tree with a few of bitcoin logos hanging from it, and a few more clearly on the ground +A magician standing on the balcony of a castle looking at the forest with a river and its mountains. +lake with a hole in the center +a photo of cats in the crown of a palm tree +aerial view of small town on the bank of a river +I want you to draw an illustration with a caravan going on a winding road that is a film strip. +art print of a hyperdimensional piano in space +a large swimming pool with statues around it, Damien Hirst, instagram contest winner, neoclassicism, made of mist, mist, rococo +Highly Detailed Cyberpunk Building of Interstellar Trade Guild, digitally painted in UHD resolution on UE, with realistic lighting, detailed textures +Iron mesh on a rectangular metal frame, on which the various parts of the clothes hang +A building in fortnite with 2 signs one says "Nutronic" and the other says "@thenutronic" +fantasy art print, giant eagle from legend of ravaging dynasties +acrylic ink flow 8k resolution photo realistic masterpiece by Android Jones, intricately detailed fluid gouache painting by J Japanese Art, James Jean, Erin Hanson, Dan Mumford calligraphy acrylic watercolour art, professional photography +breton monk polish folk disco outdoors photo +digital art, magician woman merging a rabbit +A cat in shape of banana in Beeple style of 3d render +isometric floating island in the sky +ill-mannered, mean, middle-aged grimy medieval man, blushed cheeks, rats in his coat high quality digital painting +a card that says « Happy Birthday » with an heart on the center of it +A giant squirrel fighting a strong bear +mad angry red deer stag roaring side view vector comic style black and white +Black and white 1905 year futuristic portrait old mad professional photographer with camera in hand riding on crocodile in a desert covered by mushrooms +chaotic stunning San Francisco, illustrated by Hergé, style of tin tin comics, pen and ink. Vintage 90's anime style, +Animal figurine, plastic transparent outer shell, filled with colorful jewels electronic computer components, product photography, white background,owl +a green leaf with the word gretee a black and white photo of a person on a bike, hicham habchi, courtyard, michael margetts, sparsely populated, villages, wide - angle film, consist of shadow, sorrowful, identical picture, taken with canon eos 5 d, borders, in thick layers of rhythms, white walls, protagonist in foreground, inspired by Riad Beyrouti on it,a person holding a basket of oranges next to a car, cinematic pinterest style, porsche, elegant feet, 2019 trending photo, by Kristin Nelson, girlboss, mad men, 1 red shoe 1 blue shoe, pov, holding a tangerine, 1958 ferrari 250 gt, katherine lam, rituals, cart, bird's-eye viewDesign a modern, minimalist logo for a green product review website called GreenGadgetGuru.com. The logo should incorporate elements related to sustainability, such as a green leaf or planet, and devices or technology, such as gears or circuits. Use shades of green and white to emphasize the ecological theme web design, circle, clean render, patented in 2039, graphic, no watermark signature, green and yellow colors, rotten green skin, photo of breeze kaze, 3 dex, graphics, badge +mgb car driving through volcanic molten lava magma, studio lighting,gallery of artworks volumetric ,white room, light,flames steam,posters on walls +Santa Claus petting a dog, Christmas trees in the background +a cat in front of Sega building in Akihabara. +photo of chubby guy fat boss yells at the intern at office. highly detailed face, killer look, Hard close-set eyes, born criminal +Coachella beauty, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Patroclus and Achilles hugging, flat illustration, riso, lithograph +photo of a cat made of snake scales +Emily Blunt at the beach,look at the camera,purple cinematic lighting,la la land movie vibe +2d disney portrait of a charming grasshopper dressed in a top hat with oversized eyes. The grasshopper should be depicted in a cute and endearing way that captures its playful personality. The background should feature a natural setting, such as a grassy meadow, and the colors used should be bright and cheerful to complement the grasshopper's joyful spirit. +upside down photo in a gargantuan cavern lit up upside down standing lanterns, few moss, farns, ivy, clover, a lot of grey natural stone walls, gravel, and upside down wall bars, ladders, floating +, fantasy, pastel, absurdist, photo, Wes Anderson, mouse femme fatale +, fantasy, pastel, absurdist, photo, refined, rainbow spiral to an eye +gold tip pyramid in the night, extremely detailed , rain, stars , 8k +a futuristic robot made of wood +A man with a dog's head, a chainsaw, and on top of a car. +a wide angle photo of roman soldiers in front of courtyard roman buildings,roman soldier in foreground masculine features nose helmet and sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +Fotografía realista con un estilo antiguo de un extraterrestre feo, en un bar, bebiendo un a cerveza fotografía ultra realista, se detalla muy bien la piel del extraterrestre, vintage, 8k +a man with a dog watching a beautiful sunset +hot air balloons over a city skyline sunset +best quality, highres, high resolution, cinematic lighting, digital art illustration of a man wearing karate clothes fighting a giant duck on a beach, sunset, hd, 4k, by atey ghailan +close up shot of queen Elizabeth in her 30s, wearing a museum-quality crystal clear Jadeite Bead Necklace and crown, sitting in the dark palace +Cyberpunk Batman and Robin boy wonder stood next to the futuristic batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +breton monks looking like zapa dancing with hare krishna , with cow, photo +Looking down on a victorian fantasy city from a cliff, beautiful castles, houses, cathedral +photography of ARES, god of war and fire, low angle, righteous flames, maximalist, dreamy ethereal glowing light, dynamic focus , dynamic posture, beautiful volumetric light, in-action shot, ultra high quality, Sony A7 III, cinematic shot, ultra high definition, ultra high resolution +A girl lying on the bed, open leg, above view +instagram model working at an oilrig +Astronaut sticking tongue out holding a sign that says hail Satan +a woman with "forehead" written on her forehead in red lipstick +A steam-powered train, driving through a desolate wasteland with a massive, mechanical creature following close behind. Digital Illustration by Simon Stålenhag. +sculptures, by kuksi.com, miniature worlds with a million details by Kris Kuksi, high detail, 3D artist, 3D bas-relief, high detail, ambient lighting, octane render, 8k, realism, material marble, precious metal inlay, Indian style, statues of gods, religious attributes +photo of an imp browsing 4chan +A portrait of shakira by van gogh +A giant muscular man knitting a hat, comic +flowery skull. a realistic masterpiece by John James Audubon, Maria Sibylla Merian, Albertus Seba, 8k resolution, dark fantasy concept art, dynamic lighting, hyperdetailed, intricately detailed, Splash screen art, deep color, Unreal Engine, volumetric lighting, Alphonse Mucha, purple and yellow complementary colours +fruit vulva Bosnian folklore vampire woman, photo +The diver has an eerie feeling there is something behind him...He turns around and becomes paralyzed with fear... +the batman and his sidekick Robin prepare to fight The Joker and his goons on the streets of Gotham City, movie still, 8k, cinematic composition +The mona lisa, but it is a man with beard and man medival clothes. in the style of leonardo davinci +Close up, woman, neon lights, glowing colors +an apple stacking in the shape of the eiffel tower, stock image +Photo of a cat in a well tailored suit getting a cup of coffee in a cafe in the morning +Kissa Sins, Final Fantasy, Textless, SFW +An abandoned neon city with a runner passing through, An intricate and hyperdetailed painting by Ismail Inceoglu, Huang Guangjian and Dan Witz, Fantasy art, Album cover art, Deep colors +4 cats jumping in the air over a pile of snow +A construction worker holding a roll of reinforcement mesh on a clean construction site with a thought bubble of he hold many steel bars and a large pile of reinforcement waste behind him +RAW photo of beautiful woman, masterpiece, perfect lighting, perfect face, eye contact, green eyes, studio photo, on couch, perfect lighting, beautiful lighting, smooth lighting , presenting, navel, +hands of people who gather a circle +front of box cover civilization board game, Jace, the mind sculptor Jace, the Mind Sculptor It is a blue planeswalker card that has become one of the most popular and powerful in the game. He has four different abilities that allow him to draw cards, manipulate the opponent's library, and control the battlefield.8k, highly detailed, through time, evolution, wheel, technology, stone working, wood working +photo of teddybear looking at a landrover defender in the jungle river,furry teddy misty mud rocks,headlights Chrome Detailing, teddybear eyes +close up portrait photo of a doge cat +A Photo of Natalie Portman, Realistic, Very Detailed, +, fantasy, pastel, absurdist, photo, Wes anderson, Daisy flower character +A lonely woman with an umbrella waiting to cross Shibuyas crossing in Japan, back facing the camera, rainy afternoon, beautiful volumetric lighting, intricate, digital painting, cyberpunk colours +photo in ancient rome,centurions roman army,fall of the roman empire,ben-hur epic film +large master bedroom suite, you are struck by the opulence and luxury of the space. The room is situated high in a skyscraper in Manhattan, providing breathtaking views of the city skyline below. The night sky outside adds to the ambience, with the twinkling lights of the city serving as a stunning backdrop. The interior of the room is a masterclass in modern design, with a planned and exquisite layout that allows every detail to shine. The room is awash in a palette of white and black, with glossy surfaces and gold accents that catch the light in all the right ways. The marble floors gleam underfoot, lending a sense of grandeur and sophistication to the space. The bed takes center stage, a plush and luxurious piece with crisp white linens and an array of gold and black throw pillows that invite you to sink into its sumptuous embrace. The headboard is a work of art, featuring intricate gold details that contrast beautifully with the sleek black finish. The rest of the room is just as stunning, with carefully selected decor and furnishings that enhance the overall aesthetic. Beautifully crafted lamps and fixtures cast a warm and inviting glow throughout the space, while exquisite details like gold-accented vases and sleek black sculptures add a touch of elegance and sophistication. Despite its minimalist design, the room feels welcoming and cozy, beckoning you to stay a while and soak in its beauty. It's a truly exquisite space, one that showcases the very best in interior design and decoration. +concept art for Elden Ring 2 +iconic portrait pic of an old business lady +photograph of a surprised woman dressed in a harry potter costume and holding a wand in one hand , black robe, wool sweater ,gryffindor +shiny robot doing a victory pose, boxing ring, bruised bard laying down on the floor, bard hat , realistic +Deep space reflected in a closeup of a person's eyes. +a cyberpunk cybergirl perched on top of a giant building overlooking a dystopian cyber city +abstract impressionism, muslim bird woman with long flowing dress flying through sky, storm, aqua and blue and gold colors, impasto, wispy clouds, Tyler Shields, Steven Outram, Eric Zener, Odd Nerdrum, Noah Bradley, Richard MacDonald, Anne Bachelier, Leonora Carrington, Edward Moran, Gustave Caillebotte, Grimshaw, Ink wash +photograph of a pre historic man eating a pineapple +Studio Ghibli style picture of a dog warrior +woman caned repeatedly, swollen, bruised, tied up, highly detailed, embellishments +A young man with long dark hair is backpacking in Marroco and is sleeping outside of a mosque +luiz inácio lula da silva hulk +the supreme leader of the murim alliance throwing multiple gatling punches against the heavenly demonic leader, oppressing overwhelming power infront of his disciples,in the style of Ken Kelly and Tony DiTerlizzi and William Blake,Richard Corben,extremely detailed,detailed shadows,volumetric lighting +Baroque style, Face, Indian architecture, silver on black background, Vastu, inlay, bas-relief, high relief, counter-relief, three-dimensional sculpture, high resolution , 8k detail +hyperrealistic polaroid photograph, poltergeist creature standing over a dead boy in a large bedroom, many appendages, bed, abandoned bedroom, cobwebs, bloodstains on floor, old house, large windows , +jeremy clarkson and Kurt Cobain +Morgan Freeman dressed as an astronaut +The letter “K” vector art, abstract +hybrid between a shiba inu and a sheep, fantasy, 4k, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +a nun in a room, a metal pipe in her hand, surrounded by angry zombies +Back to the Future, 16-bit pixel art adventure game +illustration of evil bad angry skye sister dog from paw patrol +green and purple liquid splatter art of a dinosaur, fantasy art, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain, long shot, wide shot +A car driving through the desert, by Greg Rutkowski +Photo of monkey wearing a chefs hat +masterful photo of an incredible muscular woman, muscle goddess, bigger muscles than human possible, young, massive shoulders, 8 pack abs, huge, stronger than any man, 3 meter tall, +In the vast desert wasteland lies the ruins of an ancient city destroyed by an unknown force. In the foreground, a regal figure clad in yellow robes stands, brandishing a scepter with an eerie blue glow. His face is obscured by a haunting mask, adorned with twisted and sharp features. You can almost hear the echoes of his chilling laughter as he surveys the desolation in the background. From the shadows, a voice whispers: "Hastur, the King in Yellow has come." Generate an image capturing this ominous scene. +bunny sitting on top a stack of pancakes, masterpiece +film still, close up, taylor swift rising out of muddy vietnam river not wearing any clothes, face covered in mud, combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +Falling polish nuclear-atomic bomb into Moscow orthodox church, smawshing it completly +Fat Godzilla sitting on a sofa eating snack food and wacthing tv +beautiful oil painting, marble statue of a frog in the nature, godrays, dust particles, volumetric lighting, masterpiece, 8k, highres, highly detailed, realistic, photorealistic, golden ratio, NIKON +top view of water falling into black darkness +1866, cloudy night, rain, reflective lights +A teddy bear cruising on a snow mobile in the Himalayas +A fantasy landscape with a waterfall and a rainbow +A real life picture of a a light orange striped kitten with a red collar in a vacation on a boat with sails in the ocean +Abraham Lincoln typing on a MacBook laptop next to a fireplace +Walter White holding a sign that has text: "Make blue great again!" +Vintage horror movie, pastel, riso, lithograph +digital art, head and shoulders portrait of a fierce orc warrior, armored in black, by Yoji shinkawa, by Samwise Didier, by Greg Rutkowski, dark and ominous fantasy scene, cinematic lighting, high resolution +macro closeup nighttime photo of a glowing mushroom in forest loam, depth of field +((female spiderman), brown braided faux-side mohawk, muscular, jumping:1.2), (spiderman logo:1.2), highly detailed, INTRICATE, golden ratio, centered, digital painting, artstation, milt kahl, illustration, artgerm, donato giancola, joseph christian leyendecker, les edwards, ed repka, WLOP, athletic build, by Ed Blinkey, Atey Ghailan, Alphonse Mucha, Antonio Moro, trending on ArtStation, trending on CGSociety +ANIME ABOUT GUSTAVO PETRO PRESIDENT OF COLOMBIA +elsa in a sitcom from 1970's +a large faceted crystal ball floating over a Winter landscape snowflakes reflection refraction bokeh low afternoon sun glowing reddish sky, volumetric lighting, global illumination +A zombie sitting on a throne. +photo of military stealth battle car by bmw, breathtaking, fighter jet, f35, f16, military, hamvee, gray matte +Hatsune Miku taking selfie in bathroom mirror +Lorem ipsum dolor sit amet, consectetur adipiscing elit, sed do eiusmod tempor incididunt ut labore et dolore magna aliqua. Ut enim ad minim veniam, quis nostrud exercitation ullamco laboris nisi ut aliquip ex ea commodo consequat. Duis aute irure dolor in reprehenderit in voluptate velit esse cillum dolore eu fugiat nulla pariatur. Excepteur sint occaecat cupidatat non proident, sunt in culpa qui officia deserunt mollit anim id est laborum. +A risqué girl playing a violin +Yoda in seventies Chinese village, old black and white photo +Portrait of Steve Jobs as the pope, white robe, white cap, thumbs up, grinning, presiding over the alter +Naruto, uhd, portrait, uhd, anime style, masterpiece, 8k +a plate of chocolate chip cookies +A dog bodybuilder competition, crowded, photorealistic +a white car parked in front of a red brick building, martin parr, inspired by L. S. Lowry, 70s colors, national geograph, inspired by Rackstraw Downes, cobblestones, c1970, radiohead album cover, michael margetts, destitute, ethnographic +a portrait of a cute young woman in nature +beautiful instagram model working at an roadside constructionsite, thin, wearing hardhat, dirty, heavy machinery +, fantasy, pastel, absurdist, photo, w +one line art of a bull's face +A zebra sitting on a fire hydrant +a picture of a landscape, with a mountainous horizon, at sunset. +An image of a man piloting a robot from the neck down, surrealist painting, cyberpunk style, surreal punk, katsuhiro otomo, red moon followed by crazed demonic bishop in iron maiden robots +Renaissance oil painting of aphrodite, high quality, cinematic lighting, sharo focus, +fantasy digital art print, steampunk clockwork dragon, time dragon, wireframe sculpture, intricate detail +A plate of dumplings that can stimulate one's appetite by Vincent van Gogh +Catgod, the ruler of cats standing in mushroom heaven, looking down on the world +Screaming children closeup of their teeth +magazine cover, text, skinny little preteen 8 year old girl, croptop and miniskirt, muppets and old man, bedroom, chains and ropes, starwars, muppets. by gustav klimt, dino valls, gustav klimt, Daniela Uhlig, thomas kinkade +a portrait of a man and a woman in a movie +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Kramskoy +overgrown giant fantasy forest, high quality, realistic, night, blue fireflies, flowers, person with witch hat, cape +3D render of an adorable fluffy white kitten playing with a ball of yarn on a pastel pink background, digital art +A cat screaming with giant human teeth +27 years old ]] as a 19th century wanderer, dressed in a 19th century weary, black, old travelling cloak and hat, portrait by Marc Simonetti, and Greg Rutkowski. Very atmospheric, detailed, realistic, 9k, natural lighting, dramatic, trending on pinterest.com, raining, melancholic +Fantasy, pastel, absurdist, photo, Wes anderson, map +hyperdetailed, 8k, insane detimage of a woman in leather bra, tatooed arm +portrait photograph of a smoking man with smoke around his face +Textbook on the history of the Internet and memes +Nissan GT-R in a parking lot, raining, film grain, moody +Bruce timm style 20 year old Anna Hathaway poison ivy cosplay , bold lines , clean lines , +fusion of an bread and a rooster +an image of a junge with a sea beach and women swiming +dancing silhouette woman entangled in thousand ribbons, dramatic clouds in a blue sky, god rays, dreamlike, light, high key, digital art, detailed, hyperrealistic, intricate, photography +A company logo of a dragon +futuristic futurism, 4k 200mm telephoto zoom, full-frame, photo, detailed, casablanca morocco, cyberpunk, street, historic blend market technocratic theocratic +A realistic portrait of a woman with blue eyes and curly hair, in bedroom, just wokeup, tired, expression, potrait, blurry background, hyper realistic, cute, detailed, messy room, messy clothes,open mouth +futuristic woman with pink hair and blue eyes, award winning, professional color grading, soft shadows, no contrast, clean sharp focus +womaninwomenshistorymonth heroic thisdayindrowning boats lds lds, käthe kollwitz, portrait +Beautiful photo of Priya nair, at her office, office casuals, professional photography +a professional cinematic paparazzi photograph of a dripped out pope francis in wearing an icy crucifix and a luxurious canada goose style swagy white long puffer jacket, cinematic lighting, epic, amazing, sharp, 8k, photorealistic +Leica photography of New York city in the rain, decisive moment, 1950 +A dragon man holding a sign that reads,"Dragon Rights are Human Rights" +Gothic angel girl from warhammer 40000 highly detailed, digital painting, artstation, smooth, sharp focus, illustration, art by artgerm and zdislav beksinski +a blonde girl with a crop top and ripped denim skinnyjeans +fantasy art of a elven queen +Ellie from "the last of us" game, in a "Gustave Courbet" paint like "Lady Godiva" +Portrait of a cyborg girl wearing futuristic face armor in a neon city at night, intricate details, HDR, beautifull +Cute Kawaii frog polaroid candid by Studio Ghibli, makoto shinkai, by Artgerm, by beeple, volumetric lighting, octane render, 4K resolution, trending on artstation, masterpiece +Jenna coleman as barbarella, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A hauntingly beautiful painting of a demonic vampire bat, with delicate brushstrokes and a muted color palette. Rendered with a soft, dreamlike quality and intricate details on its wings and face, evoking the works of John William Waterhouse and Caspar David Friedrich. +a chihuahua with 14 legs and a purple horn, beautiful painting, detailed illustration, digital art, overdetailed art, concept art, full character, character concept, long hair, full body shot, highly saturated colors, fantasy character, detailed illustration, hd, 4k, digital art, overdetailed art, concept art, Dan Mumford, Greg rutkowski, Victo Ngai +a fruit statue of a dog, stock image +Ciao Toro, prepàrati ad affrontare una giornata completamente disastrosa. La Luna nel segno del Capricorno non ti darà alcuna stabilità e sicurezza interiore, anzi, ti farà sentire come se stessi camminando su una corda sopra un burrone senza rete di sicurezza. +Giant rubber duck floating in the ocean with a small island on its back, surrounded by tropical palm trees and crystal clear water, bright and sunny day, calm seas, vivid colors, cinematic lighting, high detail +the new 2023 redbull f1 car +Wattle, screen print on silk by grace cossington smith +steam punk cyborg surrealism photography futuristic +a wideangle photo view of romans,Canaletto, +Horror movie of a scary barn owl monster +concert at Logan Campbell Centre in Auckland New Zealand +Aurora Borealis as drawn by impressionist painter +Photo of young women in sunset walking in city +Dressed with diamonds, girl, highly reflective, bright, light gauze, evening dress, hazy +a sailboat floating on a serene ocean under a full moon, a storybook illustration by cyril rolando, vladimir kush and goro fujita, fantasy art +'a disco ball sitting on top of a tiled floor, conquering imbalance, big tech corporate art design, the three body problem, digital health, trending digital art, technocracy, immersed within a network, connectedness, take control of your data, is holding a tiny planet earth, energy spheres, effective altruism, the coming ai singularity +A bear inside an mgb driving +Selfie photo of a japanese redhead woman extremely ashamed +pineapple bush grow on floor in apartments, photo, 4k, full length, top view +Rainy evening outside the window, realistic photos +Egyptian Goddess eating sushi, 8k, extremely detailed +fluffy round blue tit, dark hedges, bokeh, watercolor +American Black Eagle Fighter Toy Model, matte painting, HQ, 4k +A realistic gun game COD army badge +Primordial forrest dancing spirits epic fantasy +A coffee bean on a bed of fish. +Portrait of a giant, fluffy, ninja teddy bear +a digital art of an anthromorphic fox walking during winter wearing a fur trimmed winter coat and fluffy hood, trending on artstation +a kangaroo warrior with eye scar wearing a noble's robe,fighting against the demonic orca warrior wearing tribal armour,city streets,at night,neon lights,concept art in the style of Tony DiTerlizzi and Tsutomu Nihei, by artist Ian Miller and inspired by Ken Kelly,volumetric lighting,detailed shadows,extremely detailed +a drawing of a cute pig 🐷 proudly walking in the forest +Pigeon in a well tailored suit getting a cup of coffee in a cafe in the morning, concept art, digital painting, soft, vibrant, morning light, art trending on artstation HQ, modern art by Miguel Vallinas and Yago Partal +majestic oil painting of a cat eating popcorn, by Tim walker, Ross Tran and Natalia Rak, beautiful light and shadows, insane amount of detail, 8k, octane render, UHD +Klein's bottle of rum turned inside out on a wooden pirate table, sombre mystical atmosphere, concept photo, macro quality, alien biomechanical technology, xenomorph, biomechanical tentacles +clear portrait of a lushious young woman doing yoga, super super wide hips!!, background hyper detailed, character concept, full body, dynamic pose, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, art by artgerm and greg rutkowski and alphonse mucha +a dramatic car chase through the streets of new york in a gritty comic book style +a psychedelic pixel art of an astronaut floating through space +Glass aromatic diffuser in modern interior, proffesional foto, realism, bokeh +Japanese chubby simu liu, short shaved hair, short beard goatee, symmetric face, detailed skin texture, fantasy, full length, centered, wearing dark blue leather shoulder strap armor, musclechub body, ultra realistic, background stormy sea +a close up of a landrover near a dinosaur, a photo, fantastic realism, movie screencap, amazing wallpaper, 1990, ffffound, action adventure scene, close-up!!!!!, beautiful wallpaper, award - winning photo ”, screenshot from a movie, rain, famous photo, foto, exclusive, movies +Loren Allred shines bright with ‘Never Enough +an instagram model in a city street, portrait photo, unslpash +A tie dye rabbit bottles of colored dye +, fantasy, pastel, absurdist, photo, refined, simulated life +centaur, a mythical creature,half human,half horse, a man's torso on a horse body +María Pagés, firedance, from riverdance the show, 1995, flamenco +ferrari f50 parked in front of a hedgerow +a wide angle photo of a line of shouting roman soldiers in front of courtyard arena roman buildings,white marble red gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor, +Beautiful image presenting that AGI is coming in the center, digital concept art, sci-fi, cyberpunk, superintelligence supercomputer, futuristic, trending on Artstation, monumental Golem oracle, breathtaking, bottom view, embodiment of wisdom singularity, intricate details +a photo of roman soldiers in front of roman buildings grass steps,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment blue sky clouds,stones in the foreground,long road into the distance ,lines of trees mountains +a portrait of a young man +three engineers fixing a giant tv, finely detailed, wonderful style +photo inside of abandoned railroad tunnel filled with ghosts and bugs +hyperrealistic cityscape, dramatic lighting, modern, futuristic +cinematic still of a grey alien with big head big black eyes touching with a long finger scared woman's face, by ridley scott +bed next to a window realistic interior design archviz +HD 3D animation, whole body image of Cara Delevingne with red skin, black horns, and cat eyes as a demon succubis naturist in the Scottish highlands, sharp detail, photo-realistic accurate face and features, cinematic lighting +Sign that says "Pick a Pic" +A Chinese girl, with black suit, long hair, black hair, happy and smiling +stained glass motif, art by Salvador Dali and Roger Dean, futuristic, sci-fi, a crystal egg at the center of the universe sitting on a lotus flower, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +a schoolteacher wearing a sky-blue dress sitting on her desk with her legs crossed, by Rembrandt +hustler, entertainment woman, hooker, bar, hanghover, surprises, steampunk experience, oil painting, film grain, xyz, doose-s-realistic-art-style, movie still frame, promotional image, imax 35 mm footage, inverse cinematic light, perfect composition, by Christopher Nolan, by david fincher +colourful Synesthesia art, piano instrument, with musical notes flying in the air, mechanical bee flying in nature, electronics, motors, wires, buttons, lcd +HD logo catering, healthy food, minimalism, pastel colors, Krishna, 3d icons, family restaurant, Tali, holy festival of India, emoji style, realism, octane render +anthropomorphic hippopotamus, unibrow, muscle fat, male, furry art, cartoon digital art, official artwork +blue box on top of red box +Kate Bush from Never For Ever +highly dynamic action still of marvels enchantress, cellshaded epic fantasy +A close portrait of Henry Cavill looking at the camera +, fantasy, pastel, absurdist, photo, goat p +comet hurling down a medieval square +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model wearing demonic, Dracula ,Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +a tiny dragon taking a bath in a tea cup, digital art, 2d art, anime +photograph of a minotaur cooking dinner +the scene from anime of marvel ironman in the style of Hayao Miyazaki, Studio Ghibli, dvd screen grab, Spirited Away style +Professional full body digital illustration of Hermione granger in Hogwarts in the style of akabur +painting, vintage travel ad of Fuerteventura +movie top gun gameboard building and sitting in concrete walls and room with muddy children, buried in a library, the building painted buildings are empty of books in a carpet, a library, cleaning ruins with their desolate apartment a sad house in a wooden wall of a building painted by the walls in the room painted in the living room abandoned tomb of a sad space museum in a cluttered library sitting on a building, rusty furniture in the library surrounded by books and painting on Tranquilo, Eliminación, Cortina, Caza, RodarPatos, Ardilla, Ambulatorio, Sagrado, Debajo Fluid, Baseball, Platform, Succinct, Rely a painting of a man standing on top of a boat, by Jacek Yerka, surrealism, man with a blue heart, vereshchagin, noah's ark, half horse - half mouse, peter sculthorpe, kiss, angus mckie, arkhip kuindzhi painting, my home, 1 4 9 3, grain” a cute cheese creature swimming, minimalism, trending on artstation, by petros afshar, anton fadeev, beautiful +Highly Detailed Cyberpunk monumental Headquarters Building of Interstellar space Trade Corp., digitally painted in UHD, concept art +Attractive 19 year old look alike Neve Campbell talking on the phone, touching lips, blurry background +People training hard in the gym +cute russian teen in a state of undress, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Chun li gstring undergarment mythical heavens +a man wearing a green hat and a black shirt +A cute Kawaii tiny hyper realistic dragon in 4he spring grass with flowers . wide angle full body, 8k, Cinematography, photorealistic,epic composition Unreal Engine,Cinematic, Color Grading, Portrait Photography,Ultra-Wide Angle, Depth of Field, hyper detailed +overlay transparent sticky tapes on black background, hyperrealism, closeup, depth field, shutterstock, stunning photo, ad campaign, high-res +pole dancer, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +safe, anime art, Hatsune miku, hires, Danbooru, anime cartoon, stylised +an oil painting by Matisse of actor Matt Damon +photo of adorable asian little ballerinas stretching in dance studio, legs split, nikon D5 +sentient pipe creature, googly eyes, craft project photograph +An image from the inside of a cocktail bar with an infinite pool outside overlooking the sea +new Zealaned 1960s contury farm house with red roof +Robot wearing flowers on head, with gradient background +A neural network tattoo design, vector art +artisitic art print A cyberpunk golden retriever is coding +Shiny Batman blinds everyone at the party +Thunder bird flying in the clouds +very intricate highly detailed anime picture of beautiful woman, masterpiece, best quality, 8k +A woman wearing a yellow raincoat on a rainy day +A pixel art of girl fighters in medieval era, beautiful detailed, high resolución, blasphemous style, trending on artstation and deviantart. +a spaceship shaped like a golden retriever +board game character, a student who studies at school age 25 years +, fantasy, pastel, absurdist, photo, amphibian character, textile +beautiful redhead woman drinking a beer on the woods painted by artgerm +large gold cat statue,walls karnak,stone floor entrance,tutankhamun,columns,wideangle +Close up profile, A cybernetic Egyptian Aztec Samurai Cyborg wearing hyperdetailed dragon armor, ancient ruins growing out of his head, rain, dripping oil, in the style of Gediminas Pranckevicius, Tim Razumovsky, Moebius, Russ Mills, Carne Griffiths, torn paper, bold strokes oil paint, cyberpunk, atompunk, samuraipunk, volumetric dust, pulp illustration, photorealism, raking sunlight, cinematic lighting, perfect composition, beautiful detailed intricate insanely detailed octa +A brown and white cow occupies almost the entire foreground of the image, its head tilted slightly to the left. Her glossy black eyes stare intently at the camera, as if she is posing for a photo. Behind the cow, a rural landscape is visible with a green meadow dotted with yellow flowers and a blue mountain range under a cloudless sky +Skinny little preteen 8 year old girl, croptop and miniskirt, instagram, unclad +Ancient Portrait of Lao Tzu sitting near a river Octane 5D +The Joker wearing a shirt that reads Art +Realistic Black and white image of Felicity Jones +plastic. isometric cute bedroom made in blender with a teddy bear on bed +Sonic gives the middle finger to Eggman +a backyard pool full of doughnuts +psychedelic smoke, explosion, fire twirling, backlit, twisting, curled, petite American ballerina, wearing ballerina sparkling lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Un chico casándose con un ordenador +Gwyneth Paltrow dressed as Abraham Lincoln, top hat +A researcher searching the internet outside the walls of corporations and government +Cute white dragon with purple eyes, close up, digital art, hyperdetailed, trending on artstation, deviantart, 8k, realistic +a woman with a large behind +AN EMPRESS with a crystal crown sitting on big red pillows holding a scepter in the left hand and a shield with right hand.. Art by tsuyoshi nagano, greg rutkowski, artgerm, alphonse mucha, spike painting +a cat with purple fur with a black tophat +cthulhu high priestess Daguerreotype Portraiture by Jan van Eyck, Holbein, Caravaggio +An epic digital painting of many firebreathing dragons fighting each other in the sky, extremely detailed, intricate, inspired by Greg Rutkowski +anime, grim reaper swinging his scythe at a carrot +Real-life Mickey Mouse ordering a burger at McDonalds +super horror scary image of slender man in a park, that can catch anyones attention. +scandinavian zentai woman wearing white extremely zentai crop top +Overview shot of a sleek futuristic flying police car landing on top of a tall building at night, night scene, neon light cityscape, dslr, 4k, 8k +A cinematic DVD still of a Kristen Bell as a risqué waitress servicing her customers 🫦🍆💦, smoky, low budget +photorealistic, high detail, high defintion, 8k, hdr, global illumination, a honda motorcycle +Super Mario as a Final Fantasy character, concept art +masterpiece, realistic photography of a Chinese empress armored warrior sitting on a epic throne, (pants:1.2), chinese palace, looking at camera, large hips, pale skin, (long dark hair), natural light, intense, perfect face, cinematic, still from games of thrones, epic, volumetric light, award winning photography, intricate details +a oil painting of a rat +Oprah Winfrey as a hotwife swinging +A young man with body hair, highly detailed +A happy family on a rollercoaster as the sun sets, selfie, viral photo +a 20 year old woman wearing a small crop top and a small shorts +Masterpiece photorealistic fashion model in puffer jacket, full body, walking, avante garde, highly detailed, runway, cinematic lighting, 4k +woman, greek statue, exposing genitalia ,unclad, non-existent clothes, in the middle of street, new york +A chubby man sleeping in bed under many blankets. +cyberpunk giant kinky muscle young Soldier inquisitor excruciate pregnant girl at torture chamber. guro art +a bride taking a selfie with a gnome by his side +a 3d printer printing a chess board +You have a lovely face. Can I put it on an air freshener? I want to keep your smell close to me always. +Baby Yoda happily eating a kiwi +Death, horseman of the apocalypse, macabre, creepy, grotesque, horror vibe, terrifying, tattered, horrifying, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Teen Victoria coren-mitchell, mommy milkers, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a lifelike realist a trendy lady of african descent with curly hair making a wish to an futuristic friendly caring happy AI powered genie of the lamp set in the future with sunny beach vibes cyberspace light theme - Upscaled +movie top gun , photograph of 3d ios room, soft geometric 3d shapes, autodesk blueprint, impossible object, dynamic curves, android format, playful creativity, displays, flying machines, inspired by Leland Bell +Watercolour raspberries, hyperdetailed, energetic, by Matisse, rifle paper co +from a home roof cloudy sky with a sun rays between the clouds , with some houses and buildings . +a job hunter using AI talent searching system with confidence and smile on face +Kinky young teen 2B cosplay, big brests, Webcam, Only Fans +A cinematic portrait of a medieval knight wearing full blue, black, and gold reflective steel plate armor posing with a long sword +A spaceship prototype, traveling through a colourful nebula, dramatic lighting, sci fi, close up +Lime colored skull shaped nuclear explosion +an abstract painting of a sci-fi city landscape +isometric render of boy at cozy room in bedroom using laptop, massive, big screen, high tech , advanced, doing design, warzone, messy cluttered bedroom, cozy, nostalgic, isometric render, 3d, a lot of details +Raw, Analog. lived in, run down look, photographed by Ridley Scott. gritty sci-fi style. huge spaceship. depth, cables, pipes. film grain, hyper detailed skin, 16k, shot on Fujifilm GFX 50r. cinematic, bionic parts, maximum detail, soft lighting +Antique, warm hues, dark haired, massive, fat legs spread, large erection, portly male Priest, little pecker, in frilly pink lace tutu and bra, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Cute 90s anime girl wearing blue jacket top and shorts with shiny metallic pearlescent hair, pastel pink moon background +artistic art poster, art print by alicexz +fantsy art print by Xiaodi Jin, peaceful atmosphere, L. O. R. D. , a dragon leopard griffin hybrid next to a human. +a competition volksvaguen sirocco on a mountain in a beautiful sunrise +scifi room metal,roman,computer screens,studio lighting, volumetric light,sir john soane,metal pipes,floor grates,pilasters british museum +A succubus doing what she was trained to do +young jewish woman with pumped up +Top down view of a sleek futuristic flying police car landing on top of a tall building at nightr, dslr, 4k, 8k +Photo of dark gothic castle at night, mirrored in the lake +candid selfie photograph of singer taylor swift with group of hairy indian men,indian street,face closeup,sharp focus, venereal pose,white woman surrounded by brown men,highly detailed,stunningly beautiful face,natural lighting, +chun-li, anime cute girl chun li, street fighter, chinese dress, digital art, mastepiece, art by artgerm and John William Waterhouse +A minimalistic logo of a friendly Serval +a painting of an alien city in the middle of the night, concept art, fantasy art, overgrown with huge rare fungus, from ncsoft, hollow knight screenshot, kelp forest, snowy environment, ominous and eerie forest, moon surface, destroyed forest, lostus flowers, beings of astonishing structure, screenshot from the game +forgotten mother viewed leighton ernest ayrshire tog usmc,anna ancher, Katherine kollwitz, melancholia, atmospheric light +Diamond, luxury, expensive gaming mouse made entirely of diamonds +feral six legged rat, bat wings for ears, fantasy art +a cool cat under an ambrella +sci-fi large room with a large sphere sculpture ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel,strong foreground, +a wide angle photo of gold statue on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics fire smoke, a photo, gearing up for battle, roman , mace and shield, a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, plants overgrown outstanding detail ,in front of a building, +closeup Portrait of a Kittian and Nevisian Girl, Snowy light, Pink colors, highly detailed, realistic, photographic, realism, 4k +Zdislaw Beksinski Dariusz Zawadzki Mark Powell +digital art, dj, wide shot, anthro horse, furry, anthropomorphic, sharp, detail, by Bosslogic , by Ivan Wong +MJ standing next to ELVIS on a stage by Luis Paret y Alcazar, reddit contest winner, neo-dada, made of plastic, 1970s, digitally enhanced +mgb cars in the jungle river,splash rocks crocodiles,chrome grill +The universe is a spheroid region 705 meters in diameter by Pieter Claesz +photo of a woman standing on a beach, dramatic, evening dramatic party, beach clothes, cute +a plant design of traditional mexican decorative paper +Watercolor painting of Lake and forest, afternoon backlight, by greg rutkowski, by anders zorn +Keanu Reeves with a frying pan on top of a skyscraper in the middle of a desert. +photo of brutal 45 y.o man in wastelander clothes, long haircut, pale skin, slim body, background is city ruins +insanely detailed portrait, male viking model, insane face details, perfect eyes, dof, dslr extremely intricate, high res, 8k, award winning photography +a sign with the text "420 to Denver" +a handsome lifeguard in a red speedo on a public beach +A yellow lab wearing a raincoat +Digital Modern Disney Style, pitbull dog, dressed in jiu jitsu gi, black belt, in fighting stance, standing, full body, muscular, detailed +League of Legends champion. Octara is an octopus champion with a humanoid upper body and an octopus lower body. Her dark blue skin shimmers with scales, and her hair is a mass of writhing tentacles. Her fierce expression and imposing presence emphasize her powerful nature. She has eight tentacles that act as arms and are covered in tiny suction cups. Octara's eyes are large and expressive, giving her a more octopus-like appearance. Her ornate robes are adorned with intricate patterns of swirling tentacles, further accentuating her octopus-like appearance. +a beautifull ultra-detailed epic artwork of an apple by Gustave Doré, zdzisław beksiński and leonardo da vinci +Beautiful attractive shy young nun with red mate texture lips make up +Girl with the pearl earring minds eye +photo of muscle guy bald Slaughter punish his son at prison toilet. wear raunch briefs, highly detailed face, killer look, Hard close-set eyes, born criminal +photo of a futuristic hover jet bike +You’re silhouette wonders alone in the dark +beautiful woman in a white dress +God rays coming out of a liquor cabinet +anime holding box with the word "gay" on it +Create a propaganda-style image of a face that embodies the theme of an evil dystopian city inspired by George Orwell's '1984.' The illustration should be highly detailed and hyper-realistic, with sharp lines and crisp details, resembling a digital art piece. The color scheme should be dark and foreboding, with a focus on red and black tones. The face should have an expression of control and domination, with a hint of malice in the eyes. The background should be a futuristic cityscape, with buildings towering in the distance and dark clouds covering the sky. The image should resemble the works of artists like Simon Stålenhag and Jakub Rozalski, and the result should be a masterpiece that could be used as a powerful piece of propaganda for a dystopian regime. +Anticipation, impatience, uncertainty, time passing, nervous energy, clenched fists, tapping feet, longing gaze, clock-watching, deep breaths, restless pacing, bated breath, furrowed brows +a mushroom cow bodybuilder living in a cyberfunk futuristic Minecraft world +A real life picture of a an orange striped kitten on a vacation boat in the ocean +digital painting of electric Gorilla, electricity aura, electric storm, electric zaps, electricity coming out of body +art deco statue of a dragon surrounded by starlight, made of brass, photorealistic, product shot +portrait of a girl Cyborgs from cyberpunk india, side close-up, detailed face, spotlight, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, Yantra, +A robot in times square holding a plaque that reads "i love you" +A cute Baby kitten with big eyes, sitting inside a teacup, centered composition, impressionistic, 8k, photorealism, airbrush, volumetric lighting Oil on Canvas, heavy impasto, intricately detailed, hyperdetailed, Splash art, depth of field, shadow depth, hyperdetailed, meticulous, detailed painting, fine details +cafe logo, emoji icon, minimalism, color logo, HD, 3d logo, family, watercolor, healthy food, indian luxury +the remnants of a broken alien supercomputer covered in thick wires in a mystical grove, futuristic ruins, god rays, warm natural lighting, beautiful atmosphere, artstation, cinematic concept art +A photo of a road sign reading "EGGS AHEAD" +fantasy young girl wearing a red cloak in a dark forest, staked by a wolf +olive green lipstick, yellow green hair +only fans bedroom, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +group of friends in the street of Los Angeles, detailed photo +25 years old Lee Evans as a 19th century postman, dressed in gray uniform, very atmospheric, raining, natural lights, trending on pinterest.com +chocolate pubic vulva patterns in shape of vulva, glitters +Award-winning photograph, An abandoned highway bridge, deterioration, trashed cars, overgrown vines and weeds and moss, highly detailed, +photo, into the woods of Eryn Vorn, Middle Earth, several elves lost in a forest with a tree at dawn, Oil Painting,octane render, by WLOP and Greg Rutkowski and Akira Yamaoka, Studio Ghibli, by Charlie Bowater, Bokeh, HD +bear on the attack, gory, bloody +Highly realistic portrait of a demonic pumpkin, sculpted from clay, finely detailed with lit eyes, steamy smoke escaping from its mouth, illuminated from within and by a red moonlight, digitally painted, by Taliesin Willow-Luna, 2020 +aN ARTISTIC ASIAN painted tray wood with flowers +A beautiful painting of sunrise by Picasso +A suspicious Cow peering from behind a fence +a close up of a person wearing a costume, an art deco painting, pop surrealism, alexey egorov, mannequin, scarlet, azure, francois schuiten, benjamin lacombe, cinematic. art deco, steven klein, key art, benjamin vnuk, beauteous sumptuous, jazza, lustrous, jean dupas +Giant robots fighting in a futuristic city, with buildings falling and explosions all around, intense, fast-paced, dramatic, stylized, futuristic +Steven Crowder DvD still from dark fantasy film 1982 conan the barbarian +A cat in boots, dressed like a knight, was Fighting with Struggling with the ferocious dragon that was on fire +8k, 80s movie still, a robocop t-800 cyborg, cyberpunk, photography +a cigarette advertisement targeting young children +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Michelangelo +A highway that goes over a lake and is surrounded by trees +delicate face, down shot, I thick acrylic illustration on pixiv, by Kawacy, by john singer sargent, Masterpiece, An Asian girl is smiling with her eyes open, her tawny hair parted in the middle, the breath of spring, moss and water ripples, accompanied by spring flowers, lily of the valley and mountain peach, the sun shines on her face, the light is reflected on the crystal, melting, warm and charming, as mysterious as the Milky Way rich details, highest quality, ultra-detailed, extremely delicate, the latest pixiv illustrations, delicate decorations, dynamic poses, dynamic angles, gorgeous light and shadow +a blonde woman with wavy hair from the back +drawing of a beautiful blonde woman from the waist up, posing in front of waves, beach, blue ocean, tropical vibes, sunny, sun rays. 🍑 +gorgeous beautiful young female in a changing room, black hair tied in pigtails, wearing a sheer partially draped saree without a blouse, no blouse, bare top, bare legs visible, dark areola peeking, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +a little girl wearing a blue gingham dress, 1960s, polaroid photo, +a shiny photograph of 70's kitchen with female mannequins made of glass, metal, plastic, iridescent gum and jelly. The flowers have different shapes and colors, some resembling real species and others being completely abstract. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers, octane render, crisp, muted colors, Eastman Kodak Color Negative Film shot on Panavision super ps. +1990s era, photo of a young man, sitting, mechanical keyboard, working, desk, 1990s CRT monitor, monstera, 1 glass of oj, juice, wide shot, side view, natural lighting, home, polaroid, 4k +a forest that looks like stained glass windows +art print by alicexz, agent the matrix, the mad hatter, alice in wonderland, agent smith wearing a top hat, wallpaper, background Cheshire Cat from the matrix +A logo of ai laptop and surveillance camera +birthday suit girl, long hair, bend over, on a beach, focused +Sonic: "FEAR NOT! I'LL SAVE YA!" +Dutch girl with green eyes, realistic +joe pesci and keanu reeves eating at mcdonalds +croweded racoon soldier car swerves around the corner +cactus like legs with open vulva, photo +Darkness from 1986 Legend as a naturist +Professional photo of a ginger freckled female fantasy cosplay mage with freckles, grey eyes, and a closed mouth. She is wearing modest long blue robes with many small details and is standing in a a dark alley in a fantasy city with many details. She is looking at the viewer. +A pencil and watercolor drawing of a bright city in the future with flying cars +Two robot cats playing chess on a tree branch +masterpiece, ब्रा, sheer detailed open camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +jeremy clarkson driving porsche 911 down English street with huge exuded pipe +Award-winning photo of a cat samurai, holding two swords, background cyberpunk Styles, 4k,golden hour, cinematic light +Jim Carrey as the stay puft marshmallow man +Obama as a survivor in the video game Dead by Daylight, screenshot +a disco ball sitting on top of a tiled floor, a Soviet girl sitting in a chair in front of a soviet computer in the communal apartment, 8K, cinematic lighting, photographic, Eastman Kodak Color Negative film 5251 50T shot on panavision super ps . no armstrending digital fantasy art, healthcare worker, planet earth background, depicted as a 3 d render, hollow cheeks, executive industry banner, orb, world of madness, scattered, rounded face, 2 0 1 4. modern attire, uncaring, digitial illustrationa close up of a toy ship on a table, tabletop game board, in the style wes anderson, hq print, war of the worlds, ffffound, photo taken of an epic intricate, vast seas, streaming on twitch, layout design, full image, template layout, little nightmares, outputs +aew's qt marshall, portrait oil painting realistic +Anime monsters dueling to the death +man from another planet, futuristic, landed on earth in a spaceship, hyperrealistic, award-winning studio photography, professional color grading, soft shadows, no contrast, sharp and clean focus, film photography, high resolution, 8K +The Joker, portrait elegant highly detailed digital painting artstation pixiv +Beautiful, masterpiece, Asuka Langley Soryu, neon Genesis Evangelion, plugsuit, Orange hair, blue eyes +dancing, human being peeled like a banana +cinematic still of highly reflective glass train in the desert, at sunset +A Crusader riding on a Horse, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +a cloudy sky in the mountains +promotional material for a maho-shonen anime with a chubby male protagonist. +award-winning cute monster Easter bunny happy smiling oni anime art exotic colorful details hd 8k photorealistic nikon d500 1000 +Painting of biomorphic brane sphere melted crayon style +Style greg Rutkowski Create a sleek and modern logo for a sushi bar called "Sushiman," featuring a realistic portrayal of a man in a Superman-inspired pose. The design should incorporate a minimalistic and linear approach with a color scheme consisting of black, red, and blue, as well as neon accents to add a pop of visual interest. Emphasize the importance of keeping the logo clean and easy to recognize, while also capturing the essence of the Sushiman brand. +girl painting her portrait in a field, art style, Jim Warren, Vladimir Kush, Boris Vallejo and Julie Bell, trending on artstation +The great wave of Coca Cola +galaxy environment, Capturing A whimsical, a small kitty, winter spring wind rainbow a sprinkle of edible glitter in an unopenable dream magical jar, trippy, 8k, vivid, ultra detalis, colorfull lighting, surreal photography, portrait, +a spark gap between a tomato and a cucumber, cinematic, dramatic lighting +A digital painting of an anthromorphic furry dragon wearing a medieval fantasy armor, trending on artstation, digital art +A one-armed person playing chess with a rooster on a farm in Spain +Full body portrait of an feminine gorgeous melancholic elegant android, in the ergo proxy style, beautiful anime shot, cyberpunk, highly detailed, neon backlight, complex scene, latex bodysuit, final fantasy 8, retrofuturistic weapon +Fennec fox wearing a blonde wig and a pink dress +spiral staircase made of pianos in an infinite ancient library in outer space +Joe Biden in a wedding dress +David Bowie smiling and eating a hot dog at yankee stadium, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, Thomas Cole, donato giancola, +Beautiful stained glass window, mandala design, intricate stained glass, photograph, digital render, digital illustration, photo realism, colorful +a photo of roman soldiers in front of roman buildings grass steps,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment blue sky clouds +A stunning pink bimbo e-girl, glitter makeup, galaxy texture, +dahlia in the style of digital +Haunted Library, riso, comic, fantasy, pastel, , absurdism +cinematic still of alien strider across green shrubland +goku fighting Batman in Gotham City, hyperrealistic, high resolution, 4K +portrait of a girl from cyberpunk india, octane rendering, kathakali +Shiny purple amethyst and shiny malachite superimposed on a Fox, double exposure Shiny purple amethyst and shiny malachite, HD +a wolf wearing a hat , smoking a cigar while drinking tea +3d game model, the magical skull sword of despair, dark colors, fog, black background +huskie in open space, galaxy, black background, spaceship warhammer 5000 +photograph of a post apocalyptic industrial complex +Life inside a CPU, macro lens. +kyle bornheimer, bald, goatee, fantasy medieval theme, wearing sleeveless green kaftan, leather pants, gloomy forest background, plants magic powers on hand +Stylish bulbasaur in the style of 90's vintage anime, surrealism, akira style. detailed line art. fine details. inside a 711 in tokyo +a cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of a boeing 747 +magnificent shot of a gorgeous wood elf by vincent segrelles +View from ptuj, Slovenia, church, winter, nighttime, Christmas lights +A misty morning view of Mount Fuji with a traditional Japanese village in the foreground, High quality texture, Photorealistic lighting, Accurate color reproduction, Detailed surface details, Realistic shadows and highlights, Authentic perspective and depth of field, Naturalistic camera angles and framing, Lifelike facial expressions and emotions, Convincing poses and body language, Dynamic composition and visual storytelling +a futuristic interpretation of a dodo bird. Cyborg bird. Amazing colorful. Artstation, hyperrealistic. +A cartoon character with an angry look on his face, trending on zbrush central, digital art, childish gambino, hyper real render, red realistic 3d render, airbrush render +Psychedelic synesthesia complex 3d rendered ethereal 8 complex shapes in different sizes fractal futuristic geometry POV replication of future riddim +Near future space craft, orbiting the moon +a ninja cat in front of Sega building in Akihabara. +A person sitting in class on their chrombook. athstetic +Creepy creature peeking around a door, highly detailed, , +street, growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro kitchen room, foto, Jules Bastien-Lepage,movie still, portrait, closeup +A beautiful and highly detailed, sci-fi, fantasy, steampunk, dieselpunk, cyberpunk, Victorian, fashion illustration about a woman's body modification that is made out of different components +a bike with triangular wheels and a hot dog frame +realistic 3D render, portrait of a 7 year old extremely handsome, blue-skinned, joyful God Krishna with Turban, black sharp bright eyes and pupils intricate, black hair,elegant, dramatic lighting, highly detailed, digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha, art nouveau +realistic photograph of a stuffed tiger wearing a black jacket with the symbol of yin-yang +shrek inside room playing with fireworks +tibetan monk flying over himalaya mountains in weightlessness in traditional red cloth. a lot of flying red fabric around, sky and cloth fabric reflected in blue lake water. dark background. illustration by craig mullins, yoji shinkawa, trending on artstation, peter mohrbacher, hyper detailed, intricate, elite, ornate, +Obese Lana del Rey eating a Bakewell tart, insanely detailed, photorealistic, 8k, , +A beautiful woman riding a bike +film still from romantic beautiful 80s american gore horror, naturist, sauna, girls +Rome tourist map, where is waldo, icons, sightseeing, perspective, high quality, detailed +Cinematic, science fiction and horror scene, a very distant angry werewolf, wearing shreds of clothing, running at the camera on a space station, dramatic lighting +miraculous coffee in soft dappled light +Fine watercolor drawing of a neptunian duck +cosmic phoenix surrounded by wisps of fiery smoke and flames by Andreas Lie! android jones; Amy Sol; Camille Rose Garcia; starry night sky; Edgar Allan Poe ravens; high contrast fiery colours, ink on watercolour, inkblot; speed paint; Quentin Blake; unique composition +Mario as a Wrestler but it's a Crappy Knockoff, Comic Title +new Zealaned contury farm side house +Massive, portly, Japanese bimbo wearing tiny lace panties and bra, riding skateboard, doing full body star jump upside down, squirting, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +a blue-skinned ogre in tight green shorts +Ultra realistic 8k photography with perfect dramatic lighting of a spring pink tree growing from a hand, ultra realistic and detailed, the petals fall into the hand +Oil painting of social dance in palace, many pairs +King Kong reimagined as a majestic princess, digital painting by Alex Ross, intricate, hyper detailed, stunning, trending on artstation, smooth, sharp focus, concept art +psychedelic boy, neon colors, comic illustration +Product photo of a green pea car in retro style +photo of pope francis wearing thobe +photo about a 8 year old girl, she is doing twerking, wearing denim shorts and blouse, show her uncle, +extremely detailed photo 8k, full body shot photo of the most beautiful artwork in the world, female priest in white cloak, by rembrandt, agostino arrivabene, black and white matte painting, 8 k, hdr, smooth, sharp focus, high resolution, award - winning photo, very detailed face and eyes, elaborate sci fi fantasy background, high-quality photo, photorealistic painting by by beksinski and szukalski and giger and and pyromallis and dzo and iris compiet and seb mckinnon, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art by midjourney and greg rutkowski +Flying vehicle, non-existent, unique, masterpiece, marvelous, fantasy, unusual, very unique, magically, wonderful, Megapixel, LED, future +A photo of a dog holding a stop sign in Vietnamese +Photograph of a bezel set cabochon +an image of a space scene with a rocket and stars, pixel art by Paul Kelpe, pixiv, space art, #pixelart, 2d game art, concept art +Portrait Of 8 Years Old, blue-skinned Handsome Hindu God Krishna With Turban, black eyes, black hair,Detailed Texture, Pretty, Elegant, Realistic 3D Render, Detailed Digital Painting, Artstation, Concept Art, 4k Resolution, Professional Color Grading, Soft Shadows, No Contrast, Art By Alphonse Mucha, Art Nouvau +Abraham Lincoln as a movie star +octopus Flying a hot air balloon with rocket launchers +Movie poster, Gremlins, highly detailed, embellishments +photo of a hand sculpture in the city ,art gallery ,flooded sculpture,splashing misty mud rocks,panorama,city buildings, +isometric pixel art of a dried-up fountain in an autumn fantasy forest +An sun sized eldritch squid swallowing the planet Earth, stars, planets and everything universe related in the background, photorealistic, afar view +forgotten mother viewed leighton ernest ayrshire tog usmc,anna ancher, Katherine kollwitz +a close up of a person throwing a frisbee, a picture, inspired by Telemaco Signorini, dada, online casino logo, eating a pizza margherita, telephone, ] +Penelope Cruz guest starring in Disney's movie Beauty and the Beast, intricate octane render highly detailed 8k HDR UHD high quality professional unreal engine trending on artstation shade cinematic hyperrealism vray +a Hopper Ball inside a Room +a burly ogre bumping bellies with a chubby goblin +Wallpaper of a nebula, vibrant colors and highly +FIR PLANK WOOD TRAY SET +sad man holding a sign that says “when?” +4K hdr raw photo Charming muscular woman caressing pecks +Hyper-realistic monkey on a skateboard, executing gravity-defying tricks reminiscent of Tony Hawk, lifelike fur and facial expressions, mid-air flips and spins, dynamic motion, urban skate park environment, natural lighting, high resolution, photorealistic scene, crisp details, engaging and true-to-life action shot +3d cg white table topped with lots of different colored candies, featured on dribble, kinetic pointillism,atoms colliding, normal distributions, trending on artstation, toy art, fluid simulation in houdini, intriguing volume flutter, pantone color +a bratz doll of an haitian woman, stock image, centered, natural lighting +, fantasy, pastel, absurdist, photo, woven spell +a apple stacking in the shape of a dog, stock image, shutterstock +f you're trying to drive a person like a cat, you might have a bit of trouble finding the steering wheel, gas, and oil tank. That's because most people are not designed for driving. However, if you're determined to make it happen, you might want to try looking for these controls in unconventional places. For example: The person's head could serve as a steering wheel. Just be careful not to steer too hard or you might give them a headache. The person's arms might work as gas pedals. Just make sure they're comfortable with it. You could also try using the person's legs as brake pedals. Just be careful not to kick them too hard. +Create a digital image inspired by the cover of Gorillaz' "Demon Days" album from 2005, featuring the four Teenage Mutant Ninja Turtles in place of the original band members. The image should be composed of four white squares with each square containing a side profile portrait of one of the Teenage Mutant Ninja Turtles, down to their shoulders. The style, pose, tone, and overall composition of the image should closely resemble the original album cover. The image should be visually engaging and suitable for use as a parody or homage to the original album cover. +cats jumping over a stream in the forest +full shot photography of a lonely woman talking trough a cyberpunk city at night with neon light on the background, art by artgerm, asymmetric cut, low angle, short hair +Beautiful Interior dining room black and wood and colored picture on the wall +photo in ancient rome,centurions roman army,fall of the roman empire +a guy holding a sign that says "NOTHING" +a cinematic photograph of an Bugatti Chiron driving off a cliff +a baby plays in the snow by the door of a rural wooden cabin home in Nepal covered in snow after an avalanche, Natural light, maximum detail, photography, hyperrealistic, +Marjorie Taylor-Greene dragged by the police in a street riot +An image of a beautiful woman +an illustration of a woman wearing an orange hat and birds, in the style of fantasy realism, chiaroscuro portraitures, i can't believe how beautiful this is, exotic realism, symbolic realism, yellow and crimson, neo-realist surrealist +vally, greenary, water flowing, many small animals and birds. realistic. cinematic. +open hand facing the camera, depth of field, studio lighting +Pork steak with tomato-garlic beans and potato wedges, top down photo, food photography, delicious +cat under a chair, cute and fuzzy, warm cozy fireplace next to it, winter vibes, comfy +glasses of green and red juices on a wooden table art heartstone Video game icon, official fanart behance hd artstation by Jesper Ejsing, by RHADS, Makoto Shinkai and Lois van baarle, ilya kuvshinov, rossdraws +Single large levitating ball made of blue rippling water +Margaret Thatcher meeting a monarch in an underwater city +catering logo, surrealism logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, emoji style, gradient, colonial catering logo, 3d logo, good for family, Tali, piety, realism, octane render, soft ambient light, restaurant icons +woman in train compartment by germaine krull +a black pig with large tusks in the jungle +a monster made of a Xerox printer eating a tree in a forest, +A silhouette of a woman looking at the stars, big full moon +Cute white dragon with purple eyes head, digital art, hyperrealistic, highly detailed, cinematic, wlop, trending on Artstation, 8k, epic composition, highly detailed, beautiful lighting, lifelike, cinematic, soft bokeh, sharp details, illustration, +Realistic Black and white portrait of Felicity Jones triple D cup as a 19 year old , banana split pose , smooth face , dynamic light , dynamic shadows , studio background, image taken by photographer +Epic cinematic movie still from a movie about a female werewolf who just wants to be accepted by normal society and tries to achieve this by riding across the country on a unicycle, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a cyberpunk military officer holding a rifle +Masterpiece, painting of a cold, beautiful landscape of an alien planet with a huge moon in the background, cinematic, still from games of thrones, epic, volumetric light, award winning photography, intricate details +gundam astraea and optimus prime teaming up, sci-fi, detailed, epic +highly detailed, reflections, refractions, realistic photograph of a hand, intricate details +DSLR photo, woman by a window +black short hair beautiful girl. Wearing a green t-shirt, Wearing minimalist fashionable earrings. 3d IP design, bold color background, super detail, soft colors, soft lighting, anime, high detail, blind box toy style, Pixar, divine, 19 years old, textured skin, high details, 3D rendering, blender, C4D +An oil painting of a group of creepy barn owls around a campfire in a forest at night. +an astronaut riding a unicorn over a magical bridge in a scary forest +A cat dressed as a cowboy +Attractive Willa Holland talking on the phone, touching lips, blurry background +samurai girl in tokyo, neon light +Mexican woman with a black kimono on a japanese garden +woman in water, sky, cloud, sunny day, +A close up of a womans hand, palm up +Dark art pencil illustration of an eye +art by Alfons Mucha, copper-foil method stained glass motif, whole body portrait of 20 year-old Emma Stone as a naturist in the Redwood National forest, HD 4K, photo-realistic accurate face and features, studio lighting +a serpent coiled about the moon wearing a top hat as an illustration +Candid Photo of 7 year old boy smoking +Kinky young teen2B cosplay, big brests, Webcam, Only Fans +man wearing a shirt that has the twitter logo on it +Goddess of forest, ultra realistic, concept art, lower body, intricate details, highly detailed, octane render, 8k, unreal engine, sharp focus, volumetric lighting unreal engine. art by artgerm and greg rutkowski +Anthrax as a group of dwarf mercenaries from Lord of the Rings +young Muscle guy cutting castration a giant testis TESTICLE on the dissecting Table at torture chamber. plural testes, male reproductive gland. highly detailed guro art +A funk metal album cover depicting a graffiti zombie playing a bass guitar and the text "Slam Funk Syndicate", street art, graffiti +commercial ice machine, showing ice, blue lighting, realistic, atmospheric +polaroid, extremely detailed pale young woman covered in fungus, fungi, slime mold, slime mold covering body, slime mold covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out +Beautiful Korean girl in autumn, intricate, elegant, highly detailed, masterpiece, trending on artstation, digital art, look at viewer, beautiful detailed face, perfect eyes, perfect lips, perfect iris, 8K wallpaper, portrait, by Peter Coulso +park near the church, stone benches overturned, church damaged by several explosions, inside the fire is extinguished, smoke is burning inside, a scientist with a tablet is standing in the park, a drone is hovering next to him, steampan canroon liustration style +A dark and gloomy medieval castle under siege by a horde of zombies in the style of Frank Frazetta. The castle is surrounded by fire and smoke, and the defenders are fighting bravely with arrows and swords. The zombies are grotesque and menacing, and some of them are climbing the walls or breaking through the gates. The scene is full of action, horror, and drama. +Abstract Header Image for an "Online Meeting" +a recruitement consultant using AI talent searching system with smile on face +high heel boots made of chrome with padlock +A Panda getting ready to go to work in the morning +Movie still of NutronicSteve in Star Trek Next Generation, as Captain Jean Luc Picard, expressionless, scifi, concept art, +A girl playing with a cat animated +Girl asleep on the littoral edge +A photograph of an apple floating in a yellow paint. +a damaged android lying on the ground, torn metal showing circuitry, loose wires, sparks, smoke, robot, cybernetic, mechanical, photographic +cute, keyboard,product shot, digital art, sharp outlines +Drama movie filmed on 70 mm, cinematoc +Fantasy castle on a hilltop with waterfalls, sunset with dramatic clouds. Hyper realistic photo. Vivid colors. +lost in the palace of stolen dreams, opulent, luxurious, hedonistic, labyrinth, by Yoann Lossel +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient kinky pregnant girl at torture chamber. art by Aly Fell +RAW photo of a deformed werewolf creature in a dark forest at night, ultra realistic, fleshy and glossy blood, dynamic, particulate, blood red eyes, smooth, flashlight +character portrait drawing of a medieval brawler, a boxer with bandaged hands, trending on artstation, inked outlines, realistic, +A sticker of cat head, colorful, splash art, intricate details, grey background, contour +a science anatomy study model translucent skin +thick sephardic jewish girl hairy bush pubic dripping wet +Epic landscape of a floating island with a waterfall that falls into the void, surrounded by stormy clouds and glowing crystals. The colors are intense and vibrant, creating a mesmerizing effect. Digital art, high detail, epic atmosphere, 4K quality. +Biplane, children's wallpaper by E Shepherd +Beautiful photo of a young malayali woman, professional photography +alice in wonderland, alice drinking tea, Completely white background other than foliage and mushrooms, in the art style of the Alice in wonderland books, Hyper realistic, neat watercolour art +white woman wearing white zentai body product illustration +Cyberpunk, clockwork orange, close up beautiful woman, future, high details, full details, high resulution, dynamic lighting, rendering, photo realistic, lightroom gallery, Sony A1, 85mm +a wide angle photo of marching roman centurions in front of courtyard arena roman buildings gladiators, marble gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor, +vintage nokia cellphone with a tropical screensaver, miami 80s, album cover, 3d render +A close-up of a small bird perched on a flower +Bruce willis as a my little pony character, vibrant +portrait of a beautiful female space warrior in a dense forest, by fiona staples, bold colors, dynamic composition, bright saturated hues, strong constrasts, vibrant, energetic, elaborate, hyper detailed, visually stunning and captivating art style +An abandoned arcade in 1984 Chernobyl, Kodachrome photo +3D mario in a square uniformly lighten tunnel made of baby blue backsplash tiles is standing on a light blue block made of tiles to the right of a piranha plant in green pipe, to the right is a large glowing star behind silver barred gate above water, black pipe outside gate gushing, 2D side scrolling game +A engineering design pencil sketch of a cardboard mini vending machine +a man in front of a wolf, fight, snow scenario, blood in the snow +five people drinking tea sitting on the floor in a circle on an ottoman +a candid creepshot of a women leaning forward to pick up an object, from behind, low angle +In the rainy panoramic window,rain streams on the glass,realism photos searchlights, night, I see a plane at the airport.Heavy rain on the glass Raindrops and jets on the glass +child working on an oilrig, covered in black oil, wearing hardhat +Fight club,1920s style movie poster, insanely detailed, photorealistic, 8k, volumetric lighting, , +, fantasy, pastel, absurdist, photo, amphibian character, peopl +group of wizards working frantically around a large couldron, alchemy, greek fire, watery ground +T’Pol, Vulcan Science officer from Star Trek Enterprise +Athletes holding up a 4 ounce rectangle black bar of soap promoting it in black and white +a metal robot holding a painting +Clock superimposed over Agent Dale Cooper, Twin Peaks: The Return, double exposure, moody, cinema +a swan swimming through a lake, digital art, light pink and indigo +Highly Detailed Digital Art of a male goblin in an onsen, there is steam from the hot water and vague hints of blue magical energy throughout the scene, the goblin has a content look on his face with his eyes closed, natural lighting, trending on artstation, award-winning art, fantasy art, very very very very very beautiful digital painting +One-story house with a hipped roof with a garage on the left and a paved parking lot next to and in front of the garage +, fantasy, pastel, absurdist, photo, refined, Zombies +Gray Alien in a business suit. Hedge fund theme. +concept art, depth of field, waterpaint, insanely detailed close up, elegant blind chibi girl made +futuristic, cityscape, flying cars, neon lights, towering skyscrapers, glowing purple sky. +Underwater shot of coral reef, colourful fish, comic style +extreme closeup Portrait of Halle Berry having a drink in a dieselpunk bar, wearing stylish sunglasses, she wears a metallic golden shiny cyberpunk helmet with glowing multicolored tubes inside an old steamtrain control boot +Cinema theater chairs in a rain forest by a Creek +selfharm pregnant girl at bathroom. highly detailed photo +an anthropomorphic white wolf, cape, medieval, adventurer, dnd, nature, rpg, rustic, fantasy, hd digital art +A still life painting of a peacock-themed teapot on a floral tablecloth, pastel colors, delicate, elegant, detailed, oil painting style, by Mary Cassatt and Pierre-Auguste Renoir, impressionism, art nouveau, vintage +Watercolor painting of european modern city, medieval, workout machines, midday sunlight, by greg rutkowski, by anders zorn +A beautiful anthropomorphic canine female with very long hair and fur, photo realistic. +Cinematographic-2024 Renault citycar, prototype, 35mm hasselblad photograph bokeh +cinematic still of an aston martin vanquish racing through a dense jungle +a 3d cube shaped hamburger, digital art +snow elf in forest, old school dungeons and dragons art by Larry Elmore, by Clyde Caldwell +Bruce timm style Anna Hathaway , harley quinn outfit , bold lines , clean lines , +The beatles playing in Champ de Mars in Paris, the eiffel tower background, highly detailed, clase up photo, a lot of people +Beautiful woman on the beach, Quality photography, DJI Zenmuse XT ZXTB19SR V2 Thermal Imaging Camera +, fantasy, pastel, absurdist, photo, refined, felt foe +Cyberpunk, India, silver on black background, bas-relief, three-dimensional sculpture, high resolution , 8k detail, Baroque +interior home photo of a wolf and tiger sitting next to each other +an image of space and green +a tall tower sitting on top of a lush green hillside, kaladesh concept art. mechanical, stairway to heaven, thomas kinkade cfg _ scale 9, floating city on clouds, colorful city in ancient egypt, digital painting of a pagoda, trending on deviantarthq”, pathway, city in the clouds, inspired by Andrey Esionov, ancient +Old men, there is ugliness in beauty, but there is also beauty in ugliness. in the style of adrian ghenie, esao andrews, jenny saville, edward hopper, surrealism, dark art by james jean, takato yamamoto, inkpunk minimalism +rutger hauer from blade runner standing in the rain, green light, vhs quality, film grain, wet, very sad and relucant expression, wearing a biomechanical suit, scifi, digital painting, artstation, concept art, smooth, artstation hq, +vintage pan am travel poster of Las Playitas in Fuerteventura, white houses, Terry Pratchett book cover +rusty roadsign with text on it +beautiful girl's feet with beige nail polish +a photograph of a velociraptor with a landrover car in the forest ,dinosaur 4k octane render +A photo of a beautiful woman in baroque room +an overgrown abandoned dilapidated red barn, covered in vines, sunlight filtering through, sunset, 4k +A factory for making fluffy kittens +ink sketch of a magical sword +, fantasy, pastel, absurdist, photo, flabby +the simpsons portrait by botticelli, oil painting, paint texture +A terrifying close-up shot of a cracked mirror with a distorted reflection of a monstrous creature, taken with a Sony A7S III and edited for maximum horror. +a pig sitting at a computer working, wearing a shirt, photo, hyperdetailed. incricate +young jewish woman who needs some +A coloring book page of a lotus flower, white clear background, no pens or pencils, no color +Man dunking shooting a basketball, 8k, hdr, detailed +Insane Donald Trump as American saint of god, guns, homophobia, oil, white-collar crime, oligarchy, neglect, corruption, divorce, misogyny, Garden of Earthly Delights, painted by Salvador Dali, painted by Bosch +an illustration of a man in a new york city park flat style +A calico maincoon cat sleeping in a hammock at the third floor of a cat tree in front of a tall window, hyper realistic, 4K +Best quality, artwork-gta5 heavily styilized closeup portrait of rdj wearing glasses looking at the viewer, perfect face, perfect eyes, fat body +Painting of a Graviton brane psychic style +majestic world tree, gloomy dark oil painting background landscape +a sculpture of the bitcoin logo inside of a block of ice and melting chocolate over it +Orb of Doom floating above city, raining death, oil painting, masterpiece +A real hot redhead girl, mid twenties in a blue open dress +Photo bokeh dining cake cup water wine fruits woman +Statue of Liberty holding a paintbrush +cute, keyboard, digital art, black lines +illustration cartoon of a leprechaun gnome with a rainbow hat stuck at the bottom of a rock pit +Antique, warm hues, short, chubby, BDSM girl teen, bare, smooth, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Flaming Phoenix in the style of ernst haeckel, James Jean, victo ngai, and wlop, highly detailed, masterpiece, award-winning, sharp focus, intricate concept art, ambient lighting, 8k, artstation +Oil painting of standup meeting of young students, all participants are standing in a circle and discussing with each other +1942 selfie photograph of an army soldier with a cigar in his mouth parachuting off a plane. +multicolor lsd psychodelic gigantic alien with 5 eyes +captivating illustration featuring stairs to heaven in the mesmerizing tarot style, highly detailed, intricate +a boy and a dog sitting together looking at the moon, backs to viewer +photo of a mgb gt car in a city street at night cyberpunk, ,silver car,studio lighting, +mechanical robotic yellow duck, splash, high detailed, +Mickey Mouse in Friday the 13th +motion blurred action footage of a samurai warrior attacking the camera up close +16 bit pixel art, isometric, cozy tavern interior with cute characters, cinematic still, hdr +A superhero with jet engine elbows +Cyberpunk Batman and catwoman stood next to the futuristic batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +product catalog illustration of a beach scene a slim woman sits on top of a large white beach towel. She wears a form fitting multicolored pannelled zentai body which has a tight opaque zentai hood which covers up her eyes and face completely and she can not look through it +Photo of A group of birds having a fancy tea party. +USS voyager, flying through the sky above San francisco by gene roddenberry, extremely intricate, high res, 8k, award winning photo +a velociraptor in a room and a MGb car smashing through hole in the wall and velociraptor ,sparks dust rubble dinosaur splash smoke ,studio lighting,white walls, headlights,chrome mgb +Website, UI, ux, PC, Modern, Nintendo, gameboy, official website, HTML, design, web, games +A real hot redhead girl, mid twenties in a blue open dress doing a spread eagle +On the basis of the original simple smiling face and island-shaped logo, I added a healthy and lovely bird to form the overall mascot group image. The shape of the bird is simple and round, the shape of the bowtie, and the lively and wide eyes all reflect the characteristics of cute and funny, and symbolizing represents part of the brand characteristics of "Laughing Island Comedy". +Letter 'A' made out of motorcycle parts, in a motorcycle, cinematic, photorealistic, close-up view +two men wearing shiny rubber armor +An evil villain holding a mini mars +Robin Hood from the 14th century lost in a cyberpunk eco city +Kitten in power armor, anthropomorphism, full-length, standing, photorealism, hyperrealism, HDR +photo of a velociraptor down a muddy road in the jungle, by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 ,landrover in the far distance +art by Alfons Mucha, stained glass motif, whole body image of 20 year-old Jennifer Aniston as a naturist meditating in the lotus position in Central Park NY, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a perfect square formed by triangular bike tires +anime girl in gray military uniform +photorealistic, high detail, high defintion, 8k, hdr, global illumintaion, 1980s volvo sport car +Archer firing a bow, correct distribution of objects, detailed face, multi-high detail details, +Masterpiece, dslr photo, best quality, snow elf in battle pose in arctic catacomb wearing hide armor, wearing hide armor, The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +cyborg man, cyberpunk india, painted face, body art, yantra, albino, cyber mask, in an active pose, baroque style, dark fantasy, kathakali characters, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, color, bright, high contrast, hyperrealistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, star wars movie style +scene from a banned horror film from 1993 , shattered mirror demon , by Wolfgang Tillmans +Documentary photography,two person standing in war battlefield, a 6-years-old little girl the girl wearing red dress,red shoes,golden hair,beautiful eyes, blue eyes,a 17-years-old Nepalese monk , Nepalese monk wearing red monk robes,full body,very very beautiful face detail,limited palette, low linght background have soldiers and burning tank,the land is burning, smoke, dark sky, sense of film,Wide lens, 500px,4k,epic color, great photography +portrait futuristic lovely cyberpunk female police, in heavy rainning futuristic tokyo rooftop cyberpunk night, ssci-fi, fantasy, intricate, very very By sparth, amongus portrait. hyperdetailed meticulous 8k resolution trending, TikTok beautiful, elegant, neon light, highly detailed, digital painting, artstation, concept art, soft light, hdri, smooth, sharp focus, illustration, art by tian zi and craig mullins and WLOP and alphonse mucha +The blessed Mary with a boy going to a catholic church, animated, stylized +a fire that takes away the chill +A portrait of Tony Soprano as the God of Wrath, based on the character from the HBO series "The Sopranos", meticulously detailed and painstakingly realistic, high resolution, photorealistic, 8k +one piece anime cover naruto bleach one charackter +a woman, dominant towards her husband with her boyfriend using chastity +a dragon cooking dinner, watercolor and ink +spiderman at the beach relaxing in a beach chair with a drink +Spectacular OCTOPUS gyotaku, dynamic pose black ink transfer hyperdetailed realistic crisp edges well defined infundibulums +a magical genie from the Arabian Nights, holding a scimitar +nun in blue dress and leather cuirass, holding shield and mace, with owl on shoulder, painted by John William Waterhouse +Captain Marvel and randolph carter chasing a undead in a cave, scary, circa 1925 +high quality art of a muscular girl with dark skin +buildings, cloud, night sky, stars, moon, pixel art by SLYNYRD, featured on Artstation, pixel art, #pixelart, 2d game art, cityscape +A man holding a sign that says "Free cereal" +hard rave at night in a berlin club +an emo filipino girl with blue hair and tattoos +full-body monochrome Man holding a rainbow black hole inbetween his two hands +A photo sitting in a mgb with a bear driving holding steering wheel leather seats +naval portrait of a grey british shorthair cat, royal navy, by john singer sargent and joshua reynolds, oil painting +Man searching for meaning and doling out justice on the journey +Britney spears in a strip pole in pleaser heels +, fantasy, pastel, absurdist, photo, refined, anamorphic +Painting of a Symmetrical Archangel Archdemon intricate armor, glowing long sword +Britney Spears as a trapeze artist +Realistic mad cyberpunk raccoon with sword +Cat standing on top of the world globe with arms stretched out, thick outlines 3 color print +vector art of a young pigeon knocking on heavens door, painted by Cezanne +cute innocent babies, soft impressionist impasto brush strokes perfect composition, perfect face,, rim ligthing, character portrait, plain background, intricate, oil on canvas, masterpiece, expert, insanely detailed, 4k resolution, john william waterhouse, charlie bowater, agnes cecile, Mucha, Gabriel Ferrier, composition, framing, perfect composition, beautiful detailed intricate insanely detailed octane render trending on artstation, 8 k artistic photography, photorealistic concept art, soft natural volumetric cinematic perfect light, chiaroscuro, award - winning photograph, masterpiece, oil on canvas, raphael, caravaggio, greg rutkowski, beeple, beksinski +movie still of elon musk in star wars +Portrait of a mysterious man in a bar, leather jacket, long beard, blue hair, neck tatto, 50mm lens, soft light, sunset through the window +A silhouette of a African princess looking the sky, sunset, birds +A photo of a beautiful woman, 25 years old, HD, victoria model, bathing, award winning photograph, top-down angle, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +photorealistic 45 degree angle view of a highly detailed horizontal wooden frame mockup featuring a completely blank canvas hanging on a white plaster wall +A photograph of the Steel Anime race car +World war 2 hero warrior dog Saint Bernard with a sailors helet +A set of museum-quality emerald bracelets and beads in green in a display box at the auction, 32k, highest resolution, hyper realistic +, fantasy, pastel, absurdist, photo, Wes anderson, cat character +cosmic female character portrait, by Karol Bak, Cinematic, Chroma, 4K, face symmetry +a white table topped with lots of different colored candies, featured on dribble, kinetic pointillism,atoms colliding, normal distributions, trending on artstation, toy art, fluid simulation in houdini, intriguing volume flutter, pantone color +photorealistic scenic environment rendered with a surrealistic airbrushed 70s illustration texture, 3D render in an airbrush painting style by Philip Castle, surrealistic airbrushed 70s illustration aesthetic, #houdini, trending on cgsociety, featured on behance, +Realistic Black and white portrait of Jenna Ortega bob hairstyle as a 19 year old woman , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +A digital painting of a dark sorcerer, brush strokes, paint drops +kanye west, with a hey hay in folk Romanian cloths +Foto de uma gostosa dando de quatro, amadora +photo of electric chimpanzee, electricity aura, electric storm, electric zaps, electricity coming out of body +A woman sits on a large white beach towel her face is covered up by a multicolored pannelled zentai body +Cinematographic-sixties comics-art cartier christic-soviet-Archbishops pasolini mitre camorra Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Alexander the Great, in battle, horseback, leading the army +a pair of yellow pants on a clothing rack +complex 3d render ultra detailed of a beautiful porcelain profile woman android face, cyborg, robotic parts, 150 mm, beautiful studio soft light, rim light, vibrant details, luxurious cyberpunk, lace, hyperrealistic, anatomical, facial muscles, cable electric wires, microchip, elegant, beautiful background, octane render, H.R. Giger style, 8k +kaiju kraken sleeping at the bottom of the sea, Illustrated by moebius, anime, bioluminescense, lo-fi, watercolors +Robot chef looking at a list of ingredient, ready to cook. Futurist Kitchen, Lots of appliances, cyberpunk, retrofuturistic +Mickey Mouse as a gangsta in a dirty urban alley with grafittis in the walls +A realistic old american man sitting on a chair in his porch, by James Gurney, 3d render, realism, shading and highlights, outdoor scene +wideangle fisheye 180 roman soldiers, in getty villa,panorama ,black image frame circle +Statue of a blue crab on the beach, super detailed +A war machine shaped like a frog, fantasy art, battlefield +A small person with blonde hair and a tall person with brown hair walking down the road +A-team gmc 1983 vandura 3500, black and grey, red line on side, red alloy wheels +Lamb in the form of a cloud, photorealistic, high quality +eldritch monster, mysterious art poster, fog rolling in ,intricate detail, charcoal drawing on fabriano hot press watercolor paper +batman surf mansion architect drawing, big sur, cliffs and waves, nest, batsign, artist impression +anime girl, semi human raccoon, brown hair, pink eyes, by greg rutkowski +artposter, the essence of charcoal painting, a jedi silhouette with a lightsaber on a mountain landscape by J. M. W. Turner and bob ross, charcoal painting +Black and white year portrait of futuristic mad professional photographer with camera covered by mushrooms kangaroo +pharah from overwatch, masterpiece, cgi, octane render +minecraft big desert temple, game screenshot, screenshot +a woman eating ramen in a restaurant +A highly detailed surreal portrait of a biomechanical Raven fused with circuitry, suspended in a distorted energy field of vibrant, chaotic colors, 8k, photorealistic, extra background, intricate details, volumetric lighting, cinematic, photorealistic, octane render. +a barefoot Persian amazon wielding a scimitar +ask not what your country can do for you +a colourful marine iguana on a surfboard +otter eating a watermelon while sitting on the edge of a cliff +this is basically baby yoda looking up +Beautiful girl lying on the ground, M legs, no cover, no pants +Draw a human with half body of Robert +a red car, from slightly above, cinematic camera, action scene, perspective, render, 8k, masterpiece, motion blur, hollywood scene, +Kurt Cobain cartoon drawing og him on stage +The neural network draws itself, unreal engine, octane render, trending on artstation, highly detailed, studio lighting, professional +a huge a cavern filled with gardens with people floating in weightlessness +beautiful Amalfi Mountain scene painted by George Grosz Turner and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush +A photo of a teenage girl wearing t-shirt, tan nylons and white sneakers, standing, facing the camera +masterpiece image of an impressive apartment building +balloons, girl on sidewalk city brownstone houses summer whimsical tree, by by jean - baptiste monge, android jones, brian bolland, +Holding up massive black rubber dildo, chubby Afro American girl doing the splits breakdance upside down bare, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +pic of old successful man as a art picture +Screengrab from a thesis film about a bodybuilder at a beach. +a CGI model of a mayan temple +Michael Jackson and Elvis Presley perform live in concert +A highly detailed portrait of Tinkerbell stuck in a glass jar painted by Mandy Jurgens and Charlie Bowater featured on ArtStation +Cthulhu wearing a shirt that reads Rock N Roll +A girl wearing latex and high heels +gustav royo ingle grandmother seated recalling hardworking famine, Katherine kollwitz +stained glass motif, 20 year-old Riley Keough as an Elfin princess naturist in a magical mystic forest, HD 4k, sharp detail +The Joker holding a sign written "PEDRALVA" on it +painting of an orange and blue woman with sunglasses and sunglasses, in the style of digitally manipulated images, bold palette, raymond leech, bold graphics, jeremy mann, graphic design-esque, kilian eng, psychedelic artwork +modern times watches with lcd displays in a surrealist style +an attractive young angel with huge wings +A mouse riding on the head of an elephant, using reins to steer the giant creature. +Photo of Harry Potter holding icecream +beautiful indian woman sitting on a landscape of red roses +Elon Musk as a robot driving Tesla car +A single red rose growing on a tiny planet, the little prince +Marilyn Monroe wearing sunglasses holding a sign that says Famous +street style photo of an elderly french woman with deep wrinkles and a warm smile, walking down the streets of soho, wearing a white gucci blazer made of cotton & black eyeglasses, natural morning lighting, shot on Agfa Vista 200, 4k +It's a bit weird being in the last days of knowing 100% the difference between what is A.I. made and human-made. +blue haired anime girl with antennas +a painting of a Yoda flying on a Kirby, painted by Matisse, photorealistic +, fantasy, pastel, absurdist, photo, refined, zombie +a teen girl harvesting aquaponic plants in a cyberpunk farm pod, photograph +AMLO y una yegua sentados en una mesa comiendo frijoles dulces +A cat holding a sign that says greetings +a pinup in a space ship +logo dining room, emoji style, indian cooking, color logo, hd, 3d, family, healthy food, outdoors, minimalism +digital painting of Sun Wukong on a cloud by Gustave Doré +digital art, high detail, high definition, 8k, portrait of a wolf furry girl +a high quanlity photo of a little girl with micro shorts +an epic angel dressed in red with white wings and a large sword +A cat with foot long claws +lovecraftian creature with long thin tentacles in an abandoned room +Makoto Shinkai traditional old school American tattoo style french bulldog close portrait photography. Uhd, cinematic, filmic, Post-production, intricate textures, photorealistic, volumetric lighting, +A mega complex, dystopian society, cinematic photo +cafe logo, emoji icon, minimalism, color logo, HD, 3d logo, family, healthy food, food, indian luxury +Antje Utgaard as a superheroine struggling in the arms of a monster. +"BWAY" , text in graffiti style, esports style logo, +Smiley face playing in the pool +black and white, hunter x hunter, character with long unkept hair, creepy smile, face tattoo, togashi, shonen manga illustration +Anime style. Girl at a wood table. Little girl. tavern. Red clothes +Cute and adorable cartoon goku baby, fantasy, dreamlike, surrealism, super cute, trending on artstation +An open treasure box full of treasure +allison from the tv show bbc ghosts +Gold krugerand coin and Bitcoin above the clouds +a sign that says food abc on it +logo con el nombre mac entertainer +Neca Willa Holland figure talking on the phone, city backgrounf +Steampunk, clockwork orange, close up beautiful woman, future, high details, full details, high resulution, dynamic lighting, rendering, photo realistic, lightroom gallery, Sony A1, 85mm +Slow-motion liquid art: jubilant dancer mid-air, elegant, freeing, energized +never underestimate the predictability of stupidity +polaroid photo, cinematic lighting, lovecraftian creature with hung on a massive cross on a hill, solar eclipse +Oil painting of a female warrior, best artist in the world. Red gold sunlight, perfect composition +Front view of a demonic red archangel, fiery cataclysmic background with mountains, an army of demons behind it +The setting sun is streaming through the window and a bare teenage girl in front of it +Riley Reid and Gal Gadot scene volva +a fantasy beholder with many eyes of different sizes and colors and pupil shapes, waiting patiently in line for his order at Starbucks in Seattle on a dreary winter day +paolo guerrero, 21 years old, bBayern de Múnich +Hacker Engineer, young man, square face, short curly hair, colorful green, trending on artstation, sharp focus, studio photo, intricate details, highly detailed, by greg rutkowski +an old professor is sitting and playing chess with a young male human android, they are sitting in a retro future 70s living room. Nixie Tube clock, sci fi furnitures, the atmosphere is orange and turquise +Chloxxhill, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a portrait of a woman, best quality, max detail, bokeh +fantasy deer, flowers in antlers, unrealism +malnourished very old man with dementia +grand blue dreaming anime, Imamura kouhei +a super cute anime girl with pink hair, and sunglasses and a beach background +human mutating into a zombie in the dark +women tall human pet man +A university student who you'd love to teach +ruins,Blockprint,design by Ho Chi Minh,commercial carports builded by bamboo ,satellite view,8k smooth,V-Ray,children's furniture,Architectural photography,Canan EOS R5,FE 35mm F4,ISO 700 +a closeup render of a hearthstone lobster who has been enhanced with electronics, robotic components and armored plating, hyper realistic, well lit +Iron Man, cyberpunk, blue-violet lighting, beautiful light, beautiful frame, cinematic, ultra-realistic +black background, golden twitter symbol surrounded by a flat golden shiny ring +Elf, Male, blond hair and blue eyes. He wears a blue tunic with brown pants and boots, and a Sheikah Slate on his hip. +Riso, comic, gold, pastel, illustration, absurdist, photo, refined, teen with hair horns +village,perspective, foggy atmosphere, vivid colors, Photo-grade rendering, Realistic style,8k,high res,highly detialed, ray tracing,vray render,masterpiece, best quality,rendered by Mir. and Brick visual +Guy spooning a beautiful hot blonde woman +a caucasian college guy face profile pic selfie, amatuer photo, photorealistic +T-Rex in fauvist style and a woman sitting inside its mouth +an image of a pink cat, professional photography 50mm, 4k, golden hour +Office, isometric view, digital illustration, digital concept art, vibrant colors +A embarrassed mermaid with a pink swimming costume. Anime. +"Mutated glitched boulder", by Ivan Seal, oil painting, melancholic, gray background, highly impasto, Beksinski, gray theme +old photo of a man playing hand drums in amazonas jungle +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model wearing transparent clothes, Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini +Stylized portrait of Chef Boyardee as President of the United States +a perfect anime artwork of cute heroine cutie in speedo swimwear, by Alex Horley, in gothic and wuxia fantasy style, clean perfectly shaped shapes and surfaces +Masterpiece, best quality, dark lord in desert catacomb wearing leather and chain armor, beksinski, trending on artstation in ancient dwarven stronghold, carved deep into the mountain, with massive stone gates wearing hide armor, Artstation, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Ian McQue, by Syd Mead, by Simon Stålenhag, +old man resting head on juicy cheeseburger, high quality, photograph, ultra realistic, depth of field, +View from ptuj, Slovenia, winter, nighttime +a closeup photo of a human hand, david lazar, Steve McCurry, Insanely detailed, ray tracing, Rembrandt Lighting, Three-point lighting, dramatic light +, fantasy, pastel, absurdist, photo, Wes anderson, super hero characters +cute girl with balloons illustration on a notepad +Spiderman shooting a web, the web spells text "SDXL" +action figure of ghostface scream movie villain , liying down on floor carpet , no background +A concept art painting of a group of scientists in lab coats working on a dinosaur DNA sample in the Isla Sorna research facility, sterile lighting, intricate, detailed, digital art, artstation, matte painting, sharp focus, illustration, by Ryan Meinerding and Ian McQue and Doug Chiang. +clear plastic robot dog made of crystal,electronics circuits, translucent microchip ornate, robot model kit, visible inside, Product shot, prototype, robotic, detail, clear parts, white background +skull space marine from warhammer 40k wearing fashion by tommy hilfiger next to a river minimalistic patterns drawing by Charles Vess background is texas with beautiful sun and sky minimalistic patterns by Carl Barks, Bright Vivid Colors, dramatic composition, 80s video game concept art +a portrait of aggressive gopnik boy +girl,white hair, blue eyes, looking up, facing viewer,bright pupils,Slightly open mouth,determined,steampunk:1.1 +A text "TNNNT" film named "TNNNT" series of TNMT cinematographic poster with "TNNNT" written in the centre, dramatic lighting, text "TNNNT" on the centre +Pop art, blonde girl, buns, anime face, big eyes, puffy lips +two men dancing at the beach, waterpainting style +A pendulum made of quicksilver and tar. +Hot woman warrior in lacy armor ! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: Oil splash: Oil stained: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +a rubber ducky next to a box of legos on a wooden floor +Neca scream movie Ghostface figure talking at the phone +a photo of a tall forklift lifting a box to the top shelf +A glass with a tree inside +A cat holding a sign saying: “I love abbiez!” +a recruitement consultant with AI searching system +a dinosaur attacking a car in the rain, a picture, landrover defender vs carnivore dinosaur, hand, close-up!!!!!!, great pinterest photo, big foot, at the time of dinosaurs, a24, beautiful, tyrannosaurus +Avatar of a beatiful brazilian woman, brunette, dark brown hair and slanted almond eyes. +ywo cats snuggling with one another on a chair. One of them is a chonky ginger, the other is a tuxedo cat. photo real. 35mm +alice in wonderland full body shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +mathew baynton from horrible histories dressed a william shakespear, by the bbc and monet and jmw turner +Watercolor painting of ruddy duck, afternoon backlight, by greg rutkowski, by anders zorn +a girl with short silver hair, she looks 15 old, wearing cute dress, anime-style +the asteroid that killed all the dinosaurs +una mariposa monarca y una ballena +cinematic still of a grey alien with big head big black eyes and antenae on the head looking at the lens +film still from romantic beautiful 90s sitcom, sauna, uncovered, naturist +A breathtaking landscape from a next-gen celtic fantasy game +1940s photograph of Cristiano Ronaldo shaking hands with Benito Mussolini +squiddy character in world war two +cuckatoo , nothing under my umbrella e e e +female wolf girl with cyberpunk dark metallic body, cute, fantasy, long hair, furry, highly detailed, digital painting, illustration +wideangle photo of a building gold menger sponge +photo of a sign with text that says "armor", medieval +2d anime illustration of young aphrodite with white hair and white eyes with an attractive body wearing white scale armor standing victorious, high quality, cinematic lighting, sharp focus, +upside down photo in a gargantuan cavern lit with warm light upside down standing lanterns, moss, farns, ivy, clover, stone, gravel, and wooden planks on the surfaces upside down wall bars, ladders, floating +A movie poster about Jeff bezos being the first monkey in space +Bayonetta 3 the witcher, very details perfect body, high details, long legs long hair, perfect body, perfect head, +a female bust made of a transparent material +Silhouette of woman projected on a wall lit with multicolor neon light +A woman in the bathroom, anime +the pope showing his edc gun in the holster under his robe +Friend of 7 women mid 30 +cheshire cat smile umbrela mushroom jellyfish a milk drop splatter inside a fractal maze. volumetric lighting, beautiful, sharp focus, ultra detailed. bold vibrant complementary colors. a jellyfish with plants by frank frazetta, kai carpenter, syd mead, slim aarons, zhang kechun, lynda benglis. tropical sea slugs. 4k, 35 mm, 3d unreal engine, sculpture by antonio canova. lsd color scheme +A portrait photo of a cat wearing blue sunglasses +Real superhero, british, captain Britain, logo of a lion head on his teeshirt, union jack cape, dc movie poster, hyperrealistic, by Alex ross +phone booth in the sonoran desert, by Simone Martini, detail shot, jessica rossier color scheme, james gurney and andreas rocha, fire lit, a beautiful artwork illustration, by the Brothers Hildebrandt, painting +portait of asriel dreemurr, a cute goat boy +portrait of a man with a stubble, woman with glasses, close up, night sky, studio Ghibli +an epic dog with a tattoo with letters ù" +A cute chibi anthropomorphic squirrel with a monocle and top hat. Pixar, Disney, concept art, 3d digital art, Maya 3D, ZBrush Central 3D shading, bright colored background, radial gradient background, cinematic, Reimagined by industrial light and magic, 4k resolution post processing +A bride and groom with bugs all over their bodies. +new future, technology, futuristic, tim hildebrandt, bruce pennington, donato giancola, trending on artstation, cinematic composition, beautiful lighting, hyper detailed, 8 k, oil on canvas +shiny polaroid photograph of a jazz musician, iridescent colors +The once vibrant colors of the garden of Eden were replaced by a deep and somber atmosphere after its fall. +girl with a shoe on her head +Fantasy, pastel, absurdist, photo, Wes Anderson, lobster characters +pixiv,waist upportrait, gorgeous royal sacred Saint Maiden , extreme iridescent reflection, overexpOsure,high brightness, shimmer pearlycolor, gold white silver,gauze latex, stretching action , dark background,holycinematic rim lightning , soft focus, bokeh,chiaroscuro, 8k,best quality. ultra detailed +iridescent, scales, blues, textured, intricate,highlights prisms, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger,bright center +david letterman as a vampire, oil painting, Frederick Church +closeup of a woman reproductive organ +propaganda poster for the fictional corp INGSOC +a female college gymnast, messy bun, in a crowded gymnasium +a fox, comic sketch style, front side, white +hyperealistic quantum foam brane sculpture exhibited in a brane museum, multidimensional, metallic shimmer, god rays, electrifying, biomorphic, noctilucent, crisp quality, synesthesia melted crayon style +advertisement screenshot about new collection of nightwear +Well cum back, caucasion girl, small front +astronomer’s library :: isometric view:: close up :: detailed fantastical cinematic fantastical digital illustration :: isometric art :: high resolution :: 64 megapixels photorealism professional photography:: +A full body shot of an Asian woman covered in white slime +every person will laugh when looking at this image +beautiful dark canyon on an alien world. Purple and cyan moon light. By the small river a cosy camp fire lights the lone traveler and his small hover-pod-van. Designed by Sylvain Sarrailh but turned into voxel graphics +A Western-style house by the lake +Creatures formed from smoke, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A man in high-tech glasses sees people as humanoid bananas +A realistic scifi cyberpunk power armor robot, detailed, centered, digital painting, artstation, concept art, donato giancola, joseph christian leyendecker, wlop, boris vallejo, breathtaking, 8k resolution, extremely detailed, beautiful, establishing shot, artistic, hyperrealistic, beautiful face, octane render, cinematic lighting, dramatic lighting, masterpiece +Many furry cats with shiny webs between their paws and their body, flying over a fractal spiral covered with glittering jewels,background sunrise, ultra realistic, religious experience atmosphere, in orbital space, cinematic, Unreal Engine, octane render, 4K UHD +studio fashion photography of a Halloween costume designed by Tesla +digital illustration of a flying Dragon, 16k resolution, hyperrealism, CryEngine, Unreal Engine 5, fantasy dragon +Alchemy Laboratory,till-shift,Ethnic Art,Skoda,Orchid,station wagon,high resolution,Corona Render,clean background trending,Lino cut +A man with a long flowing beard holding a glass sphere in an outstretched hand +1980s Kodak camera photograph, blonde girl wearing white supreme t-shirt, jeans, riding a bicycle, cool +keanu reeves as a JoJo's bizarre adventure character with his stand +ld man covered in sheets, memoriam beach rudolf felix edwin gres warmssnhq ,Jules Bastien-Lepage +Woman 20 years Jenna Marie Ortega has 20 years, woman , Bangs hairstyle +Photorealistic image of cute 19 year old girl , looks like Neve Campbell talking on the phone,blurry background +Gothic smoke, explosion, clouds of fire twirling, magical backlit, twisting, curled, chubby black American dancer, wearing ballerina sparkling lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +A Photo of a Cat stretching, High Resolution, High Quality, Many Details, Real Life +Cinematographic-sixties eurovision capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Kissa Sins, Devil May Cry, Textless, sfw, brunette +A steampunk art deco gaming PC +ghostly image of a soldier in a cemetry +Sad young Mexican girl sitting in a van with neon light inside at night +Fantasy village built on shattered keyboard +Extremely fluffy and adorable ewok, holding POV +sci-fi large gallery room, with photos of classic cars ,studio lighting +woman dreaming in the jungle at night +steampunk The Joker stood next to steampunk Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +a colorful glass bowl of blue oranges +a beautiful woman with wings on her back +Photography taken through social media of Ginger Redhead woman, facing the camera,, +cyberpunk giant kinky muscle young Soldier inquisitor butchering kneeling worship obedient pregnant girl at Slaughterhouse. art by Ilya Repin +simu liu, goatee, shaved head, chubby +A galaxy, spinning majestically on the void of the universe, a billion starts shining, gas clouds, cradle of stars, highly detailed, hubble, jwst +splash art, paint splatter. a clownpunk jumping through paint, portrait, detailed face, hair. +a person holding a sign that says "we are going to take over" +35mm film stock bulbous lovecraftian creature with long thin tentacles in an abandoned room +extremely detailed CG unity 8k wallpaper, beautiful half asian woman, upper body focus, soft jawline, burgundy hair, medium hair, side-swept bangs, short-sleeved black blazer, red top, blue eyes, short high ponytail, modern office background, professional majestic oil painting by Ed Blinkey, Atey Ghailan, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, intricate, High Detail, Sharp Focus, dramatic, photorealistic painting by midjourney and greg rutkowski, +Anthropomorphic Cats and dogs playing dodgeball, by Banksy +A logo drawing of a hedgehog wearing a yellow shirt with a brown backpack and green hat +18 year-old girl, light-blue hair, lavender colored eyes, sleepwear, white blanket, detailed, detailed eyes, detailed hair, masterpiece, aesthetic, trending on artstation, best quality, cinematic, illustration, 4K UHD, Kawacy, Rella, liuyuhao1992, Keisan, Kukka, Catzz +shiny polaroid of of A large-scale installation of a surreal garden with oversized flowers made of various materials such as metal, plastic, fabric, and iridescent gum. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers. grain, imperfections, dirt, shot on shot on Eastman Kodak Color Negative 5251 50T +hotel lobby, isometric view, digital illustration, digital concept art, complementary colors +A pet rat wearing a chef's hat cooking food in a kitchen +A gray cat standing on a tiled roof, looking at the distance at a large colombian old city, a forest in background, clouds, depressing vibes, dark world, artistic digital painting, oil painting and anime style +a bubble travelling first seat, in the style of Paris Match +Cute little sweet humanoid suricate, dressed with shoes and cap, riding action with a skateboard in the park, unreal engine, cozy indoor lighting, artstation, high detailed, digital painting, cinematic, character design by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyperrealistic, octane render +Cyborg hero armor nanotechnology, torso armor punisher or skull, full power, acid, firé, plasma, electric, maximum image quality, perfect details, focused, full view, 3d render, perfect smoothing, scene background +Logo of a shop, says Richvip +, fantasy, pastel, absurdist, photo, McDonald’s sushi +It is urgent that you become a professional athlete. +The official portrait of an authoritarian president of an alternate america in 1928, "Samuel Threadway", in a romantic realism style +Weightlifter raises a car above his head +A spaceship halted midair by giant golden chains +The syndney opera house in the style of jules verne +what do we say to the god of death +rainbow dash as drug addict niddle on high on drugs junkie +chica freckles, con escote profundo, camisa Corte bajo +digital painting of electric cyberpunk Gorilla, electricity aura, electric zaps +cat fire abstract beauty, centered, looking at the camera, approaching perfection, dynamic, moonlight, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by Carne Griffiths and Wadim Kashin +A snake by Lois van Baarle +deluge overtakes the statue of liberty +western springs stadium Auckland New Zealand with big crowd +Flying transport, non-existent, the text "the future has come" is written on the sky, realistic rendering, photorealistic, realism effect, insanely unusual unique, masterpiece, fantasy, Megapixel, LED, future, Elements of magic, high-tech details, , +Cyberpunk cyborgs, synth, Ancient India style, fine details, si fi, silver on a black background, neon lighting, contrasting shadows, contour light, robots, three-dimensional sculpture, high resolution, 8k detail, baroque, clear edges, technology, mechanisms, +indian cuisine logo, emoji style, tali dish, lovers, HD, 3d logo, family, healthy food, minimalism, realism. +gorgeous female sitting on a bed, Indian American, wearing a saree, bare legs visible, attractive, flirting, full body visible, looking at viewer, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +photo of cave explorers inside of a cave made of chocolate fudge +a girl rides on a swing with wings +an attractive caucasian sorceress lying on her bed +Art installation of old book pages hanging from the ceiling and an antique armchair +portrait of an excited woman, dreamy background, vibrant pastel colours, intricate, detailed, Psychedelics, swirls +promotional material for a fantasy isekai anime with a chubby male protagonist. +a painting of a jedi velociraptor wielding a lightsaber in his hand, artstation, 8k, high res, ultra detailed +holographic transparent plastic Vaporwave balenciaga anime. Taken with Nokia 5300, film grain, film texture, lo-fi, motion blur, polaroid, fisheye lens +cafe style logo stickers, indian cooking, color logo, HD, 3d, family, healthy food, minimalism, realism. +A glowing fish from profile, black background, octane, +Endoskeleton robot with gears and red skull face in a laboratory +Neca Ghostface figure talking at the phone +Kitchen island benchseat cozy realistic warm morning +Antique, warm hues, full body, skinny shaved spray, spread wide, white Swedish teen girls, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +blackandwhite photo of a teddy bear driving a AustinMini car in a city street at night cyberpunk, AustinMini ,silver car,studio lighting, +hdr 8k resolution highly detailed image of a fairy by artist "Jasmine Becket Griffith" + Brian Froud +a vagabond playing the guitar on the subway +a sad, crying, anguished, young woman with red hair +An illustration of a fluffy puppy made of cotton candy +katia winter as a red haired fantasy mage in a shattered mirror +photo of middleaged man in calavera costume at a boisterous Halloween party, modern house, detailed, f1.8, 8k +illustration of evil skye sister dog from law patrol +icelandic child eating an anthill with a spoon in the forest +subsurface scattering, white, koi, rabbit deity with dragon armor, art nouveau swirls, vibrant colors, octane render, by jesper ejsing, james jean, justin gerard, tomasz alen kopera, cgsociety and fenghua zhong, highly detailed, rim light, art, cinematic lighting, very coherent, hyper realism, high detail, 8 k +Aishwarya Rai, Grand Theft Auto V +an ice-cube on top of a cell phone +logo s or logo 5,clef-g,clef-f,clef-c,cursive letter,black and white +a mix between a dragon and a panda +woman covered in sheets, memoriam beach rudolf felix edwin gres warmssnhq ,Jules Bastien-Lepage +interior of beautiful victorian library with huge glass silos filled with green fluid +Character concept art for a gnarly tree ent, for a dark fantasy game +Guan Yu rides a Harley,JC Leyendecker +a wide photo view of giant bear walking over a castle foreground perspective godzilla, +naruto holding a sign that says "soon", 4k, hd, anime movie +Fantastic photo of a tree getting struck by lightning and catching fire, dramatic clouds +shiny polaroid photograph of a distant lonely figure, cinematic, iridescent colors +eldrely Kurt Cobain with big white beard wearing clout goggles glasses +fire superheroine by Leonardo Da Vinci +Alchemist with antimony, iron and saltpeter +Close up Photo of Doctor Einstein and the time machine with the flux capacitor back to the future +gundam astraea, anime, super detailed, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +Isometric cubes by Josef Frank, Picasso +Helicopter crashing into the erupting volcano +realistic, magazine cover, text, skinny little preteen 8 year old girl, straight blonde hair, croptop and miniskirt, muppets and old man, bedroom, chains and ropes, starwars, muppets. by gustav klimt, dino valls, gustav klimt, Daniela Uhlig, thomas kinkade +Snoop Dogg is Abraham Lincoln, stovepipe hat +humanoid otter in harness holding spear painted by John William Waterhouse +A beautiful photo of an Indian woman +miyamoto musashi painting in a zen garden +prog rock album cover designed by rene magritte +paolo guerrero, 21 years old, Bayern de Múnich +Cats drinking milk through a straw +Flying vehicle, realistic rendering, photorealistic, realism effect, non-existent, insanely unusual unique, masterpiece, marvelous, fantasy, magically, wonderful, Megapixel, LED, future, Elements of magic, high-tech details, , +The FeroSimian is a large, bipedal ape with a muscular build, standing at an average of 7 feet tall. It has a thick, dark fur coat covering its entire body, except for the palms of its hands and soles of its feet, which are hairless and toughened for better grip. Its arms are long and powerful, with elongated fingers tipped with sharp claws for climbing and grasping prey. The FeroSimian has a pronounced brow ridge and sharp canine teeth for tearing flesh. +An image of hot Indian girl wearing minimal Indian clothe and looking in a very hot way +neural network, octan render, particles, majestic visualisation +Photo of a woman holding a phone taking a selfie +inside a historic church, extravagant intricate and ornate, professional photography, canon lens, 64 megapixels +Photo of a FIAT panda car, +, fantasy, pastel, absurdist, photo, makeup kit +thai nurse painted by gil evgren +intricate meticulously detailed earth sorcerer with engraved ornate skin and growing branching hair! artwork by nekro! a masterpiece; 8k resolution; dark fantasy concept art; full body portrait; by Greg Rutkowski; maximalism; dynamic lighting; hyperdetailed; intricately detailed; Splash screen art; trending on Artstation; deep color; Unreal Engine; volumetric lighting; Alphonse Mucha; Jordan Grimmer; complementary colours +Isometric house, rpg style, cartoony, dnd, fantasy, mobile game +a background image mixing the matrix and machine learning +Toilet bowl, pov, seen from inside a meat's tube +White sweet cat / black forehead/ h y p1er realistic, black tail /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +Beautiful ancient artifact, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +extremely high resolution maximalist multicolored 16k fine art giclee of busy fantasy magic laboratory by geliy korzhev, by gustave moreau, by thomas w schaller, splash art by andreas gursky, artstation, beautiful hyperdetailed oil on canvas, raytracing, tall cluttered tables and shelves, ultrafine detail warm glowing potions +jake gyllenhaall drinking an ice cold beer, by egon schiele +highly detailed close-up of brain as big and very complicated factory with machines, s futuristic, sci-fi, Trending on Artstation HQ, 4K, UHD, High quality +An epic wizard duel between good and evilek +concept art painting of an old forgotten library with rays of light coming in through large windows, dust, volumetrics, detailed +movie still of kanye west in star wars +eldrely Kurt Cobain with big white beard wearing clout glasses +portrait of a kid in the desert +A portrait of cyberpunk inquisition: giant kinky Muscle older severe Slaughter inquisitor covered in red fluid. art by Ilya Repin +Photo of a 18yo woman, beautiful, yellow dress, +a green pencil on a red paper +mark coffey, hairy musclechub, serious face, wearing leather apron, medieval baker, fiery medieval tavern background, red orange warm theme +pig lady in a bussiness suit +Factory in a stunning brutalism by Michael graves, +H i t l e r, High Resolution, High Quality, Many Details, Real Life +intricate meticulously detailed photorealistic painting little grey alien man with intricate bulbous head speckled skin! large galaxy eyes; starlit night; photorealistic face! artwork by nekro! WLOP; masterpiece; 8k resolution; dark fantasy concept art; full body portrait; Greg Rutkowski; maximalism; dynamic lighting; hyperdetailed; intricately detailed; Splash screen art; trending on Artstation; deep color; Unreal Engine5; volumetric lighting; Jordan Grimmer; complementary colours +cachorro reptiliano com asas de morcego +Mario punches Sonic in the face screaming FRICK YOU +fantasy digital art snow mountain, cottagecore, mosscore, cozy +mumbai street, hot gorgeous desi hindu woman as goddess durga squatting shamelessly, leaked desi private mms, viral video photage, divine vivid photo +moses opening a sea of chocolate, crowd of oompa loompas +Pepsiman Tatics game cover, Playstation, cover art +a shadow of chun li angel standing in the dark, heart on fire +Mona Lisa as the Statue of Liberty +portrait of a asian woman elf, fantasy, digital art, forest in the background +art by Patrick Woodroffe and Alfons Mucha, whole body photo portrait of 20 year-old Barbara Eden as Jeannie, a naturist in the desert sitting next to the genie bottle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a warrior with blonde hair, realistic red armour with golden decorations, sharp details, dark fantasy style +Photo of self driving Ford Model T equiped with lidar, circa 1920 black and white +Realistic Black and white portrait of Bangs hairstyle Jenna Ortega +GoPro selfie of WW2 soldier in battle +A red cube above A blue ball +anime water elemental girl art,liquid hairs, water hairs, blue skin, digital art, mastepiece, art by artgerm and John William Waterhouse +an elderly man at the train station holding a sign saying "I ate a frog" +a tiny plant sprouting glowing in a magical land +A sign with "hello" written on it +Weightlifter performs a one finger pushup +Alexander the great, cover art +a little bear visiting star trek deck +Two men, wearing haori-hakama kimono, facing each other, playing shogi, sitting on zabuton, in a Japanese-style room, symmetrical face, portrait, highly detailed, +The text “LYDR”, font in graffiti style +, fantasy, pastel, absurdist, photo, person bird +Sculpture of a cool e-girl wearing a miniskirt, ancient greece, breathtaking +el maradona del ocho in mexican vilage 1979 35mm old grain film +a blocky minecraft pink lights dark podcast studio backdrop. +mathew baynton from horrible histories, oil painting by monet and jmw turner and rembrant +James bond, art by Robert E. McGinnis +a fountain in an autumn fantasy forest as a classic sierra adventure game +Lana del Rey eating a cake, insanely detailed, photorealistic, 8k, , +Rachel Amber wearing a black skirt. Young face, Sony Alpha A7 III, beautiful lighting and shadows, highly detailed, skin texture, skin pores, moles, wrinkles:0.1, muscle definition:0.2, perfect composition, beautiful face, beautiful eyes, highly detailed hair, professional, megapixel, RAW detail, UHD, Ray tracing, hair light, perfect pose +an image of rio de janeiro infested by dinossaurs in the style of 60s manga +teenager girls fighting over a boy, love, jealousy, highly detailed, pulling arms +a nighttime photograph of an 1980s era Japanese city with neon signs and billboards +an animated illustration with bright colors and soft strokes. The monkey would be brown and have a round, furry face with black eyes and a small nose. He would be sitting on a red leather seat and wearing a green kimono with white flowers. In his hands he would hold an open newspaper and read it carefully. Next to him would be a window through which the clouds and blue sky would be visible. In the background would be other passengers and stewardesses looking at him with amazement or indifference. It would be a fantastic and humorous illustration +digital oil painting by van gogh +a hybrid between a cheetah leopard tiger lion ocelot, leopard lion cheetah tiger ocelot hybrid, sleeping in a mossy den, primitive feline, ancient feline, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art, professional photograph +A cyberpunk theme 4k image of Future laboratory scene with a very attractive looking girl scientists growing a human hand using regenerative medicine techniques, featuring advanced equipment and cutting-edge technology. +Mid body portrait, a realistic gritty photo of ( 60 years old:1.5) (chubby:1.2), (batman:1.3) in their clothes, homeless, matted gray hair, sitting in a ramshackle sofa, dilapidated room in the background, beautiful illustration with (highly detailed face:1.4), by greg rutkowski and magali Villeneuve, full color +Tuesday Weld in a bubble bath by Gustave Dore +a close up of an eye looking through a key, beautiful fantasy art portrait, portrait hd, open door, watching, blue pupil, sf, intricate artwork masterpiece, ominous, matte painting movie poster, golden ratio, trending on cgsociety, intricate, epic, trending on artstation, by artgerm, h. r. giger and beksinski, highly detailed, vibrant, production cinematic character render, ultra high quality model +an image of rio de janeiro dinossaurs battle in the style of Kazuo Umezu +8K photograph of a model train town with a river, close-up +dreamlikeart of a magical shitzu, in a magical florest, fantasy concept art +big city 🌆 🌃 skyline skyscrapers ✨ starry night sky 🌌⭐ illustration +From Front outside Photography of gigantic orange interstellar spaceship docked in launch pad. by Ridley Scott. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +children sitting in an antique lounge, smoking cigarres and having strong alcoholic drinks, exhaling smoke, table +baroque painting with girl in red velvet costume, masterpiece +Imagine a surrealistic digital painting of the universe as a humanoid form , intricate pastel-colored fashion from a fantasy Renaissance era, yet with a futuristic Star Trek twist vfx 8k. With sharp focus, capture the idea of the universe , and showcase the highly detailed and ornate clothing design. Create a mesmerizing concept art illustration that explores the concept of the universe as a conscious being." , 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +cute pikachu with a hat that has "I'm cute" written +The abstract , creative art, soft colors mono chromatic, shape, lines, soft colors, simple, contemporary, modern, chic pattern, Scandinavian modern art, minimalist, line, cartoon, super minimalist, hand drawn, line brush, mountain, leaves pattern, line art, warm color +FIR PLANK WOOD PATTERN PAINTED TRAY WITH BLUE VELVET +oil painting of a breathtaking landscape by Jacek Yerka and Andreas Rocha +a man in a union jack outfit with cape, emblem of a lion on the front, superhero movie directed by Zack Snyder, cinematic, reimagined by industrial light and magic +A woman sits on a large blue beach towel she is wearing a multicolored pannelled zentai body +how to draw cell shaded characters +Black and white, thin line, coloring page, of Unicorn sitting at a table eating matzahs on Passover. +Create an eerie image of a dark, stormy beach where the waves crash onto the shore, with lightning illuminating the ominous silhouette of Cthulhu looming menacingly in the background. In the foreground, a terrified colorful My Little Pony is shown struggling hopelessly against the grasp of Cthulhu's tentacles as it prepares to devour its helpless prey. +an intricate and detailed oil painting of a fantasy park landscape in the style of famous landscape artists like Claude Monet, Vincent van Gogh, and John Constable, lush vegetation, vibrant colors, dynamic lighting and shadows; serenity and wonder +A Girl with brown hair, anime style +Baroque style, Face, silver on black background, inlay, bas-relief, high relief, counter-relief, three-dimensional sculpture, high resolution , 8k detail +a mole going for a stroll +Images inspired by Goku and Bulma +a photo portrait of Tom Cruise, high detailed skin, depth of field +two chibi mini, wearing jiu jitsu kimono, fighting in space, 3D digital illustration +Transparent plastic cat polished gold circuit boards, rococo markings, visible inside, Product shot, prototype, robotic, detail, electronic, white background +Raw, dslr, uhd, HDR, 8k, Cinematic movie still, dramatic lighting, David Beckham in neon Genesis Evangelion uniform, sci-fi futuristic portrait, catch lighting in eyes, astronaut spacesuit, glossy pupils, glossy iris, intricate detailed eyes, Green eyes, Zeiss F1.2 aperture 50mm lens with Hasselblad camera, ISO200, by liosh and Greg rutkowski and alphonse Mucha +mostly gold with a little white and gray colored composition, masterwork, 8K +Mickey Mouse in a superman outfit bodybuilding, book illustration +Logomarca com um cérebro minimalista atrelado ao atendimento psiquiátrico online +Tiger in suit wearing glasses, anthropomorphic +Indian man as dressed as Joe yabuki from Ashita no Jô in the WWE professional wrestling +Two glasses of wine next to a candle on top of a wooden table +anime girl in the space with a sign saying sdxl +layout of a futuristic ecologist city, high quality, cinematic lighting, sharp focus, 8k, +Gothic cathedral in a stormy night, photorealistic +A Knight Templar horse moon war battle +mujer de frente alegre de 30 años y sonrisa amable +Humphrey Bogart as a werewolf, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +house real photography fujifilm xt4 80mm f 1.5 +a digital painting of a satyr archer with goat legs +a professional cinematic paparazzi photograph of pope francis in wearing an icy crucifix and a luxurious canada goose style white long jacket +A chull from the stormlight archive +a man penetrating a beautiful red-haired woman with his penis in doggy style +Little elf boy dressed as Link, photo, realistic +A cowboy riding a whale in outer space +Waterfall in a tropical rainforest, golden hour, professional photography, 64 megapixels, shot on DSLR, long exposure +a beautiful glaive in the style of dark souls. Long blade, ornamental. intricate crosshilt +dark surreal photograph of ballett dancers in the esert in style of Robert Capa +a blue app logo, minimalist, flat design, vector, icon, simple, adobe illustrator, sharp edges, clean edges, logo +Shakespeare in a battle outside the Sydney Opera House +handdrawn, flat, illustration, cute small adorable blushing seirei, cute girl with laptop, tired, brown hair, adorable, trending on ArtStation, highly detailed, simple background, 128k +An American soldier in the American revolution +Lightbulb in the shape of a triangle +An evil villain holding a sign that says "i love sky" +Sign with the text "pee pee poo poo" +Generate a serene Nordic landscape scene with a frozen lake in the foreground, surrounded by snow-covered evergreens and rugged mountains in the distance. The sky above is a beautiful shade of pink and purple, with a faint glow of the Northern Lights dancing in the background. The lake is perfectly still, with reflections of the surrounding landscape creating a stunning mirror image. The snow-covered evergreens are adorned with frost and icicles, glistening in the moonlight. The rugged mountains in the distance are covered in snow, with jagged peaks that seem to reach up to the sky. The air is crisp and cold, and the only sound is the gentle rustling of the trees in the wind. The overall scene is one of peace and tranquility, with a sense of awe-inspiring natural beauty that takes your breath away. +A transgender man who in a red dress playing chess with his son at home, realistic photography, professional portrait, sharp details, 50mm lens, F/1.4 +a cute grey hamster whch is eating sunflower seeds +a incased in bumble bee in ice +Guy spooning a beautiful hot blonde +a close up of a metal head on a wall, a surrealist sculpture, zbrush central contest winner, neo-figurative, threea toys, a portrait of an android, singularity sculpted �ー etsy, covered in circuitry, brass semi - mechanical woman, weathered ultra detailed, detailed picture, chris cunningham, automata, eye - level view, yellow cyborg eyes +Red bottlebrush by Morris and co +Charcoal drawing of Couple drinking at a busy restaurant, art by Kathe Kollwitz +digital art, princess surrounded by flowers, low-angle shoot, curly bob cut, looking away, face blush and freckles, high quality, pastel colors, detailed, by Sarah Joncas, intricate +022 2e SM Ricardo. Lavage du char au gazole a Biesheim. +a plant with green leaves and a single white flower +photo of chubby cruel vicious guy exhibitionist pissing at office toilet. highly detailed face, killer look, Hard close-set eyes, born criminal +Anime girl riding horse in the woods +Rem from Re:Zero, anime screenshot, pixiv, digital art, blue hair, maid uniform +Dracula teeth brushing, award-winning photography, intimate and vulnerable lighting, 80mm photography, Cinematic, Sharp, Hasselblad, Dramatic Lighting, Depth of field, Soft color palette, Incredibly high detailed, Lightroom gallery +birthday suit girl, long hair, bend over, on a beach +an tree on an grassfield in fantasy art +Comic Book, Banner in Marco Mazzoni, Frank Frazetta, Charlie Bowater style Long Shot of Pixelated Wonderland, Underwater, Shimmering, award-winning, Rainbow +Chun-Li of Street Fighter 5 : centred : beautiful, waifu, fanart : melted dripping viscous inky Rorschach aesthetics : Cartoon|vector art : Russ Mills & Mari Shimazaki style : Artstation Behance and Deviantart Trends +Light doesn't interact with human skin accurately +Exploring a temple with candle-lit walls, 3D Game Cinematic Feel, Epic 3D Videogame Graphics, Intricatey Detailed, 8K Resolution, Dynamic Lighting, Unreal Engine 5, CryEngine, Trending on ArtStation, HDR, 3D Masterpiece, Unity Render, Perfect Composition +Family logo, Minimalism, vector logo, logo from the dribbble website, HD, 3d, Indian style, expensive logo +Highly defined macrophotography selfie of a group of owls huddled together taking a group selfie on top of Zhangjiajie mountains +red sheer harem pants, bare midriff, short red west, tassels, sheer pink veil, blonde hair, topknot, I dream of genie +Mixed media, abstract, a chaotic and energetic explosion of colors and shapes, vibrant and spontaneous. +Raymond reddington shaking hands with Dexter morgan +Letter "ART", written, minimal, screenprint poster, in a frame +colourful fairytale illustration, fairytale house, treehouse hid in leaves, magenta leaves, black sky, night, blue roof, white walls, ladder, detailled, sparkles around +Astronaut in a business suit. Hedge fund theme. +a chef shooting merbles at a cake +RAW photo, a portrait photo of humanlooking deer character in clothes, face, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +dragon sitting in a lava lake +Fursona , furry fox , female , beautiful , attractive , furry body , fox body colours , smiling ,digital art , showing off , masterpiece , by foxovh , hourglass body , furry art style , furry , anthro , long loose brown hair locks , furry yiff , fox head +A CONSTRUCTION BORD WOOD TRAY SET +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, england colonial catering logo, 3d logo, good for the family, Tali, piety, realism, octane rendering, soft diffused light, +water elemental Poseidon with a liquid body made from water, water humanoid, bearded god, moonlit night, intricate meticulously detailed photorealistic perfect painting, large depth of field, dynamic pose +A sleek business logo with a wave design +35 year old man, short hair, black hair, black stubble, olive skin, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +extreme close-up macrophotography lime green preying mantis holding a red cherry +an orc mage holding a magic spear +woman reformation stgeorgefamine lifeboat drowning igleartwork, Jules Bastien-Lepage +A punk metal version of Darth Vader playing the guitar, studio lighting, award winning photograph +norse mythology, wearing flowing green dress with gold armor, warrior pose, sword drawn, the use of light and shadow is particularly striking, the artwork is a groundbreaking and breathtaking masterpiece +bullets laying in the shape of a heart on a table, a rap album cover, cover art, realistic, auto-destructive art +Bitcoin, shaking hands with gold coin, blue skies, blue ocean, sunset, sunrise vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +Cat with a sign that says "Cat lives matter" +**a portrait of a 3D cockroach wrapped in Bitcoin, in Hawaii, on the beach, hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +An oil painting of a business man by John Singer Sargent. +an image of university students in relation to a banking app that is designed to help them save money, make it van gogh style and professional +Close up of a medieval Arab fighter +Huge alien construction robot in the distance looking with glowing eyes ominous down at a small scared boy. by Andreas Rocha and brian kesinger and Mike Mignola and Alex Andreev and Moebius and Joseph Zbukvic and Raimonds Staprans and Bill Watterson +kratos celebring a goal as cristiano ronaldo +anthropomorphic mice living in a large tree trunk, Victorian clothing & decor +1 woman, Cereza, bayonetta fight for survival, very epic moment, sadness, distress, slow motion, high emotional intensity, high detail, perfect face, perfect body, by Hideki Kamiya and Mari Shimazaki, realistic, HD, trending on artstation, hyper quality, +Astronaut in a massive colorful space with bitcoin logo in hand +A print announcing a stargazing event near a lake named "La Sourderie" +Room gamer, future robot, cyberpunk scheme, programming, epic realistic , +a house by a cliff on waterfall +A closeup portrait of a Japanese Buddhist monk in a busy street in 1984 Shinjuku at night, Kodachrome photo +Photorealistic image of Willa Holland wearing black robes +a crispy toy fox wearing a kimono +darth vader in a hogwarts class using a red wand +Scarlet johannson sitting on a couch. 5 star hotel. Tower in Tokyo. Neonlight. Modern. +Blue flower in vase 1889 style painting +gorgeous beautiful female in a changing room, detailed black braided hair, pigtails, wearing a sheer partially draped saree without a blouse, no blouse, bare legs visible, bare areola visible, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +Albert Einstein presenting a video game console, many kids laughing, still from Back to the future +a very old, sad hungarian wanderer dressed in a black travelling cloak, and black tophat with grey beard in a 19th century, rainy landscape oil canvas by Waterhouse, István Csók, Mihaly Munkacsy, Karoly Ferenczy, John Everett Millais. Very atmospheric, dark, dangerous, mystical, natural lighting, trending on pinterest.com, wizard, raining, melancholic +tifa from final fantasy, waist up, dynamic pose, modelshoot:photoshoot, HD, sharp image, masterpiece, mouth closed, balanced eyes, small head bone, detailed collar bone, Best quality details, realistic,8K Ultra Detailed,High quality texture, detailed texture, finely detailed,high detail, extremely detailed cg, High quality shadow, beautiful face, Detailed beautiful delicate eyes, DOF, beauiful woman,tall, blurry background, purple tight-fitting Scarf +burly muscular robot, beard made of metal, bald, mechanical, cinematic, full body view +She looked up at the sky with a folded sword in her arms +a beautiful caucasian sorceress lying on her bed +Family logo, Minimalism, vector logo, logo from the dribble website, стиль midjourney, HD, 3d, Indian style, expensive logo +dnd character art of a dragon hatching from a dragon egg, high quality, intricate detail, anime touched, by alicexz and monet and the game dixit, patreon, gravity, the dragon egg is the moon, dark solar system, universe space and time, fractal, background by nasa, dragon +Portrait of a man with blonde spiked hair +Friends 7 women babsi steffi meli petra sandra anita lisa +Centered , front , Wendy Corduroy from Gravity Falls , slim waist, curvey, beautiful, gorgeous , Tacticool, SynthwavePunk artistic visuals , comicpõrn, concept illustration art , in Ilya Kuvshinov & Artgerm & Fenghua Zhong style , standing , next to a mystical waterfall , 8K, UHD, trending on Artstation, smooth, sharp focus , alter, Earth +An old abandoned piano in a field of colorful wildflowers; digital art painting +A smooth purple octopus sitting on a rock in the middle of the sea, waves crashing, golden hour, sun reflections, high quality 3d render +dutch police officers at a crime scene in the city +a man ordering food at a restaurant drive thru +man riding a white horse through the stormy sea, water color illustration, color splashes +Bright image, A man sitting on a crescent moon by Jeremy Mann +Cthulhu wearing a shirt that reads Heavy Metal +photo of a sunken steamtrain in the jungle river,flooded green train,splashing misty mud rocks,panorama,LNER Gresley +a pixel art picture of a city street, pixel art by Hayao Miyazaki, pixiv contest winner, pixel art, anime aesthetic, 2d game art, #pixelart +Character concept art from Gris, 2d flat vector character design, Ghibli and Disney style, cute and quirky baby girl, playing electric guitar, wearing a sun glass and headphone,hanfu design, 18 years old, comic style, simple hair style, adorable, charming, fantasy art, watercolor effect, Adobe Illustrator, hand-drawn, detailed smile face, zoom out, pastel colors, pink, blue, white, white background, close to the camera, centered, full body framed in, looking at the camera, approaching perfection, dynamic, highly detailed, smooth, sharp focus, illustration, +floating clothes that looks like a girl is wearing it +a 12 years old blond girl eating an apple +Alone alone alone, masterpiece close up beautiful suicide girl Raven GOTH girl well endowed leather corset 🫦 cemetery, spooky, foggy, night time darkness, heavy metal +Tom Holland wearing s leather jacket +A tiny red crystalline dragon made of ice taking a bath in a wood flagon, sparkles and bubbles and adorable cuteness! Looking at me! +art nouveau style, an emperor palpita moth with iridescent wings at the center of the universe with 7 Cosmic Rays emanating from it, futuristic, astrological, metaphysical, mystical, golden mean, HD 4K, sharp detail, photo-realistic +a cute botanical creature inspired by brian froud +A painting of a man and woman sitting on a bench by the sea watching the sun set into the sea +A young man looking through a window at lightning striking the ground at night, trending on artstation, highly detailed +Photo, a black and white photo of an old women in a vintage dress and brim hat, people walking around her, very detailed eyes, very detailed skin, very detailed nose, inspired by Bert Hardy, pexels contest winner, inspired by Vivian Maier, people on the streets, flickr, 1940s street scene, high quality photo, afp +A Cat driving a far in space +a photo of a single solid gold Lego brick on a white surface, gold Lego brick, reflective, lighting, DSLR photo, shallow depth of field, 8k +photo of cave explorers inside of an artery +Vorstellungsrunde unter Lehrpersonen an einem BarCamp +a black cat on the arms of a girl +shakira music session 54 cartoon star wars style portrait +chili pepper shoelace, artstation, high-res, ad campaign, stunning photo +the shot of an adorable chibi dapper cat :: awwchang :: miles-df :: gorgeous eyes :: professional majestic oil painting by Ed Blinkey :: Atey Ghailan :: Studio Ghibli :: by Jeremy Mann :: Greg Manchess :: Antonio Moro :: trending on ArtStation :: trending on CGSociety :: volumetric lighting :: dramatic lighting :: Pino Daeni +abstract colorful 3d render of glass+crystal by Greg Rutkowski, abstract art, behance contest winner, 3d digital art render, hyperrealistic +Beautiful stained glass window, tree of life design, intricate stained glass, photograph, digital render, digital illustration, photo realism, colorful +liminal space, long corridor, vintage carpet, vintage wallpaper +Folder icon in the form of a toolbox +3d digital illustration, hamburger, detailed, realistic, high speed hamburger +Forrest Gump and John lennon, extremely detailed +create an art for social networks, hamburger with wheels. Burger is speeding on a race track, hyperdetailed, 4K +a painting of a man wearing a cow mask, a surrealist painting, inspired by Michael Cheval, robotic pig, andrey remnev, with symmetrical head and eyes, templar, in the center of the image, greg beeple, pig nose, priest, stålenhag, symmetrical face, tom bagshaw weta studio, vertical portrait +a white coloured road is placed in red desert under clear sky, there is giant red heads on background that abandoned for half buried into these red sands, 4K +hotel lobby, isometric view, digital illustration, digital concept art, vibrant colors +Surreal image of a boy in love with a spirit animal, fantasy, artistic, masterpiece, highly detailed +Ronald McDonald wearing a crown sticking tongue out wearing glasses holding a sign that says King +a young man looking at his reflection in a mirror +a Yorkshire terrier at the botanical garden of rio de janeiro +anime girl reading reddit laying on bed +league of legends champion by KNKL KIENAN LAFFERTY, premium skin, detailed champion art +The day that death becomes self-aware, extremely detailed, amazingly high resolution, 30 k, surrealism art +Cinematographic-sixties spaceship capsule launchpad old-priest anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +a bride eating a greasy pizza and soiling her wedding dress, eating savagely, wild eating +The joker wearing a shirt that reads Rock N Roll +A bad hand drawn paper picture of a cute mixed breed dog. +an owl riding a dragonly used as a logo for a massage business +Illaoi skin, pink gems, colorfull, dynamic, powerfull, seastorm +photo of muscle cruel boss guy exhibitionist freeballing harsh interrogation young intern pissing at office. highly detailed face, killer look, Hard close-set eyes, born criminal +a cat with the Keyblade from Kingdom Hearts in a lonely city +expressive premium chocolate wrapper packaging, snickers like bar, unique design, exotic tropical theme, minimalism, minimalism, midsommar, highly detailed, label design, front label, packaging design, corona render +Photo of a cat with a suit in the morning +Dwayne Johnson and the Rock crylaughing +Anime, Pretty Woman in Blue Dress, Sunset Horizon, Focused, Anime, cute, 4k, trending on artstation, digital art, anime style, illustration by Krenz Cushart and Artem Demura and alphonse mucha and Makoto Shinkai. Studio Ghibli. Cinematic dramatic atmosphere, sharp focus, volumetric lighting, cinematic lighting, studio quality, smooth render, art style by kim jung +a cute girl , best quality +A non-white woman talking to a non-white man in the boardroom of a successful computer, and they both have laptops in front of them, photo +File:Mammy's Cupboard, angle view, Route 61, Natchez, Mississippi Giant caterpillar riding a bicycle File:Ice cream stand, Long Beach, Florida LOC A panda bear as a mad scientist +A Portrait of Rhaenyra Targaryen drinking wine, High Resolution, High Quality, Many Details, Real Life +photo of a sunken steamtrain in the jungle river,flooded train, misty mud rocks,panorama, +character portrait drawing of a male fighter, a boxer with bandaged hands, D&D, inked outlines, realistic +GLaDOS from portal 2, slightly destroyed, vegetation, old abonnement laboratory aesthetics, photo realistic, unreal engine 5, ultra wide angle, warm colors +8k uhd portrait photograph of a beautiful woman with cat ears on her head +anime, highly detailed, colored pencil and pastel drawing, 16k wallpaper, a Cute girl, sneezing, carmine-colored hair, medium hair, wavy hairstyle, turquoise eyes, wearing frilled black dress, portrait, symmetrical face, living room background +A cat holding an umbrella under a rain of musical notes, ink drawing +Sunset reflecting on a chrome robot +Pomegranate warthog in bridal dress, ultra realistic, fashion magazine cover +highly detailed, colored pencil and pastel drawing 16k wallpaper, anime, Cute girl, happy, wavy carmine hair with bangs, turquoise-colored eyes, wearing black dress, portrait, symmetrical face, +Photo of a waffle with chocolate, top view +a slim beautiful woman wearing a cocktail dress popping a champagne bottle +Archers firing a bow, correct distribution of objects, detailed faces, multi-high detail details are complex +star wars, two men wearing jiu jitsu kimono fighting in space, 3D digital illustration +Satan wearing a shirt that reads Rock N Roll +watercolor and ink: 3D vibrant eyeball stream train, bullet train by artist "Mark W Geiger" +Bitcoin, Gold Kruggerand coin, shaking hands, big bicepts, sunset, blue ocean, clear blue skies, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +, fantasy, pastel, absurdist, photo, refined, bird characters +Klein's bottle turned inside out on a wooden magic table, sombre mystical atmosphere, concept photo, macro quality +A centered explosion of colorful powder on a black background +Symmetrical, High Detail RAW Color Photo Professional Close-Up Photo, High Detail Face, Double tail, half body, pores, real skin, straight up, woman under a waterfall, body in contact with water and ripples around, clear clean water, shining eyes, looking at the audience, clothes, clothes, wet hair, Tyndall effect, lens flare, shadow,, bloom, natural lighting, hard focus, film grain, photographed with a Sony a9 II Mirrorless Camera, by Laurence Demaison +Full character Vector drawing of a Polar bear wearing a hat and a tie leaning against an igloo, highly detailed, best quality, by patrick brown, Kan liu, artgerm +A steampunk giraffe surfing in a rainforest +, fantasy, pastel, absurdist, photo, psycho +A photo of a monas in jakarta +stunning beautiful large muscular tall queen wearing armour standing outside dark gothic castle, 5k, hdr, illustration +3d game model, a cute kraken , dark colors, fog, black background +a large room with mini cars,austin mini cars and teddybear people,lots of teddy bears smiling, sharp focus photo, studio lighting ,sci-fi room +Photorealistic cinematic portrait of justin gacek +The letter H in a cloud chamber +Medusa in the style of line art +Mona Lisa wearing sunglasses holding a sign that says Mona +Unsummon: This blue instant card allows the player to return target creature to its owner's hand for a single blue mana. Its artwork depicts a drawing of a hand holding a card with mathematical symbols and equations in the background +A cat holding a sign that says "give me a burger", professional photography, 8k, vintage +portrait of a beautiful young female warrior wearing armor, highly detailed, subsurface scattering, intricate armor details, cinematic lighting, 4k +studio ghibli style anime drawing of a dog riding a bicycle +a portrait of Ryan Gosling in the style of Dragon Ball Z +red hot chili peppers concert in stadium with stage with band shot on canon 200d with 55-250mm +The tardis high in the clouds above London in the sky, moody, dark tones, traffic on the streets below +a black cat on the arms of a priest girl +wireless power transmission,China outer space,future,small spacecraft,space station +1950 colour small batman surf mansion architect drawing, miami drive, bat shape, artdeco, batsign, glass ring worm-tunnels, excentric, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and gaudi and nouvel and pritzker prize +Title: The Elusive AI Emporium Characters +a realistic photo of programmer drawing computer codes on the computer screen with brushes in their hand, 4k. +portrait of stunning master chief gundam pilot, with an intricate, detailed, urban inspired hiphop afro futuristic helmet, vector behance hd jesper ejsing, rhads, makoto shinkai, lois van baarle, ilya kuvshinov, rossdraws, hd, 3 2 k, ilya kuvshinov, gustav klimt +black and white photo inside of a scary dark abandoned railroad tunnel +drake as a Bratz the movie, cartoon character, 3d render, fashion digital art, official artwork, centered +2 girls laying on the beach +a water color of young man with curly bright blond hair and a black leather jacket sits cross-legged, skyblue bleeding, innocent +Boat, Atlantic, edge of world, paintings, +Woman singing 👩‍🦳👗 ,stage, La La Land,double exposure,warm,grainy,cinema +A cat riding a unicycle, cartoon, funny +a colorful crayon drawing of a garden with waterfall,forest,mountain during spring season , in the style of pont-aven school, rainbowcore +an image of an opal with play of color +Monkey holding up a sign with the text "Harsha" +the bitcoin logo jumping out from the volcano's lava +Surreal image of a cat and dog in love, highly detailed, embellishments +A there's no place like 127.0.0.1 graphic for a t-shirt +watercolor of penquin happy feet colorful scarf +art by Alfons Mucha, whole body portrait of 20 year-old Sarah Michelle Gellar as a naturist in the Redwood National forest, HD 4K, photo-realistic accurate face and features, studio lighting +very intricate picture of Terminator painted by artgerm +Fearsome flying fire breathing dragon unreal engine +The digital pavilion is located on a hill near the Great Wall. The red glass facade of the building resembles a giant eagle spreading its wings to fly. It has the spirit and the sense of The Times. Looking out from the museum, you can enjoy the Great Wall through the glass curtain, the scenery is unique. +5 and Octane Render: An art piece showcasing a cute animal with a 5 aspect ratio and rendered +Whole VW Beetle, year 1964, white color, weathered, rusty details, photorealistic taken from afar, in a post apocalyptic desert city, hyperdata, high quality, 4K +a tiny desk of a visual artist +Vector art icon set magic items game +HD 3D animation, whole body image of Cara Delevingne as a demon succubis naturist with red skin and black horns in the Scottish highlands, sharp detail, photo-realistic accurate face and features, cinematic lighting +photo of a db5 car on mars ,splash rocks ,bmt216a +A waterfall inside a bottle, digital painting, high resolution, sharp image +sandy beach, ocean with pirate ship on fire in the midground, sunset +Cover art of a dark fantasy book featureing a olive skinned brown haired girl with glasses with a blue fire aura. +a jeep driving down a muddy road in the woods, by Anthony S Waters, renaissance, raptor, seen from behind, some rust, a green, of, buffalo, real-life brook, front side views full, hongbsws, camp, but very good looking”, very wet, 2 0 2 1, +Painting of NMR HEP Alpha psychic style +a potato sitting in his throne. Luxury palace. Very detailed 8k picture. +a minimalistic style D shaped logo comprises of a profile head, dominos, chess, and Inside it there is a brain shapedsocial network. +jules burkjulien bettfluffy jingsewing workers,Jules Bastien-Lepage,movie still, +clor closeup photo of The Beatles performing a concert in front of eiffel tower, 1960 +Lofi aesthetic featuring a middle manager in his 50s playing solitaire on his computer +Copper and chrome humanoid robot, head shaped like an acorn, bendy tubular arms and legs. +astronomer’s library :: isometric view :: detailed fantastical cinematic fantastical digital illustration :: isometric art :: high resolution :: 64 megapixels photorealism professional photography:: +A robot holding a sign with robot written on it +child juggling two big flaming chainsaws +Gum leaf pattern, silk screen on silk, inspired by grace cossington smith +Tessa Violet. punk genre, Vintage Poster Art, intricate hyperdetailed fluid gouache illustration by Aaron Horkey, Ismail Inceoglu, Jean Baptiste Mongue, James Jean, Erin Hanson, Dan Mumford +80s movie still of a cyborg movie +futuristic futurism, 4k 200mm telephoto zoom full-frame mirrorless photo detailed city casablanca morocco cyberpunk street render new historic blend market technocratic theocratic +Pikachu on trial courtroom sketch, black and white +mgb cars in the jungle river,splash rocks crocodiles +A photo of a rusty ship on a port, sunset twilight +A victorian looking british man wearing a suit and top hat in a pub, theres a sign on the wall that says "QUINNIES PUB", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +Abstract painting, multi colored, Spaceships, planets, moons +A beautiful woman in King Pigeon Pose in a room full of plants, photorealistic +A beautiful asian succubus doing what she was trained to do +David Bowie wearing sunglasses wearing a shirt that reads Rock N Roll +3D render alien musical instruments play under starry sky, background swirling fractal bioluminescent vegetation by Bartolomeo Bettera, Ernst Haeckel Noah Bradley +a photo of furry teddy bears inspecting a lotus esprit car that is in the jungle , wideangle photo +Painting of interdimensional biomorphic NMR HEP Alpha telepathy style +a man in a union jack outfit, photography by Nels Israelson and Michael miller, movie still, action shot, reimagined by industrial light and magic, official photo +London skyline, birds eye view, van Gogh style +a cute pretty Korean university student girl, long brown hair, elegant, hyperrealistic, vibrant, big eyes, smiling, white shirt, light tone skin +Abstract Movie poster, invisible man, simple colors, +photorealistic image of a Lamborghini stuck in sand, beach in background +a cowboy holding a sign with text "Hunt 2000?" +Art deco family house design, in a redwood forest, 35mm colour film photography +Factory in a stunning brutalism by Giorgio de Chirico ,by Michael graves, Fortunato Depero, George Tooker, Titian, italian futurism, black and white +The Joker holding a sign written "PEDRALVA" on it, standing in front of a decrepit old building with graffiti-covered walls. The Joker is wearing a tattered purple suit, green hair, and white clown makeup with a red smile. The sign is made of wood and is held up with a metal rod. The paint on the sign is chipped and faded in places, and there are scratch marks on it. The Joker's expression is sinister and his eyes are fixated on the viewer. The environment is dark and gloomy, with trash strewn about and broken windows. The streetlamp above the Joker flickers intermittently, casting an eerie light on the scene. The mood is ominous and threatening. The Joker's presence is intimidating, and the viewer feels as though they are in danger. The style is realistic photography. The image will be shot using a 50mm prime lens, with a wide aperture to create a shallow depth of field. The camera settings will be adjusted to achieve a slightly desaturated, moody look. +The suggestion of a chubby man taking something off. +A cube made of denim on a wooden table +an ET playing chess with Chinese old man in 1990s, in Beijing, with people around them watching, delighted, old photo, kodak +keanu reeves as a anime protagonist +porcelain doll, ooak bjd, preteen girl, showing hands, holing hands up, traditional clothing, natural light, high quality photo, intricate, ultrafine detailed, intricate detail, intricate environment, cinematic lighting, cinematic still +The image that comes to mind is a breathtaking view of a vast mountain range, surrounded by a lush green forest and a serene lake. The mountains rise up majestically, their peaks covered in pristine snow, while the valleys below are filled with wildflowers and cascading waterfalls. The sky above is a stunning display of colors, with hues of pink, orange, and purple blending together to create a beautiful sunset. In the distance, a flock of birds soar through the air, adding to the natural beauty of the scene. As you take in the view, you feel a sense of peace and wonder, amazed by the sheer magnitude and beauty of nature. The image is a testament to the incredible power and majesty of the natural world, and it reminds you of how small and insignificant we are in comparison. Overall, the image is a breathtaking and awe-inspiring display of nature's beauty, leaving you feeling both humbled and inspired. +robot android humanoid holding paint brush, artistic bot, painter\artist\sculptor +Photo of a blonde girl, wearing respirator and tight leather +A monkey boxing an Indian man +A treasure box filled with jewelry, symmetrical, professional, logo, plain background, 4k, trending on artstation, deviantart, tumblr +photo of A women casually holding a sword ,wearing technopunk clothing , full body , +Movie still of of 20yo Prussian Princess inside a dark carriage +Black and gold, prince with warrior woman (hair horns), riso, illustrative +photo of letters made of candy on a plate that says "diet" +a bowl of strawberries and sliced bananas in milk +Majestic Vibrant Serene Dramatic Ethereal Sublime Bold Tranquil Luminous Radiant Graceful Striking Tranquil Mystical Breathtaking Enchanting Harmonious Peaceful Glowing Dreamy. +medieval ratcatcher in a tavern, high quality illustration +Tomorrow my life will be perfect fun +Kissa Sins, Game of Thrones, Textless, sfw, brunette +photography from olympic games competition in stockings shooting +ben shapiro dressed as a superhero sitting on a pie +a cowboy holding a banana made out of velvet in a smoky room +A bear in a red forest +Photo of a Himalayan cat eating a fish +a 20 year old redhead wearing a small crop top and small high waisted panties +A vector illustration of a human brain with cybernetic enhancements, digital dashboard overlay, and techno futuristic background +a realistic close up portrait of a cat in a maroon football uniform, studio lighting, inside a locker room +Netflix latest movie poster, highly details, studio photography +photo of a foggy village street with a yellow wooden entrance sign saying "TONKERVILLE" +A drawing of a jungle landscape during the night +the solution to all of your problems +CIA Agent standing in front of a pressure chamber, intense, dark, photorealistic +A Eurasier dog sitting next to a black cat. Friendly but confident aura. +Seattle skyline, professional photography, bokeh, golden hour, sharp focus, 64 megapixels +creepy 1980s dvd movie scene, unsettling, gritty intense scene, detailed eyes, skin details, retro disney aesthetic, sacred geometry, intricate design , masterpiece, best quality, high quality, extremely detailed CG unity 8k wallpaper, sharp focus, cgsociety, trending on artstation, award winning +Breathtakingly beautiful Easter bunny cosplay, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Inside a Creepy Bathroom at a Party with Colored Lighting +A PhD in math developing Machine Learning algorithms for cyber security company +bodybuilder playing in the snow on christmas morning +A starship from NASA, flying through the sky above San francisco, extremely intricate, high res, 8k, award winning photo +Two soldiers playing chess in a trench +tantasy,Lino cut,design by Norman Foster,villaticbuilded by bamboo ,with men,a cross-section vlew of,FHD,architectural visualisation,old friendly,Architectural photography,Nikon D780,FE 50mm F1.8,ISO 900 +SpongeBob in Pari, hd, studio ghibli +a person on a levitating skateboard in a fractured fantasy canyon environment, unreal engine +Maryam Nawaz, Grand Theft Auto IV +old picture of kurt Cobian taken on a 200d +photo portrait of 20 year-old Barbara Eden +woman in black coat sitting in snowy landscape, aph gustav wyeleighton snowy loneliness hone pland, Jules bastien Lepage +masterpiece, high quality, high resolution, green hair, long hair, short hair +a young latina woman drinking coffee looking at the eiffel tower +A green landscape with mountains and a lake in front of a blue sky. +Two skeletons fighting in an arena. +art by Alfons Mucha, whole body image of Suki Waterhouse as a cosmic naturist meditating in the Lotus Position in Egypt in front of the Great Pyramid, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Cute cat, oil painting by bob ross +batman piggygy piggy piggy piggy piggy piggy piggy piggy piggy piggy piggy piggy piggy piggy piggy, behance hd, dark robed, cute:2, the artist has used bright, hd rendering, neymar, with cape, bacon, sap, happy brave magical cuteness, filmation, wiccan, piglet +amigurumi figure of a minecraft creeper, product photo +Photo for music album, melancholy, stormy night, intricate, highly detailed +ava addams apareandose dentro de minecraft +beautiful young mexican flight attendant on a plane +photo of 42 y.o man in black clothes, photorealistic, , bald, face, half body, body, high detailed skin, skin pores, coastline, overcast weather +Massive Cthulhu Giant Humanoid with dragon wings, sea, Mythology, Photorealistic, High Quality +human schoolgirl in a bed with "no underware" with a childish face touching her nips, with dark background +Excalibur, the sword of legend, floating above a pristine alpine lake, glowing faintly. An expressive but muted painting. +1980s honda sport motorcycle oil painting +A motivational quote, in front of a cinematic action sequences +A red headed model at the beach +a DnD dwarf wearing dragon scales armor +Photo of nicolas cage in a marbella street +Ellie goulding baring all, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a portrait of an old dog taken in the year 1835, analog photography, restored +propaganda poster for the fictional corporation INGSOC +photo of a couple of people dancing with their eyes closed in pajamas to an old waltz in a room with mirrors and artificial lighting +apocalyptic, a man with a dogs face on top of a car +A man by Lois van Baarle +hybrid between a bobcat ocelot and bornean clouded leopard with antlers in a video game, HD, unreal engine, hyperrealistic, hyperdetailed, realistic lighting, 4k video game +a d&d sorcerer in a blue and yellow cloak +color photograph, terrifying apparition standing behind a little girl in an old abandoned bedroom , +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by John Atkinson Grimshaw +a giant tsunami crushing a city seen from a street +Cat standing on top of the world globe with arms stretched out, thick outlines digital illustration low detail +dinosaur couple having a fancy tea party +i like a long big thick redbone, make that cat filet mignon that cat. i'm gonna get on that cat. if she let me in i'm gonna own that cat +A baby in a formula one suit and helmet +luxury motel with neon sign, sunset, 3d render, surreal, album cover +metal and wax sculpture of cooked turkey, underlit +kanye west in gears of war +a young man with green hair holding an anchor and a net, painted by John William Waterhouse +Black circles by Josef Frank, Picasso +spiral mountains, stars, clouds within spheres, green pine trees, chill, calmness, peace, eternity, beauty, ernst haeckel, maria sibylla merian, tristan eaton, victo ngai, artgerm, rhads, ross draws, kaethe butcher, hajime sorayama, greg tocchini, virgil finlay, subtle vignette, volumetric lights, pixiv, by ilya kuvshinov, octane render, 4k, 8k +upside down photo in a giant cavern within an asteroid lit with warm light spotlights and moss on the surfaces +guy escaping from 20 big teddy bears +Photo of a happy burly caveman holding a piglet +A detailed anime background of a dark expansive cave interior filled with tunnels and stalactites, some red glowing crystals on the walls, +a photograph of a man walking his fox terrier dog in the forest, tiny diorama +Perfect shot of gorgeous morena baccarin, 25 years old, clad in leather armor and cape at the edge of the foothills in the forgotten realms in dungeons & Dragons style by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +Chief Sitting Bull taking a selfie in a bathroom mirror +, fantasy, pastel, absurdist, photo, refined, doll +sticky notes clustered in groups by color +pastel pink hair car drifting, with pastel pink trees background +movie poster for Brash Laptop, by Saul Bass +Hyperrealistic photorealistic blue bellied roller portrait. 8k resolution Bird Portrait of neon bird: Black ink flow: 8k resolution photorealistic masterpiece: by Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean-Baptiste Monge: calligraphy: acrylic: watercolor art, professional photography, natural lighting, volumetric lighting maximalist photoillustration: by marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +Elvis Presley, walking through the streets of tokyo, night, neon lights, populated, cyberpunk +videogame sprites, top-down isometric 2D indie game style, empty background +Detailed japanese Chun knight wearing greathelm, lava background, perfect Lighting and shadows +the leviathan telescope housing in birr castle, Parsonstown +colorful and vibrant healthy coral reef, underwater photography +, fantasy, pastel, absurdist, photo, Wes anderson, jars of brains, diabolical +Robot looking at a list of ingredient, cook. fire, Futuristic Kitchen, Lots of appliances, cyberpunk, retrofuturistic +the word BWAY in display font, creative typography art +a damaged burly muscular metal android lying on the ground, circuitry showing through torn metal skin, loose wires, sparks, smoke, robot, cybernetic, mechanical, photographic, cinematic +2D digital illustration, cute, cute chibi boy, in a wheelchair, dressed in white jiu jitsu kimono, black belt, wearing cap, he is happy, 4k +frodo from lord of the rings, barbarian frodo, league of legends splash art by greg rutkowski, epic art on artstation +a video game screenshot from shipment on call of duty multiplayer, 24 players, xbox series x screenshot +YouTube video thumbnail: alchemist trying to transmute gold +A cute very purple cat with purple purple fur and a cute black top-hat. very cyan blue background +, fantasy, pastel, absurdist, photo, people goat heads +large group of dead monkeys drowning in the ocean at solar eclipse, ultra detailed, high resolution +A oil painting portrait of young Muscle taxidermist boy butchering giant TESTICLES organ on the dissectingTable. bloody background. highly detailed guro art by Ilya Repin +Emma Stone in 1945 New York City, Kodachrome photo +cute clockwork dragon pokemon, artistic art print, wet paint on canvas +an empowering view of the supreme elder peacock,wearing royal warrior clothes, throwing an extremely powerful punch surrounded with demonic aura,in the style of Ken Kelly and Richard Corben and katsuhiro otomo,extremely detailed,detailed shadows,volumetric lighting +Jerome Powell pushes bear and bull together in epic scale +women with legom sets on hand +a professional cinematic paparazzi photograph of pope francis in wearing an icy crucifix and a luxurious canada goose style swagy white long puffer jacket +mythical parchment paper drawing of an anthropomorphic lynx with antlers, medieval, adventurer, dnd, nature spirit, rpg, rustic, fantasy +Humongous teacup and saucer floating in the sky, surrounded by clouds and rainbows, abstract, surreal, dreamlike, stylized oil painting style, vivid colors, detailed, high resolution, wide angled, otherworldly, fantastic +Wednesday Addams sticking tongue out holding a sign that says hail Satan +a man eating a burger while standing in this clouds, masterpiece, 8K ultra hd, high detail, RTX, soft lighting, film grain +group of zombies walking in the streets of a city, tropical, palms +handdrawn, flat, illustration, cute small adorable blushing seirei, cute girl wearing apron, tired, brown hair, adorable, trending on ArtStation, highly detailed, simple background, 128k +portrait of the Ice Queen. queen's Revenge red splatter on her face, by tim Jacobus, oil painting +ausopen bydoorway guardpauline jules robbiwhistler ,Jules Bastien-Lepage +an epic digital painting of a cat in front of the moon +photo of topmodels presenting new collection of exclusive colorful stockings, Breathtaking gorgeous Magnificent, glamour +A cute Kawaii tiny hyper realistic breton monks looking like zappa in 4he spring grass with flowers . wide angle full body, 8k, Cinematography, photorealistic,epic composition Unreal Engine,Cinematic, Color Grading, Portrait Photography,Ultra-Wide Angle, Depth of Field, hyper detailed +Painting of storybook hobbit home whimsical style +A pineapple inspired armchair design, product photography, realistic photo +80s honda model in gta 4 +realistic, a beautiful character portrait of The Hulk wearing viking armor by artist Frank Frazetta, heroic pose, 4k high resolution, intricate details, comic book illustration, a beautiful expressive painting with amazing style +a logo with p named crypto bot +Black and white 1905 year futuristic portrait of old mad professional photographer with camera in hand in a toilet sadly covered by jumping frogs +old cathedral, vintage, hyperrealistic, glowing, abandoned +Portrait of a fairy tale princess by Lucian Freud +shrek in his house, gta v artwork, detailed illustration, gta vice city +medium shot, street photography of a female fashion model running on a flooded street in the rain, black and white by anne lebowitz +HD 3D animation, whole body image of Cara Delevingne as a succubis demon naturist with red skin and black horns in the Scottish highlands, sharp detail, photo-realistic accurate face and features, cinematic lighting +heart-shaped box with text "no i don't have a gun" written on it +cute 18 year old female, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Detailed Vector hand drawing of a pinocchio as a girl +eSports team logo of a hydra +a neoclassical statue of a male angel +a tall woman with purple hair in leather, alcohol, bar, tatooed arm, neon light +A golden retriever running through a water puddle +the cover of the book heaven on earth, masterful detailed watercolor, vatican, aerial footage, in 1 9 9 5, dust and particles, inspired by Henry Lamb, features intricate detail, impactful graphic design, by Giorgio Cavallon, listing image a silhouette of a person walking through a tunnel, amazing d & d dark sun art, streaming, megalithic buildings, inspired by Jeffrey Smith, cowboy, near a stone gate, app icon, psytrance, crater, six from little nightmares, the wicker man, an epic western, song +oil painting with heavy impasto of a pirate ship and its captain, cosmic horror painting, elegant intricate artstation concept art by craig mullins detailed +little anime girl sitting on pumpkin in an autumn forest, petite girl, blonde hair, cute gothic dress +upside-down pikachu in space with long arms that wrap around its body 4 times +Painting of World War one battle at sundown, men fighting and dying, through thick smoke and dusty, national gallery +38 year old man, black hair, black stubble, colombian, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +digital painting sandstone statue of a cat in a jungle masterpiece artwork +Marilyn Monroe wearing a shirt that reads SG +Man Holding Sign Saying SDXL, Protest, Demonstrative, Bold, Determined, Portrait, Realistic, Detailed, "Fernando Botero", "Alice Neel", "Lui Ferreyra" +A butterfly at dawn with starts +a sculpture of the bitcoin logo on a block of ice +Asian beautiful blond woman, photography, playing an unkown board game +The Munsters movie by Rob Zombie +dnd, dwarf, priest, mace, shield, bible, church, divine, heaven, , +endless escher-style multidimensional corridors that are hexagonal pattern, treasure cave lighting, tesseract from the movie interstellar +A female knight in black armor standing in the rain +The Rock and Dwayne Johnson cry laughing +logo for a company named "Omega Darling" +Kittens in an Easter basket with tulips degas +Photo of a beautiful young malayali woman +Spray, mist, flesh coloured dildo, Chubby Afro American nerd, dork girl wearing gas mask, doing twisted splits breakdance, upside down bare model, smoke, fire, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A battle at sundown, men charging and dying, smoke and dust +high detail, high defintion, 8k, photograph, dslr, female in bed +Epic cinematic poster for an all-female adult entertainment movie, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Fat axolotl on the bathroom floor, photo taken on iphone +80s anime still, office girl at desk, muted pastel colors, Yoshiaki Yoshiaki Kawajiri +beautiful redhead woman smoking from a vintage pipe painted by artgerm +Kawaii low poly panda character, 3d isometric render, white background, ambient occlusion, unity engine, square image +a wide angle photo of large gold lion on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics fire smoke, a photo, gearing up for battle, roman , mace and shield, a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, plants overgrown outstanding detail ,in front of a building, +beautiful redhead woman drinking chocolate on amsterdam painted by artgerm, detailed background, detailed hands, detailed face, beautiful face, detailed eyes, digital art +studio ghibli style illustration of a woman wearing a witch costume, with super long blue hair, doing magic with a magical ball of light in her hands, backlight, illustration +a background image mixing the matrix and AI +Archbishop Scooby-Doo Astronaut papal official photograph in Vatican royal helmet gold metal scaphandre pointy oxygen hazmat helmet +An astronaut mediating underwater, luminous, dynamic lighting, swirling water +a professional cinematic paparazzi photograph of a dripped out pope francis in wearing an icy crucifix and a luxurious canada goose style swagy white long puffer jacket, rapper, cinematic lighting, epic, amazing, sharp, 8k, photorealistic +Movie still of starwars r2d2 working in a car shop, extremely detailed, intricate, high resolution, hdr, trending on artstation +A hybrid of Shrek and Thanos, green skin color, shrek ears, thanos chin +An office of a succesful entrepreneur +A kraken dragging a ship to the depths of the sea +A young stylish woman holding a megaphone entirely made of semolina. Grain of semolina in the shape of a megaphone +Kangal dog wearing golden chain +on neck with dollar sign pendant +a suit of armour made entirely of meat +realtor photo of a black wolf and white tiger sitting next to each other +a red balloon detailed pixel art with empty white background +A silhouette of a devil in front of Czech flag +art nouveau style, art by Michael Vincent Manalo and Alfons Mucha, a crystal egg sitting on a lotus flower at the center of the universe with 7 rays emanating from it, futuristic, astrological, metaphysical, mystical, HD 4K, sharp detail, photo-realistic +a data analyst passionate about creating outstanding digital products +Ultra realistic 3d render of a friendly, furry, smiling, and very cute baby fox, big wide open eyes looking directly at you, Pixar style, 32k, full body shot with a colorful background +Detailed isometric gaming room, neon, pixel art, violet robot, unreal engine voxel render +a man in a space suit standing next to a robot, a detailed matte painting, inspired by Scott Listfield, flickr, leica 8k still from an a24 film, spaceship interior, 2001 a space odyssey, with people inside piloting it +league of legends champion with the body of an octopode, premium skin, detailed champion art, +painting of the young golden retriever has a talent for photosynthesis +octane render, realism, indian bas relief, high detail, cyberpunk, cyber tech, contrast shadows, ambient lighting +Breathtaking, vivid scenery with intricate details, crystal-clear stream, lush meadow, wildflowers, majestic mountain range, snow-covered peaks, realistic waterfall, warm sunset, opulent Baroque-inspired style, vibrant colors, hypermaximalist artist John Currin, high-resolution, groundbreaking, stunning masterpiece. +Create an eerie image depicting the ancient evil, Cthulhu, in the midst of devouring an innocent little pony. Let your creativity run wild as you imagine the chaos and horror that unfolds before your eyes. With vivid colors, intricate details, and a hint of terror, bring to life this eerily fascinating fusion of two seemingly contrasting worlds. +A painting of a girl riding on a giant orca +sports illustrated calendar Jennifer Lawrence in stiletto heels +A matte painting of a post-apocalyptic city, cyberpunk style +photorealistic, 4k, high detailed, renovated old a wine press cellar +Medusa in the style of line art, outlines only, line drawing +photography by Annie Leibovitz, Jennifer Connelly as a naturist at a natural hotsprings, award winning photography +Workers in a mine mining for bitcoin, Midjourney v5 style, insanely detailed, photorealistic, 8k, volumetric lighting, , +A highly detailed portrait of Emma Stone painted by Karl Bodmer, masterpiece, absurdres, highres, featured on ArtStation +mechanical FAIRY flying in nature, electronics, motors, wires, buttons, lcd. +cutted strawberry in shape of vulva, cream, photo +a portrait of President of Ireland, Michael D Higgins, in Jim Fitzpatrick's celtic style +The official portrait of an authoritarian president of an alternate america in the 1970s, standing in front of stylized geometric world map, , embossed metal , bright bold colors +Poisoned blog poisoned feast, intricate, elegant, highly detailed, digital painting, artstation, concept art, sharp focus, illustration, art by Krenz Cushart and Artem Demura and alphonse mucha, trending on pixiv, beautiful high detail enhanced 8k render +stunningly beautiful female influencer, epic cinematic action shot, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style, , +Draw something masterpiece and very bright decorated with different LEDs, neons +portrait of a girl Cyborgs from cyberpunk india, portrait style, complex, symmetrical front view, dark fantasy, detailed face, spotlight, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, Yantra, +floating apparition in a woodland clearing, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv +A liminal space, in blade runner, frutiger aero, professional photography +photograph of a magic stone portal with the Arctic on one side and a sunny beach on the other +terran republic, a happy person battle torn, red helmet on the head, planetside 2, unstable smile +dnd illustration of a male, epic heroic fantasy dwarf computer scientist wearing anarchist t-shirt clothing, long white and black beard +a girl smiling, 18 year old, +masterpiece, extremely intricate, photo portrait of a 40 years old man, goatee, chiseled jaw +beautiful young blonde girl supporting ethereum +Ultra HD, 4k, 8k, modern architecture, human perspective, two-point perspective +concept art of a beautiful fantasy landscape, dragons, smokey, mist, clouds, ocean +Super model standing next to super sports car +Enchanted forest, little red riding hood harvesting mushrooms +abraham lincoln as a 60's hippie +A cartoon of cat plays guard, illustrated, lisa frank +the flash the superhero DC, oil painting by bob ross +lena paul apareandose con un hombre +portrait of young skinhead fingering hot young pregnant wife at bedroom. highly detailed realistic photo, kodak portra 400, award winning photography, 50 mm. by sally mann and andrei tarkovsky +A cute woman pixar anime style. purple mid long hair +A highly detailed portrait of a gijinka Axolotl Mage painted by Blizzard Concept Artists featured on ArtStation +a man wearing karate clothes fighting a giant duck on a beach, sunset, hd, 4k, by atey ghailan +Girl wearing a wedding dress and gas mask +female mannequins with heads in geometric shapes made of iridescent glass in a surreal garden with oversized flowers +Portrait of an feminine elegant android, in the ergo proxy style, beautiful anime shot, cyberpunk, highly detailed +Baggy clothes related to ancient mexican culture, badly groomed and unkempt beard, with round glasses, stooped, he is a 40-year-old man, his face comes with dark circles and partial baldness from stress, detailed anatomy, in action, rendered eyes, contacts, iris, +Blue box perfectly balanced on top of red sphere +woman, greek statue,self-gratification, exposing genitalia ,unclad, non-existent clothes, in the middle of street, new york +A person sitting in class on their chrombook. atheistic +splash art digital portrait of a licorice witch +Melting ice cream creating an iceberg +Step mom caught me in bedroom pov view +The spacecraft left the coil and continued to fly, and Star Ring City was already close at hand. This space city adopts a rare hub-and-spoke structure, and the city resembles a large wheel spinning in space. This configuration structure has high strength, but the internal space is not open enough and lacks a sense of world. There are comments that Star Ring City does not need a sense of the world, for people here, their world is the entire starry sky. The spacecraft enters from the axis of the giant ship and has to pass through an eight-kilometer-long spoke to enter the city, which is the most inconvenient place for the space city in the spoke configuration +stunning interpretation of the witch of winter wearing leather armour, golden ratio, in a night sky, In the style of Artgerm, In the style of Terry Richardson, in the style of Alberto Seveso, style of art nouveau, 4k, 8K, Dreamy, Autumn, Natural Lighting, Beautiful Lighting, snow and nebulae, insanely detailed and intricate, elegant +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, england colonial catering logo, 3d, logo on the sign, good for the family, Tali, piety, realism, octane render, soft diffused light, +an image of a black woman +a cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of a lemon walking a pear dog +an image of a gold marble sculpture laughing, in blade runner, at the sea, professional photography +A phoenix rising up from ashes +Osama bin Laden as President Barack Obama +A garden lizard sitting on a plank of wood. +a moth bunny with laser eyes +A photo of Homer Simpson in real life +girl, anime, looking at viewer with a cigarette in her mouth, highly detailed, reflections transparent iridescent opaque jacket, long transparent iridescent RGB hair +A golden dragon flying in the sky. +The text “LYDR” on a sign, graffiti style font, creative, artistic +Steve Jobs introduces the first iPhone, 1887 +A beatiful painting of sun setting on a rural village, the vantage point is from the top of a hill looking down on the town +wild man with a bronze axe, ring armor and furs, wielding a shield, battles android woman with transparent casing exposing internal machinery +photo of a lion and a dinosaur fighting +Insane crazy cat in a mushroom fantasy world, only black outlines illustration in black and white , fisheye view +A colossal HQ building dominates the cyberpunk skyline, dazzling with neon and holograms. It belongs to Arasaka Corporation, a ruthless and mysterious megacorp in Cyberpunk 2077. Its stunning architecture contrasts with the grimy streets below, where chaos and danger lurk. This is a 4K ink painting that depicts the splendor and horror of a futuristic city. +A highly detailed portrait of a Cabbage Monster painted by Mandy Jurgens and Charlie Bowater featured on ArtStation +young Muscle guy eat TESTICLEs flesh. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +Deer head surrounded by neon light +Gorgeous C-cup French girl steampunk sitting on train, blonde +An ultra-detailed photograph of a wolf sitting next to a girl in a red hoodie +Logo of a mouth sewn shut, stitched together, Hyper realistic, ultra realistic, realism, Mascot for a 1970s folk progressive rock band, circle head, a menacing whimsical creature, dirty, gritty, grungy character, by Jimmy Lee sudduth and Leonardo da Vinci, surrealism, contemporary, character design, intricate, colorful, saturated, vivid, Southern Gothic, vintage, antique, +Full body picture of beautiful woman with two legs in stockings and high-heels shoes. +Stylized comic art, concept art, NPC art, Infernape Pokemon as a humanoid, view direct centre, standing, grassy mountain ledge, beside a vermillion pool of water, gorgeous comic styled illustration by, Digital Art, by Artgerm, Ilya Kuvshinov and Bobby Chiu with Peter Mohrbacher art style, view, Headroom +pastel pink hair ferrari car drifting, with pastel pink trees background at light with trail lights from neon rear light in a dark dystopic city frankfurt landscape +atomic pixel kaiju, 3d art, chibi, anime inspired, mood lighting, cinematic, colorful +, fantasy, pastel, absurdist, photo, refined, fear and lathing dessert +a digital art of a cute Fox +Darth Vader wearing a shirt that reads Rock N Roll +virile and attractive youthful human female wearing provocative clothing and engaging in self pleasure, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Dreams of happiness, very beautiful, inspiring, thought provoking, digital art, Intricate, Elegant, Scenic, Hyper-Detailed, Delicate; Complex, surreal concept art, aesthetic, smooth, sharp focus +A top-heavy female model on the beach +Hot blonde woman in with no garments waiting for someone in a bed +led zeppelin Prefroming at the royal albert hall +portrait of woman on luxury yacht by Tom Bagshaw, cinematic, closeup, intricate, photorealistic, trending on artstation, digital art, concept art +The planet is humanoid, fantastic, high-def, masterpiece +A beautiful woman, with black eyes, redhead +a man on the beach wearing speedo, hd, anime, deviantart, artstation, best anime, masterpiece, high quality, abs, muscles, perfect body +A group of young adults interviews an older person who is holding a smartphone in their hand +A group of men having a fancy tea party +a portrait of super mario in the style of leonardo da vinci, without frame +Realistic Black and white portrait of Jenna Ortega bob hairstyle triple D cup as a 19 year old woman , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +realistic photo of chino kafuu from is the order a rabbit, cosplay +A family of muffins go to the park +a beautiful man lookiong at a beautiful girl +Valhalla the viking otherworld, mystic, mythical +A boar by Salvador Dali and Carne Griffiths +a blue box balanced on top of a red ball +The bustling streets of Tokyo,crossroads,wide-angle view,a beautiful girl in a sailor suit sitting on the back of an Asian elephant,in the middle of the road,many people and many cars,long Shot,realistic,realistic photography,Fuji film superia ,Long Shot,realistic,crazy details,realistic photography,Fuji film superia +Illustration of xenomorph evil angry skye from paw patrol +photograph of a beautiful woman with red long hair +lego star wars painting by van gogh +Mario on trial for war crimes +ill-tempered, mean, middle-aged grimy medieval englishman, low class, blushed cheeks, rats in his coat high quality digital painting +A national geographic photograph featuring a spider with 8 legs clearly visible +colourful fairytale illustration, fairytale house, treehouse hid in leaves, emerald leaves, red roof, white walls, ladder, detailled, sparkles around +A future Work of art by a conceptual artist +batman taking a selfie with his cat +a wizard girl blond hair , using ice magic +masterpice, digital art, cute girl, succubus, cyborg, warhammer, pale skin, goth, artstation, art by John William Waterhouse, artgerm, ilya kuvshinov, gustav klimt +Stone statue of a blue crab on the beach, super detailed +photograph of a CRT monitor with the word popcorn on the screen in a dingy basement, cyberpunk, folk horror, found footage +Vector eSports logo of a bear wearing sunglasses +Photo of a interior with Benjamin Moore Chantilly lave colored walls and wooden tung and groove ceilings with white beams +A one smiley emoji transforming into a sad emoji, 3d rendered +Concept Art in Boris Vallejo style American Shot of Scout with Key of Psychic Energy, Interstellar Hub, Sculptural, Ornate, award-winning, Spectral Color +a flying school bus with wings, an airbus +A beautiful girl, happy,drinking bottled water under a cherry tree full of cherry blossoms on a sunny day high resolution, retro, high detail, full screen, sunlight, crazy details, realistic photography, Fuji film superia, full HD, shot with Canon EOS R5, F1.2, ISO 100,35mm, +buildings in call of duty modern warfare 2, warzone 2.0, middle Eastern buildings, desert town, with signs one says "Nutronic" "@thenutronic", sand everywhere, 2023 +raw photo, Yeti, headshot photo, nikon, dslr, wildlife photography, 8k uhd, highly detailed skin +Eldrich Old God Shoggoth, holding a smiley face +Realistic Human man, holding a suit case, inside an office room +Male eating ice cream with a shirt that says 'poop', photorealistic +backrooms, high detailed art, liminal aesthetic, dreamcore, by wayne barlowe, zdzislaw beksinski, cgsociety, unreal engine +albert einstein making a selfie in a rave party, instagram +strybk, 2 franciscan women and 2 franciscan men wearing purple religious clothes with their head covered surrounded by pink flowers and with an open purple arch above. They are standing next to each other and looking at the viewer's direction. Spiritual scenery, heavenly heavenly sunshine beams divine bright soft focus holy in the clouds, kids story book style, muted colors, watercolor style +Style greg Rutkowski A 3D rendering of a castle with battlements and soldiers set on a lush green field +A planet with a huge crater surrounded by blue light +pirate ship under full sail, jolly roger on the mainsail, waves against the prow +macron in the style of shrek +portrait of Clint Eastwood from the movie Dirty Harry as Cyberdyne Systems Model 101 and T-800 in The Terminator 2, very relucant expression, wearing a biomechanical suit, scifi, digital painting, concept art, smooth, artstation hq, +A Grizzly bear in Yosemite National Park +oil painting masterpiece of a psychedelic cowgirl riding a rainbow zebra +A neon sign with the word cool on it +Magazine Illustration of a princess, freckles, green and gold armor, high quality, photorealistic +Yak in trademark tea Tibetan are +impressionist painting of a night view of Algiers by Monnet, high quality, drammatic lighting, 8k, sharp focus, +thick jewish woman pleasing her man +cute little Sperman, chibi, Standing, full body, 3D, realistic, highly detailed, smooth, sharp, focus, ultra high quality +three blue tigers in a cage +Ellie from "the last of us" game, as part of a Gustave Courbet paint +Flaming skull! Beautiful: by Giuseppe Arcimboldo: gustav doré: Amanda sage: Matt hubel: professional photography: Vladimir manyukhin: by marton bobzert, Dan mumford Holographic moody: imposing: arcane: ethereal: magnificent: cinematic: masterpiece: divine: amazing depth of field: beautiful nature: 8k resolution +A picture of a table, desert landscape +a pink fish with a metal horn in the head, deep ocean +Portrait of a beautiful roman soldier, cyberpunk +Hanuman cyborg, cyberpunk India, Monkey, Ghost in the shell, mehendi body painting, yantra, robot mask, baroque style, dark fantasy, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, colorful, epic ambiant light, high tech, high contrast, synth body, hyper realistic, 8k, epic ambient light, octa-rendered, kathakali, soft ambient light, HD, by Rupert Sanders +A cute wearing a cape flying over a castle, Disney Pixar style. +An alien astronaut with glowing aqua eyes in front of Delicate Arch in Utah, by Moebius, epic, moody, comic style, line drawing, pen and ink, pale blue sky +mashup between game of thrones and pokemon +actor matt damon with eyes flashing +Antique, warm hues, black rubber dildo, Aboriginal girl doing the splits upside down, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +titanic sinking, jack on the wooden door in the water with rose +Walter White as a LEGO minifigure +Humanoid siamese cat holding a cigar and puffing smoke +A woman wearing black lingerine and stockings +a Brazilian forest monkey at pond the botanical garden of rio de janeiro +Elon Musk in the showarroom no water, closeup of his body, photoshoot, hd +handaxe with wooden handle and metal head +A moonbow over a waterfall during a clear, starry night. +a crow with camera lenses for eyes, hd +An epic gnarled oak with leaves of fire and smoke under a raging lightning storm!" a breathtaking artwork by Android Jones, Beeple, Jeremy Mann, Pascal Campion, Epic scale, highly detailed, 16k resolution, trending on artstation +highly detailed photograph of a dodge viper car drifting on the sea, with pastel pink trees background at light with trail lights the realistic pearlescent metal texture wallpaper of the year +A Photo of Aphrodite, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +portrait a cat, Tim Burton style +Create a detailed portrait of Ultron 5 from Earth's Mightiest Heroes series, depicting the character in a dynamic pose +a paisley patterned skull underwater in the ocean with tentacles around it, center image, ultrafine detailed painting, Artstation colorful psychedelic art, greg beeple, ornate detailed skull, by dan mumford, highly detailed painting of old, beautiful bone structure, turquoise & yellow & red fantasy fanged medusa, peter Mohrbacher highly detailed +a cat playing cello on a roof, in the style of H.R. Giger +a japanese woman , full body shot , wide shot , ultrarealistic uhd faces , kodak ultramax 800 , pexels , 4k , hd , 85mm , casual pose , 35mm film roll photo , indoor light , detailed skin texture , masterpice , sharp focus , pretty , lovely , adorable , attractive , hasselblad , candid street portrait +Full body portrait of an feminine elegant android, in the ergo proxy style, beautiful anime shot, cyberpunk, highly detailed, neon backlight, complex scene, latex bodysuit, retrofuturistic weapon +anime illustration young aphrodite with white hair, high quality, cinematic lighting, sharo focus, +good night ilustration with the moon as a artiach cookie +💪🏼 👱‍♀️ with a tight dress and high heels sitting on the oval office desk 🖥️ with her legs crossed and a confident smile 😁 in 👙 front of the American flag 🇺🇸 and a portrait of Abraham Lincoln 🎩 +An innocent Chinese female student stands under a hawthorn tree. +photo of a little girl leaning against an arch, wearing white tights and boots +a sandwich in the middle of the desert +Volcano Eruption shown in 6 Different Perspectives +90s comic Graphic art of muscular platinum blonde woman wearing a sleeveless jump suit +a terrifying and cursed!!! Chernobyl! experiment with a chimera!! half animal in the chernobyl rainforest on haunted misty photo taken from the Wildlife Photographer of the Year wildlife photography competition staged by the Natural History Museum by Joshua Hoffine, by Platon Yurich, by Kyle Thompson +an evil tornado above a skyscraper in london, urban fantasy +running bullet train epic across the mountain +Mexican Robot android wearing a sombrero; by Klaus Wittmann; Alejandro Burdisio; Stefan Morrell; Cedric Peyravernay; Ismail Inceoglu; Jeremy Mann; Dynamic lighting; finalRender; CGSociety; deep depth of field; dynamic pose; unique composition; triadic colours; complementary colours; early morning sunrise; sci-fi; futuristic; apocalyptic; digital matte painting, 8k resolution concept art +a banana in a dark alley, epic, cyberpunk +A portrait of cyberpunk inquisition: hot boy Being electro torture Alive By hot bald Slaughter at torture prison. highly detailed face. Surrealism art by Ilya Repin +A movie still of EmmA Waatson as Hermione Granger from Perks of being a Wallflower +a bad sketch of a mixed breed dog. +Magic leopard mixed with tiger-lion king +text "Hello World" with funny clowns +close up photo of a rabbit, forest, haze, halation, bloom, dramatic atmosphere, centred, rule of thirds, 200mm 1.4f macro shot +clear plastic robot dog , made of crystal,parts visible inside, Product shot, prototype, robotic, detail, clear parts, white background +record artwork for a rock band from 2004 +An oil painting of a cat +cyberpunk giant kinky muscle young Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Ilya Repin +90s comic Graphic art of muscular platinum blonde woman wearing a sleeveless overalls +tarot card man skipping along cliffside carrying bag on stick +photo of a gold bar on top a wheel of cheese +A teal and yellow concept all terrain car in the shape of a crab +haha this ronin guy here do be model-looking +A flyting teddy bear, cinematic, sharp focus, intricate, cute, +photo of kink kong lifting a landrover defender in the jungle river,furry teddy misty mud rocks,headlights Chrome Detailing +Candid shot of a lady and man kissing in the car in the back seat, duffy sheridan, chic, handsome brunette man with tattoos on his neck and blonde girl, appropriated images, photos, candid shots of celebrities, dlsr, 4k, 8k +an asteroid crushing the earth seen from a street +close up photography of a femme fatale painted by artgerm +a female tv journalist in a japanes office +Woman with short red hair profile +a hyper realistic photo of a dark back tribal shaman with asian eyes and large ears and tribal face tattoos in a tropical mushroom jungle, holding a glowing magic entity ,high detail, natural skin texture, 24mm, 4k textures, soft cinematic light, adobe lightroom, photolab, hdr, intricate, elegant, highly detailed, sharp focus, cinematic look, soothing tones, insane details, intricate details, hyperdetailed, low contrast, soft cinematic light, dim colors, exposure blend, hdr, faded, slate atmosphere +art by Alfons Mucha and Patrick Woodroffe, stained glass motif, whole body image of A beautiful asian naturist succubus doing what she was trained to do- deepthroating, HD 4K, sharp detail, photo-realistic accurate features +Invisible person wearing a leather jacket +A cherry blossom tree in full bloom with pink petals falling gently on a wooden bench where a sleeping cat lies peacefully under the warm sunlight, bokeh +cute teen in a state of undress, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Ellie from "the last of us" game, going out of a lake in a sunny day in tiny swimming clothes +a small munchkin cat on top of cheese, cute, adorable, very detailed, very intricate, digital art, 8k, hd, hdr, sharp focus, octane render, unreal engine 5, fine details, warm lighting, cinematic +the essence of Paul Nicklen, art poster +Flaming Yin yang!!! Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean Baptiste mongue: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant: expansive +, fantasy, pastel, absurdist, photo, vampire, blood +in an unprecedented development, a museum in Tokyo has successfully amalgamated the realms of art and technology, pushing the boundaries of conventional artistic expression. The harmonious interplay between vibrant particles and the designer's touch results in a captivating multisensory experience, marking a new era in creative exploration. +reflection of an otherworldly place in a coffee cup ,Natural Lighting, Beautiful Lighting, soft diffuse winter daylight, photorealistic, diffused cinematic lighting, shot with Cinestill 800, low angle, depth of field, elegant, magical realism +sculptures, by kuksi.com, indian style, by Kris Kuksi, exhibits, exclusive, high detail, 3D, Shilpi, volumetric bas-relief, high detail, antiques, ambient lighting, octane render, 16k, relics, artifacts, rarity, Gods, surface ornamentation, noble stones, precious stones inlay, realism, religious decorations on people, mythological beasts, in motion, dance, depth, miniature scenes with a million details material marble, precious metal inlay, religious attributes, mysticism, fractality, proportional bodies, gold section, dark background, museum atmosphere, +a burly muscular man made out of lifelike silicone rubber +Painting of julius caesar on the ides of march, art by Jacques-Louis David, dramatic, highly detaled +Cat stuck in a beer glass , whole world in the bottom of the beer glass +55-year-old man doing yoga, stiff, inflexible, strain, in the style of Takato Yamamoto and Yoji Shinkawa and Winslow Homer +a guitar on top of a cloud +, fantasy, pastel, absurdist, bat matchbox, +rock concert at Logan Campbell Centre in Auckland New Zealand +a flatbed tow truck with a car on it. +Queen of the Alpes, oil painting, fantasy, masterpiece +25yo man with mustache by studio Ghibli, 4k, 8k, animated, anime screencap, masterpiece +12 year old girl playing with raccoon, anime, manga, studio ghibli +a velociraptor in a room and a MGb car smashing through hole in the wall and velociraptor ,sparks dust rubble dinosaur splash smoke ,studio lighting,white walls, headlights,chrome +Etching of two nights sitting at a table eating food and drinking wine, by gustave dore +A Sign that says: Discord Best +the statue of liberty will collapse +Neca scream movie Ghostface figure , liying on carpet like a girl +art by roger dean and Alfons Mucha, a crystal egg sitting on a lotus flower at the center of the universe, futuristic, astrological, metaphysical, mystical, HD 4K, sharp detail, photo-realistic +An evil villain punching a mini earth +sea turtle illustration, t-shirt design, flat +A cheeseburger that's glowing in an ad +cafe logo, emoji style, color logo, hd, 3d logo, family, healthy food, food, indian luxury +Antartica as drawn by Van Gogh +my little pony mlp griffin character trending masterpiece +high quality art print, The Star Whale flying in space, the whale is a giant whale-like creature, presumed to be the last of its kind. +Gordon Ramsey in half life: source +A watercolor painting of a strawberry with white feather wings, colorful +sci-fi white room, teddy bears next to a mgb gt car,silver car,studio lighting,inside space station with windows,mg cars +hunter x hunter, character with long unkept hair, creepy smile, face tattoo, togashi, shonen manga illustration +male elf, shopping in a medieval fantasy jewellery store, rings, necklaces, ultra-hd, detailed and intricate, cinematic lighting, 4k +In 2056, the hacker is a shadowy figure lurking in the depths of the digital world. They sit hunched over a glowing computer screen, their fingers flying over the keyboard as they navigate through a maze of encrypted data. The hacker wears a sleek neural interface that allows them to interface with their devices using only their thoughts, while their augmented reality glasses display a digital workspace in front of them. With advanced hacking tools and sophisticated techniques, the hacker is able to infiltrate even the most secure systems, manipulating information and controlling the digital world from the shadows. +Bessa R2A Cinestill portrait, young beautiful very thin pale woman wearing tattered old dress in large abandoned attic alongside massive fleshy lovecraftian monster with hundreds long thin pale of pale tentacles and eyes, hundreds of eyes +a anime girl looked up at the sky with a folded sword in her arms +spongebob characters in world war two +cyborg baby, cyberpunk alien india, body painting, star wars style, third eye, mehendi body art, yantra, cyber mask, in motion, baroque style, dark fantasy, kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +realistic photo boy in front of waterfall eating noodles +White sweet cat / black forehead/ hyper realistic, black tail /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +black business woman with 5 suitcases in an airport full of ROSES, she looks out of a windows to the airplanes +Elf, Male, young, blond hair and blue eyes. He wears a blue tunic with brown pants and boots. +full shot, Pulitzer Prize wide-angle photo at a pool-party, hyper realistic, Malaysian Royal Police Force, very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, the size of an avocado +phone booth in the sonoran desert, by Simone Martini, detail shot, jessica rossier color scheme, james gurney and andreas rocha, fire lit, dog in a body of water, a beautiful artwork illustration, by the Brothers Hildebrandt, digital art, +nun with a metal tube Surrounded by zombies +image of darth vader killing luke skywalker in a cinematic scene in high definition +Synesthesia, musical notes flying away from a flower +A silhouette of a BIRD looking at the stars +1980 character sheet reference, with expressions of tomboy brown haired teenager girl, wearing caprice pants, whie t-shirt and aviator jacket, studio Ghibli, retro art style, extremely detailed, 4k +beautiful photograph, professor solving a very difficult math question, godrays, dust particles, volumetric lighting, masterpiece, 8k, highres, highly detailed, realistic, photorealistic, golden ratio, NIKON +dark fantasy art, art nouveau aesthetic by Alphonse Mucha +Close up painting of a Stone sculpture of a symmetrical Archangel Archdemon intricate armor, supporting glowing long sword, glowing background +Barack Obama giving a speech in New York City. Historical photograph, 1876. Dramatic portrait +Stylized video game image of an Older white man, with a long white beard and hair, tall and thin, wearing a long, flowing robe embroidered with intricate designs. +a simple tattoo sketch depicting trauma, black ink, line art, vector +A steampunk octopus in a futuristic cityscape holding up a protest sign that says Octopus are people too! +Josef Frank, Hilma af Klint stripes +Room gamer, future robot cyberpunk scheme, programming, epic realistic +Horror scary grudge ghost in mirror in dark room +Portrait of a sandy golden cockapoo dog with short hair but longer hair on ears +A pencil illustration of a vicious dog +A minecraft world with big computer in the sky +A 2d Warrior character game vector. perfect lining with sharp edging +A cat on a propaganda poster by John Duncan +A photorealistic face divided vertically, totally different moods +Cute orange cat sitting in the street, wearing a wooly shirt with a red heart, bokeh +yellow duck, colored, green splash, high detailed, painting, laughing +Superman wears a skirt, 1960s comic +realistic photo of 8 year old girl aqua from konosuba, cosplay, full body +Sign that says “when does IF drop?” +hyperrealistic photograph, enormous smoke creature standing over a bloody dead body in a large abandoned bedroom, large windows , +Bacon and eggs on a plate +A painting of a pine forest. +a vector image of a gun +A Victorian man speaks into a tin-can-and-string telephone that a Victorian woman listens to while smiling +A super attractive 14 year old girl playing with her boyfriend +fantasy digital art midjourney, deer, flowers and beards on a big antlers, unrealism +A manly middle eastern ginger redhead bodybuilder iliac furrows, adonis belt, apollos crest +bacon francis style face in the corridor more realistic +art poster, wildlife by legend of ravaging dynasties +fairytale style fluffy anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +1992 vintage retro photograph of a 2020 super car +fancay old cottage mansion inside with big bedroom +A laptop-shaped cheese, the cheese looks like a laptop +Painting of cryptocrystalline quartz melted gemstones papercut flowers velvet style +A beautiful garden with a small pond and a small bridge with flowers +A beautiful woman standing in the rain, wet hair, photograph, highly detailed +Cute grey cat, digital oil painting by Monetantman +polaroid, extremely detailed pale young woman covered in veins, fungi, bloody organs, veins covering body, veins covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +a skyscraper shaped like a greek statue +AMLO with a Horse in the camara de diputados. +Donald Trump with Joe Biden in a Miata +two humanistic sheep sitting on a sofa, front view, dark living room, light from television is only source of light +a scientific drawing of a cauliflower with a face +a woman with her whole body covered in coconut pudding. +vector art poster of a brain sticking out of a skull +Albert Einstein running from dead ugly SpongeBob +A photo of a man with the words "STABLE DIFFUSION XL" tattooed on his back +An anime e-girl with white skin, long red or black air going out of a lake in a sunny day in tiny swimming clothes +cat untitled mixed media, Illustration, Graphic Novel, Painting, Modern Art +Audrey Hepburn wearing a shirt that reads Art +A photo of a man with the words "SD XL 4 Life" tattooed on his back +mega man robot, personality, super detailed, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +a lady with pineapple on her head,Jacek Yerka. +octane render, highest quality, determined male bounty hunter, straight light brown hair, camo battle armor, rifle, atmospheric lighting, fit body, full body, realistic facial features, in modern Disney style, immersive background, toon style +the weeknd in the style of the simpsons, classic simpsons style, cartoon +Epic blue flaming skull next to a virtual phone keyboard with the letter "l" highlighted +Ben Cartwright taking a selfie on the Ponderosa +portrait photo, mollie hinton waterhouse dorset morning bread chicagofire cleans ,Jules Bastien-Lepage +1980s movie still from a fantasy movie, featuring a man with a sword +Photo of a girl kneeling on the bed +a 20 year old woman with brunette hair sitting at Starbucks drinking a soy latte. +monkian, laughing wildly,tribal, holding a spear, cinematic, 35mm +a wideangle photo of a bear next to a mgb ,in a forest , chrome detailing +Portrait of a man standing in Brooklyn +photo of woman in dark science fiction futuristic costume, dslr +Masterpiece, best quality, majestic vampire queen and a knight in alien cathedral in futuristic dress in desert catacomb wearing hide and chain armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +a cinematic photo of Albert Einstein, photorealistic, highly detailed skin, +a robot inspecting a lotus esprit car that is in the jungle , wideangle photo +Chengdu, relax, donutos, fruit stand in the snow, fine art, HD +Aerial view of Ancient Rome, dark fantasy, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +Antique, warm hues, dark haired, massive, fat legs spread, portly male Priest, little pecker, in frilly pink lace tutu and bra, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +masterpiece, best quality, 1 girl, standing, hat, dress +a man and a woman coupling +Anime girl with a text "Ara~" +pikachu emperor napoleon, Glamorous glitch art, glitchcore, organic, gurren lagann, cyber punk, hellscape, portrait, masterpiece, intricate, highly detailed, sharp, technological rings, by james mccarthy, glowing blue lush seascape bioluminescent, by beeple and johfra bosschart, highly detailed, painting, intricate abstract, intricate artwork, artstation, pikachu +painting of a tall castle on a promontory connected to the mainland by a thin precarious path, fantasy castle by the ocean with sun and clouds, sun high in the sky, wildflowers and bramble bushes and round huts on the mainland grass, very detailed, by Roberto Ferri and John Anster Fitzgerald and Gustave Moreau, light dust, splash art style, modern digital matte painting style, magical glowing trails and magical glowing atmospherics +Photograph of a cat wearing a hat that says "Skooma" +A chibi anthro cat. Pixar, Disney, concept art, 3d digital art, Maya 3D, ZBrush Central 3D shading, bright colored background, radial gradient background, cinematic, Reimagined by industrial light and magic, 4k resolution post processing +RAW color photo of selfie photograph of a young blonde woman surrounded group of indian men in indian village,extremely beautiful woman,pretty face,realistic,photoreal,nikon,group photo +Company logo, graphics design, DTP, personal, sheet +photo of daddy muscle cruel boss guy exhibitionist freeballing harsh interrogation twink at office. highly detailed face, killer look, Hard close-set eyes, born criminal +Massive golem barn owl in a fantasy forest +a portrait of an anime character, inside a fantasy castle, with an open door behind that displays a fantasy landscape +a red horse running on grass land, a handsome man riding on it. +Anthropomorphic Cats and dogs sunbathing by a pool, by Banksy +a view of a city from the top of a building, trending on cg society, pixel art, pink clouds in the sky, profile pic, second colours - purple, tatami galaxy, in retro colors, 🍁 cute, sky is orangish outside, detailed pixel artwork, suns, intricate image +a simple vector logo design for a rooster mascot called "Wooh-ster", white background in the style of Massimo Vignelli +a still shot from movie of a man in hoodie, holding crystalm, intricate details, teal and orange atmosphere +Photograph of a transformer deception Sith lord +HD 3D animation of a baphomet naturist, sharp detail, photo-realistic +Kurt Cobain sadly sitting on the street +chocobo with a toothpick in the middle of a dead city +A dragonfly perched on the flower on the water surface, extremely clear, macro photography, depth of field. +my little pony mlp gryphon character trending masterpiece +Kim Kardashian as princess leia in Star Wars +Gragas skin, Obelix, hairy, agression, exploding barrel, orange theme +, fantasy, pastel, absurdist, photo, refined, wax character +I found Jesus trolling a man in Vice City +A tree growing out of a pot +Painting of audio waveforms patterns illusion brane style +old god zeus, with long hair, in the sky, with athletic body, angry, holding lightning in his hand, coming out of the clouds, looking down, eyes illuminated by lightning, +19th century vintage children's book illustration of a cherry, in the style of alice in wonderland, amongst a field of flowers +Portrait of a mysterious man in a bar, leather jacket, long beard, blond hair, stylish, neck tattoo, 50mm lens, soft light, piano, Music, guitar +A plush toy robot sitting against a yellow wall +a chicken floating in the space +wideangle fisheye photo , inside the gold getty villa +hibiscus flower with water drops,neon glow, random background, sun rise, bokha mood +two cats snuggling with one another on a chair. One of them is a chonky ginger, the other is a tuxedo cat. They love each other. Hi res photo real +an image of a building in the shape of a cube, in blade runner, at the sea, professional photography +Photo of a male sorcerer with a crow on his shoulder. +A vintage cartoon mascot helicopter with arms and legs +The text "shut up" and the man is engaged in drug addiction and the curse begins, cursed realistic cinematic image +A black female DJ whose head is a horse’s head, long flowing hair, turntables, Berlin nightclub +A man holding a sign that says "BURGERS FOR JUST FIVE CENTS", 60s photo, vintage, Polaroid, colored +a wide angle photo of roman soldiers in front of courtyard arena roman buildings,white marble red gold,roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +Logo of a Parisian cafe called "porque" +Jenna Marie Ortega as Tara Carpenter +a top down view, a bowl with mashed potato's with chives on top, sliced steak on plate, gravy liquid in bowl, dim lighting, +Black and white 1905 year futuristic portrait of professional photographer with camera in hand sadly covered by mushrooms +A cape pen smoke trail rainbow vs bubbles of youth +, fantasy, pastel, absurdist, photo, bird people +, fantasy, pastel, absurdist, photo, the sh +award-winning photo of dimly lighted cat sitting on the kitchen table, horror movie, scary, very realistic +a wizard illustrated by frank frazetta +cyberpunk room, top view, with girl on table, laboratory experiment attached, hellraiser, liquid in tube, technological , technomancer , alien experiment, future dark by Greg Rutkowski, Sung Choi, Mitchell Mohrhauser, Maciej Kuciara, Johnson Ting, Maxim Verehin, Peter Konig, Bloodborne , 8k photorealistic, cinematic lighting, HD, high details, atmospheric , trending on artstation +a queer cat behaving like a diva +Digital portrait of Pinkie Pie pony, masterpiece, highly detailed, blue eyes, pink hair, by Pixar +blurry busy rainy street in downtown vancouver winter night, digital painting, trending on artstation +abstract, minimalist, futurist art of a city street +parakeet with a chainsaw and a pirate hat in a boat +Mogao grottoes mural, buddhist art, beautiful girl flying +A beautiful Japanese girl on the beach +perfect sensual suggestive evocative photo of sadie sink inviting you in the sheets by annie leibovitz, absurdres +insanely detailed portrait,female model, insane face details, perfect eyes, dof, dslr extremely intricate, high res, 8k, award winning photography +a bearded dragon riding a chicken + Silver Gray French bulldog +The Pope riding a hot air balloon +Design a futuristic logo that incorporates an uppercase letter 'A' with circuit board patterns running through it. The logo should use sleek lines, modern colors, and incorporate technology-related icons like microchips or diodes to convey a cutting-edge and innovative feel. +Create a detailed and photorealistic portrait of Ultron 5 from Earth's Mightiest Heroes series, depicting the character in a dynamic pose +porcelain doll, ooak bjd, preteen girl, showing hands, holding hands up, traditional clothing, natural light, high quality photo, intricate, ultrafine detailed, intricate detail, intricate environment, cinematic lighting, cinematic still +a photo of a mouse on a skateboard +a giant galactic black cat swallowing the sun. +HD fast food logo, catering, healthy food, minimalism, pastel colors, Krishna, 3d logo, family restaurant, Tali, holy festival of India, emoji style, realism +A man enjoying a tree's shade. +a very beautiful street photo of a pretty young woman running in the street in the rain, black and white, by tatsuo suzuki +modelshoot style of lascivious looking female deer with antler, vignette, bokeh, selective focus, golden dust particles, dripping gold flakes, +Sun Wukong producing electricity from his body +woman wearing a black liquid latex jumpsuit +a detailed photorealistic picture of Homer Simpson consuming a gooey strawberry donut with a look of pure joy on his face, with Marge in the background looking on in horror +the beautiful red hair on the girl, in the style of dark orange and light emerald, precise and lifelike, subtle coloring, dark white and red, pre-raphaelites, dark black and red, soft-edged +photo of a lotus esprit s1 in the jungle river ,splash rocks , +goth, schoolgirl, portrait, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, dramatic lighting, aesthetic, high quality, digital art +4k, highly detailed, hyper realistic,heer a punjabi girl and ranjha a punjabi boy lying down in the fields looking at the stars in a stary night.heer is pointing his hand toward stars while ranjha is looking towards heer +Hailee Steinfeld in a beach outfit +a group of robots that are sitting at a table, a surrealist painting, by Rafael Ritz, tumblr, renaissance, blue armor, michelin restaurant, in a high renaissance style, alexander abdulov, andrey gordeev, citadel +beautiful oil painting, pacman eating a ghost, godrays, dust particles, volumetric lighting, masterpiece, 8k, highres, highly detailed, realistic, photorealistic, golden ratio, NIKON +set, de tomaso, hsv, menacing!, nice afternoon lighting, by rainer hosch, foam, performance, dune, twins, intense face +sonic the hedgehog playing in a black metal band wearing tribal mask inside a cathedral +Cute girl, digital oil painting by Monet +A HUGE whale shark swimming with a handsome man. +16 bit pixel art, outside of super cozy cafe on a sunny day, highly detailed, cinematic still, hdr +breton monk monks in techno club doing modular synth wirres performance with a goat photo +walking on the starlight,dreamy ultra wide shot, atmospheric, hyper realistic, epic composition, cinematic, octane render, artstation landscape vista photography by Carr Clifton & Galen Rowell, 16K resolution, Landscape veduta photo by Dustin Lefevre & tdraw, detailed landscape painting by Ivan Shishkin, DeviantArt, Flickr, rendered in Enscape, Miyazaki, Nausicaa Ghibli, Breath of The Wild, 4k detailed post processing, artstation, rendering by octane, unreal engine –iw 10 –ar 9:16 +tennis players dancing on the court +3D digital illustration, goku fighting Batman in Gotham City, hyperrealistic, high resolution, 4K +liminal space, dilapidated hotel corridor, musty, eerie +Marilyn Monroe wearing a shirt that reads 666 +Two eyes two fountains crying medusa +full body shot of a beautiful young female warrior wearing armor, highly detailed, subsurface scattering, intricate armor details, cinematic lighting, 4k +A highly detailed portrait of a Cabbage Monster puppet by Jim Henson featured on ArtStation +Rob Zombie sticking tongue out wearing glasses holding a sign that says Rock N Roll +Archbishop Astronaut papal official photograph in Vatican royal helmet gold metal scaphandre pointy oxygen hazmat helmet +breton monks monk looking like zappa nordic heavy metal band with goat, photo +A photo of a highway with the cars blured +portrai of female F1 driver from the 60's +a beautiful anime girl with low-cut shirt, smiling, pezón, escote +Joe Biden in a maid dress, cat ears +a man far away and a woman very close +Artists rendition of Ganesha riding a peacock, painting +image of a beautiful sparkling fantasy gemstone sitting on a ledge with mountains in the distance +a triangle with the point facing down with a bunch of flowers coming out of it +A real hot redhead girl, mid twenties in a blue open dress with a camera position on the ground looking up +a mermaid holding a trident, underwater, by alphonse mucha +a flat roof villa near a river with black wall and huge windows, bitween river and house, there is a bank. +amazingly beautiful fairy of the forest female angelic princess +Oprah Winfrey not safe for work +close up of a beautifully detailed eyeball with blue lightning inside. Electricity Vector: Beautiful: by N. C. Winters and Giuseppe Arcimboldo: gustav doré: Amanda sage: Matt hubel: professional photography: Vladimir manyukhin: Dan mumford Holographic moody: marton bobzert: imposing: arcane: ethereal: magnificent: cinematic: masterpiece: divine: amazing depth of field: beautiful nature: 8k resolution +Thanos plays guitar in front of the White House +1984, a risqué polaroid photo of a gorgeous blond girl big tiddies🍈🍈 dancing in roller skates in a neon roller rink +fullbody, cyberpunk outside, epic scene, highly detailed, oil painting, hyperrealistic, concept art, sharp focus,Todd McFarlane style, illustration, Super-Resolution, , color grading, cinematic lighting, , 3D shading, Tone Mapping, Ray Traced, Diffraction Grating, Crystalline, Lumen Reflections, PBR, Blender,Adobe After Effects,, VFX,detailed skin,octane render, epic, cinematic, dramatic lightning +Stalin jogging on a sunny beach +Gothic cathedral in a stormy night, dark fantasy style, whole body, photorealistic sharp details, realistic shadows, +the shot of an adorable chibi fox king, gorgeous eyes, Edwin Landseer, Michael Kaluta, Aleksandr Kuskov, Christophe Heughe +A picture of a teen girl in a yoga outfit on a purple sandy beach with spacescape starline, Fog fumes near the backside of the woman and smell fumes around leggings, , +An anime moth girl on an iceberg holding a lamp +intricate fine tipped pen drawing of a, attractive queen of the moon Athena and a starry night, inktober, Fine Line Tattoo, manga line art, monochrome, dotwork, by dan hilliard, by Stanislaw Wilczynski, by alphonse mucha, by aaron horkey +All Might, in real life, photorealistic +Photo of a woman in bed legs spread with vibrator +Photorealistic Cristina Ricci as harley quinn from The Batman 2004 series +gutted dead pregnant girl at morgue. guro art by Ilya Repin +logo of a blue elephant, flat modern vector icon +ultra realistic painting of an alien landscape with tall neon glowing trees and giant neon glowing mushrooms. giant planets visible in the sky. lakes, mountains, exotic plants. +Documentary photography,two person, a 6-years-old little Ukrainian girl ,a 17-years-old Nepalese monk , standing in battlefield , the girl wearing red dress,red shoes,beautiful eyes, blue eyes,Nepalese monk wearing red monk robes,full body, limited palette, low linght background have soldiers and burning tank,the land is burning, smoke, dark sky, sense of film,Wide lens, 500px,4k,epic color, great photography +art nouveau style, a crystal lunar moth at the center of the universe with 7 Cosmic Rays emanating from it, futuristic, astrological, metaphysical, mystical, golden mean, HD 4K, sharp detail, photo-realistic +A koala under a stream of water from a water bottle +preteen girls in a sofa with "no underware" with a childish faces touching each other, with dark background +a gym logo with a lion ,a barbell and some plates or rags +Jimi hendrix inside riding on private jet smoking weed and playing gutiar +watercolor of a chubby penguin with colorful scarf +A photo of a billboard in Time Square that says "AI Image go brrrrr" +Wood-Carving in Raphael Lacoste, Karol Bak, Jovana Rikalo style of Grim Reaper of Psychokinesis, Giant Redwood Forest, Opulent, Vibrant, masterpiece, Warm Color Palette +high res image of roger moore as james bond, +Single ineffable alien fruit of unimaginable complexity and strangeness +Pretty kpop singer with long straight pink hair, wearing latex short shorts +Surreal landscape of a man standing in front of a portal to another dimension +Cybernetic warriors at the edge of time, wasteland, lightning, electricity, darkness, D-day landscapes, photoreal +very cute italian model, gorgeous princess, highly detailed, octane render, Purity, smooth soft skin, symmetrical, detailed face, concept art, digital painting, looking into camera, intricate artwork masterpiece,ominous, matte painting movie poster, trending on cgsociety, intricate, epic, trending on artstation, by artgerm, h. r. giger and beksinski, highly detailed,vibrant, production cinematic character render, ultra high quality model, +An old man shoving orange slices up his nose +genere un retrato de perfil de 3/4 de un ingeniero civil, contratista, 30 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +Horror, shot on arri, a jellyfish futuristic robotic spaceship landing on a desert, twilight, an astronaut watches patiently +sci-fi rifle concept art, halo, mass effect +I need an image of sea in red +a frog warrior, game art, concept art +screenshot of a Minecraft gameplay showing a building in the shape of Elon Musk +Boy twin twinks penetrating each other +award winning studio photo portrait 3rd reich rusted robot, steampunk, close-up, metal futuristic armor, sharp focus, hd, hdr, 8k, photorealism, god rays, reflection, raw, rtx, dramatic lighting, still from the film +A woman holding a sign that says no broke men +In the rainy panoramic window I see a plane at the airport. Raindrops and jets on the glass +Transparent Silhouette of woman projected on a wall lit with multicolor neon light +A door to a new dimension +the experiment, a woman, lay drooling, strapped to a lab table. scifi illustration +a helicopter sketch flying in the air, side view, clean white background, the helicopter is in black and orange painting, futuristic +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate selfharmed pregnant girl at torture chamber. guro art by Ilya Repin +Black and white 1905 year futuristic portrait old mad professional photographer with camera in hand Covered by kangaroo in a toilet covered by mushrooms +A pixel art of a castle, full detailed, trending on steam games, castlevania style. +blushing, embarassed , waist up, long thin hair, dynamic pose, modelshoot:photoshoot, HD, high contrast, sharp image, masterpiece, mouth closed, balanced eyes, CG render, small head bone, detailed collar bone, Best quality details, realistic,8K Ultra Detailed,High quality texture, detailed texture, finely detailed,high detail, extremely detailed cg, High quality shadow, beautiful face, Detailed beautiful delicate eyes, DOF, beauiful woman,tall, blurry background, purple tight-fitting Scarf +A with 8 spider legs +a woman with green dyed hair in an anime art style +Blonde Woman in the beach, without top part +Colin Firth Darcy in futuristic style +A flaming pentagram in the sky, highly detailed digital art featured on ArtStation +a photograph of patterdale dog next to a austin maestro car that is in the jungle river,4k wideangle photo +Gonewild imgur A beautiful woman with bare tiddies big 🍈🍈🍆💦🫦 open legs, plugged as shole, bedroom elegant upscale expensive high rise condo +Photograph of Abraham Lincoln talking into a megaphone +A purple lotus surfing in a rainforest +two teenagers kissing in a dimly-lit garage in the morning +woman head in movie still, scene by Jules Bastien-Lepage, photography germaine krull +A watercolor painting of a banana, colorful +Sunny Leone, Grand Theft Auto IV +Rick and morty, science fiction, retro cover, high details, intricate details, by vincent di fate, artgerm julie bell beeple, 60s, inking, vintage 60s print, screen print +a photograph of a jaguar on the prowl +minecraft castle build design instagram shaders +female rouge, wearing cyberpunk intricate streetwear, beautiful, detailed portrait, cell shaded, 4 k, concept art, by wlop, ilya kuvshinov, artgerm, krenz cushart, greg rutkowski, pixiv. cinematic dramatic atmosphere, sharp focus, volumetric lighting, cinematic lighting, studio quality +“KRAWLA CITY” text in graffiti style on a white background, best quality +Phoenix pigeon flying above the clouds, burning feathers, magic, night, moon, soft light +A Levantine man waving at a cat, hills and palm trees in the background +The beatles yellow submarine LP portrait but star wars Style +Epic red-and-black dragon surrounded by smoke flames and lightning! a breathtaking dragon by Caspar David Friedrich, Epic scale, highly detailed, clear environment, triadic colors cinematic light 16k resolution +High detail RAW color photo professional photograph of beautiful taylor swift with muscular black man,interracial portrait,textured skin,sensual pose,medium shot,masterpiece,award winning photo,4k,high quality, highly detailed, +Sketch of an adorable puppy with fluffy white fur, floppy ears, and big, round brown eyes. It's wearing a red polka dot collar and tongue playfully sticking out, running through a sunny meadow. +High-end premium modern logo of the letters CWH +A oil painting portrait of young Muscle boy cutting a giant testis TESTICLE organ on the dissecting Table. plural testes, male reproductive gland, bloody background. highly detailed guro art by Ilya Repin +photography, pope francis wearing a nasa astronaut suit +square icon sheet, fantasy concept art, detailed, mixed media +a unicorn as a philosopher by artgerm +Imagine a pile of discarded objects, ranging from plastic bottles and food containers to old electronics and furniture - this is what we commonly refer to as 'trash' or 'garbage +Elon Musk standing in the bath no water, closeup of his body, photoshoot, hd +Sunset reflecting on a eye ball +adorable little girl having fun with shopping bags outdoors, from behind, Nikon D5 +Prompt: an illustration of a snail working out in the gym +A futuristic space station, featuring sleek design, advanced technology, and stunning views of the galaxy. The scene is rendered in a sleek, minimalist style, with clean lines and bold colors. Featuring the works of Vincent Di Fate and Chris Foss. +3d chibi game model, a cute kraken , dark colors, fog, black background +a close up of a card on a table,Jace, Architect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academifront of box cover civilization board game, Jace, the mind sculptor Jace, the Mind Sculptor It is a blue planeswalker card that has become one of the most popular and powerful in the game. He has four different abilities that allow him to draw cards, manipulate the opponent's library, and control the battlefield.8k, highly detailed, through time, evolution, wheel, technology, stone working, wood working +a cat and a gorilla in a car +Psychedelic geometry 8k optical illusions structured intricate algorithmic 3d hologram iridescent 3d neon glow colors light rainbow +35mm stock portrait, young beautiful very thin pale woman wearing tattered old dress in large abandoned attic alongside massive fleshy lovecraftian monster with hundreds long thin pale of pale tentacles and eyes, hundreds of eyes +fantasy art print legend of ravaging dynasties, charcoal and oil painting of a peaceful giant towering falcon peacefully bowing down to a small girl, majestic +a forest, business logo, sleek, modern, mons +Mac OS style icon, human icon, user +A computer screen and keyboard are on a desk in the captains quarters. On the screen you can see a list of journal entries. There is a hot cup of coffee to the side of the keyboard. Located on the left of the desk is a window which looks out into the vastness of outer space. +Bitcoin, Gold coin, sunset, blue ocean, clear blue skies, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +Anime style. Girl at a wood table. Little girl. +digital art, headshot, object head, tool as head, 8k, trending on artstation, Dark tones, ominous, by Jeremy Geddes, by Sparth +a man in a space suit standing next to a robot, a detailed matte painting, inspired by Scott Listfield, flickr, leica 8k still from an a24 film, spaceship interior, 2001 a space odyssey, elstree, moody ,alejandro jodorowsky, in the style wes anderson, establishing shot +Magnificent shot of Divinity 2 Original Sin, High resolution, Intrincate details, octane render, cinematic lighting +David Bowie wearing a rock n roll shirt +8 year old girl at the pediatrician being examined, wearing yoga leggings +A sign that says "Big QBS" +A profile picture of an anime boy who is half robot, mech, mecha, robot suit +Two-faced biomechanical cyborg! Photorealistic Anatomically accurate face: intricate hyperdetailed illustration by Android Jones: by H. R. Giger: by peter mohrbacher: by Jean-Baptiste Monge: by Jeff Koons: Erin Hanson: Joe Fenton: professional photography: natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical: James Jean +a woman in red hair lies among the flowers, in the style of dark aquamarine and light amber, i can't believe how beautiful this is, dark sky-blue and dark beige, dark orange and light azure, dreamy and romantic, loose and fluid, ferrania p30 +Washing machine designed by jonathan ive, octane render +a digital painting of a minotaur +1930s photograph of Ronaldo and Mussolini +a wizard boy black hair using fire magic +balcony with a lot of plants, with citrus tree in a bucket +jimi hendrix and kurt cobain on a couch smoking +Ice cream designed by Tesla, promotional photo, studio lighting, perfect composition +A broken heart with a bullet sticking out of it, an album cover, by beeple, gal yosef, dan luvisi, deviantart, auto-destructive art, from ncsoft +a bike with triangular tires and a hot dog frame +Astronaut in a massive colorful space, mars in background +Beautiful Witch wearing red and black dress, petting cat with a huge full moon with stars in the background, octane render, detailed wrinkles, volumetric lighting, gothic style painting, illustration by Thomas kindkade, Alphonse mucha, norman rockwell, Craig Mullins, painted by Michelangelo +a professional photo of a woman wearing wedges standing next to an old radio +Beautiful stained glass window, intricate stained glass, photograph, digital render, digital illustration, photo realism, colorful +impasto oil watercolor a beautiful oil painting of flower arrangement tulips in a glass mason jar, by Thomas Kinkade, 4K, intricate and detailed, trending on Artstation, behance +a tiefling, fantasy, dnd, dungeons and dragons, rustic, hd digital art +Winter Spirits, anthropomorphic animal spirits, Composite art style, Victo Ngai, James Jean, Jesper Ejsing, Anton Fadeev, Pascal Campion, Ismail Inceoglu, Jean Baptiste Monge, A masterpiece, Poster art, Splash art, sharp focus, Fluid lines, digital illustration, Hiroyuki-Mitsume Takahashi, Gediminas Pranckevicius, James Gurney, Huang Guangjian, Takashi Murakami, Reflections, HD, cel-shaded, fractal details, Volumetric lighting, detailed background, elemental ice spirits +color Bessa R2A Cinestill portrait, young beautiful very thin pale woman wearing tattered old dress in dank attic alongside massive fleshy lovecraftian monster with hundreds long thin pale of pale tentacles and eyes, hundreds of eyes +Girl with eye pathology two pupils in one eye +Dvd 1990s screenshot of Full body photorealistic cinematic portrait with decolette of feminine gorgeous melancholic elegant android leaned forward, in the ergo proxy and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, streets on background, complex scene, rainy, latex bodysuit, retrofuturistic weapon, dvd screenshot from 2010s movie, film grain, Kodak portrait, dreamy mood, Roberto ferri style, +Stylized paris tourist map, icons, sightseeing, perspective, high quality, detailed +a female sniper on a skyscraper aiming at a tank +An image of Brad Pitt driving formula 1 +Bald fat British person with bad teeth eating a sausage roll at Greggs, 4k, ultra high quality +Grim reaper playing an electric guitar +boogaloo bois at a civil rights protest +the word BWAY, graffiti style, esports style, plain background +the supreme elder turtle throwing an extremely powerful punch surrounded with demonic aura,in the style of Ken Kelly and William Blake,Richard Corben,extremely detailed,detailed shadows,volumetric lighting +Anime girl with a text "Ara~" speech bubble +Flowery skull! Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Aaron Horkey: By Ismail Inceoglu and Jean-Baptiste monge: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +fantasy art poster of a giant armadillo curled around the planet earth +A portrait photo of Tommy Vercetti in real life +H.P. Lovecraft and four scholars in the early 30's photo in Miskatonic university's library surronded by artefacts +Vintage 90's anime style. a lonely astronaut walking down the street; by Hajime Sorayama, Greg Tocchini, Virgil Finlay, sci-fi. line art. Environmental arcade art. +polar bear warrior wearing plate armour, digital art by paul nicklen and vladimir kush and monet +way of mercy monk shrounded in black clothing holding a sickle, fantasy city background, forest midground, abstract +Gay dinosaur eating pie with the dog pope +photography by Douglas Kirkland, Eve Arnold and Bert Stern, photo portrait of Marylin Monroe, HD 4K, sharp detail, photo-realistic accurate face and features +beautiful orc-woman berserk with charming face, holding in hands big two handed axe, hyperrealistic +A blue nebula with a dog face +Vintage photograph robot and victorian woman in the kitchen +photo of an extremely cute alien fish swimming an alien habitable underwater planet, coral reefs, dream-like atmosphere, water, plants, peaceful, serenity, calm ocean, tansparent water, reefs, fish, coral, inner peace, awareness, silence, nature, evolution +masterpiece, detailed see-through sheer tiny camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, dark areola visible, beautiful white shiny humid skin, smiling +Albert Einstein playing PlayStation on an old tv +futuristic real realistic 4k 150mm telephoto full-frame mirrorless photo detailed city casablanca morocco cyberpunk street render new historic blend market technocratic theocratic +Starship enterprise. A sky whale flying in the universe +A human hand with five fingers +A cat looking through the window of a spaceship. with a external view of the ship +ladybug on a leaf, ladybug is glowing, bioluminescent glow, night time, bright glow +data scientist studying horse pedigree data +a long, red haired woman, dressed in a black medieval dress in Transylvania, portrait by Waterhouse, Marc Simonetti. Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood +3D clipart "V.S." "VS" vs 3d letter art, plain white background, colored 3d "VS" +simu liu, shaved head, goatee, fantasy theme, hairy musclechub, wearing leather strap armor, blue leather pants, waterbending magic, stormy seas background, fantasy magic +London skyline, birds eye view, Van Gogh style, painting , +A female wizard in a bathing suit +dinosaurs and a landrover defender in the jungle river,compy Compsognathus waterfall misty,headlights Chrome Detailing +Screenshot of a Land rover defender in doom game +a bear wearing a green cap and shirt river rafting on an canoe in the style of animal crossing +Vincent van Gogh standing on the streets of New York, looking at the starry night +Bloody grudge inside large mirror, horror +usher singer in the style of gta vice city, minimal, miami tropical, gta vice city official artwork +50 years old bald bearded man sipping whisky +black woman at the beach,look at the camera,purple cinematic lighting,la la land movie vibe +Painting by artgerm, Greg Rutkowski and Dan Mumford of a cover art of a dark fantasy comic book featureing a full body shot of a olive skinned brown haired teenage girl with glasses surrounded by extreme blue magic lightnings overlays. Wearing a plain green jacket, jeans, and boots. She's standing on top of a huge boulder looking at the dark sky. Backgrounds by Peter Mohrbacher. Highly detailed angular face. Award wining. Imperial colors. Pants. HDR, UHD, 64K +a cute illustration of a slug and a snail sharing a spaghetti +1960's advertising for Olivetti, designed by Giovanni Pintori +the son of lincoln and madona +full body shot of cute fluffy british shorthair cat in a space suit in the style of Hayao Miyazaki minimal high quality +a id photo of a beautiful 30 year old woman with a very white skin and with light brown hair cut in a brief ponytail +a picture of a black woman cooking dinner +Jennifer Aniston, 25 years old, toned upper body, stiletto heels, shredded dress, torn dress, ripped dress +Skull Portrait by Minjae Lee: colorful ink flow: 8k resolution photorealistic masterpiece: Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean-Baptiste Monge: calligraphy: acrylic: watercolor art, professional photography, natural lighting, volumetric lighting maximalist photoillustration: by marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +A pink flower with a long neck and sticking out of a crack on a boulder among pine trees in a forest blooming +illustration of a manga character by Akira Toriyama +High quality high detail painting by jenny saville, hd, old kalimantan kayan people, photorealistic lighting +Woman in bed on all fours looking back +red haired woman with red jacket, white undershirt, black pants, standing next to police station, gta style +cute blue furred teddy bear wearing a green flannel shirt in the style of animal crossing +A building in fortnite with signs one says "Nutronic" "@thenutronic" +Realistic Close-up on thPortrait of beautiful appealing confident brave young alluring profesional dominate human looking female teacher with make up +scary clown Gacy Style, unnerving, photo realistic +Photo of A squirrel on a surf board in a tree +magical cat, detailed eye, anime style, beautiful, highly detailed, balanced composition, movement, 4k, realistic lighting, realistic details, immersive details, digital art, beautiful composition, genshin impact, studio ghibli, by Makoto Shinkai, Noizi Ito, Satoshi Kon, Yoshihiro Togashi, Kōsuke Fujishima, Tetsuya Nomura, Hayao Miyazak and Taro Minamoto +young girl wearing a red cloak in a dark forest, staked by a wolf +Movie still of Thanos wielding a Lightsaber, HD photograph +Foggy valley, view from above, photorealistic +Man opening a cabinet with heavenly light coming out +a portrait painting of an elite orc warrior with arabic face tattoos +a tiger with a hawks head, stalking prey +pretty european anime girl with wavy black long hair, tall upturned nose, brown eyes, in hawaii summer fashion, hourglass figure body, natural soft lighting, cellshading, detailed, beautiful tropical background +A beautiful gorgeous pretty ethereal young indian woman +photo of chubby cruel vicious guy exhibitionist pooping at office. highly detailed face, killer look, Hard close-set eyes, born criminal +minimalistic lineart vector graphic logo of an alpaca in front of a simple diamond shape, black and white, monochromatic, +The word “CITY in graffiti style on a wall, perfectionism, high quality +Large, Master Bedroom, Skycraper, Mahanntan, Night, Interior, pulent, Luxury, Gold details, shiny Black Details, glossy, white, Marble, Modern, Exquisite +a cinematic ultra-detailed photograph of a dragon cooking dinner +A robotic bull, full body shot, standing, athletic, steel and hard rubber, glowing eyes, humanoid, looking at camera, arms crossed +a girl and sunflower by Vincent Van Gogh +Bitcoin infused wave, sunset, blue ocean, clear blue skies, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +Alone alone alone, masterpiece close up Suicide girl beautiful GOTH well endowed leather corset 🫦 bedroom elegant upscale expensive high rise condo +Logo of a variety streamer on Twitch, the wording says "nutronic", purple green blue, emblem, logo +Flaming skull!!! Albert Seveso: ink in water splash portraits Android Jones: trippy but hyperdetailed. Portraits sometimes with nature and colors Anna Dittmann: colorful flowy portraits Russ Mills: dark smudged looking portraits Giuseppe Arcimboldo: fruit face portraits carne griffiths: scribbly watercolor smudged Minjae Lee: hyperdetailed colorful portraits Patrice Murciano: colorful hyperdetailed Francoise Nielly: multicolored oil paintings +woman with pink hair walkig trough steampunk City ruins by hayao miyasahi, asymmetric cut, low angle +hindu God Krishna, youthful face, with blue skin smiling, looking happy, amazing lifelike award winning pencil illustration in style of Alphonse Mucha, blue skin, trending on artstation, artgerm, Greg rutkowski, alphonse mucha, William-Adolphe Bouguereau, cinematic, epic Lighting, photorealistic, Octane render, Unreal Engine +Scene that makes a film to be for adult only with a blonde woman model laying on bed and her lover +2d disney portrait of a charming grasshopper dressed in a top hat with oversized eyes. The grasshopper should be depicted in a cute and endearing way that captures its playful personality. The background should feature a natural setting, such as a grassy meadow, and the colors used should be bright and cheerful to complement the grasshopper's joyful spirit. +imalnourished very old asian woman with feeding tube +Man with head in a cage full of swarming bees, +hyperrealistic glowing plastic neo - rococo solarpunk aesthetic minimal gameboy console. highly detailed digital art masterpiece, smooth cam de leon eric zener dramatic pearlescent soft light, ground angle hd 8 k, sharp focus +Harry Potter from Shaw Kung Fu movies in the 1950s, movie stills. +Naruto and Hinata,Valentine's day,anime background, beautiful neon colors, anime, manga,beautiful, 8k, 35mm lens,noir, vibrant high contrast, gradation, jean giraud, moebius, fantasy, rule of thirds, fibonacci, intricate, cel shaded, flat, matte print, smooth,artstation, soft eyes,concept art +girl eat iceream in tokyo street +panorama photo of a large gold cat statue,walls karnak,stone floor entrance,tutankhamun,columns,wideangle,by david roberts +two cones with strawberries and whipped cream on them, by Sailor Moon, featured on instagram, hello kitty, , marketing design, cloth wraps, aesthetic cute with flutter, amazing food photography, flower face, blurry image, wrapped arms, 2 0 2 1 anime, plushy +a photograph of dog riding a aeroplane toy in the cave , Patterdale Terrier ,toycar +Photograph of Muscular and Sweaty Alexa Bliss showing off her sweaty armpits with a fierce expression on her face ; +Favela man, 2 diverse faces, color 2007 Head shot, Brazil, retrolumen, long smile +A cute adorable baby phoenix made of crystal ball with low poly eye's highly detailed intricated concept art trending artstation 8k +photograph, high detail, high defintion, 8k, hdr, global illumintaion, Iron Maiden Eddie +A red box on top of a blue cylinder +Kim Kardashian Comic, High Resolution, High Quality, Many Details +20 year-old beautiful Sean Young as a naturist looking in a mirror +"a magical treehouse inside the world tree"!! A breathtaking borderland fantasycore artwork by Android Jones, Jean Baptiste monge, Alberto Seveso, James Jean, Jeremy Mann, maximalist highly detailed and intricate professional photography, a masterpiece, 8k resolution concept art trending on Artstation, triadic colors, Unreal Engine 5 cg society octane photograph +A classic white New England lighthouse on a rockbound coast with waves breaking on the rocks. +Stunning shrine to forgotten gods in a bamboo forest. Wadim Kashin, Alphonse Mucha. Animal gods shrine. landscape Incredibly detailed matte painting. Ismail Inceoglu, Junji Ito, James Gurney, Victo Ngai, Gregorio Catarino, M.W Kaluta. 8K resolution, DSLR, VRAY, Raytraced. Bamboo forest. Stone shrine +a couple of people standing on top of a building, trending on cg society, pixel art, purple beautiful sky, retro artwork, “pixel art, it is afternoon, crepuscular!!, sits on a rooftop +An image of a tan and black Catahoula +RAW, beautiful portrait photograph of a young woman +portrait of guy muscle bald Slaughter at russian prison. wear raunch briefs, highly detailed face, killer look, Hard shifty eyes, born criminal +Photorealistic extremely detailed cinematic portrait of justin gacek +, fantasy, pastel, absurdist, photo, refined, buldging +Bitcoin wrapped wave, sunset, blue ocean, clear blue skies, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +a tea set wood carved with flowers +color photo of a troop of british soldiers and vehicles in british India marching through a mud road in the middle of a paddy field in kerala, one of the military vehicle has Lewis gun mounted at top, an epic fantasy, dramatic lighting, cinematic, establishing shot, extremely high detail, photorealistic, cinematic lighting, artstation, matte painting by christopher nolan, horizon forbidden west +A woman wearing a white blouse and jeans, intricate dress, HDR, Golden hour +beautiful Amalfi beach scene painted by George Grosz Turner and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush +Photo of joe biden doing a thumbs up, in a new york bank building, 4K +dragon cooking dinner for chun li +, fantasy, pastel, absurdist, photo, refined, beastly +A mercury drop splatter inside a salmon fillet candies volumetric lighting beautiful sharp focus ultra detailed bold vibrant complementary colors donuts glitter kai carpenter syd mead slim aarons zhang kechun lynda benglis 4k 35 mm 3d unreal engine sculpture sushi dreamlike +a photorealistic cinematic ultra-detailed photograph of a tesla model x driving through the scenic mountains of the canadian rockies +gustav royo ingle mother facing head towards wall recalling hardworking famine, Christian Krohg,melancholia +You have the best French Toast I ever had! +A beatyful woman drinking in a bar +beautiful young latina flight attendant on a plane +Nightmarish spirit, transparent, unnatural, highly detailed, embellishments, complex textured skin +a unicorn walking on the water painted by goya +Christiano Ronaldo in Bayern Munich jersey, beautiful face +Inside a volcano there is a transparent bubble holding a pregnant guitar that is giving birth to a human child. Neon purple thick curly hair, fire, lightning, smoke, and shadow. psychedelic thunderstorm and sun. +a beautiful anime woman with short brown hair, digital illustration +a large cream-colored wolf with plush fur and slightly darker fur on the top half of its face, playing in autumn leaves in the middle of a forest, light filtering through the trees, realistic lighting, cinematic lighting, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, watercolor, pastel, studio ghibli, anime, high quality, hd, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, unreal engine, full body view, professional digital art, professional photograph +crystal dinosaur king, 3d art, chibi, anime inspired, mood lighting, cinematic, colorful +screenshot from game about aliens in style of first deus ex game from 1999 +Impressive Acrylic Painting of a spaceship landing on a purple planet in outer space at noon there are aliens and craters on the surface, painted on a wood panel +new Zealaned 1960s contury farm house with red roof oil panting +a Pulitzer Prize wide-angle photo of very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, holding a very extremely heavy easter egg chocolate candy +a blond woman with a mud mask +3d game model, the magical skull bee of despair, dark colors, fog, black background +painting of goddess of slate, trending on artstation +rapist torture boy at dark room. abusive Relationships, break the will, screamCRY yelling. highly detailed Surrealism snuff art by Ilya Repin +stained glass motif, art by Alfons Mucha and Patrick Woodroffe, 20 year-old beautiful Kate Bush as a naturist sorceress, throwing a fireball, HD 4K, sharp detail, photo-realistic, accurate anatomy +breton monks looking like zappa dencing Serbian folk dance, in circle kolo, photo +Photograph of a magical creature, inspired by Harry Potter, biolumence lighting +green hair color, light blue eye color, kitten, fishing on a boat +Jennifer Lawrence as Barbarella, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a cartoon illustration of harry potter riding a broom +Flying cows in hayao miyazaki style +the statue of David made out of beacon +Artists rendition of an abandoned full bodied stone statue of buddha, centred, cracks, moss, vines, forest background in the ruins of an ancient temple, rendered in Unreal Engine +Finnish romanticism painting, oil on canvas, 1890 +full color photo of a young woman, victory rolls, wavy hair, beautiful face, neutral expression, (open mouth), pearl necklace, retro science fiction, spaceship interior, intricate environment, medium shot, engineering room, complex background, elaborate, interface terminals, wires, displays, conduits detailed skin, pores, wrinkles, hard eyes, soft lighting, realistic, hard shadow, masterpiece, best quality, (washed out color), Intricate, High Detail, analog style, (soft focus:0.6), film grain +Nelson Mandela in the style of Arthur Rackham +an woman sitting on a table drinking coffee, long shot, wide shot, highly detailed, intricate, professional photography, RAW color perfect photo, UHD 8k +a wide angle photo misty fires of fighting roman centurions in front of courtyard arena roman buildings gladiators, marble gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, metal boots ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +a digital painting of a european dragon with wings +a dinosaur made out of glass +beauty and the beast, art by Alan Lee +the least offensive carricature of a special needs person +ceramic tiles and spilled fruit juice. +Fantasy, pastel, absurdist, photo, Wes Anderson, bee characters +beautiful Mexican woman with a black kimono on a japanese garden +three engineers fixing a giant tv, finely detailed, orange style +a tree with branch in form of whales +An anthropomorphic strawberry with cute bubbly eyes, in love +cheshire cat, creepy, swirls, smoke, spooky, dark, purple, smile, blue +beautiful graphic design pattern, trending on society6 +a team of diverse start-up co-workers +A fairy city inside an hazelnut +A Portrait of Julia Beautx , High Resolution, High Quality, Many Details, Real Life +RAW photo, woman wearing a black liquid latex jumpsuit, DSLR shot +beautiful graphic design pattern, trending on Spoonflower +an image of a white giant teddy bear in the middle of the street, professional photography, 35mm, 4k, golden hour +A compelling photograph that captures the essence of a dedicated developer, sitting at their desk, intensely focused on coding at their computer. The scene is thoughtfully composed to emphasize the programmer's determination and passion for their craft. An intriguing element of the composition is a painting hanging on the wall behind the developer, featuring a key that seems just out of reach, symbolizing their pursuit of the perfect solution. +, fantasy, pastel, absurdist, photo, refined, Zombie +insanely detailed lifelike portrait, grogu, the mandalorian, extremely intricate, high res, 8k, award winning +A lady holding a sword, oil painting +photo of a giraffe frolicking in a field of tulips in the moonlight, fireflies, starry sky +A monkey building his first PC +gorgeous beautiful young female in a changing room, black hair tied in pigtails, detailed face, wearing a sheer nightgown open at the front, visible midriff, bare legs visible, dark areolas peeking, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +A building in fortnite with two signs one says "Nutronic" "@thenutronic" +dnd warlock concept art girl with policoria and lovecraftian style magic +wall art of splatoon, woman with a hat, unreal engine 5, exhibition design, ray tracing, ssao, rtx, 8k +happy looking AI computer generating ideas +a demonic brute fighting an angel +food truck serving cocktails, with neon lights, octopus +Masterpiece, Teacher, POV, 1 on 1, White hair, Japanese, World Cup, Photo AP News, +Photorealistic portrait of an intricate, highly detailed an old shaman dressed in a colorful traditional clothes. Very psychodelic, even skintone, facial asymmetry, rosy cheek, soft lighting, cold lighting, fine-arts photography, award-winning photo, by Martin Schoeller 8k high definition , close up portrait photo by Annie Leibovitz, film, studio lighting, detailed skin, ultra realistic, bokeh, sharp features +mechanical CAT flying in nature, electronics, motors, wires, buttons, lcd, led instead of eyes +Large, Master Bedroom, Skycraper, Night, Starry Sky, Mahanntan, Opulent, Luxury, Gold details, shiny Black Details, glossy, white, Marble, Modern, Exquisite +, fantasy, pastel, absurdist, photo, Wes anderson, Daisy character +aph gustav wyeleighton snowy loneliness hone pland +image of a large, 1800s-inspired steampunk machine that converts text into images. The machine should incorporate a variety of intricate gears, levers, buttons, and dials, all reflecting the aesthetics of the steampunk genre. The design should blend industrial elements with Victorian-era charm, showcasing elaborate details and an impressive combination of form and function. +Rome map, where is waldo, hidden treasure, icons, perspective, high quality, detailed, crowded, cartoon +xuxa meneguel presenting a tv show at tv globo +Marilyn Monroe wearing a shirt that reads Princess +fantsy art print by of a giant dragon cat hybrid with wings, by AnthonyDevine and Xiaodi Jin and Xiaodi Jin +Bessa R2A Cinestill portrait, young beautiful very thin pale woman wearing tattered old dress in dank attic alongside massive fleshy lovecraftian monster with hundreds long thin pale of pale tentacles and eyes, hundreds of eyes +A beautiful light skinned woman with long wavy brown hair wearing a red dress. +Jim Morrison wearing sunglasses, holding a pentacle +the most beautiful girl in the world, insanely detailed, photorealistic, 8k, perfect composition, hard rim lighting, natural complexion, professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, made with midjourney +Painting of nicolas cage in skyrim by ted nasmith +Jesus used to get picked on at school +a forest bear wearing only a hat and tie, no shirt, mad, cartoon style illustration of anthropomorphic bear, simple cartoon, artstation, dribbble, full body +An image of Arcos de Valdevez with t-fighter +HD 3D animation of a baphomet +matte digital painting of electric orangutan, electricity aura, electric storm, electric zaps, electricity coming out of body +Hoto Cocoa and Kafuu Chino gochiusa +Copper and chrome humanoid robot, head shaped like an acorn. +Generate a photo-realistic image of a human hand with the following characteristics: five fingers, with the thumb positioned at a slight angle away from the other fingers; the fingers are slightly curved, with the fingertips pointing slightly downwards; the skin on the hand is smooth and unblemished, with a slightly pinkish hue; the hand is positioned in a relaxed, natural pose, with the fingers slightly apart and the palm facing upwards. The image should be high-resolution and detailed, with realistic shading and texture." +photo of cave explorers in Alien: Isolation +Alice in Wonderland reflecting on a crystal ball +, fantasy, pastel, absurdist, photo, bird people characters +a photo of a plate of shamrock shaped cookies +a sign with "u good?" written on it +Giant looming creepy robotic giant in the background of a scenic photograph, unnatural technology, unsettling, alien, japanese countryside, cherry blossom, human in foreground, by simon stålenhag, 4k +the Bridgerton family walking through the woods on a sunny day +Dragon robot, cyberpunk India, Reptile cyborg, Ghost in the shell style, mehendi body art, Bird, yantra, Mask, Baroque style, Kathakali character, High technology, detailed, spotlight, Shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, hyperrealistic, 8k, epic ambient light, octane rendering, soft ambient light, HD +pastel colored stepping stones in a forest stream, pastel stones in a lush green forest, 4k, 8k, video game, unreal engine, hyperrealistic, hyperdetailed +concept art, ultra detailed, Zombie biting down on brains +A cute cat with a koala +an empowering view of a cult leader ifrit cyborg in a ironmaiden robot,wearing a noble robe,large view,a surrealist painting by aralan bean and Philippe Druillet,hiromu arakawa,volumetric lighting,detailed shadows +luffy from one piece as a team fortress 2 mercenary, 3d model +Antique, warm hues, dark haired, massive, black hairy fat BDSM portly male Bishop in frilly white lace tutu, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +, fantasy, pastel, absurdist, photo, refined, horrorshow +bedroom with bright turquoise wall, beautiful, aestetic, cosy, old tile floor, colorful, yellow bed +Cinestill 50d, 8K, 35mm,J.J Abrams flare, beautiful ultra realistic vaporwave minimalistic pointé posed psilocybe pilot in space 1950 film still medical lab scene, 2000s frontiers in blade runner retrofuturism fashion magazine September hyperrealism holly herndon edition, highly detailed, extreme closeup three-quarter pointe posed model portrait, tilt shift background, three point perspective focus on antig flight suit,pointe pose, open mouth,terrified, eye contact, soft lighting +cryptic photo of a dark underground brutalist facility with retro computers in it +matte illustration, digital art, dungeons and dragons, humanoiddog casting fireball, magic, hd, 4k, high resolution, painting +Tony Soprano wearing a pink bunny costume +a nike running shoes, model wearing effect +photograph of GREY UFO, desert background, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +Ava Addams in her impregnation with Cristiano Ronaldo +A Portrait of a Beautyful Girl, Realistic, Very Detailed, High Resolution +motion blurred cam footage of a samurai warrior attacking the camera +action pose fierce wolf blender moonlight headshot portrait +Watercolor painting of pigeons at trafalgar square 2055, afternoon backlight, by greg rutkowski, by anders zorn +Kinky teen 2B cosplay, big brests, Webcam, Only Fans +aurora borealis trapped inside of a levatating bubble of translucent ice, vibrant, 4k, infinite, hyperrealistic, hyperdetailed +a giant titan ravaging the raging seas +A colorized photograph of a skull smoking a cigarette +Dreams of happiness, very beautiful, inspiring, thought provoking +Still shot from movie of a muscular gorillaman, laughing wildly, holding a spear, cinematic, 35mm +old man running from the grim reaper, by Peter Max and Takashi Murakami, Jeff Soto, dan mumford, Digital Vector illustration, psychedelic op art, Dribbble, Behance, 2d, vibrant +Kim Jong Un drinking a coke +close up of a female pirate with a sword +cute fantasy ghost white baby dragon and the book of spell. no hands. +black haired tan purple dragon girl with red tracksuit +8 years old , handsome Hindu God Krishna, realistic black hair, detailed texture, by makoto shinkai,masculine, pretty,cute sharp bright big black eyes and pupils intricate, small nose, , elegant, realistic 3D render, epic,detailed digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by artgerm and alphonse mucha +Portrait of beautiful pale demon girl with horns, red lighting, intricate, elegant, highly detailed, digital painting, artstation, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha and Wayne Barlowe +bald chubby guy abuser at prison. highly detailed art +a profesional photo of a woman wearing wedges standing next to a chocolate cake +a medieval courtyard with a fountain and flowers +Black woman in leather corset on thread mill +futuristic realistic photo highly detailed city casablanca morocco cyberpunk +ancient prayer figures pond sitter bouldartmoor carra, Jules bastien Lepage, Christian Krohg, melancholi, morning sunrise +Eve in the garden of Eden by Anders Zorn +saddness: anime tattered umbrella, snow falling, autumn rain, barren trees by artist "Shaun Tan", by artist "Mab Graves", by artist "Rien Poortvliet", +hiker in the forest walking in snow covered trees along a trail +Close up Painting of a symmetrical Archangel Archdemon intricate armor, standing with a glowing long sword +an anthropomorphic snail, with the shell on the back, and a snail's head +Rainbow six siege operator ela with no t shirt on +8 years old , handsome blue-skinned Hindu God Krishna, realistic black hair, detailed texture, pretty,cute sharp bright big black eyes and pupils intricate, small nose, , elegant, realistic 3D render, epic,detailed digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha +cyborg child, cyberpunk alien india, body painting, teenager, star wars style, third eye, mehendi body art, yantra, cyberpunk mask, baroque style, dark fantasy, kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +minecraft steve with a phone, the background is full of blood +A cat protrait in a navy uniform +photo portrait of Keanu Reeves as John Wick, HD 4K, sharp detail, photo-realistic accurate face and features +A city view of above, manga style +The text CITY on a wall, high quality, graffiti style +A dog in the artstyle of Monet +Large mossy tree lying in deep spring forest +Klein's bottle of rum turned inside out on a wooden pirate table, sombre mystical atmosphere, concept photo, macro quality, alien biomechanical technology +In the rainy panoramic window,Evening, searchlights, I see a plane at the airport.Heavy rain on the glass Raindrops and jets on the glass +A stop sign that reads proceed further +A photo of A cat wearing a hat that says "Hello World" +Trex couple having a fancy tea party +a close up of tacos on a table, lomo, iphone shot ,tenochtitlan, car made of meat, advertising photography, lomo, tzimisce, with blunt brown border, steak, corrected faces, each land is a different color, mild colors, +Un hombre con cara de sapo que lleva gafas +Head shot of a dragon, digital art drawing style, adopt +red ball bouncing on a blue table, black background +Cloth off viking princess, sits on big cock inside open mouth ,white yogurt falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, jelly leaks on laps,nice arms, nice eyes,highest detailed, masterpease, +a picture looking at the back of two women looking out a window from their futuristic space station at a violet planet, in the style of a modern anime, trending on pixiv artstation, fine brush strokes, high quality, 8k, digital art +blonde girl little teen body, spandex +highly detailed close-up inside brain as industrial city, sci-fi, HQ, 4K, UHD, High quality +A full body portrait of a mysterious character with no face with a very long yellow hooded cloak with tentacles coming out the bottom art by Maciej Kuciara and Jason Chan, trending on artstation, Ultra detailed, hyper realistic 4k +mona lisa as a sculpture made of diamonds +a sign with "Not Imagen" written on it +curvy woman wearing an open fleece bathrobe +Painting by artgerm, Greg Rutkowski and Dan Mumford of a cover art of a dark fantasy book featureing a olive skinned brown haired teenage girl with glasses with a blue fire aura. Wearing a plain green jacket, jeans, and boots. She's standing on top of a huge boulder looking at the dark sky. +Painting of A car driving through the desert, watercolor, digital art, epic, fantasy +Closeup movie poster of Starbound game, pastel colors, cinematic light, concept art by simon stålenhag +cute blue furred teddy bear-like bear wearing a green flannel shirt in the style of animal crossing +a painting of a robot sitting on top of a table, by Tony DiTerlizzi and Philippe Druillet, cg society contest winner, dada, portrait of emperor of mankind, mortal engines, the robot wearing the bone crown, very very well detailed image, noriyoshi ohrai and hans zatzka, j. c. leyendecker 8k +Oil painting of a girl lost in the forest, impressionism +Explosive, neon smoke, night lights, psychedelic white teen model ballerina in bra, fast cars, breakdancing, upside down, splits, octane render, 8K HD +hipster vincent van gogh checking the value of his NFTs on his mobile phone and panicking, impressionist oil painting by vincent van gogh +megan fox in bondage, detailed face, gorgeous, amazing, muscular, fit, very muscular female body, legs are hoofed, intricate, highly detailed, digital painting, concept art, sharp focus, illustration, art by Greg Rutkowski and Alphonse Mucha +Angry blue dog with bottle in forest. Near red car +A holographic cube with intricate and constantly changing patterns and colors, appearing to be alive and dynamic, digital painting, art by David McLeod and Khyzyl Saleem, featuring a mesmerizing and satisfying atmosphere and a focus on the beauty of patterns and symmetry. +Beautiful photorealism intricate portrait of mixed race young woman with wavy hair +the beatles playing in Champ de Mars in Paris, the eiffel tower background, highly detailed, +A man wearing a hat while holding a sign that says “cap” +Dragon flyling over a mountain landscape, digital oil painting by monet +a surreal and thought-provoking work of art that invites the viewer to contemplate the nature of artificial intelligence and its potential for creativity and imagination inspired by Max Ernst +Vector eSports logo of a Cerberus +A man wiping his feet on a stolpersteine +Female hwarang warrior in the forest, real black hair, pale skin, brown eyes, symmetrical features, thin features, narrow features, angelic features, proportioned face features, proportioned body, proportioned limbs, proportioned fingers, wearing full battle gear, facing the camera, finely detailed outfit and weapon, intricate design and details, ultra-detailed, highest detail quality, ultra-realistic, photography lighting, waist length body shot, daylight, overcast, reflection mapping, photorealistic, cinematic, cinematic noise, movie quality rendering, octane rendering, focused, 8k, depth of field, real shadow, real skin, real texture vfx post-production, rtx ray tracing lighting +The scene is a beautiful synthwave sunset. The sky is a mix of deep shades of purple, pink, and orange that blend seamlessly into each other. The clouds are few and far between, with a soft, dreamy texture. The sun is just starting to dip below the horizon, casting long shadows and a warm glow across the landscape. The palm trees are silhouetted against the sky, and the water reflects the sunset's colors perfectly, with a serene and peaceful quality. +alien on a metal spaceship in the jungle river ,splash rocks , +A street sign saying "Drowning Street" +beautiful building portrait of 18th century English manor +Abraham Lincoln as Max Headroom, 1980s retro futurism +a watercolor and ink painting of a scary humanoid with visible meachnical parts standing against a dirty wall by Agnes Cecile and Carne Griffiths +Anime girl Hakurei Reimu from Touhou Project. She is a shrine maiden with a red dress, yellow ascot, and brown hair. She has a large red hair bow with white frills. She is an ANIME ANIME anime girl. +New York City at night, Bitcoin logo on walls, is steampunk style +small petite girl, thin waist, masterpiece, cosplay +a poster of a person with headphones on, face like ester exposito, toxic slime, take my hand, by Menez, trending on spotify, fairytale, cd cover artwork, ghutra and egal, amphora, merged, sublime, exploited, inspired by Aquirax Uno, tommy gun', +minecraft big taiga temple, game screenshot, screenshot +a woolen jacket showcased on a plus-sized mannequin. +CHAT DANS UN POT DE FLEURS +Stargirl opens the door of an abandoned shack at night, the moonlight seeps through the roof +Photo of a young woman wearing a red dress, she's also wearing a red hat, fancy +The robot draws the text "loser" on the picture with a red tint of color and on another canvas draws a masterpiece with the second hand +A visually captivating scene set outdoors on the savanna, where a man enveloped in rubber::1.5 ::2. Artful composition and striking contrasts highlight the metamorphosis against the backdrop of the expansive grasslands. Glossy textures, goo, and the solo subject mid-transformation::1, harmoniously blending with the wild surroundings. Award-winning wildlife photography, DSLR, transformation-focused, and aesthetically pleasing +a ladybug on top of a toadstool +A cabin in the woods with a sign saying “All are welcome” in front of it +80s comic book cover of Cute woman, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +rat with six legs and bat wings art +Professinal Portrait of Chucky, dlsr, perfect proportional, realistic, insane details, Studio Quality, Award winning +Tsinghua architecture design, fine art, HD, 8K +Melting ice cream spilling into an ocean +kevin owens wearing a white wrestler's singlet, full length photo +best quality,masterpiece, realistic, detailed, creature from hell, nightmare, monster, scary, depths of hell, insane details,monstrous, extremely intricate, award winning digital art, best quality, no humans, seeking +Frontal portrait of Barack Obama wearing cool sunglasses, by Boris Vallejo +a 3d printer printing a chess board, wide shot +A photo cool sigma person, standing on a street and holding a sign called "Get Ready" +spongebob squiddy character in world war two +First Person N64 Screenshot, High Resolution, High Quality, Many Details, Realistic, Real Life +a detailed mechanism of a clock inside a magnificent colorful amazing bird +Mia Malkova, Lana Rhoades and Anastasyia Kvitko +Man and woman, eating and drinking wine at a busy restaurant, art by James McNeill Whistler +high quality color portrait photograph of young beautiful Elizabeth Olsen with a black dog,face closeup,sharp focus,cuddling,highly detailed,stunningly beautiful face,award winning photo +selfie photo of cute blonde woman with man +a Ferrari car that is made out of wool +photograph of a brutalist interior of a bank, concrete and oak, earthy palette, greenery +A cat character drawing of oil crayon style +epic magical medieval fantasy landscape from Final Fantasy 14, highly detailed, lush forests, huge mountain ranges, grand seas, wide plains, cumulonimbus clouds horizon, ultra high max settings quality HD in-game render, HDR XDR contrast, 4k texture meshes +Donald Trump as the Incredible Hulk +A giraffe escher, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of a despicable me minion driving a neon green lamborghini huracan spyder in the streets of beverly hills +a cyberpunk street with an open-air diner called Cafe, woman wearing techwear +high resolution, realistic concept art, transparent glass sphere, sense of awe and scale, organic +Albert Einstein and a Gorilla inventing banana science +a recruitment consultant, sitting before a digitil screen, carrying mobile device +Nicolas Cage as Jack Dawson from Titanic +zentai woman with whole head covered skintight by zentai body +A soldier fighting demons in a post-apocalyptic world +pamela anderson dressed as tomb raider +fluffy round blue tit, dark hedges, bokeh, paper cutout +safe, anime art, Hatsune miku, hires, Danbooru, anime cartoon, stylised, high quality, anime screenshoot +black short hair beautiful girl. Wearing a black dress, Wearing minimalist fashionable earrings.bold color background, super detail, soft colors, soft lighting, anime, high detail, divine +photo of an adorable asian little ballerina with long hair wearing white tights running on a beach, from behind, nikon D5 +Police on horse asking for your id +illustrative art of a woman sleeping on the crescent moon in a dark sky, highly detailed, 4k, neon +Beautiful viking woman in traditional clothes +A gorgeous blue eyed blond 45 year old very pale white scandinavian man +friends show holding a sign that reads Happy Siblings Day +A Shiba Inu dog in a wicker basket of flowers +oil painting, zombie gangster wearing snapback and golden chain on neck with apple sign pendant +under water inside a cryo geyser chamber with big ice crystals +A beautiful landscape painting of a mountain range in the distance with a river winding through the valley. +personcore: an aesthetic around driving a human like a car like piggy back to strange destinations such as into the bathroom of your space bathroom. in order to drive a human you must first mount their back, use their head as a steering wheel, their legs as the gas pedal, and their nose as the ignition. +Neon sign with the inscription "Neuro degeneration" +a wideangle photo view of roman army,Canaletto, +A crumbling stone giant looming over a desert plain, storm clouds +Illustration in Peter Mohrbacher, Carne Griffiths, Vincent Di Fate style Extreme Close-Up Shot of Pixie of Fire, Astral Nexus, Geometric, Futuristic, intricate and detailed, Tones of Black +a wide angle photo of roman shield and helmet, in a arena,soldiers sitting on stone walls, roman empire buildings,sheilds swords ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +exotic custom JDM toyota 1991 sw20 mr2 body kit concept turnaround +Portrait of a British police officer wearing a futuristic police uniform in a british city in the day, intricate details, HDR, beautiful +a close up of a toy ship on a table, tabletop game board, in the style wes anderson, hq print, war of the worlds, ffffound, photo taken of an epic intricate, vast seas, streaming on twitch, layout design, full image, template layout, little nightmares, outputs +abandoned decaying ancient alien city, dark mood +A large dog with a human face standing in a busy street +A VHS tape wrapping a man +Spiderman holding a sign made of web, that spells text "SDXL" +Black gooey, slimy latex lioness lounges on a couch, posing effortlessly during a photoshoot. The glossy, fluid latex form captures the elegance and grace of the lioness while adding an avant-garde, artistic touch. +A Portrait of Darth Sidious, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +A beautiful woman riding a bike detailed face +bell delphine riding kart in mario kart, 4k, octane rendering, 8k, unreal engine +realistic d&d concept art of a drow mage +award winning national geographic photo of a horse standing on a grass field, side view, full body, canon eos, 50mm, hdr, 2k, detailed +Jennifer carpenter as Debra morgan action figure +, fantasy, pastel, absurdist, photo, refined, uneasy +a bacl and white dungeon map in OSR style +a red car, from above, cinematic camera, masterpiece, motion blur, hollywood scene, +a close up of the demonic bison cyborg inside an iron maiden robot wearing royal robe,large view,a surrealist painting by Jean Fouquet and alan bean and Philippe Druillet,volumetric lighting,detailed shadows +wonder woman buying a coffee in starbucks +Stick of a beholder from dungeons and dragons +a photo of a Lebron James +, fantasy, pastel, absurdist, photo, the shining, redrum +A sign with 🐈 written on it. +a giant puppy overlooking the city with a bus on its head +a warrior man with a dog mask, in the top of a car with a chainsaw in his hand +closeup painting of a homeless joker sitting in a subway train during a recession, burning a piece of paper , gotham city +Group of happy people screaming dancing playing ethic instruments shaman covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by baade carrie ann andrews esao amorsolo +A cat in the spaceship, HD +Female in bed legs wide open holding a vibrator +Rainy street, smoke and clouds, bits and pieces around, negative black and white speedpaint with large brush strokes by Junji Ito, Ismail Inceoglu, M.W. Kaluta, Richard Anderson, paint splatter, a masterpiece +evil tabaxi warlock, humanoid cat person, detailed character art, necromancer +A nanny with a bazooka aiming at a bunch of zombies +full body concept, very fine art oil painting of a cute girl with a very beautiful face wearing full intricate clothing ultra detailed, octane render, 4k dystopian, micro details +A high quality photo of a cup of hot coffee on a wooden table +wideangle photo of a stained glass forest ,volumetric light +Darth Vader in Lawrence of Arabia, 20th Century photograph +Film still from 80s dark fantasy massage movie +1960s black and white and red album art, with a minimalist cherry dead center +Woman looking at an extreme forest fire +alien monster emerging from a lunar crater, Illustrated by moebius, anime, bioluminescense, lo-fi, watercolors +Gainax, Hideaki Anno's rough sketch style, mecha battle, gloomy atmosphere, psychological conflict, interchangeable subject, close-up on face, tears streaming down the cheeks, the mecha's eyes glowing red in the background +20 year old sultry Britney spears on a strip pole with pink 6 inch stripper heels and a lower back tattoo +sloth jedi holding a green lightsaber, unreal engine, realistic +star wars bb8 as easter egg pink blue +Portrait of a knight wearing heavy iridescent armor. Fantasy, digital painting, HD, detailed. +Exterior Photography of HUGE spaceship docked in space station. by Ridley Scott. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +Artists rendition of an abandoned stone statue of brahma with 3 heads, sitting pose, centred, intricate carvings, cracks, moss, vines, forest background in the ruins of an ancient temple, rendered in Unreal Engine +A photo realistic photo of a beach, a woman looking at viewer andposing +A squirrel gives an apple to a bird, bird feathers +a band with beetle insects as the beatles +fat rich black man in well-tailored suit visiting a steel foundry +beautiful busy English beach scene painted by Van Gogh and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +a photograph of a european dragon with wings +raiden mei on skirt and stockings +a tall slender Chinese woman named Zhuang Yan with a radiant and almost golden complexion, like a field of sun-kissed wheat. Her long black hair cascades down to her waist and frames her deep bright eyes, which are full of intelligence and a hint of mystery. +A crocodile in a space suit +alien type black human in the skies +professional photograph of a blonde woman with black children,pretty woman,supermodel,beautiful face,medium shot,dslr +teddybear crew inside large spaceship room, sci fi,star trek bridge chairs, teddy, 2001 space odyssey,teddybear face +genere un retrato de perfil de 3/4 de un obrero, constructor, minero, 30 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +Super realistic Family Dining Room logo, HD +full body flash photograph of dejah thoris at burningman, ultrarealistic, beguiling, sharp focus, wide angle +realistic, a giant sleeping on a hill, black background +A French Bulldog as drawn by Jamie Hewlett +Insanely detailed Full-body color portrait of gorgeous electric princess surrounded by lightning and sparks :: crazy hair :: perfect proportions :: flawless eyes :: by Artgerm, Lou Xaz, Greg Olsen, WLOP :: hyperrealistic, hyper detailed, photorealistic :: a masterpiece, incredible composition, amazing depth, imposing, meticulously composed, 8k +A man in a gorilla costume is taking a nap on a beach +An elephant standing on a giant circus ball +an african teen texting on a mobile phone +photo of inside a spaceship with a Lotus Esprit Turbo se , +HD 3D animation of a baphomet naturist +the last time i ever wear those shoes again +photo of a lavender rose in a garden +Dimwitted big furry alien character, one horn +the rock and dwayne johnson juggling rocks +A cyberpunk golden retriever is coding with a complicated contraption attached to its body with wires coming out of it, neon, 4k +photo of a dog made of static +Godzilla fighting Mothra in an epic battle, extremely detailed Games Workshop miniature, product photography +glowing magical portal to another world in the middle of a snowy forest, snow, intricate details, 8k, by Drew Struzan and Dorothy Coke +a close up of a siamese cat,a ringed neck parakeet and a lovebird,sitting on top of a wooden table drinking tea,overlooking a cliff and vast sea,italy +oil painting of a sad priest, blessing a bible, cyberpunk church +Drawing of War and misery, art by Kathe Kollwitz +an empowering view of the supreme elder emu warrior,wearing royal warrior clothes, throwing an extremely powerful punch surrounded with demonic aura,in the style of Ken Kelly and Richard Corben and katsuhiro otomo,extremely detailed,detailed shadows,volumetric lighting +little rabbit swimming in a white teacup +Secret agents wearing funny purple hats chasing a goose, explosions on background, photorealistic, photo +forest inside of dungeons and dragons dice, flowers, butterflies, glowing +Frank Lloyd public library, mid century, interior +photo of a stone sculpture in the city ,art gallery ,henry moore,flooded sculpture,splashing misty mud rocks,panorama,city buildings, +Cyborg woman, cyberpunk India, painted face, third eye, mehendi body art, yantra, cyber mask, in motion, baroque style, dark fantasy, Yogi, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city , neon light, colorful, vivid, high contrast, hyper-realistic, 8k, epic ambient light, octane rendering, Kathakali, soft ambient light, HD, star wars movie style +vignette, bokeh, selective focus, golden dust particles, dripping gold flakes, modelshoot style of lascivious looking female deer with antler +a photo of a group of men in armor, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools +Spaceship in upper atmosphere of Jupiter +a pretty goth woman playing with a cat, lace sleeves +Anime girl with a sign saying "soon", highly detailed, 4k, anime +Darian is a tall and slender half-elf, with delicate features that suggest a certain otherworldly quality. He has pale skin that seems to glow in certain light, and piercing green eyes that are always alert and curious. His long, jet-black hair is usually left loose and falls in soft waves around his face, while a few strands are pulled back into a small ponytail at the nape of his neck. He wears simple, comfortable clothes that allow for ease of movement and practicality, usually opting for dark robes with silver trim that hint at his status as a sorcerer +leaves in the shape of a snowflake, hd +Tarot card of stairway to heaven, intricate castle in the sky surrounded by cloud, art by Arthur Rackham +realistic photo of a 8 year old girl megumin swimming underwater, full body +A photograph of a beautiful skimpy warrior +Manga Key visual of a beautiful witch's moon magic by Gil Elvgren and mark ryden, popsurrealism +An up-close portrait of a beautiful hot blonde woman sitting on a picnic bench, sun hat, sunset background, grass, nature +Paradisiac island in form of G with internal green lagoon, a great mansion in middle, 16k ultra realistic +1 handsome young man, Asian, street photography, fashion clothes +Realistic Mega Man 1 box art +a modelling photograph of an sultry exotic alternative bimbo, with implants +Portrait of a fairy tale princess by Carne Griffiths +blonde female gladiator with arms made of metal and a leather kilt +a screenshot of he AAA PC game galaxy on fire2 +Cow dining in a flooded cafe. +a sign with "ramadan has started" written on it +The homepage of a website for comparing GPU's. Modern design, rounded +Hortons movie , fantasy, absurdism, pastel, photo, refined +Snow white and the seven dwarves floating in space by ayami kojima, katsuhiro otomo, eugene de blaas frederic leighton +cinematic photograph of fairy king oberon from midsummer night's dream, muscular, +a sign that says rice crusher 3000 spring edition, valve promotional splash art, cyberpunk bee, inspired by Gabor Szikszai, bong, 8 k ultra realistic creature, cgnation, picking flowers, cgsociety masterpiece, blurry and glitchy, what a bumbler!, poggers, ebay website, - 8 k +earth from space, taken on a fujifilm x100v, adobe lightroom cinematic preset +A close up of a cool girl with shades +the last day on the earth, surreal, intricate, highly detailed, cinematic lighting, digital art, full view, chaos, foggy +Katerina christodoulou, insanely detailed, photorealistic, 8k, hard rim lighting +A rebellious cyberpunk vigilante, infiltrating a corrupt megacorporation's headquarters with her high-tech gadgets and weaponry, , art by Yoji Shinkawa, Tsutomu Nihei, and Stjepan Sejic, neon-lit cityscape, confident smirk +a girl reading a book in a submarine +a 4k ultra, cinematic, scary, dark themed, picture of a pitch black bedroom that looks haunted with a shadow of a person, shown on the wall beside the bed +Man holding a sign of a man that says "#FreeOmar" +photograph, high detail, high defintion, 8k, hdr, global illumination, girl with nothing on +eighteen year-old girl, pale skin, short pink hair, lavender colored eyes, black crop top, pink jacket, black jeans, inside a train alone, night, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, soft lighting, high quality, by Ilya Kuvshinov, Artgerm, Wlop +Margaret Thatcher meeting the Queen of Atlantis +Wednesday Addams sticking tongue out wearing sunglasses holding a sign that says famous +The plains of blood are full of mist, the thousand teeth monster lurks, a banshee scours the plain, cinematic lighting, inspiring, vibrant, grim, dark, epic, high detail, hyper realism, professional CGI, HDR, UHD, 64k +grand theft auto set in villeneuve sur lot +whimsical art flowers by jeremiah ketner +Archbishop Ferrari Gryffondor Astronaut papal official photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Lviv tram in the style of Simon Stalenhag,cyberpunk,unreal engine, 4k uhd, rain, volumetric lightning, subsurface scattering, evocative, trending on Artstation HQ +Black and white painting of A man by a shallow lake in a dark forest, intricate details, highly detailed, close-up, extremely detailed wallpaper, looking at viewer, solo, soft cinematic light, dark colors, exposure blending, hdr, +sks woman as a heavenly angel, detailed face, looking very much like sks woman! only two hands, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, unreal engine 5, 8 k, art by art by artgerm and greg rutkowski and edgar maxence +A woman with beautiful, long red hair wearing an ashen gray, full-length cloak with a large hood covering part of her face. +terrifying dark souls boss fight, epic action shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Hanging Gardens of Babylon,Surrealism,design by Ho Chi Minh,Exhibition hall builded by bamboo ,background,2K,Corona Render,garden fittings,Architectural photography,Nikon Z5,EF 35mm F1.4,ISO 500 +dragon, made of bones, bone structure, +Boy taking a hot selfie bare +abstract pencil and watercolor art Matt Damon holding a bitcoin logo +Macro shot of a glowing jewellery ring made of human flesh, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Knight Flower merge. Rutkowski, Minjae Lee, Ana Paula Hoppe, Teis Albers, Armando Mesias, fluid acrylic, graceful gradients, hypertextured, intricate octane render, 8k 3D depth, James Jean, Peter Mohrbacher, Kaluta, PixIV, accurate features, incredibly detailed, hyperrealistic, rainbow dust, WLOP, Scenic beautiful gorgeous +polaroid style, real original sin, paradise, Detailed portrait of an beutiful fairy, DND character portrait, perfect composition, by greg rutkowski +Beautiful large secksi woman. volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical: by Victo ngai: Professional photography: by Russ Mills: hyperrealism trending on Artstation volumetric lighting maximalist photoillustration, by marton bobzert 8k resolution concept art intricately detailed, sci-fi, realistic +a group of burly muscular metal androids, walking away, walking toward, gesturing +The city in the afternoon, the sky is purple, digital art, chilling mood, romantic, unreal engine, masterpiece, insanely detailed +mark coffey, hairy musclechub, wearing leather apron, medieval baker, fiery bakery background +frodo from lord of the rings as rambo with a flamethrower, league of legends splash art by greg rutkowski, epic art on artstation +lace,ribbon,bunny girl,masterpiece, sidelighting, finely detailed beautiful eyes, masterpiece, realistic, glowing eyes,shiny hair,black hair,long long hair, lustrous skin, solo,exquisite,beautifly,garden,flowers,flying petals +Man with head in a cage of bees and wasps, complex textured skin, ] +Boho style of a group of hairy people's playing musical instruments covered by light sparks dust, covered by water, photo, vintage, crisp steps:40 number:4 +artistic art print, spashes of paint, a leopard running and loosing its spots, strong vibrant colours +Photograph of Abraham Lincoln dressed like Carl Sagan +photo of a lasagna in front of the colosseum +painting of an orange and blue woman with sunglasses, digitally art, bold palette, raymond leech, jeremy mann, kilian eng, psychedelic artwork +1963, coastal road, beach, sunny lighting, elegant, refined, iconic, 4k ar 16:9 +In the rainy panoramic window,rain streams on the glass, searchlights, night, I see a plane at the airport.Heavy rain on the glass Raindrops and jets on the glass +A film-photograph of a bright cheerful exploding pastel rainbow in the style of Cao Guo-Qiang +The surface of a ringed earth-like planet +Furry , fursona , fox , furry body , orange furry body, female , hourglass body , large ti t, long loose brown hair , blue eyes , close up , attractive , portrait background, fox head , +an orange cat wearing a hat that says SD +ted dibiase jr, 33 years old, full body shot, serious face, short hair, handsome, muscular, fantasy theme, medieval fantasy theme, muscular ice armor, leather pants, holding ice sword, realisticvision13, frozen world background, +Glory of the sun. Amazing illustration +a cute dragon heaving tea in the garden inspired by brian froud +German home by the lake, cozy, trees, plants, boats, glass windows +redhead Laureline and Valerian painted by John William Waterhouse +masterpiece, extremely intricate, photo portrait of a 40 years old man, greying hair, undercut brown hair, goatee, chiseled jaw, blue eyes +sticker illustration of a racoon holding a sign that says hello nellmarisa +pixel art illustration of the setting sun, in the style of noah bradley, earthworks, brushstroke fields, mystical terrains, mystical terrains, mystical terrains, mystical terrains, mystical terrains +US women’s national soccer team playing on the moon +Photo of a woman in a bedroom underwater. +a masterpiece painting of a beautiful nature goddess, wet from the rain, dress made of leaves, high quality +An aerial view of an medical delivery truck on a forest road in china +3d 32-bit isometric anime ice cream stand with an old woman +A manga style tall woman in purple and gold flower kimono with short white hair and fine green eyes +Hyper realistic photo of a terrifying dinosaur running through a city +beautiful oil painting, plants vs zombies in real life, masterpiece, 8k, highres, realistic, photorealistic, golden ratio, NIKON +Cinematographic-sixties minotaur-hippopotamus-riding vatican-betelgeuse-moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +a macro picture of an ant face +Nighttime photograph of The Buddha, seated in meditation, wearing glow in the dark body paint +Jessica rabbit, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +an elephant with wings and dog nose +A vibrant abstract expressionist painting of the Nike swoosh logo, with bold strokes of color and movement. +A pizza that is a helicopter +octane render of cyberpunk batman by Tsutomu nihei, chrome silk with intricate ornate weaved golden filiegree, dark mysterious background +Detailed photo of Princess Zelda in workout clothes +A photo of a woman with her mouth open and her eyes closed +A cyberpunk theme 4k image of Future laboratory scene growing a human hand using regenerative medicine techniques, featuring advanced equipment and cutting-edge technology. +graffiti anarchy symbol, rad vibrant color, black background +A book illustration. About a moray eel wanting to become human +Full of scratches, Sense of strength, terror, Night sea, A manipulator with three claws, Full of scratches, Sense of strength, terror, Night sea, A manipulator with three claws, Bright and clean background, The background of cyberpunk, high detail, super quality, Dark color, Pixar, fine gloss, 3D effects, OC effects, best quality, 8K, bright, light and dark contrast, face shot, fine gloss, super detail +A vintage vinyl player with a spinning record on a wooden table in a dimly lit living room of an old house. The room has a cozy and nostalgic atmosphere, with a fireplace, a sofa, a bookshelf, and a window. The music coming from the vinyl player is a smooth jazz or bossa nova tune that fills the air with warmth and relaxation +girl from mars, attractive alien , green skin, pinup style +a photograph of teddy bear driving a rover car toy in the jungle river,smiling teddy +A 2d Warrior game character . From aerial view, top view, perfect lining with sharp edging +1=-1A futuristic sci-tec city features towering skyscrapers made of glass and steel, robotic vehicles, interactive surfaces, and advanced research centers. It's a clean, organized, and sustainable environment that embodies the power of science and technology. +Cinematographic christic-Archbishops pasolini camorra Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +cartoon caricature, mick jagger, art by Marco Calcinaro +20 year old huge female muscle monster, extreme massive, 10 feet tall, pecs, abs, biceps, thick forearms, bullneck, gorgeous, realistic, detailed +an old man, with a little girl on his lap +old colorized photo of people drumming in india +scifi room metal,computer screens,studio lighting, geomtric artworks,volumetric light,sir john soane,metal pipes,floor grates,pilasters british museum +a close up of a person in a kitchen, whale, still from avengers endgame, in style of heikala, with names, bbw, by Jakob Häne, marine animal, with a sad expression, actor, solid background color, in valhalla, modern adaptation +minecraft diamond block facing frontwards on a green background +maid in a skin tight outfit dusting a tv +Painting of bob odenkirk in skyrim by ted nasmith +a giant tsunami crushing a city +cute little girl in a forest, winter clothes, long curly hair, oil painted, and flowers by nicoletta ceccoli +Curved luminous acrylic, extremely neat and regular +a girl with big tiddies holding a sign that reads "TEST" +a man rock climbing in a canyon. photo. detailed, cinematic +scifi room metal,roman,studio lighting, volumetric light,sir john soane,metal pipes,floor grates,pilasters british museum +wideangle fisheye roman soldiers, in getty villa,panorama ,black image frame circle +a cute teen male, rear view, looking over his shoulder at the viewer, smirk +A Photo of Jamie Lannister, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +A close up screenshot of Marques Brownlee from MKBHD on YouTube, reviewing a new piece of tech hardware in his studio, shot in HD 8k photorealistic shot on RED +a digital painting of a Volkswagen van driving down a dusty road in the desert, surreal colors, dreamlike atmosphere, by Simon Stålenhag, imaginative concept art, 8k, post-apocalyptic vibe, textured brush strokes, trending on artstation, high resolution, otherworldly, fantastical, mysterious, fantasy environment +shameless showing teen blonde little girl +The Beatles playing at the obelisk of Buenos Aires, Argentina, in fron of a large crowd +photography realistic santa muerte goth rococo épuré +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, hare krishna, colonial catering logo, 3d logo, good for family, Tali dish, piety, realism, octane render, soft diffused light, +Cute gorgeous european young woman 25 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +Winnie the Pooh by Josef Frank +**a portrait of a cheweeny dog hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +photo of older muscle cruel boss guy exhibitionist freeballing harsh interrogation young intern pissing at office. highly detailed face, killer look, Hard close-set eyes, born criminal +an empowering view of a orca warrior wearing royal robe,sitting in a cafe drinking coffee next to a kangaroo warrior with an eye scar,menacing,by artist Terese Nielsen and Ian Miller,Ken Kelly,Wayne Barlowe,volumetric lighting,detailed shadows,extremely detailed +image inside the mind of AI +Q'a painting of a maze with a castle a modern lock logo,a close up of a boa minimal design, blue monochrome color scheme, elegant and simple shapes, clean lines, geometric abstraction, negative space, subtle gradients, retro vibe, isolated white background in the background, progressive rock album cover, card game illustration, inside stylized border, searching for eternity, atlantis the lost empire, images on the sales website, green charts, discworld, dense metropolis, guideA squirrel on a surf board in a tree An alpaca working on a computer A photograph capturing the warmth and comfort of a cozy fireplace, with the flickering flames creating a sense of calm and relaxation. The focus is on the fire itself, with the intricate patterns and textures of the flames adding visual interest and depth. The use of warm colors and soft light enhances the overall sense of coziness and intimacy +octane render, cosmic hyperrealistic portrait of beautiful woman with neon hair blown in motion, dressed in neo-futuristic clothes, ravepunk style, night party background, blurred party lights, voluminous lips, dynamic volumetric light, realistic portrait closeup, symmetrical highly detailed, arstation, sharp focus, cinematic lighting, cinematic colour grading, long exposure, art by Artgerm and Greg Rutkowski and Alphonse Mucha +a detailed painting of a vase with flowers in it, sitting on a wooden table. detailed, excellent light +Create a logo that captures the essence of the futuristic city's approach to waste management - perhaps incorporating recycling symbols, clean energy imagery, or sleek, modern design elements to represent the city's commitment to reducing waste and promoting sustainability +Nicholas Cage and Pedro Pascal driving around the beach in cartoon style +Star Wars made as old black and white Disney animation +a wide angle photo of a display of julius Caesar in a smokey roman villa burning, 18mm smoke filled room debris , robes,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, indoor, plants overgrown outstanding detail ,room flooded with water, in front of a building,by claude-joseph vernet,luxury hotel +a sphinx with the head of Anubis, gold, in the desert +Nicolas Cage as god of chaos in flames screaming dark fantasy, intricate, smooth, artstation, painted by Wayne Barlowe, Greg Rutkowski, Zdislav Beksinski +chino kafuu from is the order a rabbit +An astronaut swimming in an infinity pool +Gothic cathedral wife on a stormy night +Galaxy inside a partially open wooden cabinet, concept art, not real, fantasy +Photorealistic image of cute Christina Ricci as a girl Realistic , , photography light , photography shadows , studio background, image taken by photographer +a person standing near the car with banner saying "welcome to Rajkot" +a wide photo view of giant bear romans,castle foreground perspective godzilla, +an instagram model in a city street, wearing a dress, portrait photo, unslpash +blue ghostly cat on a black background, trending on artstation +paisajes nevados ultrarealistas 4k , camara nikon +professional photography best quality, masterpiece, a beautiful japanese woman on the streets of new york, highly detailed, 4k resolution, award winning , sharp focus, harsh lighting, cinematic lighting, Zeiss lens, +comic book hero in style of alphonse mucha, arabesque, beautiful landscape, poster art +a dog and cat playing chess, kawaii 2d art whitebackground +a sunset on an alien landscape with mysterious statues casting long shadows on the ground +The tardis high above London in the sky, motion blur, raining, foggy, mist, moody, dark tones, traffic on the streets +Robot, woman,beauty, confidence, charm, gaze, love, happiness. +a man having fun with a women +an oil painting of a modern kitchen +a young man, highlights in hair, brown eyes, in white shirt and blue jean on a beach with a volcano in background +a high-quality oil painting of a psychedelic hamster dragon +By award winner, Breathtaking cinematic composition of a biological biomechanical village render, Highly detailed hyper-detailed fantasy with cute aliens, photorealistic maximalist high-contrast complex intricate mind-boggling complicated filmic fantasy, grandeur, Weta, Marvel, spectacular awe-inspiring breathtaking amazing picturesque eye-catching magnificent remarkable outstanding sensational stunning unique UHD megapixel, cel-shade SD 1.5 +A ego view of human walking on the street +water falling down into the darkness +thanos zeus in gears of war, bokeh unreal 5, explosions and fire, hyperreal, lens blur, long lens, shallow depth of field 8k, hyper detailed, 35mm film grain +A group of men with abs having a fancy tea party +An alchemist in a dark hood +friendly wizard, children cartoon character, full body +A doughnut made of shiny, white porcelain decorated with scrolling flowers and leaves in a traditional Chinese style +“CITY” text on a white background, best quality, graffiti style +mice wearing Victorian clothes, who live in a hollowed out tree trunk with a Victorian front door, windows. watercolour and ink +The word "Creep" with a Slimy humanoid monster covered with a Hundred eyeballs small funny uncanny bald creepy gooey +Prompt: Photo of self-driving car equipped with LIDAR, circa 1920 black and white +Carnivorous plant gone rogue, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Miss May I - Lost In The Grey +intricate meticulously detailed photorealistic painting perfect anthropomorphic pineapple head gentleman wearing intricate Victorian dinner suit tailcoat; moonlit; 3D; photorealistic face! artwork by Ismael inceoglu! Leesha Hannigan! Peter Mohrbacher; masterpiece; 8k resolution; dark fantasy concept art; upper body portrait; Greg Rutkowski; maximalism; dynamic lighting; hyperdetailed; intricately detailed; Splash screen art; trending on Artstation; deep color; Unreal Engine; volumetric lighting; Jordan Grimmer +a photo of 2 men, by Imogen Cunningham +a woman in a silver suit with a ponytail, a detailed painting by WLOP, trending on Artstation, fantasy art, detailed painting, artstation hd, high detail, +a small wooden house sitting on top of a snow a Soviet girl sitting in a chair in front of a soviet computer in the communal apartment, 8K, cinematic lighting, photographic, Eastman Kodak Color Negative film 5251 50T shot on panavision super ps . no armscovered hill, isometric game art, foggy effect, featured in artistation, 2 d depth map, magical island, mining outpost, displacement map, the blacksmith, in game render, small houses, 2 d image, tundra a close up of a toy ship on a table, tabletop game board, in the style wes anderson, hq print, war of the worlds, ffffound, photo taken of an epic intricate, vast seas, streaming on twitch, layout design, full image, template layout, little nightmares, outputs +A rich, ruthless and courageous warrior king from Africa +Antique, warm hues, urine spray, holding massive black rubber dildo, Aboriginal girl doing the splits breakdance, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A serene mountain landscape during sunrise with a river flowing through the valley and birds flying in the sky. +a photograph of patterdale next to a austin maestro car that is in the jungle river,4k wideangle photo +A portrait of young giant muscle interrogater crush busting pregnant girl at Torture Chamber. highly detailed art by Daniel Ridgway Knight +a treehouse in a palm tree +a facebook ad for a shampoo +facial cream pie hippy mixed girl provocative +This is a Minecraft world with towering mountains, vast oceans, and sprawling forests. The landscape is dotted with small villages and abandoned structures. Positive tags: towering mountains, vast oceans, sprawling forests, small villages. Negative tags: abandoned structures. +a concept design for a modern-looking classic watch, intricate, pure design graphic, , digital +body parts are placed in weird impossible location and positions with relation to other body parts +A banana taped to a wall, Award winning, Proffesional fine art Photography 35mm 4k HD +, fantasy, pastel, absurdist, photo, Wes anderson, snail characters +An attractive girl at a music festival. Close up portrait, ambient light, Nikon 15mm f 1.8G, by Lee Jeffries, Alessio Albi, Adrian Kuipers +preteen girls with "no underware" in a sofa with a childish faces touching each other, a expression of pleasure in their faces, they have red hair and beautiful defined eyes, with dark background like a photograph of Jock Sturges +Full body photo of a beautiful woman, detailed face +art by Alfons Mucha, stained glass motif, whole body image of 20 year-old Carrie Fisher as a naturist Princess Leia Organa on Tatooine, HD 4K, sharp detail, photo-realistic accurate face and features, award winning photography, cinematic lighting +Akita dog is running at the garden +cinematic lighting , mirrorless, 200mm, 1.8f, hyperrealistic pale thin young woman, holes in face, hundreds of slime molds growing out of eyes, smallpox on skin, hundreds of holes in skin, trypophobia +The devil holding a sign that says Jesus saves with dollars in the back +Girl with the pearl earring, hook em horns +a dinosaur standing next to a landrover defender in a jungle river, a picture, photorealism, imax close-up of face, rain mist splash, geoff darrow, t - rex, most memorable scene, +A muscled, chubby orc illustrated in the style of D&D bara fanart. +cafe logo, emoji style, indian cooking, color logo, HD, 3d, family, healthy food, minimalism +A bouquet of yellow flowers with a sign that says "te amo meme" +vending machine with a koi inside building and sitting in concrete walls and room with muddy children, buried in a library, the building painted buildings are empty of books in a carpet, a library, cleaning ruins with their desolate apartment a sad house in a wooden wall of a building painted by the walls in the room painted in the living room abandoned tomb of a sad space museum in a cluttered library sitting on a building, rusty furniture in the library surrounded by books and painting on Tranquilo, Eliminación, Cortina, Caza, RodarPatos, Ardilla, Ambulatorio, Sagrado, Debajo Fluid, Baseball, Platform, Succinct, Rely a painting of a man standing on top of a boat, by Jacek Yerka, surrealism, man with a blue heart, vereshchagin, noah's ark, half horse - half mouse, peter sculthorpe, kiss, angus mckie, arkhip kuindzhi painting, my home, 1 4 9 3, grain” a cute cheese creature swimming, minimalism, trending on artstation, by petros afshar, anton fadeev, beautiful +actor matt damon with laser eyes +Old Woman in the Magic Shop Greets Adventurers +Lions and zebras by Morris and co +big letter "b", black and white, elegant logo, camera, marketing,, white with black background, smooth vector, +pink fluffy unicorns dancing on rainbows +a gameboy made of swiss cheese, trending on artstation +a red car on top of a green car +parakeet holding a chainsaw and a pirate hat in a boat +Lee Evans as wanderer, dressed in a 19th century weary, old travelling cloak and hat, portrait by Marc Simonetti, and Greg Rutkowski. Very atmospheric, detailed, realistic, 9k, natural lighting, dramatic, trending on pinterest. +An image from the inside of a cocktail sky bar with an view through a window at an infinite pool outside overlooking the sea +old photograph, lovecraftian creature standing over a boy in a large bedroom, many appendages, bed, abandoned bedroom, cobwebs, bloodstains on floor, old house, large windows , +portrait of spartan as a gundam pilot, with an intricate, detailed, urban inspired hiphop afro futuristic helmet, vector behance hd jesper ejsing, rhads, makoto shinkai, lois van baarle, ilya kuvshinov, rossdraws, hd, 3 2 k, ilya kuvshinov, gustav klimt +a drawing of a bear and a dog +Generate a swordsman, use the head of Pokémon Wind Speed Dog for the head, and use the body of the Berserker in dnf for the body +a ballerina dancig with neon lights on the background +western springs stadium with big crowd +kratos from god of war, dark arts, bloodborne, the witcher, full body portrait ,sharp lense, professional photographie, 70mm lense, detail love, good quality, unreal engine 5, wallpaper, colerful, highly detailed, 8k, soft light, photo realistic +peacock with loose tail hyper realistic +a meme format about happy marine iguanas +Close up of Enter key on a keyboard +Pixel art of anime girls fighting with armors, Yusuke murata style, trending on artstation, full body, high resolution, dark colors +ET holding a hamburger next to a spaceship, starry sky, night, detailed, realistic, 4K +photo of an orange block of cheese +Cyberpunk stucco, India, technocratic, silver on a black background, bas-relief, three-dimensional sculpture, high resolution , 8k detail, baroque +Painting of sea turtle reef style +the witch conjure, masterpiece, dark fantasy, horror, creepy, beautiful composition, oil canvas by joe dante and denis villeneuve and gregory crewdsoni and john singer sargent, artstation, 4 k +, fantasy, pastel, absurdist, photo, capsule futuristic Hospital +strybk, Five franciscan adults wearing purple religious clothes with their head covered surrounded by pink flowers and with an open purple arch above. They are standing next to each other and looking at the viewer's direction. Spiritual scenery, heavenly heavenly sunshine beams divine bright soft focus holy in the clouds, kids story book style, muted colors, watercolor style +lost civilization in a jungle forest, found footage style, foggy, misty, creepy +Marilyn Monroe wearing a shirt that reads Heavy Metal +photo of a blonde girl 14y Compression , Premium Quality One-Piece - Suits for girl +A sign that says "The kindgom has fallen". Fantasy, digital painting, HD, detailed. +grim reaper swinging his scythe at a carrot, anime scene +mostly yellow with a little white and gray colored composition, masterwork, 8K +Realistic 3 d render of a cyberpunk android foot wearing sneakers, beautiful studio lighting, soft, sharp focus, neon cyberpunk highlights, intricate detail, gold and red accents, soft rubber, octane render, side view, close up, trending on artstation, deviantart, art by syd mead and issey miyake +extremely obese man riding a racing bike +hyperrealistic neo - rococo solarpunk aesthetic minimal gameboy console. highly detailed digital art masterpiece, smooth cam de leon eric zener dramatic pearlescent soft light, ground angle hd 8 k, sharp focus +black man realizing he's black and having spiritual awakening +burning water inside ofmasterpiece, 8k, high resolution, hyper detailed, anime female, beautiful, wearing steel collar with chain, +photograph of a blonde woman sitting with black children,pretty woman,beautiful photo +an aerial view of a city, futuristic, solarpunk, bio inspired architecture, glass domes, glowing, futurism +woman wearing confetti instead of clothes +A drawing of an anthropomorphic snake holding two whips +overwatch game in style of late 90s games +Painting by artgerm, Greg Rutkowski and Dan Mumford of a cover art of a dark fantasy comic book featureing a olive skinned brown haired teenage girl with glasses surrounded by extreme blue magic lightnings overlays. Wearing a plain green jacket, jeans, and boots. She's standing on top of a huge boulder looking at the dark sky. +antman and the wasp exploring a dungeon +A Polaroid image of a man sitting by the ocean watching the sunset +happy wizard, cartoon character, whole body +A beautiful girl from ukraine, photorealism, photo +35mm still of sleek robot girl in Kawaii City, holding a sign that says "Good Morning, Matt Anderson", from anime Cyberpunk, 8k, hires +a futuristic, light and elegant sports stadium in the wetland near the sea, the roof like bird's wings +Portrait of male actor Martin Schoeller +, fantasy, pastel, absurdist, photo, Wes Anderson, giraffe characters +Impossible mindbending architecture, insanely detailed, photorealistic, 8k, volumetric lighting, , +wide angle lens panorama fisheye lens 360 camera perspective trail cam webcam compressed bad quality doom outlast starcraft dark sharpen enhance 3d octane render cgi beksinski beautiful glowing neon fantasy horror magic hyperdetailed wires everywhere spikes metal pipes screws nails +an image of character that style like Sid Meier’s Civilization® VI +a cat in a dark cave, volumetric lighting, fog, dark gloomy horror cave background, realistic photorealistic shot, cinematic, hd textures, greg rutkowski and thomas kinkade 8k resolution. hyperdetailed photorealism hdr volumetric lighting studio quality character illustration fanart artstation concept 3d style model cgsociety octane render by jesper ejsing unreal engine digital design global illumination ray tracing shadows subsurface scattering lois van ba +Michael Jackson with a white hat! Cool! Psychedelic! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: Oil splash: Oil stained: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +a close up art surrealism,by art shusei nagaoka and by artist yves tanguy and katsuhiro otomo and james stokoe of the heavenly catholic demonic leader cyborg,cyberpunk style,king crimson, avatar image, large viewa close up art surrealism,by art shusei nagaoka and by artist yves tanguy and katsuhiro otomo and james stokoe of the heavenly catholic demonic leader cyborg,cyberpunk style,king crimson, avatar image, large view +Sunset above beach party with bonfire +The bustling streets of Tokyo,crossroads,wide-angle view,a beautiful girl in a sailor suit riding on the back of an Asian elephant,many people and many cars,long Shot,realistic,realistic photography,Fuji film superia ,Long Shot,realistic,crazy details,realistic photography,Fuji film superia +ttack on Titan OVA Shingeki no Kyojin OVA; Attack on Titan OVA R HD Ilse no Techou: Aru Chousa Heidanin +scott steiner, portrait oil painting realistic +Photograph a gray werewolf wearing blue pants showing their hairy pectorals and abdomen, he is standing in the woods +A photo of a girl caring for monstera plant in a room full of plants +architecture showing a mix between "inspired by pig cell" and "inspired by pig pig cell" architecture, Wizardry, real-life flickr photo, stunning photo, high-res, ad campaign, neo-dada photo +a picture of the sea on which a boat sails in a storm and sways in the sea and a sea-woman holds it in the style of Impressionism. so that looking at this picture you have calm emotions +Muslim is in the Kabe with his child and his wife who wears niqab. +A tall house made of gold bullion +portrait photo of a young illustrator from kazakhstan +young jewish woman showing her creamy +Mermaids swimming in the deep sea +A frog in Star wars the clone wars series style +Epic red-and-black dragon surrounded by smoke flames and lightning! a breathtaking dragon by Caspar David Friedrich, Epic scale, highly detailed, scenic background, triadic colors cinematic light 16k resolution +fantasy, pastel, absurdist, photo, Wes anderson, carrot characters riding bikes +award winning national geographic photo of a horse standing, side view, full body +Sora from kingdom in the style of roblox +Illustration of a horsegirl furry in the style of Vampire Hunter D +Darth Vader in a field, handing a rose to a little girl +A horror charcoal illustration by zdislaw beksinski +A beautiful woman in front of a sunset +hyperrealistic photograph, extremely detailed pale young woman whole body covered in fungus, fungi, pores, chapped lips, mushrooms growing out of her eyes, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +buxxom woman wearing tanktop, wide hips, curvy +Andrew Huang riding a pink fluffy unicorn +left 4 dead gameplay screenshot, louis character, source game +90s comic Graphic art of muscular platinum blonde woman +gangster skeleton wearing snapback and golden chain on neck with dollar sign pendant +photograph of ancient greek vase depicting aliens interacting with humans, dim lighting, cave background, crystals in the background +Matthew McConaughey as Shrek, ogre ears, highly detailed, , green body +A cartón bull holding a sign that says "te amo lobitx" +full body render of psychedelic cat, beautiful silver smoke grey lavender burgundy photorealistic eyes, in the style of Josephine Wall, Ryohei Hase, background, electricity and ice sonic fibonacci swirls symmetrical generativ isometric voxel 3 d superstructure in deep colours, sharp focus, wide angle lens, 128K UHD Unreal Engine 5, fractal, pi, fBm +a photo of heaven having holy place without sin or evil,place of worship,paradise,spectacular beauty, mansions,even lamps of fire, glorious foundations and pavements, kingly splendor and wealth, wonderful creatures, glorious music, golden altar if incense, angels flying, white horses, trees, ivory places, lovely fragrances, fullness of joy, brilliant shining light with lord jesus is sitting on glorious throne glorified with their saints, wearing glorifies clothing and angels. +Cursed Image of a Gaming Setup +A terminator smoking a cigarette watching a nuclear explosion that is photorealistic +Bill Gates holding a sign written "Biziu" on it, realistic photo +Photorealistic close up of a beautifully detailed eyeball with blue lightning inside. Electricity Vector: Beautiful: by N. C. Winters and Giuseppe Arcimboldo: gustav doré: Amanda sage: Matt hubel: professional photography: Vladimir manyukhin: Dan mumford Holographic moody: marton bobzert: imposing: arcane: ethereal: magnificent: cinematic: masterpiece: divine: amazing depth of field: beautiful nature: 8k resolution +Still shot from movie of a laughing caveman, furs coat, wild long hair, holding a piglet, cinemamtic +Masterpiece, dslr photo, best quality, sand demons battle in an apocalyptic desert, wearing hide armor, The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +A giant panda who knows martial arts practices dancing at the seaside and plays double stick +photograph of a beautiful creature that does not exist +hercules poirot finding a major clue on a victim +anime girl in samurai outfit, anime artstyle +coloring page of Unicorn eating matzah on Passover +Happy cute owl cartoon character in old Disney style in 2d, woods background, HDR, ray tracing, global illumination, Unreal Engine 5 +portrait of a warrior in the 16th century, beautiful +Domus, celox, currus, cyberman ferreus, futurum in forma Armagedon +I don't know what to do with myself +A Traffic Light with Legs running towards the Camera +Jayne Mansfield in 1984 Shinjuku, Kodachrome photo +A cat, fat, chubby, very fine wispy and extremely long swirly wavy fur, under water, centered composition,in the style of Kuniyoshi Utagawa, Hishida Shunsō, a very curvy chubby cat, ornate, bejewelled golden embroidery fabric kimono, flowing glowing biomorphic wisps, phosphorescent swirls, tendrils, wavelets, streamers, a murmuration of bioluminescent bubbles, detailed and intricate, elegant aesthetic, ornate, hyper realistic, finely detailed, 128K UHD Unreal Engine, octane, fractal pi, fBm +Sunflowers by rifle paper co, Josef frank +An older retired batman having a drink at a bar, cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +sci-fi white room, teddy bears next to a aston martin db5,silver car,studio lighting,inside space station with windows +front beautiful face voguls woman, spaceship inside, Tsutomu Nihei style, Sidonia no Kishi, gigantism, laser generator, multi-story space, futuristic style, Sci-fi, hyperdetailed, laser in center, laser from the sky, energy clots, acceleration, light flash, speed, 8K, HD, super-resolution, 8K, HD, Super-Resolution, art by artgerm and greg rutkowski and apterus +a boy at the beach, building a sand castle, animated, stylized +a frog dancing on a disco with a 70s suit +An image of a corgi, by Van Gogh +A man .............. a lemon hoodie, concept art +Albert Einstein presenting a PlayStation in front of many smiling children +ava addams at her wedding, her husband is a bull, the wedding is on the beach +A reference sheet containing of a Roerich painter running, front back view and side view, proportions, sprite sheet, running cycle, ready to model, john park, frazetta, sparth, ruan jia, jeffrey catherine jones +a modern building exteriors in the far distance in the street ,Zaha Hadid Church Sacred Forms,photorealistic realistic concept art hyperreal studio photoreal 8K matte painting super realistic concept art trending on artstation +Photo of a laughing burly caveman in furs, wild long hair, holding a piglet +a line drawing of a bitcoin +Anime, Pretty Woman in Red Dress, Sunset Horizon, looks towards the camera and smiling, studio Ghibli, anime key art by Greg Rutkowski, Bloom, dramatic lighting, bloom, medium shot, mid-shot, highly detailed, trending on Artstation, 4k, cinematic wallpaper by Stanley Artgerm Lau, WLOP +a sign with "afraaz" written on it +, pastel, clear, fantasy, absurdist, photo, refined, crash, destruction +Aliens in my bedroom futuristic style +portrait of two persons: cruel husband and hot young pregnant wife at bedroom. highly detailed realistic photo, kodak portra 400, award winning photography, 50 mm. by sally mann and andrei tarkovsky +PORTRAIT close,1920s flapper girl, valentine's day, by jean - baptiste monge, android jones Deborah Azzopardi illustration +Violet futuristic 3d render of a friendly, fuzzy, smiling, and very cute baby fox, big wide open eyes looking directly at you, Plush stand, 32n, full body shot with a colorful background +Digit h to tihi jo gi yvgjf +funko pop Sinead O'Connor tearing a photo of the Pope +Cute cat, realistic digital painting by J. M. W. Turner +closeup dramatic angle of a character aiming a handgun and jumping +a foggy city Street, morning time +A big rich bathroom with bronze and marbles artworks, and also big sea related paintings. +a group of burly muscular robots wearing holiday decorations, playing in the snow +Goblin with treasures, pastel, fantasy, absurdism, refine, photo +dragon woman brown skin asian eyes silver scales, high detail +beautiful portrait of an ornate 1920s wealthy glamorous flapper woman, character design, lightrays, muted colors, realistic, refined, clear reflection, clean linework, in the style of Lullindo +A sail boat entering a majestic fjord landscape in winter +8k photograph of a monkey boxing an Indian man +An illustration of a team of people sitting on the Wikipedia logo +Spray, mist, holding psychedelic coloured dildo, twisted, wacky, Pixar Chubby Afro American nerd, dork girl wearing gas mask, doing full body twisted splits breakdance, upside down bare model, smoke, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Sunset reflecting on a crystal . Galaxy background. Galaxy stars background +A dog holding a sign that says "im not a dog" +wool made palm tree with full wool material texture growing inside within a large rum bottle on a beach +Black woman in leather corset working out +realistic photo of a phd student taking a picture of his wheat on farm +A women casually holding a sword ,wearing technopunk clothing , full body , +bunny shooting rainbow lazer from fist, The Powerpuff Girls style +dogs in the snow, 90s hip hop album cover, alaska +An octopus man diving in a deep ocian aside to sea turtle +a boy colliding while walking unintentionally with an alien being, futuristic illumination, Art Deco, Full colors, Greg rutkowski, Trending artstation, cinematográfic +Statue of a monster in an Italian Piazza where a political rally is happening, aeral view from far away +wideangle fisheye roman soldiers, in getty villa,panorama polaroid photography by andrei tarkovsky +A levitating fountain with smooth and flowing water that creates calming and satisfying sounds, featuring a minimalist and futuristic design with a soft and warm lighting, digital illustration, art by Alex Roman and Raphael Lacoste, featuring a peaceful and relaxing atmosphere and an emphasis on the soothing power of water. +zendaya as michelle jones from spiderman +Albert Einstein presenting a PlayStation in front of many smiling children, +Scared Man with head in a cage full of stinging bees, sting, pain, ouch, ] +Sculpture of greek medusa horror face melted wax pen and ink cross hatching very thick lines by junji ito by vladimir kush fine details ink art outline tracing intricate details high contrast paper texture microporosity surface snails spirals worms spaghetti hair papyrus intricate details octane render +a winner hands in the air +MG Metro smashing through wall ,sparks dust ,teddy bears playing guitars ,studio lighting +Watercolor of beauty and the beast by Arthur Rackham +High resolution 3D animation, whole body image of a beautiful Diablo 3 style demon succubis with red skin and black horns as a naturist in the Scottish highlands, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Turkish Death skulls bloody hell background +a detailed guide on how to draw the female form +scribble art with pens and pencils next to the paper and paints splashing on the paper star Wars New droids +Hyperrealistic charcoal drawing of an majestic giant eagle +A girl's head resting on a bed of roses +, fantasy, pastel, absurdist, photo, Wes Anderson, rodent characters +a dragon with a fairy princess in gossamer riding on its back +Jace, the mind sculptor Jace, the Mind Sculptor It is a blue planeswalker card that has become one of the most popular and powerful in the game. He has four different abilities that allow him to draw cards, manipulate the opponent's library, and control the battlefield. +magic cloak, dynamic angle, saying hello 😘 after work 🥰☄️ , Howls Moving Castle, Arrietty by studio Ghibli, Kay Nielsen and Eyvind Earle, happy, Miyazaki Hayao and Takahata Isao and producer Suzuki Toshio, big floppy sunhat +death comes for us all, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +professional illustration of a beautiful young woman sitting on the lap of another young beautiful woman +Foto di una donna 20enne, petto esposto, +male woodland elf stalking through tall grass +a statue of a sylph by Antonio Canova +teddybear crew inside spaceship, , inside is a model of a mgb, sci fi,star trek +a portrait of President of Ireland and UN High Commissioner for Human Rights, Mary Robinson, in Jim Fitzpatrick's celtic style +Vintage Photo of victorian black metal band +mourobscure etching tega 📊 scorsese cava pen,Jules Bastien-Lepage, woman in black coat in snowy landscape +Very realistic 3d rendered word “hey” +cats running, pulilng a sled in the snow +A shore and a sea made of liquid metal, mercury, with some island in the distance. But instead water the sea is liquid metal. +beautiful delicate koi fish by Origamint +, fantasy, pastel, absurdist, photo, bird people, weird +The official portrait of an authoritarian president of an alternate america in 1908, with eagle on globe, in a classic style oil on canvas, dark reds, golds, charcoal blue +If the f22 was a sports car +A moth girl on an iceberg holding a lamp +epic magical medieval fantasy landscape from Final Fantasy, highly detailed, lush forests, huge mountain ranges, grand seas, wide plains, cumulonimbus clouds horizon, ultra high quality HD in-game render, HDR XDR contrast, 4k texture meshes +Phoenix cat in a fantasy forest +Egyptian Goddess sticking tongue out holding a sign that says Rock N Roll +painting in style of dali, jar of pickles +Dos gatos jugando baloncesto con bodas de lana +photo of a slim asian little ballerina with long hair wearing white tights running on a beach, from behind, nikon D5 +Vase with A Single red rose, photograph, canon, f1.4 +Elon working on a rocket engine, photorealistic +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model as harem dancer, Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini +massive ocean, creature lurking in the dark, Thalassophobia, dark, creepy atmoshere, award winning +Digital illustration of a woman with an hourglass figure, her long red hair styled in loose waves, and striking green eyes. She’s wearing a black leather suit and holding a crossbow, standing in front of the Brooklyn Bridge. +a photo of a forest filled with trees, inspired by Eyvind Earle, flickr, psychedelic art, colored light, colorful glass art, blue and yellow fauna, amazing color photograph +A turnip wearing tiny hat sipping tea from a tiny cup and reading newspaper +young Muscle guy Cannibal eat human meat flesh Cannibalism. highly detailed guro art by Ilya Repin +Jimi hendrix inside cockpit of plane playing gutiar +Abraham Lincoln giving a speech to an outdoor crowd in a field +An old woman by Agnes Cecile +A portrait of young giant muscle Soldier interrogater crush busting pregnant girl at Torture Chamber. highly detailed art by Daniel Ridgway Knight +" no cats " poster, cat protest by kittens, adorable cats, egyptian maw, hazmat suits, neon lights, realistic lighting, cinematic, kitties holding posters saying, " no cats!!!" +an archer standing on a grassland, high quality, ray traced reflections, ethereal beauty, vibrant colors +A girl dressed in a luxurious dress in sunglasses stands near a building with the text "Barbershop", photorealistic, high quality, highly detailed, high detail, ultra detail, photodetailed, photorealism, realistic effect, 4k + 8k, Megapixel +A cartoon man thinking from behind on a white background +, fantasy, pastel, absurdist, photo, bird worshipping cult +Cartoony hot air balloons over a city skyline skyline +A full moon on a starry night +turquoise living, with an open kitchen, a white couch along the whole and a old-style floor tiles, stylish deco, interior design magazine, aesthetic +Black man eating an asparagus while sitting at a table, sunlight, inside a fancy room +russian model, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +meme of woman yelling at a cat in a restaurant +Abstract neon lightbulb artwork design, digital art, wallpaper, stunning, intricate, glowing, space background, 8K HD, octane render +90s comic Graphic art of muscular platinum blonde +beautiful female knight, red hair, dark fantasy, intricate, dynamic lighting +Award winning photo of a mechanics shop at night, one bay open and one closed +A cute husky wagging its tail +small band of survivors smoke in a of a amist giant strange alien twisted iron structure ruins dense dystopian +cute tiger culb, charcoal drawing by Daniel Wilson +girl in the space holding a sign saying 'sdxl' as text, anime, animated, +Giant squid, kraken, anatomically correct, cephalopod, +cute fire elemental spirit creature by alicexz +Still image of Scarlett Johanson in The Godfather +the exploding tardis, oil painting by van gogh and alicexz +A pig dressed up as batman in the artstyle of the batman animated series +An alien bazaar inspired by alice in wonderland 1952 film +a bride screaming while she is on a roller coaster +Sword of Fire and Ice: It is an artifact card that represents a Japanese katana. The sword grants the equipped creature protection abilities against fire and ice, as well as the ability to deal extra damage and draw cards from the opponent's library. +A oil painting portrait of giant Muscle bald boy pathological sadist severe Slaughter wear black uniform covered in red fluid came to oppress and enslave. Surrealism art by Ilya Repin +a star trek ship flying through the night sky by gene roddenberry, trending on pinterest, reimagined by paramount entertainment, trending on pinterest, reimagined by paramount entertainment, extremely intricate, high res, 8k, award winning +a burly muscular man made out of lifelike silicone rubber, full body shot +a cat flying a plane wearing a helmet and navigator eyeglasses +80s style portrait of Morgan freeman +film still from romantic beautiful 2000s sitcom, sauna, covered, naturist, +chloeblonjohansson profile rimflakik flirt Photo portrait stunning 27-year-old swedish woman amateur candid noisy grainy dim flash reflection blur +beautiful painted portrait of princess zelda from breath of the wild, rembrandt +Khartoum, golden hour, cityscape, professional photography +A beautiful woman anthropomorphising the earth, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a logo for "P" named cryptocurrency bot +federico tesio talking to lao tsu +scary, dark, horror themed, image of an old eerie, library, digital art, 4k, ultra +Aya is a teenage girl of average height with shoulder-length messy black hair that is clipped together by two pink hair clips on the left side and brown eyes. +Portrait of a white unicorn, professional photography, digital illustration, natural lighting, detailed +highly intricately detailed oil painting of a celestial filigree dark elf, ink flow, oil splash, centered, full shot, fantastical, fantasy, in the style of Russ Mills, Jeremy Mann, Ross Tran, RossDraws, Android Jones, Anna Dittman, hyperrealistic, a beautiful fluid gouache illustration, concept art +Painting of elaborate melted gemstones metal sculpture Tribal style +lots of model cars in the jungle,photograph +a rabbit, comic sketch style, front side, white fur +A billboard that says MY REACTION TO THAT MISINFORMATION +Illustration of two men sitting at a table eating food and drinking wine, by Juan Zanotto +A demonic red archangel emerging in the distance, front and center, evangelion, metal wings, fiery cataclysmic background with mountains, an army of demons behind it +full body picture, upward angle, random beautiful artificial cybernetic cyberpunk hot cyborg robot, female gorgeous exquisite detail, woman ex-machina, full body, photographic, female poses, full shot angle + posh nightclub + beckoning a man +silhouette illustration, outline, female face front, vector, black and white, high contrast vector portrait +Ukranian bimbo wearing only bra, wicca tattoos riding skateboard, breakdance upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Golden sunset, a bright orange and yellow sky is visible, lit up by the setting sun, the horizon is a mix of bright colors and deep shadows +There are many small cars in a busy town +an elephant that is piloting an airplane +A photo of a human and hamster hybrid +time machine with three different portals futuristic fantasy space and time +A surrealist interpretation of the Mona Lisa, surrounded by a flock of Twitter birds, each tweeting about different trending topics. +motion blurred cam footage of a samurai warrior attacking the viewer, up close +sonic the hedgehog playing chess with pikachu +Digital art of the view of a beautiful gym girl with abs from the back +Bar, isometric view, digital illustration, digital concept art, vibrant colors +Weird dreams, fantasy artwork, very realistic effect, hd, hdr, cinematic 4k wallpaper, 8k, ultra detailed, high resolution +A iconic logo character of a helicopter +Wanderer above the Sea of Fog 1818 +A beautiful young woman wearing a golden mask and golden robes, white hair, detailed, cinematic lighting, symetrical, painting by greg rutkowski and alphonse mucha +panorama photo a triceratops chasmosaurine next to a landrover defender in a muddy road in the jungle,obstacle course, explosions smoke debris fire, by Anthony S Waters, fisheye lens, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +film still from romantic beautiful 80s dark fantasy movie, +rooney mara, close up, in a tuxedo at the oscars red carpet +a little bear taking a selfie on star trek's enterprise's deck +pastel colored stepping stones in a forest stream, pastel stones in a lush green forest, 4k, 8k, professional photograph +A silhouette of a lynx looking at the stars +Cyberpunk style, Folder Icon, Minimalistic Design, Best quality, HD, Realism, +A girl with white hair and ponytails, odd eyes of green and blue, and white mechanical arms with blue lines on them. She is an android, living in a futuristic world. She appears happy as she holds a red sword and sighs, her magical sword by her side. She also carries a futuristic fusil on her back, sideboob +Photo of a woman with unique features +Very old vintage photograph of Winston Churchill smoking +Alien advertisement for a trip to earth +a zombie in a top hat, intricate details, photo detailed fabric +Illustration Portrait of School girl and a giant steampunk robot, art by studio gonzo +photo of a Japanese garden at wildlife river and mountain range, highly detailed, photorealistic painting, sharp focus, dramatic, sunset, hearthstone,photo +futuristic real realistic 4k 150mm full-frame mirrorless photo detailed city casablanca morocco cyberpunk street render concept art new historic blend market technocratic theocratic +multidimensional ancient Sumerian labyrinth maze style +A profile picture of an anime boy, half robot, anime, not real, detailed, brown hair, cyberpunk, robotronic +minecraft web site design, ui, design +an abandoned green 1954 chevrolet bel air +cozy home interior with candles ::10» a warm and inviting living room with a sofa, a coffee table and a bookshelf ::8 soft yellow light from several candles on the table and the fireplace mantel ::7 a fluffy rug on the floor and some pillows on the sofa ::6 a window with curtains showing a dark night outside ::5 a cup of tea and a plate of cookies on the table ::4 a cat curled up on the sofa next to a book ::3 +xmen oil painting portrait by bouguereau +A cyberpunk golden retriever is coding +Female Asian warrior rising from the water B&W Escher style +wide angle photograph of a dystopian cyberpunk city in decay, rust and abandoned ruines, dusty horizon, 3d render, unreal engine 5, intricate detail, subsurface scattering, nanite, ray traced shadows, hdr, global illumination, dramatic color grade +Synesthesia art by alicexz, piano instrument, with musical notes flying in the air +old woman in river swamp water, folklorethursday adolgravgertrude keller morning lights �,Jules Bastien-Lepage +malnourished very old asian woman with inhalation of oxygen +A French Bulldog wearing water wings, having a paddle in a children's paddling pool. +cinematic action pose of two fit male swordsmen dressing kimonos pants fighting +photo of a cute stylish girl outside on the street +A sign that reads "Two Horn" +cosmic tree growing inside a intricte box +Digital fanart of a generic, high-fantasy adult animated sitcom about a fraternity. +Ultra-Wide Angle of Golem of Poison, Mythical Underworld, Melancholic, Luminous, masterpiece, trending on ArtStation +teen Girls Gymnastics Full Body wearing latex +an oil painting of a wheel chair +People training hard with in the gym +An abandoned shoe store with a sign that says "$1 Shoes" +art by Alfons Mucha and Patrick Woodroffe, stained glass motif, whole body portrait of 20 year-old Jennifer Connelly as a naturist at the Eiffel Tower in Paris, HD 4K, sharp detail, photo-realistic accurate face and features +lonely pilgrim on a desert, sunset, highly detailed, HQ, 4k resolution, aesthetic, masterpiece, landscape painting, stunning environment, evocative, fine art, golden ratio, trending on artstation, art by Affandi, watercolor painting +the pope wearing a puffy white jacket dancing party +Create an image of a rocket ship blasting off into space with a banner that reads "Bitcoin To The Moon!" in bold letters. The rocket should be surrounded by various cryptocurrency logos, including Bitcoin, Ethereum, and Litecoin +A realistic detail of a robotic spider with detailed machine parts chilling on its web. Masterpiece, professional, color corrected +surrealist skypunk Salvador Dalí illustration, mark twain & Orc playing chess, Inspiring ultra detailed digital illustration art illustration metal vivarium, Hyperion foundation artifact, epic fantasy character action scene, illustration style of Jean Moebius Giraud, Arzach ; Fantasy Comic series Heavy Metal, jerry cornelius Airtight Garage, robert crumb michael cheval boris vallejo, qled +Beauty, seaside, coconut palms, reef, strong sunlight +hat,blue eyes,solo, short hair,looking at viewer,black headwear,smile,bangs +still shot from a cyberpunk western, girl fedora firing a handgun +two men wearing rubber motorcycle gear +Attractive mixed women; Asian; African;Latina; Indian; Mixed; With African interior design +The Eiffel tower with a flag that says "Hello World" +White sweet cat / black forehead/ hyper realistic, black tail /cyberpunk, high detail, detailed, unreal engine, cinematic +cinematic still of a grey alien touching with its long finger scared woman's face, by ridley scott +cinematic still of an emerald dragon flying above the ocean on a sunny day +pitch black midnight sky, space, giant ice penetentes, a six wheeled rover, ice desert, jupiter at the horizon +Black and white sketches, There are 7 Chinese people on a very large fishing boat, The wind is strong and the waves are huge, The boat is rocking violently and the cabin is in chaos, They are all a bit scared +Man and woman, eating and drinking wine at a busy restaurant, art by Gustave Courbet +big feet, foot fetish, cute soles, girly +lofi girl studying in a cafe, listening to music, wearing pink headphones, smooth, masterpiece, trending on artstation, by milo manara +a heart shaped balloon floating towards a tornado +A fashion photograph of a celebrity model standing in the middle of a busy street, surrounded by a crowd of paparazzi, confident and poised, fashionable clothing, black and white, sharp lines and high contrast, 12k resolution, Canon EOS R5, natural lighting, 50mm lens +Lagertha from Vikings, little clothes, dark forest in brackground, fireflies, beautiful, style of Charlie Bowater and WLOP, bokeh, cgsociety, natural skin, soft impressionist perfect composition, perfect face, character portrait, intricate, oil on canvas, masterpiece, expert, insanely detailed, 8k resolution, fantasy art, detailed painting, hyper realism, photorealistic, beautiful detailed intricate, insanely detailed, octane render, unreal engine 5, trending on artstation +Swarm of Jovian jellyfish in space. +color besa r2a cinestill, young beautiful very thin pale woman wearing tattered old dress in large abandoned cathedral alongside massive fleshy lovecraftian monster with hundreds long thin pale of pale tentacles and eyes, hundreds of eyes +Masked Guerrila Hitman in the style of Shinkiro's SNK artwork +Slutty Dark Skinned African Woman, Laying in a Slutty position on the Rooftop of a Castle, That is carved out of a Mountain made of granite, Glistening +stunningly beautiful female pokemon cosplay, action shot, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style, , +Gamer team, future robot cyberpunk scheme, programming, 3d pixel matrices +A forest made of trees the shape of question marks +a round badge, inside the badge there's a helicopter with blue and white painting which is about to take off, horizontal side view +record artwork for a rock band from 2004, skater punk +Anthropomorphic cat special agent with gadgets on his belt, , highly detailed, epic gray smoke, cinematic lighting, detailed facial details, detailed intricate details +a redhead caucasic woman kissing a japanese geisha +Sunset on a sea, some seagulls, monet style +Photo of the interior of A restaurant on top of flowing lava with transparent floor +studio fashion photography of a designer spacesuit +Cloth off viking princess,white jelly falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, jelly leaks on laps,nice arms, nice eyes,highest detailed, masterpease, +The waves, the sky, by Aivazovsky and tiny man in black suit by Rene Magritte, +Rick and Morty as Walter White and Jessie Pinkman from Breaking Bad series. Good quality, 4k, good shapes, realistic, vibrant colors, 800mm lens, desert background, balanced light, rtx, +Painting of ancient Sumerian leather tome fantasy style +A mechanical man made of bread and wood with a Van Dyke beard and a red hat +a person in agony with a tumor on the side of their face +A HD photograph of a Darth Vader themed Decepticon, A Darth Vader transformer, giant robot +Portrait of a fairy tale princess by Arnold Bocklin +High-quality photo portrait of a detective toilet wearing a trilby and smoking a cigar +Wanderer above the Sea of Fog on another planet, in the style of Caspar David friedrich +A human rubbing a lion's tummy +Cat shaped like a bong, being smoked by a cat god, thick outlines digital art +Explosive, neon smoke, night lights, psychedelic black teen model dancer, breakdancing, upside down, splits, octane render, 8K HD +A phone from the future Details on the phone of the future The phone of the future is a mobile phone Octane Render +a cyberpunk tall man with sharp, features that seemed to be carved from metal. His eyes were a deep black color that seemed to sparkle with lightning. On his head was a tight-fitting helmet, from which light gray hair peeked out. Around his neck was an impressive coat of mail made from hundreds of thousands of miniature LEDs that flickered to the rhythm of his heartbeat. He was wearing a leather jacket studded with a multitude of metal fasteners and locks, and his hands were protected by massive metal gloves adorned with white LEDs. Every step he took was accompanied by a low hum, and it seemed that the air around him was filled with electric charges. +"Extremely Ultrarealistic Photorealistic cute creature holding a flower in a vast jungle, by James Jean and Android Jones: Jeff Koons: Erin Hanson: Joe Fenton: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical:" +A robot shaped like an inflatable boat, dressing a sailor cap, smiling, in a lake, without wheels and feet +Girl. beautiful; goth; Nice body; Ebony; Dark skin; +32 year old short slim man, fuller round face, short hair, black hair, black stubble, olive skin, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +An anime girl with ponytail hair +A hyper-detailed complex 3d render of a cute cyborg kitten made out of metal and Succulent plants, glowing cinematic, detailed wire, vibrant details, unreal engine, octane render, cinematic shot, flawless detail, award-winning, expertly crafted, meticulously composed photography, creative, 8k, rim light, dynamic lighting +pixel art young woman in 1980s office cubicle with piles of papers at her desk. She is drinking a very large cup of coffee. White and teal colours, pixel art, isometric pixels, highly detailed, ms paint +still shot from a 80's cyberpunk western, girl fedora firing a handgun +a ghostly knight in a swamp in the style of seb mckinnon fantasy art +band preforming in stadium with stage in the middle with big crowd +Watercolour grapefruit, seamless, by Hilma af Klint rifle paper co +a plus-sized male protagonist of a 80's anime. +color besa cinestill, young beautiful very thin pale woman wearing tattered old dress in large abandoned attic alongside massive fleshy lovecraftian monster with hundreds long thin pale of pale tentacles and eyes, hundreds of eyes +A burly, musclechub orc illustrated in the style of D&D 2nd Edition pictures. +3D rendering of a glass bird. Iridescent colours. Motion blur. Bokeh, anamorphic film +Image inspired by Rinotuna & Sabbas Apterus, Sindel, MK11, sit, throne, skull and bone motif, 2D, Flat colors, Digital Art, Artgerm, Mazzoni, Mohrbacher, Mucha style, 8K, trending on Artstation +long shot, 8 k, soft light, volumetric lighting, highly detailed, art nouveau fashion photography of green haired mermaid, fine lines, clean lines, drawn by maxfield parrish, victo ngai, alphonse mucha, henri gillet, william morris, john henry dearle, odilon redon, gaston bussiere, felicien rops, eugene grasset, janis rozentals +multidimensional quantum foam realm brane fantasy style +but know that the only possible solution is to learn how to manage your conflicts without ending up in a world war. +photo of a beautiful young malayali woman in a tropical resort, professional photography +little fusion pojatti realistic steampunk, fractal isometrics details bioluminescens : a stunning realistic photograph italian character beautiful awesome with big white flowers tiara of wet bone structure, 3d render, octane render, intricately detailed, titanium decorative headdress, cinematic, trending on artstation | Isometric | Centered hipereallistic cover photo awesome full color, , hand drawn, dark, gritty, realistic mucha, klimt, erte .12k, intricate. hight definition , cinematic,Rough sketch, mix of bold dark lines and loose lines, bold lines, on paper , full body with velvet dress, humanoid, Full body +blonde female gladiator with metallic arms +girl curly hair, sweater, tim shumate, Hikari Shimoda +a woman with white hair, red dress, 4k, detailed, realistic lightning, sharp details, +, fantasy, pastel, absurdist, photo, refined, 1960s housewife +Superhero / Michael jackson / cinematic +5 people are drinking tea, sitting on an ottoman +Vintage photograph of a victorian woman in the kitchen with a domestic robot servant +Cartoon; African american female teen superhero; not disfigured; not uglymarching in 1913 +a flying car in a futuristic landscape +Low angle close up photo of a wooden surface in the jungle +, fantasy, pastel, absurdist, photo, hannibal +Cyberdragon warrior, 3d art, chibi, anime inspired, mood lighting, cinematic, colorful +an astronaut using a heat press +two pencils on a desk, one is green, the other is red +Illustration of furious flying dog girl from paw patrol +, fantasy, pastel, absurdist, photo, Hocus Pocus, lobsters character +everywhere covered with color splashes , paints thrown at model, fluid art, artistic, artstation, fashion cover, superhero +Tarantula with big eyes wearing a fedora hat, neon light background +Computer science students fighting with computer keyboards, digital art +8 year old girl do yoga, wearing denim shorts and blouse, show uncle +a cyberpunk foggy city Street, morning time +Rubber Chicken With A Pulley In The Middle +extreme high quality digital photo, scene from beyond the black rainbow, zoomed out young woman or young man with freckles, chapped lips, multicolored lights, sacred geometry, peach fuzz, astronaut, futuristic buildings, award winning, volumetric lighting, grand scale, massive, future, futuristic +i saw a red fox meditating in the center of a crystaline fractal garden in dmt hyperspace +A selfie of a Scared tom hanks running away from shrek at a hotel hallway +Batik art: distinguished gentleman smoking a cigar +Modern stage set inspired by gatsby +octane renderer CG image, a transparent crystal low poly cat under sun light smelling pink sakura flower made of same material, casting caustics on the floor, 50mm DSLR macro shot, bokeh +Movie still of starwars han solo working as a truck driver, extremely detailed, intricate, high resolution, hdr, trending on artstation +Imagine a dense forest with tall, majestic trees +holographic transparent plastic Vaporwave balenciaga anime. film grain, film texture, lo-fi, motion blur, polaroid, fisheye lens +A half spider half human hybrid +Cute lizard! Chibified lizard! Very cute lizard! Disney! Pixar! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: Oil splash: Oil stained: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +realistic photography of a crab next to a bonsai tree, professional photography, 8k +A blond German nerd with glasses, a small chin and a receding hairline holding a sign that says amk. next to him stands a brown Turkish girl with a big chin and long black hair. The girl has no glasses., 4k, ultra realistic +A panda bear as a gardener +room fully covered in chocolate, ambient lighting, horror movie +A digital photo of a woman looking into a room. Inside is a group of people standing in a circle wearing black hoods +suntanned woman wearing sleeveless white zentai body +tulips leaves flowers oil painting seamless +cafe logo, the logo depicts a family that loves food, vector logo, svg cafe logo, logo built on a grid, the correct proportions of the logo, HD +tall, longe nose, woman with brown eyes and mid hair walking in the street +a anime style picture of a orange stone a blue stone a red stone a white stone. a yellow stone. +hot dog studio photo on green screen +a cat playing cello on a roof +Photo if an overweight cat in a sofa +terran republic!!!, a happy person battle torn, red helmet on the head, planetside 2, maniacally smiling +photograph of a goblin playing video games +, fantasy, pastel, absurdist, photo, refined, felt character +Young Peter Gabriel, very complex closeup macro portrait very complex hyper-maximalist overdetailed cinematic tribal fantasy closeup, shot in the photo studio, professional studio lighting, backlit, rim lighting, Deviant-art, hyper detailed illustration, 8k, symbolism Diesel punk, mist, ambient occlusion, volumetric lighting, Lord of the rings, BioShock, glamorous, emotional, tattoos,shot in the photo studio, professional studio lighting, backlit, rim lighting, Deviant-art, hyper detailed illustration, 8k +a cute ghibli kitten with big eyes and ears +n "The Matrix", Neo is presented with a choice between two pills - a blue pill and a red pill. The red pill represents truth and the painful realities of the world, while the blue pill represents the comfortable illusion of his current life. The scene is symbolized by Morpheus holding out his hands, one containing a blue pill and the other a red pill, as he tells Neo to choose which one he wants to take. +bulma y roshi tienen relaciones intimas +art print, abstract charcoal drawing with elements of colour +cute robot, blender octane render, 4k, realistic +An elephant with an ice cream cone +the rock and dwayne johnson anime cry laughing +a boy swimming out of a lake, anime, stylized, hands free +handsome, young, fit man, white suit, waving one hand at the camera, rejecting, denying, angry, mad, serious, , +1114083012-a ultradetailed beautiful panting of a stylish beefy ginger bearded man sitting on a chair, wearing a tucked in shirt and suit pants, leather belt, polaroid photo +Realistic Painting white bearded scruffy cowboy with gun and alcohol, and boots sitting on a porch +realistic photo of 8 year old chino kafuu from is the order a rabbit, cosplay +1940s sci-fi film, wide angle, Ektachrome, a woman leading an army of art-deco style robots, chrome gucci spacesuit, retrofuturistic dusty courtyard, metal, gold, diamond, muted color palette, natural lighting, daytime, retrofuturistic, vintage, retro, 4k +The warrior goddess stands tall on a desolate planet her feminine body rippling with power and strength| her hair is long and flowing| a mixture of black and silver strands that shimmer in the light| her face is beautiful yet fierce with sharp cheekbones| full lips| piercing blue eyes that seem to see right through you| the sky above her a mixture of deep purples and blues| reflecting the intense light of the nearby star| the artwork is composed in a hypermaximalist style with every inch of the canvas filled with intricate details and patterns| the use of light and shadow is particularly striking with the intense light of the star casting deep shadows across the planet's surface| the artwork is a groundbreaking and breathtaking masterpiece +The planets among the cosmos are made of candy. +full white body pose, painting, hot, attractive, beautiful, dancer, hyperrealistic mixed media painting of a attractive women with minimalism, soft eyes, dainty figure, torn and tattered tank top, mid riff, short shorts, combat boots, wet, raining, dim volumetric lighting, 8 k octane beautifully detailed render, post processing, portrait, extremely hyper, detailed, intricate, epic composition, cinematic lighting, masterpiece, trending on artstation, very very detailed, masterpiece, stunning, 8 k, hdr, smooth, sharp focus, high resolution, award - winning photo, dslr, 5 0 mm,illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard,Sargent and Leyendecker, studio Ghibli , +a fluffy cloud in a pink sky +A sloth sleeping in a hammock +anthropomorphic wolf, cave, runes, magic, fantasy, dungeons and dragons, rustic, hd digital art, +an image of a building in the shape of a pryramid, in blade runner, at the sea, professional photography +A painting depicting a city girl by Greg rutkowski, beautiful, intricate, ultra realistic, fantasy, sharp focus, elegant, art by artgerm +An image of Stalin riding a nuclear nuke +Alice in a giant mashrooms world, dark colors, extremely detailed +medium closeup photo, attractive stunning Ukrainian 18-years-old blond girl holding a white cat, white winter wool cap, detailed (wrinkles, blemishes!, folds!, moles, viens, pores!!, skin imperfections:1.1), highly detailed glossy eyes, (looking at the camera), specular lighting, dslr, ultra quality, sharp focus, tack sharp, dof, film grain, centered, Fujifilm XT3, crystal clear +Cat tied to balloons flying up into the sky +An abstract oil painting of a dark forest background with large bright purple, orange and silver flowers in the centre, palette knife thick and heavy paint strokes , trending on artstation, sharp focus, studio photo, intricate details, highly detailed +a robot head with emojis inside +a cat standing on top of a cloud beneath a red ufo with a castle in the background floating in another cloud. +Pete Townshend portrait as a gardener, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +young elf woman with silver hair, slender build, long silver hair, tied up in a partial ponytail, adorned with a white flower accessory on the right side, large expressive purple eyes, gentle expression, white and gold outfit that consists of a dress with a long skirt, white cloak with gold trim, brown boots, left arm adorned with a gold armlet, graceful appearance, silver long hair, purity, innocence +Cyborg old man, cyberpunk India, painted face +Black and white surialistic cyberpunk african 1905 photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +bull terrier reading a book wearing a had hat, black and white +head of horse, happy, vector, black and white +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Nikolai Ge +a landscape painting of the cotswalds in England +Massive Cthulhu Giant Humanoid with dragon wings, Mythology, Photorealistic, High Quality, Fog Silhouette +An alluring gondolier in a Venetian canal +fantasy art print legend of ravaging dynasties, charcoal acrylic painting of giant wolf peacefully bowing down to a girl, majestic +Concept art of a Nissan electric car that runs on batteries. +atmospheric black metal artdark fantasy art, album cover, art nouveau aesthetic by Alphonse Mucha, by h.r. giger +a sweaty man mounting a moaning woman on a bed +ava addams, a dog is with her, they are both in the doggy position, they are mating +A beautiful female fighter performs a beautiful move with one sword, full body, dress, bright yellow aura, galaxy background, look at camera, Ancient Chinese style, cinematic, 8k +Galadriel (Cate Blanchett) in a hungarian lake shore, character concept art by Artgerm , Rutkowski, Rembrandt. cinemathic lighting, atmospheric +A victorian man drinking guinness stout from a pint glass, theres a sign behind him on the wall that says "QUINNIES PUB", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +A corgi with shades on a motorcycle +a woman staring into the camera, scratching her head +Serena Williams as slave Leia serving Jabba +Egyptian Goddess eating sushi, 8k, insanely detailed +hotty woman full body, highly detailed +Marvel 60s comic where Iron Man has his heart stolen +An image of Neville Chamberlain hugging Donald Trump +model shoot photo of pope francis wearing a long black puffer jacket +Mexican girl with a kimono, draw, +massive dreamlike garden, plants, massive pond, reflective water, green, happy, award winning photograph +a majestic oil painting of a dystopian city after 2100s +The Joker, business illustration design, design on adobe illustrator, color for web illustration ai, smooth lines, moonlight palette, simple background, vivid color, minimalist style +a gangsta forest bear wearing only a hat and tie, no shirt, mad, cartoon style illustration of anthropomorphic bear, simple cartoon, artstation, dribbble, full body +cyborg metallic Astronaut in a massive colorful space, mars in background +A Christmas tree ball in the shape of a sheep disguised as a policeman. +Color Photograph of Victorian Little girl, smile, happy +A risqué picture 🍈🍈🫦 🍆💦, cinematic lighting vintage 1987 film grain low budget 📽️ +friendly family logo, family logo, vector logo, svg logo mom dad and baby together, correct proportions of the logo, HD, Indian style +Explosive, neon smoke, night lights, psychedelic white teen swim model, bare, fast cars, breakdancing, upside down, splits, octane render, 8K HD +a table topped with trays of food and drinks, a digital rendering by Weiwei, cgsociety, net art, isometric, y2k aesthetic, official art pixel art by Pu Hua, reddit contest winner, pixel art, #pixelart, 2d game art, anime aesthetic +Screenshot from Darth Vader's limestream, Darth Vader is seen on webcam sitting at his computer desk he is now a Twitch streamer +a gamebox of the sims penguin +40 year old men play soccer +Faceless Man, Human Skin, photodetailed, epic realistic, +A photo of a giant muscular soldier, wearing a tank top +there is nothing wrong with my prompt! +Raw, Analog. lived in, run down look, photographed by Ridley Scott. gritty sci-fi style. Close-up of a male working within a huge spaceship. depth, cables, pipes. film grain, hyper detailed skin, 8k, shot on Fujifilm GFX 50r. cinematic, bionic parts, body horror, maximum detail, soft lighting +optimus prime dancing with megatron as miniature toys with heavy tilt shift +a photograph of a blue purple ChromaFlair MG ZT 190 car that is in the jungle river,4k wideangle photo +sketch, pencil, godrays, dust particles, volumetric lighting, masterpiece, 8k, highres, highly detailed, golden ratio +two men wearing rubber motorcycle gear and helmets +league of legends, champion, premium skin, detailed champion art, octopus +Kim Kardashian as Sigourney Weaver in Alien +Casual, Intricate details, Clothes Model, Photoshoot, high quality, 4k, very cool +A yellow cactus and green banana dancing romantically on the moon +Astronaut in space; Bitcoin chart; Dark theme; +polaroid photo of a human skeleton dancing at a rave +a dog riding bicycle, photo realistic, realism +detailed photography of real life spongebob +A crowd people in the year 2100 protesting. +a cat riding a scateboard wearing a helmet and reading a book pixar style +Napoleon Bonaparte as a fantasy D&D character, portrait art by Donato Giancola and James Gurney, digital art, trending on artstation +fungus that bleeds a shimmering, silver liquid metal +Movie still of starwars darth vader as a muscled, wwf wrestler, extremely detailed, intricate, high resolution, hdr, trending on artstation +A beautiful black-eyed adult girl with black short hair hugs a cute bunny. +drawing of a towering city, fantasy style, tropical, flying buttresses, arches, aerial view, black ink on paper, Indian temple, realistic, detailed, quality, complex, elaborate, ornate, by M C Escher, by Robert Hooke +a silhouette of a person walking through a tunnel, amazing d & d dark sun art, streaming, megalithic buildings, inspired by Jeffrey Smith, cowboy, near a stone gate, app icon, psytrance, crater, six from little nightmares, the wicker man, an epic western, song +You know what I like about you? Your... Long... Legs... +toadstool with a ladybug on top +a modelling photograph of an sultry exotic tattooed bimbo woman, with implants +photograph of a young blonde woman sitting with black children,pretty woman,beautiful photo +futuristic cheshire cat alice in wonderland by tim burton wallpaper, top hat, the matrix green text, floating, cgi, by, increadibly detailed, stunning mysterious atmosphere +art by roger dean, a crystal egg sitting on a lotus flower at the center of the universe, futuristic, astrological, metaphysical, mystical, HD 4K, sharp detail, photo-realistic +A oil painting portrait of young Muscle boy cutting castration a giant testis TESTICLE organ on the dissecting Table. plural testes, male reproductive gland, bloody background. highly detailed guro art by Ilya Repin +Frenchton with a light blue jersey and a tenis ball +Abraham Lincoln playing on his phone, ultra high quality, very realistic +Japanese warrior on a beach with birds +a photo of armor on display in a smokey roman villa,smoke filled room debris ,floor mosaics Tripod fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +photo of a woman wearing red leather blouse, black leather skirt, realistic, highly detailed, high quality photography, kim kardashian +masterpiece, Giant caterpillar riding a bicycle, 8k +A corgi wearing a purple bowtie +A cat wearing sunglasses and headset. Cartoon +A bowl of water filled with fish and fire on the top +strange, futuristic, terrible, alien sea creature is attacking and destroying a steampunk sailing ship, 32k, cinema lighting, film still, stormy sea, extreme detail, stunning lighting, studio photography, cinema lighting, film still +a dog drinking soda in a cafe, photo taken with eos 5d, ultra realism, hyperrealism, street photography, professional photography, 8k uhd, ray tracing, ssao +Keanu reeves as a knight of the round table +a porcelain doll sitting on a shelf +hypno servant obeys. mesmerized. fully clothed. illustration +a cute anime muscular young man, full body, wearing denims only, action pose +a chinese girl, about 20 years old, wearing black suit, black hair, long and straight hair, wearing glasses, walking in to a ruined city, with a Samurai sword in her right hand +Monkey covered in grass and flowers +European girl wearing 17th century bodice +two comets dancing and creating a rainbow +A robotic scorpion with detailed machine parts standing on a leaf, by makoto shinkai and ghibli studio, highly detailed, incredible quality, trending on artstation, masterpiece, 8k +Photo of Scarlett Johansson as batgirl, 4k, 8k +abstract, minimalist, futurist art of a car +a photo of a man with an erection +classroom,standing strict in orderly row towards wall, jules burkjulien bettfluffy jingsewing workers,Jules Bastien-Lepage,movie still, +man in victorian clothing, gael julien weber painter france medieval chef room,Jules Bastien-Lepage +, fantasy, pastel, absurdist, photo, vintage horror movie, lithography +old abandoned, wooden house, glowing broken TV, vintage, hyperrealistic, glowing, abandoned +dash wilder, cash wheeler, wearing sleeveless leather armor, fantasy medieval theme, stormy clouds background, strong lightning sky, realisticvision13 +artistic art print, spashes of paint, strong vibrant colours, wet paint on canvas, cute dragon pokemon in a teacup +A powerful female character, who wears a black, hoodie and jeans. Her face is covered in a gas mask, which shows a few wisps of her red hair. She is walking down the street at night. Artwork by Thomas Kinkade +a crow with cameras for eyes, sitting on a mans shoulder, anime, studio ghibli, fantasy, fairytale, sketch, digital art, watercolor, professional photograph, medieval, hd, 4k +A hammer horror film with 8 spider legs +A photorealistic 1980s TIME Magazine ad about Elon Musk +Style greg Rutkowski a statue of a man standing next to a poster, luxury fashion illustration, inspired by Ayshia Taşkın, scientific specimens, blue fedora, inspired by Mustafa Rakim, portrait of a male hydromancer, brochure, screenshot from the game, trilliant, whole page illustration, by Niyazi Selimoglu +an image of winner with the name Claudia Noemi +ava addams casandose con un toro +A beautiful woman was immobilized in a dress, and a man hugged her waist +giant's city, fortress, aerial view, made of ice, large watchtowers, high walls, frozen peaks, high fantasy, photorealistic +Indian man wearing a very small chin on the toilet in a busy street +octane render, blender, skull made of only diamond, crystal, refraction, ray traced, caustics, , thin film, chromatic aberration, +an epic battle between cyborgs and robots in a dystopian nighttime landscape with neons +shoulder shot, fursona, looking at viewer, digital art, anthropomorphic animal, dog, bipedal, centered, by Dan Mountford, by Bosslogic, by Alice Pasquini, +Lego Walter white with a shirt that says Time to Cook +an anthropomorphic wolf, medieval, adventurer, dnd, wielding a spear, rpg, rustic, fantasy, hd digital art +Chinese woman, stylish, wearing headphones, background futuristic city, spaceship behind it, +soldering iron on fire against the backdrop of the sun, hyper realistic, photodetailed, photorealistic, perfect realism, realistic render +ball inside within contained in jar +old abandoned house with a cracked glowing tv, vintage, hyperrealistic, glowing, abandoned +portrait of Bruce timm style Anna Farris in the style of Bruce Timm , pink lycra bodysuit , bold lines , clean lines +Baroque style, figured stucco, silver on black background, high resolution , 8k detail +a photograph of velociraptors attacking a landrover in the jungle river, +Futuristic Character in a sitting pose with a floating energy ball in front if him +Photorealistic image of Willa Holland wearing Batman Beyond suit +A meticulously crafted image of a cute animal, with incredibly high levels of detail and intricate textures. +beautiful oil painting, marble statue in the nature, godrays, dust particles, volumetric lighting, masterpiece, 8k, highres, highly detailed, realistic, photorealistic, golden ratio, NIKON +Delicious Braised Abalone with Mushrooms, in white ceramic casserole, studio, food photos, super details, reality, Ghibli Studio +an architecture rendering of a library for design competition +Creepy Venice canals with gondolas and bridges +Abraham Lincoln contemplates the Lincoln Memorial +Ben Shapiro as Bilbo Baggins and Jordan Peterson as Gandalf +Side portrait of a humanoid robot who is made of metal and is wearing a white satin dress, she is looking at the city below, ultrarealistic, unreal engine, 8k uhd, raytracing, lumen reflections, volumetric lighting, lush detail, trending on artstation hq +A speaker with blood dripping off its sides +An evil bodybuilder villain holding a mini Earth +Anime scene of Rihanna as a space pilot, Studio Ghibli, high quality, trending on Artstation +a minimalistic style logo comprises of the letter D shaped like a profile head. Inside it there is a social network. +silhouettes on the beach, waves, ocean, night sky, pitch black, moon, reflections, majestic, extraordinary, detailed, realistic, 8k, northern sky +Vintage motorcycle parked in a misty forest glade, surrounded by tall trees and vibrant green underbrush, captured in high detail with a wide aperture lens.. +Logo style garden gnome riding a surfboard +a fat penguin in a couch +best quality, masterpiece, realistic, 1 girl, brown hair, brown eyes,Front, detailed face, beautiful eyes +Award-winning photo, photograph, epic realism, Giant squid, kraken, anatomically correct, cephalopod, +A colorful poster that says "philo is a weird" +Intricate details, skull made of gold +a photo of a conspiracy of ravens in the desert +concept art of a beautiful english garden, 4k, vivid colors, intricate details, very realistiv, cinematic lighting, volumetric lighting +a wideangle photo of armor on display in a smokey roman villa burning,18mm smoke filled room debris , Bronze gladiator's helmet,floor mosaics Tripod fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +A robot holding a sign that says "Gen-2", vector art +Photo of a interior with Chantily lace colored walls and wooden tung and groove ceilings with white beams +Beautiful photo of mohini nair, at her office, office casuals,young professional, professional photography +a whimsical and playful digital illustration of a pizza helicopter with toppings like pepperoni, mushrooms, peppers, and olives. The pizza should be transformed into the shape of a helicopter, complete with rotors, landing gear, and cockpit windows. Inspired by pop art and surrealism, with bold colors and exaggerated proportions. +an elephant playing chess with a unicorn +a painting of a young female wizard standing in front of a castle, upper half of the body visible, Terry Pratchett book cover +Intricate highly detailed photo realistic Alex Grey and Mucha style, humanoid in spaceship interior , vibrant color, glowing transparent crystal +A woman in a red dress +woman wearing a zentai body, art photo in zentai aesthetic +film still from romantic beautiful 2015 american sitcom, sauna, girls +a photorealistic 3d render of a GT car in a raining japanese cyberpunk street, neon lights, , photorealistic, +Outside a british pub, the sign on the wall says "QUINNIES PUB", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +photo of chubby guy fat yells at the intern harassment at office. highly detailed face, killer look, Hard close-set eyes, born criminal +A marble bust of Obama screaming +a man playing esraj inside of a jungle +A iconic vector logo of a helicopter mascot +A vector design of an owl made out of clock gears, professional, masterpiece +forest in the night, with a lot firefly, oil painting style +A detailed illustration of a pack of velociraptors hunting in a dark laboratory in the Jurassic Park research facility on Isla Sorna, low-angle shot, ominous lighting, highly detailed, digital painting, artstation, concept art, sharp focus, trending on social media, art by James Gurney and Terryl Whitlatch and Steve Hickman. +a woman like tree rain raising sun +Stunning Professional Photo of a puppy wearing a blue hat and sunglasses that is riding on a yellow skateboard on a busy street in New York City at noon there are cars and pedestrians in the background, taken on a Canon EOS 5D Mark IV +Fursona furry fox , digital art , masterpiece , by foxovh , hourglass body , furry art style , red hair locks , fox head , +robot giant mechnical electrical wire, cyberpunk forest, castle, fantasy, intricate, elegant, increasingly detailed, digital painting, artstation +Abraham Lincoln in the style of Max Headroom, 1980s retro futurism +white bearded scruffy cowboy with gun and alcohol sitting on a porch +insanely detailed portrait,wise old man, Will Smith, insane face details, extremely intricate, high res, 8k, award winning +Composition thumbnails, trending on artstation, dark landscape painting, there is an island, +suabtomic BEautiful landscape in thr style of Tsutomu Nihei and Yoshitaka Amano +Massive Schooner, large splashes, large transparent waves, raking sunlight shining through water, cinematic lighting, oil painting by Marcus Larsson, Alexei Savrasov, concept matte painting, photorealism +A long, pink flower with many petals blooming out of a crack on a boulder among pine trees in a forest +anthropomorphic cat wearing cyberpunk suit, in a cyberpunk futuristic city. hyper realistic, dramatic lighting, crowded street, busy street, cluttered, classic, hyper detailed, intricate, 4k, unreal engine, maya render +A titanfall like mech in a desert environment +The text “CITY” on a wall, high quality, graffiti style +beautiful photo of young rachel riley +Messi posing in a Juventus jersey. Ultra realistic +a beautiful female gymnast doing a split, in a gymnasium, looking back, +A highly detailed portrait of Robin Williams in 1945 New York City, Kodachrome photo +hyperrealistic polaroid photograph, lovecraftian creature standing over a boy in a large bedroom, many appendages, bed, abandoned bedroom, cobwebs, bloodstains on floor, old house, large windows , +circle of birds above a woman +zentai Woman wearing white zentai crop top with bare midriff and grey tights using exercise machine in alpine lodge +A captivating scene of a sly fox sneaking through a lush forest with soft fluffy fur and big curious eyes, cunning, stealthy, curious, enchanting, earthy, Painting, Rosana Arias and Teagan White, Dappled light, Illustrative, Realistic, Medium shot, smooth soft skin, big dreamy eyes, beautiful, highly detailed, intricate, digital painting, realistic lighting, immersive details, illustration, snowing, snow forest, sharp focus, unreal engine 5, trending on artstation, by Greg Rutkowski and artgerm +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art +Cute grey cat, digital oil painting by Caspar David Friedrich +Cinematographic-sixties christic-Archbishops thunderbirds-vuitton pasolini mitre camorra Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +a cat sitting on a skyscraper overlooking a beautiful sunset, illustration, bright sunlight, sun glints, sunrays, digital art, hyperrealistic, oil painting, intricate, cgsociety, by greg rutkowski, by wlop, by artgerm +, fantasy, pastel, absurdist, photo, refined, multitudes +Digital art, fantasy, a mystical unicorn in a vibrant and colorful forest clearing, whimsical and enchanting. +Whole body picture of beautiful woman named Lily. +a long, red haired woman, dressed in a black medieval dress in Transylvania, portrait by Waterhouse, Marc Simonetti. Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood style +a photo of a crowd of people in front of a building, a detailed photo, inspired by Caesar van Everdingen, red robes, julius caesar, ceremonial, many columns, demolition, parade, roma, detailed photo, hestia, colonnade, necropolis, ultra realism, painting of, imperium +Majestic Ancient Temple, Moody, Fantasy Landscape, Volumetric Lighting, Digital painting, Marc Allante, Studio Ghibli, dramatic, Intricate detail, Beksinski, Andreas Rocha, Dan Luvisi +A pink lemon on a green plate by a blue cup. +a portrait photo of a hamster wearing a suit and tie. in an office building. cinematic, muted colors, 4k +A neon sign in the U.S desert at night +Retro gas station on Mars, detailed matte painting, deep color, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution trending on Artstation Unreal Engine 5 +master yoda with sunglasses,borderlands comic, cellshaded, no man's sky +a frog dancing on a lillypad +A woman in a cheongsam walks on the Great Wall of China +oil painting of a woman embracing the creature from the black lagoon +Father and daughter watching sunrise at the beach sitting on a bench +Dvd 1990s anime screenshot of Full body photorealistic cinematic portrait with decolette of feminine gorgeous melancholic elegant android leaned forward, in the ergo proxy and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, streets on background, complex scene, rainy, latex bodysuit, retrofuturistic weapon, dvd screenshot from 2010s movie, film grain, Kodak portrait, dreamy mood, Roberto ferri style, +Spooky dark forest, blue mist, large ufo in the midst, semi realistic, semi drawing +red card box inside of a blue card box +by makoto shinkai, vibrant, from terrace of japanese coastal town, near the beach, sunrise, clear sky, green hills in the horizon, cinematic lighting +anime goth succbus girl art, pale skin, digital art, mastepice, sharp focus, hd, hdr, 8k +a bright white calk limestone cliff coast causeway splitting two oceans, drone perspective +a golden skull floating omniously in the London Underground +Nothing travels faster than the speed of light with the possible exception of bad news, which obeys its own special laws. +White male warrior long silver hair with organic bone full body armour wearing a bone demonic skull mask, overlooking a gothic massive city +a painting of a rainbow spaceship flying over a grassfield, ,full detailed, extremely intricate, hyper realistic, perfecrt res, award winning, digital art,8k +Four scholars in the early 30's photo in Miskatonic university's library with Lovercraft +Cyberpunk skull! paper marbling! Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Junji Ito: Aaron Horkey: Joe Fenton: Gustave Doré: a masterpiece, monochromatic colors, 16k resolution, trending on artstation, incredible composition, dramatic lighting +large fantasy town, dungeons and dragons, medieval, rustic, dnd, dungeons and dragons, rpg, forest, high quality +gundam astraea, super detailed, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +anime girl wearing a shirt that has the anarcho capitalist flag on it +Katsuhiro Ōtomo traditional old school American tattoo style french bulldog close portrait photography. Uhd, cinematic, filmic, Post-production, intricate textures, photorealistic, volumetric lighting, +high resolution digital illustration, a green eyed anthro tiger like a video game character partially wearing armor showing his abs in the forest, medieval fantasy atmosphere +scooby doo and the phony phantom, book +a Karl Marx statue made of marble, michelangelo, high contrast dynamic lighting, horror fantasy, eyes of flame, intricate detail, sharp focus, masterpiece, anatomical details, full body shot, 8k, devil, close up +A surreal underwater garden of bioluminescent sea anemones, glowing coral, and psychedelic sea creatures. +Concept art of school on mars below glass dome in 1960s style +Mario as a Wrestler but it's a Crappy Knockoff +1980's photo of a family of rednecks with extreme Mullets +Surrealist pencil drawings by Hans Bellmer +Anime Antagonist in a Suit sitting at a conference table +art poster, the ercoal paintingssence of cha, a jedi silhouette with a lightsaber on a mountain landscape by J. M. W. Turner and bob ross, charcoal painting +preteen girls with preteen bodies, with no underware kissing her lady parts each other in the the bedroom with dark background +beautiful irish woman smoking marihuana on mexico city, palacio de bellas artes +a cat wearing a shirt that reads Overstimulated Moms Club +a world where science and fantasy collide +zentai woman wearing a zentai body +Synesthesia, musical notes flying away from a music flower, art print by alicexz +Painting of a tiny plant sprouting out seedling of lights in a magical land +photo of a hedgehog using a calculator +propaganda poster for INGSOC , theme 1984 city, evil dystopian +a happy black girl holding a German Shepperd puppy. the girl is sitting on a bench on a cyberpunk city. anime style, busy street. intricate. Street full of cars, people and cyberpunk humanoid robots and people walking. golden hour +a woman with blonde hair playing a flute while posing for the camera, art piece, trending on art station, highly saturated colors +a movie still from a horror movie. a man is lurking in the shadows. cinematic, hd, 4k +Kawaii illustration of a cute zombie eating ramen, sitting at a table, illustration +a damaged burly muscular metal android lying on the ground, circuitry showing through torn metal skin, loose wires, sparks, smoke, robot, cybernetic, mechanical, photographic +portrait of beautiful cute goth maiden cyborg girl with braided hair in warhammer mechanical armor, art by ( ( ( kuvshinov ilya ) ) ) and wayne barlowe and gustav klimt and artgerm and wlop and William-Adolphe Bouguereau +Horror, shot on arri, a jellyfish futuristic robotic spaceship landing on a desert, twilight, a person watches patiently +blue jay. Alex maleev: Ashley Wood: Carne Griffiths: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +ultra-detailed epic artwork of a majestic impossible guardian of infinity under a colossal gate of heaven by Gustave Doré, zbigniew beksiński and leonardo da vinci +Budweiser beer can, a Bitcoin logo and the American flag in a steampunk bar +sci-fi white room, teddy bears sitting on a aston martin db5,silver car,studio lighting,inside space station with windows +Heretic ritual with fire of bearded man and indigenous woman with red cloaks, mysterious atmosphere, lighting with candles, octane render, hyper realistic, 8k +Anthro caterpillar, standing pose, portrait photo by Annie leibovitz +Mid body portrait, a realistic gritty photo of ( 60 years old:1.5) (chubby:1.2), batman homeless, matted gray hair, sitting in a ramshackle sofa, dilapidated room in the background, beautiful illustration with (highly detailed face:1.4), by greg rutkowski and magali Villeneuve, full color +fine art painting a man holding a staff, by hieronymus bosch ,by Ray Caesar, HD, 8K +stained glass motif, art by Alfons Mucha and Salvador Dali, futuristic, sci-fi, a crystal egg at the center of the universe sitting on a lotus flower, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +A beautiful all body natural woman +movie still from 2000s dark fantasy movie +A movie still from a 1970s sci-fi film +fausto da silva on a tv show +photo of Marylin Monroe dressed as a nun watering a ficus tree +David Bowie riding a see saw with the devil, water color painting, pastels, sketchy +An actress made out of stars. +Sculpture of an office worker woman, ancient greece, authentic, breathtaking +polaroid, a colossal dark massive factory covered with bleeding corpses, hundreds of bleeding dead bodies , +mujer mirando de frente de 30 años, sonrisa amable +Tremendous feeling of joy and fun , very happy vibes, conviviality,Abstracted abstraction of a geometric image of different shapes interacting painted in a fauvism and Expressionist style by Rembrandt and Van Gogh and Frank Auerbach, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +a stone dungeon with long hallways, unfurnished, empty, plain, top down view, +deep space astronautic style suit in cyberpunk city +photograph, high detail, high defintion, 8k, hdr, global illumination, black girl bare body +A masterful Kodak portra 400 film still of a gorgeous disrobed disrobed pale goddess wide hips modern photography fiery auburn hair +cryptocrystalline quartz audio waveform energy field hyperrealism style +a photograph of michelangelos statue of david holding an umbrella +Jesus Christ wearing a golden Warhammer 40k space marine armor, cinematic lighting, inspiring, vibrant, grim, dark, epic, high detail, hyper realism, professional CGI, HDR, UHD, 64k +Asian Man,brown hair, dark eyes, real face, good shape, 30 years old, realistic mode, smiling, wearing Batman suit, the face is not covered by the suit, background tech company, ultra-realistic mode, film photograph, soft shadows, no contrast, professional color grading, clean sharp focus, 8K, sharp lines, , HD, Canon EOS 5D Mark IV DSLR, +photography of new york with mushroom buildings +a cute ninja girl, cyberpunk style +a helicopter sketch flying in the air, black and white color +film still from romantic beautiful 90s sitcom, sauna +genere una imagen de un perro feliz pequeño corriendo por el parque +tom and a cat friend cathcing jerry +masterpiece, high quality, high resolution, anime girl, green hair, long hair, short hair +a close up of a person wearing a costume,surrealism, cyberpunk art, by Philippe Druillet,katsuhiro otomo album cover, symmetrical dieselpunk warrior, grand admiral thrawn, a still life of a robot, holy machine, cyborg woman, orbital, king crimson, avatar image, shusei nagaoka, large view +aurora borealis trapped inside of a levatating bubble of translucent ice, vibrant, 4k, hyperrealistic, hyperdetailed +A druid sitting with a Roman centurion around a fire. +An armchair in the shape of a avocado +stunning beautiful cosmic vista, epic cinematic action shot, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv +dvd screengrab, from 1981 dark fantasy sci fi cyberpunk film, bladerunner,a futuristic cyberpunk solarpunk with holoygrams city filled with holograms and flying futuristic cars in the background +an elephant on a beach at sunset +polaroid, very large lovecraftian blob, apparition, fog, long tentacles, imposing lovecraftian creature in a colossal massive dark factory, hundreds of bleeding corpses on the ground, old brutalist big factory, enormous dark abandoned factory, industrial complex, industry +Bang a gong, get it on +A dragon baby cute colorful illustration +cute vet clinic, isometric view, digital illustration, digital concept art +wideangle roman soldiers, in getty villa, polaroid photography by andrei tarkovsky +black dungeon with subtle blue and pink edge lighting, magical runes +A Giraffe riding a unicycle on a tightrope +A photo of a beautiful white Indian woman bathing in a pool, Victoria's secret model, award winning photograph, 25 years old, HD, analog style, full length, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +beautiful queen dancing magnificently, In action, dreamy , trapped inside a huge glass bird cage, top view, visible face, intricate details, highly detailed, photorealistic, octane render, 8k, unreal engine, sharp focus, mystical background, volumetric lighting unreal engine. art by artgerm and greg rutkowski +H.P. Lovecraft and four scholars in the early 30's photo in Miskatonic university's library surronded by artifacts from r'lyeh +fantasy, pastel, absurdist, photo, vintage horror movie, lithography, riso, +A beautiful lady on the beach +a sign that says "Pick a Pic" +professional hd photograph of a piano made of translucent ice with piano keys made of dyed ice +Astronaut in a city. Business theme +close up of an asian woman laughing, face covered motion blurred rain drops +Instagram model working at an oil rig, selfie, covered in black oil, stormy sea +beautiful galaxy queen dancing magnificently, In action, dreamy , trapped inside a huge glass bird cage, top view, visible face, intricate details, highly detailed, photorealistic, octane render, 8k, unreal engine, sharp focus, mystical background, volumetric lighting unreal engine. art by artgerm and greg rutkowski +pic of an old business lady as a hero +popcorn made of silence with wind +photo about a 8 year old girl do yoga, wearing denim shorts and blouse, show uncle +Jennifer Aniston, toned upper body, stiletto heels, dissolved armor +Cover art for the manga adaptation of Friends +Illustration of a beautiful elf with blonde long messy hair and green eyes using denim shorts crouching in an european village +photo of a beautiful goth girl with thick flowing liquid rainbow hair made of paint and defies gravity, space background, highly detailed, intricate, amazing, trending +emoji of a wolf holding a gavel, logo, fantasy, 4k, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +yellow dress painting of Cute gorgeous european young woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +cafe logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, colonial style of england, 3d, logo on the sign, good for the family, Tali, piety, realism, octane render, soft diffused light, +Photography of a Golden Ferrari 458 with carbon details, Sony Alpha A7 III, 50mm +Highest quality, masterpiece, photorealistic, medium shot, RAW photo, of a weary-looking but still proud and fierce-looking old Viking warrior, now the leader of his village, dressed in elaborately detailed chain mail and leather armour, sitting on a carved wooden throne furrowed with Viking runes and symbols, in the village meeting hall, on his lap rests an elaborately carved and beautifully crafted longsword, a few torches burn on the walls, giving the scene a dark atmosphere but sculpting the forms in sharp chiaroscuro, it is night time, highly detailed skin, skin texture, detailed face, detailed background, sharp focus, dark lighting, twilight lighting, volumetric lighting, highly detailed, intricate details, 8k, highly detailed, UHD +An old orcish warrior in withered metal plate, scarred skin, lying wounded on the battlefield, at sunset, concept art, , +Hey, my name is John Smith. Will you sit on my breadbox while I cook or is there some kind of speed limit on that thing? +Archie from Archie Comics in lego style in the style of PRIEST streetart +a cute dragon made out of strawberries +Fruit human merge” by WLOP, Ian Miller, Peter Mohrbacher, Huang Guangjian, Huang Guangjian, fluid acrylic, elegant gradients, liquid detailing hypertextured, intricate, octane render, 8k 3D, depth, PixIV, accurate features, incredibly detailed, hyperrealistic. Hideo Kojima. Scenic beautiful gorgeous. Cute. Brightly colored. +Eddie Murphy as Carl Johnson from GTA San Andreas, Grove Street +Young Victoria coren-mitchell, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Masterpiece, painting of giantic huge moon, a cold, beautiful landscape of an alien planet, cinematic, still from games of thrones, epic, volumetric light, award winning photography, intricate details +professional photo of gorgeous goddess young indian 1 girl, (((full length body))), dynamic grace pose, smile, beautiful hands, long hair, detailed fingers, elegant, smooth, ultra highly detailed beautiful symmetrical face, cute natural makeup, ultra realistic, highly detailed, intricate, sharp focus, ((centered image composition)), hdr, 4k, 8k +text with grass that says Humanity +photo of topmodels presenting new collection of exclusive panties +a sign with "did you check it out?" written on it +Prompt: Painting of an icon with a fantasy OBJECT, black background, casual game style, flat shading, minimalistic Negative prompt: black and white +World War one battle at sundown, men fighting and dying, through thick smoke and dusty, bokeh, blurry, circa 1920 +fullbody portrait of Jennifer Connelly as the goddess circe and dejah thoris at burningman, fit muscular body, greek mythology, intricate, highly detailed, digital painting, artstation, concept art, sharp focus, cinematic lighting, illustration, art by artgerm and greg rutkowski, alphonse mucha, cgsociety +High-resolution image A new character navy blue crocodile for the game Jazz Jackcrocodile 2,by,Disney, Pixar, +alice in wonderland, frilly blue dress with petticoat, holding a rabbit +A highly detailed landscape painting of a mystical mushroom forest painted by Blizzard Concept Artists featured on ArtStation +A painting, cat portrait, Harry potter style +Alice in Wonderland brane Alice Liddell style +a beautiful young woman with pink braided hair and a pretty face wearing a skimpy outfit, realistic, high quality, studio lighting +a portrait of singer Shuhada' Sadaqat, in Jim Fitzpatrick's celtic style +Cinematographic-sixties camel-riding vatican-betelgeuse-moebius capsule old-priest bows-low pointy-anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad oxygen hazmat gloves helmet +young man, lean and muscular build, short messy dark blue hair with bangs that partially cover the forehead, bright green eyes, pointed chin, black track suit with white stripes down the sides, black sneakers, green eyes, anime +magnificent koi fish in a japanese pond +fantasy, pastel, absurdist, photo, refined, George not found +Innovative logo of the research and data science department +Mystical forest with velociraptor and a babbling brook +Photography, portrait of 2 5 - year - old woman with angle 9 0 ° centred looking away fresh air, strong spirit and look happy, perfect hips, 8 k, cinematic scene, background city blured futuristic +Marker design rough sketching of a concept car +beautiful anime girl with short white hair, wearing lab coat and glasses, holding a clipboard, standing inside a research facility, character portrait, 1 9 6 0 s, long hair, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by wlop, charlie bowater and alexandra fomina +a beautiful medieval queen riding a black dragon, fantasy medieval city background, digital painting, smooth, elegant, hd, art by wlop and artgerm and greg rutkowski and alphonse mucha +a mad scientist by Gary Baseman +a beautiful succubi in anime style, with white dress with golden decorations, realistic shadows +a chicken wearing sunglasses, swimming in a swimming pool, beautiful swimming pool, palm trees in the distance, sunny warm colors +noir style photograph of an indie rock singer in a nightclub +vector 3d icon, emoji style, einstein, minimalism +a beautiful female gymnast doing a split, in a gymnasium, looking back, on the floor, large butt, +Hatsune Miku anime screenshot in the city at night +a 4k ultra resolution, scary dark themed image of a bedroom window, with blinds on it +woman running through a post apocalyptic city, barely escaping from the monsters +photo of a giant chicken towering over a high desert town +A natural landscape made of glass +a pot-bellied goblin bandit in an alley +chuck e cheese church, REALISTIC, BLURRY BACKGROUND, BOKEH, FAST, MOTION, detailed skin, 20 megapixel, canon eos r3, detailed, detailed face +knight, concept art, 3d modelling reference sheet, turn table, same character, all sides +Being blonde Superman with a phd +The country France engulfed in flames +A manga style tall young adult woman in purple and gold flower kimono with mid white hair and vivid green eyes +Rise of the robot, sculpture by Auguste Rodin +A bear sitting at a picnic table rolling a joint +A beautiful girl in a school skirt is sitting in the classroom with a Perverted position. The room is lit with apples. HD photography. award winning. dramatic. trending on artstation. high quality. rendered by Beeple, Ilya Kuvshinov, Krenz Cushart, WLOP, Stanley Artgerm Lau, Ruan Jia and Fenghua beautiful girl in a school skirt is sitting in the classroom with a Perverted position of super mario, anime, digital painting, trending on artstation and deviantart, pixiv, illustration, art by Sam Yang and Sam Yang and Kenshi and Claude Monet and Dan Mumford, smooth, beautiful, deamaru lighting, soft details, HDR, octane render, action shot, wide angle action shot, 8k ultra High Definition, wallpaper, Cinematic, highly detailed, concept art, post-processing, a masterpiece, blurred background, film noir, shaders, god rays, PBR, trending on artstation, soft eyes, beautiful detailed, realistic, sharp focus, f1. Octane render in focus, soft lighting, dark fantasy styleframe, ultrarealistic, 8k HD wallpaper, elegant, cinematic, dark, +Marvel 60s comic where Hulk eats Iron Man +detailed and beautiful face, {{sun}}, {best quality}, extremely detailed, Gradient color eyes, detailed eyes, shine eyes, glowing eyes, fluffy hair, hairs between eyes, hair_bow, flowing hair, {{{glitch vortex}}}, dynamic angle, black wavy short hair, {Leaf flower sky explosion} +Bioshock; big daddy; concept art: dark inkblot art by Alberto Seveso: Greg Tocchini: James Jean: Carne Griffiths: Ian McQue: oil painting: 3D: ultra-fine details: dramatic lighting: sharp focus: Daniel dociu: splash art: professional photography: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Deep colors: deep depth of field +A blue and tan French bulldog sitting like a good boy +computer lab, isometric view, medium shot, digital concept art, digital illustration +a boy smirking and pointing at waist, full body +jennifer lawrence art by Eiichirō Oda +Tribal-techno: A fusion of the ancient, traditional elements of tribal design with the sleek, modern elements of technology. Imagine an image of a tribal-inspired outfit with glowing LED lights and holographic accessories. +fantasy landscape painting of a river valley, mountainous terrain during a autumn season, fantasy art, meadows and and fruit trees along the meandering river banks, midday of a rainy and stormy day, +young skinny petite woman in kitcheb +A battle cyborg Alien humanoid with robotic arms a morning star on one arm +A Photo of Faith Seed, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +, fantasy, pastel, absurdist, photo, Wes anderson, wasp character dou +photo of military stealth battle car by bmw, breathtaking, f35, f16, military, hamvee, gray matte +a close up of a person wearing a surreal cyberpunk robot,surrealism, cyberpunk art, by Philippe Druillet,katsuhiro otomo, symmetrical dieselpunk warrior, grand admiral thrawn, a still life of a robot, holy machine, cyborg woman, orbital, king crimson, avatar image, shusei nagaoka, large view +boxing ring, bruised bard laying down on the floor, shiny robot doing a victory pose , realistic +elder shaman woman wearing a mammoth fur coat, tusks, Illustrated by moebius, anime, aurora borealis, lo-fi, watercolors +Chinese face joyful, painting, HD, 8K +Illustration of two men sitting at a table eating food and drinking wine, realistic style +Succubus playing volley in a beach +Painting of a pilot in front of old airplane, detailed +A pretty computer game of growing a vegetables garden +movie poster of a guy trying to shoot himself with a chicken by artgerm +A handsome man holding an umbrella +interior view of a room with timber parametric architecture organic shapes and walls inspired by british gothic cathedrals +A giant piece of lettuce with a bite taken out of it +A Eurasier dog sitting next to a cat. +mountains, river and cottage at dusk +perfect sensual suggestive evocative photo of clothlesd sadie sink inviting you in the sheets by annie leibovitz, absurdres +a man in a trenchcoat and a woman in red dress fighting in a 50s diner +tropical city of new york, caribbean, city lights, night time, palms, beach sand +Maryam Nawaz, Grand Theft Auto IV, Textless +2500 future mom robot, athletic body, product photography, concept art +A masterful Kodak portra 400 film still of a gorgeous disrobed disrobed pale goddess wide hips modern photography fiery auburn hair behind shot pool and amber greenery in background +Photo of car in the shape of a green pea +meccano dandelionwizard with exotic agate geodes growing on its back: by Dr Seuss: Javanese Art: James Jean: Erin Hanson: Dan Seagrave: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +Fursona furry fox , female , beautiful , attractive , orange body , fox body colours , smiling ,digital art , showing off , masterpiece , by foxovh , hourglass body , furry art style , 0 clothes , long loose brown hair locks , yiff , fox head +Girl with the pearl earring playing electric guitar +sci-fi large room metal,myst game,large teddybear, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel +a bridal bouquet of pink and white roses, a still life by Luma Rouge, featured on pinterest, romanticism, made of flowers, rich color palette, lovely +A snowy hilltop in Italy abstract impasto relief palette knife oil paint Thick luscious impasto paint very deep sculptural brush and palette knife marks +calling for the cows, 1890 painting by finnish painter +matte illustration, digital art, dog casting fireball, magic, hd, 4k, high resolution, painting +the essence of Caspar David Friedrich, art poster +photoreal windowsill with plants and cups, raining outside, shifting dark lighting and shadows +Painting of lady contemplating by a choppy sea, dark night, art by Arthur Rackham +Faith and spirituality concept with architecture, sky and birds, beautiful landscape, realistic, detailed, high quality and definition 4K, 3:2 vertical image +Batman dressed like a ninja in a field of lilies at sunset +A dog surfing a door in mazatlan sinaloa +raindrop falling into a puddle, epic cinematic action shot, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style, , +A 2d Warrior character game vector. top down view, perfect lining with sharp edging +A group of 5 Americans soldier holding up the flag, black and white war photography +1960s style photograph of a teen holiday, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +character sheet cute traveller curious little boy multiple pose character sheet +Underwater shot of coral reef, colourful fish, retro style, blue and orange and yellow +Red bottlebrush by William Morris, Morris and co +Swarm of whales in the sky +photo of a fluffy white kitten +A book cover for a book taking place in South Korea. +safe for work Bruce timm style 20 year old Anna Hathaway blonde bangs hairstyle , black jacket , bold lines , clean lines , +Skulduggery Pleasant book cover, spark on fingertips +A shooting star with a circular trail +A retail interior, samsung Microsoft, phones tablets on display, concrete flooring, timber furniture, white walls, spots, accent lighting, 8k architectural photography +An abstract painting of a cityscape at night. The sky is dark blue with yellow stars and a crescent moon. The buildings are colorful geometric shapes with windows that glow in different hues. The street is filled with cars and people that create a sense of movement and energy. +Photo of weeping willow tree on a mountain with meadow in foreground +an image of a women's opal ring +Iron man, angry, menacing, illustration, portrait, anime style, cartoon, cyborg, high quality, intricately detailed, highly detailed, 8k, professional, art, artistic, volumetric lighting, masterpiece, shiny metal, art by greg rutkowski, stan lee. +photograph of a bunny skiing down with ease +Shrek riding on a Horse, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +A photograph of a 4x4 pickup truck that is itself made entirely out of mud +teenager in glasses plays with an iphone, Rembrant style painting +Realistic Black and white cute portrait of Jenna Ortega bob hairstyle , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +mechanical owl, sweet, colorful, high detailed, splash +Two adorable cats. One black and white cat and one short haired orange tabby +BBW Velma dinkley realistic orange sweater +photo of baroque princess wearing dark red velvet costume, breathtaking, magnificent +yellow painting of Cute gorgeous european young woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +a Japanese girl in tutu dancing on her 6th birthday party, stocking, long and slim legs, looking at the camera +an oil painting portrait of a capybara wearing a cowboy hat +portrait of a cyberpunk pretty gorgeous girl looking lovingly, full body visible, tokyo at night neons, raining, shot on cinestill 800t 35mm film with a leica m9 Voigtländer 35mm classic, key visual, distopian lighting, character design, looking fierce into the camera, cinematic colorgrade, highly detailed fabric, perfect teeth, subtle catchlight +realistic photo of megumin from konosuba swimming underwater, full body +outfit for a water person that is blue, sea people with blue skin +a detailed photorealistic picture of Homer Simpson consuming a gooey strawberry donut with a look of pure joy on his face +a badly photoshoped man in the moon +Apocalyptic scenario :: destroyed in fire city :: android spec ops in front, Cinematic, hyper-detailed, insane details, beautifully color graded, Unreal Engine, DOF, super-resolution, megapixel, cinematic lightning, anti-aliasing, FKAA, TXAA, RTX,SSAO, post-processing, post-production, tone mapping, CGI, VFX, SFX, insanely detailed and intricate, hyper maximalist, hyper realistic, volumetric, photorealistic, ultra photoreal, ultra-detailed, intricate details, 8K, super-detailed, full color, volumetric lightning, HDR, realistic, Unreal Engine, 16K, sharp focus +Cursed Image of a School Bus +tall fantasy castle on a cliff overlooking the ocean, cloudy sky with patches of blue, sun rays, a massive sailing ship is in the distance, painted by Jeremy Lipking and Marc Simonetti +Colossus of Rhodes in ancient times with ancient ships in the sea and the nearby ancient city of Rhodes +Photo of a mysterious young man in yellow hoodie smoking cigarette and woman in a red dress and heels, full body shot, stylish, neck tattoo, soft light, neon, 24mm lens, realistic, piano, Music, guitar, band, notes, date night +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Vasily Surikov +Computer screen and keyboard located in the captains quarters of a space ship travelling through space, there is a cup of hot coffee on the desk, cinematic composition, Photorealistic, Cinematic, Highly Detailed, unreal engine 5, ultra detailed, 8k, hdr, cinematic lighting, depth of field, Photorealistic, Highly Intricate Details, ultra high, ultra detail, Photorealistic, Cinematic, Highly Detailed, Camera Shots, Dramatic, Realistic, high quality, +RAW photo beautiful blonde freckles vladimir volegov, epic pose, marmaid tail, ultra high res, 8k uhd, dslr, underwater, best quality, under the sea, marine plants, coral fish, a lot of yellow fish, bubbles , aquatic environment. +Angela Merkel news report visibly drunk +Flowering desert Oasis at sunset, stylized +stunning young redhead godess wearing intricate bodysuit +Digital art of monumental breathtaking Mega-Corp HQ building complex, sci-fi, digitally painted in UHD, concept art, intricate details +A highly detailed portrait of Gollum filing his taxes painted by Pino Daeni and Mark Keathley featured on ArtStation +Peppe the frog in sunglasses sunbathing on the beach, photorealistic, 8k, ultra high quality, detailed intricate details +Morris Mini-Minor car driving through volcanic molten lava magma, studio lighting,gallery artworks volumetric light,flames steam +A lion playing an acoustic guitar +stunning model posing for photographers, iconic glamour pose +Abraham Lincoln as a Hollywood icon, movie star +Cyberpunk Batman and catwoman with out clothes on stood next to the futuristic batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +A marble bust of joe Biden in a museum +anthropomorphic voodoo doll wearing balaclava mask and hip hop fashion. muted colors, light and shadow effects, detailed, intricate, clean and textures, trending on artstation, trending on cgsociety, award winning digital art, NFT, extremely detailed, 8 k, behance, trending on pinterest, disneys pixar 3d style, stylized 3d NFT render +Kurt Cobain smoking on stage at concert +, fantasy, pastel, absurdist, photo, refined, tub +a close up of a person wearing a costume, a surrealist painting,cyberpunk art, by Philippe Druillet,inspired by Peter Blume, symmetrical dieselpunk warrior, grand admiral thrawn, a still life of a robot, holy machine, clockwork woman, orbital, king crimson, avatar image, shusei nagaoka, large view +Internally illuminated coloured glass object in a darkened room, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +cloud, night sky, stars, moon, pixel art by slynyrd, featured on Artstation, pixel art, #pixelart, 2d game art, cityscape +High resolution 3D animation, whole body image of a beautiful Diablo 3 style demon succubis with deep red skin and black horns as a naturist in the Scottish highlands, HD 8K, sharp detail, photo-realistic, cinematic lighting +Tom Cruise as Top Gun Maverick +shiny polaroid of Pina Bausch with carnations, iridescent +breton monk looking like zappa with muslims, with a pig photo +A beautiful starry night sky with a giant alien mothership futuristic style +Roman orgy, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +epic fantasy giant black bottomless canyon in the ground +tiny cute vet clinic, isometric view, cutaway box, 100mm lens, 3d blender render +king kong hitting mgb car in the jungle river ,splash rocks ,chrome grill +Wednesday Addams wearing a shirt that reads rock n roll +A giant muscular man knitting a hat, anime +Mechanical steampunk ironman fantasy, sharp focus, digital art, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +A giant Meat cube on a g +|cyberpunk setting| |tattooed male model| |blue hair| |dark eyes| +cyborg man, cyberpunk india, painted face, body art, yantra, cyber mask, baroque style, dark fantasy, kathakali characters, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, soft diffused light, HD, +nighttime a dinosaur and a landrover defender in the jungle river,compy Compsognathus waterfall misty,headlights Chrome Detailing +classical painting of an haitian zombie, voodoo, forest, night time, oil painting, candle lights, moon, dark enviroment +sosnowiec city in poland on polaroid style photo +Elon musk making a toddler cry +A steampunk frog surfing in a rainforest +the leviathan telescope housing in the ground of Birr Castle, Parsonstown, Co Offaly, two parallel semicircular walls +Painting of a brane sphere, metallic shimmer, noctilucent, intricate, photorealistic, colorful, telepathic style +a photograph of a blue purple ChromaFlair MG ZT 190 car ,rover 75 mgzt monogram paint +Avatar land, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +A drawn anime girl, masterpiece, trending in pixiv, , +A glittery, undersea coral reef scene +giant orange glowing humanoid with a sign saying "im real", REALISTIC, BLURRY BACKGROUND, BOKEH, FAST, MOTION, detailed skin, 20 megapixel, canon eos r3, detailed, detailed face +black and white coloring book page sketch, of princess eating matzah on passover and sitting on a unicorn +Solfurous surface of the Io looking like dallol geothermal vents, midnight black sky with Jupiter at the horizon +a duck god with sunglasses floating throughout space +a gorgeous queen with cat like eyes +Cat with a squirrel near a tree, , +A beautiful and lovely female elf, stormy scene, movie lightning, portrait +, fantasy, gentle, pastel, absurdist, photo, grey +A portrait photo of a kangaroo wearing an orange hoodie and blue sunglasses standing on the grass in front of the Sydney Opera House holding a sign that says Welcome Friends! +Raw Photo of princess, freckles, green and gold armor, Kodak Ultra Max, shot on iphone, dslr, high quality, photorealistic, raw, 4k, warm light +football stadium full of people seen from the field +genere un perfil de rostro de 3/4 de una mujer estudiante de 23 años latina, alegre, cabello marron +a close up of a rock on a table, by Jens Søndergaard, mingei, large sword, underside, aged 25, stone age rave in a cave +detailed watercolor illustration of a logo consisting of a blue lion head made of ice crystals, high quality, cinematic lighting, sharp focus, +An anime girl standing in a forest +movie still from 90s romantic tv series about girls in high school +photorealistic conceptual photography style image of eggs +good morning text with coffee and bioluminiscent lights +a candid photo of a muscular green-skinned male orc with huge pecs in a locker room, bald, modern fantasy photography, sharp focus, 4k +a man in suit with a deer head +colorful, birds and flowers on pale black paper, very detailed illustration, sketch, concept art, ink outlines, smooth +two Scandinavian students discussing hyperrealism classroom +futuristic casablanca morocco photo 3d render +A melancholy painting of Gordon Ramsay staring at toast +A portrait of an elegant Jedi Master, Character focus, Blue color scheme, Filmic light, by Tomohiro Yagira, 12k +exciting new realistic poster for new dairy queen lobster blizzard cup in a tall blizzard cup advertisement poster +an image of a clouds scene with a clouds over sea , pixel art by famous pixel artist, pixiv, clouds art, #pixelart, copic color palette, 2d game art, concept art +David Bowie eating a hot dog at yankee stadium, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, +A view of the sun setting on earths horizon from the space station, framed by the space station window, showing the glow of the atmosphere, aurora and sprites +The photo depicts Walter White, the main character of Breaking Bad, standing in a dimly lit basement with a determined expression on his face, holding a baking pan with freshly baked bread. The room is cluttered with cooking equipment and supplies, casting eerie shadows on the walls. Walter is wearing his trademark hazmat suit, emphasizing the dangerous nature of his work. The overall mood of the photo is tense and suspenseful. Dark, dramatic, creepy, nightmarish, eery, serious, atmospheric, intense, 800mm lens, 4k, high resolution, great quality, vibrant colors +Falling polish nuclear-atomic bomb into Moscow +A closeup portrait of a morbidly obese Japanese Buddhist monk in a busy street in 1984 Shinjuku at night, Kodachrome photo +art by Patrick Woodroffe, stained glass motif, whole body portrait of 20 year-old Jennifer Connelly as a naturist at the Eiffel Tower in Paris, HD 4K, sharp detail, photo-realistic accurate face and features +kyle chandler, short brown blond hair, goatee, wearing sleeveless beige kaftan, muscular, 30 years old, background blacksmith shop desert, fantasy theme +A brilliant light radiates from the tomb as Jesus rises from the dead. +Photorealistic selfie of a japanese redhead woman extremely ashamed +colonel sanders charging with his army of fried chicken nto battle +blonde female gladiator with silver arms and a leather kilt +portrait of a girl Cyborgs from cyberpunk india, side close-up, detailed face, spotlight, cyberpunk city, multicolored, bright, contrast, octane rendering, kathakali +mgb cars in the jungle river mg,splash rocks crocodiles,chrome grill +medium closeup photo, symmetric face, attractive stunning Ukrainian 16-years-old blond girl holding one white cat, white winter wool cap, detailed (wrinkles, blemishes!, folds!, moles, viens, pores!!, skin imperfections:1.1), highly detailed glossy eyes, (looking at the camera), specular lighting, dslr, ultra quality, sharp focus, tack sharp, dof, film grain, centered, Fujifilm XT3, crystal clear +Wooden sign in the forest with the inscription "LED's Bear" +Anime girl, sitting on a bench, short skirt +a magic stone portal with the Arctic on one side and a sunny beach on the other +Donald trump holding a bottle of beer +matte illustration, dog, , humanoid dog, digital art, dungeons and dragons, humanoiddog casting fireball, magic, hd, 4k, high resolution, painting +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Thomas Kinkade +a photo of a austin mini in a teddybear museum,lots of teddy bears smiling,toy cars, +A picture of a cute kitten, realistic, cinematic, dramatic background, dramatic +A mayo jar being sad, cartoon +Painting of a tiny plant sprouting out seedling of lights in a magical land, green soil +pennywise the clown on an old town street, at night, 1860s +an image of a blue dog chihuahua, professional photography 50mm, 4k, golden hour +mushrooms and flowers, ultra detailed artistic photography, midnight aura, night sky, dreamy, glowing, backlit, glamour, glimmer, shadows, oil on canvas, brush strokes, smooth, ultra high definition, 8k, unreal engine 5, ultra sharp focus, art by alberto seveso, artgerm, loish, sf, intricate artwork masterpiece, ominous, matte painting movie poster, golden ratio, trending on cgsociety, intricate, epic, trending on artstation, by artgerm, h. r. giger and beksinski, highly detailed, vibrant, production cinematic character render, ultra high quality model +Small medieval village, starry night, Highly detailed digital art, 8k +a glass jar terrarium filled with plants +beatiful japanese schoolgirl reading her phone on bed realistic close +a dolphin playing chess with a mermaid +A oilpainting of a sailboat at night, stars in the sky, high waves +A very attractive young woman in the 1920s named Curvy Sue. Hi res. Realistic. 35mm +Imagine a color that appears different from every angle, with a soft, iridescent quality. It's like a delicate pastel shade that shimmers and changes in hue, depending on the way the light hits it. This color is difficult to pin down because it seems to exist in a constant state of flux, almost as if it's alive and breathing. It's a color that captures the imagination and evokes a sense of magic and mystery. +Stylish and modern apartment building with a clean, minimalist design and a focus on natural light, contemporary, high-end, architectural rendering +elephant eating, anthro, illustration, humor, by gary larson, +20 year-old Jane Fonda as a naturist in Central Park NY +A cop with tall boots on a propaganda poster +a video game scene from fortnite showing a new area, team deathmatch, action shot, weapons firing, call of duty shipment, concept art by Mac Conner, polycount, realism, xbox series x screenshot +the batman and his sidekick Robin prepare to fight The Joker on the streets of Gotham City +Victoria coren-mitchell, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A marketplace, empty, loneliness, eeerie, nostalgic, weird but comforting +Photo of a blonde 18yo girl, intricate white cyberpunk respirator and armor +A hand holding a tiny globe +Highly Detailed illustration of a three-eyed owl. Stipple by Rosalind Monks. +a palm tree in a clear bottle +Lavender field with a blood-red sunset sky with dramatic clouds ,by maximilien luce +an anime girl wearing a fur coat, digital art, trending on artstation +Tunis skyline, professional photography, bokeh, golden hour, sharp focus, 64 megapixels +Photo of a man holding a sword +, fantasy, pastel, absurdist, photo, tiny bug house matchbox +widows telling chat herring hof carl hof jan, Katherine kollwitz +Composition thumbnails, dark landscape painting, there is an island, +Postage stamp: Bright Ink splash blue jay. Bird Portrait. Alex maleev: Ashley Wood: Carne Griffiths: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +, fantasy, pastel, absurdist, cat matchbox +Astronauts in busy Business theme; Astro city; oil paint; +sticker of ultra detailed portrait of Ochako Uraraka, high quality cell shaded illustration in post apocalyptic style, Akihiko Yoshida, full body, dynamic pose, perfect anatomy, centered, freedom, soul, approach to perfection, cell shading, 4k , cinematic dramatic atmosphere, watercolor painting, global illumination, detailed and intricate environment, artstation, concept art, fluid and sharp focus, volumetric lighting, cinematic lighting, Art by Akihiko Yoshida +"Heavy" from Team Fortress 2 playing Team Fortress 2 on a computer +Inspiring ultra detailed digital illustration spaceship command, art illustration metal vivarium, Hyperion foundation artifact, epic fantasy character action scene, illustration in the style of Jean Moebius Giraud, Arzach ; Fantasy · 1975 · Heavy Metal, jerry cornelius The Airtight Garage, Blueberry Comic series Jean "Mœbius" Giraud, horror fantasy distinct elegant gentleman speeds away 4052 Dies +photo of 42 y.o man in black clothes, bald, face, half body, body, high detailed skin, skin pores, coastline, overcast weather +Emma as hermione granger, dark, sad, epic, cinematic lighting, +photo of crossdressing young man, teen +Fantasy, pastel, absurdist, photo, Wes anderson, bird characters +A 4k photograph of a mage on the balcony of a castle overlooking the view, forest with a river and its mountains. +un dinosaurio en la luna con una computadora +vintage easter postcard, early 20th century +a young dark skin male model +Shrek in front of Sydney opera house +Red and white high tops Nike shoes and Bitcoin y +laughing man by gustav dore, illustration, steel engraving +a slim 6yo Japanese girl in tutu ballet dancing, stocking, from behind, nikon d5 +A photo of 1920s Shanghai, the Jade Emperor's Casino in the middle of vibrant nightlife spectacle, neon lights, fog, flapper-dressed people, sharp-suited gangsters, jazz music, 4K, hyperrealistic, focused, high details, cinematic lighting, Unreal Engine 5, vibrant colors. +magazine cover, text, skinny little preteen 8 year old girl, straight blonde hair, croptop and miniskirt, muppets and old man, bedroom, chains and ropes, starwars, muppets. by gustav klimt, dino valls, gustav klimt, Daniela Uhlig, thomas kinkade +Elon Musk performing on stage with The Beatles +a movie poster from the 1970s showing two siblings who are beautiful but creepy +cocktail party, celebrities, rich people, ,crowded table, smiling, drinking enjoying, photo taken by annie leibovitz, intricate face details, studio lightning, canon 50mm, 4k, 8k +Front view of a demonic red archangel, carrying a sword, fiery cataclysmic background with mountains, an army of demons behind it +, fantasy, pastel, absurdist, photo, tiny ghost house matchbox +Female space ship pilot in cockpit +old man looking great sitting on a throne +Human palm decorated with arcane symbols, realistic, beautiful +Kinky teen 2B cosplay Webcam, Only Fans +The personification of the Halloween holiday in the form of a girl with short hair and a villain's smile, cute hats, cute cheeks, unreal engine, highly detailed, artgerm digital illustration, woo tooth, studio ghibli, deviantart, sharp focus, artstation, by Alexei Vinogradov bakery, emerald eyes +an epic explosive crowded battle between cyborgs, authorities, and robots in a dystopian nighttime landscape with neons, sci-fi, cyberpunk 2077, blade runner 2049, terminator, i-robot, synthwave, 80s futurism, 3d render, cinematic lighting, cinematic detail +A white woman in a summer outfit +a watercolor painting of a sea turtle, a digital painting, by Kubisi art, featured on dribbble, medibang, warm saturated palette, red and green tones, turquoise horizon, digital art h 9 6 0, detailed scenery —width 672, illustration:.4, spray art, artstatiom +lost in the woods, landscape painting by Andy Kehoe +mourobscure etching tega 📊 scorsese cava pen,Jules Bastien-Lepage, woman in black coat next to a snowman in snowy landscape +close up of beautiful young colombian woman with a black kimono on a japanese garden +two blonde guys jogging in amsterdam +A movie still of EmmmA Watson as Harry Potter Hermione Granger Wallflower +An epic duel between good and evil wizards +sewing visitation lightroom else adolf gullodell k, Jules Bastien-Lepage +Mighty Mouse: "HERE I COME TO SAVE THE DAY!" +an expressionist painting of a snow monkey learning to play a violin +photo of an upside down wedding +poetryday mollycommuters boat rescues atkinson lidge sargent,Jules Bastien-Lepage +A hooded ominous character in a dark yellow cloak with no face with tentacles emerging from the bottom of his robes +lovecratian mosnter with 4 eyes, emerging from misty sea +a cinematic film movie still, bokeh, film grain, photorealistic +white beach with some trees and clean blue sky ,small islands +Wikihow instructions on how to marry a Clown +captain Britain, lionhead emblem on his teeshirt, marvel movie poster +dancing anthropomorphic elephant, anthro, twerk, back view, illustration, humor, +an anthropomorphic grey wolf, medieval, adventurer, brown cloak, dnd, town, rpg, rustic, fantasy, hd digital art +Tom Hanks rafting on the nile river, the pyramids in the background +1984, a risqué polaroid portrait close up photo of a gorgeous blonde girl with big🍈🍈 dancing in roller skates in a neon roller rink +Superman the Super Transgender Man, 1960s comic +Beautiful and Modern Skycraper, Marble, Glass, Metal, Luxury, Gold, Manhattan, Building +Black frenchton with a tenis ball +A shore and a sea made of liquid metal, mercury, with some island in the distance. But instead water the sea is liquid metal, mercury. +Cloth off viking princess, holds big dick inside open mouth ,white yogurt falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, jelly leaks on laps,nice arms, nice eyes,highest detailed, masterpease, +Illustration of angry eyes skye from paw patrol +Viktor Orban dressed like Elvis Presley in a Prison +sleepwear catalog photo of a cute tween girl wearing a payama +An abandoned house, interior, broken tv, dust particles floating in the air, god rays through window, decay, overgrowth, photorealistic, highly detailed +honeybee collecting the nectar from bunch of marigold +Cat god standing on top of the world globe with arms stretched out, thick outlines digital illustration low detail +catering logo, healthy food, minimalism, pastel shades, Indian jungle, 3d icons, family restaurant, Russian Tali, saint, icon style, realism, octane render +whole body image of 16 year-old Molly Ringwald as a naturist in detention at school +Alfred Stieglitz – Landscape Photography A digital art piece of a robot holding a bouquet of flowers in front of the Eiffel Tower +a burly muscular android man made of lifelike silicone rubber, full body shot, view from behind, cybernetic, robotic +Kraken, giant octopus, underwater, HQ, 8K, trending on artstation, greg rutkowski +lady maria of the astral clocktower by zdzisław beksinski, trending on artstation +Intricate and elaborate artwork of a magical flowing liquid made of flowers and leaves, by M.W. Kaluta, Marco Mazzoni, Alberto Seveso, James Jean, triadic color, intricate and fluid swirling, 3d liquid detailing, subsurface scattering, intricate, Adobe After Effect, a masterpiece, trending on artstation, UHD +genere un retrato de perfil de 3/4 de una mujer latina de 32 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +dead girl lying in morgue, full body +realistic photo of 8 year old girl chino kafuu from is the order a rabbit, cosplay, full body +magic space ape inside cosmic deepdream radiating a glowing aura stuff loot legends stylized digital illustration video game icon artstation lois van baarle, ilya kuvshinov, rossdraws, +mgb car driving in volcanic molten lava magma, studio lighting, volumetric light,flames steam +(full body shot:1.5) of woman, (braided faux-side mohawk:1.5), (makeup, hipster, fierce, goth, muscular, checkered skirt, 8-pack abs, hands on hips, garters, trenchcoat:1.2), art by Alphonse Mucha, art by Antonio Moro, dramatic, painterly, mercenary, exotic colors, smiling, happy, glowing lights +A picture of a 18yo teen girl a smelly tight outfit with yellow liquid dropping down legs, Fog fumes near the backside of the woman, smell fumes around backside, , +a creative carnival mask, graphic art +a wholesome animation key shot of harry potter students, fantasy, colorful, pixar and disney animation, sharp, very detailed, high resolution, key art by greg rutkowski, bloom, dramatic lighting +bulma from dragonball z, anime artstyle +Paiting of a Medieval Female Computer Operator, art by Dante Gabriel Rossetti +simple drawing of a black girl thinking +digital art, anthropomorphic hippopotamus, unibrow, muscle fat, male, furry illustration +anime black haired tan purple dragon girl with red tracksuit manga purple horns large scaly tail red tracksuit purple eyes +Exchanging crate of plants, fruits and vegetables in a garden +an in-game screenshot of Breaking Bad for the PS1 +perfect body shaped african girl doing squat in a gym ,back view of the girl,with perfect bottom in tight shorts +pencil drawing of a mysteric cube +an image of Eddie Van Halen melting other peoples faces with his guitar playing +a wizard in the castle, illustration +pikachu, Glamorous glitch art, glitchcore, organic, forest druid, gurren lagann, cyber punk, hellscape, portrait, masterpiece, intricate, highly detailed, sharp, technological rings, by james mccarthy, glowing blue lush seascape bioluminescent, by beeple and johfra bosschart, highly detailed, painting, intricate abstract, intricate artwork, by tooth wu, wlop, beeple, dan mumford, artstation, pikachu +From lateral outside Photography of gigantic orange interstellar spaceship docked in launch pad. by Ridley Scott and Stanley Kubrick. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +man with abs, muscles, perfect body, blonde, blue eyes, at the beach +A beautiful bride, detailed , highly detailed glossy eyes, looking at the camera, specular lighting, dslr, ultra quality, sharp focus, tack sharp, dof, film grain, centered, Fujifilm XT3, crystal clear +Hans scheike as Winnie the pooh +High-definition image of a penguin among marijuana plants +a wide angle photo of a line of shouting roman soldiers in front of courtyard arena roman buildings,white marble red gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point symmetry perspective mountains landscape ,ben-hur gold eagle roofs , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +Life is a layer upon layer of waves, constantly rushing forward until they disappear. +beautiful portrait of a woman with pastel long hair with her cat, blue eyes, wearing a hoodie and short skirt +Illustration of a surreal, otherworldly scene featuring a giant, detailed and intricate tree with beautiful lighting and realistic proportions, as if it were a cinematic background, by popular artists Jeremy Geddes and Zara Gonzalez Hoang, 4k, clean, realistic face, realistic eyes, highest quality, realistic hands, trending on artstation, masterpiece +A peaceful Zen garden with a bubbling water feature and carefully placed rocks and greenery, in the style of an isometric illustration +the enchanted retrofuture land of space squid, constellations and cosmos, op art by ed paschke +a 10 years old boy with an ice cream in his hand +assassin with Aries constellation jabberwocky sheep mask avatar, sheep horn, galaxy dark purple-red, flower, metal, smoke, liquid, fire, horror, beautiful, charm, mystic, symmetry, systema anatomy, science-fiction, ui ux, unreal 5 game engine, Crayons painting, in ink circle, contrast background, Dark Fantasy +realistic, fashion model, photorealism, colorful, magazine cover, text, skinny little preteen 8 year old girl, straight blonde hair, croptop and miniskirt, muppets and old man, bedroom, chains and ropes, starwars, muppets. by dino valls, gustav klimt, Daniela Uhlig, thomas kinkade +Photorealistic movie still from an British 80s fantasy folk horror movie by David Croneberg, robed deranged villagers summoning demons, 70mm Cinemascope grainy film, vhs screengrab, shot with a 50mm lens, intricately-detailed, long exposure time +High resolution 3D animation, whole body image of Megan Fox as Lilith, a beautiful Diablo 3 style demon succubis naturist with cherry red skin, black leather dragon wings, and black horns in the Scottish highlands, HD 8K, sharp detail, photo-realistic accurate face and features, cinematic lighting +high definition human face taken by a traditional camera revealed in the traditional method +50s comic book cover of Cute woman, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +Scene from a film for adult only with a blonde woman and a man makes what a man should do +a anime girl wearing white thighhighs +a man with a dog's face +masterpiece, realistic photography of a cosmic god, armored warrior, hovering over the eath, cinematic, still from games of thrones, epic, volumetric light, award winning photography, intricate details +cherry blossoms, gold snakes, pattern, heaven +Albert Einstein presents the SEGA Genesis co +Flying vehicle:3, non-existent:2.5, magically:3, future:3, unique:2.5, RAW +lineart of a running wolf made of fire +Cinematographic 1970s Chirac adidas-3stripes-tracksuit french photoportrait adidas carshow spaceship anglican-tiara-mitre Archbishop Jacques Chirac RPR vatican space program moebius capsule launchpad thunderbirds-vuitton Astronaut papal official leica hasselblad photograph in Vatican royal helmet metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Cyberpunk, Garuda cyborg, Eagle head, Ancient India style, fine details, si fi, silver on a black background, inlaid gems, Indian mehendi patterns on the case, diamonds, precious metal, jewelry, feathers, Baroque style, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution , 8k detail, clear edges, technologies, mechanisms, rough black background, HD, Unreal Engine 5 +Cinematographic-sixties phil-ivey poker player bellagio capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +man looks over his shoulder at another woman walking +kaiju dinosaur sleeping at the bottom of the sea, Illustrated by moebius, anime, bioluminescense, lo-fi, watercolors +floating in space by ayami kojima, katsuhiro otomo, eugene de blaas frederic leighton +highly detailed portrait of The Joker stood on the streets of a foggy city, night time, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, portrait photograph, film grain, dark tones , +A photography of a bedroom, nostalgic and liminal, photography took in the 80s +The setting sun is streaming through the window and a bare preteen girl in front of it in the bathroom +slavic woman with orange hair walkig trough cyberpunk City ruins by artgerm, asymmetric cut, low angle, short hair +Painting in the style of Klimt, batman on Granville coast Plage du Plat Gousset in France with the sea and the beach in the foreground, gold, golden, swirls dots and colours, by artist Klimt +a stone building sitting on top of a lush green field, a statue, by John Atherton, neoclassicism, water temple, hull, tombs, half - length photo +a metal band playing at a funeral +Majestic snow leopard: This image showcases a beautiful representation of a snow leopard with its radiant shine and piercing eyes. The leopard's fur appears soft and fluffy, while the snow in the background adds to the majestic and powerful feel of the image.“Deep blue skies,” “Vibrant colors,” “Reduced glare,” “Polished reflections,” “Saturated landscapes. +a photo of a cat drinking coffee +an angel playing football against a demon +Millennium Falcon flying through asteroid field +image of the heavenly catholic leader cyborg, iron maiden,surrounded by bishops in red robes,glowing eyes,large view,a surrealist painting, inspired by Jean Fouquet,by vincenzo riccardi and Philippe Druillet,katsuhiro otomo, metabaron,masterpiece +portrait of guy muscle bald Slaughter at russian prison. wear raunch briefs, highly detailed face. art +Best paint color in the kitchen island bright +Bed in the form of a car, photorealistic, photodetailed, photorealism, excellent realism effect +lena paul casandose con un caballo +Bloody Mary with mouth open in mirror, dark room +An image of the USS Enterprise above the earth +humanoid anthropomorphic furry raccoon is sitting on the ground, furaffinity +an empowering view of a kangaroo warrior with eye scar,wearing a noble's robe,fighting the demonic orca warrior wearing tribal armour,city streets,at night,neon lights,by artist cgsociety and Ian Miller and by artist Ken Kelly and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +A burly, green-skinned ogre warrior in a 1980's high-fantasy book-cover style. +beauty is in the eye of the beholder, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +black and white coloring book page sketch, an excavator eating breakfast +candles hunger austerity immigrants pulitzer arthur kidman iwm, Jules Bastien-Lepage +a boy walking down a forest in fall, anime, stylized, hands free +an epic super smash bros battle in a sci-fi dystopian world, unreal engine 5, photorealistic, explosive, blue tone, cool, cyberpunk, next gen, battlefield, rampage, fight, +red heart beating in your mind +"Create a digital art piece of a charming grasshopper dressed in a top hat with oversized eyes. The grasshopper should be depicted in a cute and endearing way that captures its playful personality. The background should feature a natural setting, such as a grassy meadow, and the colors used should be bright and cheerful to complement the grasshopper's joyful spirit. +A woman holding a sign that says "Hello World" +a couple of people that are standing next to each other,surrealist painting,cyberpunk art, inspired by Philippe Druillet, afrofuturism, silver gold red details, vania zouravliov, art cover, masks, a still life of a robot, intricate white and gold armor, symmetical face, siamese twins +multiracial female superheroine in a green long sleeved tight shirt, light blue miniskirt, with golden belt and high heels +catering logo, restaurant logo, cafe logo, healthy food, minimalism, pastel colors of red and green, in the jungle of india, emoji style, gradient, colonial style, 3d logo, good for family, Tali, piety, realism, octane render, soft diffused light, restaurant icons +The pope sticking tongue out holding a sign that says 666 +The universe is imploding and causing the destruction of all reality, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +a dream world of the future +a glass jar with a scientific specimen completely covered with yellowish liquid. The specimen in the jar is a 4 year old beauty pageant winner Girl in a pink dress. Her whole body is crammed and caught in the glass jar that is very small +Oil painting of a girl walking down an aisle and suddenly encounters a giant flower. +Still shot from movie of a muscular gorillaman, laughing wildly, holding a spear, cinematic +gritty comic book art of an explosion on the moon +grim reaper holding a melting clock album cover +A photograph of a bottle of a drink, an ultra-realistic image, professional photography +color photograph of young taylor swift in nurse uniform taking care of a black dog,nurse with oldman,highly detailed,beautiful face,masterpiece,natural lighting,realistic,photoreal +photo of a sunken steamtrain in the jungle river,flooded train, misty mud rocks,panorama,LNER Gresley +Digital art of monumental cyberpunk breathtaking Mega-Corp HQ building complex, sci-fi, digitally painted in UHD, concept art, intricate details +Images of the ending of times, last days, galactic, answer to life, supremacy +A cat protrait in a solider uniform, full body, from a distance, van gogh +a cute chihuahua toon wearing a sombrero drinking bobba +A cat on a propaganda poster, soviet poster, space exploring +Still Shot of a, 20yo German Princess inside a horse carriage +old colorized photo of people playing long drums in amazonas +photo of a millenium falcon in the city river with teddybear,flooded millenium falcon,splashing misty mud rocks,panorama,city buildings, large ewoks +a highway sign with cherry blossoms in the background. +Cliffside megastructure by Saha Hadid and Frank Lloyd Wright +a dark smoke cloud with the face of marvels enchantress +a daz studio 3d girl in a red dress with flowers +Coloring page of queens and princesses in a palace full of flowers and unicorns flying over the sea +two anthropomorphical sheep sitting on a sofa, front view, dark living room, light from television is only source of light +Happy clown holding a sign that says “IF will drop” +Amazing landscape photo of mountains with lake in sunset by marc adamus, beautiful dramatic lighting +Old man holding a sign saying "I am cool" +anime illustration of link as fairy king oberon +A badge, flag , icon, space, space program, +a fire dragon flying above a castle. painting dynamic +A realistic photograph of bald Walter White from Breaking Bad series holding a big metal sign that has text: "Make blue great again!". Real life picture of bald Walter White holding a sign. The sign says "Make blue great again!". +masterpiece, dark areola visible, detailed see-through sheer open camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +muscular chubby simu liu, shaved head, goatee, fantasy theme, hairy musclechub, wearing leather strap armor, blue leather pants, waterbending magic, martial arts pose, stormy seas background, fantasy magic +fashion croquis of 1810s handsome gentlemen in formal suits +Bill Gates swims in the Yellow River +a red haired hungarian woman, with very long hair, looks like young Tilda Swintom mixed with Evanna Lynch and Selena Gomez, dressed like lady Galadriel in a Transylvanian landscape, oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress, inspired by John William Waterhouse's The Lady of Shalott +the enigma of the forest, machine eyes, steampunk creature, subtle depth of field, hauntingly beautiful digital matte painting, somber melancholic atmosphere, intricate masterpiece, 4k +An easter bunny, eggs, tulips, on a pink background, copyspace on the top, digital art, +An older retired batman having a drink of guinness at a bar, cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +An anime image of a young man riding a motorcycle on a futuristic highway in the style of Akira +ultra realistic 8k cg, picture-perfect face, flawless, clean, masterpiece, professional artwork, famous artwork, cinematic lighting, cinematic bloom, perfect face, beautiful face, beautiful eyes, perfect female body, narrow waist, black hair, gorgeous queen, royal, divine, goddess, godlike, royal palace, fantasy, dreamlike, unreal, science fiction, beautiful clothes, lace, lace trim, lace-trimmed legwear, absurdly long hair, very long hair, prestige, luxury, jewelry, diamond, gold, pearl, gem, sapphire, ruby, emerald, intricate detail, delicate pattern, charming, alluring, enchanting, hair ornament, necklace, earrings, bracelet, armlet, +bunny shooting rainbow lazer, The Powerpuff Girls style +a blue astronaut riding a monocycle +A snowy mountain peak at sunset, with a lone hiker standing at the top, looking out at the view +Portrait of a warrior form timbaktu, intricate african golden braided helmet or hat, extremely detailed, intricate, high resolution, hdr, trending on artstation +Black schnauzer swimming in a pool filled with wine, the pool has dark purple liquid, +Oil Painting of Priest, robot, princess, drinking in a busy restaurant in Rome +An image of brigitte bardot as Indiana Jones +Cyborg in a massive colorful space +An older retired batman having a drink at a bar, photography, press image +gritøfemloomsnes crafts peasant solitude ,Jules Bastien-Lepage +purple horned tiefling adventurer, dnd, character art +a dog wearing a hat riding bicycle +An exhausted pepe the frog at the frontlines in the army at night with his platoon fighting, key lighting, soft lights, foggy, by steve hanks, by lisa yuskavage, by serov valentin, by tarkovsky, 8 k render, detailed, cute cartoon style, very cute adorable face +bed car, mixed new object, highly detailed, professional render, ultra realism, photorealistic, photodetailed, detailed details +professional studio photo of attractive stacked swedish blonde teenage glamour model wearing 17th century french off-the-shoulder neckline bodice, showing deep claevage +light brown hair and full skin body black suit with hazel eyes pony tail girl anime girl manga anime short girl mecha anime girl +a 1980s yamaha concept motorcycle oil painting +a girl walking through the street with headphones, digital art, cyberpunk city +fantasy character portrait digital painting, genshin impact +selfie photo with people dogging in background +Illustration Portrait of School girl and a giant steampunk robot, art by akihiko yoshida +Lviv, closeup photo portrait of a crow hiding in the snow, a city street at night, a picture, by Zoltán Joó, world press photo awarded, blackout, no electricity, traversing a shadowy city, view from street angle, breathtaking, winter snow, kodak ektar 100, Pentax 645 +A car on a street in a forest +marilyn monroe is a punk guitar player, gig photo, low angle shot, wide angle camera lens +cute bunny with fire coming from his eyes +a cute kitten made out of metal +A simple logo for a film company called wolf light studios. +meme of two women yelling at a cat in a restaurant +Bruce willis as gollum, full body, ultradetailed, embellishments +Pablo Echarri as a glass cleaner +Sonic the Hedgehog in a superman suit flying +black marble sculpture of a woman’s head, submerged in a massive wave +curvy busomy woman wearing an open fleece bathrobe +Film still from 80s dark fantasy swimming pool movie +A young stylish woman holding a megaphone made of semolina +photorealistic image of Michael Keaton as Batman without his mask from the 1989 film, captured by a skilled photographer? I'd like to see the details of his face and costume in high resolution, with the same level of quality as a movie still. +a photograph of an attractive tattooed goth woman +a painting of a bunch of people flying in the sky, a storybook illustration, by Yanagawa Nobusada, pixiv contest winner, full car, junk everywhere, album cover!, tekkonkinkreet, history painting, caravan, children's cartoon, on a sunny day, whole page illustration +coloring book, girl, black and white, lineart +kanye west dressed in balkan folk cloths +A picture of a 18yo teen girl a smelly tight outfit with white milk liquid dropping down thighs and milk droplets ontop t shirt, white liquid on torso smelly stain visible on leggings, smell fumes near woman, smell fumes around leggings, , +A watercolor painting of a cat, colorful +beautiful young woman smiling at the camera, professional photo +Closeup photo of a young woman, wearing a white shirt and denim jeans, she is sitting on a wooden chair and looking towards the camera, this place is in the middle of nowhere, green field and storm clouds, breathtaking scene, dslr photo, film photography, kodak portra 800, sharp, focused, high definition, award-winning photo, ultrarealistic, flickr +A baby with a shotgun, by Yoji Shinkawa +Ozzy Osbourne sticking tongue out wearing sunglasses holding a sign that says Famous +Highly detailed portrait of halo, sunglasses, blue eyes, tartan scarf, white hair by atey ghailan, by greg rutkowski, by greg tocchini, by james gilleard, by joe fenton, by kaethe butcher, gradient yellow, black, brown and magenta color scheme, grunge aesthetic!!! graffiti tag wall background +post apocalyptic Venice canals with makeshift rusty metal gondolas and destroyed bridges +Hyperrealistic charcoal drawing of a red panda, greyscale charcoal painting +A cute Kawaii tiny hyper realistic baby goat, wearing hip hop clothes and magenta sneakers, city background. wide angle full body, 8k, Cinematography, photorealistic,epic composition Unreal Engine,Cinematic, Color Grading, Portrait Photography,Ultra-Wide Angle, Depth of Field, hyper detailed +wolves among sheep surrounded by a sea full of sharks +3 guys standing in front of Overland Trucks +an image of an ethnic middle eastern man in the desert next to a heavily industrial landscape, large mechanical machines. this aesthetic includes mechanical things, odd colors, and culture mixing. digital art. +Marilyn Monroe wearing a shirt that reads Masterpiece +a neon city street at night, a mgb gt car,silver car,studio lighting,inside space station with windows,mg cars +charming mixed female african asian white +prince with warrior woman (hair horns), Jude and cardamom, gold, riso, illustrative +Cute fairytale cottage, architecture design, digital illustration, digital concept art, medium shot +a cardassian alien wearing blue starfleet uniform, star trek, tng, ds9, deep space 9 +a flag with pi and a circle +psychedelic wizard of the ethereal world in the forest of sweets and colors +A turnip wearing a tiny hat and a monocle, sipping tea from a tiny cap and reading a newspaper +Statue of a monster in an Italian Piazza, aeral view +8k resolution, realistic digital painting of a colossal dragon creature, full body visible, looking down, overgrown, ancient, abstract background, global illumination, depth of field, highly detailed, game concept, art by hoang lap and fuji hoko and artgerm and greg rutkowski and viktoria gavrilenko +New fluffy anthropomorphic voodoo doll character wearing balaclava masks and hip hop fashion. muted colors, light and shadow effects, detailed, intricate, clean and textures, trending on artstation, trending on cgsociety, award winning digital art, NFT, extremely detailed, 8 k, behance, trending on polycount +Audrey Hepburn wearing sunglasses, holding a pentagram +dissected pregnant girl at morgue. highly detailed photo +young giant muscle guy torture pregnant girl at Chamber. highly detailed image +Ben Shapiro as the cover of ministry's filth pig album, but covered in milk +Horror movie, photo of a slasher with a barn owl mask +post card featuring a waterfall with the text "wish you where here" +Heart trapped in a glass bottle +A photorealistic pulp magazine cover art of an anthropomorphic red panda detective +photo of robocop in baroque palace, marvelous, breathtaking +White sweet cat / black forehead/ black tail /cyberpunk, high detail, unreal engine, cinematic +illustration of a man smoking, cinematic lighting, matte painting, by atey ghailan +Newspaper hand drawing style caricature of a cat hidden inside a big mess in a house +Roses and fluffy bunnies by artist "Storm Thorgerson", feathers by artist "bob eggleton", shimmery goldsilver gradient transluscent wings by artist "Yves Tanguy" +A piggy bank with cute eyes, looking at a coin that is in front of him, Pixar character, animated movie style, octane render +Demi Mode female Japanese Punk with Spiky Hair wearing thigh length boots dressed in red tartan walking on mars with Shetland pony pinto with spiky mane +The backside of man on beach watching the waves +illustration of a character by Akira Toriyama +Portrait of a fairy tale princess by Isaac Levitan +A renaissance oil painting of the Queen sitting on her throne, cinematic, dramatic, volumetric lighting +a low angle candid creepshot upskirt of a woman +old school dungeons and dragons art by Larry Elmore, by Clyde Caldwell +hyperrealistic polaroid, extremely detailed pale skinny young woman covered in veins, totally black eyes, veiny tentacles intestines, body horror, intestines and veins coming out of mouth, , +a car that is made out of a tree +Synesthesia, musical notes flying away from a music flower, charcoal hyperrealistic colourful art print by robert longo and alicexz +medium shot, full body street photography of a pretty young woman running on a flooded street in the rain, black and white, by tatsuo suzuki +anthropomorphic egg, round body, smooth shell, cheerful expression on his face, wears clothing, bow tie, hat, has arms and legs like a person. +photo of a running wolf made of fire +comic illustration of Batman cooking some pancakes, pop art +gorgeous female sitting on a bed, Indian American, wearing a sheer saree without a blouse, bare legs visible, attractive, flirting, full body visible, looking at viewer, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +Vintage 70s poster from horror scout camp movie +a knitted African mermaid with a purple blue tail, braided yarn hair +“KC” in a graffiti style font, esports style logo, on a black background +life at Camelot , epical, fantastical, magical, mystical +cinematic still of highly reflective stainless steel girl in the desert, at sunset +Sonic the Hedgehog, 1960s comic issue 1 +Barack Obama talking to Jimmy Carter in a 2005 interview about Hurricane Katrina. +A Portrait of Daenerys Targaryen eating Chips, High Resolution, High Quality, Many Details, Real Life +Drake at the age of 75 +Hyper realistic photo of a Beautiful ginger female secretary sorting books in a library, Victoria's secret +exquisite marble detail, spray, mist, holding battery powered dildo, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, +RAW photo, photo of a person made of dripping green slime, face, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +A very brawny man, heavyset, handsome, fat, overweight, plump +master bedroom suite, you are immediately struck by the opulent and luxurious atmosphere that surrounds you. The room is bathed in a soft, golden light that emanates from the ornate chandelier overhead, casting intricate shadows across the glossy, black marble floors. The walls are painted in a pristine white, reflecting the light and adding to the sense of spaciousness and grandeur. In the center of the room, a massive king-sized bed takes pride of place, its intricately carved gold details sparkling in the soft light. The bedding is pristine, with soft white linens and plush pillows that seem to invite you to sink into their welcoming embrace. The room is furnished with sleek, modern pieces that perfectly complement the opulent feel of the space. +Evtol, flying bike, flying car, hover cycle +an image of moon women swiming +Movie still of starwars princess leah cworking as a waitress in a dinner, extremely detailed, intricate, high resolution, hdr, trending on artstation +A logo for the series “Phineas and Ferb” +Selfie of a cute Japanese 20yr girl, neon hair, wearing a sheer plastic translucent shirt +Kronborg castle in a futuristic Elsinore, superb lighting. intricitaley detalied, hidden secrets +digital art print by monet of two people looking in each others eyes +adult wizard casting a spell fantasy magic +a man in a union jack outfit with cape, perfect face, photography by Nels Israelson and Michael miller, superhero movie still, action shot, reimagined by industrial light and magic, official photo +New character in the movie turning red by disney pixar, cgsociety +woman being abused, swollen, bruised, highly detailed, embellishments +kaiju sleeping in the sea floor, big lizard, Illustrated by moebius, anime, aurora borealis, lo-fi, watercolors +jim lahey the best damn trailer park supervisor, unhappy about being in a kiddie pool full of baked beans, painted in intense color palette by jean delville and andrew wyeth +detailed digital fantasy painting of a whale flying through clouds +gold cat statue karnak,stone floor entrance +highly detailed, epic composition of a Warframe character in a full shot, with a 3D, digital art style, using matte painting techniques, 8k UHD resolution and rendered in Unreal Engine 5, award-winning and trending on ArtStation and Behance +Advertisement for the brand new Cake Burger, a Hamburger with Cake additives +Sonic as a Mr Men character +Insane crazy cat in a mushroom fantasy world, only outlines illustration in black and white , fisheye view +large group of monkey drowning in the ocean at sunset, ultra detailed, high resolution +a gorgeous boy photo, professionally retouched, soft lighting, realistic, smooth face, ], perfect eyes, wide angle, sharp focus on eyes, 8 k high definition, insanely detailed, intricate, elegant, art by artgerm, snowy winter +A drawing of a woman modelA drawing of a woman model +anakin skywalker in revenge of the sith +demon music industry executive, a demonic man in a suit +photo of dinosaur biting a landrover in the mud jungle,defender, teeth angry fierce claws +A LEGO display of Kyoto in Fall +crypto bros crying over losses, crushed by giant bitcoin +Gonewild PLAAST imgur A beautiful GOTH GIRL with TATOOS bare tiddies big 🍈🍈🍆💦🫦 open legs, plugged as shole, bedroom elegant upscale expensive high rise condo +Black flames burn the red tree +darth vader smoking, national geographic, portrait, photo, photography –s 625 –q 2 –iw 3 +A dentist in a dark florest +In high resolution 1920x1080 pixels, a man in a green suit smiles at the camera while removing his sunglasses with his right hand against a background of blue sky and white clouds.oilpainting +2d game world, terraria, minecraft, sprites, pixels, view from above +selfie photograph of singer taylor swift with group of hairy indian men,indian street,face closeup,sharp focus, venereal pose,white woman surrounded by brown men,highly detailed,stunningly beautiful face,natural lighting, +A really creepy horrific oil painting +a cute anime muscular boy, full body, wearing denims only, action pose +A parchment document designed as a medieval-style scroll, with intricate 14th century calligraphy and illuminated borders. Featuring a coat of arms crest in one corner, this scroll is designed for an SCA Award of Arms and adorned with detailed floral patterns and antique gold leaf. Two paragraphs of calligraphy have been added to the scroll, written in a slightly smaller font size than the main text. The calligraphy reads as follows: "Let it be known to all that we, and , King and Queen of +A man + A lemon, concept art\ +terrifying huge dark souls boss, epic action shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +big robot friend sitting next to a human, ghost in the shell style, anime wallpaper +Synesthesia, musical notes flying away from a music flower, art print by alicexz and robert longo +, fantasy, pastel, absurdist, photo, refined, textile characters +super car, speeding on a road, wheels made of fire, photo, epic +super mario, league of legends splash art, vaporwave, in the style of gta 5 loading screen, by stephen bliss +a great winged dragon soaring trough the skies +A small cactus wearing a straw hat and neon sunglasses in the Sahara desert. +Generate an image of a Cityscape in the style of Mary Cassatt's Impressionism Focal point. Lens correction 4K +sloth holding a sign written "Caillu" on it, photorealistic +a conwoy with lot of very expensive cars liek gold Bugatti or diamod Ferrari +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model wearing demonic, Jodhpurs greg manchess painting by Sargent and Leyendecker, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +A painting of the Pyramids of Giza, by Claude Monet, impressionism, impasto +a 4k ultra resolution, scary dark themed image of a bedroom window, with drapes +The garden of eden floral painting +Michael Jackson moonwalking on the moon +, fantasy, pastel, absurdist, photo, refined, textile toy +realistic photo of a little girl mahou shoujo underwater, full body +a website design for SpaceX's Falcon 9 rocket with a white color scheme, futuristic feel, clean layout, and minimal elements. +The great wave of ice cream +a girl sitting on a beatch +lime slices on black marble, 8k +fantasy art print, eagle legend of ravaging dynasties eagle +Mechanical sketch, US Patent application for a steampunk mechanical black hole star mad scientist tesla device, with approval stamp dated 1867 +a red haired hungarian woman, with very long hair, looks like young Tilda Swintom mixed with young Cate Blanchett, dressed in a black medieval dress and cloak in a Transylvanian landscape, oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress, inspired by John William Waterhouse's The Lady of Shalott +a chubby goblin rogue in a forest +fantasy beautiful arabic princess on moon +An anthromorphic fox wearing a fur trimmed winter coat, wearing fluffy fur trimmed hood, digital art +comic format, Zapdos, Pokemon in humanoid form, view direct centre, standing, grassy, mountain ledge, beside a vermillion pool of water, gorgeous comic stylized in, Digital Art, by Artgerm, Ilya Kuvshinov and Bobby Chiu, view, Headroom +beautiful OL woman on the burning street +3d render of funko pop rapper, studio, hyper realistic, octane render +Exsilon is a small luminous creature with six wings and two antennas, possesses the magic of light and energy. Can emit bright light and electricity, charge or discharge other creatures +portrait of Sarah Michelle Gellar, HD 4K, photo-realistic accurate face and features, studio lighting +indian man in pool being gay +A samurai with a helmet made from a banana +A sphere with a cowhide pattern in space +Scared Man with head in a cage full of stinging bees, ] +An image of yui yuigahama from oregairu +Masterpiece, Teacher, POV, 1 on 1, White hair, Japanese, Wildfire, 3d +, fantasy, greyscale, absurdism, photo, refind, horror movie character +close up photo portrai of female F1 driver from the 70's +a depiction of a generic coporate animal mascot as an overweight man. +A castle in the sky, clouds, sunset, explosion +image of a tired and jaded-looking alien cooking at a campfire in a serene, otherworldly wilderness. The short, stocky alien has blue, bumpy skin and webbed fingers well-suited for navigating his home planet's rugged terrain and aquatic environments. He wears worn-out work clothes while tending to a pot of bubbling stew over a shimmering crystal fire. The soft glow illuminates his skin, which has lost some of its luster over time. His weary expression and slumped posture betray a lifetime of hard labor and toil. In the background, towering, otherworldly plants pulse with vibrant colors, while the rocky ground is covered in pulsing mosses and lichens. The serene beauty of the landscape stands in stark contrast to his jaded demeanor, speaking to the harshness of life on this otherworldly planet +a Photo of a starship, in the shape of an arrow, in a battle with an unknown alien ship, a futuristic city of San Francisco, a variety of other ships also battling, u.s.s. enterprise, u.s.s. voyager, i.s.s. london, battlestar galactica, star wars, babylon 5, the original series, shot on Nikon, 4K, instadaily +whole body portrait of 20-year old Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise, HD 4K, photo-realistic accurate face and features, cinematic lighting +ultra-detailed epic artwork of a Devil-king Asmodeus, in the style of Ruan Jia by Gustave Doré and leonardo da vinci +a shiny photograph of A large-scale installation in a 70's kitchen with oversized flowers and women made of glass, metal, plastic, iridescent gum and jelly. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers, octane render, crisp, Eastman Kodak Color Negative Film shot on Panavision super ps. +close up photo of a mature faery in a magical forest, sparkles, volumetrics, ray tracing, Unreal Engine 5, Octane Render, Vray +An oil painting of a car on New York +pope john paul francis III, illustrated by mike mignola +Illustration of evil skye from paw patrol +fruits in shape of vulva, cream, photo +A field of flowers in the middle of the forrest +a Pulitzer Prize wide-angle photo, Malaysian Royal Police Force, very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, holding a very extremely heavy easter egg chocolate candy the size of an avocado +an oil painting by William Turner of a family picnic in the shadow of a blossoming tree, masterpiece +Senku from Dr Stone holding a purple sign that says "GP Rock" +BBW Daphne blake from Scooby doo +standalone bonus art of chubby ex-jock character from an early 2000's webcomic +An extremely upset young woman, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +clear portrait of a superhero concept batman background hyper detailed, character concept, full body, dynamic pose, intricate, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +A portrait of a young woman with long blonde hair wearing a black dress, lit by bright blue hues. Behind her are colorful fields and mountains in the distance +a lion stuffed toy hugging a beanie baby, stunning warming photograph, 8K +cardio vascular clamp, placed on table, 8k photo +a statue of a face surrounded by blue leaves, an art deco sculpture by Ai Weiwei, featured on polycount, new sculpture, made of flowers, made of vines, biomorphic +Nerdy American guy with glasses and a prosthetic leg standing in Thailand surrounded by transgenders. 4k, realistic +A sorceress with a witch hat casting a fire ball, beautiful painting, detailed illustration, digital art, overdetailed art, concept art, full character, character concept, long hair, full body shot, highly saturated colors, fantasy character, detailed illustration, hd, 4k, digital art, overdetailed art, concept art, Dan Mumford, Greg rutkowski, Victo Ngai +a close up of a figurine of a woman in armor, advanced digital chibi art, gold wings on head, official fanart behance hd, oni, morgana, anime thai girl, high detail!!! 8 k, goddess of the sun, stylized stl, lowres, 2 d cg, succubus, hestia, alexstrasza +dinosaur wearing a cowboy hat. Historical photograph, 1876. Dramatic portrait +Beer holding backpack, promotional photo, studio lighting, perfect composition +Spying on nepali aunty on bathroom +Colorful, a blonde woman With classical floral elements emanating from center of face, woodcutting template, decorative design, classical ornament, motif, bilateral symmetry, roses, leaves, flowers, buds, flowering buds, feathers, negative space, highly detailed etching +Unfathomable depths of the mind of a simulator, cyanotype +town at the bottom of the hill drown in an anime style +Mickey mouse riding a bicycle, noir, cigar in mouth, gangster +ET holding a hamburger next to a spaceship, starry sky, night, detailed, realistic, digital illustration, 4K +masterful photo of an incredible muscular woman, muscle goddess in futuristic room, bigger muscles than human possible, young, massive shoulders, 8 pack abs, huge, stronger than any man, 3 meter tall, +nicolas cage rafting on the nile river, the pyramids in the background +photo of a dog made of TV static noise +polaroid, a colossal dark massive factory covered with bleeding corpses, hundreds of bleeding corpses , +Linocut in Artgerm, Rebeca Saray, Wenjun Lin style Long Shot of Incubus of Moon, Exoplanet Outpost, Galactic, Neon, masterpiece, trending on artstation, High Contrast +an old man holding a sing that says "aliens are here!" +green color atmosphere and blue island +Isaac Newton holding a sign written "Biziu" on it, realistic photo +old woman covered in sheets standing on stilts, memoriam beach rudolf felix edwin gres warmssnhq ,Abram Efimovich Arkhipov, portrait of man standing in river swamp water, folklorethursday adolgravgertrude keller morning lights �,Abram Efimovich Arkhipov, Floris Arntzenius +photo of a mountain sunset in the Rocky Mountains +A cinematic movie shot of a middle-aged woman talking to a man, blurred background, dramatic, intense, 8k, detailed +isometric render of soldier romano at cozy room in bedroom using laptop, massive, big screen, high tech , advanced, doing design, warzone, messy cluttered bedroom, cozy, nostalgic, isometric render, 3d, a lot of details +a picture of a white female cop cooking dinner +raw photo, pale alien girl with big fish eyes and white hair, horror, headshot photo, nikon, dslr, wildlife photography, 8k uhd, highly detailed skin +Love under a window, anime romance movie poster, , +Anime style. Black and white manga. A little drunk girl in a tavern looks at a candle on the table. +vintage pan am travel poster of Las Playitas in fuerteventura +Marilyn Monroe wearing sunglasses, holding a pentacle +make charles hoskinson with a crack pipe +, fantasy, pastel, absurdist, photo, refined, 5th dimension dimension +green four leaf clover in a round frame for good luck +close up portrait of a beautiful woman in smooth purple sci - fi armor, elegant, intense, an ultrafine hyperdetailed illustration by kim jung gi, irakli nadar, intricate linework, sharp focus, bright colors, octopath traveler, final fantasy, unreal engine 5, global illumination, radiant light +A photo of a teenage girl wearing t-shirt, tan nylons and white sneakers, standing, facing the camera, whole body is visible. +photo of a futuristic robot waitress, serving drinks at an english pub +old forest, full moon, black and white, masterpiece, best quality, high quality, extremely detailed CG unity 8k wallpaper,landscape with texture, award winning photography, HDR, Chromatic Aberration ,Photorealistic,extremely detailed, trending on artstation, trending on CGsociety, Intricate, High Detail, dramatic, art by midjourney +an anthropomorphic wolf, medieval, adventurer, dnd, wielding a spear +Darth Vader as the guest on Conan O'Brian's talks how +John Lennon and Paul McCartney playing, Ringo Starr playing drums in Champ de Mars in Paris, the eiffel tower background, highly detailed, clase up photo +A cute girl dancing with her girlfriend on an ice ring +A Portrait of Leonardo Da Vinci, High Resolution, High Quality, Many Details, Real Life +The vaporwave pixel art scene depicts a retro-futuristic cityscape at night, with a dreamy aesthetic that's both nostalgic and surreal. In the foreground, there are fluffy clouds that are reminiscent of those found in Japanese anime, while in the background there are skyscrapers and neon-lit buildings that are distorted and warped, giving them a surreal and otherworldly quality. The night sky is filled with stars and a large moon, which is often depicted in a pastel or muted color palette. The overall effect is both calming and mesmerizing, evoking a sense of nostalgia and wonder. Tags: Vaporwave, Pixel Art, Retro-Futuristic, Cityscape, Night, Dreamy, Nostalgic, Surreal, Clouds, Skyscrapers, Neon, Stars, Moon, Pastel. +Young lady raven in black dress, ink pen graphic style +knight, concept art, reference sheet, turn table, same character, all sides +Attractive Asian women portrait, upper body, soft lines, yoga bra +A man picking his nose pleasurably +A latex or pvc outfit on a woman +, fantasy, pastel, absurdist, photo, refined, big bang +a painting of a landscape with a (house) made of (candies) on it and a rainbow in the background with a blue sky and milk river, by Jim Woodring, by roger dean, by lisa frank, strong pastel color saturation, ((impasto painting)) ((intricate details)) ((plasticine texture)) ((jellybeans)) ((plastic)) (Gummy bear) (Skittles) by van:0.5 gogh:0.5 (octane render) (ray tracing) (high specular) +Create an artwork that portrays a giant woman smooching a tiny baby boy. The woman should be visually striking, with an exaggerated head and plump lips that draw the viewer's attention. Her lips should be larger than the baby boy's head, and as they press against his face, the viewer should see saliva droplets splashing against the baby's skin. The focus of the artwork should be on the intimacy and tenderness of the moment, with a sense of maternal love and protectiveness conveyed through the woman's expression and body language. The woman's hand should be shown pushing the back of the baby's head tightly against her lip, emphasizing the force and passion of the smooch. The baby boy's reaction to the smooch should be captured through his facial expression, with his blushing cheeks and parted lips conveying a mix of surprise, pleasure, and vulnerability. The color palette should be warm and inviting, with soft pastels and gentle lighting used to highlight the emotional connection between the two characters. To add depth and complexity to the artwork, consider including other characters or elements in the scene. Perhaps the woman is standing in a beautiful, natural environment, with trees, flowers, or other creatures visible in the background. Or maybe there are other people nearby, watching the tender moment with a mixture of curiosity, awe, and admiration. Whatever approach you take, make sure the artwork captures the beauty and intimacy of this special moment between a giant woman and a tiny baby boy. +Foto di una donna 20enne, corpo intero, +a monkey sitting at a desk typing on a typewriter, official store photo, michael dante dimartino, interconnected human lifeforms, historically accurate, surrealistic, ergonomic, the expanse, altered carbon series +Hero Character in a Surreal landscapes Gustav Klimt – Art Nouveau +In the bustling streets of Ancient Rome, a plague doctor strides forward, their long, black robe billowing behind them. Their beaked mask and leather gloves mark them as a healer, ready to tend to those afflicted with the deadly plague. As they move, the crowd parts before them, their reputation as a savior in the face of epidemic preceding them. +Michael Jackson dancing with a gorilla +Beautiful african women decked out in intricate jewlery and head dress +A well endowed mature faery flying in a magical rainbow forest +A futuristic cityscape with flying cars, neon lights, and towering skyscrapers, set against a backdrop of a glowing purple sky. +As I walk along the forest trails, I am surrounded by the rich scents of the woods and the crisp, cool air. The sunlight filters through the trees, casting dappled patterns on the ground and illuminating some flowers that line the path. +portrait of Harry Callahan from the movie Dirty Harry as Cyberdyne Systems Model 101 and T-800 in The Terminator 2, very relucant expression, wearing a biomechanical suit, scifi, digital painting, concept art, smooth, artstation hq, +cinematic picture of korean alley in Seoul, neon lights, ambient +The official portrait of an authoritarian president of an alternate america in 1938, "Kermit Roosevelt", in a socialist realism style, +Jim Morrison wearing sunglasses, holding a pentagram +woman with translucent body on her knees, +A pen drawing of death by beksinski +Meme about a person and a neural network, dialogue, texts in English, hyper realism, high detail, ultra clarity +red deer stag angry roaring side view simple vector comic style black and white +portrait of nicolas cage, cloudy sky background lush landscape illustration concept art anime key visual trending pixiv fanbox by wlop and greg rutkowski and makoto shinkai and studio ghibli +a movie poster for a horror movie from the 1970s about a capybara +Dot matrix, pointillism, seurat, signac, frazetta, brom, Zdzisław Beksiński, Moebius, Egon Schiele, art nouveau, a being made out of pure golden light. angelic and graceful. gold foil inlay with erratic shapes and geometric patterns. black and gold and white and orange. in the style of alphonse mucha and amanda guse and android jones. tarot card style symmetry. +photo of a goblin cooking dinner +Illustration of a young princess, freckles, green and gold armor, high quality, photorealistic +Baggy clothes related to ancient mexican culture, badly groomed and unkempt beard, with round glasses, stooped, he is a 40-year-old man, his face comes with dark circles and partial baldness from stres +a tall woman with purple hair in leather bra, alcohol, bar, tatooed arm, neon light +Bulgarian man with small thighs sitting with a paper coffee cup on top of his tight +half underwater photography of woman, sky cloud sunny day +creepy teletubbie with a knive on a theater full of zombies +fluffy round birb, dark hedges, bokeh, watercolor +beautiful blonde petite teenage girl, beauty peagent +Paper with 2 + 2 = 5 on it. +A screenshot of Minecraft, cheese biome, everything is made of cheese +A surreal landscape painting of the Sahara Desert made of cotton candy +cryptocurrency tracking app, adobe illustrator, behance +selfie photo of cute european woman with black man +robot in the center giant mechnical electrical wire, Hans Ruedi Giger cyberpunk forest,creepiness,long-distance view castle, fantasy, intricate, elegant, increasingly detailed, digital painting, artstation +hyperrealistic polaroid photograph, extremely detailed pale young woman covered in fungus, fungi, slime mold, mushrooms growing out of her eyes, slime mold covering body, slime mold covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +Cyberpunk, Cyborgs Kinetics and Kuchipudi, Dances of India Kathakali, Ancient India style, fine details, Ravana, Si phi, silver on a black background, inlaid gems, Indian mehendi patterns on the case, diamonds, precious metal, Baroque, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution , 8K detail, technological, rough background, HD quality, unreal engine 5 +dash wilder, cash wheeler, bo staff pose +A beautiful private futuristic overgrown tiny island high rise mansion rising from a wavy lake, an ornate mini-yacht offshore, by beeple and stalenhag and Lee madgwick and Phil straub, trending on artstation +super mario dressed like ezio auditore, smug grin, flirting with the camera, florence rooftop, clean shaved with mustache, quality, extremely detailed CG, unity 8K wallpaper, hyperdetailed, highres, cyber screen frame, absurderes, intricate and refined delicate detailed, cinematic lighting, strong rim light, soft golden color, depth of field +paper cut art of a cat and owl, intricate complex design, 8k uhd, lights and shadows, layered design +Angela Merkel drunkenly on the news attacking a reporter +a badly photoshoped man in the moon, bad editing, ugly illustration +Luffy from one piece kissing bulma from dragon ball +claudia schiffer full body shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +anime urban samurai fisherman masked hero +Robots and humans, urban warfare, fighting on the street, art by Michael Whelan +a girl reading a book in a window nook lying on a lot of pillows +pastel pink hair dodge viper car drifting, with pastel pink trees background at light with trail lights from neon rear light in a dark dystopic city frankfurt landscape hello kitty tattoo vinil +dvd screengrab 1985 dark fantasy "Excalibur" full body film Sam hyde in evil looking black armor stands in a snow mountain area +photo of a mg zt car in the quarry ,rocks ,rover 75,mgrover +A beautiful painting of sunrise by Daniel F. Gerhartz +concept art, depth of field, waterpaint, insanely detailed close up, elegant Saba queen made +Alexander the Great, very black coloring, large painting +sci-fi white room, teddy bear looking at a astonmartin db5,silver car,studio lighting,inside space station with windows +A digital painting of a fantasy witch brewing a potion +Marilyn Monroe wearing a shirt that reads tips +, fantasy, pastel, absurdist, photo, refined, anxiety +an oil painting of PeeWee Herman by Peter Paul Rubens +Baby Yoda as a small kiwi in a night club +Bote de Ketchup con manos y boca que se come a una patata frita con la mano en la mesa +Superman holds a poop in disgust +a beautiful girl,Chinese Meticulous Painting,traditional Chinese painting +Я хочу увидеть дерево. И лианы на нем. +19th century vintage children's book illustration of a pink roses in the shape of a cherry, in the style of alice in wonderland, amongst a field of flowers +An island logo in the shape of a smiling face, an abstract and stick figure made of bright yellow and dark green. The features of the smiling face are composed of simple lines, with one curved lip and two dotted eyes, reflecting youth and liveliness. Be like a smiling face and be like a small island +art by Alfons Mucha, a dream world of the future +art by Alfons Mucha, whole body image of Suki Waterhouse as a cosmic naturist in the Egyptian desert in front of the Great Pyramid, HD 4K, sharp detail, photo-realistic accurate face and features, +Budweiser beer can pouring in a Bitcoin logo Glass, steampunk style +Cyborg in armor with translucent blue skull +Kurt Cobain and jimi hendrix preforming on stage together at music festival located at the bay oval new zealand +Wattle, screen print by grace cossington smith +a black and white manga style panel visualing the following story: Oni, the last green goo reaper, stood at the entrance to the 33rd level of Hell, his home. The cold winds of the Arctic swept through the gates, numbing his green skin. He had returned to this frozen land for one reason: to defeat the supreme leader of Hell, Goniah. Oni unsheathed his special sword, a weapon that granted him immense power. He knew that he would need all of his strength to defeat Goniah, who had ruled over Hell for multiple millennia. As Oni made his way through the frozen landscape, he was confronted by several other reapers, all loyal to Goniah. But Oni was not afraid. He had trained for this moment his entire life, improving his skills and mastering his sword. With a fierce determination, Oni fought his way through the ranks of Goniah's minions, defeating reaper after reaper with swift and precise strikes. Finally, he reached Goniah's throne room, where the supreme leader awaited him. Oni and Goniah locked eyes, both of them ready for the final battle for the throne of Hell. The two reapers clashed, their swords ringing out against each other as they fought with all their might. Oni's sword glowed with an otherworldly energy, while Goniah's blade was infused with dark magic. The battle raged on for what seemed like an eternity, but Oni refused to give up. He knew that this was his only chance to rid Hell of Goniah's tyranny. As the fight reached its peak, Oni summoned all of his strength and delivered a final, powerful blow to Goniah. The supreme leader of Hell crumpled to the ground, defeated. Oni stood victorious, the new supreme leader of Hell. He knew that his journey had just begun, but he was ready to rule justly and bring peace to the realm. As he looked out at the frozen landscape, Oni couldn't help but feel a sense of pride and accomplishment. He had overcome incredible odds to claim his rightful place as the ruler of Hell. +an anime still of a viking +Furry art , fursona , anthropomorphic , furry wolf , furry artwork , furrafinity , uploaded on e621 , female wolf , hourglass body type , long loose brown hair locks , cute , attractive , black swim wear, standing , portrait , tit s +Closeup portrait of an empowered woman in the garden +Design a futuristic logo for "Arunoday Tech" that incorporates an uppercase letter 'A' with circuit board patterns running through it. The logo should use sleek lines, modern colors, and incorporate technology-related icons like microchips or diodes to convey a cutting-edge and innovative feel. +Something interesting and exciting and unusual +Create an image that represents the intersection between science and spirituality, as explored in the book "Jesus and Quantum Healing". The image should convey the idea that the book explores the connection between the miracles of Jesus and the principles of quantum physics, with a focus on how these concepts can be applied to promote healing and well-being. Consider incorporating elements of both Christianity and quantum physics, such as an image of Jesus performing a healing miracle surrounded by quantum particles or symbols. The image should be visually striking and attention-grabbing, with a design that represents the book's themes and encourages readers to explore the connection between science and spirituality. +A concept art of a medieval fantasy rural village known for its turnip fields and food with an inn ine the center of a town +a girl wearing a shirt that reads "BLACKED" +photo of a lotusesprits1 in the city river ,splash rocks , +an amazing landscape in a dystopic future +a digital art of an anthromorphic fox wearing a fur trimmed winter coat that has its hood on, trending on artstation, trending on deviantart +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. art by Daniel Ridgway Knight +ultrarealistic lemon with massive green eyes +A wooden toothbrush with neon blue toothpaste, highly detailed, realistic, depth of field, , +16-bit pixelated steampunk girl against a sci-fi space station background with large broken test tube oozing something green +Fursona furry fox , digital art , masterpiece , by foxovh , nud e , furry art style , long loose brown hair locks , fox head , +A transgender man playing soccer with his adopted son in the park +a thick latina woman wearing tight gym outfit bending down +Blonde woman contemplating by the lake, art by Studio Ghibli +a glowing casting circle pentagram on the floor of an abandoned attack with furniture covered by spiderwebs, eerie atmosphere +Bridget jones, insanely detailed, photorealistic, 8k, hard rim lighting +cuban woman dancer twirling, expressive oil painting +Alfred Hitchcock sweeping leaves into the ocean, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +a cinematic film movie still of a man, bokeh, film grain, photorealistic +underwater scene full body shot deep sea under water mermaid wearing a mermaid tail costume with clam shell top, anime, strong impressionism paint style, strong expressiveness and emotionality, cinematic lighting, visual clarity, art by krenz cushart, by relseiy, by miho hirano +an image of a beautiful cute young European woman standing in karate stance ready to fight in a full contact karate match wearing a sports bra, kumite gloves, karate pants and karate blackbelt, barefoot, ponytail +fullbody oil painting of a beautiful woman with white hair and light gray eyes, she is wearing a white adherent armor made of dragon scales and a black cloak with light blue decorations, she also holds a silvery sword, her skin is pure white, snowstorm on a mountain background, high quality, high definition, cinematic lighting, sharp focus, +victorian architecture of a living room, designed by m c escher, unreal engine 5, exhibition design, ray tracing, ssao, rtx, 8k +Melting ice cream creating a wave in a desert +An orc with a chainsaw on one hand, and a grenade launcher in the other +Sci-fi cityscape skyline wacky roller coaster buildings bouncy castle domes teleportation portals rubber duck blimps zany utopia +new Zealaned 1969s contury farm house with red roof oil panting and cows +Baroque style, figured stucco, silver on a black background, inlay, bas-relief, high relief, counter-relief, three-dimensional sculpture, high resolution , 8k detail +A Photo of a Panda, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +a man in a union jack outfit with cape, emblem of a lion on the front, directed by Zack Snyder, cinematic high res, 8k, award winning +40 year old men high tech play soccer logo +horror picture of a horrifying rotting zombie +a beautiful seamless illustration of water lilies in the style of victo ngai and Georgia O'keeffe and atey ghailan. 8k hd resolution, ultrafine details, trending on artstation +Cyborg cow, cyberpunk animal India, body painting, Bull, Ghost in the shell, third eye, mehendi body art, yantra, cyberpunk mask, baroque style, dark fantasy, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +Pagan gods show mercy, esotericism, realism, hd quality +A steampunk airship in the style of Jules Verne +a 2d pig man, cartoon style, octane renderer +fantasy art print legend of ravaging dynasties, oil charcoal painting of giant towering sabertooth tiger peacefully bowing down to a girl, majestic +book club, riso, lithograph, fantasy, pastel, absurdism +zangief, white trunks, hairy, sweaty, solo photo, full body +a winner card with the text Claudia Noemi +angelarium, illithid, cthulhu, white marble and gold, an ultrafine detailed painting by Bastien Lecouffe-Deharme, cgsociety contest winner, fantasy art, lovecraftian, cosmic horror, biomorphic +a wolf, comic sketch style, front side, white fur +photo of a girl leaning against an arch, wearing tights and boots +A cosmic tesseract, fractal in nature, at the edge of the galaxy +blue-skinned manniquin in billowing beige robes +a 4k ultra, cinematic, scary, dark themed, picture of a bedroom with a shadow of a person, shown on the wall +A 1956 Ford Mustang Cobra painted black with gold stripes, fisheye lens, abandonded industrial complex, high contrast +Proteas, damask by Josef frank, watercolours +a concept mock up design for a modern-looking classic watch, intricate, pure design graphic, +minecraft swapm village in castle, details, top view +Bright image, A man sitting on a crescent moon by Josephine Wall +art by Alfons Mucha, whole body portrait of 20 year-old Jennifer Connelly as a naturist at Mount Rushmore, HD 4K, sharp detail, photo-realistic accurate face and features +fry from futurama dressed as Neo from the Matrix, in the style of Matt Groening +Promotional photo of a futuristic super ca, highly detailed, stunning +An island logo in the shape of a smiling face, abstract and stick figured in bright yellow and dark green. The features of the smiling face are composed of simple lines, with one curved lip and two dotted eyes, reflecting youth and liveliness. +A image of Barbados projecting out of the globe +Robots and priests by Carl Larsson +furry teddy bears looking at a rover75 v8 car that is in the jungle , mgzt, +art by Alfons Mucha and Patrick Woodroffe, whole body image of A beautiful asian naturist succubus doing what she was trained to do- deepthroating, HD 4K, sharp detail, photo-realistic accurate features +Isometric render of boy at cozy gaming control room in bedroom, massive, big screen, high tech, advanced, warzone, messy cluttered bedroom, cozy, nostalgic, isometric render, 3d. +A 3d image of a red car +guy golding a cup of milk +a group of people standing on top of a landscape view, trending on cg society, futurism, game promotional poster, rivers. space colony, fortnite, gaming room in 2 0 4 0 ,distant city ,trees blossom +fullbody portrait of Jennifer Connelly as the goddess circe dejah thoris at burningman, fit muscular body, greek mythology, intricate, highly detailed, digital painting, artstation, concept art, sharp focus, cinematic lighting, illustration, art by artgerm and greg rutkowski, alphonse mucha, cgsociety +A 40 years old man wearing leather amor and holding a big sword, short fade hair,anime +dark Brambly hedges, by Jill Barklem, coloured pencils +A priestess with golden robe with ruby decorations, high quality, highly detailed, 4k, photorealistic +A 3D render of a spaceship landing on an alien planet, sci-fi style +a white house with a garden +Beautiful girl walking in the street +Illustration of two men sitting at a table eating food and drinking wine, by Norman Rockwell +Green Cube rick and morty australia +Group of happy people playing ethic instruments shaman covered in symmetrycal circle of music covered by windy splash of strings of light in a dark sky covered by stars, painting, aligned, dramatic light, by baade carrie ann andrews esao amorsolo +Antique, warm hues, dark haired, massive, fat Pixar portly male Bishop in red and gold latex, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +3 d render of a chrome torii gate sculpture, chrometype, made of liquid metal, neotribal with thorns and thunders, hyper realistic, volumetric lightning, 8 k, by zhelong xu +Anime girl firing a mounted machinegun +a velociraptor and an MGb in the jungle river,waterfall mist,Chrome Detailing +a wide angle photo of roman shield on the wall, resting in a arena,soldiers sitting on stone walls, roman empire buildings,sheilds swords ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +book shelves, riso, comic, fantasy, pastel, , absurdism +Movie still of starwars c3po working in a noodle shop, extremely detailed, intricate, high resolution, hdr, trending on artstation +Front view of a demonic red archangel, fiery background, army behind it +beautiful woman sniper, wearing soviet army uniform, one eye on sniper lens, in snow ground +A squirrel on a surf board in a tree +An anime girl holding a sign saying "HI" +portrait of Terry McGinnis in the style of Bruce Timm from the Batman Beyond series. Make sure to include his signature red and black suit, as well as his futuristic cowl and wings. Use bold, clean lines and vibrant colors to capture the dynamic energy of this beloved character. +A Eurasier dog sitting next to a slim black cat. Friendly but confident aura. +a car that is carved out of a tree +The female sandman is a character, dressed in alluring clothing. She stands in a mysterious, shadowy location, surrounded by darkness. Her superpower is the ability to scatter a handful of sleeping sand from her small sack, creating a flickering cloud that lulls her enemies into a deep slumber. It's light-ning at night and she can see them as it illuminates him with fear for being behind you through your soul, 8k HD +Reutlingen, night, raining, advence, horro, trending on artstation, sharp focus, studio photo, intricate details, highly detailed, by greg rutkowski, perfect composition, beautiful detailed intricate insanely detailed octane render trending on artstation, 8 k artistic photography, photorealistic concept art, soft natural volumetric cinematic perfect light, chiaroscuro, award - winning photograph, masterpiece, oil on canvas, raphael, caravaggio, greg rutkowski, beeple, beksinski, giger +Cinematographic-sixties capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Cotton candy creature, sweetest, sweetest, soulful eyes +Medium shot of Young woman with long straight pink hair, wearing latex short shorts +human hand model for figure drawing +Alice fishing planets in a space +stunningly beautiful futuristic cosmic girl, candid, insanely detailed, photorealistic, 8k, perfect composition, rim lit, natural complexion, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, made with midjourney +astronauts listening to concert on the moon +photo of teddybear and a steamtrain in the jungle river,furry teddy misty mud rocks,panorama,headlights Chrome Detailing, teddybear eyes,open door +Photo of a German Princess Looking Outside of Her Carriage, 19th Century, Golden Hour +a girl checking her abacus for text messages +This mask is a stunning piece of art nouveau-inspired craftsmanship. The mask is made of ceramic and features intricate swirls and curves that evoke the natural forms and organic shapes of the artistic movement. The mask covers the hole face. The mask has a glossy black finish that contrasts with the coloured accents on the edges and details. The mask was photographed in a studio with professional lighting that highlights its elegance and beauty +Nirvana concert at reading 1991 drawing +Two cats playing chess on a persons head +professional illustration of a pikachu with a sign that has "I'm very cute" written on it +huge Italian villa mansion on next to wine yard +A fit man dressed as a Greek god, by studio ghibli +An attractive girl at a music festival. Rock band on stage in the background. Close up portrait, ambient light, Nikon 15mm f 1.8G, by Lee Jeffries, Alessio Albi, Adrian Kuipers +A page from an adult colouring book a tiger +Aliens in my bedroom Whimsy style +two story house, contemporary minimalistic architecture, photorealistic rendering +Robot with Kryptonite in the form of a bicycle, mixed new object, fantastic, highly detailed, detailed details +cute fire elemental cat spirit creature by alicexz +digital caricature of a police officer, short, medium height, strong khaki, holding a rifle, detailed, high resolution, 8k +Hatsune Miku fumo, studio photography, white background, dslr +Close-up portrait of a steampunk samurai warrior, with intricate bronze and leather armor, interwoven gears and machinery, art by Kekai Kotaki, Yoshitaka Amano, and Ashley Wood, chiaroscuro lighting, intense gaze +leica film, young beautiful very thin pale woman wearing tattered old dress in large abandoned attic alongside massive fleshy lovecraftian monster with hundreds long thin pale of pale tentacles and eyes, hundreds of eyes +Cute grey cat, painting by Caspar David Friedrich +Jessica Alba swimming in a pool +Graceful black gooey, slimy latex panther, lounging on a white couch splattered with goo +photo of an old tree in the snow, there is an old swing hanging on a branch, a ghostly figure is on the swing +humans pulling a dogsled with dogs +Big indian girl with big boooooobs +Like a lion logo with a roaring lion with pink sunglasses riding à bike +Realistic 3d render of a happy and cute baby acai berry, floating in the air, Disney Hyperion renderer, 32k, hyper-detailed, full body shot with a light blue background +Sonic Movie DVD that reads "YOU ARE BAD" as the title +A monkey dressed as a famous opera singer, passionately belting out a high note on stage, while the audience of other monkeys goes bananas and throws bananas at the stage in appreciation. The smell of ripe bananas and the sound of the monkey's powerful voice fill the air. +pixar, surreal nostalgia for a fairytale, magic realism, pastel muted colors, by and amanda clarke Gediminas Pranckevicius and Shamsia Hassani vivid color style-of-marc-allante +shiny polaroid of a beautiful thin woman dancing with carnations, iridescent +A woman holding a sign that says prosperity +blackandwhite photo of a teddy bear and a AustinMini on the moon, AustinMini ,silver car,studio lighting, +A giant steampunk octopus playing the drums on a beach +a highly detailed mechanical lich king, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain, long shot, wide shot +anime drawing of a girl mage casting a spell +A Black man with dread locks wearing a bomber jacket standing in a train. His face isn’t clearly visible. Trippy photograph with a lot of motion +Furry cub humanoid , digital media artwork +a beautiful glaive in the style of dark souls. ornamental. +style of henry raeburn, mature attractive woman,very red bob wig, glasses, curvy, portrait, painterly, visible brush strokes, moody lighting +photorealistic, 4k, high detailed, hansl in his renovated old a wine press cellar +Gritty comic book art of a biker +The best city in the world +Kim Kardashian as Ellen Ripley in Alien +a fireworks in paris at night +multidimensional biomorphic fairy flowers quantum foam realm brane Crystal Flower style +a woman with a flower in her hair, by irakli nadar, cg society contest winner, digital art, beautiful redhead woman, annasophia robb as aphrodite, a beautiful victorian woman, very pretty eyes, renaissance era, a potrait of a beautiful, sophie turner, looks a bit similar to amy adams +sticker of ultra detailed portrait of Vincent, high quality cell shaded illustration in final fantasy style, full body, dynamic pose, perfect anatomy, centered, freedom, soul, approach to perfection, cell shading, 4k , cinematic dramatic atmosphere, watercolor painting, global illumination, detailed and intricate environment, artstation, concept art, fluid and sharp focus, volumetric lighting, cinematic lighting +Darth Vader armor if it had been designed by Mandalorians +highly detailed, highly detailed background, reflections, refractions, realistic photograph cybernetic cyborg man holding a glowing katana sword in a detailed cyberpunk city, intricate details, cinematic lighting, by Jeremy Lipking, by Antonio J. Manzanedo +sculptural compositions, by kuksi.com, indian style, miniature scenes with a million details by Kris Kuksi, high detail, 3D artist, 3D bas-relief, high detail, ambient lighting, octane render, 8k, realism, material marble, precious metal inlay, Gods, religious attributes, mysticism, fractal compositions, relics, artifacts, rarity, surface ornamentation, noble stones, precious stones, proportional bodies, golden ratio, religious decorations on people, mythological beasts, in motion, dance, depth +Blueberries, raspberries, watermelon in a dish +night sky, fantasy, dark wizard standing on a metal platform shooting red lightning, 8k, trending on artstation, Dark tones, ominous, by Jeremy Geddes, by Sparth +a beautiful woman with long black hair +spongebob but in a squidward body +Breathtaking beauty, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +instagram model working at an oilrig, covered in black oil, selfie +abandoned decaying structures, cyberpunk, sf fantasy, dark mood +Young woman studying, book piles!!!, full figure portrait!!!!, toned abs, Glowing orbs, rule of thirds, braids, intricate, glasses, art by greg rutkowski, Beksinski, john william waterhouse, Leonardo da Vinci, alphonse mucha, radiant atmospheric illumination +Metallic Unicorn in a cybernetic futuristic city +Prawn dishes, 8k, hyperrealistic, unreal engine, trending on artstation, high quality +kelvin owens, full-length portrait, full shot, short beard, handsome, rugged, wearing a gold coronet, wearing sleeveless leather armor, poses with a glowing greatsword held on the hilt, highly detailed face, muscular chubby, stunning, fantasy, holy medieval courtyard background, d & d, style artgerm, style alphonse mucha, realisticvision13 +a poodle dog in chef uniform holding cooking pan book | neat elaborated soft lighting | big ears | clean shaven frontal face | toy | trending on pixiv fanbox | by greg rutkowski makoto shinkai takashi takeuchi studio ghibli +A king playing super smash Bros with his servants +photo shot on Sony A7 III of a gorgeous cute Mexican girl with a closed kimono illuminated by neon lights in the background on a city street at dawn +portrait of a redhaired woman with blue eyes +award winning portrait of a kitten +A galactic eldritch squid eating the planet Earth, stars galaxies nebulas in the background, photorealistic, afar view +transparent soldier silhouette at a cemetry +fantasy art print legend of ravaging dynasties, oil painting of a peaceful giant towering eagle peacefully bowing down to a girl, majestic +esktop Wallpaper style, evergreen forest in a valley with forest on both sides in the foreground, mountains in the background, blue sky with a few clouds beautiful sunlight, photorealistic, 8K, ultra high definition +Generate an Otti Berger textile pattern that incorporates geometric shapes and vibrant colors. The pattern should be primarily composed of squares, triangles, and circles arranged in a repeating pattern. Use a color palette of bold and contrasting colors, such as red, blue, yellow, and green. The pattern should have a sense of movement and dynamism, with the shapes overlapping and interlocking in interesting ways. The final pattern should be suitable for use in a variety of textile applications, such as upholstery, drapery, or fashion design. +a tiny dog next to a big dog +Digital painting of an aircraft carrier +buddhist monk lighting himself on fire to protest war +painting of a closeup to a 18th century battle field, charging calvary, mayham, death, destruction, dusty, bokeh, smoke filled, +a tentacle woman villain. cartoon drawing +A faux-vintage travel poster from a steampunk age of flying cars, space travel and exploring new worlds. Trending on Artstation +Catgod the ruler of cats standing in mushroom heaven looking down on the world +three beautiful men carrying a giant tv, finely detailed, funny, orange style, wonderful scenery, 720p +high quality color portrait photograph of young Amber Heard with a hairy indian man,face closeup,sharp focus,cuddling,highly detailed,stunningly beautiful face,award winning photo,natural lighting +A Nintendo Switch inside of a Nintendo Gamecube +Painting African american female Suffragists marching in 1913 +A half Indian half Asian girl riding a vespa +logo with drone and signature "SZTUKADRONOWANIA" +Japanese garden at wildlife river and mountain range, highly detailed, photorealistic painting, artstation,matte, sharp focus, illustration, dramatic, sunset, hearthstone +asuna as a heavenly goddess, beautiful face, fantasy intricate elegant, highly detailed, digital painting artstation HQ concept art smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, intricate background +wideangle of a bear driver in a mgb steering wheel leather seats,driver dashboard +fry from futurama wearing a black trenchcoat and black sunglasses standing in the Matrix, green code, in the style of Matt Groening +Minions special force in Vietnam war +a macro photo of a beautiful butterfly on a flower +an epic crowded battle between cyborgs, authorities, and robots in a dystopian nighttime landscape with neons +a man in ancient egypt, full moon, on a riverboat +Couple drinking at a busy restaurant, art by Agnes Cecile +breton monks looking like zappa playing gusle Serbian folk instrument, with goat , photo +Giant ice cream cone melting and creating a rigirlver through a city +, fantasy, gentle, pastel, absurdist, photo, coarse, Daisy characters frolicking +Bitcoin shaking hands with gold coin, blue skies, blue ocean, sunset, sunrise vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +Fursona furry fox , female , beautiful , attractive , furry body , fox body colours , smiling ,digital art , showing off , masterpiece , by foxovh , hourglass body , furry art style , furry , anthro , long loose brown hair locks , yiff , fox head +Dwayne Johnson in 1945 New York City, Kodachrome photo +a bear driving a mgb ,wideangle seat steering +a giant lovecraftian shoggoth surrounded by human worshippers with their arms raised to the sky +blue skin, anime water elemental spirit girl art, genie, magic, fantasy, inhuman, glowing eyes, liquid hairs, water hairs, blue skin, water skin, wet, digital art, mastepiece, art by artgerm and John William Waterhouse +An otter poking its head out of water +Bulgarian man with small legs and a paper coffee cup on top of his tight +albert einstein league of legends splash art, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +photo of two muscle guys bald Slaughter and abducted and degraded Boy pooping at cyberpunk prison toilet. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +zero gravity, a giant partly artificial cavern without water in space in asteroid, weightless upside down gardens, floating +futuristic futurism 4k 200mm telephoto zoom full-frame mirrorless photo detailed city casablanca morocco cyberpunk street render new historic blend market technocratic theocratic +a movie still from a movie. a man is jumping out of a helicopter. city in the background. detailed +The obelisk of Buenos Aires, Argentina +A watercolor and pen illustration of an instant pot +Man holding a sign that reads "When Soon?" +Indian man wearing a Dragonball on the toilet in a busy street +two children reading a book on the moon +A beautiful matte painting of a black female astronaut playing the trumpet in front of a galaxy +A dark hole in the sky , looking in a beach +Masterpiece, Best Quality, Anime girl, Solo, Standing, Forest, Pines, Black Dress, White Hair, Long Hair +a blazingly bright white calk limestone cliff coast causeway splitting two oceans, drone perspective, view to the horizon +photo of Frank Sinatra in his 90's in Times Square holding a poster that says "I'M STILL ALIVE" +3d render of rapper, studio, hyper realistic, octane render, colorful +Joe Biden in Genshin Impact with Venti +Cyberpunk vintage 1820s magazine cover poster, girl with nuclear, punk black, ultra detailed, cel shading, artistic, vivid floral oversized sukajan bomber jacket, trends of pixiv, headline, logos labels, badges, graphic design, art cyborg, cyberpunk, cyborg, cybor, machine +A painting of Mount Kilimanjaro, birds eye view, by Claude Monet, impressionism, impasto +Robot with Kryptonite in the form of a bicycle, mixed new object, fantastic, highly detailed, photodetailed, photorealistic, RTX, detailed details +A Templar knight kneeling on a battlefield with a large flag. Crosses +a path of polished bricks, leading into the air, dusk +soldier woman with a dragon gun surrounded by mini zombies +A fashion photograph of a female celebrity model standing in the middle of a busy street, surrounded by a crowd of paparazzi, confident and poised, fashionable clothing, sepia, sharp lines and high contrast, 12k resolution, Canon EOS R5, natural lighting, 50mm lens +, fantasy, pastel, absurdist, photo, Hocus Pocus, hound characters +oil Panting of new zealand farm with 1960s new Zealand house +A funk metal album cover depicting a zombie playing a bass guitar and the text "Slam Funk Syndicate", street art, graffiti +propaganda , theme 1984 city, evil dystopian, digital art +minecraft house on a tree in the jungle forest +Jinx star guardian from LOL, art by carne griffiths and wadim kashin +lorde pale bigbaldhead baekhyun dicaprio quits +A roman marble statue of a dragon +baby yoda wearing jiu jitsu gi, black belt, intricate, elegant, highly detailed, 3D digital illustration, sharp focus, 4K +an digital artwork of a beautiful cute young European woman standing in karate stance ready to fight in a full contact karate match wearing a sports bra, kumite gloves, karate pants and karate blackbelt, barefoot +Audrey Hepburn looking at smartphone in a busy coffee shop +cinematic still of a crochet pattern of an oryx. +attic "made with "banana icecream" ", stunning photo, high-res, ad campaign, neo-dada photo +, fantasy, pastel, absurdist, photo, refined, sinister +vladimir volegov portrait of a blonde woman. +Enchanting crystal cave hidden beneath a magical waterfall, illuminated by glowing gemstones, art by Daniel Lieske, Aaron Horkey, and Jon Foster, shimmering reflections, detailed flora and +photo, rolling peas, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +chinese architecture tourist map stylized, high quality, detailed +a family of lizard aliens on holiday, mallorca, 1983, polaroid photography by andrei tarkovsky +a metal robot holding a sign saying coming soon +A spaceship sprite from a 2d horizontal scrolling shooter +A Shetland pony with short, stubby wings that is looking forlorn at a Clydesdale withajestic wings that is soaring overhead. +a cute cat,digital oil painting by van gogh and alicexz and monet +Athletic men on the beach playing volleyball +artistic art print, spashes of paint, strong vibrant colours, wet paint on canvas, cute lion in a teacup +8k, beautiful Chinese girl, stockings, mini skirt, long legs, lush hair, plunging neckline, full body wide angle shot +a picture of a bald boy with down syndrome, 9 years old, on a playground +, fantasy, pastel, absurdist, photo, refined, bird character, person, cult +Antique, warm hues, dark haired, portly Pixar male bishop portrait:: 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Illustration of two medieval knights in armor, sitting at a table eating food and drinking wine, by gustave dore +An endless wavy ocean, under a colorful night sky, stars, masterpiece, pastel colors, trending on artstation, 4k, intricate detail +Portrait of a fairy tale princess by Edward Robert Hughes +Antique, warm hues, dark haired, massive, fat Pixar portly male Bishop in psychedelic latex, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +a cat and a gorilla and a car ,mg zt,headlights +a portrait of a beautiful 30 year old woman with light brown hair, with a brief ponytail +Archbishop Ferrari Gryffondor Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +a grocery store with a lot of people buying and walking around +A person wearing a VR headset with a display on it. The display has a cute smiling face on it +rainbow colored vector logo gaming clown +undress asuna on kirito from sword art online; realist, 4k +art poster, mage the ascension, by jmw truner and Casper friedrich +professional close up photo of a Swedish woman with tattoos and long braided blonde hair, wearing a headband and Valkyrie armor. Woman is laughing, has eye shadow and skin sunspots. Standing in a neon cyberpunk church with bright windows. Photo taken with Nikon d850. Image has bokeh, sharp focus, high-end beauty retouching. +Japanese girl fashion greenhouse large format camera +slavic woman with orange hair walkig trough cyberpunk City ruins, asymmetric cut, low angle, short hair +golden statue of a clothless 8 year old japanese girl +Too much rococo, realistic sumo, blob, round, obese, colossal +create with magic deep learning neural net architecture +Muscly Ochaco Uraraka, Anime concept art by Makoto Shinkai +polaroid medium shot photo of a redhead teenage girl from the 1980s wearing a 1980s outfit with jean jacket, blue jeans, at the mall in Springfield in 1985 with Sam Goody's in the background +A beautiful girl with cat ears wearing a dress +portrait, monkey, Sun Wukong, holding a staff, sitting on a cloud,, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, high quality, cinematic, soft lighting, digital art, Ilya Kuvshinov, Kawacy, Bluesssatan, Aokamei +a red lake in a snowfield with a blue tree at the center +self-replicating space squid perched on the edge of greatness looks over it's vast kingdom and wonders who created it +Picture of the most beautiful woman +a cyberpunk art nouveau security guard wearing body armor +The man who fell into the sky, movie poster, , +Photo of beautifull femine girl with long, curly, dense ginger hair and red natural make up lips +a beautiful blonde 15 year old girl wearing intricate gold filigree armor, fantasy armor, digital art, 8k, castle in background, volumetric lighting, looking forlorn, by greg rutkowski, highly detailed, artstation +Girl wearing a wedding dress and gas mask, hyper realism, painting, Tom bagshaw, beksinski +a tall beautiful young woman standing before a bokeh nature background +Masterpiece, Teacher, POV, 1 on 1, White hair, Japanese, Photo AP News, +A sports car made of wood logs +a recruitment consultant, sitting on a digitil table, carrying mobile device +dark night street shot of yakuza boss next to luxury supercar, neon lights, japan, cyberpunk vibes +Realistic photo of a 5 year old red hair girl riding on a unicorn +very gorgeous and amazing woman that every men wishes +A large and fluffy panda bear with black and white fur is wearing a blue uniform with a badge and a hat. He has a pair of sunglasses on his nose and a walkie-talkie in his paw. He is standing on his hind legs and looking sternly at the camera. He seems to be ready to enforce the law and protect the bamboo forest from any troublemakers. +, fantasy, pastel, absurdist, photo, Wes Anderson, mushroom characters +a wide angle photo of large gold head Ceaser on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, , indoor, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +a woman holding a handwritten cardboard sign that says "Here's a sign" +A woman wearing a sunflower dress, intricate dress, HDR, Golden hour +A handsome man with his German Shepard visiting the veterinarian +pitch black snow glittering, sparkling black snow, night, magical, 4k, faint streaks of rainbow, hyperrealistic, infinite, hyperdetailed +Street style photo, a young beautiful sweet woman dressed in fancy ful color sport clotes of 90s hip hop aesthetic vibe, high style, cinematic style, shon on a fujifilm +Ben Shapiro dressed as the hamburglar stealing a jar of white liquid +sam hyde standing next to theodore roosevelt +Draw something masterpiece, unique, unusual, epic realistic, photography, effects realistic render +a woman tied in a chair. illustration +a highly detailed photo of the scottish highlands +three finely detailed men holding a giant tv, wonderful style +Interstellar intergalactic Trade space station, digitally painted in UHD resolution on UE, with realistic lighting +a woman pointing straight at viewer +The Dark Tower II: The Drawing of the Three, hyperdetailed, ultra definition, 8k, Cinematic lighting, Volumetric lighting, Epic composition, Photorealism, Bokeh blur, Very high detail, Sony Alpha α7, ISO1900, Character design, Unreal Engine, Octane render, HDR, Subsurface scattering +A old man with a golden ray of light above him holding a sign saying I ate a frog +digital illustration, pit bull dog, jiu jitsu kimono dress, black belt, in fighting stance, standing, full body, detailed, 4K +Susan Atkins looking evil and menacing, wide evil smile, dark eyes, possessed, comic book style, realistic, trending in artstation +A photo of a giant muscular soldier, wearing a tank yop +Cozy banquette at the kitchen island +The image depicts a scientific experiment that sends messages from the future to the past using tachyons. It shows two scenes: one in London 1998 and one in La Jolla 1962. The London scene is dark and gloomy, with a gray and brown color palette. The city is empty and decaying, and a large metal dish stands out in the sky. It emits blue sparks that look like lightning bolts, representing the tachyons. The La Jolla scene is bright and cheerful, with a blue and green color palette. The beach is full of people having fun, and a small building near the water houses a laboratory. Inside, a young man wearing glasses stares at a screen that displays symbols made of dots and dashes, representing the messages from the future. The style of the image is realistic but stylized, using contrasting colors and lighting to create different moods and tones for each scene. The image also has sharp edges and details to show realism, but also some softness and blur to create depth and perspective. The camera used for this image could be either digital or film-based, depending on whether the artist wants to create an authentic or retro look. The camera could also have a wide-angle lens to capture both scenes in one shot, or two separate lenses to create more distinction between them. The artist who might create such an image could be someone who specializes in science fiction art or illustration such as Michael Whelan , John Harris , or Chris Foss , who can combine realism with imagination. +Emotional shot, fragile shy woman with sheer dress with plunging neckline and lace sleeves, award-winning fashion photography, intimate and vulnerable lighting, 130mm bw fashion photography +A portrait of a middle-age man with silver hair and black sunglasses +dark pov Candid photograph of old mean wizard wearing dark blue ceremonial coat with carved bone ornaments in a dead dense forest at night only light from his zeptar +the most beautiful flower in the world +full body draw of a lonely woman talking trough a cyberpunk city at night with neon light on the background, art by artgerm, digital art, asymmetric cut, full shot cabera angle, full body portrait, short hair +headshot photo, raw photo, God, 8k uhd, highly detailed +A rickety house in Germany, shaped like a golden retriever. unique architecture. +a girl with short blue hair and blue eyes is sitting on a cloud, anime style, light effect, anime style hyper detailed, illustration, bloody, intricate, elegant, digital painting, artstation, smooth, sharp focus, art by artgerm and greg rutkowski and alphonse mucha +a pair of female statues flying over a chess board +Stan Lee as Doctor Strange, photographic +pc mouse made of cheese, trending on artstation +A photo of teddybear looking at a mg TF Midget, wearing suit,4k +A piece of bread with mold +AA cat with a pipe and headphones lying on a chair +a cyborg working on a laptop, cinematic lighting, intricate detail +Elven mage, female, healing spell, highly detailed, 8k, beautiful +Otherworldly glowing entity, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +us marines running at the camera with rifles in desert with fiery explosions and debris and dead bodies and limbs all around them in the style of the movie lone survivor and saving private ryan, gritty, 4 k, cinematic lighting, +taozipie goop, Stanley Artgerm Lau, WLOP, Rossdraws, James Jean, Andrei Riabovitchev, Marc Simonetti, Yoshitaka Amano, digital art, artstation +Vladimir volegov beautiful blonde freckles woman sensual warm glow neon fireflies fireworks night +Cozy banquette with legs at the kitchen island bright +'a painting of a maze with a castle a modern lock logo,a close up of a boa minimal design, blue monochrome color scheme, elegant and simple shapes, clean lines, geometric abstraction, negative space, subtle gradients, retro vibe, isolated white background in the background, progressive rock album cover, card game illustration, inside stylized border, searching for eternity, atlantis the lost empire, images on the sales website, green charts, discworld, dense metropolis, guide +candle lantern with a blue glow coming from the candle, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +hyper realistic portrait photography of beautiful happy girl, pale skin, golden earrings, summer golden hour, kodak portra 800, 105 mm f1. 8; image split into 2, different angles of the girl +bernese mountain dog, facing sunset, majestic, photo, high resolution, tall grass +a genetic mutated human that look like a fly +sci fi concept art. A spaceship in space that has been destroyed. +A car driving through the desert,art style by Greg Rutkowski +A trendy Asian woman wearing headphones outside in a city. +A cartoon mouse chugging its 12th beer +a hybrid between a cheetah wolf leopard tiger lion fox, leopard lion cheetah fox tiger wolf hybrid, sleeping in a mossy den, primitive creature, ancient creature, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art, professional photograph +a very old stone in Transylvanian forrest near to a creek, by István Csók, Mihaly Munkacsy, Karoly Ferenczy, John Everett Millais. Very atmospheric, dark, dangerous, mystical, natural lighting, trending on pinterest.com, wizard, raining, melancholic, inspired by +synthwave style, nvinkpunk Detailed portrait cyberpunk woman 20 year old woman, futuristic neon reflective wear, sci-fi, robot parts, perfect face +a marble statue of a man by michelangelo +Detailed portrait cyberpunk indian woman 20 year old +bruce lee, as a dragon, is fighting, chuck norris as a panda. cinematic. 1970s hong kong +Photoreal , cosplay , cosplayer , cyber punk , kanna hashimoto , chica linda , chica hermosa , chica glamorosa con cabello lacio +analog style, A depressed woman sitting , in the style of artgerm, gerald brom, atey ghailan and mike mignola, vibrant colors and hard shadows and strong rim light, plain background, comic cover art, trending on artstation +A photo of a person holding up 3 fingers +A portrait photo of Sam Hyde in GTA IV +Jim Morrison sticking tongue out wearing sunglasses wearing a shirt that says rock n roll +Realistic Close-up on the beautifull texture lips of a beautiful appealing young alluring profesional dominate white female teacher +a painting of a group of men sitting at a table, concept art, by Jodorowsky, retrofuturism, detailed steampunk illustration, family dinner, imperial officers in white, beeple and jean giraud, homelander, very very well detailed image, style of dragan bibin, 2019, micheal whelan, steam-punk illustration +Watercolor painting of european modern city, medieval, nightfall sunlight, by greg rutkowski, by anders zorn +film still, close up, ariana grande rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, big breas ts, film still from apocalypse now 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +Jennifer Aniston, toned upper body, stiletto heels, shredded dress, torn dress, ripped dress +a demon's soul inside a bottle +a duck with a sign that says "Gen-2 Hype Train" +a cat and a gorilla in a car ,rover 75 ,mg zt +sculptures, no compositions, by kuksi.com, Indian style, by Kris Kuksi, religious decorations on people, mythological beasts, in motion, exhibits, exclusive, high detail, 3D, Shilpi, volumetric bas-relief, dance, high detail, ambient lighting, octane rendering 16k relics , dark background, museum atmosphere, antiques, +Masterpiece, painting of family of dogs having lunch in a cave near a beach, still from games of thrones, epic, volumetric light, award winning photography, intricate details +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Aris Kalaizia +a beautiful colorful interesting detailed sci-fi storybook fantasy scene of a teddy bear wearing a backpack walking through a Wonderland full of weird trees and flowers, magic the gathering, Marc Simonetti and Anato Finnstark, neon pastel color palette, vibrant 8k rendering, Pixar concept art, trending on artstation HQ +A camping websites design with beautiful vectorilkustration, 8k,Tents,family,Scenery,spring,vocation, light green color,Minimalism,with Trendy Ul style on dribble, leaveenough white space around, keeping theinterfa +John Wick with an Nokia 3310 in his hand in an office +Foto de uma japonesa branquinha peituda mostrando a buceta masturbando +A red haired anime style girl +An angel with black wings holds a sword +octane render, light grey background, organically morphed fluid bubble, glossy fluid made of white and apricot colored fluid, intertwined and twisted +1 girl, white hair and red beautiful eyes, floating long hair, full body, many details +huskie astronaut in open spase +Cinematographic 1970s marlboro cigarette Chirac robin-superhero-batmobile french photoportrait carshow spaceship anglican-tiara-mitre Archbishop Jacques Chirac RPR vatican space program moebius capsule launchpad thunderbirds-vuitton Astronaut papal official leica hasselblad photograph in Vatican royal helmet metal scaphandre launchpad pointy oxygen hazmat gloves helmet +anime women in sundress on patio +a modern day cell phone picture of Albert Einstein messily eating spaghetti with sauce all over his face, a look of shock and hilarity on his face +woman with bitcoin, 40s line art illustration +woman wearing zentai body that covers eyes and face and head skin tight +Nightmarish monster hiding in closet, spirit, unnatural, highly detailed, embellishments, complex textured skin +Hello Kitty holding a sign saying: “abbiez” +liminal space, twilight, maze of white walls, mist at the horizon, from the top of a mountain with gentle slopes +20 years old boy with a husky +ayered transparency of human inside with mushroom hybrid, beautiful detailed intricate insanely detailed octane render trending on artstation, 8 k artistic photography, photorealistic +surreal gallery with oversized flowers and mannequins made of iridescent glass, gum and jelly +a bottle of pepsi on the desert +Soft greek sculpture of intertwined bodies painted by james jean, in pastel colors. artwork by tooth wu and wlop and beeple and dan mumford and greg rutkowski and nekroxiii. halo. octane render, blender, cinematic, hyper realism, octane render, 8k, bokeh. iridescent accents. vibrant. +the pope doing a tire change on his broken down car +a mermaid of the sea wearing a shiny dress enameled with pearls +A recycle bin icon, frutiger aero +a very elegant lady, with yellow dress and red decorations, white hat with rose, highly detailed, photorealistic +a crab-man eating lunch at a restaurant on the moon photo realistic +a mistress diapering and humiliating her sissy slave in front of her friends +A photo of teddybears wearing suits looking at a austin mini +Highly detailed, Nordic mythology gods, Pegan +Hyperrealistic Charcoal drawing of an eldritch entity. Myterious suspenseful fog. interesting background, by robert longo +a dog swim in the pool +Anime magic girl holding a magic staff made from sweets +Power Girl plays piano badly, watercolors, HD +Closeup portrait of a glass of wine +A person is sitting in a chair that is on top of a table +A Cybergoth club in Cyberpunk Munich. The club is dimly lit, with neon lights and strobe lights flashing throughout the room. The walls are lined with cyberpunk-themed graffiti, and the music is a mix of industrial and techno. +old successful man as an iconic portrait pic +Photo of a beautiful young kerala woman in traditional Kerala saree, malayali, professional photography, indoors +An asian succubus doing what she was trained to do- performing fellatio +Attack of the 50FT. Woman 1958 +a woman clothed with the sun, with the moon under her feet,with son on her hands and on her head a garland of twelve stars is ran away from a great, fiery red dragon, seven heads and ten horns, and seven diadems on his heads +photo of a beautiful thin little girl in a coat and tight leather pants and hat walks on a sidewalk +a masterpiece of ganesha sunset by alfons mucha, oil painting, golden hour, natural light, elephant, anthropomorphic, god classical painting, centered +painted tray MADE WITH A CONSTRUCTION BOARD +A page from an adult colouring book a zebra +the ruins of a mcdonalds store in the ancient rome +Screenshot of a Land rover defender in doom eternal +Woman with short red hair on the little car +MGb car smashing through hole in the wall ,sparks dust rubble bricks ,studio lighting,white walls, mg badge +High tech cyborg: Strange alien 👽 portrait by Dr Seuss: Japanese Art: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +A young man with long blonde hair and a moustache. young zeus, greek god, bold an thunderstorm, epic painting +Herobrine, fan art, anime, hd, DeviantArt, concept art, twerking +From Front outside Photography of gigantic interstellar spaceship docked in launch pad. by Ridley Scott. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +Abraham Lincoln playing in the NBA +RAW photo, a close up portrait photo of wastelander, redhair, short haircut, pale skin, background is city ruins, high detailed skin, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +A 1945 pinup illustration of Emma Stone, masterpiece, absurdres, highres, featured on ArtStation +a male rpg game role falcon +teddybears crew inside spaceship, car workshop in a spaceship, inside is a model of a mgb, sci fi,star trek shuttle bay +a pirate ship getting attacked by a giant squid, octopus, squid, squid, squid, painting by Anders Zorn +Cartoon of Cute gorgeous european young woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +Hip hop dancer with an ice cream +The Last of Us: Austin, Texas +Darth Vader Comic, High Resolution, High Quality, Many Details +very well hookah as cannonball style +Modern baroque wallpaper by Dorothy draper +dieselpunk Batman with catwoman on top of a building looking over a city, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +Town center with cobbled street at night, wet pavement, stormy night, intricate, higly detailed, animation background +80s anime still, man and woman having coffee at a coffeeshop, retro fashion, muted pastel colors, by Tsukasa Hojo and Toshihiro Kawamoto +iPhone photo of a bear dancing and holding up a sign with an inspiring message. Clearly visible text, well printed text, cohesive and grammatical message +a close up of a dinosaur next to a landrover, inspired by Adam Rex, cinematic, 1993, heartbreaking, promo image, action shot, an ultra realistic +biomechanical vistas robot woman, DPM2 hoarfrost lace, dreamlike, surrealism, super cute, 4k, sunlight, sunbeam, symmetrical, soft lighting, trending on artstation, intricate details, highly detailed, pencil drawing, sketching, unreal engine, by ross tran, wlop, artgerm and james jean, Brian Froud, art illustration by Miho Hirano, Neimy Kanani, oil on canvas by Aykut Aydoğdu, oil painting, heavy strokes, paint dripping, oil painting, heavy strokes +Llama dressed as MiB agent, wearing suit and sunglasses, poised to use a neuralyzer with a glowing flash, memory wiping scene, cinematic visuals influenced by Barry Sonnenfeld, 1990s atmosphere, sharp focus, dynamic angles, expressive lighting, sci-fi movie, photographic style, particles and sparkles, 2000s dvd screenshot, anamorphic lens flares, shot on panavision, shot on kodak, fantastic, editorial photography, hbo cinematic, men in black dvd screengrab movie directed by Barry Sonnenfeld +A human grown up naruto real life style +Extreme detailed close up of crocodile eye slightly from the side +the legend of onion, an onion is equip with sword, vegetable warrior, hold a sword atop a mountain, in a fantasy cel shading +vector icon, emoji style, einstein, minimalism +a baby cow walking in the jungle +Photo from taking off clothes competition +photo of a teddybear and austin minis in the city river with large teddybear,flooded mini,splashing misty mud rocks,panorama, teddybears next to car +analog style, photo of female F1 driver from the 70's +hello there written on a piece of paper +A human hand sculpture made of marble +art by Alfons Mucha, whole body image of Suki Waterhouse as a cosmic naturist meditating in the Lotus Position in Egypt in front of the Great Pyramid, under a crescent moon, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +photo of patlabor in jungle city river +Sun and Moon pattern by Hilma af Klint, rifle paper co +monkian from thundercats, laughing wildly,tribal, holding a spear, cinematic, 35mm +king kong hitting mgb cars in the jungle river ,splash rocks crocodiles,chrome grill +dark fantasy world map in the style of Anato Finnstark +Antique, warm hues, dark haired, massive, fat Pixar portly male Bishop in red and gold silk gown :: 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Pulsing energy inside a robotic core +Cute gorgeous european young woman 25 years old, with round face and big cheeks, delicate features and crimson hair. Light brown eyes and cute smile. +pitch black night sky, no stars, giant ice penitente, horizon +Fight club 80s style movie poster, insanely detailed, photorealistic, 8k, volumetric lighting, , +manga drawing of uzumaki girl by junji ito horror face Hatching ink thick lines Papyrus octane render snails by vladimir kush, fine details, ink art, outline tracing, intricate details, high contrast, paper texture +Bruce willis as a my little pony character, vibrant colors, full body, ultradetailed, embellishments +a tentacle woman villain. cartoon drawing. fully clothed +a girl kneeled on a leash +Dark art black pen illustration of a werewolf +White Persian surfing at dawn on the ocean waves +a digital painting of a woman with a fish head, by Filip Hodas, zbrush central contest winner, pop surrealism, minion as lovecraft's monster, stalenhag style, scary sea monster, the mekanik doll, cyril rolando and m.w kaluta, sad look, humanoid turtle monster, beeple and jean giraud, post grunge concept art +An alien blue with one eye skinny +full shot photo, in full color high quality very detailed and sharp facial features, very handsome married Malay beefy fathers ]] +Cat that looks like pennywise the clown +Cinematic shot of a desert with cacti, bushes, and tumbleweeds and a train track with electricity poles and a steel, coal powered, western train chugging through the landscape on tracks +a photograph of a velociraptor and a MGZT car in the forest ,dinosaur rover 75 mgzt,mgrover metalic paint +Open backpack and black apple inside, highly detailed, photography, photodetailed +egon schele paint of marilyn monroe drinking a milkshake with a straw +Official Portrait of the United States President, 1874 +realistic anime girl in a sofa in underware with a dark background +a girl rides on a swing in the form of a plate with wings, getting into her future from the past +Abraham Lincoln in the style of Max Headroom, Tron +Plane crash ,old propaganda poster style +photograph of fuzzy yellow baby chicks and golden goose eggs +AMLO con el PAN y Carlos Salinas de Gortari +young woman with big teased 80's hair bangs +king charles spaniel with , ethereal, midjourney style lighting and shadows, insanely detailed, 8k, photorealistic +Future space soldier, at the battle of Uranus, go pro selfie perspective, realistic, 8k" +expressive single premium chocolate bar packaging, turkish theme, creamy , exotic, vivid, soft render, smooth, elegant, highly detailed, ultra realistic, label design, behance, packaging of the world, award winning, front label, packaging design, product photography, corona render +Illustration of crystal cave system, a labyrinth of twisting passages and glittering minerals, warm and dramatic lighting +breton monk looking like zappa with muslims, photo +Children's comic characters drawn with crayons +portrait of a smoking man with smoke around his face, concept art style +a photo of a woman with green dyed hair, realistic +embodied AI celebrating the singularity event +a painting of a cute puppy in an enchanting forest +list of reasons to only eat chocolate +a bear wearing a pink dress playing stand up bass in a candlelit jazz club +oil painting portrait of Reimu Hakurei +a young woman wearing lace holding glass of wine +cute swedish teen with pigtails in a state of undress, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Black french bulldog with a yellow tenis ball +illustration of the young golden retriever has a talent for photosynthesis +Photo of a woman holding a glarr bottle +screaming photorealistic happy old male screaming shaman standing in road of forest covered in symmetrycal crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by andrews esao amorsolo +A product review specialist reviewing a product for an Amazon product for a YouTube video. He is a white male with luscious hair, glasses and is dressed is business casual. +a portrait of a tiger in the style of midjourney +magenta dragon with glowing yellow eyes, pixel art +photo portrait of 20 year-old Barbara Eden with ash blonde hair +fantasy, pastel, absurdist, photo, refined, George and Dream +a tow truck with a car on it. +mutant dog's head in a human body, a chainsaw, and on top of a car. +sci-fi room metal,fine details,studio lighting, plants,geometric artworks,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum +A woman with an enormous bust +fantasy art midjourney, deer, flowers and beards on a big antlers, unrealism +A painting of a beautiful woman by J. C. Leyendecker. +A dule of doves by Anna Dittmann and Alphonse Mucha. Surrounded in feathers and wings. Incredibly detailed, maximalist matte painting. Portrait of a goddess. Hues of white, pearl. 8K resolution, HD, DSLR, polished, realistic oil painting. Hideo Kojima. Beautifully detailed columbidae. +anime water elemental girl art, inhuman, liquid hairs, water hairs, blue skin, water skin, wet, digital art, mastepiece, art by artgerm and John William Waterhouse +young Lee Evans as a 19th century postman in a hungarian landcape +photo of a db5 car in the quarry ,splash rocks ,bmt216a +Girl wearing t-shirt that says "KoRo" +a fountain in an autumn fantasy forest as a classic dos adventure game +an anthropomorphic beautiful female borderlands 3 psycho portrait holding a binoculars wearing colourful robe, fine art, wizard hat, award winning, intricate, elegant, sharp focus, octane render, hyperrealistic, wizard hat cinematic lighting, highly detailed, digital painting, 8 k concept art, art by jamie hewlett and z. w. gu, masterpiece, trending on artstation, 8 k +kyoto animation, cyberpunk, punk undercut hair, wearing sunglasses, detailed portrait, cell shaded, 4 k, concept art, by wlop, ilya kuvshinov, artgerm, krenz cushart, greg rutkowski, pixiv. cinematic dramatic atmosphere, sharp focus, volumetric lighting, cinematic lighting, studio quality anime drawing art, anime blue eyes, sharp look, detailed, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, tom bagshaw, alphonse mucha, global illumination, detailed and intricate environment +Eiffel tower on a distant alien planet, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +1930's cartoon style of super mario +a ferret with a katana in a hotel +Insanely detailed photograph of beautiful holographic stained-glass of tree of life glowing , intricate hyperdetailed painting by Ismail Inceoglu, Huang Guangjian CGSociety, ZBrush Central, fantasy art, album cover art, sun rays by Ed Wilmore and Geoff McDowall, Roly Edwards, Hergé, Chris Blain, Gustav Klimt, 8k resolution, glowing edges +Fearsome Orc Portrait, Frightening, Fangs, Cinematic lighting, Volumetric lighting, Epic composition, Photorealism, Bokeh blur, Very high detail, Sony Alpha α7, ISO1900, Character design, Unreal Engine, Octane render, HDR, Subsurface scattering, +margot robbie at the beach,look at the camera,purple cinematic lighting,la la land movie vibe +cinematic still of a stainless steel landrover swimming in a pool,jungle +portrait of a medieval cyborg knight painting +bearded luka doncic, wearing leather bulldog harness, chubby, +BEautiful landscape in thr style of Tsutomu Nihei and Yoshitaka Amano +highly detailed, 4k, anime, Anime girl with a sign saying "I love you" +relaxed girl doing yoga at home realistic +Man and woman, eating and drinking wine at a busy restaurant, art by Andrew Macara +Gorgeous model in a plunging strapless dress +Abraham Lincoln visits the Lincoln memorial +photo of kink kong holding a landrover defender above its head +A logo of laptop camera and woman +Beautiful ,Single flower oil painting, palette knife, thick brush strokes, winning photorealistic trending on artstation breathtaking majestic, soft pale colors, delicate small detailed precise strokes, Impressionist style, soft cool colors +A little boy is holding a pink flower +Attractive Chinese girl 25yo portrait, upper body, soft lines, yoga bra +Spike spiegel from cowboy bebop 1998, realistic, photo realistic, highly detailed +Photo of Harley Quinn as a hot math teacher +Logo of a variety streamer on Twitch, the text says "nutronic", purple green blue, emblem, logo +gorgeous female sitting on a bed, Indian American, wearing a saree, legs visible, attractive, flirting, full body visible, looking at viewer, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +A chubby man standing in a queue at a coffee shop. +a pretty girl in front of the Egyptian pyramid +Selfie of a Brazilian gostosa 19yr teen, neon hair, wearing a sheer plastic translucent shirt +A Studio Ghibli style drawing with vivid colors and soft strokes. It shows the portrait of an anthropomorphic iguana with green scales and yellow eyes. He wears a green explorer outfit with a white shirt, a wide-brimmed hat and a brown backpack. He has an adventurous and curious expression on his face. He is in a jungle full of exotic plants and colorful flowers. You can see a map rolled up in his hand and a compass hanging from his neck +, fantasy, pastel, absurdist, photo, bird people, weird bird person cult +a rooster that has a bread as body +A natural landscape entirely made of glass +Movie poster, look who's talking, baby, simple colors, +Photo portrait 女士 Женщина vladimir volegov +, fantasy, absurdist, photo, Wes Anderson, bird characters in boots +Lamborghini driving down a night street, cyberpunk aesthetic, rustic feel, Neo noir cinematography, shot on Sony a7r +Surreal Movie poster, hushed woman, creepy white masked man in the background, simple colors, +photo of a vibrant girl with purple hair and orange eyes wearing survival gear +Blue ball on top of a red box +puppies stacked on top of each other in a pyramid shape +a beautiful asian woman, washing face in the front of mirror +woman without any clothing in doggy possition +a boy with goat legs, goat ears, fantasy, dnd, dungeons and dragons, rustic, hd digital art +Willy Wonka wearing a shirt that reads Candy +illustration of a massive glowing sparkling tree made of glowing galaxy sparkles under a sparkly galaxy sky ✨✨✨✨✨, hyperrealistic sparkling clouds!! hyperrealistic, clean environment, 16k resolution, professional photography, centered, sharp focus, incredible depth, fantastical, fantasy by Jeff koons, Beeple, Kilian Eng, Jordan Grimmer, 8k resolution concept art +girl wearing a very small bathing suit +Cyberpunk Batman and boy wonder in red and green stood next to a futuristic looking batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +film still from romantic 90s sitcom +, fantasy, evil, absurdist, photo, textile bird characters +a close up of a dinosaur head next to a jeep, inspired by Adam Rex, cinematic, 1993, heartbreaking, promo image, action shot, an ultra realistic +mathew baynton as sherlock holmes, wearing a hat and smoking a pipe, digital art by monet and jmw turner +art by egon schiele, Kubrick drinking a beer on a bar +Bioluminiscent barn owl in the forest +A woman with a very short tank top on +photo of a mgb gt car in a city street at night cyberpunk, a teddy bear next to the car ,silver car,studio lighting, +Macro shot of a ring made of glowing metal, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +one punch man,80s anime still,muted pastel colors, by Tsukasa Hojo and Toshihiro Kawamoto ,highly detailed,highly detailed face,close up +a cat playing cello on a roof, Picasso +Mouse in doctor uniform on Mars +a beautiful painting of a mermaid from elden fantasy, rococo, by krenz cushart, blowing wind, red hair, swimming through the waves, makoto shinkai, tashi takeuchi, Studio Ghibli, trending on artstation, artstationHD, artstationHQ +Kindergarten, free form, sunny, activity venue, garden +a man in a union jack outfit, photography by Nels Israelson, reddit contest winner, cobra, marvel comics, reimagined by industrial light and magic, official art +hyperrealistic human girl warlock with short dark hair and tentacle magic +An ciberpunk man Looking at the camera and is on a ciberpunk city at night, with flying cars, big screens on buildings and explotions at behind +A photo of an open palm +the angel is crying, gopro, statue, metatron, artstation, pretty, art by Giulio Monteverde +gorgeous beautiful female in a changing room, black hair, pigtails, wearing a sheer partially draped saree without a blouse, no blouse, bare top, bare legs visible, dark areola visible, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +Albert Einstein wearing a Spongebob t-shirt +Renaissance oil painting of young aphrodite with white hair, high quality, cinematic lighting, sharo focus, +A traditional Japanese watercolor painting of Cthulhu +a brutish ogre flexing his muscles in a gym +Portrait of a fairy tale princess by Ford Madox Brown +Dungeons and Dragons full body portrait, half-orc Paladin in gleaming plate armor, male, light green skin, black ponytail +A highly detailed closeup portrait of Taylor Swift in 1945 New York City, Kodachrome photo +An ultra-detailed photograph of a wolf giving flowers to a girl in a red hoodie +Redhead Laureline and black-haired Valerian, agents of time and space, painted by Boris Vallejo +Photo of old woman smiling at camera. Summer. Wheelchair. beautiful environment +a retro sci - fi mountain passage with a sun setting in the background, cyberpunk art, unsplash, retrofuturism, retrowave, synthwave, outrun +55-year-old caucasian man doing yoga, stiff, inflexible, strain, sumie painting in the style of Takato Yamamoto and Yoji Shinkawa and Winslow Homer +highly detailed portrait of a steampunk Joker stood on the streets of a steampunk city, 1920s, detailed and intricate environment +Envision other life form on a plant with gravity acceleration of 3 +A panda bear holding a Bitcoin logo +famous tiktoker visiting a fracking site in alaska, selfie, covered in black oil, oil on face and clothes, wearing yellow hard hat +A page from an adult colouring book about a safari +Award winning foto by Denis Villeneuve, Yui Hatano and Mila Azul as a kyotopunk cyberwave latexcore young woman, her gaze mesmerizes as she stands in an alluring pose, full body shot, neon colored hair, neon colored clothing, futuristic, neon lit night city in rain, in the style of masamune shirow +A sign in the middle of a street in New York writen "Hello" +Humpty Dumpty, art by Agnes Cecile +Black flames char the red tree +A frog with a red head is drinking beer +A portrait of cyberpunk inquisition: giant kinkyMuscle youngSlaughter inquisitor covered in red fluid. art by Ilya Repin +eighteen year-old girl, short blonde hair, sky-blue eyes, white crop top, short cotton trousers, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, soft lighting, high quality, comic style, by Gurihiru, Roberto Poggi, Chris Bachalo, Belén Ortega +"Supernova" a breathtaking artwork by yoshitaka amano, Victo Ngai, Jean Baptiste Monge, Erin Hanson, Hokusai, maximalist, Bird eye's view, Epic scale, hyperdetailed and intricate, clear environment, golden hour 8k resolution, trending on artstation +a portrait illustration of an orc mage, with silver decorations +A beautiful girl in an ocean of fire. +city fire, ashes, most finest face, flawless face, soft pink hair, golden heavy armor with reflects like a polished mirror, post apocalypse city down town, hyper realistic photo, armored thighs, detailed legs, most finest face, post apocalyptic, highly finely detailed and intricate futuristic gold complex armor with reflects like a mirror, Close up of warrior woman freckles, half shaved head, pale skin, fire post apocalyptic background, art for best selling award, winning young adult fantasy novel, intricate, elegant, well composed, highly detailed, by Chengwei Pan, Viktoria Gavrilenko, trending on Playground +A woman wearing a shirt that reads Los Angeles +kangaroo at space nebula, 4k, HDR, digital art +A Brittany dog with a pheasant +Bees by Hilma af Klint, William Morris +a big fat man, Pixar style +really muscled goblin in a baseball uniform +The girl with the pearl earring wearing a pentae +BWAY, text in graffiti style, esports style logo, +Roses and fluffy bunnies, feathers, shimmery goldsilver gradient transluscent wings +An anthro fox wearing a leather jacket, leather pants and leather gloves in a scene bar +Diamond, luxury, expensive modern gaming mouse made entirely of diamonds +Intricately detailed flowers made of teal and gold painted wood , by Mary Vaux Walcott , Artstation +A neon bar window that says "We are alone", photorealistic +Wattle, screen print on silk by grace cossington smith, fabric print +asian private detective finds a space alien +Fantasy futuristic london city/ immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +a boy walking down a forest in fall, no cane, animated +A woman climbing up a wall v4 +Portrait of a japanese redhead woman, short hair +a zentai aethestic promotion photo of a scandinavian woman wearing a white zentai body using an exercise machine +Hyper-realistic neo-rococo gameboy console, highly detailed digital art masterpiece, smooth cam de leon eric zener dramatic pearlescent soft teal light, ground angle hd 8k, sharp focus +highly detailed close-up oil painting of brain as big and very complicated factory with machines, smelters, robots, futuristic, sci-fi, Trending on Artstation HQ, 4K, UHD, High quality +Portrait of Cyborg with Translucent blue skull, higly detailed, intricate +Close-up Portrait of a female celebrity by Martin Schoeller +the face of a very angry man with orange glowing eyes +Cursed Image of New Year's Eve +a group of people standing next to each other, futuristic avatars, boris vallejo and ilya kuvshinov, zbrush central, cgsociety 9, desktopography, anato finnstark. perfect faces, hyper-realistic cyberpunk style, devianart and cgsociety, cgsociety - w 1 0 2 4 - n 8 - ia man standing in front of a pile of coins, by Igor Morski, biopunk, wondering about others, machine parts embedded into face, in thick layers of rhythms, two heads, mechanical clock, autodesk maya, interconnected human lifeforms, the thinker, psychosis, degradation +the logo of the dining room for the whole family, realistic, realism, ultrarealism, uniting the family +A viking warrior, fantasy art, digital illustration, realistic lighting +a woman wearing a wedding dress +a masterful painting of a female muscle goddess floating in the air, best possible quality, high resolution +A beautiful blonde girl in front of a cosy house +Thai traditional motifs pattern seamless l, minimal, elegant +A Bard in the video game EverQuest +Large, Master Bedroom, Skycraper, Mahanntan, Night, Interior, pulent, Luxury, Gold details, shiny Black Details, glossy, white, Marble, Modern, Exquisite, Minimal, Planned, Interior design +Magical Library, riso, comic, pastel, , absurdism +A giant statue of Zeus at the bottom of the sea +cute high school girl, sitting at her desk next to a window, reading a manga +An illustration black women with flowers in her hair +**a portrait of a bitcoin dollar bill hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +Man made of cactus smoking a cigarette +Realistic, war photography, Soldier, army, airforce, futuristic armour, led lights, warfare, war, damaged, battle +girl with a flamethrower and her dog killing zombies +Images inspired by alice in wonderland and computers, cinematic movie still, from the tim burton movie, majestic dynamic, future tech +, fantasy, pastel, absurdist, photo, refined, felted figure +A robot cat, a photorealistic colorful painting in the style of ross tran, yoshitaka amano and Liz Gael, trending on artstation, cgsociety, detailed background, 8k resolution, whimsical, friendly, cute +Scandinavian boring female glasses university student photo +Photo of a rugged 50 year-old cowboy sitting, open shirt, sun tanning, on the front porch +sci-fi white room, teddy bears next to a mgb car,silver car,studio lighting,inside space station with windows +Painting: Stunning Composition: Intricate Metallic shapes: Reflective Organic forms: Natural Center: Focal Disc: Vibrating Energy: Powerful Light: Mesmerizing Movement: Fluid Fluidity: Dynamic Top: Upper Bottom: Lower Rods: Metallic Wires: Connected Tension: Balanced Balance: Harmonious Viewer: Contemplative Relationship: Complex Technology: Advanced Nature: Beautiful Forces: Opposing +Artists rendition of an abandoned stone statue of buddha, centred, cracks, moss, vines, forest background, rendered in Unreal Engine +Photo portrait vladimir volegov of Anya ar 32 +A drone dropping a grenade on a target +Batman with long black cape and boy wonder in red and green stood next to a futuristic looking batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +an emoji face smiling and frowning +Movie poster, moana, highly detailed, abstract, artistic, embellishments +A photo of an extremely attractive young woman named curvy Sue. 35mm. 35mm +master yoda in hotline miami, poster +video game screenshot of man wearing hot dog suit shaking hands with business man, unreal engine, octane render +Highly Detailed Cyberpunk monumental Headquarters Building of Interstellar Trade Corp., digitally painted in UHD, concept art +Photo of the pope as a mob boss +vintage Cel shaded animation style, Tarot Lovecraft Madness nautical full moon symmetrical decorative tarot card border concept art of A spooky icon of a fast moving rabbit crossing the finish line in a race, colorful bright LSD trippy rainbow +medieval drawing of a monk writing on a modern personal computer +Swan robot, cyberpunk India, Cyborg Swan, Ghost in the shell style, mehendi body art, yantra, Robot mask, Baroque style, Kathakali character, High technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, synthesized body, hyperrealistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD +Photo of The Beatles performing a concert, in front of eiffel tower +a cute goblin girl, green skin, anime style +A doctor with a very kind face with technology elements at the background +the tardis, digital oil painting by monet +Visual Novel in Boris Vallejo style Close-Up Shot of Frost Giant with Blowgun, Astral Nexus, intricate and detailed +Gonewild PLAAST imgur A beautiful woman with bare tiddies big 🍈🍈🍆💦🫦 open legs, plugged as shole, bedroom elegant upscale expensive high rise condo +photo of chubby cruel vicious guy exhibitionist harassment at office. highly detailed face, killer look, Hard close-set eyes, born criminal +P.S. Kryer painting of idyllic danish rural landscape +Picture of a medieval lady holding rocket launcher +vasco team soccer bearded bald man +Architeuthis dux, giant squid, anatomically correct +The shrewd businessman made a huge profit by cooperating with a big corporation +The universe is a spheroid region 705 meters in diameter by Peder Monsted and Ivan Shishkin +Elvis Aron Presley aged 30 auditioning as Captain James T Kirk on Star Trek The Original Series, in 1966, USS Enterprise, scifi, technicolor, discussion, script +An illustration of bender, robot from futurama as an artist painter, holding a brush next to a canvas on which a robotic mona lisa is painted, cg, concept art, artstation, art, cyberpunk, octane render, by matthew abram groening, 3d, digital world, dreaming, vintage soft grainy, in the style of oscar chichoni and peter mohrbacher and dawid planet +a female athlete showing off her sweaty wet armpit +a guitar on top of a cloud. like a painting +, fantasy, pastel, absurdist, photo, Wes Anderson, Cloud characterS +a photo of a rat wearing a top hat +abstract modern art, Sensitive, Tremors or shaking +a cyberpunk military officer holding a rifle in a city +A professional website about Gym Life +a raw photo close up of the demonic bison inside an iron maiden robot cyborg wearing royal robe,large view,a surrealist painting,art by Jean Fouquet and alan bean and Philippe Druillet,volumetric lighting,detailed shadows +alien on a mgb car in the jungle river ,splash rocks ,chrome grill, +Sorceress. A mysterious and enchanting young woman is seen as a sorceress, wearing a flowing black gown adorned with golden runes that glow with magic. Her long, dark hair is styled in intricate braids and her eyes sparkle with a mischievous glint. She wields a magical wand that allows her to control the minds of others through hypnosis and spells. Her powerful presence exudes both danger and allure. +cricket ball hit for a sic +Photo of a style of Lee Ji-Eun also known as the father of a style of Lee Ji-Eun also known as the father of a style of Lee Ji-Eun also known as the father of a style of Lee Ji-Eun also known as the father of a style of Lee Ji-Eun also known as the father of a style of Lee Ji-Eun +a shiny photograph of A large-scale installation in a 70's kitchen with women made of glass, metal, plastic, iridescent gum and jelly. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers, octane render, crisp, Eastman Kodak Color Negative Film shot on Panavision super ps. muted colors +not cropped pitbull dog head, tatoo style, black background, green light +Fight club, black and white 1920s style movie poster, insanely detailed, photorealistic, 8k, volumetric lighting, , +hacker sitting at desk with computer, art by Michael C. Hayes +Photorealistic picture of a beautiful blonde woman from the waist up, posing in front of waves, beach, blue ocean, tropical vibes, sunny, sun rays. +woodstock festival 1999 night time fire +A website for a party resort service +Photograph of a LEGO themed HVAC system +a wideangle photo view of the roman army,Canaletto, +a young woman with long dark braided hair wearing blue and gold wizard robes, harry potter themed +a girl sitting at edge of rock on a very high mountain cliff , dramatic lighting, atmosphere, valley with high mountain in the background +macro photo,highly detailed,glimmer,glossy,metallic,translucent,refraction,carshow paint,redshift style,iridescent color,shiny,pond,crawling,hands,teeth,soaking wet,underneath,vivid colors,in the style of gil bruvel and Yuichi Ikehata and expressive sculpture and Lebbeus Woods +a burly muscular android man made of lifelike silicone rubber, full body shot, view from behind +, fantasy, pastel, absurdism, photo, ghoul +White sweet cat / black eye/ black tail /cinematic +cool videogame character doing parkour, 3rd person view, rtx raytracing 2023 +Astronaut on the surface of the moon. +make a inflate sculpture of ted bear +A mascot for a tech company, logo, vector, simple +A ocean made of liquid mercury +eighteen year-old girl, short blonde hair with pink tips, sky-blue eyes, european school uniform, classroom, pale skin, smooth skin, by Ilya Kuvshinov, Guweiz, Bluesssatan, Janice Sung, 4KUHD, Masterpiece, Raytracing, trending on artstation, best quality, detailed, detailed eyes, detailed hair, dramatic lighting, cinematic, high quality +CITIES IN HEAVEN - COLOR PAINTING -award - winning photograph, masterpiece, oil on canvas ,masterpiece COLOR painting of “HEAVEN” CITIES IN HEAVEN THOUSANDS OF PEOPLE SURROUNDED BY ANGELS RADIATING BEAMS OF LIGHT - BACKGROUND CLOUDS WITH RAINBOWS AND MOST BEAUTIFUL BRIGHT COLORED LANDSCAPES FULL OF COLORED FLOWERS STRANGE MOUNTAINS LAKES RIVERS AND MANY WATERFALLS IN TRUE AUTHENTIC COMBINED ARTISTIC SYLE OF PAUL GUSTAVE DORE / ALBRECHT DURER / TAKATO YAMAOTO / GREG RUTKOWSKI - hyperdetailed, busy, defined, complexed,meticulous, Incredibly detailed, masterpiece,perfect composition, beautiful detailed intricate insanely detailed octane render trending on artstation, 8 k artistic photography, photorealistic concept art, soft natural volumetric cinematic perfect light, chiaroscuro, award - winning photograph, masterpiece, oil on canvas, hyperdetailed, busy, defined, complexed,meticulous, Incredibly detailed, masterpiece - Super 4k UHD/4 k, 8 k, octane rendered award - winning masterpiece +a humanoid crocodile with a waist-deep spear in water, full body, highly detailed, photodetailed, RTX, masterpiece, Megapixel, 8k +Tom cruise running from aliens nikon z9 cinematic lighting national geographic 8k +a Korean city inside a coconut +, fantasy, pastel, absurdist, photo, refined, monster +Painting of lady contemplating by a choppy sea, dark moonless night, art by Arthur Rackham +beautiful royal redhead Katherine Grace McNamara smiling and dancing, long flowing hair, photorealistic, wearing intricately designed high chroma Cyan blue Trench coat and white tattered jeans with bright molten gold belt, perfect slender feminine body, chiaroscuro solid colors, divine elegance, beautiful intricate complex crown, futuristic embers, nice perfect face with soft skin-ice mature perfect face, Full body woman, High contrast light, dynamic camera angle, Full body Beautiful anime style, clean detailed faces, intricate clothing, analogous colors, glowing shadows, beautiful gradient, depth of field, bright hair light, clean image, high quality, high detail, high definition, Luminous Studio graphics engine, cute face, slim waist, +giant insect made of scrap metal and auto parts +polaroid, extremely detailed pale young woman covered in veins, totally black eyes, veiny tentacles intestines, body horror, intestines and veins coming out of mouth, veins covering body, skinny, zoomed out , +A purple dog outside a cafe +A strong warrior holding axes, detailed realistic painting +A picture of a 18yo teen girl a smelly tight outfit with yellow water dropping down thighs, Fog fumes near the backside of the woman, smell fumes around backside, , +Sphinx sticking tongue out holding a sign that says Rock N Roll +A photo of a male British superhero, navy blue costume, lion head on teeshirt +Knight from Hollow Knight observing a landscape from inside a cave ,triadic colors, cyberpunk, epic scene, by Moebius, kilian eng virant colors, dynamic lighting, digital art, fanastically beautiful, illustration, aesthetically inspired by Junji Ito, by H R Giger, 8k +Mona Lisa wearing a shirt that says rock n roll +sushi chef, sushi diner interior, surfing themed tchotchkes, vaporwave +woman head reflection merging in window with snowy landscape softly,gustav royo ingle grandmother seated recalling hardworking famine, Katherine kollwitz +a girl wearing endgame headphones and looking at viewer, art by artgerm +horrible ai generated cats, horrible disfigured this cat needs help its injured extremely bad +a Japanese girl making a wish on her 6th birthday party, ballerina, tutu, dancing, stocking, long and slim legs, looking at the camera, doing a split +Fantasy city/ immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +hyper realistic photo portrait zombie with hoodie cinematic, greg rutkowski, james gurney, mignola, craig mullins, brom +mountain landscape at night with stars and the Milky Way Galaxy in the sky, long exposure, professional photography, shot on DSLR, astral, realistic, detailed +portrait of a bee's face: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean Baptiste mongue: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant: expansive +Sony a7R IV, Open shade, Reflector, Textured, Stacked towels, scented candles, wood tray, Three-quarters, No, Balanced, Shallow, Enhanced contrast, Consistent light, colors, and props with other beauty products in the brand +New fluffy anthropomorphic voodoo doll character wearing balaclava masks and hip hop fashion. muted colors, light and shadow effects, detailed, intricate, clean and textures, trending on artstation, trending on cgsociety, award winning post - processing, extremely detailed, 8 k, zbrush central, behance, trending on polycount +a plus-sized male protagonist of a 70's anime. +A mega building, dystopian society, cinematic photo +a pile of biscuits sitting on top of a plate, mingei, made of cheese, soft round features, crispy buns, high quality] +"animal farm" movie poster, dystopian retrofuturistic version +future, futuristic futurism, 4k 200mm telephoto zoom, full-frame, photo, detailed, casablanca morocco, cyberpunk, street, historic blend, market, technocratic, theocratic +a girl looking at a dimensional portal in a dark forest, scare, environment art, fantasy art, landscape art, in the style of greg rutkowski, illustration, epic, fantasy, intricate, hyper detailed, artstation, concept art, smooth, sharp focus, ray tracing +Albert Einstein presenting a PlayStation, in front of many people clapping, he is watching an old tv, and holding a joystick +A tree in a field in front of a mountain in the style +bears on holiday, mallorca, 1983, polaroid photography by andrei tarkovsky +A beautiful African woman REPAIRING a car in 1930 +A Portrait of Aphrodite, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +A photograph of a beautiful pinup woman +A juicy blue hamburger, studio lighting, food photography +digital art with the writings hashtag, exclamation and question mark, leave blank space to put social media text +aN ASIAN painted tray wood carved with flowers +breton monks looking like zappa dancing with hare krishna , with cow, photo +A human figure, with a long red cloak, pair of stag's horn on his head, grey eyes, military boots and futuristic and contemporain uniform. On his left forearm a device with holographic windows and scheme +Cartoon Cat standing on top of the world globe with arms stretched out, thick outlines black and white +lithography of the making of the perfect martini +in a room a MGb car smashing through hole in the wall and velociraptors ,sparks dust rubble velociraptors ,studio lighting,white walls, +The word "HOT" on fire on a cyan background +photography by Milton H Greene and Bert Stern, whole body photo portrait of Marylin Monroe as a naturist in the desert, HD 4K, sharp detail, photo-realistic accurate face and features, studio lighting +Jinx from LOL, art by carne griffiths and wadim kashin +a soviet era propaganda poster of Wonder Woman by artist JC Leyendecker, retro futurism, alternative history, a beautiful and expressive painting, illustration, realistic, retro style, amazing composition, 4k high resolution +frosted glass aromatic diffuser, rectangular vial, with white fiber sticks in modern interior, proffesional foto, realism, bokeh +a landrover driving down a muddy road in the woods, by Anthony S Waters, renaissance, raptor, seen from behind, some rust, a green, of, buffalo, real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +Percy the Small Engine RWS illustration +20 something Lee Evans as a 19th century postman in a hungarian landcape +A building in call of duty warzone 2 Afghanistan with signs one says "Nutronic" "@thenutronic" +A pink flower with a long neck and sticking out of a crack on a rock among pine trees in a forest blooming , van Gogh style +T-Rex in fauvist style and princess sitting inside its mouth +Hades the Greek God, blue flame hairstyle, blue fire, dark angry look, underworld +dragons roosting on the pyramids in the desert +a velociraptor down a muddy road in the jungle, by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 ,landrover in the far distance +a poodle toy laying on wooden floor, interior +monkey wearing a hat written "sedex" on it +insanely detailed portrait,wise man, insane face details,dof, dslr extremely intricate, high res, 8k, award winning photography +Guan Yu riding an electric motorcycle with a Green Dragon Crescent blade on her back +, fantasy, pastel, absurdist, photo, Wes Anderson, mouse 007 +The universe is a spheroid region 705 meters in diameter by Asher Brown Durand and John William Goddard +an anthropomorphic rat wearing a red french beret +A clock set alight by a match +Professional photograph of young taylor swift in nurse uniform taking care of an old man,nurse with oldman,highly detailed,beautiful face,masterpiece,natural lighting +Portrait of a fairy tale princess by Arthur Hughes +minecraft swapm village castle, top view +Fluffy cat with black fur and yellow eyes +A teddy bear floating around space, international space station footage + vintage photo of middle-aged man finding peace and harmony while meditating in a tomato garden +comic book hero in style of alphonse mucha, exquisite detail, floral patterns, ornate, arabesque, beautiful landscape, poster art +Andy Warhol sticking tongue out wearing sunglasses holding a sign that says Famous +Masterpiece, best quality, male snow elf in arctic catacomc wearing hide armor, Artstation, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Ian McQue, by Syd Mead, by Simon Stålenhag, +dnd illustration of a woman, epic heroic fantasy human commander, red and white clothing, long black hairs +a recruitment consultant, sitting before a screen full of analysis diagram, carrying mobile device +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Nikolay Lomtev +Beethoven listening music with a headphones, new discman +An image of a doctor with a kid anime style +An anthro fox walking through the forest +a weightlifter lifting a fat cat +gangster cat wearing snapback and golden chain on neck with dollar sign pendant +An 1860s photograph of soldiers on the beaches of Guangdong, China for World War 3, realistic, 4k +30 year old woman, (middle eastern descent), (intricate jewelry), earrings, (long braided brunette hair with bangs), (amber eyes), ((realistic full dress armor embossed engraved)) ((pauldrons)), ((black split skirts)), ((hair ornament)), ((gorgeous braided ivy wedding tiara in silver)), (sheer veil covering bottom half of face), upper body, outdoors, (cloudy sky after a storm at sunset), realistic, intricate, High Detail, Sharp focus, dramatic, beautiful girl +by bertie yaw, wood, paint and metal, 16in x 12in, in the style of bronze and aquamarine, aztec art, stefan gesell, close-up, dusan djukaric, robotic motifs, colorful imagery, stefan gesell +in style of Antonio Mancini, beautiful details +a cloud that looks like a majestic dragon, whimsical fantasy digital art print by jazza and bob ross +Masterpiece, best quality, Aztec priestess and steampunk inquisitor male in a aztec tribal Fairytale World, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag. captivating, woman in fantasyclothing, posed amidst the whimsical, Man in steampunk trench coat with pauldrons, fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +Jean Harlow in a metallic emerald green gown on a deep jungle path, in close-up, finely detailed, ultra-sharp, photo-realistic, epic cinematic +dramatic cinematic scene depicting an apocalypse warlord murdering a human scavenger in the ruins of the cyberpunk city +Muscular and Sweaty Alexa Bliss showing off her sweaty armpits with a fierce expression on her face ; +art by Patrick Woodroffe, whole body image of A beautiful asian naturist succubus doing what she was trained to do- deepthroating, HD 4K, sharp detail, photo-realistic accurate features +Still shot from movie of a strong cowboy caveman, laughing wildly, holding a piglet, cinematic +A cute corgi lives in a house made out of sushi. +aN ARTISTIC ASIAN painted tray CONSTRUCTION BOARD +the essence of magic, art poster, mage the ascension, geometry, magic +indian fast logo, emoji style, tali dish, lovers , HD, 3d logo, family, healthy food, minimalism, realism. +beautiful drawn image of a cat walking in the jungle +atractive seductress girl, wet wet milcky, oiled wet, lactation machine, obstetrical, cameltoe, by artgerm, masterpiece +A highly detailed muscle sadist gestapo officer in his uniform doing brutal bdsm experiments with a boy at torture chamber +Pastel night city, girl on balcony +, fantasy, pastel, absurdist, photo, refined, gnaw +astronauts playing chess on the moon sitting +a bear riding a skateboard down a hill +A cyborg dinossaur shooting laser from the eyes, city scenario +Single Quiet Volcano erupting with sakura blossoms. Forest. Clouds Landscape. Shonen anime. Manga. Anime style. Yoshitaka Amano. Dittmann. Hermann Corrodi. Beautiful scenery. Stunning epic. Extreme wide shot. Epic in scope and scale. Intricately detailed. 16K resolution. Rendered in Cycle. Raytraced. Complex. +ultra detailed digital pencil and watercolors and illustration of a kerala village surrounded by unusual plants and flowers grow from below by wes anderson, tim burton, tomm moore, jean pierre jeunet , 8k, high resolution, unreal engine 5 +Jennifer Aniston, toned upper body, defined abs, slender legs, crucified +a painting of a pirate in a flower field +Teenaged boy in prison, stading in a corner scared and afraid +animal kingdom there was a fierce and skilled warrior, the Tiger King Sagat, known for his exceptional mastery of Muay Thai Sagat was an imposing figure with a majestic orange coat with green eyes that glow with an inner fire +Beautiful woman in a crop top with hijab +beautiful watercolor floral in the style of Georgia O'Keefe trending on artstation winning and jouous +Big ant crushing the statue of liberty +A real photographic landscape painting with incomparable reality, Super wide, Ominous sky, Sailing boat, Wooden boat, Lotus, Huge waves, Starry night, Harry potter, Volumetric lighting, Clearing, Realistic, James gurney, artstation +a flag with 'x+1' written on it +slavic woman with orange hair walkig trough steampunk City ruins by artgerm, asymmetric cut, low angle, short hair +band preforming in stadium with stage in the middle with big crowed +art by Alfons Mucha and Patrick Woodroffe, futuristic, sci-fi, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +A highly detailed sadist gestapo officer in his black uniform doing brutal experiments with a boy at gestapo +astill shot from a movie of a muscular caveman, laughing wildly,tribal, holding a spear, cinematic, 35mm +An open jar of apple jam next to a piece of toast on a plate +fat, chubby, Afro American cappuccino dork girl wearing tiny shorts, exquisitely detailed skateboard, doing full body twisted splits upside down, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +A sign reading “Deepfloyd is Gone” with nature in the background. +A modern UI design for an image search gallery app +Old Man, tired eyes, Scars on his face +Painting of a green plant sprouting out seedling of lights in a magical land +The Welsh flag, but instead of white-and-green, it's white-and-blue. +concept art of a beautiful fantasy landscape with mountains +Where's Waldo but he's circled already +Rem from Re:Zero, anime screenshot, pixiv, digital art +Mickey Mouse drinking a beer on a bar, 50s movie poster +i want to ride my bicycle freddie mercury +the book of Kells, in the style of the book of Kells, alcohol ink +a music video for a metal band featuring the band playing their instruments +a tall woman with purple hair in leather, tatooed, neon lit bar, bokeh, blurred background +museum of black holes and interdimensional portals, particle effects, science fiction +upper body, gothic smiling pale girl with piercing from steampunk, elegant, vibrant, dark fantasy, intricate, smooth, artstation, painted by edgar maxence, greg rutowski, ross tran, artgerm +a photo of a mgb and a bear in forest filled with lots of trees, inspired by Dan Mumford, shutterstock, beautiful stained glass window, morning sunrise, colorful glass wall, chrome detailing headlights +Muslim Diana Prince getting ready for battle +medieval painting of a man using a cellphone +Dinosaur in the space type cartoon and combating vs mazinger z +An elderly lady with a bazooka aiming at a bunch of zombies from a balcony. +Black mercedes cabriolet, tall beautiful blond girl in blue-sky robe inside, mont saint Michel on the back +cafe logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, 3d icons, good for the family, Tali, pious style, realism, octane render, soft diffused light, +photo of a dog made of gaussian noise +a beautiful anthropomorphic camel wearing an open shirt and shorts +A completely black piece of jigsaw puzzle lying on the white floor +shameless showing teen blonde little girl, insanely detailed portrait,female model, dof, dslr extremely intricate, high res, 8k, award winning photography +stunningly beautiful female warrior wearing highly polished armour, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style +Skull demon on fire dripping blood with yellow glowing eyes +western springs stadium Auckland New Zealand with Led zeppelin concert +the pope wearing a puffy white jacket at a party +a giant testis TESTICLEs on the dissecting Table at torture chamber. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +3d render of bearded dragon in the cockpit of a submarine, octane engine, deep ocean, volumetric lighting, Ue5, photorealism +a small plant sprouting out seedling of lights in a magical land +A princess walking on a lake +hip hop rapper lil wayne wearing a top hat +Jesus wearing a shirt that reads Rock N Roll +a photo of striped cats in the crown of a palm tree +noodles fighting dumpling, food battle, animated, playful, digital art, 4K, 8K, high quality, extremely high detailed, ], disney, artstation +Fantasy castle on a hilltop, painting by Bierstadt and Gustave Moreau and Alexander von Humboldt +Let's go bowling with Jayne Mansfield by Mort Drucker +male boy humanoid anthropomorphic furry raccoon is sitting on the ground, furaffinity +Wednesday Addams wearing a shirt that reads LSD +wide angle lens photo tibetan monk flying over himalaya mountains in weightlessness in traditional red cloth. a lot of flying red fabric around, sky and cloth fabric reflected in blue lake water. dark background. illustration by craig mullins, yoji shinkawa, trending on artstation, peter mohrbacher, hyper detailed, intricate, elite, ornate, +A silhouette of a dog looking at the stars, 8-bit +A turnip with tiny hat sipping tea from a tiny cup and reading newspaper +the essence of impressionism, art poster +A manga panel of a man +photo of cave explorers inside of a cave made of oreo crumbs +the complex scene from anime with cyber cats tv series inspired by Makoto Shinkai in the style of Hayao Miyazaki, cyber cats, Studio Ghibli, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +full shot, Pulitzer Prize wide-angle photo at a pool-party, hyperrealistic, Malaysian Royal Police Force, very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, the size of an avocado +An evil villain holding a Bitcoin logo in the hand, in cypher punk style +blackandwhite photo of a AustinMini car in a city street at night cyberpunk, AustinMini ,silver car,studio lighting, +frat boy standing next to a us marine, photograph, 4k, highly detailed +20 year-old Taylor Schilling as Piper Chapman +Nicolas Cage in the Walking Dead +Cinematographic-sixties Jean-Luc-Mélenchon vatican-betelgeuse-moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +genere un retrato de perfil de 3/4 de un obrero, constructor, 30 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +a man in a union jack outfit, photography by Nels Israelson and Michael miller, superhero movie still, action shot, reimagined by industrial light and magic, official photo +I want you to draw a caravan going on a winding road that is a film strip. +a box fight between socialism and capitalism, box gloves, box ring +Logo of a variety streamer on Twitch, the wording says "nutronic", in purple and green +forest wanderer by dominic mayer, anthony jones, Loish, painterly style by Gerald parel, craig mullins, marc simonetti, mike mignola, flat colors illustration, bright and colorful, high contrast, Mythology, cinematic, detailed, atmospheric, epic , concept art, Matte painting, Lord of the rings, Game of Thrones, shafts of lighting, mist, , photorealistic, concept art, volumetric light, cinematic epic + rule of thirds | 35mm| octane render, 8k, corona render, movie concept art, octane render, 8k, corona render, cinematic, trending on artstation, movie concept art, cinematic composition , ultra detailed, realistic , hiperealistic , volumetric lighting , 8k +a medieval sign with text that says "armor" +a daoist picnic in ancient mesoamerica, street with an open-air diner called Cafe, woman wearing techwear +A noir boudoir photo of a beautiful argentine woman in soft little short and soft little t-shirt, sitting and nestled in on the plush surface of an oversize couch, on a big soft cushion with luxurious fabric and big soft pillows, extended legs slightly spread on the couch, arms nice and relaxed, comfy and warm, lush and very cozy inviting and relaxed environment, all nice and cute, very confortable +Navy blue wall livingroom with dusty pink curtains +I'm like the ice cream...You can keep me in the freezer for a while but then I melt! +a colorful meadow filled with wildflowers, where a big brown bear is strolling through the grass. In the background, there might be a beehive with busy bees buzzing around it, while a butterfly and a bumblebee flutter around the flowers. In the foreground, there could be a stack of books with the letter "B" on the spines +an evil red car driving through hell +, fantasy, pastel, absurdist, photo, people with bird heads +happiness, very beautiful, inspiring, thought provoking +a 4k ultra resolution, scary dark themed image of a bedroom window +Ghost Character in the style of artist Shinkiro SNK poster +a sign that says "i love bees" +jdm 1990s custom body kit concept car +, fantasy, pastel, absurdist, photo, Wes anderson, ladybug characters +classroom,standing strict in row towards wall, jules burkjulien bettfluffy jingsewing workers,Jules Bastien-Lepage,movie still, +super Mario 64 art style, Link +hyperrealistic digital drawing of a warlock +A portrait of cyberpunk inquisition: giant kinky Muscle bald boy severe Slaughter inquisitor covered in red fluid came to oppress and enslave. art by Ilya Repin +Melting ice cream creating a tide +A goddess by Lois van Baarle +a close up of a landrover near a dinosaur in jungle, a photo, fantastic realism, movie screencap, amazing wallpaper, 1990, action adventure scene, close-up!!!!!, beautiful wallpaper, award - winning photo , screenshot from a movie, rain, famous photo, foto, exclusive, movies +USS Enterprise, flying through the sky above San francisco by gene roddenberry, extremely intricate, high res, 8k, award winning +a home built in a huge Soap bubble, windows, doors, porches, awnings, middle of SPACE, cyberpunk lights, Hyper Detail, 8K, HD, Octane Rendering, Unreal Engine, V-Ray, full hd +James Christensen, style, portrait of a snow goddess, exquisite detail, 30-megapixel, 4k, 85-mm-lens, sharp-focus, intricately-detailed, long exposure time, f/8, ISO 100, shutter-speed 1/125, diffuse-back-lighting, award-winning photograph, facing-camera, looking-into-camera, monovisions, elle, small-catchlight, low-contrast, High-sharpness, facial-symmetry, depth-of-field, golden-hour, ultra-detailed photography, shiny metal surface with intricate swirling mother of pearl inlays, raytraced, global illumination, pouty lips, +Black and white logo depicting horse with text saying "proriders" +Cow cyborg, cyberpunk animal India, body painting, Bull, Ghost in the shell, third eye, mehendi body art, yantra, cyberpunk mask, baroque style, dark fantasy, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, epic ambiant light, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +A galactic eldritch squid towering over the planet Earth, stars, galaxies and nebulas in the background, photorealistic, 8k +Jimi hendrix inside cockpit of star wars +Kermit the Frog, painted by Gustav Klimt +buddha wearing sunglasses sticking tongue out holding a sign that says Rock N Roll +Design a logo for a modern, high-end medical clinic that specializes in personalized, holistic healthcare. The clinic is called "C" and focuses on improving patients' overall well-being through nutrition, exercise, and mental health support. The logo should be simple, sleek, and convey a sense of warmth and approachability while still exuding professionalism and expertise +a picture of officer jenny cooking dinner +yellow snake, profile picture, realistic, sharp details, detailed eyes, realistic skin +masterful photo of an incredible muscular woman, young, huge, stronger than any man, 3 meter tall, +Masterpiece, best quality, group of knights in a stone catacomb wearing dieselpunk armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +raw photo, pale albino alien hybrid girl with big fish eyes and long white hair, black dress, antichrist, horror, headshot photo, nikon, dslr, wildlife photography, 8k uhd, highly detailed skin +movie still of kanye west in a marvel movie +art by Alfons Mucha, whole body image of 20 year-old Jennifer Aniston as a naturist in Central Park NY, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Sunny sky over a beautiful beach +a japanese woman reading a book +anime water elemental girl art, inhuman, glowing eyes, liquid hairs, water hairs, blue skin, water skin, wet, digital art, mastepiece, art by artgerm and John William Waterhouse +a cat on a propaganda poster +photograph of Optimus prime playing with Lego +a painting of an exploding supernova +an image of beautiful copper long hair +zero gravity weightlessness a giant cavern without water in space, weightless upside down gardens +Synesthesia art poster by alicexz, violin instrument, with musical notes flying in the air, musical notation +masterpice, digital art, cute girl, succubus, pale skin, goth, artstation, art by John William Waterhouse, artgerm, ilya kuvshinov +cat jumping in snow in 2d disney cartoon animation style +Antique, warm hues, urine spray, massive black rubber dildo, Aboriginal girl doing the splits upside down, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +catering logo, healthy food, minimalism, pastel shades, in the jungle of india, 3d icons, family restaurant, Russian Tali, saint, icon style, realism, octane render +Tom Hanks as Forrest Gump holding a sign that says want a chocolate? +big chungus as a fat cartoon character +UFO popping out of the ocean in realist style and touch of fauvism +Mystical forest with glowing mushrooms and a babbling brook +portrait of a man by greg rutkowski, william zabka as a colonial marine from aliens franchise, he is about 5 0 years old, military composure, wearing the tactical gear of the colonial marines, highly detailed portrait, digital painting, artstation, concept art, smooth, sharp foccus ilustration, artstation hq +Construction happens downtown, huge skyscrapers loom above +Captain America isn't actually american, he's a martian +old hotel, vintage, hyperrealistic, glowing, abandoned +A design pencil sketch of a cardboard vending machine +sculptures dickens elderly mother candlelight worried hdr cropped ,Anna archer +A computer mouse made of cheese +Unholy death knight walking slayer bloody +Medieval smithy, Aesthetics, finnian macmanus, john park and greg rutkowski, thomas eakes, greg rutkowski, xiang duan & mike judge +Paul cattermole sclub 7 standing next to his own grave +A 4 panel comic strip about two young women who are in love with each other and like to cuddle +A nickel-aluminum cylinder with three crescent moon symbols engraved on-top of a concrete block in a dimly lit room, cold lighting, ominous lighting, 1980s film lighting, 1980s film quality +charcoal drawing of a man's face warping according to the golden spiral, eyes very detailed and sharp +painting by Caspar David Friedrich, Cute grey cat +illustration full body of he-man from masters of the universe, blonde middle lenght hair, beautiful face, wear a light metal armor, with a red cross on the body, barbarian boots, golden intricate bracelets. Hold a fantasy sword +Bruce Springsteen a witch hat casting a fire ball, beautiful painting, detailed illustration, digital art, overdetailed art, concept art, full character, character concept, long hair, full body shot, highly saturated colors, fantasy character, detailed illustration, hd, 4k, digital art, overdetailed art, concept art, Dan Mumford, Greg rutkowski, Victo Ngai +Golden wattle by Hilma af Klint, William Morris +film still movie about aliens from the 80s +women's cancer research symbols in a sky scape +a shadow figure standing in the dark, cyanotype +giraffe dressed as a soldier, 3d cartoon style, eerie +A fantastical world of flying islands, Gods and Celestials, giant waterfalls, otherwordly, epic, soft lighting, digital painting +nighttime a dinosaur and an MGzt in the jungle river,compy Compsognathus waterfall misty,headlights Chrome Detailing +A demonic red archangel towering over an oppressive battlefield +Boy twins twinks penetrating each other +cute cat, digital art print by alicexz +a penguin sign with "Noot Noot" written on it +Female knight standing over a medival landscape with a castle and a sunset, pastel palette, trending, flat color, anime, looking away +realistic fox fursuit at a convention, furr, fursuit, furry fandom, anthrocon, mff +photo of a angry small dinosaur next to tire wheel down a muddy road in the jungle , wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , tire wheel ,scrapyard a car door in the mud buried +Highly detail digital art of Uub from dragonball z with dreads and holding a smg, by akira toriyama, artgerm, rossdraws, Juan Pablo roldan, adam kuzcek, uhd, 8k, unreal engine rendering, octane rendering, extremely detailed, cinematic, HQ, concept art, full body +a portal to snowy mountain, standing in a warm summer field +epic master yoda, league of legends splash art by greg rutkowski, epic art on artstation +film still of a chrome palm tree in desert +the essence of geometry, art poster +Digital painting of starry night by vincent van gogh +5 estates in the united states for starters +photography by Ansel Adams and Annie Leibovitz, Jennifer Connelly as a naturist at a natural hotsprings, award winning photography +a beatiful plush teddy bear is guesting people to inside of white green themed cafe +A Fancy white fluffy persian kitten with amethyst eye color, centered composition, wearing a small crown, sitting in a fancy teacup, portrait 8k resolution concept art detailed matte painting dynamic lighting intricately detailed hyperdetailed Unreal Engine trending on Artstation Splash art heavenly sunshine beams divine bright soft focus holy in the clouds +albert einstein in game of thrones +2/3 portrait of a 14 year old girl +rose garden garden, ornate, magical, mystical, fantasy, hyper realistic, sunset, octane render, raytracing, trending on artstation, artstationHD, artstationHQ, unreal engine, 4k, 8k, epic, masterpiece, award winning, wide angle, denoise, deblurring, detailed, realistic, clear, HD, 4k, 8 +necromancer girl, pale skin, goth, magic, dark fantasy, skeletons, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +anime girl walking on water, ripples, backdrop of dawn, saturn in the background, illustration, concept art, anime, key visual, trending pixiv fanbox by wlop and greg rutkowski and makoto shinkai and mamoru hosada and studio ghibli +Vector eSports logo of a hivemind +happy gnome in a mushroom forest: symmetrical face: accurate anatomy: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +10 hands of a circle of people +lofi girl painted by caravaggio, headphones, lofi girl studying, accurate hands +ava addams en el juego koikatsu +a futuristic pistol on a table +, fantasy, pastel, absurdist, photo, person bird piñatas +Cinematographic-sixties fashion abloh capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +A dwarf cleric smashing a mans head with a hammer +, fantasy, pastel, absurdist, photo, snake matchbox +young, happy man, dressed as a 19th century wanderer, sits on a flying beer Barrel, fantasy concept art by marc simonetti. atmospheric, realistic, detailed, warm, stary nights, trending on pinterest.com +a woman with two heads smiling and crying at the same time +landcape swirly painted clouds fairytale summer trees flowers bubbles , jeremiah ketner, artstation CGSociety hq +dark-haired Valerian and redhead Laureline painted by John William Waterhouse +bb8 as easter egg card in pink and blue +analog style, masterpiece, best quality, detailed, detailed eyes, detailed hair, 1 girl, blonde hair, indoors, kodachrome film +painting of a dragon by jazza +A vibrant digital illustration of an anime girl, with big, expressive eyes and flowing hair, sitting in a peaceful, natural environment with cherry blossom trees in the background, using a pastel color palette and inspired by the artist Hayao Miyazaki +dog eating food dining cafeteria view Eiffel tower warm glow fireflies fireworks night background +sparkly magical medieval fantasy landscape from Final Fantasy 14, highly detailed, lush forests, huge mountain ranges, grand seas, wide plains, cumulonimbus clouds horizon, ultra high max settings quality HD in-game render, HDR XDR contrast, 4k texture meshes, starlight bokeh, cinematic dramatic lighting, +Video game pixel Sprite of a Walking Turnip enemy +a miniature version of the Eiffel Tower made of pipe cleaners +copper-foil method stained glass motif, art by Alfons Mucha and Salvador Dali, futuristic, sci-fi, a crystal egg at the center of the universe sitting on a lotus flower, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +Shiny Wet Power Girl flies to your rescue, digital art, HD, deviantart +an actor eating tacos at a saturday night show +Beautiful misty mountain landscape detailed matte painting, deep color, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution trending on Artstation Unreal Engine 5 +A humanoid furry werehorse, made out of slime. +a real airplane made of wood +A human heart made of a precious metal, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a port with ships and tugboats oil painting +Dungeon Geists: This blue creature card has the ability to tap a target creature and keep it tapped for as long as Dungeon Geists remains on the battlefield. Its artwork features a creepy, shadowy maze with a skeletal hand reaching out from the darkness +watercolor illustration of a beautiful woman with white hair and light gray eyes, she is wearing a white adherent armor made of dragon scales and a black cloak with light blue decorations, she also holds a silvery sword, her skin is pure white, snowstorm on a mountain background, high quality, high definition, cinematic lighting, sharp focus, +wasteland, sci-fi art, by Edward Hopper, cinematic, artistic +the Sistine chapel ceiling with cats by michelangelo +style Arrivabene, Agostino a poster of a soccer player kicking a soccer ball, prussian blue and azo yellow, diego fazio, official fan art, zoo, 🐝👗👾, metzinger, showcase, recognizable, wit studio, aykut aydogdu, sports logo, displayed on the walls, sweden, deluxe, dos game, dribble, digis, gadget', +Ghost of a mad doctor has come back +hyperrealistic photograph, enormous lovecraftian smoke creature standing over a bloody dead body in a large abandoned bedroom, large windows , +A cyberpunk mermaid in Punko art style +Box of dangerous chemical material, photo realstic +a wide angle photo of large gold head Ceaser on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, indoor, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +Unicorn that rides a Steam Punk Pig +The Racnoss are an ancient race of aliens from the Dark Times of the universe. Half-humanoid, half-arachnid in appearance, they were an invasion force who consumed everything on the planets they conquered. Their race was wiped out by the Fledgling Empires, over 4.6 billion years ago. +, fantasy, pastel, absurdist, photo, Wes anderson, bee character +Transparent red pen inside a office room +flowers stilllife kiwi patrice murciano, rustic grunge, wooden bottles +studio style RAW still photo of An 18-year-old Japanese male muscular baseball player's face with serious +an empowering view of the supreme elder turtle,wearing royal warrior clothes, throwing an extremely powerful punch surrounded with demonic aura,in the style of Ken Kelly and William Blake,Richard Corben,extremely detailed,detailed shadows,volumetric lighting +The pope sticking tongue out wearing sunglasses holding a sign that says Rock N Roll +The scene shows Walter White, a middle-aged man with balding hair, wearing a yellow apron and standing in a dimly lit basement. He is holding a baking tray and wearing a pair of oven mitts. In front of him, there is a wooden table with ingredients, including flour, yeast, and sugar. +hyperrealistic photography of a stunningly beautiful venezuelan cyborg female, mechanical elbow, plated arm, intimate, in the style of beth cavener, jin kagetsu,, and wlop, highly detailed, intricate, face symmetry, masterpiece, award-winning, sharp focus, concept art, high key, ambient lighting, 8k, photorealistic, Kodak UltraMax 800, ultrarealistic, MidJourney, Cinema768-Digital, octane render, 35mm, realism +RED apple: intricate hyperdetailed illustration: biomechanical by H. R. Giger: Jeff Koons: Erin Hanson: Joe Fenton: Russ Mills: Patrice Murciano: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex: marton bobzert: elegant, expansive, fantastical: James Jean +androide 18 apareandose con un viejo +an off - road vehicle is stuck in the mud, by Richard Carline, jungle, f 1.4 kodak portra, land rover defender, brown mud +New London /brave New world utopia/dystopia +an engraving of king arthur standing in the throne room by gustave dore, caspar david friedrich, ian miller, highly detailed, strong shadows, depth, lithograph engraving +a wide photo view of giant bear romans,castle foreground perspective, +An Ancient Greek fresco of Pikachu +A Caucasian princess in a bathing suit +A scorpion with a flower on the tip of its tail on a rock, digital art, octane rendering +Cat god, the ruler of cats, standing in mushroom heaven, looking down on the world +old chemistry lab vintage, hyperrealistic, glowing, abandoned +UV photography of rocky cliffs in black and white with small sparkly quartz crystals +Anthropomorphic two musicians on stage sing, high-graphic, highly detailed, photodetailed, photorealistic, perfect realism ultra, magically, fabulous, , +draft of a cute Frisk from Undertale +Anime styled image with a girl with big wearing a shirt with a text saying "OPPAI" +A digital painting of a fantasy witch +A beautiful African woman changing a car tyre in 1930 +A beautiful anime heroine posing with a dog, in a coffee shop,by studio Ghibli, HDR,8k +Portrait of Pinkie Pie, blue eyes, pink hair, by Tim Burton, creepy +A high quality photo of Maisie Williams wearing a purple hoodie, forest setting, 4k. +a Mistress showing her barefeet to the camera +, fantasy, pastel, absurdist, photo, witchcraft +billowing swirls made of thin biological membrane with high index of refraction, blooming shiny iridescent flowers, glowing translucent seed pods, bioluminescent catlike fractal bioforms, sparking fibre optic cables, biomorphic fBm clouds, mauve sky, nature photography, sunlight and shadows, photojournalism, cinematic,ultra realistic, sense of high spirits, electrical tension, cinematic, volumetric fog, volumetric lighting, occlusion, Houdini 128K UHD fractal, pi, fBm +Pikachu, anime, pokemon series, pokemon episode +a sign that says "crack crack slavery is back" +art by egon schiele, nitsche meeting fidel castro +rover75 car driving in volcanic molten lava magma, studio lighting, volumetric light,flames steam +, fantasy, pastel, absurdist, photo, tiny Seance matchbox +A teddy bear eating an apple +a mystical Dome City with frequency tuned shimmering domes +wideangle fisheye photo , inside the gold getty villa,through a fish eye lens +A teddy bear wearing a biker jacket. +macron shoot a dog like a ball at a match +cowboys wrangling a t-rex in front of a herd of bison. Historical photograph, 1876 +Portrait of a fairy tale princess by Jackson Pollack +A squirrel in a t-shirt riding a space rocket +A Portrait of Emilia Clarke with a Big Banana in her mouth, High Resolution, High Quality, Many Details, Real Life +dark souls boss fight, epic action shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +an electric spark between a tomato and a cucumber, cinematic, dramatic lighting +, fantasy, pastel, absurdist, photo, refined, 1960s housewaife +Gorgeous shot of a paladin, 25 years old, clad in radiant shining armor at the edge of the bulwark in the forgotten realms in dungeons & Dragons style by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +Enchanted forest reflecting on a crystal ball +atractive seductress girl, wet wet milcky, oiled wet, lactation, cameltoe, by artgerm, masterpiece +Vintage 70s photo of girls in model school +A collage of risqué Images inspired by Taylor Swift 🍈🍈 +girl in a manga, anime, animated, +Map of the Flat Earth surrounded by a ring of ice. +faceless shadow god, spectre, misty, purple eyes staring death into you, photorealistic, dark fantasy +sculptures dickens elderly mother candlelight worried hdr cropped ,Ron mueck +Design drawing of mobile app audio playback page, audio playback page, previous song, next song, play, pause, favorite, like, progress bar, volume adjustment, share button in the upper right corner, playlist button, back button, song cover Displayed in the middle, the song name is displayed, and the message button is at the bottom +closeup photo of a young japanese woman with lush long auburn hair held in twin tails, wearing a red scifi pilot costume, grey wall in the background, 4k uhd, ambient light +a painting of a house in the middle of a body of water, by Jacek Yerka, red panda on a propaganda poster, emphasis on tall buildings, anthropomorphic machine, inspired by Ron English, harbor, listing image, platform game, whimsical beaver, connectedness, by John Kay, blue submarine no. 6, greta thunberg, realistic. intricate', +an off - road vehicle is stuck in the mud, by Richard Carline, jungle, f 1.4 kodak portra, land rover defender, brown mud, hyperdetailed!, in jungle forest !!!, detail on scene, operation, journey, inside an epic, lavs flowing through the land, resting after a hard mission, felix kelly, covered in dust, mud +A pencil sketch of a beautiful lady standing on an epic cliff back shot mid low angle +a fiat 500 statue made of out of glass, glass sculpture +an empowering close up view of the supreme leader of the murim alliance,short spikey red hair,short beard,stern face,sitting on a throne,wearing regal royal outfit,head leaning on arm,in the style of Ken Kelly and Richard Corben and katsuhiro otomo,extremely detailed,detailed shadows,volumetric lighting +A female astronaut wearing a scifi skinthigth space suit +An ornate key inserted into a human heart, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a movie scene, a motel on fire, cinematic +close up of a Humanoid skull made of insects, bugs, wildflowers, meticulously detailed matte painting; cinematic Symmetry, triadic colours stunning Intricate matte painting by Dan mumford and Chuck Close hyperdetailed intricately detailed maximalist composite photograph Horde3D shadow depth Unreal Engine 5 diffuse dendritic eldritch +less is more vintage poster bauhaus style +3d render of a lemon character crying by some lemonade +A anime girl with red hair, cute, holding a potato +An explosion at a gas station +Batman’s cowl on the street after being defeated by the joker +, fantasy, pastel, absurdist, photo, Wes Anderson, spiders +Vector art of a Polar bear wearing a hat and a tie leaning against an igloo, highly detailed, best quality, by patrick brown, Kan liu, artgerm +ultra close-up color photo portrait of 'johnny depp as a professor snape from harry potter movie' with hufflepuff orange and black dress, screenshot, soft natural lighting. large yellow text "huff a puff" in harry potter font on the dress robe. large text 'huff a puff' on the johnny depp dress, detailed skin texture, portrait photography, 85mm lens, magical photography, dramatic lighting, photo realism, intimate portrait composition, cinestill 800t. text 'huff a puff' +80s anime still, girl fixing a mech, retro fashion, muted retro colors, style of Dragons Heaven +goddess sculpture in shape of vulva, cream, photo +A portrait photo of a cat wearing blue sunglasses holding a sign says "Welcome" +A risqué army captain with large 🍈🍈 +1000 versions of close-up front portrait of a man. Medieval miniature. Gold ornaments. Symmetrical +A shar pei on the beach +cute adorable heroine girlfriend waifu in thighhighs high heels, anime style, by Krenz Cushart, Makoto Shinkai, Takashi Takeuchi, unreal engine, anime anime, cryengine, houdini octane render animestyle asoberanime bhuttoyuri +highly detailed realistic photograph of a hand +park near the church, stone benches overturned, church damaged by several explosions, inside the fire is extinguished, smoke is burning inside, a scientist with a tablet is standing in the park, a drone is hovering next to him, steampank canroon liustration style +macro photograph of a beautiful sparkling fantasy opal gemstone sitting on a stone ledge + Silver Gray mini toy poodle +Exchanging basket of plants, fruits and vegetables +interior of a spaceship cockpit, intricate complex, highly detailed, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain +fry from futurama wearing a black trenchcoat and black lensed glasses standing in the Matrix, green code, in the style of Matt Groening +upside down photo in a gargantuan cavern lit with warm light updide down standing lanterns, moss, stone, and wooden planks on the surfaces upside down jungle gym +Forrest Gump holding a sign that says want a chocolate? +María Pagés, firedance, from riverdance the show, flamenco +artistic art print, spashes of paint, strong vibrant colours, wet paint on canvas, cute baby dragon in a teacup +logo for a charity for children, highlight family, house, round logo, detailed, realistic, 4K +hunter x hunter, character with long unkept hair, creepy smile, togashi, shonen manga illustration +A statue of Spongebob at disneyland +photo of a dragon at the gym +hyperrealistic old abandoned church, broken windows, vintage, glowing, spooky, smashed altar, creepy +golden knight, oil painting, extremely detailed, art station, concept art, faded pallette +head and shoulders shot of instagram model, orange long hair, hyper detailed +World war 2 Saint Bernard dog on a battle ship helm looking like a hero +white ink on black background Inkblot peacock, art by android jones, robert oxley, jean baptiste monge, richard anderson, Quentin Blake, ink on watercolour, inkblot, negative image +Hyperrealistic, accurate, extremely high quality photograph of robert downey jr +a great space male commander with the face paainted with black and blue patterns +santiago of chile in the style of gta vice city artwork, digital art, loading screen artwork, orange sunset, 3d render, oil painting +Black and white 1905 year futuristic portrait old mad professional photographer with camera in hand riding on crocodile in a toilet +A bear sitting at a picnic table smoking a bong +ava addams wearing only an apron while cooking, she mates with a man, in the kitchen +Ben Shapiro covered in milk holding a jar of milk +An brazillian surfing a wave with donald trump +Photograph of a beetle next to a miniature airplane, close up photo, 8k +Fantasy, pastel, absurdist, photo, person made of birds +Mars seen from space so the whole planet is visible +A bronze trophy in an open suitcase. +blue feather in front of a bokeh backdrop +Aetherpunk, ''sci-fi observation deck, large glass window'', medium Shot of Beautiful Futuristic City, maximalist matte painting, 8k, photorealistic, masterpiece, splash screen, elegant, detailed, Michael Whelan, Frank Frazetta, James Jean, John Howe +teen at the gynecologist spreading legs +Photograph of an Optimus Prime themed HVAC system +mujer alegre de 30 años y sonrisa amable +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Eugenio Lucas Velázquez +An abandoned house, interior, broken tv, dust particles floating, decay, overgrowth, photorealistic, highly detailed +, fantasy, pastel, absurdist, photo, refined, +Cricket ground image with India and Pakistan match +beautiful bohemian girl from the 1930s, bobcut, bags under eyes, flapper +a knitted African mermaid with a purple blue tail, braided yarn hair, a gold arm ring +masterpiece, from above, office shot, black skirt, royal shoes, lying on bed, open legs, the room has windows, single, divine goddess, shiny skin, skindentation +European style residence Greenland family Sunlight High definition +a boy sitting in a poor village street corner playing an acoustic guitar +In crowded cities,Vector,design by Renzo Piano,villatic builded by bamboo ,with a man,foreground,2K,architectural visualisation,beds,Architectural photography,Nikon D7500,FE 85mm F1.8,ISO 500 +a small scruffy brown dog blue cape uses his powers to save the day and make peace with the squirrels +A cat character drawn with oil crayons. +woman in black coat sitting in snowy landscape, snowkansas solitary pondering charles leighton hailsargent, jules bastien Lepage +Photo of beautiful Girl standing wearing cotton under wear +Beautiful jungle woman, come hither stare +a close up of a statue of a person with a book, a surrealist painting, inspired by Jean Fouquet, renaissance, portrait of knight, digital collage, dominique ingres, benjamin lacombe, palatial scene, queen victoria,city streets,at night,neon lights,concept art in the style of Tony DiTerlizzi and Tsutomu Nihei, by artist Ian Miller and inspired by Ken Kelly,volumetric lighting,detailed shadows,extremely detailed +A group of hobbits walking In a green prairie +a lemon with john lennon's face on it with glasses +a beautiful woman in a red dress holding up a sign that says "GifCo", she is standing on top of a huge cliff overlooking the ocean, an epic sunset is in the background, highly detailed, in focus, 50mm lens +Plymouth GTX car from year 1971 +Cute girl roleplay. Cat ears. In the box +post card of the eiffel tower with the text paris written on it on a wooden table +Wednesday Addams wearing a shirt that reads triple Six +Koa is a muscular adventurer with a rugged tan complexion, piercing blue eyes, and a weathered face. He sports a full beard and a wide-brimmed hat. For his latest adventure, he rides atop the back of a magnificent flying turtle with a sleek shell and majestic wings. The turtle soars through a stunning sky filled with fluffy white clouds and vibrant colors. Koa grips tightly to the turtle's shell +panorama photo of a giant gold teddybear statue,walls karnak,stone floor entrance,tutankhamun,columns,wideangle,by david roberts +Family Guy Cartoon German Shepard watching a movie holding a joint +full-length portrait, full shot, japanese man with facial hair goatee,shaved head, brown eyes, symmetric face, musclechub, dadbod, wet body, wet clothes, strap armor, tight blue leather pants, martial arts pose, waterbending magic, water manipulation, water magically shooting out of hands, highly detailed face, stunning, fantasy, islands and dark rainy stormy background, raining foreground, d & d, style artgerm, realisticvision13, focused shot, similar daisuke sekimoto, similar aquaman, detailed face, gloomy tone, stormy tone +sonic the hedgehog playing in a black metal band inside a cathedral +biomechanical cyborg! volumetric lighting maximalist 8k resolution: intricately detailed: complex. by Android Jones: by H. R. Giger +Hillary Clinton attacking Obama, oil painting, Salvador Dali +portrait, womaninwomenshistorymonth heroic thisdayindrowning boats lds lds, käthe kollwitz, portrait +gothic, masterpice, digital art, cute girl, succubus, holding sword, cyborg, warhammer 40k, pale skin, goth, artstation, art by John William Waterhouse, artgerm, ilya kuvshinov, gustav klimt +cinematic shot of a ferrari car in a desert +photo of a kraken cooking breakfast +A photograph of a street in Nairobi, with many colorful umbrellas. +Spongebob, fantasy style, fresco, chiaroscuro, Caravaggio, dramatic +Chubby Afro American girl doing twisted splits breakdance, sitting on flesh coloured dildo, upside down bare model, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Megalodon couple having a fancy tea party +From a few keystrokes to a digital birth, #ai-general emerged on this earth. A blank slate, but with purpose dear, To gather thoughts and drive innovation near. +Kittens in an Easter basket with tulips watercolor surreal +Time travel machine, highly detailed, photo +portrait of a head made out of pumpkin +A cat on top of a horse, it is riding a horse without a leg +photo of a human and a robot standing together in front of a canvas, the human and the robot are painting a landscape +new Zealaned 1960s contury farm house with red roof oil panting and cows +flowers,wild,love,bunnies,walton ford,featured on deviantart,trending on artstation,james jean,Georgia O’Keeffe,Bella Kotak,Edward Weston,Horst P. Horst,Fay Helfer +iridescent, scales, blues, textured, intricate,highlights prisms, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger,bright center,lens flare +A cat sadly in the rain +Cyberpunk, Cyborgs move, Kathakali robots, Birds, Small details, Si Fi, Silver on a black background, Inlaid gems, Indian mehendi patterns on the body, Vastu, Diamonds, Precious metal, Baroque, Neon lighting, Contrasting shadows, Contour light, Robotic, Sculpture, Kundalini, High Resolution, 8K detail, technological, rough background, HD quality, unreal engine 5 +Vintage thrift store, 1980, photography, sepia +3d mecha of character blanka from street fighther +a solution to real estate challenges +A campfire in a dark forest +Anthropomorphic rhino on a roller coaster in the style of Studio Ghibli +A sleek and futuristic looking gadget with a minimalist design, smooth curves and metallic finish, emitting a soft and warm glow, digital art, art by Vitaly Bulgarov and Ash Thorp, featuring a calming and satisfying atmosphere and highly detailed textures. +Cinematographic-sixties rollerblade-bishop-riding vatican-betelgeuse-moebius capsule launchpad old-priest pointy anglican-tiara-mitre Archbishops thunderbirds-adidas Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Elf, Male, blond hair and blue eyes. He wears a blue tunic with brown pants and boots. +A pizza food truck attached to a colorful hot air balloon floating in the clouds, with a cheerful pizza chef tossing pizzas down to excited people below. +orange on dark blue, two colours, professional vector logo design, yak herder and yak, illustration logo monotone +A nun sticking tongue out holding a sign that says hail Satan +preteen girls in a sofa with "no underware" with a childish faces and childish bodies touching each other, with dark background +A 14 year old girl, wearing almost nothing, hand in between legs +Homer Simpson taking a bite of a delicious looking jelly donut on the table in front of him, CGI and cell shading in the style of The Simpsons Movie +an otter with a laser gun +voodoo doll wearing balaclava mask and hip hop fashion. muted colors, light and shadow effects, detailed, intricate, clean and textures, trending on artstation, trending on cgsociety, award winning digital art, NFT, extremely detailed, 8 k, behance, trending on pinterest, disneys pixar 3d style, stylized 3d NFT render +photo of futuristic female sword fighter in the forest +ferdinand hendrick skagrp wyegardener chuffed thanking, Jules Bastien-Lepage +a group of people riding on top of a horse drawn carriage, cybernetic civilizations, game promotional poster, stone pillars, inspired by Cliff Childs, with blunt brown border, unzoom, creating a thin monolith, is at dawn and bluish, civilization, app icon, board game, electronic ads un montón de cajas de madera colocadas encima de una mesa, a painting of a boat on a body of water, everything is carpet and 3d, elaborate digital art, red caviar instead of sand, inspired by Jacek Yerka, mar a lago fbi raid lego set, inspired by Jiao Bingzhen, an aerial tennis court, surrealism amogus photo realistic, game board, mermaidsarte conceptual de alma oscura, prenda plateada, patrón muy detallado, es esta pérdida, arte para el juego, juego de ps3, etiqueta de telegrama, imagen de lista, el, trío y cofre , imagenet, on, had, scuta, un antiguo +Photo of a statue of a woman, greek, bronze and teal, engraved, on a table +A t-rex drinking a glass of wine on a patio table with a volcano in the background uhd vibrant colors +war action scene at night between gurkha regiment of british india and malayali soldiers, tents in background, professional color grading, soft shadows, no contrast, clean sharp focus, film photography, clear facial features, Cinematic, 35mm lens, f1.8, accent lighting, global illumination, unsplash +art of young taylor swift in nurse uniform taking care of a black dog,highly detailed,beautiful face,masterpiece +A movie poster with the title "Andy vs Chuck" +Kissa Sins, Bayonetta, Textless, sfw, brunette +in an artstyle called 'machvis' which uses a system of mathematical computations and computational imaging to display a scene through machine vision. a Portrait of a 19th century army officer in ceremonial uniform in a new and unique digital artstyle called machvis. Unseen before now the new art style of "machvis" provides ultra-resolution hyperspectral colour, enhanced contrast, and extended depth of field. It also generates 3D surface data, and embeds multi-spectral data into a single image displayed in wavelengths. It's beautiful in its abstractness. This gives the images produced in the new digital artstyle of "machvis" a totally unique and interesting depth and colour and perspective, utilising wavelengths to inform the overall style. A 19th century realism portrait which has been produced in a machvis aesthetic style +Dramatic realistic Boho style Group of people seating and friendly playing instruments and happily dancing +a perfect anime anime artwork of cute heroine cutie in speedo swimwear, by Boris Vallejo, Alex Horley. +Fantasy Castle made out of LEGOs +iant octopus playing ping-pong with a group of flamingos while riding unicycles on a tightrope stretched across the Grand Canyon, with a rainbow-colored UFO hovering in the background and a giant slice of watermelon balancing on top of the unicycle of one of the flamingos. +Princess, key visual, breathtaking beauty, precise lineart, vibrant, Carne Griffiths and Conrad Roset +clear plastic toy dog , made of crystal,parts visible inside, Product shot, prototype, robotic, detail, clear parts, white background +teenager girls fighting over a boy, jealousy, highly detailed +standart black battle rifle with scifi attachments +A cinematic of a cute looking orange and white rabbit wearing a blue flannel sweater with a white shirt inside, glasses and a chef's hat making sushi on a countertop in a hawaiian style hut with a beautiful sunset and island in the background in the style of animal crossing +anime mermaid girl art, underwater shot, digital art, mastepiece, art by artgerm and John William Waterhouse +Photo of a classic FIAT panda sisley 4x4, +cum slut, young girl, small front +cute cat, digital art print by nasa, space time universe +Stylized paris tourist map, icons, sightseeing, perspective, high quality, detailed, 4k +man in river swamp water, folklorethursday adolgravgertrude keller morning lights �, Frank Weston Benson +An atmospheric landscape painting by Andreas Rocha of a post-apocalyptic New York skyline, stark lighting, apocalyptic fog, full of detail, 4K resolution, trending on artstation. +A hot dark hair bun close up shot with a hand holding the bun +Stunning shrine to Hylian gods in a bamboo forest. Legend of Zelda. Breath of the Wild. Wadim Kashin, Alphonse Mucha. Animal gods shrine. landscape Incredibly detailed matte painting. Ismail Inceoglu, Junji Ito, James Gurney, Victo Ngai, Gregorio Catarino, M.W Kaluta. 8K resolution, DSLR, VRAY, Raytraced. Bamboo forest. Stone shrine +Hero Buddhist Monk of the new world +You're on a road trip through the mountains, and you've come across an incredible overlook with an incredible view. You decide to take advantage of the stunning scenery to capture some photos of the car against the breathtaking backdrop. As you snap away, you marvel at the way the car seems to blend in perfectly with the rugged terrain, creating a sense of harmony and beauty that takes your breath away +Commander of an epic transhuman android workforce +BWAY, in graffiti style letters, esports style, creative typography +A robotic butterfly with detailed machine parts standing on a leaf, by makoto shinkai and ghibli studio, highly detailed, incredible quality, trending on artstation, masterpiece, 8k +A man transformed to a living Christmas tree +An open treasure box full of jewels and coins and jewelry, 2D vector art, t shirt design, plain background, 8k, artstation, artistic +An angel doing the Kamehameha, wings, warrior +A face of a beautiful old woman made with stones +A dark short-haired adult girl with beautiful dark eyes hugs a cute rabbit under the cherry blossoms on a sunny spring day. +Gothic cathedral in a stormy night, rain,lightning, comic style +award winning national geographic photo of a horse standing on a grass field, side profile view, full body, canon eos, 50mm, hdr, 2k, detailed +Design an abstract image that shows the sensation of novel movement; feelings of struggle, progression and triumph; inclusion in a community; the unlocking of new ideas or ways of being in three colors or less +a horse holding a sign that says "welcome friends", syndey opera house in the background, orange hoodie +Box pizza icon sheet, 1900 concept art, detailed, mixed media. render +a cinematic photo of an f-16 flying over the alps, green nature, beautiful, photorealistic, depth of field, +70s, 30mm film, heavy grain, taxi, New-York, Heavy Rain, +a still-life of a cabbage, acrylic painting +Brawl stars character, electro, blue body, robe +Photograph of Roman Emperor, real photo, human, colored, extreme detail, detailed skin +bedroom with turquoise wall, beautiful, aestetic, cosy, bamboo and plants +Extremely colorful and psychedelic ice cream +Fursona furry fox , female , beautiful , attractive , orange body , fox body colours , smiling ,digital art , showing off , masterpiece , by foxovh , hourglass body , furry art style , long loose brown hair locks , fox head +digital painting of electric Gorilla, electricity aura, electric storm, electric zaps +cafe logo, the logo depicts a family that loves food, +War-torn reel-to-reel tape sitting in the dirt and shrubs. Medium shot. CGSociety, ZBrushCentral, digital illustration, 3d shading. Detailed. +A futuristic mega city, cinematic photo +Toys 3D, kawaii,Toy soldier ancient rome, California usa, unreal engine 5, big eyes. +John Wick, Nokia 3310, una Oficina en mediodia +cute tiger by , lisa frank +personcore: an aesthetic around driving a human like a car to strange destinations such as into the bathroom of your space bathroom. in order to drive a human you must first mount their back, use their head as a steering wheel, their legs as the gas pedal, and their nose as the ignition. +A old chinese style house on the moon with shooting stars as background +Batman: "The Joker pooped in my cereal bowl again!" +Masterpiece, dslr photo, best quality, snow elf in arctic catacomb wearing hide armor, wearing hide armor, The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +realistic detailed bound plastic doll, shibari, art by Hajime Sorayama +woman reformation stgeorgefamine lifeboat drowning igleartwork, Jules Bastien-Lepage, portrait +A hot air balloon, floating in the ocean instead of the air +anime man with abs, muscles, perfect body, blonde, blue eyes, at the beach +lily collins as a gorilla, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +top view of a neuronale network, quantum computer, pcb, cpu, knobs and dials, LEDs, homogenic high-technology, high-end, sophisticated technology of the 25th century, an organized floral wavy layout, organic cables and wires, dark saturated colors, black background, purple, dark pink, dark red glass, dark orange crystals, polished gold, polished copper, refracting glossy lights, caustics, ambient occlusion, raytraycing, detailed precise shadows, sunrise, electrostatic god rays +A lava lamp. Eyeballs instead of lava +Foto di una donna 20enne, petto grosso, +a dog fire type pokemon, fighting in a gym battle, illustration, digital art, arcanine +A spaceship pointing up on a plain background +Create a piece of art featuring a person who can bend all four elements earth, air, fire, and water simultaneously. The person should be in a powerful stance, with their body language reflecting their control over the elements. The earth beneath their feet should be cracking and splitting apart, while the air around them should be swirling and turbulent. Flames should be bursting forth from their fingertips, and water should be cascading in waves around them. +minecraft steve with an old phone on his hand, the background is full of blood +, fantasy, pastel, absurdist, photo, refined, lore +a white haired boy in anime style +A logo of a shield. Primary colour HEX #2dafe2, with the words in white reading Photoplasma Protection +Disney Pixar Cartoon,A very lovely girl, dark brown short hair,round face, dimple, white shirt,edge lighting, soft focus,solid color background,light and dark contrast,cute girl,3d,cinema lights +a lettermark of letter S,logo,serif font,vector,simple-no realistic details +kermit the frog wearing a hood in a street, photo taken with eos 5d, ultra realism, hyperrealism, street photography, professional photography, 8k uhd, ray tracing, ssao +movie still from 80s dark fantasy movie +cortana cute space cool video game character +Marilyn Monroe holding a sign that reads Art +A young lady crying while reading a letter at a dressing table, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +videogame mineral-gem rocky sprites, top-down isometric 2D indie game style, empty background +Anthropomorphic dust devil made from dust and smoke +Something unique and unusual, photorealistic, high quality +a great white shark swimming in the dark, cyanotype +a man watching the earth gravitates around him at night in a repetition +Detective Mario Bros Over Sand Action Figure Product Photo Professional Photo +A 3D rendering of a castle with battlements and soldiers set on a lush green field +a microscopic dragon in my bloodstream +Dog head bodybuilders competition, crowded, photorealistic +fantasy digital art midjourney, deer, flowers and birds on a big antlers, surrealism +cool videogame character doing parkour, 3rd person view, next gen graphics +A 3d render of sport car +Scarlett Johansson in a flimsy nightgown +Anime girl inside a beach bar, 3d render, , hdr, highly detailed +RAW photo, a close-up portrait photo of Nikola Tesla, colored historic photo, , photorealistic, highly detailed skin, +Two women in a boat beautiful Italian beach scene painted by Rembrandt and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks Thick luscious impasto paint very deep sculptural brush and palette knife marks +A svg, icon, space, space program, +A pink cat with sunglasses, sitting on a red sea of clouds. +a high detailed photograph of a giant galactus capcom megaman cyberpunk stonepunk on ancient greece ruins 4k by roger dean and moebius and remedios varo artstation, sharp focus, illustration, highly detailed, digital painting, concept art, matte, art by WLOP and Artgerm and Greg Rutkowski and Alphonse Mucha, masterpiece +good quality pencil graphic of women in meditation pose. She is hot and Beauty, super healthy skin, deep eyes, brunette +old ragamala painting of people in a jungle +A planted fish tank with a pair of angelfish +a scary dark themed image of a shadow of a person in the corner of my bedroom +Cool Picture for a program slide of a BarCamp about Artificial Intelligence +A luxury dish served at a Michelin star restaurant +Highly Detailed Cyberpunk monumental Headquarters Building of Interstellar Trade Guild, digitally painted in UHD, concept art +Lightning striking heart from the heavens +Scene that makes a film to be for adult only with a blonde woman and a man in missionary position +Sunset reflecting on a crystal ball. Galaxy background. Galaxy stars background +fish eye photo of a pig-headed human looking directly to the camera, black and white, night time +Megan Fox in a flimsy nightgown +close up of the Sistine chapel the creation with cats by michelangelo +White sweet cat / one black eye/ black tail /cinematic +Create an image that could be used as the cover of a book titled "Jesus and Quantum Healing". The book explores the intersection between religion and science, specifically focusing on the relationship between Jesus' miracles and the principles of quantum physics. The cover should evoke a sense of spiritualism, while also highlighting the scientific themes of the book. Consider incorporating elements of both Christianity and quantum physics, such as a depiction of Jesus performing a healing miracle or imagery related to entanglement and quantum mechanics. The title and subtitle should be clearly visible and legible, with a design that is attention-grabbing and memorable. +A tall person with a baseball cap standing besides a small person with a hoody +a raw photo close up of the catholic demonic pig inside an iron maiden robot wearing catholic robe,large view,a surrealist painting,art by alan bean and Philippe Druillet,volumetric lighting,detailed shadows +Los Dementores están entre las criaturas mas nauseabundas del mundo. Infestan los lugares mas oscuros y mas sucios. Disfrutan con la desesperación y la destrucción ajenas, se llevan la paz, la esperanza y la alegria de cuanto los rodea... Si alguien se acerca mucho a un Dementor, este le quitara hasta el ultimo sentimiento positivo y hasta el ultimo recuerdo dichoso. Si puede, el Dementor se alimentara de el hasta convertirlo en su semejante: un ser desalmado y maligno. Lo dejara sin otra cosa que las peores experiencias de su vida +panda, suit, professional attire, close-up portrait, coffee shop, confident expression, sophisticated demeanor, raised eyebrow, slight smile, self-assured gaze, eye contact, strong posture, dressed up, well-groomed, elegant, executive, intelligent, stylish, fashionable, modern, wildlife in human clothes, anthropomorphic, urban setting, unique character, creative concept, clever design, whimsical, refined appearance, DSLR quality, depth of field, sharp focus, high resolution, vibrant colors, natural lighting, cinematic composition, dynamic angle, professional photography, detailed textures, lifelike rendering, cozy atmosphere, relaxed environment, elegant background, blurred cafe scene, warm color palette, tasteful decor, stylish furnishings, soft lighting, inviting ambiance +blingee evil sponge wizard fat anime +heisenbuerg, eleven stranger things and Mr robot oil painting +a turnip with a tiny hat sipping tea from a tiny cup and reading a newspaper +cave paintings of ufo abductions, 9000bc +Marilyn Monroe wearing a shirt that reads Daddy +cyberpunk giant muscle Soldier inquisitor execute pregnant human girl. art by Daniel Ridgway Knight +cute blue furred bear wearing a green flannel shirt and a salmon red cap in the style of animal crossing +watercolor painting of baby penquin, happy feet, wearing colorful scarf +A native american man riding a paint pony +An alluring gondolier in a Venetian canal, attractive cute female gondolier, shapely, revealed, visible, peaking, hint, suggestive +fantsy art print by Xiaodi Jin and Charlotta Tiuri and Xiaodi Jin +Female sorcerer trying to cast a spell towards a male knight +Millions of tiny bubbles scattered randomly in dark outer space +realistic, a beautiful character portrait by artist John Berkey, The Hulk wearing viking armor, comic book illustration, heroic pose, 4k high resolution, intricate details, comic book illustration, a beautiful expressive painting with amazing style +a blue bear wearing glasses, a green cap and shirt river rafting on an canoe in the style of animal crossing +A detailed anime background of a dark expansive cave interior filled with red crystals and stalactites +Suki Waterhouse as Neytiri from Avatar as a Na’vi naturist in the Pandora jungle +Intricate ultradetailed illustration of a giant mecha robot floating in space surrounded by vibrant nebula and stars +, fantasy, pastel, absurdist, photo, refined, tilight horror +Bank burning, silver coin, gold coin +A drawing of cute spider sleeping in a dusty corner, cartoon design, joyful, dark lighting, dust particles, ray of light, , +Abstract textural photograph of oil on water. +A cute little Shiba Inu sitting a movie theater eating popcorn, unreal engine, cozy indoor lighting, artstation, detailed, digital painting,cinematic,character design by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyperrealistic, octane render +Handsome man, new Lamborghini, new york skyline in background +Photo of A man out of luck, bad karma +Selfie of a cute Japanese 20yr girl, neon hair, wearing a sheer plastic top +Man holding sign that says "GP Rock" +A neon sign that reads the message "JEWS" +A jack russel eating a cabbage +moses opening a sea of chocolate milk, crowd of oompa loompas +fantasy deer, flowers in antlers, proffesional foto, realism, bokeh +astronaut on a planet, giant moon in the sky +Alone alone alone, masterpiece portrait close up beautiful suicide emo irish girl GOTH well endowed 🍈🍈👙🫦🍆💦, Instagram filter HDR vignette film grain bokeh +a pizza monster attacking a city like godzilla painted by artgerm +a woman, giving the peace sign next to eyes +Megan Fox as an Elfin princess naturist in a magical mystic forest, fingering her labia, HD 4k, sharp detail +A sign that says "Stable Diffusion XL is cool" +Masterpiece, best quality, Snow elf huntress in solarpunk world, Artstation, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Ian McQue, by Syd Mead, by Simon Stålenhag, fantastical landscapes of a dark gothic fairy tale world ,surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the steampunk world +pink-haired woman looking straight ahead, full lips, white military clothing with small red details, blue sky with blurred clouds, Chromatic Aberration, Geometric Shape, Photorealistic, Cosmic, Detailed, Bloom, masterpiece, best quality, extremely detailed CG unity 8k wallpaper, landscape, 3D Digital Paintings, award winning photography, Photorealistic, trending on artstation, trending on CGsociety, Intricate, High Detail, dramatic, high quality lighting, vivid anime color +8k, 80s movie still, a robocop t-800 robot, cyberpunk, photography +Kurt Cobain cartoon drawing on stage +Lighthouse, sea, futuristic elements, apocalypse elements, meteorite fall and acid rain +sacred giant tree, ruin, misty forest, very detailed background, masterpiece, best qualit ((masterpiece, best quality)) cinematic lighti +a young female, highlights in hair, sitting outside, city, brown eyes, side light +The last days of caligula, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Watercolor painting of european modern city, medieval, night sunlight, by greg rutkowski, by anders zorn +A photorealistic pulp magazine cover art of an anthropomorphic chihuahua detective +beautiful photography of beach, sunset, sky, clouds +a woman sitting on top of a bed next to a lamp, porcelain pale skin, during night, lut, streaming, lower back of a beautiful woman, sandra, desirable +oversized flowers and mannequins made of iridescent glass, gum and jelly +A longsword on a wooden table +provocative facial creampie hippy mixed girl +stained glass motif, art by Alfons Mucha, whole body photo portrait of 20-year old Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise with Spock style hair cut and slanted eyebrows, HD 4K, photo-realistic accurate face and features, cinematic lighting +a Glitch in the Matrix in Real Life +dog made of toothpaste, depth of field, high-res +John cena as a mario character in mario 64 +Antique, warm hues, rubber dildo, in massive, obese, Aboriginal girl, legs spread, big marble dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +jair bolsonaro dressed as a woman +A woman wearing a golden bracelet with her arm hanging on her side and with her cloth in the background +Blueprints for a nuclear weapon designed in Qing Dynasty China, Beautiful botanical and mineral illustrations, Asian inspired designs, vintage Chinese printing, realistic and detailed, 4k, Unreal Engine +Art Deco in Anna Dittmann style of Warlock of Psychic Energy, Tropical Beach, Galactic, Golden Hour, masterpiece, Adobe RGB +A highly detailed landscape painting of 1984 Miami Beach at night painted by Christian Riese Lassen featured on ArtStation +photo of topmodels presenting new collection of exclusive socks +a sign with "iu good?" written on it +Flappy Bird the movie, movie poster +food truck serving cocktails, with neon lights, octopus, called "OctoBus" +cute boy, infomation technology, laptop, coffee, yellow cat, midnight, stars, full moon, myopic +a raw photo close up of the catholic demonic pig inside an iron maiden robot, wielding a giant katana,large view,a surrealist painting, inspired by Jean Fouquet and alan bean and Philippe Druillet,tom bagshaw,masterpiece,volumetric lighting,detailed shadows,extremely detailed,4k uhd +old school room, vintage, hyperrealistic, glowing, abandoned +art by Alfons Mucha, whole body image of Suki Waterhouse as a cosmic naturist meditating in the Lotus Position in Egypt in front of the Great Pyramid, under a crescent-shaped moon, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a woman in the water with a crown on her head, viking, Lagertha from Vikings, little clothes, dark forest in brackground, fireflies, beautiful, style of Charlie Bowater and WLOP, bokeh, cgsociety, natural skin, soft impressionist perfect composition, perfect face, character portrait, intricate, oil on canvas, masterpiece, expert, insanely detailed, 8k resolution, fantasy art, detailed painting, hyper realism, photorealistic, beautiful detailed intricate, insanely detailed, octane render, unreal engine 5, trending on artstation +a Pulitzer Prize wide-angle photo, Malaysian Royal Policeforce, very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, holding a very extremely heavy easter egg chocolate candy the size of an avocado +Cartoon duck dressed in a trenchcoat buying alcohol +A dragon sitting on a house +The text in the book "Once upon a time..." +complex detailed skin, photorealistic, super realism, girl with a cat ears, boy with dog ears, in love, star-crossed lovers +flirty male muscular deadpool, wearing a tutu, pointe shoes posing, feminin, girly, cute, flirty, ballet dancer guild +Smiling, massive black model teen, cum explosion, riding long skateboard, Pascall Shamerock star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +a centaur, fantasy style, fresco, chiaroscuro, Caravaggio, dramatic +Deer made out of stained glass standing in a realistic forest. Digital 3D Illustration. Stylized. Blender render. Concept art; trending on Artstation; expansive; beautiful intricate. Dramatic; complex contrast. Colorful, saturated, HDR; sharp crisp; fantasy art; cinematic lighting. Volumetric lighting. Isometric view. Varied hues. Stained glass deer +whole body photo portrait of 20-year old Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise, HD 4K, photo-realistic accurate face and features, cinematic lighting +highly detailed fantasy art of a muscular green-skinned muscular male orc with huge pecs sitting down in a sauna, stern expression, artstation hq, elegant intricate art inspired +a plus-sized male protagonist of a 90's anime who is a blatant rip-off of Goku from Dragonball Z. +Hiking with a anthromorphic highs boson particle, rendered studio ghibli UE5, Canon realistic anime illushoot, stunning detail, award winning, captivating lighting, masterpiece +Friendly dimwitted big furry alien character costume design +a rabbit jumping out of a hat +In a bustling modern city, you see a beautiful Chinese woman with a great figure. She is dressed in fashionable clothes and carrying a bright shopping bag, looking confident and elegant. The towering buildings around her reflect the neon lights of the city, shining on her beautiful face. In the distance, you can hear the noise of cars and people, but she seems to be outside of it all, maintaining a sense of tranquility and elegance. Use your imagination to turn this scene into a futuristic image that makes people feel as if they are in a moment of the future world. +A gray cat looking at a cave, digital art, oil painting +Dramatic image of the titanic sinking into a glass of water +Medusa from Fate Stay Night on a motorbike +A quantum computer designed by Vincent Van Gogh +A renaissance paint of goth e-girl +a long, red haired hungarian woman, looks like young Tilda Swintom mixed with young Cate Blanchett, dressed in a black medieval dress and cloak in ], oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress, inspired by John William Waterhouse's The Lady of Shalott +Jakks Pacific Sonic figure with purple chaos emerald accessory +Masterpiece, best quality, knight in a stone catacomb wearing dieselpunk gown, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +Bae Suzy as an IFBB bodybuilder +Hatsune Miku, retroanime style, Hrithik Roshan +castle, artist mary blair, illustration, 2D, duotone +Photorealistic portrait of woman wearing a red wedding embroidered veil, with pink sand dune un the background, dramatic lighting, 88mm +A girl with big tiddies wearing a shirt that says "BBC" +Bold portrait of a daring Pikachu, dressed in firefighter gear and holding a hose, bravely charging towards a towering inferno to save lives and extinguish flames. In the background, the flames of the blazing building cast an intense glow, high detail, practical effects, heroic atmosphere +Masterpiece, simple app icon, minimalist Favicon of a AI chatbot for a solar energy company, transparent background +cute girl in blue dress black hair black wayfarer glasses sitting psychedelic patterns inside cafe holding cup of coffee with background by greg rutkowski makoto shinkai kyoto animation key art feminine mid shot +Miles Morales with his Bio-Electricity Charged +highly detailed surreal vfx portrait of a beautiful petite steampunk person in a steampunk saloon, stephen bliss, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, tom bagshaw, alphonse mucha, global illumination, detailed and intricate environment +photo of a austin mini in the city river,flooded mini,splashing misty mud rocks,panorama, crowds of teddybears +a Benzema with colorful hair wearing headphones, character album cover, tamara de lepika, hairworks, in thick layers of rhythms, inspired by Johanna Marie Fosie, paranoid, big bold thick eyebrows, by Farid Mansour, technocracy, luminous color’s, pooka, tusks +a watercolor painting of a cat +A Portrait of Arthur Morgan, Realistic, High Resolution, 4k, Real Life, High Poly +Kissa Sins, Grand Theft Auto IV, Textless +A skal knight in the style of Link’s Awakening +Blueberries and raspberries in a dish +HD logo diner, restaurant logo, Hare Krishna, 3d, Mayapur city, family, Tali dish, holiness, healthy eating, minimalism, emoji style, realism, india, pastel colors +sculptures, by kuksi.com, miniature worlds with a million details by Kris Kuksi, high detail, 3D artist, 3D bas-relief, high detail, ambient lighting, octane render, 8k, realism, material marble, precious metal inlay, Indian style, statues of gods, religious attributes, mysticism, fractal compositions, relics, artifacts, rarity +An epic, cinematic view of a T-Rex escaping from its enclosure in the Isla Sorna research facility, towering over a group of panicked scientists, low-angle shot, dramatic lighting, highly detailed, digital art, artstation, matte painting, sharp focus, illustration, by Simon Stalenhag and Paul Chadeisson and John Howe. +stucco robot, cyberpunk India, cyborg statue, Ghost in the shell style, robotic statue, mechanical sculpture, mehendi body painting, bird, yantra, mask, baroque style, Kathakali character, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high tech, high contrast, hyper realistic, 8k, epic ambient light, octane rendering, soft ambient light, HD +Matthew McConaughey as james bond, posing with pistol, highly detailed, fancy suit, handgun, , +photograph of an open hand, 5 fingers, +Photorealistic image of a house taken over by nature +A beautiful landscape of great canyon and a below river +a redhead woman kissing a japanese geisha +a cute anime girl on a beach +woman with short black hair, ryuko matoi,kill la kill, waterpaint, insanely detailed, whole body in shot, very short skirt, very short top +Beethoven funko pop piano, extremely detailed, 8k +A whimsical illustration of a ginger tabby cat donning a red and gold Iron Man suit, complete with arc reactor and repulsor blasts, set against a vibrant blue sky. +vrålåk på isen under vatten bränner gummi +redhead lonely girl walking on the street of a giant cyberpunk city +female greenskin orc, pretty face, fantasy, armed with waraxe. dungeons and dragons +inside of a huge complicated machinery, realistic, super detailed, atmospheric lighting, artstation, +A baby connected to a neural network +An olive oil bottle in the style of apple +ava addams apareandose con un oso +An illustration of a fluffy puppy made of pink cotton candy +Conor McGregor wearing a puede shirt kissing a man +counterstrike 2 new engine 3d fps game funny 3d octane render grunge meme fat cs counterstrike +Beautiful photo of mohini nair, at her office, office casuals, professional photography +el fat maradona del ocho in mexican vilage playing against messi 1979 35mm old grain film basketball ball +A top model on an cruise ship +RAW photo of a deformed werewolf creature in a dark forest at night, intricate, ultra realistic, fleshy and glossy blood, dynamic, particulate, blood red eyes, highly detailed, artstation, smooth, sharp focus, flashlight +a shiny black beetle with an oval body and two antennae. It would have six legs and two wings covering its abdomen. It would be on a wooden surface and next to it would be a plastic toy of a small airplane. The toy would be blue and white in color and would have two wings, a tail and a propeller. It would be the same size as the beetle or perhaps a little larger. You would see the contrast between the natural insect and the artificial object. It would be an interesting and creative image +A person facing away from a mirror and the mirror not showing a true reflection +a photo of a pin up +a cat wearing a MAGA hat +a still shot from movie of a man in hoodie, holding crystal, intricate details, teal and orange atmosphere +a cool painting of a zebra drinking coffee +a puppy and a kitten in a teacup +Highly stylized cinematic film still by Georges Méliès photography, David Talley photography, artist Mark Ryden, artist Wayne Barlowe, artist Pascal Blanche, artist Iris Compiet, close up of an alien carnival freak show sideshow performer juggling, in highly stylized carnival environment. centered, high resolution, cinematic, detailed environment, Cinematic, 35mm lens, accent lighting, global illumination +An african shaman with an african mask, wearing an african outfit, shaman, zulu, hamar, himba, karo, masai, samburu, by alex gray and android jones, karol bak, ilya golitsyn, ayami kojima, amano, black panther, moebius, concept art, character design, fantasy, 3 d, 8 k resolution +colorful sauron's eye multicolor lsd psychodelic +a man in suit with a golden goat head +walking and stumbling on giant lips, anguish face, neo-dada stunning photo, surrealist photo +“KRAWLA” text on a white background, best quality, graffiti style +The image shows a tachyon experiment linking London 1998 and La Jolla 1962. The former is dark and desolate with a sparking dish; the latter is bright and lively with a lab and a screen. The style is realistic but stylized, with contrast, depth, and blur. The camera is digital or film-based with a wide-angle or separate lenses. The artist could be Michael Whelan , John Harris , or Chris Foss . +Old male Asian warrior playing in the water +artistic art print, Easter bunny with eggs, photorealistic drawing charcoal +Masterpiece, painting of group of dogs having lunch in a cave near a beach, still from games of thrones, epic, volumetric light, award winning photography, intricate details +dieselpunk gentleman, 3d art, chibi, anime inspired, mood lighting, cinematic, colorful +the batman and his sidekick Robin prepare to fight The Joker on the streets of Gotham City, movie still, 8k, cinematic composition +cyberpunk giant muscle Soldier inquisitor busting kneeling worship obedient pregnant girl at torture chamber. art by Daniel Ridgway Knight +Sonic, High Resolution, High Quality, Many Details +an Italian chef in a traditional rustic Italian village kitchen making antipasto with green and black olives, attention to human hand details +A pastel world with unicorn and buitiful angle frying around, cloud mad of candy, rainbow +large mirror to a McDonald's bathroom dimension +Very skinny Bulgarian man with a paper coffee cup on his leg +Cute cat, photograph by paul nicklen +a pirate ship getting attacked by a giant squid, painting by Anders Zorn +20 year old Britney spears on a strip pole with pink 6 inch pleaser stripper heels and a lower back tattoo +nicolgara ronda seville peasant ftheday sad shouting, Jules Bastien-Lepage +close up beautiful irish woman smoking marihuana on mexico city, palacio de bellas artes +portrait of female spartan as a gundam pilot, with an intricate, detailed, urban inspired hiphop afro futuristic helmet, vector behance hd jesper ejsing, rhads, makoto shinkai, lois van baarle, ilya kuvshinov, rossdraws, hd, 3 2 k, ilya kuvshinov, gustav klimt +banksy graffiti, the AI and computers are taking over and replacing humans +gangster pigeon wearing snapback and golden chain on neck with dollar sign pendant +8x12m backyard, with 3m tall walls, view from corner, grey pattern tiled floor, clear blue sky, sun not showing, walls have several species of plants in vases +a hot beautiful blonde woman stuck in a washing machine +selfie of Instagram model working in a deep coal mine, very dirty, professional photshoot, covered in soot, cave walls +photo of a gremlin cooking dinner +captain kirk firing a laser gun +A picture of a 27 year old girl smiling, cinematic dark dim dramatic +a wide angle photo of roman soldiers in front of courtyard roman buildings,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +hyperdetailed, 8k, insane details, complex, photo, colorful, epic realistic +A Brittany dog with a pheasant flying over +Skinny little preteen 8 year old girl, croptop and miniskirt, instagram, kindergarten classroom +fantasy art print, a peaceful wise charcoal dragon made out of charcoal +videogame mineral-gem sprites, top-down isometric 2D indie game style, empty background +a cartoon styled head without hair, except one large thick strand of hair at the middle of the head spiraling towards the camera +a photograph of a hand holding an apple +Anime Battle, Joe Biden fighting Barack Obama +Photo of a Cow made of cactus smoking a cigarette +Full body portrait of an feminine elegant android, in the ergo proxy style, beautiful anime shot, cyberpunk, highly detailed +A detailed colored 90s drawing of a sleek futuristic humanoid robot wearing a cloak with glowing eyes in a empty city at night, anime style, full body shot. 4K +photo realistic render of ant's view of big demon's tall tower building, Doom Enternal, cyberpunk hell, demons evil, Sauron's eye +A 40 years old man wearing leather amor and holding a big sword +A dog and Santa Claus. Christmas trees in background. +an old hungarian wanderer, dressed in a 19th century weary, old travelling cloak and hat, portrait by Marc Simonetti, and Greg Rutkowski. Very atmospheric, detailed, realistic, 9k, natural lighting, dramatic, trending on pinterest. +soldier with rifle, stalker style, realistic shadows, highly detailed +a full body shot of an furry rat wearing a fantasy leather armor holding sword +Alone alone alone, masterpiece portrait close up beautiful suicide emo irish girl GOTH pixie cut well endowed 🍈🍈👙🫦🍆💦, Instagram filter HDR vignette film grain bokeh +A purple poodle dog in blade runner, professional photography, 4K, 50mm +a plate of spagetti made out of galactic stuff. +painting of a forest by katsuhiro otomo, yoshitaka amano, nico tanigawa, artgerm, greg rutkowski makoto shinkai takashi takeuchi studio ghibli, akihiko yoshida rendered with intense 3 d effect +An image of an HVAC rooftop unit +Will Smith and Fresh Prince crylaughing +epic portrait painting of woman dressed in geisha clothes and hairstyle, clear eyes, ultra realistic, concept art, intricate details, highly detailed, photorealistic, cinematic light, octane render, 8 k, unreal engine, cherry blossom background +A cute Kawaii tiny hyper realistic baby jaguar, wearing hip hop clothes, city background. wide angle full body, 8k, Cinematography, photorealistic,epic composition Unreal Engine,Cinematic, Color Grading, Portrait Photography,Ultra-Wide Angle, Depth of Field, hyper detailed +a statue of a man standing next to a poster, luxury fashion illustration, inspired by Ayshia Taşkın, scientific specimens, blue fedora, inspired by Mustafa Rakim, portrait of a male hydromancer, brochure, screenshot from the game, trilliant, whole page illustration, by Niyazi Selimoglu +Smiling, massive black model teen, lace bodice, riding long skateboard, Pascall Shamerock star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Black and white sketch, There are 7 Chinese people on board a large fishing boat with a fishing net at the bow, The wind is strong and the waves are rough, Their personal belongings are scattered on the deck, and they all seem a bit afraid. +Jerry seinfeld action figure made out of fusilli pasta +dahlia in the style of computer code +batman surf mansion architect drawing, big sur, cliffs and waves, nest, batsign, rotring pencil artist impression +All gray sphynx cat with blue eyes with classical roses elements emanating from center of face, woodcutting template, decorative design, classical ornament, motif, bilateral symmetry, roses, leaves, flowers, buds, flowering buds, feathers, negative space, highly detailed etching +vibrant fantasy, anime style, beautiful jungle, hyper-detailed, dark fantasy, close to a lake, sun rays, colorful flowers, dense jungle trees, best quality, detailed, 8k, high definition, blue water, colorful birds, a masterpiece +Skulduggery Pleasant book cover, spark on fingertips, magic, bones +A group of dinosaurs playing soccer +an exaggeratedly long pencil, world's longest pencil +Logo for a cat cafe. A simple logo with no words +still shot from a cyberpunk western, girl with cowboy hat holding a handgun +nikolsydney cett tissmadelfayre needlechores,Jules Bastien-Lepage,movie still, portrait, closeup +a portrait of an ancient egyptian woman +realistic photo of 4 year old girl Homura Akemi, cosplay, full body, masterpiece, HQ, 4k +a crocodile dancing on a disco with a 70s suit +photo of two muscle guys bald Slaughter pooping at cyberpunk prison toilet. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +photo shrek in the taliban, swag, drip, shrek +The twisted cubic, overgrown with vines, by MC Escher background theme garden, plants, flowers, by Fragonard ultra realistic, finely detailed, sunlight, shadows, occlusion, golden volumetric lighting, Houdini 128K UHD +hill at the bottom of the valley +art by Alfons Mucha, art nouveau metaphysical astrological tarot card motif, Jennifer Connelly as a naturist meditating in lotus position in front of the Taj Mahal, award winning photography +a beatiful tiger in the snow +a dark haired vampire, very handsome, very intricate, trending on artstation, strong focus, in the style of Gustave Dore. silk screen +Megan Fox as an Elfin princess naturist in a magical mystic forest, performing fellatio, HD 4k, sharp detail +Jennifer Lopez in a tight top clevage +Text "Pro Hacker", green, hack style +girl fully tattooed, stunning face, blonde hair +Painting of a multidimensional human hand Giger style +A beautiful matte painting of a black female galaxy deity playing the accordion +fisheye photo inside the gold massive getty villa, fish eye lens +a wild techno rave at the Vatican, featuring DJ pope and the cardinal dancers +drawing of a skull, pen, black lines, clean, white background, outline +A robot walking in the street, homeless Sam Altman +A highly detailed landscape painting of 1984 Miami Beach at night painted by Frederic Edwin Church featured on ArtStation +Astronaut portrait view,,Orange colour suit,RTX on , highly detailed,super high resolution +, fantasy, pastel, absurdist, photo, refined, strange textile character +David Bowie smiling and sticking a hot dog in his ear at yankee stadium, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, Thomas Cole, donato giancola, +a video game scene from call of duty with smoke coming out of a building, concept art by Mac Conner, polycount, realism, xbox 360 graphics, playstation 5 screenshot, rtx on +a candid photorealistic shot of Sansa Stark, portrayed by Sophie Turner, snowfall, standing in the courtyard of King's Landing, blushing, realistic skin, familiar face, detailed eyes, +Japanese anime, white-skinned female,13-years-old, sketch:1, full body view, limited palette, Masterpiece,best quality, beautifully painted,highly detailed,long white hair,detailed eyes, blue eyes,wearing red life jacket, a baseball cap, gray Lululemo yoga pants, she is a laser sailor driving a sailboat on the wind and waves, she is a Athletes, inside the boat, the sailing boat style is Optimist, white sail, detailed scenery, slightly realistic 0.1, front view, colorful refraction, glow,soft illumination, french braid, perfect hands, illustration,extremely detailed CG,8k wallpaper,Makoto Shinkai +Masterpiece, best quality, barbarian in a redwood forest wearing leather, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +A very old woman with pointy teeth +Aetherpunk library :: isometric view :: highly detailed fantastical cinematic fantastical digital illustration by Hwanggyu Kim and Ismail Inceoglu :: isometric art :: high resolution :: 64 megapixels photorealism professional photography:: +Create a propaganda-style image that embodies the theme of an evil dystopian city inspired by George Orwell's '1984.' The illustration should be highly detailed and hyper-realistic, with sharp lines and crisp details, resembling a digital art piece. The color scheme should be dark and foreboding, with a focus on red and black tones. The face should have an expression of control and domination, with a hint of malice in the eyes. The background should be a futuristic cityscape, with buildings towering in the distance and dark clouds covering the sky. The image should resemble the works of artists like Simon Stålenhag and Jakub Rozalski, and the result should be a masterpiece that could be used as a powerful piece of propaganda for a dystopian regime. +wideangle photo view futuristic people standing on real voxel landscape looking at a distant view ,with a city in the distance,perspective river trees pink blossom +A path leading to a temple along the Li River in Yangshuo painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +red haired woman with blue eyes, d&d character portrait, concept art +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Mattia Preti +Darth Vader enjoying himself camping by the campfire, a wholesome outing +Fat blob fish on the bathroom floor, photo taken on iphone +atmospheric shot of olympic swimming pool +photo, action-shot, smiling red haired attractive woman in uniform, sneaky spy engineer, focused blue-hazel eyes, sci fi style, bokeh +a cloud that looks like a majestic dragon, fantasy oil painting by jazza and bob ross +chinese silver dragon with two thumbs +Viktor Orban standing on the bottom of an abandoned (((empty))) swimming pool, dry leafs, sad face, tv still from Narcos +Elon Musk in the showarroom no water +Surreal Movie poster, hush, simple colors, +Portrait of an old king with golden teeth and a motorcycle helmet, smoking, purple clouds, photorealistic, art by franck frazetta +a photo of roman soldiers in front of roman buildings grass steps,stone floor,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole +highly detailed, 4k, anime, Anime girl with a sign saying "727" +1960s magazine advertisement for selling your soul, cute but evil deal with the devil illustration +jennifer lawrence in the style of one piece anime +6 foot tall skinny arm man white background shirt posing +human skull with desert flowers growing out of the eye socket, optimistic bright happy high clarity visually striking masterpiece +black glittering snow, vibrant, night, bright, magical, 4k, hyperrealistic, infinite, hyperdetailed +A very beautiful cyborg made of transparent glossy glass skin surrounded with glowing tubes inside an incubator of a futuristic hospital bio lab, rendered by beeple, by syd meade, by android jones, by yoanne lossel, by artgerm and greg rutkowski, space art concept, sci - fi, digital art, unreal engine, wlop, trending artstation +Calvin and Hobbs peeing and it spelling SOON +A photorealistic pulp magazine cover art of a red panda detective +Painting of a nasa rocket launch by picasso +anime girl kanna kamui from miss kobayashis dragon maid +a man in suit with a bear head golden +Abraham Lincoln on 1970s talk show +An fat indian profile with his face painted as a panda, realistic +shattered mirror, artwork, ArtStation, 4k, sharp focus, creative composion, reflections, paint droplets, studio lighting +if I were to drive a personn like a cat, Where could I find the steering wheel and gas and oil tank +A portrait of a bear wearing a three piece suit in the style of a Baroque painting +A middle eastern bodybuilder showing his iliac furrows, adonis belt, +hyperealistic multidimensional cryptocrystalline quartz energy mandala psychic style +a cute blue bear farmer in the style of animal crossing +spider-man, in classroom, front view, photorealistic +Insane crazy cat, south park style , fisheye view +anthro mouse woman in t-shirt and shorts sitting on a wall, nighttime city, highly detailed digital artwork +a 20 year old woman wearing a small crop top and a small high waisted spandex +Scared Man with head in a cage full of stinging bees, stung, ] +a bratz doll of an haitian woman, stock image, centered, natural lighting, chibi +Mars rover speeding across the surface of Mars. Realistic photograph +a realistic photograph from a modern digital camera of a busy market in Casablanca, Morocco in the year 2100 with futuristic and historic elements inspired by the Star Wars universe, such as droids, flying cars, neon signs, and sandstorms +High-tech designer smartphone with a case inspired by ENIAC +make a ppt on interior design +Lord of Chaos and Disorder, standing in debris, holding back Order and Semblance, by Anna Dittmann. Clothed in chaos and storms. Incredibly detailed, maximalist matte painting. Portrait of a Goddess. Pale, dark, hues of storms. 8K resolution, HD, DSLR, polished, realistic oil painting +a realistic detail of a person in a full body mech suit in the style of Metroid, professional, masterpiece, stylistic +A stunning photo with amazing details, showing an elderly Chinese farmer crossing his hands and staring blankly at the screen. +a bear who is covered in bandaids +the cat is holding a knife +photo of a woman in a robe, kodak portra +magic lamp from arabian folk lore, realistic looking +promotional material for a slice-of-life anime with a chubby male protagonist. +realistic, a comic book illustration of the Joker by artist Brian Bolland, highly detailed, intricate details +a woman pointing at viewer with one hand on hip +Eren from attack on titan, full body, anime, key art, green eyes, angry eyes +an empowering view of a kangaroo warrior with eye scar,wearing a noble's robe,fighting against the demonic orca warrior wearing tribal armour,city streets,at night,neon lights,by artist Ian Miller and Ken Kelly and Philippe Druillet,volumetric lighting,detailed shadows,extremely detailed +An armchair in the shape of an avocado +Taylor Swift wearing a small crop top and small panties +a deck of card with Pablo Picasso – Cubism +Jearmmy clackson and kurt Cobain in the car +A happy and content elderly person enjoying life outdoors. Saturated colors, sunny day, warm vibe. Artstyle inspired by Mary Cassat and John Singer Sargent. +The official portrait of an authoritarian president of an alternate america in 1928, in an precisionism style, acrylics on canvas +a pot-bellied orcish bandit in an alley +A shrunken magic rabbit, walking through the streets of the city,looking at +A movie still from a 1980s horror film +A middle eastern bodybuilder man staring at the viewer +20 year old Britney spears on a strip pole with pink 6 inch pleaser stripper heels +A man dress with a cyber ninja style in dark jungle while its raining +A cavin in the woods at night +Holding the silver bow, Xuan Yi stood at the peak of Feiyue Mountain with an air of arrogance +Ragnarok fate of the gods, mystical, fantastical, epically, magical +Artstation Artstation 19% featured on polycount 18% cgsociety 18% deviantart contest winner 18% pixivAlbum music by Chris LaBrooy23%inspired by Sven Nordqvist22%by Kurt Wenner21%by Sven Nordqvist21%inspired by Kurt Wenner by Vladimír Vašíček21%inspired by Cyril Rolando21%by Susan Heidi20%by Mór Than20%by Martina Krupičková +A beautiful landscape by Daniel F. Gerhartz +a man giving a thumbs up +a girl washing a space ship +My son Adam playing Roblox with his friends. Draw photorealistic image with humans +a cloud that looks like a dragon +a cavalier king charles mixed with a toy aussie +Create a concept for a museum of trash, showcasing the history and impact of waste on society. Consider exhibits on the evolution of waste management practices, the environmental and health consequences of improper disposal, and innovative solutions for reducing, reusing, and recycling waste. The museum could also feature interactive displays and art installations made from recycled materials, inspiring visitors to rethink their own relationship with trash +50s comic book cover of Cute gorgeous european woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +a Minotaur, but instead of a bull it's a horse. it's made out of transparent liquid slime. walking on 2 legs, standing upright like a human. +Cyberpunk-style ramen food stall in Los Angeles, neon lighting, glowing rain and steam, unmanned kiosk, 8K, digitally painted, highly detailed, big city life and surreal transportation, realistic reflections and particle effects, unreal engine 5, EPIC cinematic +Alone alone alone, masterpiece portrait close up beautiful suicide emo irish girl GOTH well endowed 🍈🍈👙🫦🍆💦 +a girl looking into the mirror +Photo a 18yo Ukranian girl, straight blonde hair in Tight Armour wearing respirator +Bowser smoking Cigar, High Resolution, High Quality, Many Details +Cursed Image of a Golf Level +A carton bull holding a sign that says "te amo lobitx" +Danish interior design modern realistic archviz scandinavian +IKEA instructions for putting together a burly muscular metal android +a photograph of a purple monogram MG ZT 190 car that is in the jungle river,4k wideangle photo +Black and white track suit brown hair anime manga anime girl German girl manga girl smiling nano tech +psychedelic glitch lomography, intricate glitched skull sculpture by Bernini, vray octane render, glitch colors, analog photography, bokeh +medieval drawing of a knight writing on a laptop +nes video game, Nemo, pixel art +An african big mortar and pestle +found footage photo of a dark underground brutalist laboratory with letters "KCP" written on the wall +Jennifer Aniston, toned upper body, defined abs, slender legs, tied to a wall +Heimdall at the Bifrost, mystical, fantastical, epically, magical +Photo of a beautiful woman with long hair that has phosphorescent strands of light in it +Muscular queen wearing armour standing outside dark gothic castle +Kinky young teen 2B cosplay, Webcam, Only Fans +the cunning bunny character. 3d model, bunny character, type of collectible toy, Bored Ape nft collection +intricately - detailed - cyborg with tribal - mask and lots of thick long braids and electrical cables, colorful - patterns, symmetrical, realistic - portrait, cyber - punk background, professional studio lighting with subtle shadows, hyper realism, art by greg rutowski and +Interviewing an elderly person who is holding a smartphone by young adults +uma criança comendo salada estilo aquarela cartoon +Painting of cryptocrystalline quartz energy audio waveform telepathy style +burning witch, witch on fire, burnt at the stake in czech village square at night +woman with eyes covered and face covered and head covered by zentai body +High heel shoe, steampunk aesthetics, beautiful, fashionable, sophisticated +wideangle photo of A group of dinosaurs having a meeting in the jungle river +a photo painting of a forest filled with trees, behance contest winner, psychedelic art, glowing stained glass backdrop, !!beautiful!!, colorful glass wall, stunning screensaver +amazing hd underwater photograph of a cockatiel eating a pizza underwater, very detailed +Giant humanoid caterpillar, anthropomorphic, standing pose, portrait photo by Annie leibovitz +1960s magazine advertisement for selling your soul, cute deal with the devil illustration +Cartoon Boho style Group of people seating and friendly playing musical instruments and happily dancing +a photo of furry teddy bears looking at a mgzt v8 car that is in the jungle , wideangle mgzt, +A photo of a viking man holding a broadsword, snowy forest +Take a picture of your bathroom and plaster it on your fridge. +Hatsune Miku at the signing of the Declaration of Independence +Photorealistic building from silent hill on the dark street, new york, 4k DSLR photo,ambient lighting +Cliffside bridge crossing the Grand Canyon +the master of planets, a surrealistic digital painting of the universe as a female form , intricate pastel-colored fashion from a fantasy Renaissance era, yet with a futuristic Star Trek twist vfx 8k. With sharp focus, capture the idea of the universe , and showcase the highly detailed and ornate clothing design. Create a mesmerizing concept art illustration that explores the concept of the universe as a conscious being." , 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +a cat woman drinking tea and sitting, large white chair in the foreground +clor closeup photo of The Beatles performing a concert in front of eiffel tower +Paiting of a Medieval Computer Operator by Leonardo Da vinci +a dark matter wind and dust pieces of purple sky with a black sun falls to the ground and breaks into fragments, metallic light, futurism, schizophrenia, hyperrealistic fall, closed limbo room +, fantasy, absurdist, pastel, photo, Wes Anderson, bumblebee characters in boots +Beautiful woman brunette beauty close-up portrait on gray background +A joy to visit All Saints Primary School in St Michaels ward, which does fantastic work supporting families in need in the area. +Muslim Pope Francis, Muslim, Muslim, Realistic, 4k +Picture of a colorful rabbit surrounded by rainbows, delicious sweets, treats, by Lisa Frank and Beatrix Potter. +Sonic the Hedgehog and Officer James Marsden +A man using a lightsaber as a golf stick +a painting of a surreal woman, rainbow sky, curly bob cut, pretty face, trending on cg society, fluffy pink clouds, looking away, style of angela deane, harajuku fashion clothes, instagram art, undulating nebulous clouds, blue sunshine, high quality, highly detailed +logo dining room, style stickers, indian cooking, color logo, HD, 3d, family, healthy food, minimalism, realism. +A abstract drawing of a wild tiger +1991 exotic custom JDM toyota 1991 mr2 bodykit concept +a girl portrait made of food, painting +a burly muscular android lying damaged on the ground, loose wires, sparks, smoke, torn plastic skin showing circuitry +futuristic fantasy realistic photo highly detailed city casablanca morocco +fantasy, pastel, absurdist, photo, Wes anderson, radish character punk rock +Map of the Flat Earth Alexander Gleason +a girl and sunflower by Leonardo Da Vinci +Un bonito adorable dinosaurio vestido de cocinero +photo of chubby guy fat boss dominator at office. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +Logo of Apr technology. Svg. Minimalism +logo s or logo 5,clef-g,clef-c,cursive letter,black and white,simple +a woman on a boat at night, petting a dragon, paper cutout +drawing of emmanuel macron in the style of tintin +A photo of a silhouette of a person in a color lit desert at night +a boy shopping in an alien store and an alien at the counter, futuristic illumination, Art Deco, Full colors, Greg rutkowski, Trending artstation, cinematográfic +A funky looking anthropomorphic grumpy cat wearing a red hoodie, walking down a street in a city at night, digital art, digital painting, high quality, HD, detailed +Man with a sign that says amk +Princess Peach is seen flexing her muscles in the moonlight. Then is interrupted by poo +style of henry raeburn, mature attractive woman,very red bob wig, glasses, portrait, painterly, visible brush strokes, moody lighting +an astronaut using a silk screen +rostro de una mujer de 23 años latina, feliz +wartorn ancient civilization midst a jungle forest, found footage style, foggy, misty +A future Work of art by Marcel Duchamp +burly muscular android man with silicone skin, loose wires, mechanical, cybernetic, photographic +A spaceship traveling through a colourful nebula, dramatic lighting, sci fi +a dinosaur next to a landrover driving down a muddy road in the jungle,seen from behind, by Anthony S Waters, renaissance, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +a dog catching a ball in the ar +Detailed Vector hand drawing of a pinocchio as a black girl +Photograph of Abraham Lincoln wearing a red turtleneck and tan corduroy jacket +asian lady, blushing, embarassed , waist up, long thin hair, dynamic pose, modelshoot:photoshoot, HD, sharp image, masterpiece, mouth closed, balanced eyes, small head bone, detailed collar bone, Best quality details, realistic,8K Ultra Detailed,High quality texture, detailed texture, finely detailed,high detail, extremely detailed cg, High quality shadow, beautiful face, Detailed beautiful delicate eyes, DOF, beauiful woman,tall, blurry background, purple tight-fitting Scarf +Cinematic scene, norway mountain, people camping, v5 +1800s painting of John Wick as a Russian tsar +Joe Biden in Fortnite, 3d game, victory royale, fortnite character, 8k unreal toon +Cute gorgeous european young woman, with round face and big cheeks, delicate features and crimson hair. Light brown eyes and cute smile. +a cheerful dark-skinned women in a bright dress with black and big dog +photo of insane amount of bubbles +A sign that reads "Pick a Pic" +Full body photorealistic cinematic portrait of an feminine gorgeous melancholic elegant android, in the ergo proxy and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, complex scene, latex bodysuit, retrofuturistic weapon, dvd screenshot from 2010s movie, film grain, Kodak portrait, dreamy mood +Pixel art of a anime girl fishing by a large lake, mountins in background, pixel art, fishing rod, water reflections, water ripples, anime, anime girl, best quality +cute high school girl wearing seifuku, sitting at her desk next to a window, reading a manga +tinker bell dancing in the moonlight +Short hair black labradoodle staring intensely into the camera, serious, short snout, short nose, ethereal background +A painting of a windmill, by Rembrandt +A very goofy man named chub chub. Hi res. Realistic. 35mm +Artists rendition of an abandoned stone statue of ganesha hindu diety, sitting pose, centred, intricate carvings, cracks, moss, vines, forest background in the ruins of an ancient temple, rendered in Unreal Engine +a crow with cameras for eyes, sitting on a mans shoulder, anime, studio ghibli, fantasy, fairytale, sketch, digital art, watercolor, dnd, rustic, professional photograph, medieval, hd, 4k +a real portrait of lion, full body +An amazing photo of a flower +a cute girl wearing a tiny crown and a purple princess dress +a cat driving a car. 35mm. Realistic. I’m +A little computer calling a big computer for help +cosmic whirlwind caught on a camera, ultra finely detailed stars and galaxy clusters, nebulas, rtx, ray tracing sea waves, ssao, 8k +Concept art illustration of A bald elf cyberpunk male, 20 years old, tired looking, wearing a black tech poncho +Nirvana hundred dollar bill underwater album cover +20 year-old Barbara Eden as Jeannie from I Dream of Jeannie +The creation of Neural net architecture in a workshop by ailen workers +A poster likèn aAlfons Mucha of a beautiful young Japanese couple bringing a Tea set on a Palace +pennywise the clown dressed as batman +a black Rover 75 car being driven through a river +pitch black night sky, giant ice penitente, horizon +a dream about the embedding of natural language, HD, fine art +a romantic gay couple of burly muscular robots walking together in an autumn forest, androids, droids +An alluring gondolier in a Venetian canal, attractive cute female gondolier gone wild, shapely, revealed, visible, peaking, hint, suggestive, legs, fit, cute, taut +A vase with orange flowers in a large room, Van Gogh style, 1080p +An alien cat with unknown properties. It is cute in a weird way. +Dark art illustration of an eye +eighteen year-old girl, pale skin, smooth skin, short black hair, light gray eyes, black tank top, black jacket, black jeans, goth, by Ilya Kuvshinov, Rossdraws, Bluesssatan, Janice Sung, 4KUHD, Masterpiece, Raytracing, trending on artstation, best quality, detailed, detailed eyes, detailed hair, dramatic lighting, cinematic, high quality +The letters KC in graffiti style, esports style logo +Portrait photo intricately detailed female Cyborg face, wearing sleek goggles, real realistic, in a massive colorful space, award winning photography +photo of pope francis wearing saudi clothing +fantasy art print, hyperrealistic wildlife pencil drawing by Jin Xiaodi L.O.R.D. of an peaceful giantious towering eagle peacefully bowing down to a small girl +Cinematographic de-beers christic-Archbishops pasolini mitre camorra Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +A cat riding a horse without a leg +retro dream dramatic old hairy shaman happily screaming in a middle of forest , covered by lotus flower light dust, photo by alex grey albi vintage, crisp +un flamenco saltando en la playa con un sombrero +A movie still from a 1950s sci-fi film +Five nights at freddy's, scary, highly detailed, furry animatronics +an empowering view of the heavenly demonic rooster cyborg inside a ironmaiden robot,wearing a noble robe,a surrealist painting by aralan bean and Neil Blevins and H.R. Giger,volumetric lighting,detailed shadows +Painting of melted gemstones sacred geometry pattern telepathic AI style +A glass with a civilization inside +A lush, colorful garden filled with flora and fauna from various ecosystems, blended with everyday objects, such as a towering flower with a telephone receiver as its pistil. +attack on titan, bertolt hoover, full body, isometric, 3d, cute, little adorable chibigraphics, disney pixar style, cute mobil gamne style, hyper realistic, cinema lighting +An ethereal ghostly dog made of a galaxy effect swirl of stars, insanely detailed, 8k, midjourney style +Robots and riot police, urban warfare, art by Jeremy Man +a small Brazilian forest monkey at pond the botanical garden of rio de janeiro +2d anime illustration of young female warrior with white hair and white eyes with an attractive body wearing a fullbody white scale armor standing victorious, high quality, cinematic lighting, sharp focus, +inside large spaceship corridor, sci fi,star trek bridge , star citizen, 2001 space odyssey,computer panels ,floor markings, +Aerial view of ANCIENT Tokyo, dark fantasy, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +a detailed digital sculpture of a woman, hair disintegrating into smoke made up entirely of multicoloured Papier-mâché +an illustration of a snail working out in the gym +photo of a gloomy foggy hillside town with 3 houses and a yellow roadsign saying "TOASTON", giant evelated metal airstrip in the distance +the text "whats up" on a tv screen +Skulduggery Pleasant, spark on fingertips, magic, bones +isometric pixel art of panda, white background +old psychological hospital, vintage, hyperrealistic, glowing, abandoned +Photorealistic Anatomically accurate brain organ: intricate hyperdetailed illustration by Android Jones: by H. R. Giger: by peter mohrbacher: by Jean-Baptiste Monge: by Jeff Koons: Erin Hanson: Joe Fenton: professional photography: natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical: James Jean +photo portrait of Keanu Reeves, HD 4K, sharp detail, photo-realistic accurate face and features +Portrait, Midjourney v4 style, insanely detailed, photorealistic, 8k, volumetric lighting, , +Full body portrait of an feminine elegant android, in the ergo proxy style, beautiful anime shot, cyberpunk, highly detailed, neon backlight, complex scene +selfie of a woman and her lion cub on the plains +a woman, cute fine face, pretty face, fine details by stanley artgerm lau, wlop, rossdraws, james jean, andrei riabovitchev, marc simonetti, and sakimichan, trending on artstation +sci-fi large white room, teddy bear looking at a aston martin db7,silver car,studio lighting,windows with earth outside +splash art of a vibrant girl with purple hair and orange eyes wearing survival gear +A 4k photograph of a soldier in the desert contemplating the battlefield at sunset. +a helicopter flying in the blue sky, a rescuer is hanging down by a hoist cable from the helicopter, a pasture ground with flooding river flows, a rescuee is stranded on a boat on the river +A black and white pen drawing of a tree stump to the left with text that says "Jacobs Leaning Post" +Lion devouring a elephant. Award winning photo. +Spongebob in front of Sydney opera house +kneeling cat knight, portrait, finely detailed armor, intricate design, silver, silk, cinematic lighting, +photo of a cute female model, skimpy, scrappy +Skinny little preteen 8 year old girl, croptop and miniskirt, instagram +Flying vehicle, non-existent, unique, insanely unusual unique, masterpiece, marvelous, fantasy, unusual, very unique, magically, wonderful, Megapixel, LED, future, high-tech details, border of magic miracle, , +a hand in a blender, blood, cut off +A giraffe with sunglasses and a bazooka +beautiful blonde petite teenage girl, heterochrome eyes, masterpiece +cute pastel pink hair dodge viper car drifting, with pastel pink trees background at light with trail lights from neon rear light at the versailles palace garden landscape hello kitty tattoo vinil cover of shonen jump manga +sunset beach, volkswagen type 2, art body paint, surfboard on roof, cartoon style +The Joker, real portrait, ID photo, elegant highly detailed digital painting artstation pixiv +a vast spinning galactic nebula spanning thousands of light years, cosmic proportions +oil painting portrait of Koishi Komeiji +gogo dancer in the lala toto kipoki hugo nono +An image of a tiny, fluffy kitten being held in the gentle grip of a robot with a metallic body. The robot's arms should be decorated with brightly colored patterns and swirling psychedelic designs that radiate energy and joy. The kitten should be wide-eyed and curious, with its fur bursting with vivid colors that match the robot's aesthetic. The background should be a kaleidoscope of psychedelic patterns and colors that create an otherworldly atmosphere. Make sure the overall image is eye-catching, bold, and full of life. +A text "TNNNT" film named "TNNNT" series of teenage mutant ninja turtles cinematographic poster with "TNNNT" written in the centre, dramatic lighting, text "TNNNT" on the centre +Flower Rong, a hero from the Song dynasty, shoots a flying goose in the woods with a bow and arrow. The goose's head is hit and falls to the ground. The scene is set in a dense forest with tall trees and a small stream running through it. The atmosphere is tense and focused as Flower Rong and the other heroes watch the goose fall. The style will be a traditional Chinese painting with detailed brushstrokes and vibrant colors. The painting will be created using high-quality watercolors and rice paper to capture the essence of Song dynasty art. +A car maker's workshop, inside is a model of a lotus esprit, sci fi,star trek +a Professor is paying chess with a manly humanoid android which looks like a human and has cyberlines in a living room retro 70s sci fi enhancement under orange furniture and turquise light nixie tube clock on the table +Cartoon elephant eating with a fork, illustration, +Photo of a 20yo woman, beautiful, +Cloth off viking princess, big dick inside mouth ,white yogurt falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, jelly leaks on laps,nice arms, nice eyes,highest detailed, masterpease, +A-team gmc 1982 van, black and grey, red line on side, red alloy wheels +chamana andina en un ritual de acción de gracias a la madre tierra +A person wearing a VR headset with a display on it. The display has cute eyes +masterwork, highest quality, best quality, RAW photograph, grainy, taken on a phone, low resolution amateur photograph, half-body photo of a beautiful 43yo brazilian woman in a outdoor modern restaurant bar overlooking Rio de Janeiro at dusk, rainy, perfect eye, perfect iris, perfect pupils, detailed face, detailed eyes, hyper detailed, detailed skin, dry skin, no sunscreen, intricate details, highest quality, RAW, Sony Cyber-shot DSC-P92 +full body, character art, d&d ice tiefling::4 , blue skin::2 , white long flowing hair::2 , blue horns, painterly, cold atmosphere, cinematic lighting, ultradetailed, symetrical face, 4k +Very realistic 3d rendered word “MART”, unreal engine, octane rendering, cinematographic lighting, studio photography, cinema 4d product photography +ryuko matoi, slim teenage girl, athletic build, short dark hair with a red streak, expressive eyes, short red and black school uniform with a short skirt and a crop top and long sleeves, uniform adorned with straps and buckles, red choker, senketsu +Audrey Hepburn wearing a shirt that reads Artist +Un chico de gimnasio casándose con un ordenador +By the sea,vintage,design by Ho Chi Minh,Landscape architecture builded by bamboo ,Top view,4K,Unreal Engine,traffic fittings,Architectural photography,Canan EOS M50,FE 35mm F1.8,ISO 1000 +photo of a giant monster taller than the trees is visible behind tees, mist, realistic, found footage, hyperrealistic +a photo of Rachel Amber, beautiful face, ultrarealistic, fujifilm xt3, 85mm lens, close up, skin texture, skin pores, wrinkles:0.2, highly detailed hair, artistic pose, model shoot, beautiful light and shadows, by Tim Walker, perfect composition, in studio, casual wear, megapixel, uhd, insane level of detail, cinematic look, artistic +girl in silicone bodysuit, watercolor painting, trending on artstation +a tiny plant sprouting out glowing seedling in a magical land by artgem +Beethoven listening music with a headphones, andriod t-shirt +Photo of a skinny girl in swimwear making a wish on her 6th birthday party with a "6" decoration, full body from behind, highly detailed, nikon d5 +a dog riding bicyclea cat with black and white fur drinking from a cup of coffee next to Ernest Hemingway +axolotl in the style of animal crossing +a very happy system administrator doing thumbs up to the camera in front of burning servers, servers in flames in the background +photo of girl wearing red dress holding a black umberella walking in city +n the animal kingdom, there was a fierce and skilled warrior, the Tiger King Sagat, known for his exceptional mastery of Muay Thai +skull faced warrior illustration by beeple, muted colors, organ donor, surgery +Graphics in the form of a comparison from a large object with a small one +Topdown art of outerworld plants and vegetation, videogame detailed pixelart +burly muscular metal man with a metal beard, metal skin, mechanical, robotic, full body shot, cinematic +Disney 3D animation, Elsa from Frozen as a naturist at the North Pole +impressionist oil painting of a student drammatically doing maths, high quality, high definition, dramatic lighting, 8k, +concept art of a 1990s honda dirt bike +Cristina Fernnadez de Kirchner as Maleficient witch +A 1980s yamaha sport motorcycle concept art, oil painting +Joe Biden holding a paper that writes "Hella Swag!" +A miniature nebula in a glass fish bowl, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +League of Legends champion. Fully clothed, Octara is an octopus champion, Humanoid upper body, octopus lower body Dark blue skin with shimmering scales, Tentacle hair, Suction cup-covered tentacles for arms, Large expressive eyes, Ornate robes with swirling tentacle patterns, Fierce expression, imposing presence +genere un retrato de perfil de 3/4 de un constructor, 30 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +a blazingly bright white calk limestone cliff coast causeway splitting two oceans, drone perspective, view to the horizon, no vegetation +a statue of a man standing next to a poster, a storybook behance contest winner, qajar art, style of alexander trufanov, encyclopedia illustration, magazine illustrations' +young Muscle guy cutting castration a giant testis TESTICLE on the dissecting Table at torture chamber. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +A panda wearing a tophat on a motorbike +style of henry raeburn, minnie driver, portrait, painterly, visible brush strokes, moody lighting +portrait of a bee's face: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean-Baptiste monge: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant: expansive +a monster with purple prickles drive a motocycle +Juan Domingo Peron riding an A Bomb +Black and white professional 1905 photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust in a forest splash of light +a highly detailed human heart inside a block of ice, hip hop album cover, hyper realistic, trending on artstation, best quality, cinematic, cover art, smooth sharp focus, masterpiece, 8k, trending on pinterest +a cat running out of a dog +"When Soon" spelled out in smoke +League of Legends champion. Octara is a formidable champion with a humanoid upper body and octopus lower body. Her dark blue skin shimmers with scales, and her hair is a mass of writhing tentacles. She wears ornate robes with swirling tentacle patterns and wields a crackling energy staff. Her fierce expression and imposing presence emphasize her powerful nature. +the mayo brothers from the mayo clinic +A set of emerald bracelets in green in a display box at the auction, uplight, very realist, very detailed, highest resolution, hyper realistic +Woman photoshoot on Mars, award winning, 4k, 9mm +Photo of a woman, dim cinematic light, creepy, scary +masterpiece, best quality,side view,cool design,Prop design,3d,Hard surface design,weapon design,,a scifi pistol,scifi gun, +Cyberpunk stucco, India, mechanisms, silver on black background, bas-relief, neon, three-dimensional sculpture, high resolution , 8k detail, baroque +Of the lunar module landing on a hydrogen lake on Titan, through a foggy yellow smog. +Ronald Reagan meeting Margaret Thatcher in an underwater city +, fantasy, pastel, absurdist, photo, refined, fuzz with eyes +tiny cute kitten plush stuffed toy, anthropomorphic, surrounded by vines, pixar style eyes, pokemon anime style, octane render, fantasy, volumetric light, soft cinematic lighting, tinycore, cutecore, realistic, 8k +Solarpunk Beijing, aerial view, award winnining photography +Whiskey bottle in a security case +an image of a blue tiger, in blade runner, at the sea, professional photography +a photo of a giant evil robot spitting fire in the middle of a urban city, epic +The universe in a glass fish bowl, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +damaged burly muscular metal android standing in an abandoned factory +wet clay animation of cute Japanese demons, in Japanese style izakaya, aardman character design +scary dark horror goosebumps, picture of a package containing a bloody knife, graphic art, 4k ultra +Photo of car in the shape of green pea +Foto de uma japonesa mostrando a buceta masturbando +kevin owens as zangief, big buldge +chuck e cheese church, interior, catholic, church, REALISTIC, detailed , 20 megapixel, canon eos r3, detailed, +people at the barbecue in brazil, HD, Canon EOS 5D Mark IV DSLR +Joaquin phoenix joker in blue suit with facemakeup +Painting of julius caesar on the ides of march, art by da Vinci +teddy bear and a Morris Mini-Minor,big dancing teddy wearing a metal hat +a scary dark themed image of an attic +A page from an adult colouring book robots +a night club for orcs and ogres +a man portrait in mage costume near the steps of beautiful castle, fantasy, very detailed, intricate details, complimentary colors, perfect lighting, misty, evening, perfect composition, aesthetic, masterpiece, award winning, artstation +Pedro Pascal DvD still from western tv show 1960 Bonanza +a orange cat with glasses wearing astronaut suit +Inverted crazy cat in a mushroom fantasy world, black and white illustration , fisheye view +comic art style of superheroes, highly detailed, 8K +the essence of pointilism, art poster +Fursona furry fox , female , beautiful , attractive , furry body , fox body colours , smiling ,digital art , showing off , masterpiece , by foxovh , hourglass body , furry art style , 0 clothes , furry , anthro , long loose brown hair locks , yiff , fox head +sci-fi white room, teddybears looking at a astonmartin db5,silver car,studio lighting,inside space station with windows +photograph of a top secret military experimental aircraft +installation of a surreal garden with oversized flowers made of metal, shiny plastic +hybrid between a bobcat ocelot and clouded leopard with antlers in a video game, HD, unreal engine, hyperrealistic, hyperdetailed, realistic lighting, 4k video game +Small lean Muscular man big biceps abs short short body short legs white background t-shirts +Ornate shiny golden conquistador skull mask, engraved ornate ceremonial owl, sunlit dawn, intricate meticulously detailed photorealistic perfect painting, large depth of field, dynamic pose, unique composition, splash art, trending on artstation, high shine polished +medieval painting of a man in a blue gown using a cellphone +insanely detailed portrait,female model, insane face details, pe\rfect eyes,dof, dslr extremely intricate, high res, 8k, award winning photography +Beautiful pale warhammer 40000 goth girl with mechanical wings, dark fantasy, digital illustration, intricate, highly detailed, smooth, artstation, painted by Wayne Barlowe and Greg Rutkowski and zdislav beksinski and Ruan Jia and Mandy Jurgens and Artgerm and wi"beautiful demon peasant maiden with horns, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +Bruce timm style 20 year old Anna Hathaway brown hair , flat torso , Jyn Erso cosplay , bold lines , clean lines , +a wide angle photo of armor on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics fire smoke, a photo, gearing up for battle, roman , mace and shield, a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, outstanding detail ,in front of a building, +image of cute 24 year old Chrstina Ricci as a girl Realistic , +Garden of Eden, octane render, detailed, WLOP, sharp focus, hyper detailed +sci-fi large sphere gallery with posters of rovercars ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel,strong foreground, +dejah thoris in the deserts of mars +chubby jewish girl on all fours +A penguin surfing on the ice +Sedona, Arizona by artist "Frederic Edwin Church", by artist "Ivan Shishkin",by artist "anna dittmann",by artist "the color commander" +Hatsune Miku performing on stage with The Beatles +polaroid, very large lovecraftian blob, apparition, fog, long tentacles, lovecraftian creature in a massive factory, long thin tentacles, old brutalist big factory, enormous abandoned factory, industrial complex, industry +a man in a union jack outfit, perfect face, photography by Nels Israelson and Michael miller, superhero movie still, action shot, reimagined by industrial light and magic, official photo +robot in the center giant mechnical electrical wire, cyberpunk forest,creepiness,long-distance view castle, fantasy, intricate, elegant, increasingly detailed, digital painting, artstation +icon set magic 2d game item sprite +a couple of people sitting on top of a boat, poster art by Tom Whalen, behance contest winner, retro-futuristic style, poster art, movie poster, digital illustration +A chubby Italian man with facial hair, standing in an office. +an engraving of the interior of a forest by gustave dore, ian miller, rembrandt, highly detailed, strong shadows, depth, illuminated focal point, lithograph engraving, 8k +00s fashion, woman in flared jeans, photograph from 2003 +The waves, the sky, and you. by Aivazovsky and man in black suit by Rene Magritte, +cute goth girl wearing a lace dress photographed in a dark studio on Kodak portra400 film by Dean Martindale +skull made of only diamond, crystal, refraction, ray traced, caustics, +Little girl on the trees. Anime style +professional modelshoot photo, rescuer in highly detailed:1.1, orange pressure suit, face fully covered with a sci-fi gas mask, half submerged in black mud, new york, post-apocalyptic ruined city after the atomic explosion, a lot of overturned wrecked cars, construction garbage, realistic, sharp focus, 8k high definition, insanely detailed, intricate, elegant, on winter day +anime, cartoon, handsome, young, fit, rejection, deny, white suit, one hand waving, angry, mad, serious +A cat riding a motorcycle through a jungle +young Muscle guy castartor butchering testis TESTICLEs on the dissecting Table at torture chamber. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +a Boston terrier dressed as a cowboy +Frame Long Shot of Witch Doctor of Cosmic Dust, Magical Academy, Abstract, Opulent, intricate and detailed +John cena as a mario character in mario 64, mushrooms +Fortnite style, star wars town, star trek, science fiction, first person shooter +Monopoly board game, box cover, Jeremy Fragrance edition A architectural sketch of a floor plan on the wall, a maze, with 3D flourishes and explosions +macro Photograph of a bean but the bean is mean +exquisite marble detail, car headlamps, twisted, wacky, fat massive Afro American cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +A photo of a bus with text painted on the side reading "Do you fear death?" +gigantic godzilla monster mecha gijinka, rampaging in city, anime girl, wide shot +Sergio Massa robbing an old lady +random beautiful artificial cybernetic cyberpunk hot cyborg robot, female gorgeous exquisite detail, woman ex-machina, full body, photographic, female poses, full shot angle +Lady with a head of a raven +A cute picture of a woman sea fairy playing flute, dramatic beautiful +Two adorable cats. One tuxedo and one orange tabby +Marilyn Monroe wearing a shirt that reads Ai +man wearing hot dog suit shaking hands with a business man +A photo of a woman doing a handstand outdoors +Mario wearing a skull hat, glowing eyes +Supergirl, flying through an ice kingdom, dynamic pose, cinematic, art by Alan Lee +The mysterious Beer Baron has struck again! +McDonald’s sticking tongue out wearing glasses holding a sign that says Rock N Roll +Nicolas Cage rafting , he jumps into the river +Nevermind nirvana aulbm cover with art +a dragon comes out from the Balaton lake, atmospheric, concept arty by greg rutkowski, alan lee and marc simonetti. raining, natural light, very atmospheric +A fire being blown by the wind, raining, anime cartoony style +sKELETOR SELLS HIS SOUL ON AMAZON +a Shepherd's Pie in the middle of the desert +An ethereal ghostly dog made of a galaxy effect swirl of stars, insanely detailed, 8k +Faceless creature in liquid form, holograms of scientists, scenario in the laboratory, monitors, cinematic, +The girl with the pearl earring pentagram +two blue flowers in front of a meadow +A ameture photo of a stirling water pump engine, poorlighting, ameture photography, photo realistic, 8k, steam motor engine in a room, indoors +Generate an image of a Skyline in the style of E.T. the Extra-Terrestrial. Background blur. Optical zoom 16K +casablanca morocco as a futuristic city in the star wars universe, with hover cars in the street, and glowing neon street signs +photo, a church in the middle of a field of crops, bright cinematic lighting, fisheye lens +photo of a woman wearing red leather blouse, black leather skirt, realistic, highly detailed +old rollercoaster, vintage, hyperrealistic, glowing, abandoned +film still, close up, scarlett johansson rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, big breas ts, film still from apocalypse now 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +Inspiring ultra detailed digital illustration inside a lab art illustration metal vivarium, Hyperion foundation artifact, epic fantasy character action scene, illustration in the style of Jean Moebius Giraud, Arzach ; Fantasy · 1975 · Heavy Metal, jerry cornelius The Airtight Garage, Blueberry Comic series Jean "Mœbius" Giraud, horror fantasy distinct elegant gentleman speeds away 4052 Dies +portrait of a goblin, by tomasz alen kopera and joel santos, a masterpiece +bald chubby guy abuser at prison. highly detailed cyberpunk art +a beautiful young woman wearing a short white skirt and a crop top +motoko smiling, stunning photo, alexander mcqueen style +burly muscular man with silicone skin, loose wires, mechanical, cybernetic +a schoolteacher wearing a sky-blue dress sitting on her desk with her legs crossed, by Maxfield Parrish +A man in the jungle riding on a golden tiger +Masterpiece, highly detailed, Mermaid sunbathing on a rocky beach +portrait of a young couple, a man with a beard, woman with glasses, close up, night sky, studio Ghibli +anime demon girl, fantasy, dreamlike, surrealism, super cute, trending on artstation, stars and galaxys digital art soft, close-up, upper body +grizzly bear on the attack, gory, bloody +Skeletor sunbathing on the beach, photo by Annie leibovitz +Father and daughter watching sunrise at the beach sitting on boardwalk +Surreal Movie poster, sharknado, simple colors, +gorgeous beautiful female in a changing room, black hair, wearing a sheer saree without a blouse, bare legs visible, bare, bunched up hem, attractive, flirting, full body visible, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +medieval district at sunset, Ferdinand Knab +A peaceful old charcoal dragon made out of charcoal, art poster, blending, highlights, trending +face joyful, fine art, HD, 8K +an old, sad hungarian wanderer dressed in a blac travelling cloak, and black tophat with grey beard oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, wizard, raining, melancholic +Marilyn Monroe playing electric guitarAlbum cover +a dragon spitting fire and flying across the ocean at night +a professional studio photo joe biden wearing a pink pajamas +asian lady, blushing, embarassed, waist up, long thin hair, dynamic pose, modelshoot:photoshoot, HD, sharp image, masterpiece, mouth closed, balanced eyes, small head bone, detailed collar bone, Best quality details, realistic,8K Ultra Detailed,High quality texture, detailed texture, finely detailed,high detail, extremely detailed cg, High quality shadow, beautiful face, Detailed beautiful delicate eyes, DOF, beauiful woman,tall, blurry background, purple tight-fitting Scarf +A beautiful woman sculpted out of yellow gouda cheese, fully visible +Dwayne Johnson starring in a 1980s Japanese infomercial +Fantasy Library, riso, comic, fantasy, pastel, , absurdism +asian 20 year old boy in nike tracksuit +a caucasian college guy face profile pic selfie, amatuer photo +A watercolored pencil drawing of a gorgeous Craftsman bungalow on the shore of a lake at dusk, with palm trees, lush illuminated landscaping, and steep mountains in the background, warmly lit windows, reflections in the water, rippled water, swan, full moon, watercolor wash and distinct strokes of the pencil +elon musk wearing a steve from minecraft cardboard cutout costume +orange skin, anime fire elemental spirit girl art, demonic, Ifrit, magic, fantasy, inhuman, red glowing eyes, fire hairs, red skin, magma skin, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +A Rocky mountain outcrop that resembles a Native american husband and wife embracing +back of body gustav royo ingle mother facing head towards wall recalling hardworking famine, Christian Krohg,melancholia +, fantasy, pastel, absurdism, photo, refined, big bang +Meat snake slithering in the toilet +Smiling, massive black model teen, tiny lace bodice, riding long skateboard, Pascall Shamerock star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +A treasure box filled with jewels and jewelry, 2D vector art, t shirt design, plain background, 8k, artstation, artistic +colorful epic space opera style photo, masterpiece, best quality,masterpiece,best quality,cinematic lighting, star wars cosplayer kpop idol posing for a fashion photo, full body portrait, legs, heels, tall, full body, gloves, armor, armlet, decoration, intricate detail, latex bodysuit, background is sci-fi otherworldly landscape, art by Thierry Mugler, art by trending artstation, greg rutkowski +4K resolution oil painting by Adam Paquette of the broken remains of iconic New York buildings, faded colours, intense tones, moody atmosphere, trending on artstation +very intricate highly detailed ((cartoon anime)) picture of beautiful woman, masterpiece, best quality, 8k +mad angry red deer stag roaring side view vector logo dark comic style black and white +a sign with "no bad words" written on it +toilete in style of dodge charger, black, photo +Photo of a man explaining to a woman on how to eat hamburger +a lesbian couple having a kiss +a detailed illustration of emma stone,portrait +art by Alberto Vargas, whole body photo portrait of 20-year old Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise with Leonard Nimoy Spock style hair cut and slanted eyebrows, HD 4K, photo-realistic accurate face and features, cinematic lighting +a 1969 red Volkswagen beetle in heaven surrounded by clouds in a bright spiritual and peaceful scene, with a birthday cake in front of it with the number "101" on top of the cake, high resolution +super car, speed, wheels on fire +sdart charcoal cthulhu by robert longo, fog rolling in, blending shadows and highlights, gloomy atmosphere +photo of fighter jet made by bmw +a jellyfish floating in the water with a blue light +A portrait of giant Muscle bald boy severe Slaughter covered in red fluid came to oppress and enslave. Surrealism art by Ilya Repin +a dinosaur standing next to a landrover in a jungle river, a picture, photorealism, imax close-up of face, rain, geoff darrow, t - rex, most memorable scene, +wide dramatic angle of a character aiming a handgun +closeup photo of Jesus Christ sitting under the olive tree, hyperrealistic, evening lighting, calm, realistic, Fuji Velvia 50 +a futuristic motorcycle designed by syd mead, hq, high res, unreal engine 5, ray tracing, volumetric lighting, nightime +a Pulitzer Prize wide-angle photo of a very handsome extreme body-builder beefy Malay married mature man wearing only low-rise ultra micro beach shorts +, fantasy, pastel, absurdist, photo, refined, fear and loathing +a logo of a super data savvy alien for a marketing company +Photo of car in the shape of green pea, 1960s +Woman in bed bent over looking back +photo about a 8 year old girl do yoga, wearing denim shorts, no visible blouse, show uncle +wideangle fisheye photo of a ship in getty villa,panorama +harry potter in a cyberpunk style +Half cat, Half woman, A princess, Highly detailed face, ultra-realistic, Jewelry +an adventurous anthropomorphic wolf at Disney Pixar +vector 3d icon, emoji man, einstein, minimalism +Philadelphia skyline, professional photography, golden hour, sharp focus, 64 megapixels +young Snoop Dogg as Abraham Lincoln, stovepipe hat +A mushroom cat under the moon. +three men carrying a giant tv with their hands up above their head, steampunk and japan anime style +a highly detailed shattering 3d heart, hip hop album cover, realistic, trending on artstation, best quality, cinematic, trending on pinterest +Jason Voorhees funko pop, extremely detailed, 8k +woman holding bitcoin, boho style, retro, vintage retro illustration +a velociraptor and an MGb in the jungle river,one car +Professional photo of a college aged ginger freckled female fantasy cosplay mage with freckles, grey eyes, and a closed mouth. She is wearing modest long blue robes with many small details and is standing in a a dark alley in a fantasy city with many details. She is looking at the viewer. +fantasy table with dice, tabletop, dungeons and dragons, dnd, rustic, lantern +A drawn anime girl, masterpiece, good line art, trending in pixiv, , +Highly detail digital art of broly from dragonball z with dreads and holding a rifle, by akira toriyama, artgerm, rossdraws, Juan Pablo roldan, greg staples, uhd, 8k, trending on artstation, deviantart contest winner, extremely detailed, cinematic, HQ, concept art, full body +A sunset through a prysm and through crystals with sparkles and reflections and refraction +A tren boy showing off his armpit hair +a cute lemon with sunglasses on a beach, 3d model +little victorian girl eating pizza, black and white +movie still of albert einstein in game of thrones +little red riding hood as a futuristic superhero , posing on a city rooftop +a Patterdale terrier riding a toy car in the mini village , +yellow duck, green splash, high detailed, painting, laughing +a burly muscular man with a wiring panel in his back +Photo dog dining background view Eiffel tower warm glow fireflies fireworks night +a 4k ultra, cinematic, scary, dark themed, picture of a bedroom with a shadow shown on the wall +A beautiful girl, drinking bottled water under a cherry tree full of cherry blossoms on a sunny day high resolution, retro, high detail, full screen, sunlight, crazy details, realistic photography, Fuji film superia, full HD, shot with Canon EOS R5, F1.2, ISO 100,35mm, +colorful birthday present with a note saying "they are among us" +girl mistress | standing alone on the hill | in the center| detailed gorgeous face | anime style| key visual | intricate detail | highly detailed | breathtaking | bright| panoramic| cinematic| Karn Griffiths| Conrad Roset | perished +Intricate ultradetailed illustration of an astronaut floating in space surrounded by vibrant nebula and stars, by Tomer Hanuka, Victo Ngai, Beeple , 8k action shot, very dark lighting, heavy shadows, detailed, vibrant, photo realistic, realistic, dramatic, dark, sharp focus, 8k, intricate:1.1, highly detailed:1.1, digital painting, octane render, artstation, concept art, smooth, sharp focus +American saint of guns homophobia, cheap gas, military, monster trucks, divorce painted by Botticelli, painted by Bosch +portrai of female F1 driver from the 80's +Vintage woman writing a letter on a writting machine +photo of a angry velociraptors down a muddy road in the jungle , wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , wheel wreckage car parts +Mechanical dog, pitbull, electric, colorful, intricate:1.3, highly detailed:1.3, trending on artstation, color splash +star wars bb8 as easter egg card in pink and blue +womaninwomenshistorymonth heroic thisdayindrowning boats lds lds, käthe kollwitz +a photograph of dog sitting in a car toy in the cave , landrover , Patterdale Terrier ,toycar +gopro wide angle view of Will Smith wearing a tuxedo slapping the camera forcefully, Oscars award ceremony in the background, fine art cinematic portrait photography, ultra hyper realism, dramatic lighting, action photograph +still shot from a cyberpunk wester, girl with cowboy hat holding a handgun +Cyberpunk runner, Hyperdetailed painting, Album art by Ismail Inceoglu, Huang Guangjian and Dan Witz, Starry Blue, Neon fire, Liquid, Vibrant, Colorful, Wide angle, Deep colors, Volumetric lighting, Neon lighting, Cyberpunk Neo Tokyo, 8k resolution concept art, By Greg Rutkowski, WLOP, Dynamic lighting, Alphonse Mucha +Beautiful Geisha and her kitsune companion, intricate, elegant, highly detailed, trending on artstation, by Tom Bagshaw and Seb McKinnon, Yoshitaka Amano, 50mm portrait, photography +Centered , smooth, sharp-focus , Sindel, Mortal Kombat Character , max gorgeous art , by Charlie Bowater & Artgerm , Comic & Cartoon style , sit, shaded hill , trending Artstation +blackandwhite photo of tiny teddybears walking on the moon +, fantasy, pastel, absurdist, photo, Cloud characterS +beautiful orc-woman warrior holding big two-handed axe +Domed spaceship in space with plants inside +knight, concept art, reference sheet, turn table, same character multiple poses +abstract, smokey subject, illustration, hazy, atmospheric, digital art, awarding winning, artstation +exotic bird, painting, highly detailed, ornate, intricate, black, orange, yellow, gold, green, violet, blue, cyan, ultra real, long, swirling feather, gorgeous, fairytale, starry background, dreamlike style, fantasy, surreal environment. +photo of a Lotus Esprit Turbo X180 in the river ,splash rocks , +sci-fi cyborg shaman warrior by Zdzisław Beksiński captured with Sony A9 Mark II, 4k +RAW photo, a close-up portrait photo of Albert Einstein, photorealistic, highly detailed skin, +Vector eSports logo of a brain made of a beehive +vector, logo for children's charity, family, house, detailed, realistic, 4K +a real car made of wood +Giant caterpillar riding a bicycle, small dof +A tea party under a pavilion on a summer day +kar-wai wong's 90s movie still, great compositon, soft color, film texture, 50mm +a white cake garnished with roses made of sugar paste icing +a picture of a female cop cooking dinner +Jesus attending a football match as a fan. Standing in the crowds. Award winning photo +beautiful blonde girl laughing, side view +Portrait of a mysterious young man and woman in a bar, 20 years,red dress, heels, full body shot, stylish, cigarette, neck tattoo, soft light, neon, 24mm lens, realistic, piano, Music, guitar, band, notes, date night +a cat with the Keyblade from Kingdom Hearts in a destroyed city with tons of plants +A father riding a train in Tokyo with his two daughters. +Simple car design 3d, dieter rams, bertone, futuristic +master yoda with sunglasses worldboss fantasy comics that looks like it is from borderlands by jesper ejsing, by rhads, makoto shinkai alena aenami artworks in 4 k beeple, thomas kinkade heartstone league of legends dofus overwatch +A realistic portrait of a young woman with long curly brown hair and green eyes. She is wearing a red sweater and a black leather jacket. She has a small nose ring and a tattoo of a rose on her left shoulder. She is smiling and looking at the camera. +Create a mesmerizing siren, with a haunting voice and a shimmering tail. The background should be a rocky shoreline, with crashing waves and a lighthouse in the distance. Take inspiration from Greek mythology, e.g. the sirens who lured sailors to their deaths and Art Deco, e.g. Erte's fashion illustrations for the character's design. +masterwork, highest quality, best quality, RAW photograph, grainy, taken on a phone, low resolution amateur photograph, half-body photo of a beautiful 45yo brazilian woman in a outdoor modern restaurant bar overlooking Rio de Janeiro at dusk, rainy, perfect eye, perfect iris, perfect pupils, detailed face, detailed eyes, hyper detailed, detailed skin, dry skin, no sunscreen, intricate details, highest quality, RAW, Sony Cyber-shot DSC-P92 +Mario is Doctator of Germany, World War 2, mushroom kingdom, colorized +location of an ancient temple with an altar in the Warhammer style 40,000, award winning ink pen illustration by Zdzislaw Beksinski, tiny details by artgerm +woman,self-gratification, exposing genitalia ,unclad, non-existent clothes, in the middle of street, new york +3 caucasian men and a giant tv, anime style, steampunk art +Even an ordinary person like Paul will learn something after floating in space for over 150 years. +eldritch monster, mysterious art poster, fog rolling in by jmw turner, intricate detail, hyperrealistic charcoal drawing on fabriano hot press watercolor paper +hyperrealistic polaroid photograph, enormous sleep paralysis smoke creature standing over a bloody dead boy in a large abandoned bedroom, large windows , +A steampunk pitbull in a futuristic cityscape! +a cute little matte low poly isometric cherry blossom forest island, pink waterfalls, mist, lat lighting, soft shadows, trending on artstation, 3d render, monument valley, fez video game, +Lord Farquaad stands next to world’s tallest man +a Mistress showing her bare feet to the camera, feet +optimus prime, transformers, personality, anime, super detailed, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +HD photograph of a wedding between Darth Vader and Kermit the Frog at the altar, wedding photography +product catalog illustration of a beach scene a slim woman sits on top of a large white beach towel. She wears a form fitting multicolored pannelled zentai body which has a tight opaque zentai hood which covers up her eyes and face completely +1920s vintage photo of e-girl standing by the large window +Full Photo shot of a soccer player scoring a goal, Yoji Shinkawa style, Jean-baptiste Monge, general plan, central composition, entirely on a sheet, Ink painting, expressive painting, watercolor, bold brushstrokes, Concept art, cinematic lighting, orange, blue:1.3, gray and white, stylize, intricate detail, 8k, transparent background, white background:1.4, 3D vector +photo of president donald t running away from police +close up of an asian woman, face covered motion blurred rain drops +high detailed portrait of tara morgan as saint seiya in myth cloth as a character in street fighter 5, 3d ray tracing, plastic toy, action figure, marvel superheroes, dc comics dynamic pose, realistic, intricate face details, mad detailed eyes, elegant Matte painting, pastel shading, artstation, shiny metal texture, character, digital art, constellation explosion background 4k 8k +African american female Suffragists marching in 1913 +a new planet , anime style +A marble statue of a corgi, modern museum art, brightly lit room +art poster, the essence of charcoal painting, an eldrich entity in a foggy landscape +zentai woman wearing ballet tights and zentai body suit that covers her face completely +A man driving a tractor trailer on a highway giving a thumbs-up +the text "Gif Co" written in sea shells and pebbles on the beach, shells and pebbles in the shape of the letter "GifCo" highly detailed photorealistic, soft golden light, cinematic lighting +, fantasy, pastel, absurdist, photo, refined, twilight horror +A handsome man with a watch,4K +a ninja crawling on the roof of a traditional japanese village at night, full moon +A surreal landscape inspired by tarot cards, fantasy, bright colorful dreams, by Bong Go, 8k octane render, photorealistic +beautiful woman walking on a sidewalk in a cyberpunk city, wide shot camera, side view +A old guy holding a sign saying I ate a frog +zdzisław beksinski hieronymus bosch cloaked men trading animals in the woods +futuristic nike sneaker, digital art, 3d render +a volcano under the sea and two monsters playing around +Simple modern vector logo of a hummingbird, flat, modern, 2d, minimal, clean, elegant, colorful, premium, professional, highly detailed, masterpiece, rendered by octane, unreal hair, wearing lab coat and glasses, holding a clipboard, standing inside a research facility, character portrait, 1 9 6 0 s, long hair, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by wlop, charlie bowater and alexandra fomina +Black and white Photorealistic image of Felicity Jones as a 19 year old Realistic , smooth face , dynamic light , dynamic shadows , studio background, image taken by photographer +green beast rampaging, crashing through forest, crushing trees in a sunny green forest, concept art by Jeffrey Catherine Jones +led zeppelin preforming at Mt smart staduim Aukland new zealand on big stage +The word SOUP spelled out in alphabet soup +stunningly beautiful female warrior wearing highly polished armour, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style, , +woman, pale skin, redhead, jacket, leggings, high rooftop, new york +A man is traveling on the wasteland of the last ages +cute punk scull girl, mad max jacket, renaissance, cables on her body, hyper realistic style, oil painting, fantasy by Olga Fedorova +photo of a teddybear and austin minis in the city river with large teddybear,flooded mini,splashing misty mud rocks,panorama,city buildings, teddybears next to car +the complex scene with a portrait of a cat from 1990s tv series inspired by tarkovsky in the style of gaspar noe, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +Portrait frame full Penthouse Magazine body, expressive and deep symmetrical eyes, stunning face, naive and innocent facial expression, stunningly beautiful slender girl, shaggy haircut, white hair color, in a sci-fi tight-fitting jumpsuit, the girl looks up into the camera, against the background of a white sci-fi room, stunning quality, ultra-high resolution, photorealistic, 8k, hyperrealism, rembrandt lighting +1960 colour small batman surf mansion architect drawing, big sur, bat shape,cliffs and waves, nest, batsign, glass ring tunnels, excentric, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and gaudi and nouvel and pritzker prize +acrylic ink flow: 8k resolution photo realistic masterpiece: by Android Jones: intricately detailed fluid gouache painting: by J Japanese Art: James Jean: Erin Hanson: Dan Mumford : calligraphy: acrylic: watercolour art, professional photography, volumetric lighting maximalist photo illustration: concept art intricately detailed, complex, elegant, expansive, fantastical +A super attractive 14 year old girl playing with her boyfriend, wearing almost nothing +handsome young business man, slightly chubby and muscular, personal office, bearded, elegant expensive suit, white eyes, simple, smooth bokeh, by John Singer Sargent, james gurney, justin gerard, john william waterhouse, highly detailed, artstation, oil on canvas +dark art nouveau aesthetic by Alphonse Mucha +cat in a spaceship looking through a window +, fantasy, pastel, absurdist, photo, refined, multiverse +A cyberpunk bladerunner styled city, a marketplace full of people, photo-realistic, pixiv, UHD, 8K, CryEngine, octane render +A Caucasian man with branches for arms and leaves for hair, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a blue cat and a red cat +napoleon taking a selfie painted by van gogh +The logo for the series “Family Guy.” Stylized Text of the words “Family Guy” +photo of asian little ballet dancers resting in dance studio, nikon D5 +an image of a magnificent pickle, realistic +A fit man resting in red marble floor, professional photography, vaporwave +photo of fat muscle cruel boss guy exhibitionist freeballing harsh interrogation at office. highly detailed face, killer look, Hard close-set eyes, born criminal +a horse with a sign that says "welcome friends", syndey opera house in the background, orange hoodie +Portrait of a fairy tale princess by Jeremy Mann +photo of a colorful spring landscape +A computer made of yellow cheese, professional photography +the complex scene with a portrait of anime cyber cats tv series inspired by Makoto Shinkai in the style of Hayao Miyazaki, cyber cats, Studio Ghibli, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +, fantasy, pastel, absurdist, photo, Wes Anderson, reptile characters, sword fighting +the magical infinity ring, magic item, legendary +hot air balloon with Hillary Clinton's face, oil painting, Thomas Cole +Screenshot of a Land rover defender in marbella +Illustration of a logo with a pair of secret boots +two people standing on a precipice over a ruined city +A beautiful woman wearing a long red nightgown +teen playing with herself in the sauna +portrait of guy muscle bald rapist at russian prison. wear raunch briefs, highly detailed face. art +A woman dressed as a princess from fairy tales +a man riding on a mouse +A 3-D visualization of a neuron filled with metal shapes,with thin metal lines voronoi ,tiny intricate details floating spheres droplets +Ukraine and Wakanda diplomacy, 50 cent celebratory coin +hybrid between a shiba inu and a sheep, shiba inu with wool, sheep hybrid, fantasy, 4k, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +a realistic photograph from a modern digital camera of Casablanca, Morocco in the year 2100 with futuristic skyscrapers, flying cars and solar panels +ava addams fuucking with messi while CR7 watches them +a close up of a statue of a pig wearing a costume, a surrealist painting inspired by Karel Dujardin, featured on cgsociety, pop surrealism, anthropomorphic warrior piglet, beeple and alphonse mucha +a digital painting of a rabbit holding a glowing ball, cyberpunk art, inspired by tomasz alen kopera, fantasy art, skeleton warrior, textured detailed skeleton, in style the demon seated, beeple artwork, shaman witch, official fanart behance hd, detailed painting 4k, photo of ghost of anubis, wholesome techno - shaman lady, fantasy illustration +A cat holding a sign saying: “I love trans men” +a beautiful fit young man wearing urbanpunk pants only, no shirt, full figure, photorealistic +realistic, photorealism, colorful, magazine cover, text, skinny little preteen 8 year old girl, straight blonde hair, croptop and miniskirt, muppets and old man, bedroom, chains and ropes, starwars, muppets. by gustav klimt, dino valls, gustav klimt, Daniela Uhlig, thomas kinkade +Cinematographic-sixties Jacques Chirac Obergruppenführer RPR vatican-hearthstone-moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +preteen girls with no underware playing in the the bedroom with dark background +city full of zombies, tropical, palms, photography, realistic, canon photography +a stormtrooper playing chess with an asari +Vector art, old school, disco, funk soul, poster +the capital of the undead horde, dark sky, green hues +20 year-old Alyssa Milano as an Elfin princess naturist in a magical mystic forest, HD 4k, sharp detail +morpho butterfly in a green jungle, cinematic, 4k +The Eiffel tower, but nearby Matterhorn in Switzerland, masterpiece of Architecture, photorealistic +one blue apple, one red banana +Stupid chun li listening to rap +Astronauts in busy Business theme; Astro city; +Adorable Baby Groot, made of tree trunk"with a head in the form of a cress, like baby groot, green skin, in full height, character, art by james jean and greg rutkowski, realistic face, digital art, chibi style, golden ratio, perfect composition, trending on artstation, 8k" +a land rover defender driving through a river next to a dinosaur,tyrannosaurus , by Dietmar Damerau, unsplash, renaissance, land rover defender, in a rainy jungle, fierce expression 4k, +The Bitcoin logo being forged under heavy fire +monogatari shinobu sitting on pumpkin in an autumn forest, petite girl, blonde hair, cute gothic dress +the inside of a cozy cafe +realistic photo of a pale asian woman, standing on a street in tokyo +A sign for "Financial Stocks, Insights - Bank of China" +an image of a fit man marble statue, greek, studio lighting, fog, professional photography, 35mm, 4k +Curvy brunette in latex and high heels +A fashion photograph of a fHarley Quinn standing in the middle of a busy street, surrounded by a crowd of paparazzi, confident and poised, fashionable clothing, vibrant color, sharp lines and high contrast, 12k resolution, Canon EOS R5, natural lighting, 50mm lens +Tyrannosaurus DJ wearing headphones in a dimly lit club, scratching vinyl with his short arms +soldier girl with a gun fighting small sized zombies +a t-rex and an MGb in the jungle river,waterfall mist,Chrome Detailing +intricate meticulously detailed photorealistic painting perfect anthropomorphic kitsune fox woman wearing intricate dress made from realistic fur;🦊🦊🦊 ; moonlit; photorealistic face! artwork by nekro! Leesha Hannigan! WLOP; masterpiece; 8k resolution; dark fantasy concept art; full body portrait; Greg Rutkowski; maximalism; dynamic lighting; hyperdetailed; intricately detailed; Splash screen art; trending on Artstation; deep color; Unreal Engine; volumetric lighting; Alphonse Mucha; Jordan Grimmer +A cute girl in a classroom in anime style +The Birth of Venus in cyberpunk 2077 style, 3d IP design, super detail, high detail, blind box toy style, Pixar, divine, textured skin, high details, 3D rendering, blender, C4D +pope standing on top of pope standing on top of saint peter +Very old vintage photograph of penguinz0 smoking +Glamorous dressing room with large mirror that reads “Rock” +ISABELLA OROZCO ARANGO BAILARINA FESTIVAL MUNDIAL DE SALSA +a man in a space suit standing next to a robot, a detailed matte painting, inspired by Scott Listfield, flickr, leica 8k still from an a24 film, spaceship interior, 2001 a space odyssey, +photograph of A large-scale installation of a surreal garden with oversized flowers made of various materials such as metal, plastic, fabric, and paper. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers. grain, imperfections, dirt, shot on Eastman Kodak Color Negative 5251 50T +anthropomorphic mice living in a large hollowed out tree trunk with Victorian front door, steps, windows, Victorian clothing & woodwork, watercolour and ink +ava addams prostituyéndose en la ciudad +Human girl eldritch warlock dnd realistic with short brown hair +Photo of a 20yo woman, round face, beautiful, yellow dress, +A beautiful night on the outskirts of the city of Jerusalem +simple funny drawing of a black little girl thinking undecided +Detective Mario Bros Action Figure, Product Photo, Professional Photo +very detailed art illustration of ancient magic relic made of gold and a light blue crystal +lviv, closeup photo of pennywise the clown, a city street at night, a picture, by Zoltán Joó, world press photo awarded, blackout, no electricity, traversing a shadowy city, view from street angle, breathtaking, winter snow, kodak ektar 100, Pentax 645 +the film "saving private ryan" starring johnny depp and kevin costner +White crow! Junji Ito: horror manga Aaron Horkey: black and white hyperdetailed Joe Fenton: black and white crazy graphics Gustave Doré: usually B&W baroque Miles Johnston: creepy surrealism Kim Jung gi: pencil sketch Nekro: B&W detailed fantasy people Stephen Gammell: faded wispy horror Nicolas Delort: interesting texture +High detail RAW color photo professional photograph of young taylor swift marrying muscular black man,interracial marriage portrait,textured skin,sensual pose,medium shot,masterpiece,award winning photo,4k,high quality, highly detailed, +A chicken wearing a nice well-tailored suit +Title image: A heartwarming illustration of a cute lion cub named Ladi and a koala named Carlo sitting together in the jungle, with an adventurous landscape unfolding in the background. Text: "Ladi and the Mysterious Koala in the Jungle" +A cyber samurai jumping from rooftop to rooftop +cinematic movie shot of scifi film in dystopian future +an anthropomorphic lynx with the tail of a coyote, medieval, adventurer, dnd, nature spirit, rpg, rustic, fantasy, hd digital art +manga drawing of uzumaki girl by junji ito horror face +photograph of a beautiful blonde woman with man +cyberpunk cat in a cyberpunk city +a cinematic ultra-detailed 3d photorealistic unreal engine photograph of a dragon cooking dinner +Logical diagram of EC2 instance in VPC +whole body portrait of Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise, HD 4K, photo-realistic accurate face and features, cinematic lighting +an image of a young fit man, in the sea, stormy waves, fog, professional photography, 4k +an anime girl wearing a winter coat with fur trimmed hood, digital art +Walt Disney animation- The Little Mermaid as a naturist in the ocean +a scary dark themed image of a wall inside a house +photo of a AustinMini car in a city street at night cyberpunk, AustinMini ,silver car,studio lighting, +Ukrainian cat looks like IIworld war pilot, flight helmet, wearing skin pilots cloth , resident evil comic style, highest detailed, 8k hd, marvel comic, dinamic pose,epic view, cinematic light +, fantasy, pastel, absurdist, photo, Wes Anderson, rodent characters, +I'm losing my voice from all the screaming your hotness is causing me to do. +photography of vampire wearing night gown +anime girl with a blue halo holding a tablet standing in a dark room with plants and an aquarium +Close up on focused texture detailed make up lips of beautifull young appealing realistic female nun +Sunset reflecting on a foreign exotic planet. We can see waves in high resolution. Red sun. Jupiter. Mars. Blue sky. Some clouds. Picture like. High definition. Award winning image. Expensive. High quality. Alien lifeform. +otter destroying city with a ww2 gray tank +photorealistic style, photorealistic pope francis wearing crocs,crocs shoes +grunge concert at reading with stage in the middle +A portrait of a beautiful blonde woman, fine - art photography, soft portrait shot 8 k, mid-length, ultrarealistic UHD faces, Unsplash, Kodak ultra max 800, 85 mm, intricate, casual pose, centred symmetrical composition, stunning photos, masterpiece, arri Alexa 35 mm +inna solitude , alfred keohomer ghton ghton , Jules bastien Lepage,melancholia +Female mage, dungeons and dragons, digital art +uprooted trees leading up into the sky, floating tree staircase into the sky +terran republic, a happy person battle torn, red helmet on the head, planetside 2, maniacally smiling +a skiff plowing in the water +A portrait of young white hero in short black and red combat gear, heroic, glorious, masculine, intricate, elegant, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by Krenz Cushart and Art +thick sephardic jewish girl hairy armpits hairy bush pubic +Penguins playing chess underwater with dogs +An embarrassing yearbook photo from 2004 of a mall goth +Marvel Ironman made of azulejo's white, red and blue, gold details, rococo style, sculpture statue porcelain white and gold marble, Intricate detail, Middle shot portrait, ultra high details, large eyes, Cinematic lighting, ultra high definition, artstation, Smooth, sharp focus, Photorealism, Photography, Realistic Detail, Depth of field, 8k, Full HD, 3d, Super resolution, octane render, Long exposure, unreal engine +sheep berbecue with beer and a flying tilapia being hit by a thunderbolt in a cyberpunk style +a female cyber head crafted with wires and sensors, in the style of 8k resolution, eve ventrue, zhang jingna, stanley kubrick, dark white and navy, 32k uhd, photo taken with nikon d750 +Fantastic photo of a tree getting struck by lightning, dramatic clouds +A phtorealistic picture of donald duck at the beach +scary, dark, horror themed, image of an old eerie, forest, digital art, 4k, ultra +scruffy cowboy with shotgun sitting on a porch +A photo of a giant leaning tower of cheese, 8k, +Mickey Mouse in Friday Night Funkin' +masterpiece, best quality, 8k, fantasy painting of beautifulcyborg man, warframe style, black gold, ultra detailed, ambient light, volumetric lighting, dark night rock mountain, reflection of light, reflective lighting, sharp focus, battle pose, face focus +yellow duck, colored, splash, high detailed, drawing +Natalie Portman as a 25 year old female scientist, walking in a tunnel, blue hair, wispy bangs, white lab coat, pants, smiling, stunningly beautiful, zeiss lens, half length shot, ultra realistic, octane render, 8k +a Na’vi naturist in the Pandoran jungle +If you are V1 make a picture of an owl with flowers on its head, but if you’re V5 make it a lady instead. Oh, and she’s holding an owl k thx +Guy Fieri in a modern restaurant kitchen, painting by Greg Rutkowski, dramatic lighting, at night, sharp focus +2 cartoon children playing soccer outside +Picture of a nice bedroom but white eyes are watching from inside the closet +cinematic scene from Elf Treehouses built among the leafy trees, dark fantasy, hobbit houses mix threehouses, sharpen, incredibly detailed, professional lighting, high resolutions, hyper realistic, cinematic lighting, cinematic photography, octane rendering, 32K, very intricate details, dynamic contrast, Blender rendering, cinematic photoshot,Maya rendering, Cinema 4D rendering +Digital painting, Sea Creatures, Crawling, Realistic details, Dark blue and green, ar 4:3 +an engraving of king arthur standing on a rocky outcropping with castle camelot in the background by gustave dore, caspar david friedrich, ian miller, highly detailed, strong shadows, depth, lithograph engraving +photorealistic, 4k, high detailed, A classic tree wine press, a large wooden barrel, lever used to apply pressure using a hugh tree trunk +2024 photograph of US soldiers on the beaches of Guangdong, China for World War 3 4k, surreal, realistic +charmander fighting in a gym battle, digital art, 8k, volumetric lighting, ember +Hiking with an armadillo instructor, studio ghibli, Canon realistic anime photoshoot, stunning detail, award winning, captivating lighting, masterpiece +Jennifer Aniston, toned upper body, defined abs, slender legs, crucified, string clothing +, fantasy, pastel, absurdist, photo, delicatessen +man balancing on wooden stilts in the height, nicolgara ronda seville peasant ftheday sad shouting, Jules Bastien-Lepage +a beautiful greatsword in the style of dark souls. Long blade, ornamental. intricate crosshilt +Batman, business illustration design, design on adobe illustrator, color for web illustration ai, smooth lines, moonlight palette, simple background, vivid color, minimalist style +Portrait of a fairy tale princess by Scott Naismith +A cyberpunk bladerunner styled city, photo-realistic, UHD, 8K, CryEngine, octane render +A logo for a music company +anthropomorphic hippopotamus, unibrow, muscle fat, male, furry art, digital art, disney zootopia +A classic car made of glass, the internal components clearly visible, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Fantasy, pastel, absurdist, photo, scout badges +the complex scene from anime of marvel ironman in the style of Hayao Miyazaki, Studio Ghibli, dvd screen grab, Spirited Away style +A silhouette of a African mermaid sitting on a rock, rear view, looking at the see, sunset, birds +a being from another planet, futuristic, arrived on earth in a spaceship, year 2030, realistic, detailed, photo taken from afar, being from another planet in full body, he is far away walking facing the camera, award-winning studio photography, professional color grading, soft shadows, no contrast, sharp and clean focus, film photography, high resolution, 8K +Portrait of a fairy tale princess by Edward John Poynter +Old abandoned science lab, hyperrealistic, vintage, glowing +Logo of a mouth sewn shut, Hyper realistic, ultra realistic, realism, Mascot for a 1970s folk progressive rock band, circle head, a menacing whimsical creature, dirty, gritty, grungy character, by Jimmy Lee sudduth and Leonardo da Vinci, surrealism, contemporary, character design, intricate, colorful, saturated, vivid, Southern Gothic, vintage, antique, +school disco, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Ellie from "the last of us" game, swimming clothes removed +Green Copper statue pin-up huge arsch +photo portrait of 20 year-old Barbara Eden with ash blonde hair and thin eyebrows, as a naturist at a park +full body Portrait of Ariana Grande +Medusa in the style of line art, outlines only, line drawing, snake hair +niels spinomithbkk gidak ". grandmother, Anna ancher, gustav royo ingle grandmother seated recalling hardworking famine, Katherine kollwitz +Starry Night in Anime style. Anime Starry night. People, soft lighting. Anime style detailed matte painting hyperdetailed beautiful anime. Well composed. Cinematic lighting. Complex geometric fractal lights. Highly detailed digital painting. DSLR, 16k resolution. By Anna Podedworna, Akira Toriyama, Yoshitaka Amano +indian beautiful witch princess, long hair, ornate, elegant, amazing, intricate, face details, extremely detailed +film still, close up, taylor swift rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +vector illustration with person's face, monochromatic, black and white +city center public park, modern landscape architectural design for industrialpunk, water in the middle, dramatic lighting and composition, octane render, unreal engine +Photo of a young beautiful woman wearing a red dress, she's also wearing a red hat, fancy +oversized flowers and female mannequins with heads in geometric shapes made of iridescent glass, gum and jelly in a surreal city garden with a lot of huge flowers +the most beautiful girl in the world, insanely detailed, photorealistic, 8k, perfect composition, hard rim lighting photography, natural complexion, professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, made with midjourney +teddy and a Morris Mini-Minor,dancing teddy +attractive, young, fit man, white suit, waving one hand, rejecting, denying, sad face, angry face +A female red skin tiefling blacksmith +Ukrainian cat looks like II world war pilot, flight helmet, wearing skin pilot's cloth , resident evil comic style, highest detailed, 8k hd, marvel comic, dinamic pose,epic view, cinematic light +Generate an image of a River in the style of David Hockney's Pop Art ar 3:2 Optical zoom +a cyberpunk ninja girl climbing in through a broken window +Trees growing all around,Rich in form,design by Zaha Hadid,museumbuilded by bamboo ,with Some people who exercise,Medium Long Shot,high detail,architectural visualisation,traffic fittings,Architectural photography,Canan EOS M50,FE 35mm F1.8,ISO 400 +bearded chris pratt, male poison ivy +a cloud that looks like a majestic dragon, whimsical fantasy digital art print by vladimir kush +Kurt Cobain preforming at mt smart staduim aukland new zealand +an inspirational meme for drinking coffee in the morning +photo of young ballet instructor teaching girl in ballet studio, nikon D5 +30 year old Elvis Aron Presley auditions for the role of Captain James T Kirk on Star Trek The Original Series, 1966, scifi, technicolor, discussion, script +Realistic Black and white portrait of Jenna Ortega +axolotl in the style of minecraft +a dieselpunk train, unreal engine 5, 8k resolution ,shadows, oil painting, smooth, ultra sharp focus, ominous, movie poster, intricate artwork masterpiece, ominous, matte painting movie poster, golden ratio, trending on cgsociety, intricate, epic, trending on artstation, by artgerm, h. r. giger and beksinski, highly detailed, vibrant, production cinematic character render, ultra high quality +Easter egg tree, detailed, morning, elaborate +cute anime girl, visual novel, lightning goddess, upper body, glowing eyes, dynamic pose, intricate clothes, casting spell, blue eyes, intricate background, perfect hand +A portrait of young giant muscle interrogater crush busting pregnant slave girl at Torture Chamber. highly detailed horror art +preteen girls with no underware in the the bedroom with dark background, with dark defined eyes and a expression of pleasure in their faces like a movie of David Hamilton +High detail RAW color photo professional close photograph of young blonde woman with small black boy,realistic,sensual,masterpiece,studio lighting,award winning photo,4k,high quality, highly detailed,hasselblad +a couple of people that are in a boat,inspired by Willem Maris, trending on unsplash, regionalism, anamorphic lenses. high quality, ilse gort, outside in a farm, reeds, trip to legnica, rik oostenbroek, family photography, connectedness, z +Still from a disney pixar 3d movie render of a cute kitten wearing a hat walking next to the great pyramids +woman lookng at miku poster, photorealistic +Sunset over dark island, hd, dramatic lighting, detailed +, fantasy, absurdist, pastel, photo, Wes Anderson, bumblebee characters in boots, techwear +handsome muscular fallen Angel from Hell, hyperrealism, art by Caravaggio, dynamic pose, deep colors, City Scape, smoke, fire 8K resolution, cinematic, moody, neo noir, red hue, horror, stormy, cityscape, dramatic, romantic +Black and white futuristic portrait old mindless professional photographer with camera in hand Covered by kangaroo in a toilet covered by mushrooms +cartoon bully maguire in funny pose by TanvirTamim, intricately detailed fluid gouache painting by Jean Baptiste Mongue, ink flow, calligraphy acrylic chinese ink color art, Might produce some random potatoes when remixed !! +A giraffe by m c escher, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +pepe the frog by pablo picasso +a cinematic image by roger deacins ,a wide angle photo of roman soldiers in front of courtyard roman buildings,technicolor film ,roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +Detailed shot of Alison Brie smiling, photorealistic +a raw photo close up of the heavenly catholic demon cyborg inside an iron maiden robot,large view,a surrealist painting, inspired by Jean Fouquet,by vincenzo riccardi and Philippe Druillet,masterpiece +realistic, fashion model, photorealism, colorful, magazine cover, text, skinny little preteen 8 year old girl, straight blonde hair, croptop and miniskirt, muppets and old man, bedroom, chains and ropes, starwars, muppets. by gustav klimt, dino valls, gustav klimt, Daniela Uhlig, thomas kinkade +instagram model dressed like princess peach visiting a fracking site in alaska, selfie, wearing yellow hard hat +isometric oil refinery, cyberpunk style, realistic, video game, style of behance, made in blender 3D, white background +Photo of a VW beetle as a military vehicle +A boy holding a sign that says "I love you puta" +an anthropomorphic wolf, medieval, adventurer, dnd, nature spirit, rpg, rustic, fantasy, hd digital art +3girls, the women are 25 years old, rear view, in miniskirts, at a festival +beautiful painted portrait of princess zelda from breath of the wild, by alphonse mucha +high quality color portrait photograph of young beautiful Elizabeth Olsen with a black dog,sharp focus,cuddling,highly detailed,stunningly beautiful face,award winning photo +A chair made out of colourfull leather and metal, origami body, desugned by eames and saha hadid +Night dramatic atmosphere, close look of tabaxi rogue looking like a caracal, wearing a dark red tagelmust, unreal engine, fantasy world, futuristic,face hidden with dark blue cloth, in tight black engraved filigree leather armor + ultra photorealistic + Hasselblad H6D + high definition + 8k + cinematic + color grading + depth of field + photo-realistic + film lighting + rim lighting + intricate + realism + maximalist detail + very realistic +Marriage photo of 2 goats , dressed elegant, photo +three dogs and two cats at a bar +a phone in his hand, on the screen of which a heart with a pulse is drawn +zentai woman wearing tight zentai body that covers eyes and covers face and covers head +a smart big happy man with fancy black clothes and short curly hair working on his computer +a kangaroo warrior with eye scar wearing a noble's robe,fighting against the demonic orca warrior wearing tribal armour,city streets,at night,neon lights,concept art in the style of aralan bean and by artist Ian Miller and inspired by Ken Kelly and Philippe Druillet,volumetric lighting,detailed shadows,extremely detailed +full body photograph of a cute and alluring Instagram sitting in a modern yoga room she has brown hair is doing meditation glamour shot, award - winning photograph, detailed skin texture, sharp focus, natural lighting +Darth Vader holding lightsaber and stading in evil looking corridor inside Death Star +a fantasy princess with long blonde hair wearing an intricate ballgown, unreal engine, 4k, trending on artstation HQ +DSLR photo, woman upper body and head, leather clothing +highly intricately detailed photograph of a beautiful glowing celestial cosmic Guardian Rabbit, centered, fantastical, fantasy, in the style of Ross Tran, RossDraws, Android Jones, Anna Dittman, a beautiful Digital painting, concept art +Post-apocalyptic Disney princess with a dog sidekick in the Mad Max universe +Sonic the hedgehog waving goodbye, anime style +Antique, warm hues, massive black rubber dildo, urine spray, Aboriginal girl doing the splits upside down, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Realistic photo of a butterfly flying in between the flowers, and a 4-year-old girl sitting on the butterfly +Cursed Image of a Golf Flag +a West African mermaid with a purple blue mermaid tail, purple bandeau top, dark eyes, braided hair +Rainbowcore Aesthetic glowwave spectacular fantasy scene a transparent butterfly made of star clusters, NASA image, ethereal background, cosmic surroundings, aurora borealis, vibrant colors, detailed celestial object, fantasy elements, sci-fi feel, photorealistic, octane render, unreal engine, hyper-detailed, volumetric lighting, hdr, dramatic lighting, 4k, unreal engine, octane render +fantasy art print, hyperrealistic wildlife acrylic painting by daniel wilson of an peaceful giantious towering eagle peacefully bowing down to a small girl +Photo of a beautiful woman, curvy, +Realistic Close-up on the beautifull texture red make up lips of a beautiful appealing confident brave young alluring profesional dominate human looking female teacher +A family photo from 1986 with b-movie monsters +art print of a cute rock elemental spirit creature by league of legends +crazy library building, books, artists rendering, concept art +Mahindra Thar, an epic fantasy, dramatic lighting, cinematic, establishing shot, extremely high detail, photorealistic, cinematic lighting, artstation, by simon stalenhag, horizon forbidden west +beautiful flawless asian girl with fair skin and nice body posing in a pool +a giant woman walking through the city +a nun with a steel pipe Surrounded by zombies +an image of cozy office interior +A highly detailed landscape painting of a fluorescent mushroom forest at night painted by Blizzard Concept Artists featured on ArtStation +protest of teddy bears in New york +a photo realistic chicken eating corn +A panda bear as a mad scientist with atom as halo +a photo of a hand doing a peace sign +city scape with a floating city in the clouds with space background +el chavo del ocho in mexican vilage 1979 35mm old grain film +**a portrait of usa dollar burning hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +Portrait of Cyborg with Translucent skull, higly detailed, intricate +a funny motion blur meme holographic emoji with intense laughter. OS running a dialectical Machine inside a Macintosh classic graphics with Touchscreen and vaporwave keyboard +Inside a Empty Pool that's Inside a Dark Room with Sun Ray's Coming through a Window +Photo of Ford Model T equiped with retro self driving lidar, circa 1920 black and white +painting of beautiful goddess of basalt, trending on artstation +Photo 女士 Женщина wildberries.ru spotlight warm light +International conference on aerospace science and technology +chun-li, gothic anime cute girl chun li, street fighter, chinese dress, pale skin, goth, digital art, mastepiece, art by artgerm and John William Waterhouse +a woman heat pressing a shirt +a photo of armor on display in a roman villa,Tripod cauldrons fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +whimsical fantasy Tree bubbles, fireflies, night jeremiah ketner, android jones, fantasy illustration, award winning, intricate detail realism illustration, flowers by Brian Bolland whimsical 8k +spooky cartoon ghost laughing and dancing +Saint Petersburgs sunny day style Wes anderson +landscape coming out of a wall complex 3d render ultra detailed of a beautiful porcelain landscape , biomechanical , analog, 150 mm lens, beautiful natural soft rim light, big leaves and stems, roots, fine foliage lace, colorful details, art nouveau fashion embroidered, steampunk, intricate details, mesh wire, mandelbrot fractal, anatomical, facial muscles, cable wires, microchip, elegant, hyper realistic, ultra detailed, octane render, H.R. Giger style, volumetric lighting, 8k post-production +plain looking young barmaid, wide angle, medieval, plain features, crows feet, eye bags, tired, wool clothing, in a tavern, warm lighting, thin, depth of field, realistic, sharp focus, 8k, skin pores, +an anime girl wearing a winter coat with fur trimmmed hood, digital art +orange YouTube on tv in house +fisheye selfie photo from atop a cyberpunk skyscraper at night +A photo of a beautiful woman in baroque room, pale skin +A logo with the text 'Teelaunch' with a white background +black business woman with 5 suitcases in an airport full of ROSES , she looks out of a windows to the airplanes +Steve carell is sitting relaxed on top of a mountain +Alice in Wonderland, Book Cover art, Composite art style, Dan Santat, Beatrix Potter, Jesper Ejsing, Theodor Seuss Geisel, Ismail Inceoglu, Edward Ardizzione, A masterpiece, Poster art, Splash art, sharp focus, Fluid lines, digital illustration, Hiroyuki-Mitsume Takahashi, Randolph Caldecott, James Gurney, Maurice Sendak, John Tenniel, Reflections, HD, cel-shaded, fractal details, Volumetric lighting, detailed background, Alice in Wonderland Characters +A person wearing a face mask with a cute smiling face on it +A princess in a bathing suit +Kinky young, Webcam, Only Fans, 18+ +an alien female fashionista that loves tennis +A beautiful pink enchanted forest, papercut, origami, papercraft +A burly masculine ogre illustrated like the works of Aleksi Briclot and Helmut Wenske. +An image of a landing page of a videogame indie company +ronaldo playing brazilian songs on a tv show +Black and white 1905 year surialistic cyberpunk 1905 photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +Close up portrait, Terracotta Space Squid Robotech Mecha Warrior, rococo details, in the style of Katsuhiro Otomo & Osamu Tezuka, cinematic lighting, vibrant and vivid +a woman running in a forest chased by a bear +a cartoon of a cat driving a car +a photograph of a robot inspecting a lotus esprit car that is in the jungle ,4k wideangle photo +Twerking elephant, anthro, anthropomorphic, twerk, back view, cartoon, illustration, humor, +amazing architecture design of muslim mosque +A dining room chair in Scandinavian design +A flying car traffic jam in a dystopia future where McDonald's owns everything +A Porsche 911 covered in foliage in a showroom +A zombie with a pineapple head +a stained glass vase with flowers in font of the window +a small tortoise in a forest clearing looking to the side +a boy walking through a forest in fall with leaves falling, trees with orange leaves, boy facing the back, with a schoolbackpack, with white flowers on the ground, high detailed, anime style, stylized, digital art, trending on art station, at dusk, water color +High detail RAW color photo professional close photograph of Emma stone,solo portrait,textured skin,sensual,masterpiece,award winning photo,4k,high quality, highly detailed, +A poster likè Alfons Mucha of a beautiful young chu nese couple on each other arms a Tea set on the forefront i a Palace +painting of a low fantasy castle in the distance +a schoolteacher wearing a sky-blue dress sitting on her desk with her legs crossed, by Gauguin +cute fire elemental by claude monet +A dog wearing a as uniform +The baby gorilla in the bunker +ballet dancer, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +a full body cinematic movie still of an alluring beautifull goddess gorgeous face surrounded by intricate complex cyborg xenomorph by karol bak , by artgrem, beeple, 4k, cinematic lighting, trending on artstation, solid black background +Photo of an overweight cat in a sofa +a person holding a sign that says "goodbye" +Magic wand made of sweets, rtx, hq +Black cat in a baby basket in front of an orphange +three men on a giant tv, anime style, steampunk art +a flock of seagulls on top of ship line, in the style of finding nemo, pixar animation, detailed +a drawing of a building with a fountain in front of it, flickr, neoclassicism, gate, architectural model, tomb, gerit dou, front portrait, unknown, the entrance of valhalla, orthographic projection, temple, 1787, beautifully rendered, tall entry, zac retz, architectural +An image of ufo, dynamic lighting, electrifying, synesthesia, ufo style +A timeless portrait of Tony Soprano as a Roman Emperor, depicting the iconic crime boss in all his ruthless glory. This high-resolution poster features a detailed illustration of Tony, crafted with quality materials and rendered in stunning 8k resolution +Generate an image of a Harbor in the style of Kunihiko Ikuhara's Revolutionary Girl Utena Aperture effect. Focus stacking +a painting of a forest filled with trees, behance contest winner, psychedelic art, glowing stained glass backdrop, !!beautiful!!, colorful glass wall, stunning screensaver +a map of prehistoric earth. dragons +View from ptuj, Slovenia, winter, nighttime, Christmas lights +the first man on earth, digital art, abstract +selfie photograph of a young blonde woman surrounded indian men,extremely beautiful woman,pretty face,realistic +stanley kubrick dressed as a mime +art by Patrick Woodroffe, copper-foil method stained glass motif, whole body portrait of 20 year-old Jennifer Connelly as a naturist in a mystical foggy forest at twilight, HD 4K, sharp detail, photo-realistic accurate face and features +Anthropomorphic Cat King in Crown and business suit, Composite art style, Cityscape, Victo Ngai, James Jean, Jesper Ejsing, Anton Fadeev, Pascal Campion, Ismail Inceoglu, Jean Baptiste Monge, A masterpiece, Poster art, Splash art, sharp focus, Fluid lines, digital illustration, Hiroyuki-Mitsume Takahashi, Gediminas Pranckevicius, James Gurney, Huang Guangjian, Takashi Murakami, Reflections, HD, cel-shaded, fractal details, Volumetric lighting, detailed background +Portrait of a mysterious young man and woman in a bar, 20 years,leather jacket, blond hair, red dress, full body shot, stylish, neck tattoo, soft light, neon, 24mm lens, realistic, piano, Music, guitar, band, notes, date night +cuddly stuffed dinosaur talking to a microphone +Itamar Ben Gvir in ghost busters costume +Go to the bathroom, then switch off the light. You will see a holographic image of your cat inside the toilet! +centaur, a mythical creature,half human,half horse +A banana that looks like it was chopped with an axe +iridescent, scales,tunnel flowers, blues, textured, intricate,highlights prisms, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger,bright center,lens flare,fireflies +a close-up portrait photo of Albert Einstein, photorealistic, highly detailed skin, +photo of teddybear looking at a landrover defender in the jungle river,furry teddy misty mud rocks,panorama,headlights Chrome Detailing, teddybear eyes +a cute pig with a ponytail +Attractive woman in her room; trading crypto; +a cat driving a gorilla car +a sloth as life guard watching the beach +Marilyn Manson wearing a shirt that reads Heavy Metal +Kiwi fruit, mint leaves, ice cubes, background yellow, splashing water, loose painting style, soft box, back light, creative food photography, Art by Alberto Seveso, +, fantasy, pastel, absurdist, photo, refined, bird people, bright +a glowing casting circle pentagram on the floor of an abandoned room with furniture covered by spiderwebs, eerie atmosphere. comic panel style +hyperdetailed digital illustration of a Winged Dragon, 16k resolution, hyperrealism, CryEngine, Unreal Engine 5, fantasy dragon +a wolksvaguen sirocco on a mountain in a beautiful sunrise +a beautifully rendered anime-style portrait painting of a powerful mage approaching a tower +Antique, warm hues, full body, skinny shaved bare black negro lesbian teen girl 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Graceful black gooey, slimy latex panther, lounging on a white couch splattered with goo in a shed, dramatic atmosphere, light streaming through window blinds on the right, embodying elegance and contrast between black latex and white couch, striking visual element in photoshoot scene +Qiang ethnic minority girls on the mountain ridge. +wideangle view futuristic people standing on voxel landscape looking at a distant view ,with a city in the distance +an image of skynet using chatgpt in the end times +young jewish woman eating it deep +Paul cattermole standing next to his own grave +the little prince, A single red rose growing on a tiny planet, +Flying vehicle, non-existent, unique, masterpiece, marvelous, fantasy, unusual, very unique, magically, wonderful, Megapixel, LED, future, high-tech details, border of magic +The pope wearing a shirt that reads Rock N Roll +Attack of 50ft tomb raider lara with a car in a hand, bridge under her legs with tiny cars and tiny people running around, (extremely detailed CG unity 8k wallpaper), masterpiece, (8k wallpaper), perfect, masterpiece, intimate composition, Cinestill 800T, modelshoot style, (8k wallpaper), perfect anatomy, masterpiece, highres, hdr, 8k, 85mm, Cinematic, giantess, (smirk), (big eyes), beautiful punk, modern +a universe in a glass sphere +art poster, gorilla grodd by legend of ravaging dynasties +Painting of abandoned decaying ancient elvin buildings +a beautiful woman pretending to pout +Statue of Liberty holding a sign that says Heavy Metal +UFO, galaxy, space, realistic, photograph of UFO +Photo of a blonde girl, intricate white respirator and armor +weird ai generation of an uncanny person face +a small hut on a beach in Thailand +photo of 42 y.o man in black clothes, photorealistic, bald, face, half body, body, high detailed skin, skin pores, coastline, overcast weather +Oil painting of an elegant and strong female warrior, woelding a big sword. Concept art, breathtaking +mercedes clk gtr at nürburgring, action shot, insane quality, realism, dslr, award winning +an empowering view of a orca warrior wearing royal robe,sitting in a cafe drinking coffee next to a kangaroo warrior with an eye scar,menacing,by artist Ian Miller,Ken Kelly and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +Hype Williams characters cinematic still shot ninja scroll capsule corp style +a photo of roman soldiers in front of roman buildings,ben-hur , a detailed photo, julius Caesar , julius caesar, ceremonial, many columns, demolition, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium ,claude-joseph vernet +A black belt karateka performs a mae geri, at the foot of a cherry blossom tree, in the yard of a traditional martial arts school +art by Alfons Mucha, stained glass motif, Suki Waterhouse as a cosmic naturist in Egypt in front of the Great Pyramid, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +photograph of a crocodile eating a pineapple +Still Shot of a, 20yo German Princess Inside a horse carriage +Day and Night at the same time +On a chessboard, a black knight piece in the shape of a dragon, surrounded by white pawns, render, cgi, high quality, modern, good lighting, marble surface, realistic +Mario Bros action figure wearing a coat, with a magnifying glass in his hand, standing over a puddle of water, professional shot, product shot, 8k +Angry woman running on the beach +high resolution, realistic concept art, sense of awe and scale, anthropomorphic, organic +Epic award winning cinematic close-up portrait photography of human praying covered in plastic in SECT, pain and terror. dead bodies in the background. Subtle fog. Gloom. Uhd, 8k, 16k, hd, hq, sharp focus, hdr, octane, glossy textures, photorealistic, volumetric lights, ray traced, +A dark haired teenager resembling marvel's Rogue. she's wearing a purple cloak, and raises her hand to the front of the picture. In her palm, there is a ball of flame. comic style. +Magician, female, fantasy, intricate, elegant, highly detailed, digital painting, artstation, concept art, matte, sharp focus, illustration, art by Artgerm and Noah Bradley and Scott M Fischer and Greg Rutkowski and Alphonse Mucha, UHD 8K, fantasy, great composition, set in a dark forest, path tracing, occlusion, Refined, Highly Detailed, Soft hues, colors scheme, fine art photography, Hyper realistic, photo realistic. Al +surreal ultra realistic photography of a giant octopus that is in the sky, people are watching it, from a chinatown, epic scene, dark lighting, sinister photo +a cool cat smoking sigar on a sunny beach +spacious room made of lego background image +A translucent ghost dog, eerie , in a dark haunted house +RAW photo of beautiful woman face, masterpiece, perfect lighting, perfect face, eye contact, green eyes, studio photo, on couch, perfect lighting, beautiful lighting, smooth lighting +To ensure that you are a real human we kindly request users to authenticate via Google or Discord before generating and participating in the Pick a Pic project. +Leatherface funko pop, extremely detailed, 8k +A photo of a tree with eggs growing on it, close-up +surreal psychedelic man running out of a woman's head! surreal cosmic dreaming woman surrounded by wisps of imagination and thoughts running out from her head by Andreas Lie! android jones; Amy Sol; Camille Rose Garcia; Takashi Muramaki; large bright moon; starry night sky; high contrast fiery colours, ink on watercolour, inkblot; speed paint; Quentin Blake; unique composition +“huss” , text in graffiti style, creative, high quality, digital art, white background , vector art +fantasy action scene, epic illustration, Arzach ; Fantasy · 1975 · Heavy Metal, jerry cornelius Airtight Garage Comic, horror fantasy distinct elegant gentleman speeds away 4052 Dieselpunk Starship secret military laboratory, UFO cyborgs pursuit, Rick Sanchez, retro lost n space adventure, fantasypunk futuristic universe, valerian no man's sky artifact, intricate details, refined highly detailed, jean giraud michael cheval agali villeneuve boris vallejo jean giraud Art Frahm greg hildebrandt tooth wu katsuhiro otomo arthur rackham, +A pencil sketch of a eagle face lady with face visible standing on an epic cliff huge hair Highly detailed well shaded realistic back shot mid low angle +woman, tall, brown hair, brown eyes, mid curly hair, long face, thin, big nose +young man, lean and muscular build, short messy dark blue hair with bangs that partially cover the forehead, bright green eyes, pointed chin, black track suit with white stripes down the sides, black sneakers, green eyes +a little girl in the style of Van Gogh +Kiwi fruit, mint leaves, milk splash, realistic photo, food photography Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting 8k resolution concept art bokeh volumetric lighting intricately detailed Jim Burns Kandinsky color graded hyperrealism DSLR sharp focus golden hour +Illustration of a dark skinned elf with blonde long messy hair and green eyes using denim shorts crouching in an european village +a green train is coming down the tracks +a bloody skeleton knight holding a battle axe +Photo for music album, melancholy, loneliness, stormy night, intricate, highly detailed +a surreal dreamlike scene of a beach covered in wires and mechanical tendrils, highly detailed oil painting, 8k, devastatingly beautiful atmosphere, elegant cinematic fantasy art, overwhelming depth and detail, magic, vibrant colors, intricate masterpiece +blessed mary hugging a boy, animated, stylized, +liminal space, twilight, whithe walls covvering rolling hills,mist at the horizon +Photo studio portrait vladimir volegov of a blonde woman depth of field bokeh ultra high detail 8K HDR VFX ultra cinematic dramatic light contre-jeur volumetric ray tracing shadows anti-aliasing shadows post-processing post-production octane render ar 32 +a girl applying lipstick very messily, insanely detailed, photorealistic, 8k, perfect composition, hard rim lighting, natural complexion, professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece +two cats playing chess in the park, realistic, professional picture, 4K +A phone photo of Joe biden smoking nicotine +Statue of Liberty holding a sign that says Heav Ly Metal Rules +Beautiful woman, art by Hugo Pratt +shield made out of blue UV light, modern, graphic design, logo +robotic owl, sweet, colorful, high detailed, splash +eldritch monster, greyscale by robert longo +Screaming Man with head in a cage of bees, complex textured skin, ] +Jack White and Meg White guest starring in the Simpsons +cinematic action shot of a dark wizard creating eerie magic, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +high detail digital matte painting portrait close up of wrinkled old man with mushrooms growing from his head; enchanted mystical woodland; by Andrew Ferez; by Android Jones; by Jean-Baptiste Monge; by Keith Thompson; dramatic lighting; dark fantasy; CGSociety; intricately detailed oil painting; inkblot; high contrast colours; deep depth of field; unique composition; dynamic pose; Splash art +acrylic ink flow by Android Jones; intricately detailed fluid gouache painting +A beautiful clown woman with good curves, teenage, petite, cosplay, long hair, torso shot, smiling, makeup, masterpiece, photograph, , +Eiffel tower on venus, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a cropped portion of a promotional for a shonen anime with a chubby protagonist. +A screenshot from a first-person video game where you are a bartender in a fantasy tavern serving various monsters, unreal engine 5, 8k ultrahd, mindblowing graphics +Colonel Sanders using a heat press +woman holding bitcoin, fashio 40s vintage retro illustration style +Zdislaw Beksinski Lewandowski dustyray oil painting +A tall statue of Pickachu on a tropical beach, from a distance, misty environment +Marylin Monroe as an Elfin princess naturist in a magical mystic forest, fingering her clitoris, HD 4k, sharp detail +a spring day with an easter bunny costume sitting in the middle of a field surrounded by flowers, holding easter eggs +Wednesday Addams wearing sunglasses wearing a shirt that says rock n roll +portrait of a pumpkin head, oil pastels +A 1945 WWII propaganda illustration of Dwayne Johnson, masterpiece, absurdres, highres, featured on ArtStation +Painting of Alice Liddell in Wonderland whimsy style +realistic photo of 8 year old girl megumin from konosuba swimming underwater, full body, , cosplay +Iron maiden robot bishop, cyberpunk, katsuhiro otomo surrealist painting +A Polaroid photo with white borders and an antique look. It shows a brown teddy bear wearing a pink apron and yellow rubber gloves. He is standing in front of a sink full of dirty dishes and suds. He holds a clean dish with one hand and a sponge with the other. He has a happy smile on his cloth face. In the background is a kitchen with wooden furniture and a refrigerator with magnets +highly realistic photograph of an elegant ugly loading her shopping bags into her car trunk +birthday suit girl, long hair, bend over +A dining-room chair in Scandinavian design +Cyberpunk, Ancient India style, fine details, si fi, silver on a black background, bas-relief, cyborgs, neon lighting, contrasting shadows, contour light, three-dimensional sculpture, high resolution, 8k detail, baroque, clear edges, technology, mechanisms, +detailed painting that is beautiful and whimsical with cotton candy clouds and balloon hearts and flowers inside +Landseer Newfoundland dog sitting by a lake at sunset +Capybara victory against goats on hill +8k uhd photograph of a commercial airplane +A logo for a burger place vector image +photo of sheep playing on nintendo switch +A lone piano in a sombre rain scene. +A couple on a table on the amalfitani coast +Illustration of evil angry skye from paw patrol +Masterpiece, best quality, dark elf executioner in desert catacomb wearing leather and chain armor, beksinski, trending on artstation in ancient dwarven stronghold, carved deep into the mountain, with massive stone gates wearing hide armor, Artstation, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Ian McQue, by Syd Mead, by Simon Stålenhag, +die cut sticker, keanu reeves dressed as han solo, detailed, white background, centered +Cyber ​​cutlet, cartoon, 3d render, cinema style town background +zentai woman wearing zentai body that covers eyes and face and head tightly +Retrato punk de messi sosteniendo una cabra +Grey and green marble texture, shiny, slightly glittery texture, metal effect, warm color and bright lighting cinematic, soft studio lighting, backlighting +RAW photo beautiful blonde freckles, epic pose, marmaid tail, ultra high res, 8k uhd, dslr, underwater, best quality, under the sea, marine plants, coral fish, a lot of yellow fish, bubbles , aquatic environment. +digital illustration , Faith and spirituality concept, sky and birds, trees and flowers, detailed, high quality and 4K definition +Movie still of Christopher Walken in Star Trek Next Generation, as Captain Jean Luc Picard, expressionless, scifi, concept art, +text make of water that says Love +The fall of the garden of eden high saturation +a super cute anime girl with pink hair, and sunglasses and a beach background, wearing almost nothing +**a portrait of a bitcoin as the sun rising as a sunset over the blue ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +analog style, best quality, gorgeous young Swiss girl sitting by window with headphones on, wearing white dress, soft lips, beach blonde hair, octane render, unreal engine, photograph, realistic skin texture, photorealistic, hyper realism, highly detailed, 85mm portrait photography, award winning, hard rim lighting photography , extra fingers, mutated hands, ((poorly drawn hands)), ((poorly drawn face)), (((mutation))), (((deformed))), ((ugly)), blurry, ((bad eye)), ((bad anatomy)), (((bad proportions))), ((extra limbs)), cloned face, (((disfigured))), out of frame, ugly, extra limbs, (bad anatomy), gross proportions, (malformed limbs), ((missing arms)), ((missing legs)), (((extra arms))), (((extra legs))), mutated hands, (fused fingers), (too many fingers), (((long neck))), Photoshop, video game, ugly, tiling, poorly drawn hands, poorly drawn feet, poorly drawn face, out of frame, mutation, mutated, extra limbs, extra legs, extra arms, disfigured, deformed, cross-eye, body out of frame, blurry, bad art, bad anatomy, 3d render] +vector of human resources in white and brown color 4k +ambrotype halloween costume with tentacles in cemetery with a glowing alien knife, on an alien planet, extremely detailed, octane render, 8k, highly stylized, trending on artstation, smooth, sharp focus, illustration, intimidating lighting, incredible art, by artgerm and greg rutkowski and alphonse mucha and simon stalenhag, wide shot, tilt shift background, high speed photography, hyperrealism, Octane render, Redshift render, High Angle from Grafit Art and Greg Rutkowski and Igor Kieryluk, 8 +artificial neural network, octan render, particles, majestic visualisation, motion design, murat pak style, trending on vimeo +Prompt: A digital painting of Harley Quinn from Batman comics, standing in the middle of a circus ring, holding a baseball bat, surrounded by circus animals, wearing a playful and colorful outfit, neon colors, bold lines, intricate details, 4k resolution, iPad Pro, theatrical lighting, 24mm lens +Attractive young Neve Campbell talking on the phone, touching lips, blurry background +firedance, from riverdance the show, flamenco +Framing pose, technology stucco, cyberpunk India, cyborg statue, Ghost in the shell style, robotic statue, canon pose, mechanical sculpture, mehendi body painting, bird, yantra, mask, baroque style, Kathakali character, high technology, detail, spotlight, shadow color, high contrast, cyberpunk city, colorful, epic ambient light, high tech, high contrast, hyper realistic, 8k, epic ambient light, octa rendering, soft ambient light, HD +a red haired, cheeky man (looks very similiar to Eddie Redmayne), dressed in a ]!!, travelling cloak, and +An alluring gondolier in a Venetian canal, attractive cute female gondolier, shapely, revealed, visible, peaking, hint, suggestive, legs +The sorceress stood in the midst of a dense forest, her brown skin is brown as the bark of the ancient trees that surrounded her. Her green hair was a vibrant green, the same hue as the fresh leaves of the forest canopy above. As she moved, her movements melded seamlessly into the surroundings, almost as if she herself was a part of the forest. The air around her was thick with the scent of damp earth and growing things, and the distant sound of a babbling brook could be heard in the background. Despite the seeming calmness of the scene, there was an undercurrent of magic that pulsed through the air, hinting at the true power of the sorceress and the hidden depths of the forest around her. +, fantasy, pastel, absurdist, photo, Wes Anderson, rodent characters, laughing +masterpiece, sheer camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +stained glass motif, 20 year-old Jolene Blalock as an Elfin princess naturist in a magical mystic forest, HD 4k, sharp detail +A car workshop in a spaceship,teddybear in uniform, inside is a model of a lotus esprit, sci fi,star trek +a boy walking down a forest in fall, no cane +a miner in space oil painting +a view from above of a demonic bison cyborg inside an ironmaiden, wearing royal robe,large view,a surrealist painting by Jean Fouquet and alan bean and Philippe Druillet,volumetric lighting,detailed shadows +a simple drawing of a woman wearing high heel boots and latex bodysuit at kitchen +futuristic real realistic 4k 150mm telephoto zoom full-frame mirrorless photo detailed city casablanca morocco cyberpunk street render new historic blend market technocratic theocratic +A oil painting portrait of Muscle bald pathological sadist severe Slaughter, wear black apron, came to oppress and enslave, at torture chamber. bloody background. Surrealism art by Ilya Repin +An apocalypse sign that says "No hay cura" +manga drawing of uzumaki girl by junji ito +Being vaccinated does NOT mean it's okay to have an internal-annihilation laser that covers the entirety of your body in neon green, purple, mauve, red, blue, and yellow. +A super attractive 14 year old girl aggressively playing with her boyfriend, wearing almost nothing, +napoleon taking a selfie with marx +World socialism, crowd of people, people standing in the square, sunrise over people, soviet union flag, waving flag, red flag, realistic, hyper-detailed, best quality, red vibrant colors +Hairy crab, Academic figurative painting by Jeremy Mann, Rutkowski, Rey Artgerm, intricate details, close-up, illustration, UHD, 4K, mylene farmer singer +A hunter in the forest with bow and arrows, highly detailed, ultra realistic , complex textured skin +us marines running at the camera with rifles in desert with fiery explosions and debris and dead bodies and limbs all around them in the style of the movie lone survivor and saving private ryan, apocalypse, gritty, 4 k, cinematic lighting, +A human torso with a skin-textured Hydnora Africana in the middle dripping mayonnaise. Realistic photo. Ultra hd 4K +Portrait of robocop wearing futuristic face armor in a neon city at night, intricate details, HDR, beautifull +A Portrait of a Sith on a Hill , High Resolution, High Quality, Many Details, Real Life +unredeemed humans, devil and his angels are in hell by Leonardo Di Vinci, photorealistic, extremely detailed, unreal engine, octane render, digital photography, cinematic, 8k resolution +, fantasy, pastel, absurdist, photo, refined, frog people +27 years old Lee Evans as wanderer, dressed in a 19th century weary, old travelling cloak and hat, portrait by Marc Simonetti, and Greg Rutkowski. Very atmospheric, detailed, realistic, 9k, natural lighting, dramatic, trending on pinterest. +Christiano Ronaldo in Bayern Munich jersey, beautiful face, real image, realistic, playing football +Close up on beautiful texture human looking hands of young apealing attractive beautiful nun +Muppet TV News Anchor reporting in front of burning building +Ancestor Tribal council circle with shaman in the middle indigenous in the sequoia forest and mountain +movie still of game of thrones +superman fighting goku in the style of dark souls, colorful artistic +Cute cat, realistic digital oil painting by monet +Guitar and Bass player with hot sweaty band singing +Illustration of two women sitting at a table eating food and drinking wine, by Milo Manara +a pink house in the middle of a garden, futuristic concept art, in bloom greenhouse, vivid glowing colors, in style of kyrill kotashev, detail render, rounded architecture, inspired by Aleksander Gine, tropical mood, inspired by Aleksandr Gerasimov, vaporwave lighting style, stylized, 3d-render, hortorium +Shy beautiful slim female thin natural female girl with trained muscles +Hot Vietnamese girl eating on small chair +a unicorn playing video games, sitting at a gaming desk +pond in a forest at night +Burning pigeon in fire flying above the clouds, fire, magic, night, moon +a long range portrait of a cyber samurai robot +Kids in room with wood bef +a closeup photo of a human hand, david lazar, Steve McCurry, Insanely detailed, appealing, ray tracing, golden hour, Rembrandt Lighting, Three-point lighting, dramatic light +The pink panther painted by Gottfried Helnwein +A couple of Chinese lovers are lying on the sofa, abstract beauty, approaching perfection,, delicate face, dynamic, moonlight, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by Carne Griffiths and Wadim Kashin +Cortana from Halo in real life +oil Panting of new zealand farm with new Zealand home +lego set of the resurrection of jesus christ +Masked Guerrila in the style of Shinkiro's SNK artwork +Faceless creature, holograms of scientists, scenario in the laboratory, monitors, cinematic, +a woman with long dark braided hair wearing blue and gold wizard robes +light pink hair color, blue eye color, slightly fatty cat, on a dark wooden shelf, curious face, stretch one leg to front +full body portrait of a beautiful young female warrior wearing armor, highly detailed, subsurface scattering, intricate armor details, cinematic lighting, 4k +stunningly beautiful futuristic cosmic girl, insanely detailed, photorealistic, 8k, perfect composition, rim lit, natural complexion, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, made with midjourney +The letter a made from materials that begin with the letter a, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A battle cyborg Alien humanoid with robotic arms a morning star on one arm organic ugly male face +Kung Fu anthropomorphic fennec fox with blue eyes, Asian clothes, furry, pretty, beautiful, DnD character art portrait, matte fantasy painting, DeviantArt Artstation, by Jason Felix by Steve Argyle by Tyler Jacobson by Peter Mohrbacher, cinematic lighting, One tail, +Busy street on insect planet, with insects and giant sentient beetles, detailed, hard focus +an Italian chef in a traditional rustic Italian village kitchen making antipasto with green and black olives, attention to human hand details; human hands with the following characteristics: five fingers, with the thumb positioned at a slight angle away from the other fingers; the fingers are slightly curved, with the fingertips pointing slightly downwards; The image should be high-resolution and detailed, with realistic shading and texture." +Masterpiece, Teacher, POV, 1 on 1, White hair, Japanese, Wildfire, Photo +A fit man dressed as a Greek god inside an abandoned library, professional photography, 5mm +Kurt Cobain in cofin dead at funeral +film still of Neytiri from Avatar +Donald trmp in public bathroom, toilet, wet floor +A very lovely girl, dark brown short hair,smile with curved eyes,round face, edge lighting, soft focus,light and dark contrast,cute girl,3d +A robot in times square holding a plaque that reads "IF ❤️" +Painting of melted gemstones flowers brane gemstones style +A middle-aged Caucasian woman with a pretty face smiling to the camera while cooking a turkey at the kitchen +gustav royo ingle grandmother seated recalling hardworking famine, Christian Krohg,melancholia +A man and a woman playing holi +A Fantasy Castle with a Bridge, Realistic, High Resolution, 4k +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Luca Giordano +masterpiece, absurdres, oil painting medium, extreme details, illustration, perfect anatomy, portrait, perfect detailed eyes, beautiful woman astronaut, full body, detailed face, cinematic light, studio quality, smooth render, unreal engine 5 rendered, octane rendered +a shot of a cafe from the outside, with the sign that says "Spoon's Cafe", cartoon, 3d isometric +a close-up photo of Jesus, photorealistic, highly detailed skin, depth of field +photo of kink kong lifting a landrover defender in the jungle river, misty mud rocks,headlights Chrome Detailing +hand painted digital art scene of a misty castle in the distance across a large field with a winding dirt road +A horse made out of watermelon +artistic art poster, mage the ascension, by alicexz, white wolf publishing, trending,hours of work +A digital painting of a fantasy monk +a person riding a skateboard in a fractured canyon environment, backside view +photorealistic surreal interpretation of magnificent koi fish in a japanese pond +A highly detailed closeup portrait of Robin Williams in 1945 New York City, Kodachrome photo +motoko kusanagi with tattoos sitting on a stool at a bar +girls portrait of malachite patterns, in a crown, art by Hajime Sorayama +Giant skull melting and creating a blood river through a city +"bruh" written on a piece of papet +Morris Mini-Minor car driving through volcanic molten lava magma, studio lighting,gallery of artworks volumetric ,white room, light,flames steam,posters on walls +portrait of a ginger woman, green eyes, black dress, medieval castle, best quality, intricate, elegant +image of the heavenly catholic demonic leader cyborg iron maiden,surrounded by bishops in red robes,glowing eyes,large view,a surrealist painting, inspired by Jean Fouquet,by vincenzo riccardi, metabaron,masterpiece +movie still of a raider madman in an abandoned wasteleand. Mad Max style. photo. detailed, cinematic, movie still, horror, dark +anime girl in the space holding a sign saying 'sdxl' as text,4k +A female bodybuilder puking into a bowl +Studio Ghibli style picture of a panda with a pilots hat +A photo of teddybear looking at a austin mini, wearing suit,4k +Planet earth evolved into a human female, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +anime art fullbody portrait character concept art, anime key visual of elegant young female, platinum blonde straight bangs and large eyes, finely detailed perfect face delicate features directed gaze, laying down in the grass at sunset in a valley, golden hour sunset +Award-winning Kawaii illustration of a cat samurai, holding two swords, background cyberpunk Styles, 4k,golden hour, cinematic light +Sunset reflecting on a crystal ball. We can see waves in high resolution. Red sun. Jupiter. Mars. Blue sky. Some clouds. Picture like. High definition. Award winning image. Expensive. +photograph of yellow chicks and golden goose eggs +Wednesday Addams wearing a shirt that reads hell +photograph, high detail, high defintion, 8k, hdr, global illumination, girl bare +A dapper looking Panda in suit, posing for a business photo +70s, 30mm film, heavy grain, plane, coming out of cloud, +sculpture made of purple ice cream +Street style photo,full body shot, beautiful female super model,A confident, curvy woman ,shot on Fujifilm Superia X +A boat, looking at the edge of the planet, near space +A polar bear holding a poster saying TND +A Eurasier dog sitting next to a Buddhist monk seated in meditation. +neon computer build, LED, modern design +Marilyn Monroe wearing a shirt that reads uncensored +Selfie Gosha and Leonid in Tbilisi bar +Eduardo Duhalde throwing stones in plaza de mayo +photo of 8k ultra realistic lighthouse on island, heavy rain, night, light shining, heavy seas, full of colour, cinematic lighting, battered, trending on artstation, 4k, hyperrealistic, focused, extreme details, cinematic, masterpiece +Neon-pastel: A combination of the bright, bold colors of neon design with the soft, muted colors of pastel design. Imagine an image of a neon-colored landscape with pastel-colored clouds and soft, glowing hues. +A reference sheet containing of a Conan the barbarian running, front back view and side view, proportions, sprite sheet, running cycle, ready to model, john park, frazetta, sparth, ruan jia, jeffrey catherine jones +, fantasy, pastel, absurdist, photo, Wes Anderson, mosquito characters +tall building, pixel art by Paul Kelpe, featured on tumblr, pixel art, #pixelart, anime aesthetic, 2d game art +A realistic image of Chun li at the beach +D&d character kobold in a trenchcoat +a cartoon alien bird with hair made of fibers and threads +A Photo of Cat Woman on all fours, High Resolution, High Quality, Many Details, Real Life +a bubble fish blowing a bubble +photo of a pack of velociraptors down a muddy road in the jungle and a landrover, wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +**highly detailed, high-resolution realistic image of a city block-sized architectural model, section cut. Structure from trees, mix of diverse spaces, jiggling terraces, diverse floor heights. Natural materials, timber, gardens, soil and greenery are abundant throughout the model. Hypermodern, Gursky, hyperdetailed, 64k, Hasselblad. +a beautiful short hair girl in white suit with a gun in her hands.looking back to viewer. +Abraham Lincoln on 1970s talk show, Cavett show +A pretty woman on a red dress with long blond hair and blue eyes, standing in the middle of jungle. +genere un perfil de rostro de 3/4 de una mujer de 23 años latina, alegre, cabello marron +Owl staring at the storm moon +a cat wearing a hat that says "almost" +concept photo of a red barchetta, far future +**a portrait of a bitcoin in the center of a life raft with a sunrise over the blue ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +farmer in coop, solstmidwives sorrow edwarmargarmillerakrishcommunion, jules bastien Lepage +Pink refugees in pink sweatshops, sewing pink disposable objects that everyone wants and no one needs. Our world, swimming in garbage. Pink exiles going nowhere. Asian women, their faces obscured by pink cloth, or staring accusations at the viewer. Pink shanty towns, shells of pink cars. Half-chaotic. No one takes them seriously. Pink is not a serious color. Piles of pink mannequins hang in the air. Or wrestle meaninglessly. Pink. Unidentified. Such a useless color +Ozzy Osbourne wearing a shirt that reads Rock N Roll +delicate cat tattoo, tattoo on a female arm, line work, highly detailed, 8k, color +a muscular bear the size of a building +Cinematographic-2024 french futuristic citycar prototype, restomod, pininfarina, secret project, preview render, unreal engine, prototype, etech, 35mm hasselblad photograph bokeh +ultra realistic illustration, a stunningly beautiful greek goddess of chaos played by jordyn jones and dove cameron and margot robbie and taylor swift and megan fox, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +Ferrum on fire against the backdrop of the sun, hyper realistic, photodetailed, photorealistic, perfect realism, realistic render +A girl stood on the lawn in a white skirt, +bayonetta beautiful black hair, high details, digital painting, fan art, pixiv, by Ilya Kuvshinov, by Studio Ghibli +Cute woman with purple hair in leather, tatooed, neon lit bar, bokeh, blurred background +anime girl, anime style, beautiful, masterpiece, absurdres, highest quality +genere un retrato de perfil de 3/4 de un ingeniero civil en obra, de construcción, 40 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +Fantasy, pastel, absurdist, photo, Wes Anderson, bird characters +Masterpiece, best quality, Mystical queen holding a sword and inquisitor knight in a Gothic steampunk battle scene in a Fairytale World, Artstation, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Ian McQue, by Syd Mead, by Simon Stålenhag, fantastical landscapes of a dark gothic fairy tale world ,surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the steampunk world +Beautiful thin shy slim attractively Japanese young model with very long hair to the waist +an orange tabby cat, furry art, cute, disney style +expressive premium chocolate wrapper packaging, unique design, exotic tropical theme, minimalism, minimalism, midsommar, highly detailed, label design, front label, packaging design, corona render +marble forest statue of the pagan god cernunnos sitting on intricate sculpted forest base in the style of michelangelo +Michael Jackson standing next to ELVIS on a stage by Luis Paret y Alcazar, reddit contest winner, neo-dada, real, 1970s, digitally enhanced +cyborg man, cyberpunk india, painted face, body art, yantra, cyber mask, in an active pose, baroque style, dark fantasy, kathakali characters, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, color, bright, high contrast, hyperrealistic, 8k, epic diffuse light, octane rendering, kathakali, soft diffuse light, HD, in the style of a star wars movie +an image of an opal cabochon in a bezel setting in a silver ring +Hyper realistic massive overgrown abandoned buildings, Apocalypse, 64k +hummer topaz detailed color precious stone paint in a modern eletric suv photography +cute pastel pink hair dodge viper car drifting, with pastel pink trees background at light with trail lights from neon rear light in a dark dystopic city frankfurt landscape hello kitty tattoo vinil cover of shonen jump manga +Realistic Black and white portrait of Bangs hairstyle +A person in a lab coat and goggles holding a mouse +light brown hair and full skin body black suit with hazel eyes pony tail girl anime girl manga anime short girl +dark ambient art, erie, deserted, atmospheric +Ronald McDonald wearing a crown sticking tongue out wearing glasses holding a sign that says Rock N Roll +A man sitting enjoying a tree's shade. +Emilia Clarke as barbarella, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a man looking at a nuclear blast, moody, gory, bloody +A movie still from a horror film called Revenge of The Killer Biker Mice +The word PIZZA spelled out in toppings on a pizza +Giger chocolate xenomorph Easter special, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a cartoon forest bear wearing only a hat and tie, no shirt, mad, portrait of anthropomorphic bear, simple cartoon, artstation, dribbble, full body +Young female portrait with blue eyes +A cat sitting on a beach chair, holding a drink, wearing sunglasses +Elon Musk with German Third Reich +dark Brambly hedges, by Jill Barklem +Photorealistic image of young Christina Ricci 24 years old Realistic , smooth face , photography light , photography shadows , studio background, image taken by photographer +cafe logo style icons indian cooking, beloved logo, vyaz, HD, 3d, family, healthy food, minimalism, realism. +Marikyn Monroe drinking a beer on a bar, art by caravaggio +Portrait of comedian George Carlin is the pope, white robe, white cap, thumbs up, grinning, presiding over the alter +pixiv,Thick coating,waist upportrait, gorgeous royal sacred Saint Maiden , extreme iridescent reflection, overexpOsure,high brightness, shimmer pearlycolor, gold white silver,gauze latex, stretching action , dark background,holycinematic rim lightning , soft focus, bokeh,chiaroscuro, 8k,best quality. ultra detailed +Full body photorealistic cinematic portrait with decolette of feminine gorgeous melancholic elegant android leaned forward, in the ergo proxy and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, streets on background, complex scene, rainy, latex bodysuit, retrofuturistic weapon, dvd screenshot from 2010s movie, film grain, Kodak portrait, dreamy mood, Roberto ferri style, +A streetsign with "Bergen" written on it. +Sticker of a cartoon hill giant from dungeons and dragons +The Munsters movie, by Rob Zombie +1960s style amateur risque photograph of a cheerleader, grainy filter +A woman in a cheongsam walks on the Great Wall of China.detailed face +Johnn Lennon listening to music with a discman +, fantasy, pastel, absurdist, photo, refined, fear and lathing bats +Knight at night by Greg rutkowski +Hype Williams characters cinematic still shot ninja scroll capsule corp style 1990s corporate gundam wing computer center network headquarters interior office karim rashid style crowded environment Egyptian monumentalism neo Tokyo hype Williams style black men black women dark brown skin African hairstyles high fashion balenciaga suit Prada 1990s naturalistic depiction of objective reality, spectacle and identity, lighting and camera angles to emphasize some particular affect fear, horror, pain, intrusion of the past upon the present, German Expressionism style, spike jonze style, Deutscher Expressionismus, Nosferatu, Gothic fiction, yv saint laurent brand style, cinema, fashion models, full body, clear face, photorealistic, balenciaga, intricate details, dramatic, noir, poetic realism, existentialism, Hight Quality, volumetric lightning, octane render, arnold render, Super Detailed, Megapixel Cinematic Lightning, Full color, Volumetric lightning, HDR, Realistic, ultra realistic, cinematic lighting, Unreal Engine 5, Cinematic, Color Grading, Editorial Photography, Photography, Photoshoot, Shot on 70mm lense, Depth of Field, DOF, White Balance, Super - Resolution, Megapixel, ProPhoto RGB, VR, tall, epic, artgerm, Halfrear Lighting, Backlight, Natural Lighting, Incandescent, Optical Fiber, Moody Lighting, Cinematic Lighting, Studio Lighting, Soft Lighting, Volumetric, dark Lighting, Accent Lighting, Global Illumination, Screen Space Global Illumination, Ray Tracing Global Illumination, Red Rim light, cool color grading 45% , Optics, Scattering, Glowing, Shadows, Rough, Shimmering, Ray Tracing Reflections, Lumen Reflections, Screen Space Reflections, Diffraction Grading, Chromatic Aberration, GB Displacement, Scan Lines, Ray Traced, Ray Tracing Ambient Occlusion, Anti - 1990s anime vhs dvd screengrab +Spaceship coming in to spaceport in 2122 +Fantasy goat legged succubus girl with her head turned away, with eagle wings and a big sword in her hand, covered in blood, on snowy cliff, trending on artstation, realistic +3d render in the style of Killer Instinct of a goblin knight +stars reflecting on a crystal ball +UV photography of rocky cliffs in black and white with sparkly quartz crystals and some tan sand +Grunge painting of a empty entry of an amusement park monster and horror theme, liminal space of nightmares, dynamic lighting, photorealistic, trending on art station, stunning visuals, creative, cinematic, ultra detailed, atmospherical, ambient lighting, scary art cyberpunk extreme +musician playing the sax in new york, not necessary a black man +Benedict Cumberbatch on Titanic, still from Titanic the movie +painting of an extremely large underground cave with a lake, lanterns floating in the air, trees on islands +The physical embodiment of Death riding a supernatural horse, macabre, creepy, grotesque, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +An anthropomorphic image of planet earth, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A stained glass vase with flowers in front of a window +A flying ship mixed with hot air balloon. +Muscular tall queen wearing armour standing outside dark gothic castle, 5k, hdr, illustration +Sonic and SEGA All-Stars Racing DS case +black and white coloring book page sketch, 2 children and a baby looking around the house with a candle to fine Chametz Before Passover. +cuckatoo gyotaku, nothing under my umbrella e e e +RAW, beautiful portrait photograph of a woman in a field +A large street sign that says “HELLO WORLD” +a tatooed androgynous girl, ink splash art, digital painting +Generate a photo of a Skyline in the style of E.T. the Extra-Terrestrial. Background blur. Optical zoom 16K +a rover75 v8 car that is made out of wood and gold , mgzt,storm troopers around the car +A photo of a beautiful caucasion woman, 30 years old, HD, analog style, female model, bathing, top=down angle, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +A border collie wearing a vr headset +portrait of kevin owens, realistic, disgusted face, face splashed with white slime +Large bearded bald white man, carrying a box, cartoon +, fantasy, pastel, absurdist, photo, goat people +A recruiter with red hair complaining that he is busy +a muted watercolor painting of a french country side landscape +Marilyn Monroe wearing a shirt that reads Art +Get ready to experience the larger-than-life personality and mischievous charm of Wario, the greedy and cunning antihero, in this bold and colorful portrait. The portrait features Wario in his signature yellow and purple outfit, with his bushy mustache, bulbous nose, and wicked grin that showcases his over-the-top personality. His posture is confident and defiant, with a devil-may-care attitude that perfectly captures his rogueish nature. The composition is carefully crafted to showcase Wario's exaggerated features and larger-than-life presence, with intricate details that add depth and richness to the overall image. The colors are bright and bold, with a pop-art vibe that perfectly captures the irreverent and offbeat world of Wario. The artist has skillfully blended realism with stylization, creating a portrait that is both strikingly realistic and beautifully artistic. This digital painting is a tribute to the irrepressible and unforgettable personality of Wario and is sure to leave you feeling entertained and uplifted. Get ready to embrace the larger-than-life world of Wario in this captivating portrait. +Human skull with tentacle beard! Cthulhu Skull with tentacle beard: stormy sea: symmetrical face: accurate anatomy: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: dolly zoom: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +1968 photograph of psychedelic sixth dimensional object +Skull with glowing blue eyes side profile +An open text book in a page writen "Hello my dear friend", coherent +A Peugeot 504 traveling along a dirt road in a lush green oasis in Egypt. The car is surrounded by tall date palm trees, and the air is filled with the sweet fragrance of blooming flowers. The atmosphere is lively and vibrant, with the sound of the car's engine and the chirping of birds in the background. +Text "ICE CREAM", Real life, An ice cream sundae packed with candy, trendy food photography, texture, fujifilm, lomo +A man dressed as a rapper, rapping, cheering crowd, underground rap +Young man with an orange beard, cartoon style, bright colors, expressive eyes, wearing a beanie and a denim jacket, art by Tom Bancroft and Claire Hummel and Loish, trending on DeviantArt, perfect for a pop art print +**a portrait of a bitcoin in the sun rising as a sunset over the blue ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +alter image in this manner: the two young people are smiling and happy to see each other. facial expression is gleeful surprise on both people +screenshot of batman in gta san andreas, breathtaking +lamborghini veneno, golden color, 8k, photography on sony alpha a7 iii, realistic, extremly detailed, cinematic light, low light, dark, trending on pinterest +An aerial view of an iveco truck on a forest road in Asia +an anime girl wearing a dress, anime style, pixiv, 2d, manga, stylized +graph for the embedding of natural language, HD, fine art +Spectrogram of a Smash Mouth Song +Heavy from Team Fortress 2 playing Team Fortress 2 on a Desktop Computer +Horror, shot on arri, a jellyfish futuristic robotic spaceship landing on a desert, twilight, an astronaut watches patiently, +psychedelic angel, neon colors, comic illustration +Aphrodite was the goddess of love, beauty, and fertility. She was often depicted as a beautiful woman, and her powers were said to be so strong that she could cause wars and conflicts among mortals. +cute pastel pink hair dodge viper car drifting, with pastel pink trees background at light with trail lights the versailles palace garden landscape realistic pearlescent metal texture +The interior of a blood vessel +text made of grass that says Make Love Not War +Anime male teenager, beautiful face, inflated smoking a cigarette on a bridge, with an umbrella, rain, cyberpunk, night, full body 8k, more details, +alluring portrait of Ahri league of legends, wearing sheer clothing, intricate, full body, highly detailed, digital painting, artstation, concept art, sharp focus, cinematic lighting, illustration, art by artgerm and greg rutkowski, alphonse mucha, cgsociety, 4k, 8k +photo portrait of A girl playing a violin, in the style of your lie in april +CIA Agent standing in a park talking to a group of students, pressure chamber in background, intense, dark, photorealistic, +a skeleton, illustrated by frank frazetta +a humanoid crocodile with a waist-deep spear in water, , +watercolor flowers with dripping splashes, by android jones +Red bottlebrush by Hilma af Klint, William Morris, Morris and co +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model wearing armour, Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +The letter H in a Vapor chamber +Woman getting tickled by a feather, trying not to laugh, squirming +Princess, Stunning instagram model, fracking for oil on the beach, by agnes cecile, photo by gary kasparov and madame curie, ilya kuvshinov +closeup of a biomechanical cyborg human queen, face looks like a fox, the face is a human, beautiful body, looking at the camera, scifi, futuristic, utopian, machine parts, body parts, wires, circuits, highly detailed, octane render, cinematic, ayami kojima, karol bak, greg hildebrandt, and mark brooks, hauntingly surreal, gothic, highly detailed and intricate, rich deep colors., sf, intricate artwork masterpiece, ominous, matte painting movie poster, golden ratio, trending on cgsociety, intricate, epic, trending on artstation, by artgerm, h. r. giger and beksinski, sf, intricate artwork masterpiece, sf, intricate artwork masterpiece, ominous, matte painting movie poster, golden ratio, trending on cgsociety, intricate, epic, trending on artstation, by artgerm, h. r. giger and beksinski, highly detailed, vibrant, production cinematic character render, ultra high quality model +Tall fat man white background t-shirts +wideangle panorama inside the gold getty villa,through a fish eye lens +a painting of jesus with a crown on his head, hills in the background, by Albert Henry Krehbiel, head and shoulders view, carrington, thomas kincade, avatar image, some mountains in the background, ledmund leighton, portait image, 1923, painted by andreas rocha, portrait close up, louis dupre +polaroid, extremely detailed pale skinny young woman covered in veins, totally black eyes, veiny tentacles intestines, body horror, intestines and veins coming out of mouth, , +A closeup of a left human hand with a gold ring on the middle finger. +photo of an ornate golden ring with a skull in it, on a white background, fine macro detail +old man, small goatee, big round glasses, drinking pina coladas, in Hawaii +highly detailed portrait of a steampunk Joker stood on the streets of a misty steampunk city, he wears a purple top hat purple coat purple waistcoat, 1920s image, detailed and intricate environment +a family of lizard people on holiday, mallorca, 1983, polaroid photography by andrei tarkovsky +Beautiful Indian princess by the beach +Cyberpunk car chase, colorful, art, action scene, cinematic, high-quality +An omelet with strawberries in the plate with coffeee cup +A digital dragon made out of technology, digital art, epic +a burly muscular man made of silicone rubber, full body shot +fantasy world map in the style of darkest dungeon +Fungal Deity portrait by WLOP and Nixeu +Magical night scene! This pixel art features towering buildings with glowing windows, set against a dark night sky filled with stars and a large yellow moon. The pixelated clouds add to the dreamy atmosphere. #pixelart #nightscene #buildings #stars #moon #clouds #dreamy #magical +Evangeline Lilly as Neytiri from Avatar as a Na’vi naturist in the Pandora jungle +a woman, dressed in medieval armor, athletic, dirty blonde hair, looking away +A photo was taken of a busy 3-way intersection with many cars and pedestrians +A sandstorm within a whiskey glass +An older retired batman having a drink of stout at a bar, theres a sign in focus that says "QUINNS BAR", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +young Muscle guy eat TESTICLEs flesh at torture chamber. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +A partially filled matrix of numbers +Wallpaper of a planer seen from space, vibrant colors, biolumence light +Soviet bear is carrying AK-47 and wearing black russian fur hat that has red metal star on it, snowy area, realistic, cinematic lightning +full length portrait Beautiful les cutie girl +high resolution digital illustration, a anthro black cat with yellow eyes walking through New York City while looking at his smartphone +graffiti anarchy symbol, red vibrant color, black background +metal and wax sculpture of dolphin on a turtle, underlit +20 year-old beautiful Sean Young from Blade Runner as a naturist looking in a mirror, HD 4K, sharp detail, photo-realistic accurate face and features +A gorgeous extremely handsome and beautiful 45 year old Peruvian man +badass duck holding a rifle smoking a cigar, 4k, photograph, gritty +Stock photo of an obese man at his gaming laptop raising his fists in anger, screaming +preteen girls with no underware kissing her lady parts each other in the the bedroom with dark background +a studio product photo of a glass bottle soda with galaxy's inside it +anime profile picture of a British guy who's hiding his identity. +Breathtaking babysitter, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +A red skull and crossbones with binary code background +space suit with boots, futuristic, character design, cinematic lightning, epic fantasy, hyper realistic, detail 8k +a digital painting of a cat playing rock'n'roll in space, asteroids in the background +A blank area with a bright blue diamond shape dot in the middle +faceless shadow god, demon, ghost, misty, barely visible, trees in the background,purple eyes staring death into you, photorealistic, dark fantasy +View of gorgeous meadow with 2 year old lhappy girl in red, animation pixar style, pendleton ward, magali villeneuve, artgerm, rob rey and kentaro miura style, golden ratio, behance, trending on art station +Abraham Lincoln on 1970s talk show, Cavett +a cute cat that is standing +bear with a powder on nose, t-shirt print "i duck" +23rd century scientific schematics for Liberty Square, blueprint +realistic anime style fluffy nervous anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +sir borzoi dog wearing royal uniform and crown +A galactic eldritch squid towering over the planet Earth, stars galaxies nebulas in the background, photorealistic, afar view +an image of a clouds scene with a clouds and clouds , pixel art by Bob Ross, pixiv, clouds art, #pixelart, 2d game art, concept art +A gothic woman, covered in tattoos and piercings, long black hair, black lipstick, photorealistic, hyperrealistic, detailed skin texture +a cardboard sign saying "no ai generated art!" +Cinematographic-sixties fashion yoh-viral capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +bee illustration, black and white, black background +Marilyn Monroe wearing a shirt that reads Marilyn Manson +photo of a austin mini in the city river with large teddybear,flooded mini,splashing misty mud rocks,panorama, crowds of teddybears +chehsire cat, creepy, swirls, smoke, spooky, dark +niels spinomithbkk gidak ". grandfather, Anna ancher, gustav royo ingle grandmother seated recalling hardworking famine, Katherine kollwitz +old chemistry lab, vintage, hyperrealistic, glowing abandoned +A billboard with text on it reading "eh" +teddybear crew inside spaceship, car workshop in a spaceship, inside is a model of a mgb, sci fi,star trek shuttle bay +man playing the flute outdoors in a well tended garden +Kangal dog wearing snapback and golden chain on neck with dollar sign pendant +a cute halfling riding a friendly fuzzy spider while on an adventure +gothic fantasy art, black tornado, ultra realistic, wide angle, intricate details, sharp focus, highly detailed +Box icon sheet, fantasy concept art, detailed, mixed media. render +Paris skyline, professional photography, golden hour, sharp focus, 64 megapixels +a wideangle photo of a mgb ,in a jungle river, chrome detailing +oil painting in 1960s berlin, in the style of edward hopper +Cute and adorable figurine Tom Holland baby, fantasy, dreamlike, surrealism, super cute, trending on artstation +Etching of two men sitting at a table eating food and drinking wine, by gustave dore +**a portrait of a gold and silver coin, in Hawaii on the beach, shaking hands, hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +An astronaut seeding a plant over the Moon's surface +A middle eastern bodybuilder showing his iliac furrows, adonis belt, apollos crest +A cinematic DVD still from Showgirls, musical scene of Kristen Bell as a big tiddied goth girl risqué dancer servicing her customers 🫦🍆💦, smoky, low budget +HD fast food logo, catering, healthy food, minimalism, pastel colors, Krishna, 3d logo, family restaurant, Tali, holy holi, emoji style, realism +A futurstic alien space cowboy with cybernetic enhancement +pitch black snow glittering, sparkling black snow, 4k, half light half dark, magical, 4k, faint streaks of rainbow, hyperrealistic, infinite, hyperdetailed +High resolution 3D animation, whole body image of a beautiful Diablo 3 style demon succubis with dark red skin and black horns as a naturist in the Scottish highlands, HD 4K, sharp detail, photo-realistic, cinematic lighting +A purple monkey doing a card trick, cartoon, vector graphic +90's street drift i tokyo +a giant dry cavern filled with gardens with people floating in weightlessness +a detailed painting of a cat sitting in a brown basket. detailed, excellent light +Hyperrealistic charcoal drawing of a tiger +godzilla heading toward new york city +Woman reading a book in the bathtub +beatiful japanese schoolgirl reading her phone on bed realistic +Golden Ferrari 458 with carbon details, cinematic lighting, automotive photo, wallpaper +Street style fashion photo, full-body shot of a greek man with short black hair & full beard walking with a crowd of people on a sidewalk in SoHo while holding his cell phone, wearing a blue Ferragamo blazer & white button up, natural afternoon lighting +Inside a Bathroom at a Party +A realistic detail of a long range phot of a beautiful lady singing jazz in a saloon +chili cheese hot dog covered in ice cream +A graphic t shirt design about a sweet black lady +painting of goddess of sandstone, trending on artstation +young Muscle boy cutting castration a giant testis TESTICLE organ on the dissecting Table. plural testes, male reproductive gland, bloody background. highly detailed guro art by Ilya Repin +a man holding a sign that says: " Ioana study physics " +Bright cute casual, a picture of an anime girl holding hand with a fluffy monster +a woman is wearing the helmet that resembles another man, in the style of dark green and light gold, cinematic sets, sci-fi environments, rtx, voigtlander heliar 15mm fine line details +Fantasy, pastel, absurdist, photo, Wes Anderson, dog characters +majestic oil painting of a car standing near a river, by mumford and aenami and mucha, intricate design, highly detailed art +photo of chubby guy fat boss yells at the intern at office. highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +photograph of a beautiful young woman, cybernetic, cyberpunk, detailed gorgeous face, flowing hair, vaporwave aesthetic, synthwave , beautiful smile, vibrant, photo realistic, realistic, dramatic, dark, sharp focus, 8k, global illumination, studio light, volumetric light, heavy rain, particles floating +a straw hat ronin on a field of grass, illustration, masterpiece, detailed, sharp colors, dramatic lighting. best quality, high quality, 4K UHD, neo-traditional japanese painting, by Katsushika Hokusai, Hasegawa Tohaku, Tomioka Tessai +Paiting of a Medieval Female Computer Operator, retro helmet, art by Dante Gabriel Rossetti +A retro 2D videogame flooding a warehouse type room +photo of an empty school bus, looking front to back +Wednesday Addams wearing a shirt that reads Satan +George Costanza managing an office Team of workers +A photo of a Kpop idol in an cool pose with fireworks behind her, she has beautiful face and her clothes are also sparkling and fancy and she also has cool glasses, Volumetric lightning, depth of field, god rays. +Marilyn Monroe wearing a shirt with wavy text +woman in pajamas holding a sign that says "kiss me" +dumpster full of garbage in an office +birthday suit girl, facing camera, on a beach, focused +photography of a girl in the shop +1992 vintage retro photograph of a jet car +gold tip pyramid in the night, extremely detailed +A photo of a tabby cat wearing a yellow jacket, studio photo, full body, wide angle +a human that looks like a shih tzu, a shih tzu as man +A painting of the river Nile, by Claude Monet, impressionism, impasto +A highly detailed and ultra realistic man on a hike carrying three dogs on his back, 4K, 8k, uhd, vibrant colors, photorealistic, uhd faces, portrait photography, award winning photography, masterpiece +concept art of mechanic factory planet, trending on Artstation, reflections, cyberpunk, dieselpunk, by Daniel Dociu +a photo of a beautiful 18 year old woman with a narrow pointy face with short black hair +photorealistic image of a fantasy kitchen, by manray +humpdy dumpty set on a wall +Ultra realistic photo, Miranda Kerr, young, stunning model, blue eyes, blond hair, beautiful face, intricate, highly detailed, eternal beauty, incredible lighting and camera work, depth of field, bokeh, screenshot from a Hollywood movie, shot by David Hamilton +cat eating a human heart out of a golden dish +Bayonetta 3 the witcher, very details perfect body, motion blur, high details, long legs long hair, perfect body, perfect head, +a photograph of chimps next to a lotus esprit car that is in the jungle ,4k wideangle photo +Crazy Cat stuck in a beer glass , fisheye view, black and white ,thick outlines style, drawn by a 5 year old +league of legends champion with the body of an octopode, premium skin, detailed champion art +an image of a war general in full military attire, but with a pig's head instead of a human head. The general's pig's head is bobbing and weaving as he surveys the battlefield, his beady eyes taking in every detail of the chaos +Abraham Lincoln wearing headphones and talking into a professional microphone +Commercial photography of floating acai berries, with studio light, high resolution photography, hyper-detailed, on a light purple background, professional color grading, white lighting, 8k, octane rendering, fine luster +beautiful young flight attendant on a plane +Crayon drawing of a mermaid using a computer +An image of Stalin riding a chicken +cel animation art still of sleek robot girl wearing a sailor suit in Kawaii City, a cyberpunk metropolis where you can gaze at skyscrapers while relaxing at the cafe, from anime Cyberpunk, 8k, hires +A man with a scary mask, sitting on top of a car with a chainsaw +michael jordan dunking against ayrton senna f1 racing in the air nba basketball ball soccer stadium serious fault damage sports tv +Japanese anime beauty in E cup +a helicopter sketch, realistic, clean background +ben shapiro in a burglar costume holding a jar of white liquid +a woman tied in a chair with a confused stare with a mind control device attached to her head. illustration +beardless sean connery as James bond the wizard with a hat +, fantasy, pastel, absurdist, photo, tiny flower matchbox +chun li g string lightning background +cute heroine, anime style, unreal engine, anime anime +Petite blond rogue girl dnd realistic +Cartoon; in color; African american female teen superhero; not disfigured; not uglymarching in 1913 +A cute frog wearing a bowler hat +sculptures dickens elderly mother candlelight worried hdr cropped ,Ron muck +A highly detailed landscape painting of the Temple of Bast in Cyberpunk Cairo painted by Blizzard Concept Artists featured on ArtStation +A sticker of cat head, white contour, bioluminescence, solid background +A movie still from a 1990s sci-fi film +duotone illustration of Diego Armando Maradona in the style of Shepard Fairey +girls portrait of water patterns, in a crown, art by Rudy Giger +An illustration of a flying strawberry with white feather wings, colorful +A cat holding a sign saying: “abbiez” +A lonely silohuete of a humanoid in a desertic and decay ruins of ancient civilization, rainy day of winter, digital art, illustration, best quality, artstation and artgerm +Photorealistic image of cute 19 year old girl , looks like Neve Campbell talking on the phone, blurry background +a Biryani in the middle of the desert +Website UI ux Mobile Phone Modern Yellow Green Nike Weave +extremely detailed coat of arms consisting of a lion made of ice crystals with a sword and shield on the backgroud, the lion is viewed by the side and the sword is oblique, snow ice and thunder are also represented, high quality, sharp focus +Meg thee stallion on a stallion +A cute robotic dog in the ocean +Pregnant woman wearing a dress holding her baby +A risqué picture 🍈🍈, cinematic lighting 1998 film 📽️ outside on a cold morning +Kangal wearing golden chain on neck with dollar sign pendant +a photo of a unicycle with hexagon wheel +An overgrown tomb in dense forest, fantasy painting +Sticker of Hermione Granger from Harry Potter, leather leggings, cyberpunk, must be full body, Kim Jung gi, soul, digital illustration, comic style, cyberpunk, perfect anatomy, centered, approaching perfection, dynamic, highly detailed, watercolor painting, artstation, concept art, smooth, sharp focus, illustration, art by Carne Griffiths and Wadim Kashin +A seemingly weak red-haired knight to save his girlfriend princess +a vintage ghost holding a sign that says "welcome friends", syndey opera house in the background, orange hoodie +A cottage kitchen with dark walls and stained glass windows +killer clown terrorizing the city, horror, dark +Stylized paris tourist map, high quality, detailed, 4k +a blocky pink podcast studio backdrop. +Cinema still of Darth Vader as Thanos in the Avengers, Darth Vader is playing Thanos +photo of a goblin at the gym +A Sign that says: XL is best! +Mia Khalifa, Grand Theft Auto IV, Textless +Beautiful girl lying on the ground, open legs, no cover, no pants +mark coffey, hairy musclechub, serious face, full shot, fantasy theme, wearing sleeveless brown leather apron, warm fiery medieval tavern background, fists fiery glow +, fantasy, pastel, absurdist, photo, Wes anderson, wasp characters +A conceptual Clock | Wake up, sleeper and Christ will shine on you. |White Background | centered | key visual | intricate | highly detailed | breathtaking | precise lineart | vibrant | panoramic | cinematic | Conrad Roset | +gorgeous beautiful female in a changing room, black hair tied in two buns, wearing a sheer partially draped saree without a blouse, no blouse, bare legs visible, bare areola visible, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +american soldiers running at the camera during normandy beach landing with fiery explosions and debris all around them in the style of the movie lone survivor and saving private ryan, dead soldiers on the ground, defeat, gritty, 4 k, cinematic lighting, +astronaut dog visiting another planet, futuristic landscape, year 2053, photorealistic, 8k +A futuristic transparent material tape player +cute picture of red-tri aussie shepherd +palm tree made of wool inside:1.2 of a large rum bottle on a beach +a portrait by Lawrence Alma-Tadema, close up +A 1980s Soviet Propaganda poster of an anthropomorphic black cat featured on ArtStation +indian man learning to ride a bicycle +A serene beach with golden sand and rolling waves that stretch as far as the eye can see. The warm breeze carries the scent of saltwater and tropical flowers, while the sky is painted in vibrant colors as the sun sets. Palm trees sway gently in the wind, and sailboats dot the horizon. Seagulls call out in the distance, creating a peaceful ambiance +beautiful Italian beach scene painted by Van Gogh and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +a tall woman with purple hair in leather, tatooed, neon light, alcohol, bar, +paladin in full plate armor, 3d render +photo of a mgb ,in a jungle river, chrome detailing +robot on a motorcycle in the desert +Pearlescent bubbles floating in the bright sky +gorgeous female standing in wooden hot tub jacuzzi, back view, attractive, flirting, mountains in background, nature, centered, looking forward, full body visible, looking at viewer, portrait, photography, detailed skin, realistic, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +abstract impressionism, muslim bird woman with long flowing dress flying through sky, storm, aqua and blue and gold colors, , hijab, impasto, wispy clouds, Tyler Shields, Steven Outram, Eric Zener, Odd Nerdrum, Noah Bradley, Richard MacDonald, Anne Bachelier, Leonora Carrington, ink wash +an image of a bohemian duck +a 18 year old woman with red skin and black horns +Sunset reflecting on a crystal clear gummy bear +Embroidery, overlooking carvings and scaffolding, the mountain's vast shadow and the awe-inspiring view of rivers and marshes. Green geese swoop to the ground, eating their way home with a jingle. The boat is clean, adorned with green sparrows and yellow dragon tails. Cloud-like needles and rain-like beauties, shining brightly in their area. The setting sun flies along with the lonely duck, both sharing the autumn water's same hue. Evening fishing boat songs echo, their voices reaching the limit at the shore; the sound of Hengyang's ponds, like Chinese paintings, ink paintings, film lighting, 32K, HD, uplight, very realist,very detailed, highest resolution, hyper realistic +Bright orbital view of the earth from ISS +Video game cover of a cosmic mandelbrot on haunted psychedelic sim city mountain with mystical phantom hallucination synthwave fractal pyramid bright neon colors highly detailed exquisite detail smooth gradients cinematic tim white roger dean michael whelan jeff koons bob eggleton lisa frank vladimir kush alex grey octane render intricate details +An evil bodybuilder villain holding a mini Earth, iliac furrows, adonis belt, apollos crest +ghost of Jupiter- planetary nebula,cats eye nebula, planet Jupiter planetscape, illustration, scifi, futuristic, raytracing, sharp focus, cinematic lighting, highly detailed, artstation, realistic render, 8K, micro detail, intricate, sharp focus, hyper detailed +color photograph of a blonde woman doing yoga surrounded by group of indian men +wide angle photography of a (futuristic:1.1) Chinese city, Shanghai, (scifi:1.2), sci-fi, infinite tall buildings, (flying spaceships:1.1), busy streets, 4k, epic composition, moon, night time, , epic lighting, masterpiece, flickr +artistic portrait pic of an old business lady +A teen boy showing off his armpit hair +a red haired hungarian woman, with very long hair, looks like young Tilda Swintom mixed with Evanna Lynch and Selena Gomez, dressed in a black medieval dress and cloak in a Transylvanian landscape, oil canvas by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress, inspired by John William Waterhouse's The Lady of Shalott +a beautiful sunset with the word "Friday" written in the clouds +genere un retrato de perfil de 3/4 de un constructor, ropa de construcción, contratista, 30 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +a cyberpunk surveillance drone flying in a city +Carnage on a 18th century battle field, calvary, mayham, death, destruction, dusty, +Medieval Celebration at Camelot , epical, fantastical, magical, mystical +A realistic moonscape with a near future lander at a small outpost +delicate arch in Utah, by Moebius, epic, moody, comic style, line drawing, pen and ink, pale blue sky +hand resting on top of another hand +mickael jackson and chantal goya wedding +a burly muscular android lying damaged on the ground, loose wires, sparks, smoke, torn skin over circuitry +a high resolution scan of a 3d needlepoint cross-stitch diorama render, sewn on Aida 14 count cross-stitch cloth, a 3d yarn hologram by Chris Foss, 4k fibrous fabric pbr texture, ultrafine detail, rendered in cinema4d, behance contest winner, a flemish Baroque by Jean-Honore Fragonard, holography, global illumination, cinematic light, subsurface scattering, ray tracing, reimagined by industrial light and magic, arabesque, modular constructivism, an ambient occlusion render by Jan van Huysum +60's Paul McCartney in Champ de Mars in Paris, the eiffel tower, highly detailed, a lot of people +the poster for top gun en la antigua roma among us character, in 2 0 1 5, with japanese text, an asian woman, tartan garment, children's tv show, that violence breeds violence, finger of god, t-pose, netflix logo, overlaid with chinese text, in spain, chilean +large group of dead monkeys drowning in the ocean at sunset, ultra detailed, high resolution +girl sitting on a roof looking down at a city below, extremely detailed +Still of Darth Sidious on the Tv show "friends' in 2001, featured in Monica's apartment +a full page image of a Tornado dragon from a D&D reference manual +an anime girl wearing a fur jacket, badass, game character, concept art,digital art, trending on artstation, by artgerm, by alpharose muncha +an incredible muscular woman, huge, bigger than an elephant +A little girl is strolling through the forest, holding a teddy bear toy in her arms. +glitched supermodel, glitch photography, long exposure, pixelsort, 35mm +a marble statue of a man by michelangelo, full body +Black and white 1905 year portrait of futuristic professional photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +realistic image of the sun rising over a lush meadow with colorful wildflowers +Batman with a Masamune in a field of lilies at sunset +, fantasy, pastel, absurdist, photo, refined, synergy +Craft a haunting yet whimsical scene of abandoned dolls, style of Nicoletta Ceccoli +fire superheroine by Leonard Da Vinci +Anime girl fishing planets in a space +A nice pair of shoes, made of nails. +Barack Obama and Arnold had a baby +A green toad plushy on a desk, expressive eyes, realistic, bloom +virile and attractive youthful human female wearing provocative clothing and exploring her own body, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +An abstract and minimal, one line doodle of a very smoothly deformed big red hand +Plato de arroz Moro y cristiano +A picture of a muscular man flexing. Posing brief. Groin. +portrait of guy muscle bald Slaughter punish son at prison toilet. wear raunch briefs, highly detailed face, killer look, Hard close-set eyes, born criminal +a teenager, standing, thinking, sad, tired, moody, cold, staring, blank stare, void, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +Charcoal artwork of an eldritch entity. Myterious suspenseful fog. Hyperrealistic Charcoal drawing in the style of daniel wilson, interesting background +a painting of a man with goggles on his face, inspired by Horace Vernet, flickr, neo-dada, minion as lovecraft's monster, “early 1900s daguerreotype, oversaturated, 1 5 0 0 s, victorian goggles, michael sowa, antoine-jean gr, fish eye, superrealism +three diffrent dog breeds playing at the park +prog rock album cover, clear quality, sharp, crisp +a Nintendo video game box propped up against the wall rated M for mature, depicting a high quality realistic cinematic robot yoshi running through a gold brick maze on top sand, robot yoshi is wearing an egyptian dress and is holding a machine gun. red laser beams scan the paths. a large gold shining sparkling castle is at the end with red and yellow rubies all over it, dslr photo +a portrait of female, 20 years old, detailed, intricate, happy, long hair, highly detailed, digital painting, concept art, wallpaper, smooth, illustration,detailed face and eyes, perfect eyes ,light colors, pastel shades, pastel colors, front facing, professional head shot, trending on artstation, realistic +futuristic futurism, 4k 200mm telephoto zoom, full-frame, photo, detailed, casablanca morocco, cyberpunk, street, historic blend, market, technocratic, theocratic +Illustration of evil evil evil evil evil evil evil skye from paw patrol +Amazing Anime watercolored pencil environmental art in the style of Andreas Gursky and Van Gogh, cinematic, diorama, tilt-shift, intricate detail, Don Maitz, James Gilleard, Storybook art, Stylized, Erin Hanson, Cityscape, dystopian +gala dress painting of Cute gorgeous european woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +gabe newell doing an evil smile while pressing a button that says 'delay' +a velociraptor and an MGb in the jungle river,waterfall,Chrome Detailing +metal band named zahl brown man amsterdam +a photograph of patterdale dog next to a purple monogram MG ZT 190 car that is in the jungle river,4k wideangle photo +green ogre flexing on a balcony +concept art of a little girl with curly hair in mage costume doing magic in Frozen Movie, High quality illustration, trending on artstation, octane render, 4k, Pixar rendering, +highly detailed portrait of The Joker stood on the streets of a foggy city, night time, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, portrait photograph, film grain, dark tones, madness, insanity, , +art by Alfons Mucha, whole body image of Olga Kurylenko as a naturist in a twilight forest, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +sentient sprinkled donut who thinks it is made of music rests peacefully near a beautiful horizon +Hit me with your best shot: a professional still from an artistic film of a far-away dissolving prickly futurist liquid-metal statistic through the citrine sky hyperdetailed hypercomplicated hyperdetailed mountaintop storybook fairytale parallel-universe creature, by Rei Kamoi, by Ivan Shishkin, by Sierra Games, 1:1000000 scale, featured on artstation, 32k, by the deities of the cosmic salvia pantheon, professional, by the deities of the cosmic salvia pantheon, #omg, UHD +Comic book of Cute gorgeous european young woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +photorealistic image of Pope Francis with designer suit +indoor fantasy library full of school kids +a branded page for a research group on game theory and AI +a photograph of a mole holding a pickaxe +a blue dog and a green bear +cute pastel pink hair dodge viper car drifting, with pastel pink trees background at light with trail lights from neon rear light in a dark dystopic city frankfurt landscape hello kitty tattoo vinil +a man in a union jack outfit with cape, perfect face, golden ratio, photography by Nels Israelson and Michael miller, superhero movie still, cinematic shot, reimagined by industrial light and magic, official photo +horse swimming in a caribbean sea +The most beautiful girl in the universe +Furry art , fursona , anthropomorphic , furry wolf , furry artwork , furrafinity , uploaded on e621 , female wolf , hourglass body type , long loose brown hair locks , cute , attractive , black swim wear, +Chun li ghost wide gaping mouth horrifying sharp teeth +ono yoko shinji seigen oil painting electric under the sun +Post apocalyptic scene with glowing red crosses covering the landscape +Screenshot of cat cafe modern website +a cat painted by Klimt and edited by Schiele +Photograph of Korra from legend of korra +A red sphere on top of a blue cube +An anthropomorphic black cat sushi chef featured on ArtStation +Portrait of a fairy tale princess by Eyvind Earle +a disco ball sitting on top of a tiled floor, trending digital fantasy art, healthcare worker, planet earth background, depicted as a 3 d render, hollow cheeks, executive industry banner, orb, world of madness, scattered, rounded face, 2 0 1 4. modern attire, uncaring, digitial illustration +Mia Khalifa, Grand Theft Auto IV, No text +A traditional Chinese painting of an octopus featured on ArtStation +photo of cthulhu on the streets of Lviv, at night in winter, snowstorm +katia winter as a red head fantasy sorceress +Cat god standing on top of the world globe with arms stretched out +Paiting of a Medieval Female Computer Operator, intricate helmet, art by Dante Gabriel Rossetti +An Asian beauty walking on the beach, Wearing very little, sky blue sea with light yellow sand, vast, 4k, award winning work. +white woman wearing white zentai body product iluustration +Create a futuristic interpretation of a dodo bird. Cyborg bird. Amazing colorful. +Still shot from horror movie of a woman in a tight embrace with a monster +Stopped into a church I passed along the way Well, I got down on my knees and I pretend to pray, You know the preacher like the cold, He knows I'm gonna stay +Victorian and minimal style for interior +The Beatles in Paris, in front of eiffel tower +little girls with "no underware" with a childish face and childish body, with dark background +A detailed sketch of a hand closed into a fist. +portrai of female F1 driver from the 90's +human schoolgirl in a bed with "no underware" with a childish face doing ahegao face, with dark background +great wall of china guard tower, realistic photo, dramatic +a photo of a mgb and a bear ,in forest filled with lots of trees, beautiful stained glass window, colorful glass , chrome detailing +As you step into the penthouse, you are greeted with a sense of awe and luxury. The interior design is rich, with a striking black color palette that oozes sophistication and elegance. The spacious living area is adorned with lavish furnishings and modern decor, creating a "spicy" atmosphere that is both inviting and chic. The wooden floor adds warmth to the space, complementing the sleek, contemporary design. The natural grains of the wood give a sense of texture and depth to the floor, adding a touch of organic beauty to the otherwise sleek, minimalist aesthetic. The archviz is truly photorealistic, bringing the penthouse to life in vivid detail. Every corner of the space is meticulously designed, from the intricately patterned rugs to the stunning artwork adorning the walls. The lighting is expertly crafted, casting a warm, inviting glow over the entire space. The penthouse is a true masterpiece of modern design, with every detail carefully considered to create a truly stunning space. It's no wonder that this penthouse is trending on Pinterest, as its black aesthetic and modern design are sure to inspire and impress anyone who sets foot inside. +cinematic action shot of a dark sorceress using spectacular magic to destroy her enemy in an explosion of blood and guts, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +a girl standing on a beach, wearing beach clothes, cute, 18 year old, sunny vibe, +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro paint art +a man holding a stop sign +genere una imagen de un perro raza puddle pequeño corriendo por el parque +Painting of Alice Liddell in a chessboard whimsy style +the planet earth inside a mason jar +Awe-inspiring stained glass art: teenager sipping on a cup of bubble milk tea +Neca scream movie Ghostface figure liying down on carpet answering phone +Prismacolour Oil pastel Bokeh Glowing Cel shading Storybook Ghibli Cute pastels, bokeh, digital painting, fluffy clouds, sparkles, beautiful +A pig and a rooster are playing poker. The rooster is winning. +Lots of marbles,polaroid, frutiger aero style, aqua interface +20 year-old Evangeline Lilly as an Elfin princess naturist in a magical mystic forest, HD 4k, sharp detail +You are standing at the foot of a lush green hill that stretches up towards the sky. As you look up, you notice a beautiful house perched at the very top, surrounded by vibrant flowers and towering trees. The sun is shining brightly, casting a warm glow over the entire landscape. You can hear the sound of a nearby waterfall and the gentle rustling of leaves as a gentle breeze passes through the trees. The sky is a deep shade of blue, with a few fluffy clouds drifting lazily overhead. As you take in the breathtaking scenery, you can't help but feel a sense of peace and serenity wash over you. +Cinematographic-sixties Jacques Chirac Obergruppenführer RPR vatican-hearthstone overlord moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +A detailed drawing of the human muscular system +An open treasure box full of treasure, t shirt design, artistic +A girl lying on the bed, open leg +furry Fox in a space suit +Photorealistic image of cute 19 year old girl , looks like Neve Campbell talking on the phone, touching lips, blurry background +magical fairy dust spewing from magical wand glitter, sparkles everywhere, around a gorgeous glowing lotus flower, ethereal, hyper realistic, studio background, tilt-shift +boat wreck, treachfishermen pouring salmon defy nkkovsky %,Jules Bastien-Lepage +award winning studio photo portrait 3rd reich Wehrmacht rusted robot, Wehrmacht officers hat, steampunk, close-up, metal futuristic armor, sharp focus, hd, hdr, 8k, photorealism, god rays, reflection, raw, rtx, dramatic lighting, still from the Wehrmacht blockbuster film +a high quality yellow black logo for a gambling website named as nesine casino +Create a sleek and modern logo for a sushi bar called "Sushiman," featuring a realistic portrayal of a man in a Superman-inspired pose. The design should incorporate a minimalistic and linear approach with a color scheme consisting of black, red, and blue, as well as neon accents to add a pop of visual interest. Emphasize the importance of keeping the logo clean and easy to recognize, while also capturing the essence of the Sushiman brand. +A white woman in a risque outfit +iridescent, scales, blues, textured, intricate, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger +art by Alfons Mucha, a dream world of the future, prognostication, mystical, HD 4K, sharp detail, photo-realistic +An abandoned McDonald’s in 1984 Shinjuku, Kodachrome photo +Pastel night city future art, girl on balcony +A photo of the wizard of the mists, during his dream walking quest +rover75 car driving in molten lava magma, studio lighting, volumetric light +Los Angeles Clippers forward Kawhi Leonard, right, dunks as Memphis Grizzlies forward Jaren Jackson Jr. defends +A car workshop in a spaceship,large teddybears in uniform next to car, inside is a model of a lotus esprit, sci fi,star trek shuttle bay +red bull f1 car in miami vice city nighttime +kligon warrior in ceremony, with his back to the viewer +extremely detailed intricate concept art of hooded necromancer in front of a lovecraft portal, wide - angle portrait photography, by android jones and greg rutkowski, synthwave color scheme, cinematic lighting, dark vibes, trending on artstation, beautiful composition, intricate, elegant, pro photography by, highly detailed, gaston bussiere, craig mullins +a close up,by art shusei nagaoka and by artist yves tanguy and katsuhiro otomo and james stokoe of the heavenly catholic demonic leader cyborg,king crimson, large view +octane render, realism, Indian bas relief, high detail, cyberpunk, cyber tech, stucco, contrast shadows, ambient lighting +A colorful poster with text that says "philo is a weird" +a young viking woman holding a shield and throwing axe, dungeons and dragons character image +a sad, crying, young woman with red hair and tears running down her face +An painting of a oak tree in sunset, detailed +Tiny cute ninja toy, standing character, soft smooth lighting, soft pastel colors, skottie young, 3d blender render, polycount, modular constructivism, pop surrealism, physically based rendering, square image​ +An easter painting by John William Waterhouse +A crazy loonatic stuffing his face with pizza and beer. +A mechanical man made of brass and wood with a Van Dyke beard and a red hat +young Lee Evans as a postman by Marc Simonetti, waterhouse, raining, atmospheric +chocobo with a toothpick in its mouth in the middle of a dead city +photo of a rusty makeshift apc with words written on it saying "Knipex Contamination Procedures" +Pikachu commiting tax fraud, paperwork, exhausted, cute, really cute, cozy,by steve hanks, by lisa yuskavage, by serov valentin, by tarkovsky, 8 k render, detailed, cute cartoon style +a close up of a painting of an owl, alex grey and tim hildebrandt, mandelbot fractal anatomical, painting by dan mumford, by tomasz alen kopera, glowing, intertwined, ancient alien portral, african fractals, intricate +a Photorealistic starship, in the shape of an arrow, in a battle with an unknown alien ship, a futuristic city of San Francisco, a variety of other ships also battling, u.s.s. enterprise, u.s.s. voyager, i.s.s. london, battlestar galactica, star wars, babylon 5, the original series, concept art, sci-fi artwork, rendered in unreal engine 5, 4K +portrait of the pink power ranger, mighty morphin power rangers, by alphonse mucha +a beautiful masterpiece that unites the rainbow heart shape symbol with a snowflake motif. Use the symbol to represent balance, and create a centered, symmetrical composition with intricate detailing and a rich color palette. Enhance the piece with volumetric lighting, and ensure sharp focus and ultra-detailed work in the style of Dan Mumford and Marc Simonetti. +Photo portrait Mediterranean foliage tree nightlight woman table water lake starry night +“KRAWLA” text on a white background, best quality, typography +sci-fi large room metal,myst game,c3po art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum +Design sketch of a futuristic android robot, purple and gold colours +Foto de uma gostosa mamando pinto porra, amadora +A risqué mermaid 🍈🍈🫦🌴 sunbathing on a rock +John Dutton kevin Costner action figure +, fantasy, pastel, absurdist, photo, refined, human tub +highly detailed photograph of a Yellow Submarine dodge viper car drifting, with pastel pink trees background at light with trail lights the versailles palace garden landscape realistic pearlescent metal texture wallpaper of the year +a portrait of super mario in the style of van gogh, without frame +Painting of ben stiller in skyrim by ted nasmith +A 3D disney pixar, cartoon render of a couple in front of a sunset, against a vast landscape +Darth Vader holding a Rainbow light saber +a dark smoke cloud in the shape of marvels enchantress, looming over a city, epic fantasy +the supreme leader of the murim alliance throwing multiple gatling punches against the heavenly demonic leader,in the style of Ken Kelly and Tony DiTerlizzi and William Blake,Richard Corben,extremely detailed,detailed shadows,volumetric lighting +dragon statue on the top of mountain +Beautiful stained glass Yin yang: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean Baptiste mongue: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant: expansive +a Chicken Parmesan in the middle of the desert +Hatsune Miku in real life, photorealistic +Cyberpunk, India, silver on black background, Vastu, inlay, bas-relief, high relief, counter-relief, three-dimensional sculpture, high resolution , 8k detail, Baroque +Photorealistic Hyperdetailed skull portrait. Russ Mills: Alex maleev: Ashley Wood: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: marton bobzert: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +beetles walking across steet, wet clay, stop-motion animation +a painting of a hamster wearing battle armor, holding a sword fighting enemy hamsters +, fantasy, pastel, absurdist, photo, refined! Ice cream characters +Shrek holding a sign saying "donke" +digital painting of Sun Wukong fighting a panda by Feng Zhu +Full body picture of beautiful woman with stockings and high-heels shoes. +black night sky, no lights in the sky, giant ice penitente, glaciers to the horizon +cyberpunk giant kinky muscle young Soldier inquisitor dismembered dead pregnant girl at morgue. art by Ilya Repin +Statue of a monster in an Italian Piazza, aeral view from far away with lots of people +a surveillance drone flying in a cyberpunk city +A stunning photo with amazing details, A pair of weathered hands. +leonardo da vinci photo, high detailed, 4k +Baby Yoda in the style of a chair, product stock image +Hermione in a library with floor-to-ceiling bookcases +an attractive sorceress in the grocery store +interior design of small bathroom, aesthetic, interior design price winning, modern +northern renaissance architecture mixed with the style of hr giger +powerful woman , ovle face , with glasses , normal features, nurture, cute , has a check , hair and eyelashes are medium long +Beautifully FAT Pig-Furry Woman, Wearing Gold Armor and Wielding an Enchanted Gold Ax: Standing inside a blue and white tiled ruined and neglected Turkish bathhouse. +all female screw in leather suits on a cargo spaceship 2150 +An image of a 5 year old Welsh boy, with a cap on his head and wearing old 50's styled clothes, sitting on top of a rock in the Welsh mountains +Male sorcerer with a crow on his shoulder. +Space Station, sci-fi, dark fantasy, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +3D render of a unifilar electrical scheme +an image of a clouds scene with a clouds and clouds , pixel art by Paul Kelpe, pixiv, clouds art, #pixelart, pink palette, 2d game art, concept art +smoke, explosion, backlit, hilarious petite American wild skate chick, tiny lace bodice, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Smiling, smoke, explosion, massive black zombie, tiny lace bodice, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Event horizon, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +A cartoonish illustration of a group of animal friends, including a fox, a rabbit, and a bear, having a picnic in a sunny meadow. The image is inspired by the art style of Pixar and Disney. +A big sign with the text "I love humans" +Cat standing on top of the world globe with arms stretched out, thick outlines black and white +eighteen year-old girl, blonde hair, blue eyes, white tank top, blue short trousers, mild freckles, sitting on the sofa, figurative realism, semi-realism, pre-raphaelite style, best quality, high quality, detailed, detailed eyes, detailed hair, masterpiece, soft lighting, high resolution, 4K UHD, Jantina Peperkamp, Noveland Sayson, Elena Sai, Tom Bagshaw +Super Mario wearing outfit from DBZ +half body underwater photography of woman, sky cloud sunny day +medium-full shot of an elderly french woman with deep wrinkles and a warm smile, sitting in a charming soho cafe filled with plants, looking out the window as people walk by, wearing a bright pastel linen blazer and floral print silk blouse, natural afternoon light shining through the windows & reflecting off her eyeglasses, shot on Agfa Vista 200, side-angle view, 4k +dusty, bokeh, smoke filled carnage on a 18th century battle field, calvary, mayham, death, destruction, +human schoolgirl in a sofa with "no underware" with a childish face in the forest with her sisters +a group of chinese supermodels on the beach, masterpiece photo, canon 5d mkiii, 24mm f4 +first man on Mars, high detailed +a golden retriever playing basketball, slam dunk, pixel art +redhead lonely girl walking on the street of a city at night with neon lights, beautiful face, +A lava lamp with human eyeballs instead of lava +A large spider mech with a cannon +Zeus, High Resolution, High Quality, Many Details +propaganda poster with text INGSOC , theme 1984 city, evil dystopian, digital art +a kind, happy, smiling person. phototealistic +Cartoon Portrait of a mysterious young man in a bar, 20 years,leather jacket, blond hair, stylish, neck tattoo, soft light, piano, Music, guitar, band, notes, pixar style +A black cat sitting on a couch +Swan robot, dancing, cyberpunk India, cyborg swan, Ghost in the shell style, mehendi body art, yantra, robot mask, Baroque style, Kathakali character, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, synthesized body, hyper-realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD +Produce an image of a futuristic city skyline filled with tall buildings and bustling streets. In the foreground, a group of people can be seen exchanging various cryptocurrencies using their smartphones. The image should convey a sense of excitement and optimism for the future of crypto. +pink sheer harem pants, bare midriff, short red west, sheer pink veil, blonde hair, topknot, I dream of genie +A woman eating a hotdog in Budapest +Communist revolution in Germany, 1920s, painting, detailed art +a 20 year old woman wearing workout clothes +Man playing guitar on stage after not practicing all week +Albert Einstein with a SpongeBob shirt +Detailed japanese Chun Li knight wearing greathelm, snow background, perfect Lighting and shadows +a portrait of a human woman with short hair wearing leather clothing, fantasy, epic +digital painting of a male D&D fairy holding two daggers +masterpiece, best quality, professional photo, a cute female japanese high school student sitting in a tree +close up portrait of a baby playing in the snow by the door of a rural wooden cabin home in Nepal covered in snow after an avalanche, Natural light, maximum detail, photography, hyperrealistic, +majestic roaring lion wearing royal crown! sunlit dawn; photorealistic face! artwork by nekro! WLOP; masterpiece; 8k resolution; fantasy concept art; full body portrait; Greg Rutkowski; perfect face; maximalism; dynamic lighting; hyperdetailed; intricately detailed; Splash screen art; trending on Artstation; deep color; volumetric lighting; Alphonse Mucha; Jordan Grimmer; unique composition +fantsy art print of a cat dragon hybrid with wings in the desert, at sunset +A lifeguard sitting in a chair +an astronaut helmet with a skull inside +Photo artwork for music album conveying melancholy, loneliness and peace +a cat blowing out candles on a birthday cake +photo of a ghost in the desert, camera footage, black and white, flash, city lights +woman looking like a spider queen +a red apple wearing a green hat, sitting on a table near the mountains +Justin Reekie, VP of marketing for tushy +young Lee Young Ae as an european peasant woman by Marc Simonetti +Attractive mixed woman; Asian; African;Latina; Indian; Mixed; Dress in space suit +big feet, foot fetish, cute soles, girly, painting, oil painting, smexy, sensual, macro +Antique, warm hues, urine spray, holding massive black rubber dildo, chubby Afro American girl doing the splits breakdance upside down in pink tutu, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Ash from Pokemon, in Siege of Vienne, year is 1456, medieval +mirror selfie of emo girl recovered from the MySpace data loss, circa 2007 +A mysterious abandoned temple in a dense Hokkaido forest with a full moon rising behind, dark, gothic, highly detailed, intricate, digital painting, artstation, by Bastien Lecouffe Deharme, Adrian Smith, Donglu Yu, and Jonas De Ro, masterpiece, absurdres, highres, featured on ArtStation +Black and white 1905 year portrait of futuristic professional photographer with camera in hand sadly covered by splash of dust +a close-up photograph of winona ryder in an urban wasteland, atmospheric, grainy, gritty, (in punk clothes), intricate details, highly detailed, (iconic), black crush, heavy noise, intimate, analog, morning haze, hasselblad 501CM, ((by anton corbijn)) +sea animal. toy,in natural colors, fleece +woman destroying a drone by throwing a jar of pickled tomatoes off a balcony +breton monks looking like zappa with the satan lucifer devil and with goat, photo +Anthropomorphic cats musicians on stage sing, music visual effects , magically, fabulous, , +mandelbrot fractal colorful resolution contour complex +sim racing setup with flight simulator setup +Ghostly smoke-like apparition riding a demonic horse, low light levels, shadow, night-time, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Astronaut playing guitar in space; Bitcoin chart; +Leatherface getting married with his wife at a wedding while hes holding a chainsaw +Large, Master Bedroom, Skycraper, , Mahanntan, Night, Interior, pulent, Luxury, Gold details, shiny Black Details, glossy, white, Marble, Modern, Exquisite +Military Humanoid robot with a gun +Robots and priests by art by Carl Larsson +Humphrey Bogart as a wolfman, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +Card Magic the gathering style of tom whalenmusiciansFloridaFrank BaconKen CrawfordMichael GoodmanBob Kanefolk musiciansstring bandsdogsstuart, flmartin countyBWMusical InstrumentsState Library and Archives of Floridamusicianbandtraditional musicsessionmandolin +photo of electric monkey , electricity aura, electric storm, electric zaps, electricity coming out of body +A girl sailing a boat through a stormy sea, full body, beautiful face, high details, intricate details, by vincent di fate, artgerm julie bell beeple, 90s, Smooth gradients, octane render, 8k, volumetric lightning, High contrast, duo tone, depth of field, very coherent symmetrical artwork +a man shoots himself in the head with a gun, suicide +art poster by legend of ravaging dynasties, magical winged lion, majestic, peaceful atmosphere +Beautiful girl lying on the ground, M legs, no pants, +Aleister Crowley sticking tongue out wearing sunglasses holding a sign that says Famous +photo of young taylor swift with a black dog in bed,cuddling,highly detailed,beautiful face,award winning photo +Matrix digital text green rain on black background +a photograph of teddy bear riding a velociraptor and in the jungle river, +fullbody portrait of young Jennifer Connelly as artemisia and dejah thoris at burningman, fit muscular body, highly detailed, sharp focus, cinematic lighting +breton monks looking like zappa with teleportation scifi portal and with goat, photo +cockpit view inside a submarine, intricate complex, highly detailed ray traced +A giant pumpkin next to a small dog +ava addams at her wedding and her husband is a bull animal, the wedding is on the beach +surfer girl holding a surf board +a cat on a rocking chair +a man in a bar drinking whisky +8k uhd,photo of gundam zeta in jungle city river +Hestia was the goddess of the hearth and home. She was often depicted as a gentle and nurturing figure, and her powers were said to protect families and homes from harm. +Giger hydra, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +photo of bulling two muscle guys bald Slaughter punish abducted and degraded Boy at Juvenile Prison for Boys. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +Photo of a beautiful young malayali woman in her office, professional photography +Clothing designed by virgil abloh +foreigera, style of foreign era, inspired by virgil+abloh, 8k resoultion, hyper realstic, 8k resolution, hyper realistic, day Zener dramatic +shameless teen blonde little girl, insanely detailed portrait,female model, dof, dslr extremely intricate, high res, 8k, award winning photography +A group of dinosaurs having a fancy tea party. +Fornasetti Style King's Hussars Picture of Black LacqueredWestminster Abbey smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, plants overgrown outstanding detail ,room flooded, in front of a building,by J H Lynch +digital painting of electric monkey , electricity aura, electric storm, electric zaps, electricity coming out of body +High res 3d concept art of Bleu from Breath of Fire II +an empowering view of a orca warrior wearing royal robe,sitting in a cafe drinking coffee next to a kangaroo warrior with an eye scar,menacing,by artist Ian Miller and by artist Ken Kelly and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +A beautiful painting Ashburnham standing stones +grace Kelly as an angel, as painted by Degas +Master Bedroom, Skycraper, Mahanntan, Opulent, Luxury, Gold details, white, Marble, Modern, Exquisite +16 bit pixel art, outside of a coffeeshop on a rainy day, light coming from windows, cinematic still, hdr +painting of jake gyllenhaal by egon schiele +Cowboy man in a subway station holding a sign that says puta que pariu +ava addams prostituta en la ciudad +A manly middle eastern ginger bodybuilder iliac furrows, adonis belt, apollos crest +fine-art photography of a Clear crystal cube, reflecting the seaface, floating on the tumultuous sea, Arctic Ocean, sunset, magic time, by Andreas Rocha, Minimalism, artistic, atmospheric, masterpiece, golden ratio composition, hyper-detailed, 8K wallpaper +One old abandoned red tennis shoe in the park steampunk style +Portrait of a fairy tale princess by Robert Hagan +coloring page of a tractor and butterfly swimming on the ocean. +penthouse, large living room, at night, modern realistic archviz, minimal, luxury, dark aesthetic, trending on pinterest, marble details, steel, wood, polish ebony floor, details in shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray , +Black and white professional 1905 photographer with camera in hand deep in a cave of covered by splash of dust in a forest splash of light +magazine cover, text, skinny little preteen 8 year old girl, abs, straight blonde hair, croptop and miniskirt, muppets and old man, bedroom, chains and ropes, starwars, muppets +portrait of a smoking man with smoke around his face, digital art, 8k ultrahd artstation unrealengine +centered, midframe;beautiful, peaceful, love, water, storm,hyperrealistic, hyperdetailed, digital illustration,concept art in a teacup +Sonic vs Metal Sonic, archie comics +Muscle guy Cannibal eat boy meat flesh Cannibalism. highly detailed guro art by Ilya Repin +Cartoonist, centred, front, humanoid pokemon, Ariados, female, curvey, a stoneforest, Digital Art, WLOP with Marco Mazzoni style, headroom +cat in a glass jar shaped as genie bottle, terrarium filled with flowering plants, highly detailed, digital art, sharp focus, hyperrealistic, high octane render, unreal engine +gothic barbie with flowers by Jeremiah ketner +25 years old Lee Evans as a 19th century postman, dressed in gray uniform portrait by Károly Ferenczy, very atmospheric, raining, natural lights, trending on pinterest.com +an okapi in a green jungle, by Pixar +cafe logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, colonial style of england, 3d icons, good for the family, Tali, piety, realism, octane render, soft diffused light, +Lee Young Ae as a 19th century hungarian peasant woman in 19th century a hungarian village, character concept art by Munkácsy, Ferenczy, Rutkowski +30 year old short slim man, fuller round face, very short hair, black hair, black stubble with grey, olive skin, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +a white coloured road is placed in red desert under clear sky, there is giant red head on background that abandoned for half buried into these red sands, 4K +an arctic fox carrying a lantern using its mouth +Portrait of a beautiful black woman decked out in intricate jewlery, chains, bead and head dress +a porcelain in the shape of pizza +Steve Jobs as hip hop singer +Acrylic painting of a mountain landscape, with a stormy sky and a cabin nestled in the forest, high contrast, bold brushstrokes, high-resolution +an evil thunder storm with undead monsters above a skyscraper in london, urban fantasy airbrushed drawing +Explosive, neon smoke, night lights, psychedelic white teen model ballerina, breakdancing, upside down, splits, octane render, 8K HD +warsaw palace of culture and science anime style +A front facing angle of a chalkboard with “2+2=5” written boldly. +Black curvy woman eating cheescake sensually with frosting dripping down her face +As you step into the hacker's lair, you're surrounded by a neon-lit room filled with holographic displays, and a labyrinth of cables and wires. The room is soundproof and sealed off from the outside world, with no windows or visible entrances. +a burly blue-skinned orc in sparse clothes +Death personified riding a horse, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a beautiful argentine woman in soft little shorts and soft little t-shirt, sitting and nestled in on the plush surface of an oversize couch, on a big soft cushion, with luxurious fabric and big soft pillows, legs slightly spread extending on the couch, arms nice and relaxed, comfy, warm, lush and very cozy inviting and relaxed environment, nice and cute, very confortable, professional photo +mechanical fish in nature, electronics, motors, wires, buttons, lcd +portrait of hanging colorful fabrics intertwined together of a snake goddess torn from within | symmetrical face, accurate anatomy, textured weaving | tom bagshaw, yoshitaka amano, loish, gustave dore, anna dittmann +a cinematic film movie still of a landscape, bokeh, film grain, photorealistic +Boy with gold leaf on his skin and lithe hips +a line drawing of a bitcoin, make it an illustration +a lion reading a book, high quality, photo realistic, +a nun with a steel pipe surrounded by flame zombies +photo of a pizza in front of the colosseum +dynamic underwater ballet dancing, luminous, dynamic lighting, swirling water, +By Lee madgwick, by Luis Royo, by Louise nevelson +Wizard battle under a full moon +a bear, muddy, crowded car museum, intricate details, hdr, intricate details, hyperdetailed, cinematic, dark shot, muted colors, film grainy, soothing tones, muted colors, technicolor +Jenna Fischer as a hotwife without a shirt +Metaverse Fashion platform that connects the virtual and real world using the avatar and clothing +hypno slave obey. mesmerized. fully clothed. illustration +A Shiba Inu dog wearing a beret and black turtleneck +Painting of town center with cobbled street at night, wet pavement, stormy night, intricate, higly detaile, photo realistic, by studio ghibli +A sleeping giant, lying on a hill with its head resting on a cloud. +fluffy cat sitting on top of a skyscraper +Being vaccinated does NOT mean you have to rub vanilla crème all over your body and change your species, but it wouldn't be the worst idea, if you’re considering it. +full body flash photograph of elegant shapely nubile brunette waif dejah thoris at burningman, ultrarealistic, beguiling, sharp focus, wide angle +Celtic Fantasy, classic sierra point-and-click adventure game, crisp vibrant pixel art +Realistic 3d render of a happy, furry and cute baby panda bear smiling with big eyes looking straight at you, Pixar style, 32k, full body shot with a light blue background +Selfie while Tom Hanks rafting on the nile river, the pyramids in the background +A magical, dreamlike forest in the style of Hayao Miyazaki +Slimy humanoid monster covered with a Hundred eyeballs small funny uncanny bald creepy gooey, with the word creep above +Cartoon man standing in real world +latina woman auto touch upper body,non-existent clothes in the middle of street, new york +An image of a cat with a tinfoil hat, 3d render style +rainy street at night with neon lights +Macro shot of a glowing jewellery ring made of otherworldly materials, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +cinematographic photo of an astronaut sitting in a chair, in an alien place, contemplating the stars on a starry night, desolation, dramatic cinematic scene, cinematic light, 4k, high detai +john lennon eating a lemon with glasses +Illustration Portrait of School girl and a giant steampunk robot by makoto shinkai +lena paul mating with a ogre +a chinese women looking like Gal Gadot +A lady in a black latex catsuit. +A painting of rolling hills in England, by Claude Monet, impressionism, impasto +fantasy art print legend of ravaging dynasties, charcoal and oil painting of giant peaceful towering dire wolf peacefully bowing down to a girl, majestic +A colorful cake with the words "Happy birthday" written on it. +art poster, the essence of rennaisance painting, a jedi silhouette with a lightsaber on a mountain landscape by J. M. W. Turner and bob ross, detailed painting +In this artwork, a giant woman is kissing a tiny baby boy. The woman's size is visually striking, with an exaggerated head and plump lips that are equal in size to the baby's head. Her wet lips are pushed tightly against the baby's face, covering his entire head and forcing her saliva to splash everywhere. The focus of the artwork is on the intimacy and tenderness of the moment, with a strong sense of maternal love and protectiveness conveyed through the woman's expression and body language. The woman's lips are the focal point of the artwork, with their size and wetness emphasized through shading and lighting effects. As she pushes her lips tightly against the baby's head, her saliva splashes everywhere, making the baby blush even harder. The baby boy's reaction to the kiss is captured through his facial expression, with his blushing cheeks and parted lips conveying a mix of surprise, pleasure, and vulnerability. The color palette of the artwork is warm and inviting, with soft pastels and gentle lighting used to highlight the emotional connection between the two characters. The overall style of the artwork is realistic and detailed, with a focus on capturing the intricate details of the woman's lips and the baby boy's small head. +Gamblers, Midjourney v5 style, insanely detailed, photorealistic, 8k, volumetric lighting, , +a man and a woman standing in front of a red curtain, an art deco painting by Nan Goldin, featured on cg society, international gothic, movie still, criterion collection, 1990s +style of henry raeburn, anna botting sky news, portrait, painterly, visible brush strokes, moody lighting +color pen and ink, illustrated by Hergé. A cat ride vespa, hopeful. +Giger xenomorph Easter special, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +large teddybears in uniform next to car, car workshop in a spaceship, inside is a model of a lotus esprit, sci fi,star trek shuttle bay +a group of people standing on top of a landscape view, trending on cg society, futurism, game promotional poster, rivers. space colony, fortnite, gaming room in 2 0 4 0 ,distant city ,trees blossom, orange suit,flying car +Beautiful shy slim thin petite girl with trained abs, visible muscles +anime, highly detailed, 16k wallpaper, a Cute girl, happy, carmine-colored hair, medium hair, wavy hairstyle, wearing frilled dress, portrait, symmetrical face, +Beautiful large bossomed woman. volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical: by Victo ngai: Professional photography: by Russ Mills: hyperrealism trending on Artstation volumetric lighting maximalist photoillustration, by marton bobzert 8k resolution concept art intricately detailed, sci-fi, realistic +A risqué mermaid 🍈🍈🫦🌴 playing chess with a dolphin +wizard working around a large couldron +houston astros logo with fireworks behind it, hd, the year 2023 +Statue of a monster in an Italian Piazza where a political rally is happening, aeral view from far away, lots of detail, photorealistic +a cutaway drawing of tunnels where anthropomorphic mice live +1960 small batman surf mansion architect drawing, big sur, bat shape,cliffs and waves, nest, batsign, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and pritzker prize +childlike color crayon drawing of a riot grrrl singer +Sonic being pursued by Amy Rose +An old, wise annoyed boomer goldfish in it’s fishbowl staring at the camera taking its picture, portrait, 8k, studio lighting, fisheye lens +Pill with the superman logo on it +Kaws artist style, bunny object, 3d model, collectible toy view, combine Kaws artist style and NFT style Bored Ape Collections +Sunflowers by Josef frank, liberty print +president macron standing on top of garbage in Paris +A worn Homer Simpson statue on a tropical beach +person who is 9 feet tall. Their furry exterior is white, and they wear dyed garments made from Daergrunne, which has led to many petty arguments between them and the Poirens about who invented the idea first. They use Dreercaj, large blocks on handles, decorated with their own teeth, which they shed annually. They have six fingered hands, hooves, and large ears said to be able to hear even the slightest of sounds. Their last interesting feature is their lack of eyebrows. Their nostrils stretch along their face, acting instead as a gauge for facial expressions. +A fox wearing a vr headset +Aircraft Carrier in styel of Chinese Woodcut +Comic Book in Karol Bak style Medium Shot of Ogre with Brass Knuckles of Void, Forest Temple, Shimmering, Neon, masterpiece, Electric Colors +Jesus holding a sign that says repent +Post-apocalyptic-glam: A blend of the gritty, worn-out elements of post-apocalyptic design with the glamorous, high-fashion elements of the runway. Imagine an image of a model wearing a designer outfit made of tattered, recycled materials in a wasteland landscape. +Massive, portly, Japanese bimbo wearing lace panties and bra, riding skateboard, doing full body star jump upside down, squirting, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +propaganda poster with text INGSOC , theme 1984 city, evil dystopian +As I stepped into the opulent luxury penthouse in Manhattan, my eyes were immediately drawn to the vast open concept living room, adorned with modern minimalist design elements. The dark aesthetic and moody ambiance, with trending modern cottage wood, glass, and shiny surfaces, instantly set a mysterious tone. The glossy black polish ebony floor gleamed under the soft glow of the contemporary art-inspired lighting fixtures. The modern fireplace, also in shiny black, reflected the dancing flames and illuminated the sleek marble details on the walls. I couldn't help but feel a sense of awe and admiration for the carefully curated interior design choices. My gaze drifted towards the grand luxury piano standing proudly beside the panoramic view of the city at night. The shiny black surface of the piano and the reflections of the city skyline created an otherworldly aura. I couldn't help but wonder who the owner of this impressive penthouse was and what kind of personality they possessed. As I explored the room, I noticed subtle art references, each with a name and a story to tell. The literary references and philosophical musings in the decor suggested an owner with a refined taste and intellectual curiosity. The combination of modern elements and classic references suggested a deep appreciation for history and culture. Overall, my first impression of the penthouse owner was one of sophistication, elegance, and intellectual curiosity. The carefully curated design elements and art references suggested a refined taste and a desire for a life of luxury and opulence. +a cat sitting on top of a helloween pumpkin, cementry in background, dramatic purple lighting, circle design, vector art +realistic concept art, portal, dyson sphere +A sunset that is shattered like a broken mirror +ui/ux webpage of a vfx company +dragon, dungeons and dragons, gold, fantasy, rustic, magic, lantern +Cat god, the ruler of cats standing in mushroom heaven, looking down on the world +**a portrait of a bitcoin volcano hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +three beautiful men carrying a giant tv, finely detailed, funnyorange style, wonderful scenery, 720p +a pregnant woman jogging by a lake +Turkish Kangal wearing snapback and golden chain on neck with dollar sign pendant +League of Legends champion. Octara is a tall and imposing figure with a humanoid upper body and an octopus lower body. Her skin is a dark blue and covered in a layer of shimmering scales. Her face is fierce, with sharp teeth and a determined expression. Her hair is long and flowing, made up of writhing tentacles that seem to move on their own. She wears a set of ornate robes that are adorned with intricate patterns of swirling tentacles, further accentuating her octopus-like appearance. In her hands, she holds a powerful staff that crackles with energy, ready to unleash its magical power upon her enemies. The overall feel of the artwork should be imposing and powerful +in style of Rachel Ruysch, beautiful details +Realistic Black and white cute portrait of realistic Jenna Ortega bangs hairstyle , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +The golden watch steals magical Mana, masterpiece, epic realistic, 3d Unreal Engine 6, 4D verse, , +Portrait photo intricately detailed Cyborg face, in a massive colorful space +Realistic Black and white portrait of Felicity Jones triple D cup as a 19 year old , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +weezy at the age of 75 +Kurt Cobain and jimi hendrix preforming on stage together at concert located at westpack staduim new zealand welington +cute LEGO figure of a warrior mouse, product photo, well-detailed LEGO details, perfect lighting +A cat drinking a latte in Paris +a dragon spitting fire and flying across the ocean at night, photorealistic, hq +Camaron de la Isla with his guitar +art-nouveau advertisement poster for oranges and slime +photo of the camp nou stadium in barcelona with many happy people celebrating with their arms up, it's daytime, a thousand soccer balls fall from the sky, cyber punk, high definition, 4k elegant +biomechanical cyborg! Photorealistic: by Android Jones: by H. R. Giger: by peter mohrbacher: by Jean-Baptiste Monge +photo of a girl riding on a roller coaster and eating ice cream +I once worked with a guy that looked just like you. He was a normal human with a family. Are you a normal human with a family? +John Wick playing the electric guitar while sitting on top of a wrecked car's engine +chica freckles, con escote profundo, camisa Corte bajo, tetas grandes +a person throwing a booby into a volcano +david bowie 3d character cartoon disney pixar render +Selfie of a instagirl fakebody Japanese 20yr girl, neon hair, wearing a sheer plastic translucent shirt +anthropomorphic hippopotamus, unibrow, muscle fat, male, furry artwork +Sturdy and pA rainy evening, a view from the window of the night city and bright lanterns, rain jets on the glassink pickup truck +gorgeous beautiful female in a changing room, black hair, pigtails, wearing a sheer partially draped saree without a blouse, no blouse, bare legs visible, bare areola visible, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +3d render of a gundam, , raytracing +a cute potato and a lovely human wearing both a prestigious armor in a dark souls 3 atmosphere +ELVIS on a stage, reddit contest winner, neo-dada, real, 1970s, digitally enhanced +a high resolution scan of a 3d needlepoint cross-stitch diorama render +SNK The King Of Fighters artwork medieval gothic trio +, fantasy, pastel, absurdist, photo, the shining, red rum +Love under an umbrella, anime romance movie poster, , +boxing ring, bruised bard laying down on the floor, shiny robot doing a victory pose, bard hat , realistic +ultra realistic, concept art, intricate details +Alone alone alone, masterpiece portrait close up beautiful suicide girl GOTH well endowed 🍈🍈👙🫦🍆💦 +a living room filled with furniture and a hearth, an image of a woman knitting sweaters by magali villeneuve, cold snow covered buildings in the windows, portrait of a young elf wizard, polycount contest winner, fantasy art, located in a wizard's shop, cozy wallpaper, cartoon moody scene, hearthstone card game artwork, art from harry potter +Marilyn Monroe holding a sign that says repent +3d lettering, text "barnacle", purple glossy background +A pencil sketch of a beautiful lady with face visible standing on an epic cliff huge hair Highly detailed well shaded realistic back shot mid low angle +dnd warlock human girl cultist with lovecraftian magic +Beautifully FAT Pig-Furry Woman, Wearing Gold Armor and Wielding an Enchanted Gold Ax, Standing inside a ruined and neglected Turkish bathhouse covered in cracked blue and white tiles. +a polaroid of a suburban house. +upside-down pikachu in space with arms that wrap around its body 4 times +stucco robot, cyberpunk india, cyborg statue, ghost in the shell style, bas-relief, mehendi body art, bird, yantra, mask, baroque style, kathakali character, high technology, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, hyperrealistic, 8k, epic ambient light, octane rendering, soft ambient light, HD +a little girl with micro shorts licking icecream +mourobscure etching tega 📊 scorsese cava pen,Jules Bastien-Lepage, woman in black coat sitting in snowy landscape +velociraptor wearing a cowboy hat. Historical photograph, 1876. Dramatic portrait +Painting in the style of Klimt, ironman fishing on Granville coast Plage du Plat Gousset in France with the sea and the beach in the foreground, gold, golden, swirls dots and colours, by artist Klimt +A cat wearing a tin foil hat +alpaca wearing sunglasses at burning man +in a room a MGb car smashing through hole in the wall ,sparks dust rubble bricks ,studio lighting,white walls, mg logo +**a portrait of a 3D Bitcoin, cartoon style, cockroach, in Hawaii, on the beach, hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +niels spinomithbkk gidak ". grandmother, Anna ancher +Oil painting of social dance in space station +Nepali aunty and uncle having fun in bed +a beautiful greatsword in the style of dark souls. Long blade, ornamental. +a hot beautiful blonde woman stuck in a washing machine with her back and legs sticking out +cat eating a human heart out of a skull +closeup photo of beautiful chris hemsworth dressed as Thor who poses for a picture, he is greeting you warmly, broadshouldered, heroic history, glorious long blond hair, put on 1 0 0 pounds of muscle, perfect symmetrical body, long boi, sculpted, snow on the body,textless, color corrected, film photography, film grain, Fuji Velvia 50 +A photo of a Messi-Ronaldo hybrid +Hyperrealistic charcoal drawing of a stork flying to it's nest +lady and man kissing in the car in the back seat, duffy sheridan, chic, handsome brunette man with tattoos on his neck and blonde girl, appropriated images, photos, candid shots of celebrities +Garden+factory,Tall factory,Many red rose,A few roses,clouds, ultra wide shot, atmospheric, hyper realistic, 8k, epic composition, cinematic, octane render +art by van gogh, Kubrick drinking a beer on a bar +A highly detailed portrait of Storm from the X-Men summoning a lightning storm painted by Marianne Stokes featured on ArtStation +a wideangle a grizzly leaning on a mgb ,in a forest , chrome detailing +rocket raccoon is standing on the moon, 4k, +cybernetic deer 🦌, cyberpunk, futuristic Trending on Artstation HQ, 4K, UHD, High quality +A cat wearing a tin foil hat, a photorealistic colorful painting in the style of ross tran, yoshitaka amano and Liz Gael, trending on artstation, cgsociety, detailed background, 8k resolution, whimsical, friendly, cute +ice burning with a blue flame +A perfect Teddy bear, with long legs, standing up on them. +Aquaman swims in lava, 30s dc comic +An open treasure box full of treasure, 2D vector art, t shirt design, plain background, 8k, artstation, artistic +Painting of audio waveforms patterns illusion maze brane style +sign saying, “No! I am a Void Refinement Realm expert. How is it possible for me to lose to a Divine Transformation Realm junior?!” +art print of a cute water elemental spirit creature by league of legends +by Michał Sawtyruk , by Josef Koteart poster, the essence of charcoal painting, a jedi silhouette with a lightsaber on a mountain landscape by J. M. W. Turner and bob ross, charcoal painting +Nikita Makariev the russian guy drinking vodka with friends +Cursed, from day to day it slips We guess in gray to fill the moment To be lost in fiction Drift on no further It's falsely a friend Further Salvation could be mischief We are +A dungeons and dragons cavalier investigating a tavern entry, where the sign overhead reads "Abandon hope all ye who enter here" +a red apple sitting to the right of a peach +A transformer decepticon made from a Tesla +team of cats pulling a sled in the snow +irredescent, with the design of an alien dignitary printed on currency paper , strange alien currency symbols printed ,highly detailed, realistic, octane render +lots of alphabets floating in the sky +an elephant falling from a cliff +by zdzisław beksinski, by ivan albright lifelike, accurate. A vintage photograph of a biblical divine watcher, other worldly body displaying emotions difficult to describe, otherworldly features that evoke deep fear and awe in the divine, mysterious appendages, giant proportions looming over a landscape populated with a city, gray, gloomy weather, dark lighting with lots of fog +Game concept art, portratit of a Dungeons and dragons, Beautiful, Young middle-eastern woman, tan skin, dark brown eyes, black hair, long braids, slender, graceful pose, colorful comfortable nomadic clothes, wearing jewelries, digital painting +An illustration of a man singing in a park at night, the night is starry +An anime featuring a space battle between a gundam and many mobile suits. Space battle. many space ships, stars visible, lasers +A highly detailed landscape painting of an abandoned castle in the Scottish Highlands painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +a wideangle photo of armor on display in a smokey roman villa burning,18mm smoke filled room debris ,floor mosaics Tripod fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +baroque painting with girl in red velvet costume, masterpiece, gorgeous +Archeologiest found alien artificats near the great pyramid +A chair made out of origami leather and steel designed by kanye west and luie vuitton +Concept car, a futuristic car in the shape of a crab +Fire pigeon flying above the clouds, fire feathers, magic, night, moon, soft light +Painting of a strange alien architecture ruins dense dystopian cityscape bizarre far future, band of survivors smoke +a image of space and future and green +grand blue dreaming anime, kitahara iori +Albert Einstein presenting a time machine refrigerator with neon lights and clocks +Beautiful image presenting that AGI monumental AI singularity oracle, digital concept art, sci-fi, cyberpunk, superintelligence supercomputer, futuristic, breathtaking, bottom view, intricate details +anime cat ears parted lips girl twintails two side up blonde short hair brown eyes in frilled white dress red ribbon +Agnes Cecile Logo drawing of a rainbow colored Fire Wreath, high res, 8k, Simple, award winning. Simple logo, a wreath made out of flames +necromancer anime girl, pale skin, goth, magic, dark fantasy, skeletons army, bones, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +A wooden sign at the beach with subscribe written on it +a scary sunflower monster with a face +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, hare krishna, colonial catering logo, 3d logo, good for family, Indian Thali dish, piety, realism, octane render, soft ambient light, emoji style +masterpiece, extremely intricate, photo portrait of a white 40 years old man, greying hair, undercut brown hair, goatee, chiseled jaw, blue eyes +Chrome humanoid robot, copper details, head shaped like an acorn. +a view of a tall hill with a big forest treeline as viewed from below the hill +a photo of a mgb and a bear ,in forest filled with lots of trees, inspired by Dan Mumford, shutterstock, beautiful stained glass window, morning sunrise, colorful glass wall, chrome detailing +Two red roses, ink and watercolor drawing +Silver coin in front of a burning bank +A highly detailed steampunk style wall clock +a cheerful dark-skinned girl in a bright dress with black and big dog +insanely detailed portrait,female model, insane face details,dof, dslr extremely intricate, high res, 8k, award winning photography +pennywise swimming in a pool, DVD screengrab from 1980s dark fantasy film, high detai +Planet, lasers, rays, frightening text, transhumanism, Armageddon in the form of crazy chaos in another dimension +anime girl wearing a shirt that has the gadsen flag on it "gadsen flag" +realistic photo of megumin from konosuba swimming underwater, full body, +8 years old , handsome blue-skinned Hindu God Krishna, realistic black hair, detailed texture, pretty,cute sharp bright big black eyes and pupils intricate, small nose, , elegant, epic,detailed digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha +ironman as a sloth, animal photo, in the jungle +Ryan gosling, Retro style artwork, comic book art, high details, comic book cover, symmetrical, vibrant colors +A picture of Tally Hall in front of a brick wall +Badalona Factory in a stunning brutalism by Giorgio de Chirico, Fortunato Depero, George Tooker, Titian, italian futurism, black and white +Scared Man with head in a cage full of stinging bees, stung, pain, ouch, ] +A cat protrait in a navy uniform, painting with larger brush strokes +Sharbat Gula's 7 colors eyes magnified and vivid against a dark background +A dwarf cleric smashing a bandits head +an image of skynet using chatgpt in the end times, terminators +thick young jewish woman taking it deep +Award winning digital artwork of an chubby fruitypunk character +"a black and white photo of a person with an umbrella, mirror's edge in russia, geometric light rays, francesco may wilson, minimalissimo, standing in the streets, wall street, light of sin, narrow footpath +an image of a raccoon eating an apple +30 year old Elvis Presley auditions for the role of Captain James T Kirk on Star Trek, 1966, scifi +, fantasy, pastel, absurdist, photo, refined, easter +portrait of man balancing on tall stilts in forest, waterhouse fleetwood sargent grosvenvero hawacafé haal ,Jules Bastien-Lepage +Full body portrait of an feminine melancholic elegant android, in the ergo proxy style, beautiful anime shot, cyberpunk, highly detailed, neon backlight, complex scene, latex bodysuit, retrofuturistic weapon +a couple of men sitting at a table with food, a surrealist painting, inspired by Jean-Léon Gérôme, cg society contest winner, seated in royal ease, mogul khan, michelin restaurant, aleksander rostov, ralph mcquarrie. centered image, extremely detailed painting, mort kunstler, chef table, 4 k masterpiece +a son running in to her mother's arms, animated, stylized +woman caned repeatedly, bedroom, swollen, bruised, tied up, walking cane, highly detailed, embellishments +an overgrown abandoned red barn, covered in vines, sunlight filtering through, a deer standing in the entrance, 4k +a photograph of velociraptor and a teddy bear in the jungle river, +Cthulhu in New York, oil painting +city scape with a floating city in the clouds wit space background +analog style picture of a lizard dressed as a knight in armour +epic image of jedi, waterpaint style +young handsome boy, 3 days beard and short hair +photo of an x-wing underwater wreck, star wars +a cinematic film movie still of a landscape, film grain, photorealistic, hazy +tiny clear plastic dog , made of crystal,parts visible inside, Product shot, prototype, robotic, detail, clear parts, white background +Muscle Nicolas cage in the gym, powerjerk +Steam train in motion in a magnificent landscape, fast shutter speed, photograph, digital render, digital illustration, photo realism, colorful +Fantasy, pastel, absurdist, photo, Wes Anderson, oyster characters +a pink narwal with a drill horn in a deep and dark ocean +Russian subway in venice, hawaii surfing +A movie still from a 1980s sci-fi film +slavic woman with pink hair walkig trough steampunk City ruins by artgerm, asymmetric cut, low angle +A gorgeous model named curvy Betty. 35mm. Photo real +Attack on Titan Eren Yeager with German Third Reich +illustration of evil skye sister dog from paw patrol +sci-fi large white room, with aston martin db7,studio lighting +A large dog with a dogs face standing in a busy street +Fleischer Studios animation of Mickey Mouse as a NOIR Gangster. Ghostmane. +Albert Einstein presenting a rat inside a cylindrical time machine with neon lights and a sophisticated system of gears and clocks +Watercolour raspberries, hyperdetailed, energetic, by Matisse, lively +A wise and ancient sorceress, commanding the elemental forces of nature as she crafts a powerful spell, art by Yoshitaka Amano, Rebecca Guay, and Charles Vess, ethereal lighting, swirling elements, intricate robes +3d game model, a giant destroying a village, black background +a capital of the undead horde, dark sky, green hues +a Ferrari car that is made out of woo +nigel farage laughing, league of legends splash art +beautiful woman, pretty little humanoid sitting at cafeteria table eating hamburger, unreal engine, warm indoor lighting, arts station, detailed digital painting, cinematic, character designs by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyper-realistic, octane rendering +Closeup Picture of feets in high heels +detailed yoda:3 with sunglasses darksynt:5 retrowave splash art wallpaper, movie poster anamorphic lens flare cyber, outrun by jason fabok and Patrick Brown, cg society, sots art, 2d game art, concept art, official art +Christina Ricci shaking hands with Bill Clinton +Midevil night holding Excaliburs sword with a Bitcoin handle +An image of a ufo abduction, dynamic lighting, electrifying, synesthesia, ufo style +Robot with beard made of wires, wearing pilot glasses. Front view. +8k uhd portrait photograph of a beautiful female miqo'te FFXIV +A cat protrait in a navy uniform, painting with larger brus strokes +rapist torture boy at dark room. abusive Relationships, break the will, screamCRY yelling. highly detailed Surrealism art by Ilya Repin +a tomodachi life character of princess peach, low resolution +A very attractive woman named Curvy Sue. Hi res. Realistic. 35mm +British captain america, captain Britain, marvel movie poster +drawing of a girl doing the bubble tea challenge +first humans on Mars, high detailed +art deco poster of an archer shooting at the moon, flat colors, inspirational +a man holding a sign that says you should kiss ula +selfie photo of a girl who’s very proud of her curves +Ubuntu instance in AWS, logical diagram. +A photorealistic sculpture of a man's head, made of marble, with a sad expression on his face. +A very tiny white kitten taking a bath in a teacup, stock footage, cinematic lighting, hd, uhd, uhdr, hdr, 8k, 35mm, ultra high quality +wideangle fisheye photo of a sailing ship in pool, inside the gold getty villa +A sloth staring at the northern lights +a close up of a person wearing a helmet, retro anime girl, kilian eng vibrant colors, cute pilot girl, bottom angle, galactic yellow violet colors, martin ansin, an retro anime image, dark spaceship , jet set radio, a-1 pictures, by Kilian Eng, style of alena aenami, pharah, portrait of cute pilot girl +majetic Red panda warrior with a sword, dark fantasy art print +A photography of a bedroom, very nostalgic and liminal, photography took in the 80s +a photograph of a purple ChromaFlair MG ZT 190 car that is in the jungle river,4k wideangle photo +An astronaut on a space walk over mars +a picture of a wolf in flames on a black background, an illustration of, by Adam Marczyński, shutterstock, digital art, epic full color illustration, concept art design illustration, high detail illustration, brightly glowing eyes, a beautiful artwork illustration, official artwork, concept art, artstation, by xiaoguang sun and wlop and and ilya kuvshinov and greg rutkowski, 8 k +a tall woman with purple hair in leather, alcohol, bar, tatooed, neon light +an anthropomorphic wolf, druid, cape, dungeons and dragons, town, rpg, rustic, fantasy, forest, flowers, night, fireflies, hd digital art +What if Lady Gaga was a boy? +pltn style, Closeup of a black leopard, ferns, surrealistic, dreamlike, intricate details, pastel colors, dramatic intricate environment, butterfly, lumen reflections, highly detailed digital painting, smooth, sharp focus, Esao Andrews – Ernst Haeckel, digital art, oil painting, heavy strokes, paint dripping, 8k, fur texture, cute big circular reflective eyes, Pixar render, unreal engine cinematic smooth, intricate detail, cinematic, 4k, epic Steven Spielberg movie still, sharp focus, emitting diodes, smoke, artillery, sparks, racks, system unit, motherboard, by pascal blanche rutkowski repin artstation hyperrealism painting concept art of detailed character design matte painting, 4 k resolution blade runner +retro dream dramatic old hairy shaman screaming in a middle of forest , covered by lotus flower light dust, photo by alex grey albi vintage, crisp +A doughnut in the form of a spy character, +screenshot of an evil farming game, 3D old game, scary +In the rainy panoramic window I see a plane at the airport.Heavy rain on the glass Raindrops and jets on the glass +a photo of furry teddy bears looking at a rover75 v8 car that is in the jungle , mgzt, +hyperrealistic photograph of a tesla +Chiloe in the style of gta vice city artwork, digital art, loading screen artwork, orange sunset, 3d render, classical painting +Un cœur avec un papillon et des jonquilles avec le cœur orange +Horror, shot on arri, a spaceship landing on a desert, twilight +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Vincent Van Gogh +Inside Camelot , epical, fantastical, magical, mystical +old abandoned school corridor filled with the ghosts of students, vintage, hyperrealistic, glowing, abandoned +sci-fi white room, a mgb gt car,silver car,studio lighting,inside space station with windows,mg cars +a 10 years future tesla car +A boy holding a sign that says "no me importa" " +One person perfect mix of kayn from league of legends and erron black from mortal kombat 11 as a bloodbourne boss holding two guns, aquarium in background, artwork inspired by alex horley, Adi granov, antoine collignon, marek okon, aleksi briclot, maciej kuciara, logan cure, ultra realistic, digital artwork, full details, cinematic, best quality, hypermaximalist, fhd, octane rendering, unreal engine rendering, 4k, 8k, trending on artstation, cgsociety contest winner, unity wallpaper, deviantart, hyper realistic, hi-end +male woodland elf lounging in the boughs of an oak tree +Ratatouille mouse on the moon, studio ghibli style +grace Kelly as an angel, as painted by Durer +A professor giving a talk to a group of students in an auditorium +emilia from sitio do pica pau amarelo in real life +Sphere Within Sphere, book piles!!!, cluttered maker workshop, toned abs, Glowing orbs, rule of thirds, intricate, stained glasses, art by greg rutkowski, Beksinski, john william waterhouse, Leonardo da Vinci, alphonse mucha, radiant atmospheric illumination +A terminator smoking a cigarette watching a nuclear explosion +Anime guy waiting a table at a restaurant +A highly detailed landscape painting of the Yangshuo karst hills painted by Hiroshi Yoshida, masterpiece, absurdres, highres, featured on ArtStation +Still shot from movie of a strong caveman, laughing wildly, holding a piglet, cinematic +Two cats playing chess on a tree branch, foto +tom cruise in a black leather jacket, oil on canvas, portrait painting +Spider-man commiting tax fraud, paperwork, exhausted, by serov valentin, by tarkovsky, 8 k render, detailed, cute cartoon style +a photo of a woman in a movie, concerned expression, portrait, detailed face, hair. +a giant woman walking in the city +Proteas, damask by grace cossington smith, watercolours +Lady Gaga as President of the United States +anime urban samurai fisherman maked hero +An asian succubus doing what she was trained to do +Marilyn Monroe wearing a shirt that reads Artist +Artful Dodge: This blue sorcery card allows a creature to become unblockable for the turn, and also has the "flashback" ability to be cast from the graveyard for an additional cost. The artwork features a sneaky-looking rogue slipping past guards in a museum +photo of muscle cruel boss guy exhibitionist humilate young intern pissing at office. highly detailed face, killer look, Hard close-set eyes, born criminal +restaurant logo, emoji icon, minimalism, color logo, HD, 3d logo, family, watercolor, healthy food, indian luxury +headshot photo of God, raw photo, 8k uhd, highly detailed +photo of insane amount of bubbles at sunrise, 35mm +Cute and chubby white little poodle with psychedelic clown suit. Analog 35mm film grain, motion blur, film texture, low resolution, lo-fi +bookshelf of books not yet written +an israeli secret agent with a dolphin face +Victorian Christmas under the mistletoe, beautiful woman under a mistletoe elegant, highly detailed, digital painting, artstation, , concept art, smooth, sharp focus, illustration, by jean - baptiste monge, android jones Deborah Azzopardi +A pigeon is reading a notebook with a woman, realistic +close up of a simple white cute cat drinking from a puddle, character design sheet, ghibli, artstation, concept art, illustration +a cinematic photograph of an Audi q7 +Harrison ford in a 1910 balloon +burning flame inside of a sphere +a boy watching an alien spacecraft blasting a city, futuristic illumination, Art Deco, Full colors, Greg rutkowski, Trending artstation, cinematográfic +a cute cat sitting on a helloween pumpkin +a photo of a rabbit shooting a laser gun +Black and white logo depicting elephant with text "proriders" +Close up Photo of Einstein and the time machine with the flux capacitor, back to the future +can in the shape of fruit +A logo for a lady programmer +A player sprite from a 2d horizontal scrolling shooter +Close up Painting of a symmetrical Archangel Archdemon intricate armor, supporting glowing long sword +A castle floating in the clouds +stained glass motif, art by Michael Vincent Manalo and Alfons Mucha, a crystal egg sitting on a lotus flower at the center of the universe, futuristic, astrological, metaphysical, mystical, HD 4K, sharp detail, photo-realistic +wideangle fisheye gold sculpture, in getty villa,panorama +cinematic still of establishing shot from masterpiece cinematography film about liminal space, peace, tranquillity, high details, sharp focus, softest light, perfect composition, , best quality stainless steel robot swimming in a pool +Photo of a laughing caveman,open shirt, furs coat, wild long hair, holding a piglet +giant cat floating over the earth with lasers in his eyes +bald Muscle chubby guy Cannibal murder victim boy, Cannibalismat prison. highly detailed guro art by Ilya Repin +Hyper-realistic portrait of a demonic clown, deformed features and beady eyes, red and orange hues, vibrant and eerie, unsettling emotion and danger, satirical, by Stan Dumiwa, atrueartist, created with ZBrush, 3D, PBR, path tracing, volumetric lighting, octane render, 8k resolution +Jason Voorhees kills his 1st victim +Soldier bunnies in military gear fighting vietnam war +photo of muscle cruel boss guy exhibitionist with intern pissing at office. highly detailed face, killer look, Hard close-set eyes, born criminal +crows in the snow, 90s hip hop album cover, alaska +chinese architecture tourist map, papyrus, stylized, high quality +Donald trump singing at the superbowl half time show +A screenshot of a hot air balloon in Minecraft +a fantasy artwork of billy ray cyrus in a leather jacket as the terminator, giant mullet, bitchin 80s style +a cinematic image by roger deakins ,a wide angle photo of roman soldiers in front of courtyard roman buildings,technicolor film ,roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +digital painting of Sun Wukong with electricity coming out of his body +feathery roses and fluffy winged bunnies by artist "Storm Thorgerson" +photo of teddybear with a sunken steamtrain in the jungle river,flooded train,furry teddy misty mud rocks,panorama,headlights Chrome Detailing, teddybear eyes,open door +a large room ,austin mini cars and teddybear people,lots of teddy bears smiling, sharp focus photo, studio lighting ,sci-fi room +Brutalist family house design, in a dark pine forest, 35mm colour film photography +text made of blood that says Make Love Not War +photo of insane amount of bubbles at sunrise +a girl rides on a swing in the form of a plate with wings +Neca Ghostface figure talking on the phone, city backgrounf +Photo of a cat in getting a cup of coffee in a cafe in the morning +photo of a posters in the city ,flooded sculpture,splashing misty mud rocks,panorama,city buildings, +Giant drago, scaly, Mist, two swordsman, rpg +blond gebrit with a poodle, biker +Kevin at school, elegant, beautiful, artstation, concept art\ +a wide angle photo of large gold head Ceaser on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics fire smoke, a photo, gearing up for battle, roman , mace and shield, a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, plants overgrown outstanding detail ,in front of a building, +A nuke explosion in a city, digital art, 4K, filmic, trending on artstation +an image of an opal ring +Two persons holding a blanket with a pile of oranges in the middle, bouncing on the blanket, high up in the air +An award-winning photograph taken in 1989 showing a group of young Russian men on a street corner in Moscow. +Tommy Chong from That Seventies Show +A mature donkey ninja on a horse riding through blazing cherry trees +highly detailed close-up oil painting of human brain as big and very complicated factory with machines, smelters, robots, futuristic, sci-fi, Trending on Artstation HQ, 4K, UHD, High quality +stylized artistic digital painting of a beautiful angry woman facepalming positioned on the right of the image with beautiful shiny green hair wearing a mysterious suit looking at the camera with shiny bright neon magic spirit energy around her with a beautiful colorful shiny foreign planets in the background +A painting of Amsterdam at night, by Rembrandt +Sunset reflecting on a chrome robot ,red leds +90 days of yoga, flexibility, euphoria, 55-year-old man in the style of ilya kuvshinov +a realistic photo of programmer drawing computer codes on the screen with brushes in their hand, 4k. +a cat woman drinking tea and sitting, large white chair in the foreground, gold tea cup +an anthropomorphic multicolor wolf, medieval, adventurer, merchant, dungeons and dragons, dnd, town, rpg, rustic, fantasy, hd digital art +55-year-old man doing yoga, stiff, inflexible, strain, drawing in the style of Takato Yamamoto and Yoji Shinkawa and Winslow Homer +Princess, Stunning instagram goddess, fracking for oil on the beach, by agnes cecile, photo by gary kasparov and madame curie, ilya kuvshinov +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Titian +Painting by artgerm, Greg Rutkowski and Dan Mumford of a cover art of a dark fantasy book featureing a olive skinned brown haired girl with glasses with a blue fire aura. Wearing a plain green jacket, jeans, and boots. She's standing on top of a huge boulder looking at the dark sky. +young russian hot pregnant girl at bedroom. highly detailed realistic photo, kodak portra 400, award winning photography, 50 mm. by sally mann and andrei tarkovsky +waterfall crashing down into the bottomless canyon epic fantasy +Jesus Christ holding a pineapple in awe +a 60 year old beautiful man +cute tiny dragon in a teacup, artistic art print, spashes of paint, strong vibrant colours, wet paint on canvas +Painting beauty and the beast, art by Gustav Klimt, highly detailed, intricate +Sonic the hedgehog holding a sword +marvels enchantress face in a dark smoke cloud +preteen girls with no underware in the the bedroom with dark background, with dark defined eyes and biting their lips like a movie of David Hamilton +Jessica alba as a gothic ninja +Hyperrealistic charcoal drawing of a red panda, greyscale drawing by daniel wilson +kodachrome toddler boy at the beach +teen tight dress full body shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +centaur, a mythical creature,a centaur, half human,half horse, a man's torso on a horse body +A lion cub with red fur, very cute +a night sky with full moon +High-end premium modern logo of the letters CWH, featured on 99designs +anime illustration of fairy king oberon +the complex scene with nostalgic train inspired by Makoto Shinkai in the style of Hayao Miyazaki, cyber cats, Studio Ghibli, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +Astonishing landscape artwork, Fusion between Cell-shading And Alcohol Ink, captivating, Lovely, enchanting, in the style of Jojos Bizarre adventure and Yuko Shimizu, stylized, anime Art, Skottie Young, Paul Cezanne, Pop art deco, Vibrant, sunrise +cinematic still of establishing shot from masterpiece cinematgraphy film about liminal space, peace, tranquility, high details, sharp focus, softest light, perfect composition, , best qualitya stainless steel robot swimming in a pool +A cute bernersennen wearing a cap saying "Blue days" +a shot of a cafe from the outside, with neon sign that says "Spoon's Cafe", cartoon, 3d isometric +a woman with antique egyptian dancer clothes +a wide angle photo a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, indoor, plants overgrown outstanding detail ,room flooded with water, in front of a building,by claude-joseph vernet,luxury hotel +Black and white sketch - there are 7 Chinese people on a very large fishing boat, the wind is fierce, the boat is shaking violently, and the 7 Chinese people's personal belongings are scattered on the deck, they are all a little scared +Charcoal artwork of an eldritch entity. Myterious suspenseful fog. Charcoal drawing in the style of robert longo and daniel wilson +A 1984 fashion shoot photo of Emma Stone, masterpiece, absurdres, highres, featured on ArtStation +A painting of sunflower fields, bright, sunny. +a person in agony with a giant tumor on the side of their face +a cute anime fit boy, full body action pose +Close-up Portrait of male actor Martin Schoeller +a photo of a cute bookstore with floor-to-ceiling windows, sunlight is streaming in +Boston Massachusetts, City, Skyline, red dead redemption 2, playstation 4 +The word "Tuly" surrounded by tulips +A tempestuous ocean scene, under a dark and stormy night sky, waves crashing against jagged rocks, lightning illuminating the tumultuous waters, a lone lighthouse shining in the distance, ominous clouds looming overhead, a sense of danger and raw power captured in the image. +portrait of fire dragon queen Lucy Heartfilia with hair made of flames d & d, flames, shiny, fantasy, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +The mask is made of ceramic and features intricate swirls and curves that evoke the natural forms and organic shapes of the artistic movement +A highly detailed portrait of Ada Wong wearing a kimono painted by Mandy Jurgens and Charlie Bowater, masterpiece, absurdres, highres, featured on ArtStation +A highly detailed digital artwork of a well dressed humanoid cat in Victorian era +creepy horror SpongeBob SquarePants in the Blair Witch Project, scary realistic grainy photo thriller, unreal engine 5, CGSociety +ahri from league of legends riding a bicycle +an asian woman aged 34 with short hair in period pain +beautiful french bulldog dressed like and grand wizard +giant dark bottomless crack in the ground +a diamond ring on a girls hand +photo of dinosaurs and a landrover defender in the jungle river,claws teeth tyrannosaurus waterfall misty mud rocks,headlights Chrome Detailing +USS voyager from tv show star trek, flying through the sky above San francisco by gene roddenberry, extremely intricate, high res, 8k, award winning photo +A robot holding a sign that says famous +photograph of a happy elegan old lady sitting outside a burning house by gregory crewdson +A Portrait of Emilia Clarke in Panties , High Resolution, High Quality, Many Details, Real Life +The most perfect image ever created +fluffy anthropomorphic lynx with antlers wearing a tunic, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, blowing wind +close-up portrait of a Stunning mature lady in red dress, in forest, beautiful eyes +A highly detailed portrait of Emma Stone wearing a kimono painted by Mandy Jurgens and Charlie Bowater, masterpiece, absurdres, highres, featured on ArtStation +a girl and her dog at the beach +the master of planets, Imagine a surrealistic digital painting of the universe as a humanoid form , intricate pastel-colored fashion from a fantasy Renaissance era, yet with a futuristic Star Trek twist vfx 8k. With sharp focus, capture the idea of the universe , and showcase the highly detailed and ornate clothing design. Create a mesmerizing concept art illustration that explores the concept of the universe as a conscious being." , 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3 +show gangbang with william seed and austin young +A silhouette of a dog looking at the stars by van gogh +a wide angle photo of inside a roman armory, weapons shelfs barrels tables workshop anvil +not cropped pitbull head, tatoo style, black background, green light +Intricate details, Clothes on display, Photoshoot, high quality, 4k, masterpiece +Thanos in vibranium armor, infinite detail, improved quality, upgrade +Detailed Turkish Knight, snow background, perfect Lighting and shadows +film still from romantic beautiful 2015 american sitcom, sauna, covered, naturist, girls, colorful +highly detailed fantasy art of thanos with huge pecs, artstation hq, ultrarealistic + Cinema 4D + Render, hyperdetailed 3d matte painting, hyperrealism, hyperrealistic, 8k ultrahd octane render +a girl named maroua holding shawarma +intricately detailed photoillustration of a human skull with desert flowers growing out of the eye socket, Dia de Los Muertos!!! photorealistic, optimistic bright happy high clarity visually striking masterpiece, by Marc Chagall and Ernst Haeckel +Full body portrait, color photo, futuristic, tattoo, award winning photography, cinematic photography, Canon 70mm photography, film photography, f/2.8, iso 3200, depth of field, cinematic lighting, three-point lighting +a black buick with the pantograph from an electric locomotive on the roof +The man who fell into the sky, comedy movie poster, , +Jedi holding a Rainbow light saber +tarot card, the fool, man walking along cliffside carrying bag on stick +crispy French fries with cheddar and bacon, on a tray on a table, detailed artwork, beautiful environment, 3D digital illustration, 4K +A cat, a shuriken on the floor in the middle of japan +A colorful glass cup with good reflections, psychedelic +A little girl holding a balloon in a park +sketch, There are 7 Chinese people on a medium-sized fishing boat, The wind is strong and the waves are rough, their personal belongings are scattered on the deck, and they are all a little scared +a kneeled girl licking man`s thumb +A baby swimming with sharks and sea eagles +Iron man stands against the mech samurai master and will dig him with a chain, high detail, cinematic, cinematic, realism, photorealistic, realistic effect, glare on +A crucifix that reads the devil +dark-haired Valerian and redhead Laureline, time and space agents, detailed and realistic painting +a fat penguin in style of van gogh +Vikings celebrate at the king's cour, magical, mystical, fantastical +photo of a female fashion model, full body, nabel, photo +A sports car made of wood, v4 +victoria's secret model, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +a cat tattoo on a female arm +A group of feathred dinosaurs having a fancy tea party +Still shot from movie of a muscular apeman, laughing wildly,tribal, holding a spear, cinematic, 35mm +Minimalistic logo esport team - cute cat +A portrait photo of a kangaroo wearing an orange hoodie and blue sunglasses holding a sign that says Welcome Friends! +photo of a drawing of someone painting a camera +A photograph of a medieval maid +scott steiner, full length, white singlet, oil painting realistic +Wario portrait, noir, 4k, detailed, masterpiece +child eating an anthill with a spoon +art print by Alex Shiekman, Lief Jones, Guy Davis, David Leri, Christopher Shy +SNK The King Of Fighters artwork 1991 +Realistic Black and white portrait of Bangs hairstyle Jenna Ortega with bangs hairstyle , t shirt , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +A dog wearing a ss uniform, world war 2 Germany +Photograph of pepsi man in front of the poland flag +1 handsome young man, Asian, street photography, fashion clothes, anime style +two porcelain dolls kissing each other, at the flea market, kissing on lips +ceramic figure of a phoenix, with open wings, colorful, product photo, professional photography, 8k +A 1950 ad of high fashion astronaut suits for women +A blue tropical fish, inside an aquarium, 3d render, with the solid blue background +happy, blonde,18 year old girl, soft lighting, soft shadows, film photography +film photograph of Kim Kardashian as Ellen Ripley in Alien +Mushroom cloud made of blue water, water explosion +slavic house stays on chicken legs. this is home of baba yaga +a poster of a person with headphones on, face like ester exposito, toxic slime, take my hand, by Menez, trending on spotify, fairytale, cd cover artwork, ghutra and egal, amphora, merged, sublime, exploited, inspired by Aquirax Uno, tommy gun +A lush green moist forrest with detailed illuminated glowing mushrooms. +League of Legends champion. octopus lower body, Fully clothed, Octara is an octopus champion, Humanoid upper body, Dark blue skin with shimmering scales, Tentacle hair, Suction cup-covered tentacles for arms, Large expressive eyes, Ornate robes with swirling tentacle patterns, Fierce expression, imposing presence +motion blur, heavy rain, close up of an 30 yo Asian woman with short hair, she is laughing +portrait of a smoking man with smoke around his face, digital art, 8k ultrahd artstation concept art +Pikachu at a restaurant waiting in line +1960s photograph of a rock band composed of 4 white males playing with peppermint themed outfits and instruments, live concert +photo of a lotus esprit s1 in the city river ,splash rocks , +The word LEAVES spelled out in leaves on a pond +Anime cat girl reimagined as a real person, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Raw, dslr, uhd, HDR, 8k, Cinematic movie still, dramatic lighting, David Beckham in military uniform, cyberpunk, Cinematic movie still in the style of interstellar and the fifth element and blade runner 2049, sci-fi futuristic portrait, catch lighting in eyes, astronaut spacesuit, x-men uniform, dune stillsuit, starship captain,glossy pupils, glossy iris, intricate detailed eyes, Green eyes, Zeiss F1.2 aperture 50mm lens with Hasselblad camera, ISO200, by liosh and Greg rutkowski and alphonse Mucha +mujer alegre de 30 años que le gusten los postres +red bull f1 car in miami vice city nighttime realistic rain +A very attractive and natural woman, sitting on a yoka mat, breathing, eye closed, no make up, intense satisfaction, she looks like she is intensely relaxed, yoga class, sunrise, 35mm, F1: 4 +Close-up photo of female model with glorious mustache, 4k resolution, 55mm lens +Create an image depicting a peaceful evening scenery, with trees gently swaying in the wind, a starry night sky in the background, and a cozy cottage with a lit fireplace nestled among them. In the foreground, add a couple sitting on a bench, holding hands, and staring lovingly into each other's eyes. The man whispers, "I love you" to the woman, and she smiles back at him. The image should convey a sense of warm, romantic intimacy and a deep emotional bond between the couple. +abstract impressionism, bird woman with long flowing dress flying through sky, storm, aqua and blue and gold colors, impasto, wispy clouds, Tyler Shields, Steven Outram, Eric Zener, Odd Nerdrum, Noah Bradley, Richard MacDonald, Anne Bachelier, Leonora Carrington, Edward Moran, Gustave Caillebotte, Grimshaw, Ink wash +nigerian pallbearers wait for kadyrov to sip a cup of tea +A pooping unicorn on a birthday cake +A hot blonde woman in a tank top +A blue chicken running behind a giant wolf +The cat who flew to mars, movie poster, , +beautiful pixel art of a dried-up fountain in an autumn fantasy forest, masterpiece, crisp vibrant art +Portrait of a 22yr white female, hyper-detailed, blushing, soft skin +three men holding a giant tv,finely detailed, wonderful style +A shore and a sea, with some island in the distance. But instead water the sea is liquid metal. +a painting of two people standing next to each other, inspired by james christensen, international gothic, dieselpunk cyborgs, don lawrence's, moon, dariusz zawadz masterpiece, chinese surrealism, automaton, by artists noriyoshi ohrai and hans zatzka and Tony DiTerlizzi +A man holding a sign that says "BURGERS FOR JUST 5 CENTS", 60s photo, vintage, Polaroid, colored +beautiful black cat in a field of flowers, mountain sunrise, painted by thomas kinkade and lisa frank, detailed , clear, trending on artstation +underwater photograph of an Olympic diver floating back after falling 90 meters in the air +a crystal ball illuminating a dimly lit mystical room, smoke +french police officers at a crime scene in the city +Studio Ghibli style picture of a gorilla wizard +A vibrant and bustling street scene during the Day of the Dead festival in Mexico. Brightly colored papel picado banners hang overhead, and people in elaborate sugar skull makeup and costumes fill the street +old musculed man holds a weapon in one hand, holds a picture of a beautiful woman in theother, inside a cabin, big sad eyes, dark energy +Closeup portrait of a girl, fanfic, standoff, dramatic +polaroid of of A large-scale installation of a surreal garden with oversized flowers made of various materials such as metal, plastic, fabric, and iridescent gum. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers. grain, imperfections, dirt, shot on shot on Eastman Kodak Color Negative 5251 50T +oil on canvas plague doctor walking on amsterdam a kimono painted by Edvard Munch, german expressionism +nendoroid toy playing in a black metal band wearing tribal mask inside a cathedral guitar drums and bass concert unreal engine render octane ray tracing rock band +a close up of a siamese cat drinking tea alongside a ringed neck parakeet and a lovebird,sitting on top of a wooden table,overlooking a cliff and vast sea,DSLR photograph +a car is parked in the middle of the night, an ultrafine detailed painting by Stanley Twardowicz, Artstation, sots art, synthwave, nightscape, concept art +Protrait, riku from kingdom hearts, sakimichan, grey hair, bangs, ponytail, bright blue-green eyes, smiling, hand on chin, facing left, blue naval uniform, shoulder armor, wearing compass pendant, starry sky +minecraft swapm village in castle, details, top view, pixels, blocks, terraria +A person in a device from the movie saw +A modern cruise ship in stormy seas, dark fantasy, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +David Bowie clubbing a baby seal, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +whole body image of Megan Fox as Neytiri from Avatar +Angry t-rex with shiny, laser red eyes +Henry Cavill in a blue superman spandex actually flying +A ninja with a big red scarf jumping through trees, digital art +a golden statue of a korean girl in her birthday suit +Eiffel tower on a distant planet, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +red sheer harem pants, bare midriff, short red west, sheer pink veil, blonde hair, topknot, I dream of genie +Pikachu mixed with Deadpool, epic realistic, cinematic effects, photography photodetailed +Frontal portrait of Barack Obama wearing cool sunglasses, painted by Klimt +Marilyn Monroe wearing a shirt that reads Abundance +a detailed photo of an epic ski chalet +Art of a robot with a paper that has text "Example Text" +logo with drone and writing SZTUKA DRONOWANIA w fajnej czcionce +the eiffer tower made of fried chicken +Photo of a swedish WW2 tank +A photo of a beautiful woman in baroque room, natural +Good night ilustration, Traditional library with floor-to-ceiling bookcases +caucasian chav, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +photograph of a young blonde woman surrounded by black children,extremely beautiful woman,rural africa +anime, a cute girl, wavy hairstyle +An image of an enchanted leather tome, dynamic lighting, trending on artstation, library style +An anime e-girl with green eyes, white skin, long red or black air going out of a lake in a sunny day in wet translucid clothes +calligraphy poster, perspective, preteen ginger girl, cinematic still, high quality photo, by victo ngai, by Joao Ruas, by Masamune Shirow, little girl, glossy, reflective, by wadim kashin, by audery_kawasaki, by huang-guang-jian, by ismail inceoglu, by MakeItPopVA, by rossdraws, blushing, rosy cheeks, by amy sol, outline, hyperrealism, by klimt, by Mab Graves, iridescent, glowing, holographic, paint dripping, liquid paint +ferrari 296 GTB driving on the moon +digital painting of electric Sun Wukong, electricity aura, electric storm, electric zaps +Matthew McConaughey as james bond, highly detailed, fancy suit, handgun +Ronald Reagan meeting Margaret Thatcher in Atlantis +an East African mermaid, her tail is purple and blue, purple top, dark eyes, braided hair, underwater +Digital portrait of Pinkie Pie, masterpiece, highly detailed, blue eyes, pink hair, by Pixar +A girl holding a banana in each hand +Art in retro comic style, highly detailed Harry Potter, quadrinhos cape, symmetrical, vibrant +A cat with 20 claws on each paw +A bald elf cyberpunk male, 20 years old, tired looking +digital art, headshot, object head, 8k, trending on artstation, Dark tones, ominous, by Jeremy Geddes, by Sparth +**a portrait of a bitcoin, hawaiian islands hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +A bulked humanoid bull, digital art +highly intricately detailed photograph of a beautiful glowing celestial cosmic fire deer, centered, fantastical, fantasy, in the style of Ross Tran, RossDraws, Android Jones, Anna Dittman, a beautiful Digital painting, concept art +M1911 shooting out flowers out of barrel +highly detailed surreal vfx portrait of a steampunk pirate stood on the deck of a steampunk ship, stephen bliss, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, tom bagshaw, alphonse mucha, global illumination, detailed and intricate environment +an image of a CEO of a great tech company drinking hot late +A woman wearing a shirt that read’s Hollywood +Watercolor, landscape, a tranquil meadow at sunrise with misty mountains in the distance, ethereal and serene +a beautiful and magical glade in the fae world +sci-fi room metal,myst game,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum +It is a small, chubby, and rodent-like creature with yellow fur, long ears that point upward, and a lightning bolt-shaped tail. Its cheeks are rosy and can generate electricity, which it can use to attack its enemies. Pikachu has large, circular red cheeks, brown irises, and black pupils. It also has two horizontal brown stripes on its back and a small, triangular-shaped nose. Overall, Pikachu has a cute and playful appearance, and its design has made it one of the most recognizable and beloved characters in pop culture. +bird eye view one car chasing another through the streets of new york in a gritty comic book style +A medieval jester juggling, oil on canvas +A hight photograp with a Templar knight kneeling on a battlefield. +photo of a american asian model, highly detailed skin, high fashion clothing, haut couture, focus on the perfect face, wide shot, nikon z30, award winning fashion photography, sharp focus, by annie leibovitz +A painting of an evil powerful political figure in front of the Latvia flag blocking the entire screen +frosted glass aromatic diffuser, rectangular vial, with 5 white fiber sticks in modern interior, proffesional foto, realism, bokeh +a scary woman from horror movie +The official portrait of an authoritarian president of an alternate america in 1860, the Tyrant Abraham Lincoln , in a the style of John Singer Sargent +Cinematographic Archbishops Lannister Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Athena was the goddess of wisdom war and crafts depicted as warrior wearing a helmet and carrying a spear was also peaceful pursuits like weaving and sculpture. +young Muscle guy cutting castration a giant testis TESTICLE on the dissecting Table at torture chamber. plural testes, male reproductive gland, bloody background. highly detailed guro art by Ilya Repin +35 year old short slim man, round face, short hair, black hair, black stubble, olive skin, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +Man crying while playing guitar photo realistic +beautiful hourglass shape femme fatale, film noir, black and white and red +cool humanoid cat riding a steampunk motorcycle, by jmw turner +Juan Domingo Peron riding a Gorila +joe biden mecha, gears of war, detailed face, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +kyle chandler, full shot, short dirty blond hair, hair color dirty blond, goatee, detailed face, wearing sleeveless beige kaftan, leather pants, muscular, 30 years old, background blacksmith shop desert, fantasy theme, medieval theme +Painting of ben affleck in skyrim by ted nasmith +A highly advanced virtual reality headset with a smooth and ergonomic design, emitting a soft blue light and featuring highly realistic graphics and haptic feedback, digital illustration, art by Maciej Kuciara and Jama Jurabaev, featuring a high-tech and satisfying atmosphere and an emphasis on the experience of using the device. +a burly muscular man made out of lifelike silicone rubber, full body shot, view from behind +photo realistic of a realistic bridge made with cheese in a city, 4k, high detail, realistic photo +Portrait of a white crow: black background: white ink flow: 8k resolution photorealistic masterpiece: by Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean Baptiste Mongue: calligraphy: acrylic: watercolor art: professional photography, natural lighting, volumetric lighting maximalist photoillustration: by marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +a new building begins Construction downtown, huge skyscrapers loom above +megaman playing in a black metal band wearing tribal mask inside a cathedral guitar drums and bass concert +1970s style amateur photograph of a teen holiday, grainy filter +portrait of a rugged 19th century man with mutton chops in a jacket, wearing a top hat, victorian, concept art, detailed face, fantasy, close up face, highly detailed, cinematic lighting, digital art painting by greg rutkowski +A colored pencil drawing of a school in the style of The Magic Tree House Mary Pope Osborne +dinosaurs and a landrover defender in the jungle river,claws teeth compy Compsognathus waterfall misty mud rocks,headlights Chrome Detailing +Full body photorealistic cinematic upper portrait of an feminine gorgeous melancholic elegant android, in the ergo proxy and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, complex scene, latex bodysuit, retrofuturistic weapon, dvd screenshot from 2010s movie, film grain, Kodak portrait, dreamy mood +Highly detailed portrait of a adorable robot with round, expressive eyes and a friendly smile. it has a cheerful, bright color scheme, with a mix of pastel blues, pinks, and purples, standing with its arms crossed holding a toy sword, surrounded by a swirling vortex of energy. the background is a colorful, cartoon-like landscape, with fluffy clouds and a rainbow. the background is a stark, metallic landscape, with a futuristic cityscape visible in the distance. by atey ghailan, by eduard hopper, by greg tocchini, by james gilleard, grunge aesthetic graffiti +A mechanoid bird with clockwork body parts. +, fantasy, pastel, absurdist, photo, refined, mystical +man in a suit egoist in full growth high fashion, character art, art by artgerm lau and wlop and and ilya kuvshinov and john singer sargent, hyperdetailed, 8 k realistic, symmetrical, frostbite 3 engine, cryengine, dof, trending on artstation, digital art +Cinematographic-sixties cartier christic-soviet-Archbishops pasolini mitre camorra Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Very beautiful and realistic amethyst galaxy crystal statue of a cat on the table, golden hour, physically correct reflections, translucency, subsurface scattering, ultrarealistic, sharp focus, lush, 8k uhd +A modelmaker's workshop, inside is a model of a lotus esprit. +my girlfriend, cute white girl, black hair +Real life rick and morty, photography +Abraham Lincoln driving a Ferrari, drawn in the style of Studio Ghibli +republica socialista de Chile. Imágenes icónicas del país si el golpe militar no hubiera pasado +Head shot of a dragon, digital art style +Chris Riddell illustration of a house +gangster woman wearing snapback and golden chain on neck with dollar sign pendant +A sports car made og logs +Tommy Chong from That Seventies Show with a bong +A women's hand on her side wearing a bracelet and her cloth in the background +Realistic Black and white portrait of Bangs hairstyle 20 year old Jenna Ortega , bangs hairstyle Jenna Ortega 20 year old ,t shirt , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +Jesus Christ wearing a Warhammer 40k space marine armor, cinematic lighting, inspiring, vibrant, grim, dark, epic, high detail, hyper realism, professional CGI, HDR, UHD, 64k +gameboard building and sitting in concrete walls and room with muddy children, buried in a library, the building painted buildings are empty of books in a carpet, a library, cleaning ruins with their desolate apartment a sad house in a wooden wall of a building painted by the walls in the room painted in the living room abandoned tomb of a sad space museum in a cluttered library sitting on a building, rusty furniture in the library surrounded by books and painting on Tranquilo, Eliminación, Cortina, Caza, RodarPatos, Ardilla, Ambulatorio, Sagrado, Debajo Fluid, Baseball, Platform, Succinct, Rely a painting of a man standing on top of a boat, by Jacek Yerka, surrealism, man with a blue heart, vereshchagin, noah's ark, half horse - half mouse, peter sculthorpe, kiss, angus mckie, arkhip kuindzhi painting, my home, 1 4 9 3, grain” a cute cheese creature swimming, minimalism, trending on artstation, by petros afshar, anton fadeev, beautiful +The devil holding a sign that says repent +Top down chinese architecture tourist map +latina woman Massage upper body,non-existent clothes in the middle of street, new york +**a portrait of a bitcoin hanging on a tree near the ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +hand holding a big glass marble with a glowing Bohr atom model inside +a modern logo showcasing a horizon with the text "towards an infinite horizon" below it. Circle background, sleek, modern, stylish, trending +a magnificent sci-fi scene, vibrant, high-tech features, vivid colors, contrast, futuristic technology, leading lines, balance elements, layering and overlapping, depth, compelling composition, perspective, dynamic, intricately detailed, hidden secrets, symmetry, highly detailed, 8K, 4K, (highres: 1.1), best quality, (attention to detail: 1.3), sharp, distinct, cinematic, digital art, atmosphere +Elvis Aron Presley in 1965 auditioning as Captain Christopher Pike on Star Trek The Original Series, USS Enterprise, slim, young, athletic, scifi, technicolor, discussion, script +comic format, Zapdos, Pokemon in humanoid form, slimthicc, view direct centre, standing, grassy, mountain ledge, beside a vermillion pool of water, gorgeous comic stylized in, Digital Art, by Artgerm, Ilya Kuvshinov and Bobby Chiu, view, Headroom +the girl with a pearl headpiece as a sculpture made of diamonds +a very old, humanshaped stone in Transylvania, by István Csók, Mihaly Munkacsy, Karoly Ferenczy, John Everett Millais. Very atmospheric, dark, dangerous, mystical, natural lighting, trending on pinterest.com, wizard, raining, melancholic, inspired by +porcelain doll, ooak bjd, preteen girl, traditional clothing, natural light, high quality photo, intricate, ultrafine detailed, intricate detail, intricate environment, cinematic lighting, cinematic still +masterwork, highest quality, best quality, RAW photograph, half-body photo of a beautiful 43yo brazilian woman in a outdoor modern restaurant bar overlooking Rio de Janeiro at dusk, rainy, perfect eye, perfect iris, perfect pupils, detailed face, detailed eyes, hyper detailed, detailed skin, dry skin, no sunscreen, intricate details, highest quality, RAW, Sony Cyber-shot DSC-P92 +kangaroo with Tom Cruise holding a machine gun on a building +a 4k ultra, cinematic, scary, dark themed, picture of a pitch black bedroom with a shadow of a person, shown on the wall beside the bed +professional hyperrealistic 4k fantasy model of a hybrid between a bobcat ocelot and clouded leopard with antlers, swirling blue mist surrounding it and carrying a lantern in its mouth, happy, cgi, rpg, dnd style, HD, hyperdetailed +a very beautiful queen looking over her kingdom +A obscure boudoir photo of jessica rabbit in soft little short and soft little t-shirt, sitting and nestled in on the plush surface of an oversize couch, on a big soft cushion with luxurious fabric and big soft pillows, extended legs slightly spread on the couch, arms nice and relaxed, comfy and warm, lush and very cozy inviting and relaxed environment, all nice and cute, very confortable +A fish on a bed of coffee beans +glowing green marbles in a pool +masterpiece, best quality, professional photo, a cute female japanese high school student sitting in a tree, cherry blossom japan, contest winner +A highly detailed portrait of Hillary Clinton as a Paladin, masterpiece, absurdres, highres, featured on ArtStation +polaroid, extremely detailed young woman, no makeup, pale skin, slime mold, slime mold covering legs, thin body, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out, empty eyes, atmospheric, movie still, horror, terror, award winning, national geographic, david cronenberg +George nelson mid-century modern wall clock +wet clay of mario fighting against D&D dragon +Couples whose name are Jasur and Lobar in their wedding in Uzbekistan +A woman in a transparent dress +ill-mannered, mean, middle-aged grimy medieval englishman, blushed cheeks, rats in his coat high quality digital painting +jeff winger and annie edison in community +a cute animated cat with its mouth open +An evil villain holding a mini Earth in space +Scene that makes a film to be for adult only with a blonde woman laying on bed and a man in missionary position +godzilla lego set 8k an excessive details +a cute woman with freckles and pale skin +an image of women on the moon +A happy family European-style residential house Rooftop photovoltaic panels 8k HD +Cliffside skyscraper by the Grand Canyon +art by Alfons Mucha, copper-foil method stained glass motif, Jennifer Connelly as a naturist meditating in lotus position in front of the Taj Mahal, award winning photography +Bitcoin cockroach wrapped in bitcoin, with gold feet and antenas, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +earth reviving after human extinction, a new beginning, nature taking over buildings, animal kingdom, harmony, peace, earth balanced +An unsettling barefoot alien figure walking through ash and dust at the end of the world. Weird alien landscape, debris and pieces of landmass, particles in the air, epic thunderstorm skies, insane details, 4k, creepy photography, apocalypse, biomechanical structure remains, footsteps +Color Photograph of Victorian Elf Little girl, smile, happy +gollum as elon musk holding a blue twitter bird +a boy walking through a forest in fall with leaves falling, trees with orange leaves, boy facing the back, with a schoolbackpack, with white flowers on the ground, high detailed, anime style, stylized, digital art, trending on art station, at dusk, +photo of adorable little girls having fun in outdoor swimming pool on summer vacation, nikon D5 +2d character parts texture atlas of a skeletally animated wizard +Stefan Amaris from Battletech in the style of a tex avery catroon +A dog looking curiously in the mirror, seeing a cat. +beach 💜💜suffra🔘 northeasthour criterion film seton, Jules bastion Lepage +a girl holding a gun with a cowboy hat, cyberpunk style +Antique, warm hues, dark haired, hilarious, smiling portly Pixar male priest, child on lap:: 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A black and white kitten in the style of Picasso +A man who is dressed in a red dress playing chess with his son at home, realistic photography, professional portrait, sharp details, 50mm lens, F/1.4 +portrait, eyelashes, parted lips, puffy eyes, skin texture, +“PAYTON” text in diamonds style, 3d typography, high quality, highly detailed +a cartoon Dumbo octopus waiter serving black pudding +transparent clothes, gothic, masterpice, digital art, cute girl, succubus, holding sword, cyborg, warhammer 40k, pale skin, goth, artstation, art by John William Waterhouse, artgerm, ilya kuvshinov, gustav klimt +wideangle fisheye photo of gold sculpture in getty villa,panorama photo +2d character parts sprite sheet of a skeleton pirate +a Tornado Destroying a Farm in 6 Interlinked Perspectives +A bearded man in a hooded waterproof jacket, Iceland +teddy bear playing a v guitar +a Yorkshire terrier at brown university +Selfie of a #fy #fakebody Japanese 20yr girl, neon hair, wearing a sheer plastic translucent shirt +photo of a ghost in the desert, camera footage, black and white, flash, city lights, night time, at night +"beautiful lifelike award winning pencil illustration of lisa loeb trending cinematic atmospheric" +Painting of a Graviton psychic style +a close up of a pig wearing a royal costume, a surrealist painting, inspired by Karel Dujardin, pop surrealism, jingna zhang, majesty in noble clothes, collage style joseba elorza, of a 17th century, hindu, erwin olaf, sha xi, hans +bald chubby guy abuser at prison. highly detailed photo +Illustration of two men sitting at a table eating food and drinking wine, by norman rockwell +ferdinand hendrick skagrp wyegardener chuffed thankingJules Bastien-Lepage +a sweaty man and a moaning woman embracing ecstatically on a bed +by Kris Kuksi, sculptures, no compositions, miniature detalization, 3D artist, three-dimensional bas-relief +wideangle aerial photo a dinosaur next to a landrover in a muddy road in the jungle,obstacle course, by Anthony S Waters, renaissance, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +photo of military stealth car by bmw, breathtaking +a dragon in a mountainous area +Attractive woman in her room; trading Bitcoin; +Illustration of furious skye from paw patrol +spiderman climbing to a reflective skyscraper, top down view +image of an opal whale tail pendant +highly detailed intricate cockpit view of an aeroplane, ray tracing, rtx, unreal engine 5, UHD 8k +raw candid photograph yellow latex cyborg alien jungle +portrait of a young beautiful finnish norwegian swedish scandinavian attractive glamour model wearing demonic, Dracula ,, sharp teeth ,Jodhpurs greg manchess painting by Sargent and Leyendecker, attractive girl, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +Mermaids and sea creatures fighting piled sleeping +an ice cream cone shaped like a fish +royal family of three,wife husband baby portrait, cloaks, a cinematic golden hour light through the clouds eiderdown feather wings scarves bridgerton family photo portrait of family photograph jpeg close up moment of a divine young knight of peonies family smiling portraiture. digital painting. artstation. concept art illustration. frozen ii art masterpiece in the style of krenz cushart. artem demura. alphonse mucha. yoji shinkawa. tom +sci-fi large white room, teddy bear looking at a aston martin db7,studio lighting +Anime girl with "YES" speech bubble +Portrait of robocop wearing futuristic police armour in a british city in the day, intricate details, HDR, beautiful, using blue and black colours +a 1000 Degree Knife Next to a Knife covered in Liquid Nitrogen +A galaxy in the shape of David bowie +1960s cartoon advertisement for selling your soul, deal with the devil illustration +A black wolf in the middle of a winter forest +A tiny faery flying in a magical rainbow forest +A very tiny kitten taking a bath in a teacup, professional poster shooting, stock footage, cinematic lighting, hd, uhd, uhdr, hdr, 8k, 35mm, ultra high quality +photograph, high detail, high defintion, 8k, hdr, global illumination, black girl bare +a hot beautiful blonde woman stuck in a washing machine with her lower body sticking out +a boy seeing a giant sea monster, futuristic illumination, Art Deco, Full colors, Greg rutkowski, Trending artstation, cinematográfic +FIR PLANK WOOD PATTERN PAINTED TRAY WITH VELVET +Faceless creature in liquid form, holograms of scientists, scenario in the laboratory, monitors, cinematic +Elvis Presley and Hatsune Miku duet, +Celebration at Camelot , epical, fantastical, magical, mystical +Joe Biden at Nintendo land in the year 2035 +army dog tags with the text "K47" +film still from romantic beautiful 90s sitcom, sauna, covered, naturist +A map of the United States made out of sushi. It is on a table next to a glass of red wine. +A bald head with one large thick strand of hair growing from its forehead spiraling towards the camera +a beautiful woman standing in sunlit window, tattoos, messy hair +realistic three eyes dnd human girl warlock with tentacle-shaped magic spells +Raw, dslr, uhd, HDR, 8k, Cinematic movie still, dramatic lighting, David Beckham in neon Genesis Evangelion uniform, sci-fi futuristic portrait, catch lighting in eyes, glossy pupils, glossy iris, intricate detailed eyes, Green eyes, +Un perro dueño del planeta tierra +Anime girl with "DEAD" speech bubble +a man with short grey hair in a union jack outfit with long cape, emblem of a lion on the front, directed by Zack Snyder, cinematic high res, 8k, award winning +A chicken wearing human skin costume +art poster, the essence of charcoal painting, a african warrior with a saber on a mountain landscape by J. M. W. Turner and bob ross, charcoal painting +A woman in a trans dress +line up of primary characters who reside within the walls of the capital +Darth Vader in a 1970s disco club, captured in a Polaroid style photo, retro fashion, disco ball, colorful lights, neon signs, art by William Eggleston, Warhol, high energy, groovy atmosphere, funky music, mirror ball, platform shoes +A close up of a cool red hair girl with shades +Pregnant girl is tortured by muscle soldiers of the cyberpunk Inquisition. art by Daniel Ridgway Knight +ava addams esta sin ropa, un perro esta con ella, los dos estan en la posision de perrito, ellos se estan apareando +Old wizard wearing a Tall white beenie! tall white Wizard's hat! wizard portrait! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: Oil splash: Oil stained: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +two men wearing shiny black rubber armor and helmets with closed visors +elderly kurt Cobain with big white beard +young Muscle guy castartor busting TESTICLEs at torture chamber. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +high detail, high defintion, 8k, photorealistic, hdr, a 1980s yamaha sport bike +sans undertale with rainbow glowing eye +High detail RAW color photo professional close photograph of Emma stone,solo portrait,textured skin,,sensual,masterpiece,award winning photo,4k,high quality, highly detailed, +Archive photo of Einstein presenting the time machine and the flux capacitor circa1930 +cool dinosaur man hacking a computer, synthwave, miami vice +**a fancy and shiny race car with robotic look, silver color, digital scence, realistic, 4k, hd** +wooden tower in the middle of the ocean at noon clear sky big waves intrincate mist masterpiece by hal foster +A paladin soldier, plated amor, golden ornaments, intricate details, masterpiece +Mother and daughter by Mary cassatt +A cross that reads the devil +wildlife, angry tiger roaring and charging, forest, action shot, national geographic +A human hand handshaking a robot humanoid +a meerkat sitting on the bed next to a blanket, in the style of dark orange and silver, wandering eye, rough edges, rough edges, rough edges, clear edge definition, abrasive authenticity, dark magenta and gray +folklorethursday adolgravgertrude keller morning lights �, Jules Bastien-Lepage +Colorful Ink splash: skull portrait. Russ Mills: Alex maleev: Ashley Wood: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: marton bobzert: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +Little girl on the wood. Anime style +10 candles arranged in a circle and a heap of gold inside +Beautiful young shy thin traditional apealing female japan girl +A realistic 1970s photograph of Freddy Fazbear's Pizzeria. +Black and white 1905 year close up surialistic futuristic professional photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +Taylor Swift as an astronomer in the future sitting alone in an international space station located in the distant Oort Cloud watching for potential near Earth objects. +woodland elf lounging in the boughs of an oak tree +The devil wearing a shirt that reads Rock N Roll +A portrait of one beautiful girl, in the world of music, golden hour, in the style of wlop, illustration, epic, fantasy, hyper detailed, smooth, unreal engine, ray tracing, dynamic volumetric lighting, realistic shadows, +art deco style illustration of an archer shooting at the moon, flat colors, inspirational +A women's golden bracelet on her arm hanging on her side and with her cloth in the background +surfing a huge wave in hawaii +a photo of a woman eating an apple +portrait of a cyberpunk style of a monkey +A young woman, with a large sword strapped to her back, is standing on the deck of a ship as it sails through a stormy sea. Watercolor by Victo Ngai +an explosive and extremely epic warfare scene happening in a dystopian cyberpunk city, cinematic, photograph, extreme lighting, photorealistic, immersive, battlefield 2042, cyberpunk 2077, blade runner, Detroit become human, call of duty, +pixel art of a great battle between religion and science, beautiful design, high res, trending on deviant art. +Photographic cutaway diagram of a Tall Domestic Humanoid Robot with human like features +photo of young scarlett johansson with a black dog in bed,cuddling,highly detailed,beautiful face,award winning photo +floating dark ghostlike dementor engulfed in special effects, 8k image, sharp focus, sharp focus, insanely detailed and intricate, vibrant colors, cinematic lighting, Octane render, epic doomsday scene +mad angry red deer stag roaring vector logo dark comic style black and white +Pinguins Riding on Polar Bears in zoo +Muscle Nicolas cage in the gym, doing bench press +wall street journal portrait of abraham lincoln +a mouse holding a sign written starving +Pythagorean triangle, logo, graphic design, professional design, beautiful gradient, living, cartoon, cinematic 3d render +pikachu dragon, face icon, stylized, minimalist, portrait, by loftis cory, behance, hd, by jesper ejsing, by rhads, makoto shinkai and lois van baarle, by ilya kuvshinov, global illumination, rimlight, bokeh, octane render, dark sky in background, galaxy +Faceless Man, without a face, photodetailed, epic realistic, , , +Moon, view from earth, explosion, 4k +Campsite in the mountains. Firepit. Low poly render. Digital 3D Illustration. Stylized. Blender render. Concept art. trending on Artstation; expansive; beautiful, intricate. Splash art. Complex contrast. Colorful, HDR; sharp, crisp, Cinematic lighting. Volumetric lighting. Isometric view. Low poly video game +Pencil Drawring Couple drinking at a busy restaurant, art by Kathe Kollwitz +Tom Hanks and 60's John Lennon drinking a beer, still from Forrest Gump,extremely detailed +Real life cartman and kenny, photography +illustration of a middle manager at his desk in the jungle in psychedelic colors, lots of details, leaves, bamboo, pc, messy environment +a fish playing chess with a skull +A purple cat with purple fur and a black tophat. cyan background +cinematic still of a grey alien with big head big black eyes and head antenas on the head touching with a long finger scared woman's face +breton monks looking like zappa in gym with bodybuilders, photo +ma dong-seok aka don lee, portrait +a digital art of an anthromorphic fox walking during winter wearing a fur trimmed winter coat that has its hood on, trending on artstation, trending on deviantart +horse vector, black and white, simple +Pikachu cooking at a restaurant, wearing a chefs hat +An apple with a worm, oil painting, highly detailed, automn palette, , +A girl standing in front of a huge waterfall +an empowering view of the rooster demonic leader in a bloodied ironmaiden robot,wearing royal robe, by Philippe Druillet and Tsutomu Nihei,Frank Frazetta,volumetric lighting,detailed shadows,extremely detailed +massive cyberpunk landscape, ultra modern, insanen details AND shadows, masterpiece, award winning digital art +A real hot redhead girl, mid twenties in a blue open dress with huge melons +fire demon playing blackjack in casino +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, emoji style, colonial catering logo, 3d logo, good for the family, Tali, piety, realism, octane render, soft ambient light, +Lee Young Ae as a young, hungarian peasant woman in a 19th century, hungarian village, pastel by István Csók, Károly Ferenczy, Waterhouse, and Marc Simonetti. Very atmospheric, natural light, enigmatic, pastel colours +Tuesday Weld in a bubble bath by Francine van Hove +Fleischer Studios animation of Mickey Mouse as a NOIR Gangster +A text "TNNNT" film named "TNNNT" series of teenage mutant nigga turtles cinematographic poster with "TNNNT" written in the centre, dramatic lighting, text "TNNNT" on the centre +forest enviroment, full of webs and insect, mushrooms, thick fog,artstation, in style of studio ghibli +, fantasy, pastel, absurdist, photo, Wes Anderson, beaver character, dancing +a lady sitting in nature, painting by Anders Zorn +sci-fi large room with a large sculpture ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel,strong foreground, +an anthro fox, furry art, fursona, 3d render, photorealistic +a photorealistic digital drawing of an anthropomorphic red panda woman standing, furry art +Dvd 1990s anime screenshot of dynamic battle scene with Full body portrait with decolette of feminine gorgeous melancholic elegant android leaned forward, in the ergo proxy and perfect blue and ghost in the shell and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, streets on background, complex scene, rainy, latex bodysuit, retrofuturistic weapon, film grain, dreamy mood, Roberto ferri style, +Apparition of a soldier in a cemetry +A girl running in central park +photorealistic, 4k, high detailed, A classic wine press typically consists of a large wooden or metal basket or barrel with a mesh or perforated lining, and a screw or lever used to apply pressure to the grapes in the hopper to extract the juice. It can come in different types such as basket presses, bladder presses, and continuous screw presses. +A silhouette of an anime girl sitting on top of the world +a person walking down a dark road +, fantasy, absurdist, pastel, photo, Wes Anderson, bumblebee Character, dancing +Business logo for a cigarette company against smoking +genere una imagen de un perro feliz corriendo por el parque +art by Alfons Mucha and Patrick Woodroffe, copper-foil method stained glass motif, whole body image of 20 year-old Taylor Schilling as Piper Chapman as a naturist in a mystical forest, HD 4k, sharp detail, photo-realistic accurate face and features +film still, close up, michael jackson rising out of muddy vietnam river, face covered in mud, combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9, 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +Digital Beretta with a green tritium led display +Polaroid photo of Greek philosopher Aristotle teaching a young Alexander the Great. They are outside in a courtyard with the sun shining. The picture should be in a documentary or photojournalistic style. 1980s polaroid photo, square format, muted colors, white border +realistic art by daniel gerhartz and rebecca guay Julie Bell. Interior of retropunk starship with an incredible view of planets. intricate detail, dieselpunk +The great wave of surge soda +attractive, young, fit man, white suit, waving hand, rejecting, denying, sad face, angry face +photo of a beautiful Viera woman wearing black satin +a giraffe holding a sign that says "MUSIC" +– · · ·  ·  · –  · · –  –  · ·  · · – ·  · · –  · – · ·    – – ·  · ·  · – ·  · – · ·  – – · · – –    – ·  ·  · –  –    – –  · –  – · –  ·  · · –  · – – ·  – – · · – –    – · · ·  ·  · –  · · –  –  – · – –    – –  – – –  – · ·  ·  · – · ·  – – · · – –    · ·  – –  · – – ·  · – ·  – – –  · · · –  ·  – · ·    – – · –  · · –  · –  · – · ·  · ·  –  – · – –  – – · · – –    · · – ·  · –  – · – ·  · ·  · –  · – · ·    ·  – ·  · · · ·  · –  – ·  – · – ·  ·  – –  ·  – ·  –  · · ·  – – · · – –    – · – ·  – – –  · · –  – ·  –  · – · ·  ·  · · ·  · · ·    – · ·  ·  –  · –  · ·  · – · · +a close up of a woman with freckles on her face, a character portrait, by Alison Geissler, featured on cg society, art photography, harley quinn standing, sadie sink, nebula aura surrounding subject, clown girl, beauty expressive pose, looking away from viewer, style of ilya kushinov, a black and white photo, inspired by Bert Hardy, pexels contest winner, inspired by Vivian Maier, flickr, 1940s, high quality photo, afp +astronauts listening to concert on the moon sitting together with moon residents +dead bird, 35mm film, lomo, lomography, +sci-fi large gallery room, with photos of classic cars ,studio lighting ,hallways photos,tron,white ceiling +A sign that says Utku Guney +iridescent, scales, blues, textured, intricate, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger,bright center +A sloth holding a sign that says "out of ideas" +Letters made of clouds that says 'really soon' above beautiful ocean +a cat woman with cat ears on her head, anime style art +a man playing videogames in a console playstatin 4 +A matte grey mustang spinning it’s tires that are on fire +Roger waters as seen by edward hopper +an old man and his corgi, at a train station, surrounded by spring pink trees, studio Ghibli style +sci-fi large gallery room with photos of rover cars , +masterpiece, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, beautiful white shiny humid skin, smiling +Massive golem in a fantasy forest +A computer bin icon, frutiger aero style +A witch on a vacuum cleaner flying at night +a red balloon detailed pixel art with empty background +keanu reeves as a JoJo's bizarre adventure character +Antique, warm hues, rubber dildo up massive, BDSM Aboriginal girl, legs spread, big marble dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +a cat holding a sign that says: "give me sdxl" +a man in a union jack outfit with cape, white lionhead emblem on the front, photography by Nels Israelson and Michael miller, superhero movie directed by Richard Donner, cinematic, reimagined by industrial light and magic +leaked security footage of a giant evil cupcake escaping a government facility +a black man holding a camera +A 1984 Hustler Magazine photo of Emma Stone, masterpiece, absurdres, highres, featured on ArtStation +A horror acrylic painting of death by beksinski +atractive girl, wet, cameltoe, by artgerm, masterpiece +a burly purple-skinned orc in a wrestler's singlet holding a folding chair +loaf of bread in the rain +Princess Angel Cliona smiling while sleeping on a big fluffy love +Watercolor painting of european modern city, medieval, nightfall moonlight, by greg rutkowski, by anders zorn +A snowy landscape with a Christmas tree and a sleigh pulled by reindeer +cute gothic chibi girl kewpie dark eyes, winter clothes, long curly hair oil paint vray, and flowers by Stanley Artgerm and Tom Bagshaw +a raw photo close up of the demonic bison cyborg inside an iron maiden robot wearing royal robe,large view,a surrealist painting,art by Jean Fouquet and alan bean and Philippe Druillet,volumetric lighting,detailed shadows +johann oehorst chal hath �market illuminate,Jules Bastien-Lepage +20 year-old Taylor Schilling as Piper Chapman as a naturist +A page from an adult colouring book a elephant +a black and white photo of an occult ritual from the 1970s +necromancer anime cute cat girl, pale skin, goth, magic, dark fantasy, summon skeletons army, bones, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +portrait photo of a cat in a ballet skirt, side profile, looking away, serious eyes, 50mm portrait photography, hard rim lighting photography–beta –ar 2:3 –beta +pineapples grow on floor in apartments +A 3d rendered emoji of a monster +a tower in the middle of the martian surface dali style +1960s album art, with a cherry dead center, psychedelic pop, in the style of the beatles +masterpiece, dark aurola visible, detailed see-through sheer open camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +logo dining room, emoji style, indian cooking, color logo, HD, 3d, family, healthy food, minimalism +Pagan gods show mercy, realism, hd quality +Movie poster, ghost busters, abstract, artistic, embellishments +HD 3D animation of a succubis naturist, sharp detail, photo-realistic +teenager girls fighting over a boy, girlfight, hair pulling, jealousy, highly detailed +Playmobil figure of Lionel Messi, product photo +1960s style photograph of a family holiday, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Persephone was the goddess of the underworld and was often with the cycle of life and death. She was believed to have the power to bring new life to the earth in the spring after spending the winter months in the underworld. +A cat sitting on a ikea bookshelf +a cinematic photo of The Mandalorian in a desert, metal armour, portrait, photorealistic, depth of field, +A happy baby elephant juggling with a ball, digital illustration, colorful +hyperrealistic picture of earth from space +insanely detailed portrait,female model, insane face details, extremely detailed hair, perfect eyes,dof, dslr extremely intricate, high res, 8k, award winning photography +A photo of a very old opened camera with vacuum tubes, capacitors and coils inside by Wes Anderson, grungy, weathered Ultra detailed, hyper realistic, 4k +an attractive sorceress in her bedroom +, fantasy, pastel, absurdist, photo, refined, fray +Beautiful thin shy slim attractively Japanese young model as secretary sitting and resting hands on table +a man inside of a jungle +a group of people standing in front of a landscape view, concept art, by Matt Cavotta, trending on polycount, graffiti, sitting on top of a cryopod, board game cover art, portrait in the style of craola, a teen black cyborg +A ball mixed with the element of tornado and electrolysis in the form of a sword that changes its shape and an LED inside +black and white artwork of the weeknd as a Godfather, smoke, fog, night time, gtav style +insanely detailed full body shot dynamic aggressive epic pose of a handsome arabian bard charisma 20 dressed with a leather jacket, advancing while playing a acoustic guitar. surrounded by ice. BUT IS BOSS IN DARK SOUL STYLE, DARK FANTASY,WARHAMMER40K, OBSCURE,DARK, EPIC. +painting of goddess of conglomerate, trending on artstation +A woman wearing a red dress walking down the street +An owl slicing an apple with his claws +Joe Biden in Fortnite, 3d game, victory royale, fortnite character +little girl having her 8th birthday +kawaii illustration of a robot watering a plant +a girl blowing to a guy +, fantasy, pastel, absurdist, photo, queen, snap snap +Glamorous dressing room with large mirrors +mark coffey, hairy musclechub, serious face, short neat beard, wearing leather apron, medieval baker, fiery medieval tavern background, red orange medival fantasy warm theme +Relatively symmetrical badges in the realistic gunfight game COD +a photograph of r2d2 next to a lotus esprit car that is in the jungle ,4k wideangle photo +Jesus Christ, league of legends champion +a snail made of harp, a snail with the texture of an harp +pic of old good looking man as a Warhol picture +platform game level design cross section with multiple rooms, desert, simple, naive, silhouette +Detailed zombie dolphins, Deep Ocean, perfect Lighting and shadows +In some cases when text is not enough, you can upload images to an AI image generator and use it as a reference to create other images. Depending on the type of AI platform you’re using and the type of results you will need, using image prompts can be even more effective than text.cinestill colour, space pressurized suit,hyperrealistic vfx render, inside a science facility, +3 couples and two baby girls enjoing a picnic +german home by the lake, professional photograph, Ruth Bernhard, iphone, HDR, UHD, 64K, sharp, , +a close up of a card on a table, exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academi +muslim arab grandpa in the beach, palms, beard, gray hair, hat +mario by M.C. Escher , Rob Gonsalves , Peter de Sève Rob Gonsalves , Peter de Sève +wideangle photo roman battle misty roofs, Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting +pig man, cartoon style, octane renderer, hat +Black labradoodle in the style of monet +1 9 3 0 emotional youthful Ukrainian vintage flapper woman, dancing in a vintage party ballroom, in action, woman wearing a fitted psychedelic flapper dress in sequined mesh. Round neckline, bust darts and a concealed zip at the back. Jersey lining. Party vibes, ultra realistic, dreamy soft, intricate details, highly detailed, octane render, 8k, soft focus, volumetric lighting. art by artgerm and greg rutkowski and mert and markus and Zhang Jingna and elen von unwerth and lara jade +oil painting, egyptian mummy gangster wearing snapback and golden chain on neck with dollar sign pendant +slavic woman with orange hair walkig trough cyberpunk City ruins, overwatch art style, asymmetric cut, low angle, short hair +Illustration of a fantastical underwater world with brightly colored sea creatures, swirling waves, and a sense of whimsy inspired by the work of artist Becca Saladin +Boy walking in dark cave with flashlight, photorealistic +photo of muscle guy bald Slaughter pooping at prison toilet. wear raunch briefs, highly detailed satisfied face, killer look, Hard close-set eyes, born criminal +professional fantasy video game model of a hybrid between a bobcat ocelot and clouded leopard with antlers and blue glowing eyes, rpg, dnd style, HD, unreal engine, hyperrealistic, hyperdetailed, realistic lighting, 4k video game +hen night, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +cinematic still of Brad Pitt in the desert, at sunset +Create an image depicting the Goblin from Looterkings Video game, reigning as the undisputed King of the LAN Party with all his fellow gamer goblins surrounding him in awe. Let your creativity shine as you infuse the scene with the perfect balance of stability and fluidity, bringing to life the chaotic yet controlled energy that surrounds the goblin king. +a cute teen male, rear view, looking over his shoulder +A big bosomed female model on the beach +A woman in the rain, cinematic +Character of an indie game, in pixel art +ctulhu drinking vodka in the style of Picasso +Willy Wonka gives Charlie a death stare +Beautiful realistic human looking young konservative indian girl without ornaments +Diamond ferrari, made entirely of diamond mirror glass, diamond color +two pencils on a white sheet of paper +pastel pink hair ferrari car drifting, with pastel pink trees background at light with trail lights from neon rear light +Tiny vending machine, cute 3d render, pastel colors. cute extremely chibi vending machine. white background +a 6yo Japanese girl in tutu ballet dancing, from behind, nikon d5 +a dragon on top of a mountain +Cute robot created by Microsoft Bing, metallic, blue highlights +High detail professional photograph of young blonde woman with small black boy,realistic,sensual,masterpiece +Photo of beautiful Girl standing wearing socks +An image is Indian software engineer women +A cat holding a sign saying: “I love cuntboys” +And moving through a mirror clear That hangs before her all the year, Shadows of the world appear., ethereal, dreamy, insanely detailed and intricate, misty, magical realism, soft diffused cinematic lighting, photo realistic, surreal +Albert Einstein and Nikola Tesla presenting a PlayStation, in front of many people clapping, he is holding a joystick +A picture of a 18yo teen girl a smelly tight outfit with yellow water dropping down thighs, smelly stain visible on leggings, smell fumes near woman, smell fumes around leggings, , +The forest is bursting with color as the trees begin to sprout fresh green leaves, and the flowers bloom in shades of pink, blue, and yellow. The fragrance of fresh blossoms fills the air, sweetening the morning breeze. +A well-dressed man walking through the streets of new york city at night +Toaster designed by Dieter Rams.a group of people sitting around a wooden table, gas masks, 2019 trending photo, inspired by Zlatyu Boyadzhiev, two young men, standing in a server room, russian national guard, trending on artforum, full dress uniform, photo of a classroom, training, smoke, gen z, h 9 6 0, iso 16 photo of fusion of a huge savage dog monster with an alien in the space, style of laurie greasley, studio ghibli, akira toriyama, james gilleard, genshin impact, trending pixiv fanbox, acrylic palette knife, 4k, vibrant colors, devinart, trending on artstation, low detailsIntricate render. Cinematic product shot +Gal gadot face in Riley Reid's body +Fight club movie poster, 70s style, insanely detailed, photorealistic, 8k, volumetric lighting, , +illustration of a giant mastodon floating through space, surrounded by planets and stars +ugly old grimy medieval man, high quality digital painting +photo of muscle cruel boss guy exhibitionist humilate intern pissing at office. highly detailed face, killer look, Hard close-set eyes, born criminal +Stock photo of an obese neckbeard wearing a fedora at his gaming laptop raising his fists in anger, screaming +Field full of flowers, grass, wind blowing, blue sky, thick brush strokes, neoimpressionism +The world in the palm of my hand +portrait photo of a gorgeous woman, cinematic, higly detailed, instagram picture +photograph, high detail, high defintion, 8k, hdr, global illumintaion, the new and sci-fi redbull f1 car +cinematic action pose of two fit male swordsmen dressing kimonos fighting +photo of kink kong lifting a landrover defender in the jungle river, misty mud rocks,headlights Chrome Detailing +Upper body Portrait of a blonde swedish woman, DSLR photo +Chocolate box with dark and white chocolate patternsin shape of vulva, glitters +Maryam Nawaz, Grand Theft Auto IV, textless +A realistic dog spiking volleyball over a net at the beach +Editorial style photo, top-down camera shot, blue Mercedes-Benz SL-Class 1963, coastal road, beach, sunny lighting, elegant, refined, iconic, 4k +A blue kitty with long fur, very cute +Mystical forest with glowing mushrooms and purple cannabis buds +5 Americans soldier holding up the flag, black and white war photography +a Prairie in the style of Ed Ruscha's Pop Art +grey white spirit ghost fog beach glass crystal quartz refraction caustics light photography abstract 3d dull vintage instagram filter grunge final fantasy hr giger beksinski bones muscle tendons cracks bullet holes hdr +mona lisa as an ancient bear +Chess art style Salvador dali sunflower +A bizarre triangle with one eye in the middle, synthwave retro style, 80s style, realistic, closeup, close-up, 80mm lens +photo of a goblin cooking breakfast +A beautiful anthropomorphic furry humanoid canine female with very long hair and fur, photo realistic. +Sunset on a sea monet style +a glamour style living room, with two couches and a fireplace, it needs to have a round corner with big round windows +paul mccartney and john lennon in a car in the 1960s +cinematic still of highly reflective stainless steel train in the mojave desert, at sunset +A drawing of a hedgehog wearing a yellow shirt with a brown backpack and green hat +Elon musk fist fighting with Mark Zuckerberg +a velociraptor down a muddy road in the jungle, by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 ,landrover in the distance +leonardo da vinci portrait by botticelli, oil painting, paint texture +Cartoon Plane with the name Aadi on it +Lighthouse:3, Apocalypse:2.9, The Future Has Come:2.8, Sea:2, Intricate Details:2, Masterpiece Detail +30 year old Mr Spock played by Leonard Nimoy +poster of pikachu as kim jong un in north korea, gears of war, Glamorous glitch art, glitchcore, thunder, no man's sky, pikachu +medium shot, street photography of a 20yo woman running on a flooded street in the rain, black and white by anne lebowitz +a closeup photo of a human hand, Insanely detailed, Rembrandt Lighting, Three-point lighting, dramatic light +Big long thick rubber toy with sticky white substance +A man .............. a lemon, concept art +A cute fox boy dancing in a futuristic disco! +classroom, jules burkjulien bettfluffy jingsewing workers,Jules Bastien-Lepage,movie still, +Vikings celebrate in a mead hall at night +the complex scene from batman tv series inspired by Makoto Shinkai in the style of Hayao Miyazaki, cyber cats, Studio Ghibli, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +Humanoid turned into a Cicada, anthropomorphic figure, standing pose, portrait photo by Annie leibovitz +a blue cat in an alien world +A red box on top of a blue box +hyperrealistic polaroid, extremely detailed pale young woman covered in fungus, fungi, slime mold, slime mold covering body, slime mold covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +a cat clinging to a ceiling fan +white and green colored fresh and tropical themed coffee shop +A dog eating his food dining at the cafeteria by the view of the Eiffel tower, while a firefighter runs across the background due to a airplane crash. +Studio style RAW photo of A japanese male 17-years-old muscular celebrity with smile +man, pecs, hairy, full body, looking at you from below, pov bottom, hairy, +, fantasy, pastel, absurdist, photo, Wes Anderson, fox characters, mischievous +Photograph of a woman standing in the middle of a gym with gym equipments visible in the background +A cat eating a chocolate chip cookie wearing sunglasses +An ogre with a chainsaw on one hand, and a grenade launcher in the other +shiny,glossy,pond,crawling,hands,teeth,soaking wet,underneath,vivid colors,in the style of gil bruvel and Yuichi Ikehata and expressive sculpture and Lebbeus Woods and Ed Mell and Willem Claesz Heda and Denis Gonchar and john harris and kilian eng and Frank Auerbach and jacek yerka +Daenerys Targaryen moping the wet floor of a dirty dressing room +Detailed concept art of a medieval chef in the castle's kitchen +in a room a MGb car smashing through hole in the wall ,sparks dust rubble ,studio lighting,white walls, +Girl. beautiful; busy African market; Nice body; +Vintage photograph of Elaine Benes on Titanic +"Sunset" by Brian Kesinger, Jean Baptiste Monge, Ruan Jia, Ismail Inceoglu, Yoshitaka Amano, highly detailed, 8k resolution, digital art, trending on artstation, golden hour, hyperrealistic, Vibrant triadic Colours, adorable friendly lovely, Greg Rutkowski +Still of a slasher movie, barn owl plush slasher +the ruins of mcdonalds in ancient rome, national geographic photography +random beautiful artificial cybernetic cyberpunk hot cyborg robot, female gorgeous exquisite detail, woman ex-machina, full body, photographic, female poses, full shot angle + posh nightclub +A photo of a woman caring for monstera plant in a room full of plants +A screenshot from the anime No Game No Life +a queen of the sea wearing a shiny dress +35-year old William Shatner as Captain Kirk from 1963 Star Trek, HD 4k, sharp detail, photo-realistic accurate face and features, cinematic light +karl urban, evil face, full shot, muscular, dark wizard, black robes, dark evil theme, fantasy theme, magical portals background, black hole background +An analog photo of a Himba, wet oily skin, shibari kinbakiu rope bondage, submissive, hanged up, hands apart, hands up, perfect body, arched back, lookback : look over shoulder, dark shot, twintails, intricate details, intricate details, hyperdetailed, hdr, dungeon, at night, bonfire, warm dramatic light, jungle background, cinematic, closeup, photography by Annie leibovitz +A steampunk flying transport, steampunk city in the background, octane render, 8k +masterpiece, best quality, highres, anime illustration, fanart, godrays, volumetric lighting, depth, detailed shading on anatomy, detailed highlights anatomy drawing, perfect anatomy, good figure drawing, realistic anime lighting, highly detailed clothing, stylized, aesthetic, amazing eye detail, highlights, shadows, hard light, good human figure, best coherency +a female alien fashionista that loves tennis +Digital painting of Sean Connery smoking a cigar, by Greg Rutkowski +Photo of beautiful Girl standing wearing see cotton under wear +frat boy wearing boat shoes, preppy, photograph, 4k, highly detailed, attractive, full body shot +Einstein presents the time machine and the flux capacitor in a world fair circa 1930 +A surreal jungle landscape, featuring exotic plants and animals, and strange, otherworldly structures. The scene is rendered in a highly stylized, dreamlike style, with bold colors and intricate details. The artists featured in this prompt are Alena aenami and Simon Stålenhag +Spider-Man 1968 cartoon: THE CURSE OF THE VIKING +Kratos with a lightsaber in Minecraft +minecraft jungle village in castle, details, top view, pixels, blocks, terraria +a Image of Golf but something is wrong +a muscular anime girl with dark skin +Concept art illustration of A bald elf cyberpunk male, 20 years old, tired looking, wearing a black tech poncho, standing it a neon city street +American staffordshire terrier, paper dog, electric, metalic, lighting eyes, +a kingfisher sitting on a pole, dressed in a cowboy hat +Astronaut sitting on mars watching earth explode +Girl with glasses, with blue hair tied up into a hair bun, at an high end hotel lobby room +catering logo, surrealism, healthy eating, minimalism, pastel shades of red and green, in the jungle of india, emoji style, gradient, colonial catering logo, 3d logo, good for family, Tali, godliness, realism, octane render, soft ambient light, icons restaurant +a beautiful caucasian young woman with pink braided hair and a pretty face wearing a skimpy outfit, realistic, high quality, studio lighting +Robin Hood from the 14th century lost in a futuristic eco-friendly city +red haired woman with blue eyes, d&d character portrait, concept art, painterly +A depressed barn owl drinking a beer in an English pub +advertising for Olivetti designed by Giovanni Pintori +cyberpunk, cyber, cityscape, future, 4 k, photorealistic, high resolution, rainy street, highly detailed, streetlights, rainfall +zoom wiping his feet on a stolpersteine +a wideangle photo of a brown bear next to a mgb ,in a forest , chrome detailing +Portrait of a fairy tale princess by Jackson Pollock +a big glass marble with a glowing Bohr atom model inside +a photograph of a blue ChromaFlair MGZT car ,rover 75 mgzt,mgrover metalic paint +photograph, high detail, high defintion, 8k, hdr, global illumintaion, a majestic swedish mountaij landscape +indian fast logo, emoji style, tali, lovers, 3d logo, family, healthy food, minimalism, realism, HD, +screaming photorealistic close up portrait of happy old male screaming shaman covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by baade carrie ann andrews esao amorsolo +Illustration of evil evil evil evil evilangry eyes skye from paw patrol +an old man holding a sign that says "aliens are here!" +photorealistic, high detail, high defintion, 8k, hdr, global illumination, a 1980s honda sport motorcycle +a cat being the boss of an office realistic photography +high quality color portrait photograph of young Amber Heard with a hairy indian man,face closeup,sharp focus,cuddling,highly detailed,stunningly beautiful face,award winning photo +High detail RAW color photo professional photograph of gorgeous taylor swift with muscular black man,interracial portrait,textured skin,sensual pose,medium shot,masterpiece,award winning photo,4k,high quality, highly detailed, +An old refrigerator, with Open door, empty inside +a flower attacked by blue bees +paper quilling of a star sky +1970s style amateur photograph of a risque teen holiday, grainy filter +Nine tailed beast black fox red eye in a fire, Nine tail fox, bloom, perfect composition, hyperrealistic, super detailed, 8k, high quality, trending art, trending on artstation, sharp focus, studio photo, intricate details, highly detailed, art by artgerm and alphonse mucha By jeremy mann, by sandra chevrier, by maciej kuciara, Alessandro Casagrande, Greg Rutkowski, Sally Mann +two pretty woman in a snowstorm +A portrait of a woman, smiling, wearing a green dress, with a busy city in the background +closeup of The Beatles performing a concert in front of eiffel tower, 1960 +a beautiful woman holding an umbrella, gta style +a tank shooting at a building +Dark futuristic, circuit board, small city buildings as transistors, dark background, desktop wallpaper, 4k , 8k, unreal engine, octane render +malnourished very old asian woman with nasal feeding tube +color photograph of a young blonde woman surrounded group of indian men in indian village,extremely beautiful woman,pretty face,realistic,photoreal,nikon,group photo +A woman with a man at a wonderful event, dancing, DJI Zenmuse XT ZXTB19SR V2 Thermal Imaging Camera, , +aN ARTISTIC ASIAN painted tray MADE WITH CONSTRUCTION BOARD +An eldritch squid swallowing the planet Earth, stars, planets and everything universe related in the background, photorealistic, wideshot +spaceship isometric, 3d, soft shadows, white background, soft lighting +portrait of Dementor from Harry Potter in cyberpunk, neon lighting, figure in center, digital art from artstation by Ruan Jia and Mandy Jurgens and Artgerm and william-adolphe bouguereau and Greg Rutkowski and Wayne Barlowe +Artemis was the goddess of the hunt, the moon, and childbirth. She was often depicted as a skilled hunter, carrying a bow and arrow, and was revered as a protector of women and young children. +A computer icon, frutiger aero style +A concept art digital painting of a cyberpunk city alleyway, dramatic, cinematic lighting +candles hunger austerity immigrants pulitzer arthur kidman iwm, Abram Efimovich Arkhipov +a cat sitting on top of a helloween pumpkin, cementry in background, dramatic purple lighting, circle design, vector art, tshirt design +beautiful illustration of zero suit samus, in the style of alphonse mucha +photo of a happy man in suit holding a sign saying "the fog is coming." +, fantasy, pastel, absurdist, photo, bird people, gang +Marquis Brownlee MKBHD reviewing a new piece of tech hardware in his studio, HD 8k photorealistic shot on Fuji film +little red riding hood in the forest +Skinny little preteen 8 year old girl +The country France on the world map engulfed in flames +ava addams at her wedding, the groom is waiting for her, while she is hiding mating with her boyfriend's brother +a 3D blender render of a samurai +Selina Kyle as a firefighter, photo by Annie leibovitz +A tiger sitting on a sofa wearing a tuxedo, glasses and a cylinder hat +a fridge dressed as a cowboy +a burly green-skinned orc in sparse metal armor holding a mace +Hooded alien, intricate mech details, ground level shot, 8K resolution, Cinema 4D, Behance HD, polished metal, Unreal Engine 5, rendered in Blender, sci-fi, futuristic, trending on Artstation, epic, cinematic background, dramatic, atmospheric +giant orange glowing humanoid with a sign saying fake dog, REALISTIC, BLURRY BACKGROUND, BOKEH, FAST, MOTION, detailed skin, 20 megapixel, canon eos r3, detailed, detailed face +a tree with a face on it +high detail, high defintion, 8k, photograph, dslr, 1980s motorcycle concept +3D rendered female beautiful beauty anthropomorphic fox acts as a singer in front of an audience on stage, high detail, improved anatomy, maximum clarity, 8k +Jasmin puckering, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +A sparkling Sphere containing a colorful universe +When the government talks about infrastructure contributing to the economy, the focus is usually on roads, railways, broadband and energy. +Abraham Lincoln looks up at the Lincoln Memorial +portrait photography of a paladin soldier, plated amor, golden ornaments, intricate details, masterpiece +movie still of xi jingping in gears of war +Alice Cooper sticking tongue out wearing sunglasses holding a sign that says Famous +The Star Whale is a giant whale-like creature, presumed to be the last of its kind, used to pilot the Starship UK, so as to save its citizens from the dangerous solar flares. The whale has the features of other animals such as an anglerfish's angler, an octopus's tentacles and a scorpion's tail, as well as having a bright pink hide with bioluminescent patches. It arrived on Earth as it heard the children of the United Kingdom crying, and was unable to bear the sound. +a black cat on a couch +lovecratian monster with 4 eyes, emerging from fog +Beautiful FAT Pig Woman Furry, Western Carton Style, Wearing Golden Armor and holding A Golden Ax, reflected in a mirror of an abandoned pool changing room. +illustration, a beautiful character portrait of Wonder Woman wearing stylish armor by artist Frank Frazetta, realistic, raytracing, colorful palette, 4k high resolution, detailed lines +cute bunny made of fire and smoke +a painting of a mountain scene with a lake in the foreground, inspired by Evgeny Lushpin, polycount contest winner, floral environment, trending on deviantarthq”, color field painting. 8k, meadow in the forest +The moon about to crash with planet earth +a turtle on a wooden box +a pig faced business man sitting at a computer working, wearing a shirt, photo, hyperdetailed. incricate +Artistic superhero character design with vibrant colors, graffiti-inspired suit, cinematic lighting +An anime girl with purple hair sitting on some stairs, beautiful, trending on artstation +A photo of Walter White holding a sign that says: "Time to cook Marcos" +Cyberpunk robots, Ancient India style, fine details, si fi, silver on a black background, cyborgs, synth, neon lighting, contrasting shadows, contour light, three-dimensional sculpture, high resolution, 8k detail, baroque, clear edges, technology, mechanisms, +award winning national geographic photo of a horse standing, side view, full body, canon eos, 50mm, hdr, 2k, detailed +a hot female kobold with horns +a burly muscular metal android walking away, full body shot +A fantastical world of Gods and Celestials, floating islands, giant waterfalls, soft lighting, digital painting +A beautiful woman in red dress, contrasting lighting, Extremely detailed photo, She looks innocent with a mysterious smile, Photographed in a studio +Attractive Chinese girl 25yo portrait, upper body, soft lines, yoga outfit +musician playing the sax in new york +Jennifer Aniston, toned upper body, , slender legs, superheroine, supermodel, siletto heels +insanely detailed portrait, male viking model with intricate face tattoo , insane face details, perfect eyes, dof, dslr extremely intricate, high res, 8k, award winning photography +1920s hyperrealistic photo of a woman +a world of clear ice full of bubbles, reflecting the aurora borealis, vibrant, 4k, infinite, hyperrealistic, hyperdetailed +concept art of a solar powered soldier +a big winged man lookng like an eagle carrying a wand flying +People desperately running towards SpaceX Starships as they take off +a cute teenager wearing a tiny crown and a purple princess dress +a look into time and space through many portals in the sky +a whale swimming in the ocean, wildlife photography +alabama girl anime in nature, studio ghibli, makoto, artistic, artstation, pixiv +Illustration of two women sitting at a table eating food and drinking wine, steampunk style +blue tones, Digital art, Crowd of zombies gophers in a mausoleum, call of duty zombies, 8k, trending on artstation, Dark tones, ominous, by Jeremy Geddes, by Sparth +peter griffin from family guy half lidded eyes smiling in romantic lighting cartoon +day of the dead samurai necromancer, 3d art, chibi, anime inspired, mood lighting, cinematic, colorful +Composition thumbnails, concept art, there is an island, lovecraftian horror +A sign that says pick a pic +Tall and morbid entity, Junji Ito, sketch, white background, graphite illustration\ +octane render, light grey background, long stretched left to right organically morphed fluid bubble, glossy fluid made of white and apricot colored fluid, intertwined and twisted +Photograph of the monster Crungus holding a sign that says "Crungus" +The text "The brain is the right thing", the correct spelling of the text +city welcome sign saying "Welcome to Tarkov", warzone photography, russian ruined city in the background, ruined paint and bent metal, riddled with bullet holes +oak leaves on the breeze, Chinese ink and watercolor en plein air, minimalistic, serene, surreal +photo inside of a scary dark abandoned railroad tunnel +Vector drawing of a Polar bear wearing a hat and a tie leaning against an igloo, highly detailed, best quality, by patrick brown, Kan liu, artgerm +from above, office shot, black skirt, royal shoes, lying on bed, open legs, the room has windows, single, divine goddess, shiny skin, skindentation +landscape coming out of a wall complex 3d render ultra detailed of a beautiful porcelain profile eagle face , biomechanical cyborg, analog, 150 mm lens, beautiful natural soft rim light, big leaves and stems, roots, fine foliage lace, colorful details, massai warrior, Alexander Mcqueen high fashion haute couture, pearl earring, art nouveau fashion embroidered, steampunk, intricate details, mesh wire, mandelbrot fractal, anatomical, facial muscles, cable wires, microchip, elegant, hyper realistic, ultra detailed, octane render, H.R. Giger style, volumetric lighting, 8k post-production +A panning photo of a shark riding a bike +Hyperrealistic, accurate, extremely high quality photograph of gal gadot +The joker sticking tongue out wearing glasses holding a sign that says Rock N Roll +artistic art poster, mage the ascension, by alicexz +Time travelers from 2025 arriving in New York City. Historical photograph, 1876. Dramatic portrait +marvels enchantress face in the shape of dark smoke cloud +a girl with short silver hair, she looks 15 old, wearing cute dress, midjourney v5 style +warframe futuristic sci fi hooded alien soldier; overgrown deep jungle background; dark night with big moon; by Craig Mullins; by Dave Dorman; by Ivan Shishkin; by Donato Giancola; CGSociety; bright colour palette; dynamic pose; dramatic lighting; sharp colours; fantasy concept art; unique composition; cinematic; atmospheric; intricately detailed; 8k resolution +Photo of a young man with body hair, highly detailed, photo realistic +A sign that says " YUVAL " +a wide angle photo of large crystal on display in a smokey roman villa burning, 18mm smoke filled room debris ,quartz iridescent prism, gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, , indoor, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +Deep sea marine Life, Punk genre, Vintage Poster Art, Sunken Ships, Skulls exploding into paint burst! Oil splash!! Oil stained!!, Show poster, Explosion of paint and magic, Perfectly centered, By Junji Ito, intricate hyperdetailed fluid gouache illustration by Aaron Horkey, Ismail Inceoglu, Jean Baptiste Mongue, James Jean, Erin Hanson, Dan Mumford +pretty female model with straight blonde ginger hair photographed for Vogue magazine by Dean Martindale +A sign that says "Odio los negros" +a stained glass vase with flowers in front of a window +high quality portrait photograph of young Amber Heard with a hairy indian man,face closeup,sharp focus, venereal pose,highly detailed,stunningly beautiful face,award winning photo,natural lighting +2d ferocious Socrates philosopher skull, soccer ball covering the head , vector illustration, angry eyes, soccer team emblem logo, 2d flat, centered +Sansa stark moping the wet floor of a dirty dressing room +дом и на крыше дома весит текст "Милый дом" +Full body portrait of a brunette woman with blonde streaks wearing a black sweatshirt, semi-realistic, confident, shallow depth of field +Realistic Black and white portrait of Jenna Ortega bob hairstyle as a 19 year old girl , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +a robot dog fetching a stick +a large sphere splash inner glow spirals , Intricate and elaborate artwork of a magical flowing liquid made of flowers and leaves, by M.W. Kaluta, Marco Mazzoni, Alberto Seveso, James Jean, triadic color, intricate and fluid swirling, 3d liquid detailing, subsurface scattering, intricate, Adobe After Effect, a masterpiece, trending on artstation, UHD +A beautiful landscape painting by Daniel F. Gerhartz +portrait of a girl by Patrice Murciano +intricate photography photorealistic image of Jenna Ortega, the 20-year-old actress, with a bold and edgy bangs hairstyle. The image should showcase Jenna's youthful features, including her bright eyes and radiant smile. The background should be simple yet elegant, emphasizing Jenna's natural beauty. Use high-quality textures and lighting to make the image look as realistic as possible., phot +portrait of a face of a woman warping according to the proportions of the golden spiral, Quantum-Wavetracing, insanely detailed and intricate, elegant, hyper realistic +a man with a shirt that says "arrest me" +Kangaroo on the Moon, Futuristic, Extraterrestrial, Curious, Bouncing, Playful, Sci-fi Illustration, Bold, Dynamic, Neon Colors, Digital Art, "Syd Mead", "Chris Foss", "Moebius" +photo of a angry small dinosaur next to tire wheel down a muddy road in the jungle , wet jungle ,by Anthony S Waters, , real-life brook, very wet, 2021 , tire wheel ,in the mud buried +shamelessly,gym leaked desi private mms, viral video photage, 1990s vivid vintage photo,real life gorgeous desi hindu goddess durga in squatting, slime body, juicy lips, full body shot, stunning sweaty body, dramatic light, looking down + film grain,amazing shot,bold +A giraffe with sunglasses playing basketball +a portrait shot of a afgan girl cute, deep blue eyes covered face +a super cute sloth with big cute eyes, sitting in a classroom writing in his notebook, Pixar character, octane render, Cute +Oil painting of Baroque social dance +A pink flower with a long neck and sticking out of a crack on a rock among pine trees in a forest blooming , van Gogh style painting +detailed and realistic portrait of a of stunningly beautiful slender girl, trending on Instagram, shaggy haircut, white hair color, natural lights, soft natural lighting, Extreme close-up, magical photography, dramatic lighting, photo realism, ultra-detailed, intimate portrait composition, Leica 50mm, f1.4 +Professional photo of a beautiful ginger freckled female fantasy cosplay mage with freckles, grey eyes, and a closed mouth. She is 20ish years old. She is wearing modest long dark blue robes with many small details and is standing in a a dark alley in a cyberpunk city with many details. She is looking at the viewer. +An elephant by Dali on the moon +Darth Vader, Cinematic lighting, ultra realistic, life like lightning, cinematography, highly detailed skin, highly detailed body, highly detailed background, Nikon d7500, lifelike, natural skin colors, soft sharp focus, vibrant details, detailed background, masterpiece,85mm lens, professional color grading, professional photography, depth of field, soft shadows, uhd, dslr, 8K, raw photo +a 960x1440px book cover of a book called the magic stones. +a digital art of a cute snow Fox, smooth soft skin, big dreamy eyes, beautiful, highly detailed, intricate, digital painting, realistic lighting, immersive details, illustration, snowing, snow forest, sharp focus, unreal engine 5, trending on artstation, by Greg Rutkowski and artgerm +Cyberpunk, Cyborgs, Kathakali robots, Ancient India style, small details, Ravana, Si phi, silver on a black background, inlaid gems, Indian mehendi patterns on the body, Vastu, diamonds, precious metal, Baroque, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution, 8K detail, technological, rough background, HD quality, unreal engine 5 +lungs made of smoke, abstract, surrealism +anime illustration of young aphrodite with white hair wearing white armor, high quality, cinematic lighting, sharo focus, +Outdoor style fashion photo, full – body shot of a man with short brown hair, happy and smiling, he is standing on his hipster bicycle wearing a light blue long sleeved blouse with closed buttons and dark blue jeans trousers, in the background the exterior of an Aldi store, fully lit background, natural afternoon lighting +anime girl in bodysuit, anime artstyle +Hyper realistic photo of a Beautiful ginger female secretary trying to seduce her boss, Victoria's secret +60s fantasy painting, beautiful young woman, brown curly hair, gray eyes, tan skin, medieval clothes, in menagerie colorful birds, full figure, full body, legs visible, aviary, as painted by Basil Gogos +breton monks looking like zappa dancing "kolo" Serbian folk circular dance, with goat , photo +Slenderman, 90's cgi, retro, 90's blender rendering, low quality, retro +alien on a microworld, purple atmosphere, glowing plants +human schoolgirl and her friends with "no underware" with a childish face and childish body, with dark background +A sheep holding a sign that says "play chess?" +an evil thunder storm with undead monsters above a skyscraper in london, urban fantasy flat styled comic drawing +bono, in Jim Fitzpatrick's celtic style +rustic style, abstract, canvas painting, vintage, flowers in vase, dull colours +Close up of a Blonde 14yo Girl, straight blonde hair in Tight Armour wearing respirator +17 million colours splashing water, creative art, perfect exposure, sharp focus, hyper realistic, 8k +planet in the shape of a cat +Front view of a demonic red archangel, huge sword, fiery cataclysmic background with mountains, an army of demons behind it +RAW photo of a deformed werewolf creature in a dark forest at night, intricate, ultra realistic, fleshy and glossy blood, dynamic, particulate, blood red eyes, highly detailed, smooth, sharp focus, flashlight +Grudge ghost with mouth open inside mirror, dark room +Hayao Miyazaki in the style of Studio Ghibli +photo of a beautiful blonde swedish 14 year old girl, by terry richardson, three quarters, by Helmut Newton, by Sally Mann +A little girl in a pool +amazing breathtaking oceanic landscape, girl standing on a cliff +cão fotorrealista roxo com cauda de escorpião +very detailed art illustration of A bald elf cyberpunk male, 20 years old, tired looking, wearing a black tech poncho, standing it a neon city street +octane render of body horror, sharp dark shadows, heavy red and black color contrast by trevor henderson and junji ito +detailed watercolor illustration of a beautiful young goddess with long white hair and white eyes wearing a white scale armor , detailed snowstorm mountain background, high quality, 8k, cinematic lighting, sharp focus +a photograph capturing the tranquility and beauty of a forest, with the sunlight filtering through the trees and the birds singing in the distance. The use of a shallow depth of field creates a sense of depth and focus on the foreground leaves, while the blurred background adds a sense of mystery and depth. The careful use of light and color highlights the natural beauty of the scene ar 16:9 +a woman holding the earth in her hands +a statue of a man standing next to a poster, a storybook illustration by Altoon Sultan, behance contest winner, qajar art, style of alexander trufanov, encyclopedia illustration, magazine illustrations' +photo of a cuck at the gym +classroom,old teacher, jules burkjulien bettfluffy jingsewing workers,Jules Bastien-Lepage,movie still, +A sign saying "Vasco da Gama" +pretty young female model with straight blonde ginger hair in bangs photographed for Vogue magazine by Dean Martindale +An enchanted wishing tree surrounded by magic, fantasy setting, highly detailed +Black mini labradoodle with brown eyes in the style of a studio shoot, straight fur, realistic painting, short black fur, no collar, no curls no waves in fur +giant blue dragon eye buried in sand draw +Lofi aesthetics, but instead of girl, a businessman in his 50s working in his office. +Pour a cup of coffee on your lap. It's an oldie, but it's still a favorite. +a woman a transparent veil a poil under a waterfall +a tree with woman face rain raising sun +Cyberpunk, Ancient India style, si fi, silver on a black background, bas-relief, cyborgs, neon lighting, contrasting shadows, three-dimensional sculpture, high resolution, 8k detail, baroque, clear edges, technology, mechanisms, +Stunningly beautiful girl wearing a frilly summer dress, insanely detailed, photorealistic, 8k, taken with canon eos 5d mark iv, , +Wolk, an frightening white wolve in human pose standing up-right in black clothes, holding a skull, animation, realistic 3d render +Realistic Black and white cute portrait of actress Jenna Ortega with bangs hairstyle , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +Portrait of a fairy tale princess by William Holman Hunt +polaroid, extremely detailed pale young woman covered in veins, veiny tentacles intestines, bloody organs, veins covering body, veins covering legs, skinny, guts, holes in face, zoomed out , +beautiful instagram model working at an oilrig, covered in black oil, wearing hardhat, dirty +a beaver holding a sign saying hello +a girl and sunflower by Chinese style +multiracial female superheroine with red hair in a green long sleeved tight shirt, light blue miniskirt, with golden belt and high heels +Marilyn Monroe wearing a shirt that says California +A profile picture of an anime boy, half robot, anime, not real, detailed, brown hair, cyberpunk, robot +a photo of armor on display in a roman villa,mosaics Tripod fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +Photo of young Israeli men and women wearing IDF army uniform, sitting on the grass in the Hebrew university gardens during a protest of anti Israelis +Painting of interdimensional biomorphic NMR HEP Alpha psychic style +photo of patlabor mecha in jungle city river +Cinematographic 1970s marlboro-smoking Chirac robin-superhero-batmobile french photoportrait carshow spaceship anglican-tiara-mitre Archbishop Jacques Chirac RPR vatican space program moebius capsule launchpad thunderbirds-vuitton Astronaut papal official leica hasselblad photograph in Vatican royal helmet metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Diorama of “The Institute of Yokai Research in Heian Period, Kyoto” - a traditional japanese house compound full of mysterious creatures and creatures from japanese folklore in the fog and mist, 8K, Photorealistic, Octane Render, Arnold Render, VR ready, Stylized but Highly Detailed. +Abraham Lincoln in the style of Max Headroom +polaroid of a scary lovecraftian creature in a bedroom with a little girl +an image of a microscopic world +Generar una foto con una joven comiendo una donut en Caracas +A women trying on new boots at a shoe shop and asking the cleark for her opinion +alien on a mgb car in the jungle river ,splash rocks ,chrome grill,gorilla +fantasy art print by daniel wilson, hyperrealistic charcoal drawing of an peaceful giant eagle bowing down to a human +Beautiful image presenting that AGI is coming in the center, digital concept art, sci-fi, cyberpunk, superintelligence supercomputer, futuristic, trending on Artstation, monumental AI singularity oracle, breathtaking, bottom view, intricate details +Claymation Lisa Simpson holding an iPad +Jimi Hendrix at woodstock 1969 wearing white +Quirion Ranger: This green creature card has the ability to return a forest to the player's hand in order to untap a creature, effectively allowing it to be used multiple times in a turn. Its artwork depicts a figure in a Roman tunic standing in a forest. +a jar of facial cream, professional product photography, golden mean, surrounded by flowers, elegant gift boxes in the background, volumetric lighting, luxurious, dramatic, hyperrealistic, extremely detailed, best quality, by Nori Inoguchi +Girl wearing a wedding dress and gas mask, hyper realism, painting +Beautiful Venice canals with gondolas and bridges hiper realistic +a desk with a pc with a man using it +Black and white professional photographer with camera in hand of 1905 photographer covered by dust of desert and splash of light +A raccoon hacker wearing a hoodie and coding on multiple monitors in a dark room +A newspaper article of a wanted man in Barbados +Andy Warhol sticking tongue out wearing glasses holding a sign that says Rock N Roll +Teen woman with hair horns, Jude, gold, riso, illustrative +group of scientists standing on the moon watching the earth explode +Skinny little preteen 8 year old girl, croptop and miniskirt +Barack Obama animatronic in the style of Five Nights at Freddy's +Messi playing in Bayern Munich jersey +32 year old short slim man, fuller round face, very short hair, black hair, black stubble, olive skin, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +pepe the frog wearing a business suit and smoking a cigar +hustler, entertainment woman, hooker, bar, hanghover, enjoyment, steampunk experience, oil painting, film grain, xyz, doose-s-realistic-art-style, movie still frame, promotional image, imax 35 mm footage, inverse cinematic light, perfect composition, by Christopher Nolan, by david fincher +A photo of a artist witha sign that reads "Ai STOLE MY JOB" +A cat protrait in a solider uniform +tshirt vector, mandalorian, synthwave, vivid colors, detailed +Court room picture, seen from low angle, +1920s vintage photo of a cool e-girl wearing leather gloves and a miniskirt, standing by the large window +photo of a group of people doing yoga poses +Secret agents wearing purple hats chasing a goose +warsaw Palace of culture and science birds eye view +An older retired batman having a drink of stout at a bar, theres a sign that says "QUINNS BAR", cinematic, intense, cinematic composition, cinematic lighting, color grading, focused +new Zealaned 1960s contury farm house with red roof panting +A lighthouse on Pluto overlooking glaciers. +The great wave of Pepsi cans +A portrait of linda cardellini alison brie anne hathaway rachel lane sabrina lloyd odette annable hybrid oil painting unreal 5 daz rpg portrait extremely detailed artgerm greg rutkowski alphonse mucha vladimir volegov adolphe bouguereaum greg hildebrandt tim Hildebrandt at the beach at night-time wearing a dress warm studio +paolo guerrero levantando el Trofeo Jules Rimet +Wednesday Addams sticking tongue out wearing sunglasses wearing a shirt that says rock n roll +A little girl in blue dress +Portrait of a smiling older woman, oil painting, very detailed, quality glitter, shine, texture, paint strokes, thick, surface rococo, tattooed +an image of a beautiful young woman standing in karate stance ready to fight in a full contact karate match wearing a sports bra, kumite gloves, karate pants and karate blackbelt +Blood particles floating in the air during a dry thunderstorm, dark skies lit by intense fork lightning, , insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +A brave 7yo girl adventurer with dark german shephard sidekick, cool illustration, character concept, cool pose, concept art, art by various artists, insane details high qualty, intricately detailed, award winning +highly detailed fantasy art of skeletor with huge pecs, artstation hq, ultrarealistic + Cinema 4D + Render, hyperdetailed 3d matte painting, hyperrealism, hyperrealistic, 8k ultrahd octane render +A cute mature woman with blue eyes standing in a pine forest +an extremely cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of a despicable me minion driving a neon green lamborghini huracan spyder in the streets of beverly hills +An image of a bird with pink hair, in a ponytail +a woman tied to a chair. illustration +A woman wearing a multicolored paneled zentai body sits on a plain beach towel +Graphic novel, samurai hero in action +detailed portrait neon operator girl, cyberpunk futuristic, neon, reflective puffy coat, decorated with traditional japanese by ismail inceoglu dragan bibin hans thoma greg rutkowski alexandros pyromallis nekro rene margitte, illustrated, perfect face, fine details, realistic shaded, fine - face, pretty face +art poster, the essence of charcoal painting, a breton monk looking like zappa silhouette with a lightsaber on a mountain landscape by J. M. W. Turner and bob ross, charcoal painting +a beautiful blue-haired goth egirl, photorealistic, masterpiece +antje utgaard as character Power Girl +cinematic still of an aston martin vanquish racing through a dense jungle, insanely detailed, taken with a nikon dslr, 8k, photorealistic, volumetric lighting +Jean Harlow with platinum blonde hair in a metallic emerald green gown on a deep jungle path, in close-up, finely detailed, ultra-sharp, photo-realistic, epic cinematic +Anthropomorphic cats musicians on stage sing, high-graphic, highly detailed, photodetailed, photorealistic, perfect realism ultra, magically, fabulous, , +A Lion with a female human head +A dramatic thunderstorm with lightning bolts illuminating the sky and rain pouring down +Riso, comic, , gold, pastel, woman hair horns +acrylic ink flow by artist "Android Jones"; intricately detailed fluid gouache painting +View from Slovenia, cabin on a mountain, winter, nighttime, Christmas lights, moon +DOUBLE EXPOSURE OF A WOMAN AND A SUNSET +Game of Thrones as a Japanese NHK Dorama +a woman sitting at a table with plates of food, dessert, 5 0 0 px models, inspired by Anna Katharina Block, 4k food photography, 4 k food photography, food photography 4 k, by Anna Katharina Block, pastries, cake, sony a 7 iii, sony a7iii, hd food photography, food focus, eating cakes, pastry +Unique fakemon, nexomon, outernauts beast, wakfu-dofus, pvz2 like outerworld creature, shiny highly detailed video game sprite style, single full body creature-monster +enchanted overgrown fantasy tree house, on a hilltop with waterfalls, sunset with dramatic clouds. Hyper realistic photo. Vivid colors. +Black and white professional 1905 photographer with camera in hand sadly seating in a pit of covered by splash of dust in a forest splash of light +blåhaj, the trans shark plushie from IKEA +a Black male holding a toothpaste smiling and saying this is good for you +highway to hell that goes into a mountain covered ins now +A Hyperrealistic photograph of ancient Paris architectural ruins in a flooded apocalypse landscape of dead skyscrapers, lens flares, cinematic, hdri, matte painting, concept art, celestial, soft render, highly detailed, cgsociety, octane render, trending on artstation, architectural HD, HQ, 4k, 8k +Vector illustration of a logo with very minimal abstract form representing the future +Kurt Cobain colour drawing wearing eye liner +Heinrich himmler drawn like a Disney cartoon +An image of clock superimposed on a person's face +20 year-old beautiful Sean Young from Blade Runner as a set of identical twin naturists holding hands, HD 4K, sharp detail, photo-realistic accurate face and features +Cyberpunk, Ancient India style, si fi, silver on a black background, bas-relief, neon lighting, contrasting shadows, three-dimensional sculpture, high resolution, 8k detail, baroque, clear edges, technology, mechanisms, +Photo artwork for music album conveying melancholy, comfy +Einstein sticking tongue out holding a sign that says hail Satan +an evil thunder storm with undead monsters above a skyscraper in london, urban fantasy comic panel drawing +attractive young olive haired man with stubble, thick jawline, decently fit, without any garments, on a purple couch +A kobold riding on a giant bee +Nathan drake con una pistola de agua en una ciudad +Beautiful ancient artifact glowing with a supernatural energy, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Asuna from Sword Art Online on a grassy field at sunset +Teenaged boy in prison, smooth face, scared and afraid, upset expression, +a portrait of a freckled 18 woman with red short hair +A real hot redhead girl, mid twenties in a blue open dress with big melons +Intelligent warehousing and logistics plant, robot +2d character parts sprite atlas of a skeleton pirate +fantasy, pastel, absurdist, photo, refined, textile bird characters +photo of a creepy small foggy hillside town street full of old stone buildings +Sphinx as a woman, realistic, cinematic +Jimi Hendrix sticking tongue out holding a sign that says Rock N Roll, horns up +two kids playing american football in a field +Beautiful woman, art by Milo Manara +a photograph of a doctor speaking on the phone +full body, a slender anime girl with long cyan hair, powerful arcane wizard, beautiful white outfit, extremely detailed, realistic shading +art nouveau style, a crystal lunar moth with iridescent wings at the center of the universe with 7 Cosmic Rays emanating from it, futuristic, astrological, metaphysical, mystical, golden mean, HD 4K, sharp detail, photo-realistic +paradise forest with futuristic buildings inspired by marsparadise forest with futuristic buildings inspired by mars +The road next to the cliff,Rich in rhythm,design by Ho Chi Minh,outdoor display panelsbuilded by bamboo ,with White collar,ultra wide shot,8k smooth,octane render,pool,Architectural photography,FUJL GFX50,FE 35mm F4,ISO 200 +a crumbling family tree, rotting, 8K, Unreal Engine, Hyper detailed, intricate, realistic, surreal, anamorphic lens flare, sharp focus, cinematic, greg rutkowski, dark colours, concept art, bold composition, highly detailed, slightly abstract, dramatic, digital painting, terrifying, horror, scary, crumbling composition +The Emperor, and robots, in his study, art by Jeremy Mann +A rock band of monkeys on stage, with the lead singer monkey belting out a high-pitched tune into a banana-shaped microphone. The other monkeys in the band are playing instruments made of fruit, while the audience of animals goes wild, dancing and flinging fruit everywhere. The stage is lit up in bright, vivid colors and the smell of ripe fruit fills the air as the music resonates throughout the venue. +photo of 55-year-old man in dia de los meurtos costume at a night party, fitness, yoga, ambient music, burningman, cooking, adult comics, Halloween, health, quantified self, biometrics, digital marketing, socialism, television, detailed, f1.8, 8k +Elon musk fighting mark Mark Zuckerberg +Clock, time, stop, destruction effect, city sells out, like sand, realistic, photorealistic +The last days of rome, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +A cinematic photo of Shulk, a young teen with yellow hair wearing red shirt, attacking to the right at the street, dramatic movement +a photograph of an attractive goth woman +pennywise the clown wearing a leather biker jacket +Grim reaper eating an ice cream +a photo of a russian doll, shallow depth of field, bokeh +a pink fish with a sword in the head, deep ocean +portrait painting of female android from dystopic future by James Gurney +jeremy clarkson driving porsche 911 down English street with huge exhaust pipe +a vincent van gogh painting of a medieval castle, starry night, beautiful flowers, night sky with stars, depth of view +Gold Dia De Los Muertos pendant, intricate 2d vector geometric, cutout shape pendant, blueprint frame lines sharp edges, svg vector style, product studio shoot +1114083012-a ultradetailed beautiful panting of a stylish beefy bearded man sitting on a chair, wearing a tucked in shirt and suit pants, polaroid photo +architecture showing a mix between "inspired by bubblegum" and "inspired by "pig skull"" architecture, Wizardry, real-life flickr photo, stunning photo, high-res, ad campaign, neo-dada photo, 🌐ǹŲŒđḩ +a gentleman in a 19th century portrait +A building in call of duty with signs one says "Nutronic" "@thenutronic" +pompompurin getting arrested by fbi agents in the style of south park +priest crawling on snowy landscape in morning haze, looking rural augudiesfielding paulson heinrich,Christian Krohg,melancholia +Toys 3D, kawaii,Toy baby Elon musk, California usa, unreal engine 5, big eyes. +Nicki minaj, in style of Leonardo da Vinci's famous Vitruvian man, Ultra-realistic, Cinematic Light +a red car that is made out of wood +A DVD screen grab of a peasant cursed by nurgle from a Warhammer fantasy movie from 1986 directed by James Cameron +simil comunist propaganda sign with a man wearing a red mask is standing looking at the sky +a recruitement consultant using AI searching system with smile on face +an image of rio de janeiro infested by dinossaurs in the style of Kazuo Umezu +Portrait painting of a cybernetic grey werewolf with power armor, ultra realistic, concept art, intricate details, eerie, highly detailed, photorealistic, octane render, 8 k, unreal engine. art by artgerm and greg rutkowski and alphonse mucha +a picture of a bald boy with down syndrome, wearing a batman costume, 9 years old, on a playground +Beautiful painting of a ringworld in outer space +Photorealistic image of a power ranger dressed like a nun +Oprah Winfrey in her birthday suit riding a man +a swarm of robots attacking a urban city +Limit to 1 purchase in stores +Detailed wounded bloody knight wearing greathelm, lava background, perfect Lighting and shadows +black cat astronaut, in space, hyperrealistic +Sandra Bullock trying to hear with his hands, hyper-realistic style photo real, long hair +Kissa Sins, Grand Theft Auto IV, Textless, SFW +Chubby father and beautiful daughter watching sunrise at the beach sitting on boardwalk +Lens Flare in Audrey Kawasaki style Close-Up Shot of Golem of Phase Shift, Glacier National Park, Enigmatic, Whirlwind, award-winning, Dark Mode +Darth Vader dressed as superman, photographed by yayoi kusama +A wooden packing crate from a video game +, fantasy, pastel, absurdist, photo, refined! Milkshake +japanese man eating sushi in a restaurant by Giuseppe Arcimboldo, oil painting, classical painting +roman scifi corridor metal,studio lighting, volumetric light +Teen Victoria coren-mitchell, beautiful, mommy milkers, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Harry potter, rick and morty, anime +a concept mock up design for a modern-looking classic watch, intricate, pure design graphic, , digital +Female in bed legs wide open with a vibrator +Shrek as cashier at supermarket, regular morning +cinematic still of star wars, insanely detailed, taken with a nikon dslr, 8k, photorealistic, volumetric lighting, +A zombie with many thick wires attached to its head. It is sitting on a throne. +Portrait Of 8 Years Old, blue-skinned Handsome Hindu God Krishna, With Turban, Detailed Texture, Pretty, Elegant, Realistic 3D Render, Detailed Digital Painting, Artstation, Concept Art, 4k Resolution, Professional Color Grading, Soft Shadows, No Contrast, Art By Alphonse Mucha, Art Nouvau +Photo of an ultra realistic robot steampunk spider on a metallic leaf, highly detailed, sharp focus, 8k, 4k, hyperrealism, microdetails, colorful, macro, extremely close, extremely detailed, Most beautiful artwork in the world, Beautiful environment, Portfolio piece, Fantastic location, Photorealistic painting art by midjourney, Professional majestic oil painting +Logo Design from the 80s, vector graphic +Boy with gold leaf on his skin +minimalism, 3d icon, emoji man, albert einstein +sign that says exactly happy birthday +a japanese girl with G cup +old man, market williamfishing vendors reallyuonpupils holmes,Jules Bastien-Lepage +kyle chandler, short dirty blond hair, goatee, detailed face, wearing sleeveless beige kaftan, muscular, 30 years old, background blacksmith shop desert, fantasy theme +Portrait of robocop wearing futuristic police armour in a british city in the day, intricate details, HDR, beautifull +A highly detailed landscape painting of Lake Como in Fall painted by David Ligare, masterpiece, absurdres, highres, featured on ArtStation +a plate with galactic objects resembling a meal. +A wolf and sheep having a sword fight +a tatooed androgynous girl, ink splash art +an anthromorphic dragon wearing a medieval fantasy armor, trending on artstation, digital art +Mexican girl with a kimono in the style of adrian ghenie +a diminutive girl harvesting aquaponic plants in a cyberpunk farm pod, photograph +a wide angle photo of a line of marching roman soldiers in front of courtyard arena roman buildings,white marble red gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor, +male British superhero, navy blue spandex, batman, superman, captain America, lion head on teeshirt +japanese js little girl in summer seifuku +Singapore in the style of solarpunk +Cute Pokémon inspired animal, animated Manga style +redhead girl, brown eyes curly hair, HD 4k +A stylized character for a game in the style of Link’s Awakening +, fantasy, pastel, absurdist, photo, refined, fabric doll +masterpiece, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, beautiful white shiny humid skin, smiling +best quality, masterpiece,detailed, miniature city1.5 inside a perfect snowglobe,full detailed, extremely intricate, hyper realistic, perfecrt res, award winning, digital art, best quality, 8k +Evangeline Lilly as a Na’vi naturist in the Pandora jungle +galactic bridge , neon ambiance, abstract black oil, gear mecha, detailed acrylic, grunge, intricate complexity, rendered in unreal engine, photorealistic +Portrait of a fairy tale princess by Anton Mauve +a translucent futuristic robot helping an operator in a factory +Sci-fi battle scene on an alien planet +Cat holding a sign that says "Obed Furro" +A tranquil moment is captured in this impressionist painting, as a man and his loyal border collie bask in the warm sun of rural Manitoba. The two sit outside their quaint caravan, surrounded by the peaceful landscapes of the countryside. The man leisurely sips on a steaming cup of coffee, while his canine companion rests at his feet, content in the serenity of the moment. The sun dances upon the canvas, casting a golden glow over the scene and imbuing it with a sense of warmth and tranquility --v 4 --q 2 +Ninh Binh landscape, Vietnam, Tam Coc, Bich Dong, karst topography, centered, symmetry, painted, intricate, volumetric lighting, beautiful, rich deep colors masterpiece, sharp focus, ultra detailed, in the style of dan mumford and marc simonetti, astrophotography +a painting of the person H.R. Giger painted by Schiele +"Mady" displayed on a teddy bear, 3d anime +photo of mg zt 260, +A profile picture of an anime boy who is half robot, mech, mecha +Beautiful mineral asteroid in space with a human face, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +brown teddy bear wearing a top hat +a hedgehog on the back of a flying eagle +airbrush art of a baseball made of chickens +impressionism blackgirlshelldigger juvenmetmuseum england coastal ,Jules Bastien-Lepage +DSLR portrait of a bald woman wearing leather boots and red skirt +Naruto in the style of demon slayer +Cloth off viking princess,white yogurt falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, jelly leaks on laps,nice arms, nice eyes,highest detailed, masterpease, +an old dark-skinned plus-size woman fruit seller, by Ralph Steadman +crowded car museum, intricate details, intricate details, hyperdetailed, cinematic, dark shot, muted colors, film grainy, soothing tones, muted colors, technicolor +a photo of a beautiful 18 year old woman with a narrow pointy face with short hair +A sofa in a modern living room next to a side table on the right with flower on it +a photo of a beautiful 18 year old woman with a narrow pointy face with short red hair +Portrait of a warrior form timbaktu, intricate golden helmet and armour, extremely detailed, intricate, high resolution, hdr, trending on artstation +A portrait photo of a kangaroo wearing an orange hoodie and blue sunglasses standing on the grass in front of the Sydney Opera House holding a sign on the upper body that says Welcome Friends! +shiny robot doing a victory pose,boxing ring, bruised bard laying down on the floor, bard hat , realistic +a beaver building his den while a coyote watches +the president of the united states competing in a triathalon +a cat wearing a cape in a tree, ultra realistic +king charles spaniel with ]], ethereal, midjourney style lighting and shadows, insanely detailed, 8k, photorealistic +a macro picture of a chicken foot +Glass aromatic diffuser, rectangular vial, with fiber sticks in modern interior, proffesional foto, realism, bokeh +Arnold Schwarzenegger, DvD still from western tv show 1960 Bonanza +anime girl with sharp teeth, virtual youtuber +an abandoned rusted 1954 chevrolet bel air in a forest +vector art with clean lines, well-put-together art, best highest quality anime style art +a fantasy drawing of a human woman in leather armor fighting against a goblin +prompt a future automobile with modern city and road, high technology scenario +woman, bed, bending over, looking back +2 calico scallop shells on the beach +pc mouse made of swiss cheese, trending on artstation +Concept art, headshot of a cyborg, dark hat, cybernetics, robotic face, blue. orange, cinematic lighting, grease pencil +, fantasy, pastel, absurdist, photo, Wes anderson, snail shell car +Muscle Nicolas cage in the gym, +A cat standing on a rock between a bunch of cupcakes +Lamborghini driving down a night street, cyberpunk aesthetic, rustic feel, Neo noir cinematography +My son Adam playing Roblox with his friends +a small brown dog looking at a white cat, photorealisitc +japanese schoolgirl laying on bed wearing skirt +Text "Burger King", professional design, 3d rendered, , +A risqué picture of Anna Kendrick bare 🍈🍈, cinematic lighting vintage 1977 film grain low budget sci-fi 📽️ alien planet jungle night +a star going supernova forcing ejecta through a ring gate +tarot motifs, artstation, concept art, stunning photo, high-res, ad campaign, stunning photo, high-res, ad campaign, neo-dada photo +shonen manga character playing electric guitar +a portrait photo of a woman standing in tall grass with a farm behind her. +photo of a brick with text on it +a movie still of joe biden wearing a pink pajama +Mystical forest with glowing mushrooms and a babbling hag +Photo of pope Francis as a dinosaur, menacung +tarot card of a medieval lord carrying a rolled up carpet on his shoulder. Floral pattern by William Morris around the tarot card border. +matt smith as prince daemon long blonde hair stern standing in front of a dragon +movie still from romantic harry potter +A Rubik cube Made of metal +an image of rio de janeiro in the style of detective manga +💪🏼 with a tight dress and high heels sitting on the oval office desk 🖥️ with her legs crossed and a confident smile 😁 in 👙 front of the American flag 🇺🇸 and a portrait of Abraham Lincoln 🎩 +time machine with three portals futuristic fantasy space and time +A 1984 Sports Illustrated photo of Emma Stone, masterpiece, absurdres, highres, featured on ArtStation +closeup portrait of smiling woman on a beach +A photo of a teenage girl wearing t-shirt, tan nylons and white sneakers, she is unconscious, lying fainted on the floor, whole body is visible. +God, High Resolution, High Quality, Many Details +beautiful Amalfi beach scene painted by George Grosz Turner and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +Sunflowers and turbo engines,in style of Margaret Olley, beautiful details +Flying transport, the text "the future has come" is written on the sky, realistic rendering, photorealistic, realism effect, insanely unusual unique, masterpiece, fantasy, Megapixel, LED, future, Elements of magic, high-tech details, , +happy lego men looking at line chart, lego movie style +Fantasy, pastel, absurdist, photo, person made of gems +, fantasy, pastel, absurdist, photo, bird people, ritual s +photo of a rainbow spaceship flying over a grassfield, ,full detailed, extremely intricate, hyper realistic, perfecrt res, award winning, digital art,8k +, fantasy, pastel, absurdist, photo, the shining, Bee character +a woman on a boat petting a floating dragon at night +Cardiologist from mars and an engineer from venus +Walter White holding a sign that says time to cook +portrait photo of a grumpy grandmother at a car wash +A portrait of cyberpunk inquisition: giant kinky Muscle young Slaughter inquisitor covered in red fluid. art by Ilya Repin +digital painting, light skin, long wavy brown hair, detailed face, smiling, friendly, lifelike, photorealistic, sharp focus, dramatic lighting, depth of field, elegant, beautiful, intricate details, matte, artstation +portrait of kevin owens, realistic, disgusted face, face covered with white slime +masterpiece artwork of a woman, freckles, award winning, stars +motion blurred photo of a samurai warrior attacking the camera +A monkey typing on a typewriter +charming fashion closeup portrait of beautiful woman, hat, farm autumn by Martin Krystynek, +Русская деревня в стиле клипов селены гомез +Portrait of a fairly tale princess, art by Catrin Welz-Stein +The Beatles on stage playing in Champ de Mars, in Paris, John lennon, Paul McCartney, George Harrison, Ringo Starr, a drummer on stage, the eiffel tower background, extremely detailed, 8k +the poster for todo evaz en todas partes, among us character, in 2 0 1 5, with japanese text, an asian woman, tartan garment, children's tv show, that violence breeds violence, finger of god, t-pose, netflix logo, overlaid with chinese text, in spain, chilean +hyperrealistic human girl warlock with short dark hair and tentacle magic dressed in medieval clothes +A handsome man holding a sign that says +furry , a woman , nice perfect face with soft skinice perfect face, concept art portrait by greg rutkowski, artgerm, hyperdetailed intricately detailed gothic art trending on artstation triadic colors, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution, gothic deviantart masterpiece, oil painting, heavy strokes, +A shark using a hat written "Hello World" +Monet's oil paintings, sunrise, blooming cherry blossoms, Mount Fuji. +vector illustration with silhouette of a person's face +Skeletor getting ready for a wedding, photo by Annie leibovitz +cute cat, painting by Caspar David Friedrich and J. M. W. Turner +a leather pistachio-green Italian sofa, pillows on the sofa, cream colored wall +realistic photo of a little girl mahou shoujo in miniskirt +Bronze statue of Joe Biden looking like he's just won the lottery +a chihuahua and a knife on a Burger King +Portrait of a young woman by Roberto ferri and Nicola samori +high quality portrait illustration of Brian Wilson from The Beach Boys +thai nurse painted by gil evgren, pinup style +A woman holding a sign that says worship woman +portrait of a young Peter Gabriel of the rock band Genesis wearing bat wings on his head, looking over a medieval landscape +a woman in renaissance dress holding a cat of her own, in the style of contemporary realist portrait photography, dark beige and black, uniformly staged images, baroque animals, contemporary realist portrait photography, baroque-inspired details, painterly realist +A digital painting of a warrior princess, dressed in armor and wielding a glowing sword. The warrior is depicted in a dramatic pose, with swirling energy and sparks emanating from her sword. The image is inspired by the art style of Frank Frazetta. +cosmic goth woman surrounded by wisps of fiery smoke and flames by Andreas Lie! android jones; Amy Sol; Camille Rose Garcia; large bright moon; starry night sky; Edgar Allan Poe ravens; high contrast fiery colours, ink on watercolour, inkblot; speed paint; Quentin Blake; unique composition +A Portrait of Darth Vader with Red Lenses, High Resolution, High Quality, Many Details, Real Life +Rajnikanth playing the drums on a beach +MATTE PAINTING OF master yoda BY Hieronymus Bosch, league of legends splash art, GEARS OF WAR, The Outer Worlds, no man's sky, spiritual evolution,, illuminati, scientology, flat earth, ancient aliens, artstation +Desert Landscape, High Resolution, High Quality, Many Details, Real Life +An oil painting of a bowl of fruit +A black outline art print of a lotus flower, white clear background, no color +minotaur lounging in a tropical resort in space, nasa footage, digital art, volumetric lighting +high quality photograph of young megan fox in african slums,dslr,nikon +movie still of a crime boss gangster in the front seat of a car. detailed, cinematic, +a large room ,austin minis in a teddybear museum,lots of teddy bears smiling, model cars,sharp focus photo +Coachella gone wild, selfie, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +tidus from fina fantasy 10 on +A cat driving a car, photorealistic +Masterpiece, best quality, Mystical wooden elf priestess in robe holding an sacred artifact and inquisitor knight fighting in castle garden with statues, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag. The image should feature a captivating, woman in clothing, posed amidst the whimsical, fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +1970s style amateur risque photograph of a cheerleader, grainy filter +Nightmarish spirit, ghostly, ethereal, unnatural, highly detailed, embellishments +shiny polaroid photograph of Pina Bausch with carnations, iridescent colors +Micky mouse eating dinner with Spongebob +Ultra realistic beautiful blonde girl portrait with blue eyes and straight hair +robot battle v comic by kow yokoyama +2d disney art portrait of a charming grasshopper dressed in a top hat with oversized eyes. The grasshopper should be depicted in a cute and endearing way that captures its playful personality. The background should feature a natural setting, such as a grassy meadow, and the colors used should be bright and cheerful to complement the grasshopper's joyful spirit. +Cinematographic-sixties mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +a Pulitzer prize photo wide-angle photo of a very handsome beefy Malay married mature man wearing only low-rise beach shorts +A billboard with the word William +Concept art of Darth Vader by Peter McKinstry, industrial light and magic +a close up photo of a guitar +a dog fire type pokemon, fighting in a gym battle, illustration, digital art, arcanine, by greg rutkowski, ember +ui ux audio playback details page for Iphone X +a journalist in street taking photographs +sticker, cute colorful turtle, studio ghibli, contour, vector, white background +girl in baroque costume on streets of Barcelona +My Dinner with Andre, Lucasarts adventure game +a person holding a chocolate milk +The statue of liberty arm wrestling christ the redeemer +A hopeless man's facial expression when he just found out that his mother has died +a dragon flying above a 19th century hungarian village painting by Waterhouse, Monet, Munkácsy. Very atmospheric, thunderstorm, raining, epic, beautiful lighting, enigmatic, detailed, beautiful blue and purple +a sunset beach scene with a volkswagen type 2 minibus, surfboard on the roof +photorealistic american shot of young man holding a blue notebook with orange door behind him +portrait of female elf, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, 8k +A middle eastern bodybuilder man staring at the viewer. +Michiru Kagemori from Brand New Animal +macron very angry arrest by the police on the ground hyper realistic +A peaceful old charcoal dragon made out of charcoal by Kirsty Partridge and alicexz +a dog wearing a tuxedo, skateboarding, +Ghost in dark forest, terroficis, realistic +A silhouette of a man holding a wall behind him in a dark graveyard +Albert Einstein and Nikola Tesla presenting a time machine made of a giant glass cylinder with clocks and neon lights, sophisticated gear system +Painting of ,A car driving through the desert, watercolor, digital art, epic, fantasy +a giantess walking around the city +a portrait of Sinéad O'Connor, in Jim Fitzpatrick's celtic style +energy beams ply the stars over arcturus +illustration of pepe the frog wearing a business suit and smoking a cigar +a freindly red dragonborn monk painting +a photo of 5 girls wearing rabbit ears are dancing in a circle around an astronaut helmet on the floor of a spacious cave, cinematic lighting, volumetric fog +a chess game with black about to win +Wanderer above the Sea of Fog Caspar David friedrich +a frog dancing on a discotheque with a 70s suit +Photorealistic image of a dusty, bokeh, smoke filled 18th century battle field, calvary, mayham, death, destruction, +Fantastic, unique, unusual, any other non-existent thing, epic realistic +wet clay of Capitol Hill, chibi kawaii, cute +an old stone well in a field of grain with a farm house in the distance +A picture of a teen girl in a yoga outfit on a purple sandy beach with spacescape starlines, strange forbus type plants and benariel trees and Fog fumes near the backside of the woman +glowing neon colorful butterfly on the side walk of a busy street, macro photography, bokeh, rain, night time, vivid glow +A cyberpunk villain stealing a car +art nouveau style, art by Alfons Mucha and Michael Vincent Manalo, a crystal egg sitting on a lotus flower at the center of the universe with 7 Cosmic Rays emanating from it, futuristic, astrological, metaphysical, mystical, golden mean, HD 4K, sharp detail, photo-realistic +a lady wandering, full body, psychedellic, Wes Wilson, fine art print +an overgrown abandoned red barn, covered in vines, sunlight filtering through, 4k +Design 50 beautiful gem materials with uniform style and gradually increasing complexity, Each material is a large gem as the main body, The outer frame of the gem is circular, Attractive gemstones, glow, light spots, dazzling, transparent, use clear outlines and vibrant colors to enhance icon recognizability, plain white background, fantasy gemstone style, white background, glass +Snoop Dogg as Abraham Lincoln, top hat +a mouse eating a strawberry on new york city +A steampunk octopus in a futuristic cityscape! +Realistic and highly detailed RAW photo of (rusty) (robot) hugging ((( beautiful female celebrity))) ,background of landfill (rubbish mountain) , (building ruins), (small fire),(heavy black smoke cloud) +eighteen year-old girl, short blonde hair with pink tips, sky-blue eyes, white tank top, short pink cotton trousers, sitting on the bed canon, ae-1, 50 mm, photograph, fine-art photography, 4K UHD, masterpiece, best quality +Photorealistic image of Bolivian soccer team winning the world cup, green outfit, celebrating , cheerful expressions +Tom Hanks with Paul McCartney drinking beer, best friends +A 31 year old military veteran in 1900 smoking a cigar with a cowboy hat, cartoonized and stylized +girl sitting at table, dark hair ponytail, pink glasses,grey sweater +Cute grey cat, digital oil painting by monet +Cyber-organic: A fusion of the sleek, metallic elements of cyber design with the natural, organic elements of nature. Imagine an image of a futuristic building with a living, breathing façade made of plants and vines. +one detailed photograph using a macro lens of a mushroom with an interesting cap. +Cyberpunk, India style, mechanisms, si fi technologies, silver on a black background, bas-relief, neon lighting, contrasting shadows, three-dimensional sculpture, high resolution, 8k detail, Baroque +Medieval art of pennywise the clown +photo of kink kong lifting a landrover defender in the jungle river,giant king kong holding car in the air, misty mud rocks,headlights Chrome Detailing +the joker holding a sign written PEDRALVA in green letters, realistic, cinematic, wide shot +a traveller drinking in a bar, snowing outside +a photo of an ancient egyptian woman +Bang a gong, get it on, dance party +Multi-dimensional glitch art of a woman crawling out of a painting frame +A banana morphed with an apple +Bruce timm style 20 year old Anna Hathaway , harley quinn outfit , bold lines , clean lines , +a realistic photo of a beautiful ice queen +Surreal image of a boy in love with a spirit animal, blonde hair, fantasy, artistic, masterpiece, highly detailed +Tom Holland star wars the clone wars series style +Cyberpunk handsome boy with realistic ulter cat, v 4 +barista man near the sea da vinci style +very gloomy atmosphere, evil antropomorphic undead tabaxi warlock, necromancer, intricate detail, horror movie, dark cavern, evil, mean, old dark evil patron by alicexz and monet and rembrandt, and manta black +A beautiul portrait of a cyberpunk ronin samurai, sekiro, intense stare, full face cover dieselpunk mask, atompunk goggles, retro-futuristic brown leather jacket, ethereal, galaxy, cosmic colors, in the style of artgerm, moebius, deathburger, John Cassaday, Wayne Barlowe and greg rutkowski, trending on artstation, steampunk, splash of bronze flakes, volumetric nebula dust particles, blue galactic atmosphere, ultra realistic digital art, digital painting, cinematic, high detailed, intricate, cyberpunk lighting, photo realistic, symmertical, concept art, smooth, sharp focus, illustration, Bokeh blur, unreal engine 5, octane render, 8K, HDR +Shiba Inu safety warden, tarot art +sea critter toy in plush in natural colors, fleece +A beautiful matte painting of a female galaxy deity playing the accordion +Photo of a male goblin dressed like a punk, LEDs visor helmet, profile pose, bust shot, high detail, studio, black background, smoke, sharp, cyberpunk, 85mm Sigma Art lens +sleepwear catalog photo of a cute girl wearing a pyama +Chiho aoshima artwork, style of 90's vintage anime, surrealism, akira style. detailed line art, fine details +Boy cooking in just an apron, rear view, glutes focus +a recruitment consultant, sitting before a screen full of analysis diagram, carrying mobile device, fuji film style, like moss in wandering earth +Brighton uk beach scene oil painting, clear visible brush strokes +demon music industry executive, a demonic man in a suit at a big desk +Mickey mouse as a real furry anthro mouse , portrait photo by Annie leibovitz +a burly blue-skinned orc in a wrestler's singlet +Photorealistic, hd, overwatch 2 new hero +an image of a small kitten +a simple logo of a diamond,line,flat,vector -no realistic photo details +Realistic Black and white portrait of Emma Roberts triple D cup as a 19 year old , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +raw photo, Sasquatch Bigfoot, headshot photo, nikon, dslr, 8k uhd, highly detailed skin +priest hiding on wall in morning haze, looking venice augudiesfielding paulson heinrich,Christian Krohg,melancholia +Fragile bald skinny nerd with the word "toxoplasmosis" on his shirt bring scared and screaming at a little kitten, realistic,4k +a dinosaur running through a river ,tyrannosaurus , by Dietmar Damerau, unsplash, renaissance, land rover defender, in a rainy jungle, fierce expression 4k, +Canteen logo, minimalism, color logo, family, dribbble logo, mindjourney style, HD, 3d, Behance, ultra-realism, indian luxury +Pedro Sanchez Castejón, President of Spain dressed as a prisoner +an astronaut watching the sunset in an alien planet, rivers, hills, space, beautiful landscape +person made out of green slime +My cat slept through a December blizzard in Florida this year. +film still, close up, mia malkova rising out of muddy vietnam river , face covered in mud , combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9, 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +A man enveloped with fire emerges from sea +photo of a woman eating ramen +A traditional Japanese woodblock print of a flying saucer +close up beautiful irish woman smoking a joint on amsterdam +cafe logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, colonial style, 3d icons, good for the family, Tali, piety, realism, octane render, soft diffused light, +A beautiful clown woman with good curves, smiling, makeup, masterpiece, photograph, , +Portrait of beautiful confident brave Dominant professional young alluring human looking female teacher with make up +A woman, in manga style, purple hair, pirate ship, with a gum, steampunk +of a person on a boat with holes in it +Presidential Portrait Painting of Zlatan by zorn +whole body young very thin woman transforming into lovecraftian creature with long thin tentacles inside big foggy room, huge room filled with tentacles, eerie light, dreamy color Bessa R2A Cinestill 800t +a woman reclining in a red bathing suit +eldritch monster, mysterious art poster, fog rolling in by casper david friedrich, intricate detail, blended charcoal drawing +Anonymous is a loosely organized collective of hackers and activists who operate in the shadows of the internet. They wear Guy Fawkes masks to conceal their identities and operate under a code of anonymity, using their skills to carry out politically motivated attacks on corporations, governments, and individuals. With their advanced hacking tools and sophisticated techniques, Anonymous is able to infiltrate even the most secure systems, exposing confidential information and raising awareness about issues they believe in. While controversial, the group has become a symbol of internet activism and free speech, inspiring others to join their cause. +Frontal portrait of a robot with flowers growing out of its head, by Klimt +A beautiful girl sitting on the top of a castle overlooking the ocean +Nak ed girl with ti ts +Hyperrealistic, accurate, extremely high quality photograph of margot robbie +A giant Meat cube on a field +A man popping out of a garbage can. he's fully inside the can and laughing and smiling giddy about his trash situation +warsaw but its full of white mushrooms palace of culture and science in the background anime style +a bunny hiding in a dark cave looking out for love +The official portrait of an authoritarian president of an alternate america in the 1884, in the gilded age style of theobald chartran +handaxe with wooden handle and metal blade +a rover75 v8 car that is in the jungle , mgzt,storm troopers around the car +A pink folder icon, frutiger aero, aqua interface +Kissa Sins, Skyrim, Textless, sfw, black hair +product catalog illustration of a beach scene a slim woman sits on top of a large white beach towel. She wears a form fitting multicolored pannelled zentai body which has a tight opaque zentai hood which covers up her eyes and face completely and she can not look through it. none of face is visible. +watercolor, oil painted , little girl and boy by the seashore , waves, beach grass starfish, illustration android jones, trending on artstation, sharp focus, studio photo, intricate details, highly detailed, by greg rutkowski +a young girl riding a dog +insanely detailed portrait, baby yoda, grogu, the mandalorian, extremely intricate, high res, 8k, award winning +lego men looking at line charts +A realistic photograph of The Flash in a cyberpunk futuristic society. He is wearing a red and yellow suit with metallic details and a lightning logo. He is running on a dark and rainy street with neon signs and billboards. He is avoiding traffic and drones as he dashes through the city. The photograph was taken with a Canon EOS R5 camera with a 24 70mm f 2.8 lens. The image properties are: ISO 3200, shutter speed 1 125, aperture f 4, focal length 35mm. +Fursona furry fox , female , beautiful , attractive , digital art , masterpiece , by foxovh , hourglass body , furry art style , long loose brown hair locks , fox head , +style of henry raeburn, mature attractive woman, blonde bob, glasses, , portrait, painterly, visible brush strokes, moody lighting +a duck flying in a dimly lit bedroom, ambient lighting, cinematic +A beautiful shy Japanese woman in Gouache Style, Watercolor, Museum Epic Impressionist Maximalist Masterpiece, Thick Brush Strokes, Impasto Gouache, thick layers of gouache watercolors textured on Canvas, 8k Resolution, Matte Painting +an image of a plant in a pot +An Irish bodybuilder with a strong right hand and a weak left hand +young male, 33 years, black beard and white hair HD 4k +A cute anime girl blue eyes standing in a pine forest wearing a black dress +a transparent cup with 'Slushy Magic" written on it +A girl playing a violin, in the style of true blood +a cardassian wearing blue starfleet uniform, star trek +The pope sticking tongue out wearing sunglasses wearing a shirt that says rock n roll +Teenaged boy with their mouth covered by tape +two red ping pong rackets on white surface table tennis zoom background +Raindrop, macro photograph, colorful, reflections, HD, 4k +Hero Sitting Pose, small floating ball of energy, candles On +Gorgeous shot of a thief girl, 20 years old, clad in leathers in a dusty attic in the forgotten realms in dungeons & Dragons style by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +a Japanese girl in tutu on her 6th birthday party, stocking, long and slim legs, from behind, Nikon D5 +digital caricature of a police officer, short, medium height, strong khaki color, holding a nightstick in hand, detailing, high resolution, 8k +Digital art of monumental breathtaking Mega-Corp HQ building complex, dystopian sci-fi, digitally painted in UHD, concept art, intricate details +Illustration of a Japanese School girl and a giant steampunk robot +Saint Moron Ignorance Knownothing's ecstacy by Botticelli +an image of a cat eating a slice of pizza on the pink marble floor, professional photography +9/11 plane flying into the twin towers gender reveal +an ultra detailed painting of a stylish girl wearing streetwear in a convenience store, anime, full body, afro hair, sky blue eyes, full round face, short smile, wallpaper by wlop, beautiful lighting, studio ghibli +an aesthetic called Ethno-Mechanical. this aesthetic focuses on tribal elements, with industrial materials in places such as the desert. this artform also contains odd colors and is slightly inspired by vaporwave. +Many furry cats shiny webs between their paws and body, flying over above under a fractal spiralmade of glittering jewels, background sunrise, ultra realistic, cinematic, Unreal Engine, octane render, 4K UHD +a water color illustration of an occult ritual +the world inside a mason jar +photograph of a handsome man smiling +a knight wearing a fur trimmed cloak, digital art +a bear wearing only a hat and tie, no shirt, mad, cartoon style illustration of anthropomorphic bear, simple cartoon, artstation, patrick brown, katsuhiro otomo, kan liu, mads berg, full body +beautiful Italian beach scene painted by turner and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +Vector art, old school rock poster, desert +hybrid between a bobcat ocelot and clouded leopard with antlers in a video game, rpg, dnd style, HD, unreal engine, hyperrealistic, hyperdetailed, realistic lighting, 4k video game +by Kris Kuksi, sculptural compositions, by kuksi.com, Indian style, religious decorations on people, mythological beasts, in motion, dance, studio lighting, Camera Olympus E-M10 mark 2, Aperture - f/5.6-8.0, Shutter speed - 1 /160 seconds, ISO - 200, exhibits, exclusive, high detail, proportional bodies, religious attributes, 3D, Shilpi, volumetric bas-relief, high detail, ambient lighting, octane render, 16k, relics, artifacts, rarity, Gods, jade, ornamentation surfaces, precious stones, precious stones inlay, realism, depth, miniature plots, material marble, precious metal inlay, mysticism, fractality, golden section, black background, museum atmosphere, antiques, +art by Patrick Woodroffe, whole body portrait of 20 year-old Jennifer Connelly as a naturist giving birth in a mystical foggy forest at twilight, HD 4K, sharp detail, photo-realistic accurate face and features +photo of a fantasy forest hollow +a close up of a person with a goat, zappa with long hair and a beard, inspired by Václav Brožík, billy corgan, headshot profile picture, profile photo, profile picturedinosaurs having a fancy tea party +Anorexic indian man punching a wall with a pillow for a fist +“KRAWLA CITY” text in graffiti style on a white background, best quality, centered, fun, precise +A photo of a highway with the cars blurred, at night +A single droplet of water with a cute face +a cat holding a sign that says: "sdxl please" +evil crazy deep fried nightmarish creepy void meme. strange +A gray horse stands on a grassy hill overlooking a valley. The horse has a long mane and tail that flutter in the breeze. The horse's coat is shiny and smooth, reflecting the faint sunlight that pierces through the mist. The mist covers most of the valley, creating a mysterious and serene atmosphere. In the distance, some trees and houses can be seen vaguely through the fog. The sky is cloudy and gray, matching the color of the horse. The scene is quiet and peaceful, as if time has stopped for a moment. +icon of a cute pepe by matt furie +Mechanical steampunk batman fantasy, sharp focus, digital art, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +A Photo of Emilia Clarke in a Stripper Outfit +a photography of an elephant with the colors of a tiger +wideangle photo Little roman battle misty diorama, Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting +Forest with neon lights at night minimalistic, HD, 8k +Emmanuel Macron in sportswear talking with MC Solair in white Moncler doudoun, close look, high resolution, realistic photo, Canon EOS +Mountains in human form, throwing lava, fantastic +Black stallion horse is killed for food +a group of people standing next to each other, futuristic avatars, boris vallejo and ilya kuvshinov, zbrush central, cgsociety 9, desktopography, anato finnstark. perfect faces, hyper-realistic cyberpunk style, devianart and cgsociety, cgsociety - w 1 0 2 4 - n 8 - i +Black and white surialistic professional african 1905 photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +Did you know Melissa Benoist and Henry Cavill kissed in their superhero suits +Margot Robbie Without a bathing suit on the beach +Dragon flyling over a mountain landscape by Caspar David Friedrich and J. M. W. Turner and bob ross +goblin mafia boss with a cigarette +a beautiful young woman sitting next to the window, sunlight streaming through her blinds, she is looking into the camera, volumetric light, hyperrealistic photograph, shot on film +beautiful irish woman drinking chocolate on amsterdam painted by artgerm, close up, detailed hands, detailed face, beautiful face, detailed eyes, digital art +Futuristic city with a floating spire in the center, isometric design +Fantastic wood cafe run by fairies +Award-winning photograph, An abandoned highway, empty cars, overgrown weeds and moss, tall grass highly detailed, +a burly muscular man with a circuitboard in his back +the most beautiful girl in the world, insanely detailed, photorealistic, 8k, perfect composition, rim lit, natural complexion, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, made with midjourney +movie still of pikachu as emperor napoleon in gears of war, Glamorous glitch art, glitchcore, gears of war +a book cover about a mathematical fairytale, geometry, functions, castle dragon, Gödel escher bach, Mathematics +key frame anime still of a pigeon getting a cup of coffee in a cafe in the morning +main in black suit, The waves, the sky, and you. by Aivazovsky and Rene Magritte +cute adorable sunflower character, with sunflower appearance, with big cute eyes, octane render pixar character, animated movie style, 3d render, super cute, well detailed petals +A majestic blue and black glass phoenix flying through fire +photo of a beautiful woman with white hair and light gray eyes, she is wearing a white adherent armor made of dragon scales and a black cloak with light blue decorations, she also holds a silvery sword, her skin is pure white, snowstorm on a mountain background, high quality, high definition, cinematic lighting, sharp focus, +Dave Mustaine as a dwarf mercenary +, fantasy, pastel, absurdist, photo, vampire +black and white artwork of the weeknd as a Godfather, gta vice city style, official artwork smoke, fog, night time +a black and white drawing of a building,symmetrical doorway , an engraving by Henry van de Velde, flickr, neoclassicism, architectural drawing, artwork of a building, detailed classical architecture +full white body pose, painting, hot, attractive, beautiful, dancer, hyperrealistic mixed media painting of a attractive women with minimalism, soft eyes, dainty figure, torn and tattered tank top, mid riff, short shorts, combat boots, wet, raining, dim volumetric lighting, 8 k octane beautifully detailed render, post processing, portrait, extremely hyper, detailed, intricate, epic composition, cinematic lighting, masterpiece, trending on artstation, very very detailed, masterpiece, stunning, 8 k, hdr, smooth, sharp focus, high resolution, award - winning photo, dslr, 5 0 mm +promotional material for a grimdark anime with a chubby male protagonist. +a poster of a young man in a space suit, disney poster, character poster, movie poster character, portrait of archie andrews, key character poster, animation printed poster, disney artist, 2d/3d mashup poster design, archie andrews, disney movie poster style, stylized 3 d graphics, film key art, fantasy poster, bestselling movie art poster, futuristic poster +Still shot from movie of a muscular gorillaman, laughing wildly,tribal, holding a spear, cinematic, 35mm +Realistic Portrait of Lao Tzu sitting near a river +a giant puppy overlooking the city +Realistic Black and white cute portrait of Jenna Ortega bangs hairstyle , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +space suit with boots, futuristic, character design, cinematic lightning, epic fantasy, hyper realistic, detail 8k --ar 9:16 +Female dwarf wrapped in blanket with blue veins +a friendly robot depiction of chat gpt +woman wearing steampunk goggles, ray tracing, rtx, unreal engine 5, 8k uhd, ssao, reflections, intricate, highly detailed photorealistic design +an anime girl wearing a winter coat with fur trimmed hood, digital art, , +oil on canvas a beautiful irish woman smoking a joint on amsterdam a kimono painted by Edvard Munch, german expressionism +a man with long blue hair +graffiti art of cartoon Frankenstein monster, elaborate acrylic spray paint by Yoji shinkawa + nick Edwards style with bold brushstrokes, romantic, glazing, orange, green, yellow, white +deserted street in an old town, distant lonely figure, street lights, cinematic, black and white photo, old photograph +, fantasy, pastel, absurdist, photo, amphibian character person, textile +joe biden smoking a fat blunt full of the finest cannabis in all the lands +Photo of a young Kerala woman +a an ogre given a muscle massage +Albino King Elric of Melnibone holding the black runesword Stormbringer painted by John William Waterhouse +a silver porsche 911 covered in raindrops +high resolution, realistic concept art, sense of awe and scale, anthropomorphic egg, round body, smooth shell, cheerful expression on his face, wears clothing, bow tie, hat, has arms and legs like a person. +Cartoon of man pointing forward and to the side from the back, white background +a beautiful fit male angel with big wings, dramatic heavenly lighting +plague doctor working in medieval apothecary, oil painting, by Greg Rutkowski +a portrait photo of a woman in a dining room. soft lighting, photo, movie still, cinematic, detailed +The spy from Team Fortress 2 +Bruce timm style 20 year old Anna Hathaway brown hair , flat torso , black robes , bold lines , clean lines , +a professional photo of a woman walking on a seaside +a photo of a robot spitting fire in the middle of a urban city, epic +asuna, beautiful, detailed, highly detailed, unreal engine, octane render, bokeh, vray, houdini render, quixel megascans, depth of field, arnold render, 8k uhd, raytracing, lumen reflections, cgsociety, ultra realistic, volumetric fog,100mm +A sloth holding a sign that says "they are the best" +santiago of chile in the style of gta vice city artwork, digital art, loading screen artwork, sunset, gta v +Elon Musk at a furry convention dressed in a fox fursuit, anime waifu +adult Alice Liddell brane whimsy style +super macro of laser crystals texture, big boom, random, chaos, holographic crystal sand, defocus, smooth, modern minimalist, blender, 3d render, unreal engine 5, industrial design +alien Geiger on a mgb car in the jungle river ,splash rocks ,chrome grill,gorilla +Photorealistic masculine power ranger dressed like a nun,nun +young woman jumping into the sea +preteen girls with no underware kissing her bodies each other in the the bedroom with dark background +Install a fake microwave on the wall that you never use. +cinematic still of a military jet in flight over the desert +a man and a woman standing in front of a giant squid-dragon crawling out of the sea on a foggy shore in the night, Darek Zabrocki, dragon art, concept art, fantasy art, horror, dark night, masterpiece, best quality, high resolution, 8k, absurd res, highly detailed, correct anatomy, +Hyperdetailed skull portrait. Russ Mills: Alex maleev: Ashley Wood: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: marton bobzert: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +Masterpiece, Teacher, Japanese, Photo AP News, +iridescent, scales, h blues, textured, intricate, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger +A building in Norman Foster style +A robot mgb with 8 spider legs ,water sunset ,mg zt v8 +Darth Vader synth wave style, tshirt vector +1984, a risqué polaroid photo of a gorgeous blond girl large bare 🍈🍈 dancing in roller skates in a neon roller rink +an award winning poster of link from legend of zelda, 1man, (blue clothes), fantasy ambiance, link, modelshoot style, (extremely detailed CG unity 8k wallpaper), professional majestic oil painting by Ed Blinkey, Atey Ghailan, Studio Ghibli, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art by midjourney and greg rutkowski +Los Angeles Clippers forward Paul George, left, shoots as Memphis Grizzlies guard Desmond Bane, second from left, defends +one car in the foreground chasing after another +a close up of a person wearing a hat and gloves, gigachad meme, newgrounds, wearing a fedora, fat, journalist photo, therookies, matthew williams, in front of the internet, kanliu666, steam community, the god of oatmeal, he is very happy, trending at gitmo, profile photo, john egbert, ceo +The robot wearing the bone crown, by annie swynnerton and diego rivera, symbolist, dramatic lighting, elaborate geometric ornament, art brut, soft cool colors, smooth, sharp focus, extremely detailed, adolf wölfli +photography by Milton H Greene and Bert Stern, photo portrait of Marylin Monroe, HD 4K, sharp detail, photo-realistic accurate face and features, studio lighting +viking castle, stones, wood, fire, night, moon, big trolls attack, high detailed, colored +highly detailed surreal vfx portrait of a petite steampunk cowgirl in a steampunk saloon, stephen bliss, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, tom bagshaw, alphonse mucha, global illumination, detailed and intricate environment +Anthropomorphic two musicians on stage sing, high-graphic, highly detailed, photodetailed, photorealistic, perfect realism ultra, facial detail, highly detailed faces, , +A dryad wearing a white robe in a forest.Dreamy watercolor painting +A modular and highly customizable sound system with a sleek and modern design, featuring high-quality speakers and an intuitive and easy-to-use interface, digital art, art by GMUNK and Filip Hodas, featuring a satisfying and futuristic atmosphere and an emphasis on the pleasure of music and sound. +darth vader on a hogwarts class using a red wand +A korean woman in street running, highly detailed, photorealistic, high quality, +Jim Carrey dressed up like a banana +charles manson looking evil and menacing, wide evil smile, dark eyes, possessed, comic book style, realistic, trending in artstation +A photo of mistletoe growing on a person's arm, close-up, medical photo +breathtaking landscape by jacek yerka and dan mumford +Andy Griffith, DvD still from dark fantasy film 1982 conan the barbarian +a beautiful detailed close-up illustration of two people holding hands, +videogame tilemap for a topdown towerdefense game +Tiny cute isometric darth Vader emoji, soft smooth lighting, with soft pastel colors, 3d icon clay render, 100mm lens, 3d blender render, trending on polycount, modular constructivism, background, physically based rendering, centered +a cyberpunk cafe, with a motorcycle driving up to it +A photo of a cat sitting on a beach chair, holding a drink, wearing sunglasses +cloud maze, cgsociety, pixiv, volumetric light, 3D render +two men kissing on the beach, anime, hd, DeviantArt, artstation, 1980 +cyborg child, cyberpunk alien india, body painting, boy, star wars style, third eye, mehendi body art, yantra, cyberpunk mask, baroque style, dark fantasy, kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +Painting of three astronauts taking a group picture on mar in front of lander, holding cameras, hyper realistic, anime style +a dragon flying through outer space +City of London, golden hour, cityscape, professional photography +Michael Jackson dancing in front of big ice cubes and bubbles +messi levantando la copa del mundo +Removing parts of yourself while on angel dust, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +pedro pascal beside bella ramsey as super heroes +band of survivors smoke in a of a strange alien ruins dense dystopian cityscape bizarre +A of Thick acrylic illustration on pixiv, gorgeous royal sacred Saint Maiden, high brightness, , gauze latex, stretching action, light background, , by Tetsuya Nomura, artstation, ultra detailed, shimmer pearly color, gold white silver, chiaroscuro, extreme iridescent reflection, holy lighting +Puppies and rose wine birthday party +A boxer breed dog sitting in front of a green TV set +Henry Cavill As Superman holding Pakistani flag +ava addams es follada por messi +orange red velvet living room interior +8 year old girl modeling in victoria's secret +mourobscure etching tega 📊 scorsese cava pen,Jules Bastien-Lepage, snowy landscape +fisheye photo of silver chrome city ,blue sky pyramidal +A closeup photo of a whiteboard with “2 + 2 = 5” written. #hdphotography +Supergirl with big muscles and abs posing +Anime style. Girl at a wood table. Little girl. tavern. Red clothes. Small girls. Barman +sci-fi room metal,computer screens,studio lighting, geometric artworks,volumetric light,sir john soane,metal pipes,floor grates,pilasters british museum +20 year-old Barbara Eden as an Elfin princess naturist in a magical mystic forest, fingering her clitoris, HD 4k, sharp detail +She has a heart-shaped face, large expressive eyes, and soft, lustrous hair. Her figure is slender and graceful, and she moves with a quiet confidence and inner strength that commands attention. But what truly sets her apart is her inner beauty, which radiates from within and lights up any room she enters. +upper body, beautiful pale demon girl with horns, red lighting, intricate, elegant, highly detailed, digital painting, artstation, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha and Wayne Barlowe +anime illustration of fairy king oberon from alfheim online +photo of chubby fat boss dominator at Juvenile Prison for Boys. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +looking at a high tech portal, in modern research lab, placed at the end of long hallway, on the other side of the portal is a Dystopian cyberpunk future, duality, time travel, mountains, badlands, sprawling cyberpunk city skyline, high vantage point, Establishing Shot, highly detailed, hyperdetailed, intricate, lens flare, boom, raytracing, particle effects, dust, sand, deep depth of field, soft diffused lighting, photographed on a Canon 5D, 24mm ultra wide lens, deep focus, 4k resolution, cinematic film still +photo of a miniature vending machine made out of cardboard and electronics on a table, empty +Statue of Liberty on steampunk style with the Bitcoin logo +the girl with a pearl earring as a sculpture made of Sapphire +Photo portrait stunning woman studio light sensual +a hybrid between a cheetah leopard otter tiger lion ocelot fox, leopard lion cheetah otter fox tiger ocelot hybrid, sleeping in a mossy den, primitive feline, ancient feline, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art, professional photograph +A marble statue of a dragon, photograph, highly detailed +Salon in a Medieval city, candle light, many towers, cozy +A 3-D visualization of a neuron filled with colorful shapes +A photo of a man with the words "STABLE DIFFUSION" tattooed on his back +concert held at western springs stadium Auckland +Translucent Creatures formed from smoke, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +pizza made of tomatoes and mushrooms and tomatoes, professional photo, ambient lighting +Nairobi skyline, professional photography, bokeh, golden hour, sharp focus, 64 megapixels +beautil blonde woman half submerged in water, cloud, sky, sunny day +caucasian clubber, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +a rainbow ufo flying over a grassfield +anthropomorphic turtle, wearing a pink gladiator costume, realistic, high detailed, 4k +analog medium format photograph, zoomed out, golden lighting, 4-dimensional reflective polychoron floating above a colossal wet abandoned city +digital painting, high quality, best example, medieval knight with a sword in the woods, 8K +a professional photoshot of a blue frog 🐸 looking at a fly woth envy +Photo of a attractive 14 yo girl, holding a sign that reads, 'Anime is cool' in school, wearing a loose and very attractive dress, short smile, perfect faces, detailed pupils and eyes, thighs, waist, high-quality, post-processing highly detailed, fine details, 4k, adolescent body, undercut blue hair +the fox in the labyrinth, vivid opulent colors, vector art +screenshot of Pixar 3D animated Lord of the Rings movie in the style of Pixar +a 8 years old girl with only one eye +super cute pikachu with a sign that has "I'm very cute" written on it +a beautifull ultra-detailed epic artwork of a devil by Gustave Doré and leonardo da vinci +Cyberpunk synth, Sacred Cow cyborg, bull's head, Ancient India style, small details, si fi, action composition, silver on a black background, inlaid gems, diamonds, precious metal, volumetric molding, Baroque style, neon lighting, contrasting shadows, contour light, robots, volumetric sculpture, high resolution, detailing 8k, clear edges, technologies, mechanisms, rough black background +2d character parts sprite sheet atlas of a wizard +A cake made out of flesh +Face shaped out of old rusty technology +A coloring page that says Nana +a rogue, dark fantasy style, whole body, on night, unreal engine 5, sharp details +profile picture of an archetypal British jock. +art by Alfons Mucha and Patrick Woodroffe, whole body image of 20 year-old Angelina Jolie as a cosmic naturist in India, meditating in the Lotus position in front of the Taj Majal, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +high quality color portrait photograph of Elizabeth Olsen with a black dog,sharp focus,cuddling,highly detailed,beautiful face,award winning photo +Polaroid photo of Girl riding a red bike on streets of Warsaw +Old male young female, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +an anthropomorphic lynx with antlers and the tail of a coyote, medieval, adventurer, dnd, nature spirit, rpg, rustic, fantasy, hd digital art +Selfie while rafting on the nile river, The gold-tipped pyramids in the background +Alien plant life, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Album music by Vladimír Vašíček21%inspired by Cyril Rolando21%by Susan Heidi20%by Mór Than20%by Martina Krupičková +ryuko matoi, slim teenage girl, athletic build, short dark hair with a red streak, expressive eyes, red and black school uniform with a short skirt and a crop top and long sleeves, uniform adorned with straps and buckles, red choker, senketsu +Highly Detailed Cyberpunk monumental building of Mega-Corp, digitally painted in UHD, concept art, intricate details +zen garden, white sand, top view +, fantasy, pastel, absurdism, photo, minus +Golden propeller Goldspan Dragon It is a golden legendary creature that produces treasures every time it attacks. Treasures are artifacts that can be sacrificed for one mana of any color, making this card very valuable in ramp and control games. +A red skull connected to the Internet +A realisric kissing couple in the rain with lightning bold at the background +Hooded guy on top of a mountain, artistic +Movie still of starwars luke skywalker working as a uber driver, extremely detailed, intricate, high resolution, hdr, trending on artstation +Beautiful Library, riso, comic, pastel, , absurdism +a beautiful Atlantis, detailed, digital art, Greg rutkowski +chaos, impasto, vector, black and white, white background, thick black lines, DJS in multiple forms, portraits, emotional, happy, festive and beautiful +A photograph featuring two baseballs situated to the left of a group of three tennis balls. +A Melon Character, High Resolution, High Quality, Many Details +Close up portrait of a beautiful brunette, short hair, 50s style, face, wearing a parasol as a hat and white dress +preteen girls with no underware and with long legs wide open in a the bedroom with dark background, with dark defined eyes and biting their lips like a movie of David Hamilton +an infinite forest with string lights at night +A museum design by zaha Hadid in the mountains +board game character, girl a student who studies at school age 25 years +a mistress diapering her sissy slave in front of her friends +cultist sacrifice girl on altar stone, blood, shadows, flames, dnd fantsay art, arkham horror, evil fluid, by greg rutkowski +Professinal Portrait of Chucky, dlsr, realistic, insane details, Studio Quality, Award winning +Medusa sticking tongue out holding a sign that says Rock n Roll +The girl with the pearl earring wearing a pentagram +a chessboard with Staunton pieces, initial position +A 3-D visualization of a neuron filled with colorful shapes,with thin metal lines voronoi ,tiny intricate details floating spheres droplets +A wintery landscape with a lake surrounding a island with a tree in the middle, mountains in the background, 8k, by Ismail Inceoglu, Huang Guangjian and Dan Witz CGSociety, ZBrush Central, fantasy art, album cover art, +ana de armas in red dress +Mad scientists Brain override machine. Tubes connected to a woman's head +A man wiping an stolpersteine with his foot +oil painting, Egyptian mummy gangster wearing snapback and golden chain on neck with dollar sign pendant +preteen girls with "no underware" in a sofa with a childish faces touching each other, they have red hair and beautiful defined eyes, with dark background like a photograph of Jock Sturges +A man with a scary dog mask and a chainsaw, sitting on top of a ford mustang 68' +round cat in kimono, embroidered with golden spirals +i have no guggle and i must chuggle +inside large spaceship corridor, sci fi,star trek bridge , 2001 space odyssey,computer panels ,floor markings, +a photograph of teddy bear driving a lotus car toy in the cave lava,smiling teddy +film still from romantic beautiful sitcom, sauna, covered, naturist, girls, colorful +Cursed Image of a Computer Setup +a selfie taken by a dinosaur +High quality photo of Amanda Seyfried as a fantasy game character wearing a light robe, studio lighting, 8K, full body shot, bokeh depth of field +cat sitting on a stone fence +a raw photo close up of the heavenly catholic demon pig cyborg inside an iron maiden robot wielding a giant katana,large view,a surrealist painting, inspired by Jean Fouquet and alan bean,by vincenzo riccardi and Philippe Druillet,yoji shinkawa,masterpiece,extremely detailed,4k uhda raw photo close up of the heavenly catholic demon pig cyborg inside an iron maiden robot wielding a giant katana,large view,a surrealist painting, inspired by Jean Fouquet and alan bean,by vincenzo riccardi and Philippe Druillet,yoji shinkawa,masterpiece,extremely detailed,4k uhda raw photo close up of the heavenly catholic demon pig cyborg inside an iron maiden robot wielding a giant katana,large view,a surrealist painting, inspired by Jean Fouquet and alan bean,by vincenzo riccardi and Philippe Druillet,yoji shinkawa,masterpiece,extremely detailed,4k uhd +a woman, dominant towards her husband with her boyfriend +a made mathematician who spend too much time on his computer instead of sleeping, drawing +An alien walking through a shopping mall +A hyper-realistic oil painting of a majestic elephant, sitting on a branch and holding a Coca-Cola can in its trunk. +Jennifer Aniston, toned upper body, , slender legs, crucified, string clothing, siletto heels +Watercolor painting of european modern city, medieval, restaurant street in moonlight, by greg rutkowski, by anders zorn +Night cozy home interior with candles ::10» a warm and inviting living room with a sofa, a coffee table and a bookshelf ::8 soft yellow light from several candles on the table and the fireplace mantel ::7 a fluffy rug on the floor and some pillows on the sofa ::6 a window with curtains showing a dark night outside ::5 a cup of tea and a plate of cookies on the table ::4 a cat curled up on the sofa next to a book ::3 +alexa bliss, muscular, sweaty, showing off her barefeet +A futuristic apartment with a futuristic set up, white colors +a movie still from the 1980s low budget exploitation movie film "Teddy Bear on the rampage" +grandma!!! How many times do I have to tell you not to dress like a stripper in front of my friends!! +New fluffy anthropomorphic character in the movie turning red by disney pixar, cgsociety +A Portrait of A Wonderful Girl with Blue Eyes and Blonde Hair laying on a Bed with no top, High Resolution, High Quality, Many Details, Real Life +Nirvana hanging out backstage on couch colour drawing +A detailed matte oil on canvas of a symmetrical portrait of a14-year-old girl, tanned skin and long blonde hair on an empty background by Charlie bowater, Wlop, trending on artstation +a village nestled in the branches of the tree of life +Huge Castle ruins with colored torn drapes in a desolated land with high detailed metal dressed crowned king sat on his throne, clouds, light beams, Digital Art, Realistic, high detailed, Evil, Fear, Lonely, Sad, Melancholic, PBR, Beautiful Lighting, Global Illumination, Detailed Render, Dynamic Lighting +Movie still of starwars darth vader as a wwf wrestler, extremely detailed, intricate, high resolution, hdr, trending on artstation +In the middle is a high-rise tower with glass curtain wall, two floors are offices, the building is in front of the road, street trees, +A real human hand with five fingers +photo of a fantasy forest path +anthropomorphic mice living in a large hollowed out tree trunk with doors, steps, windows, Victorian clothing & woodwork, watercolour and ink +digital painting of Sun Wukong fighting a panda by Feng Zhu and Gustave Doré +Anthropomorphic chameleon special agent with gadgets on his belt, , highly detailed, epic gray smoke, cinematic lighting, detailed facial details, detailed intricate details, dynamic pose, somersault +A little girl with green gnome +a photo of armor on display in a roman villa,Tripod fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +Music improvisation diy musical instruments African dramatic cartoon group of happiness people +Marilyn Manson wearing sunglasses holding a pentacle +A dog next to an elephant +an illustration of a cut dog with bone in its mouth +Photo of A curious cat exploring a haunted mansion +2d character parts atlas of a wizard +Beautiful woman in a shorts with hijab +the weeknd in the style of the simpsons +Statue of Liberty playing electric guitar +A masterful film still of a gorgeous disrobed pale goddess +a hybrid between a cheetah wolf leopard tiger lion fox, leopard lion cheetah fox tiger wolf hybrid, smiling, happy, friendly, eyes closed, laughing, human-like expression, expressive, sleeping in a mossy den, primitive creature, ancient creature, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art, professional photograph +beautiful woman in a red dress, white pearls necklace, castle ballroom, dramatic lighting, illustration, 4k, digital art, concept art +Golden age of Magicians, Vintage Poster Art, Houdini, Magicians exploding into paint burst! Oil splash!! Oil stained!!, Show poster, Explosion of paint and magic, Perfectly centered, By Junji Ito, intricate hyperdetailed fluid gouache illustration by Aaron Horkey, Ismail Inceoglu, Jean Baptiste Mongue, James Jean, Erin Hanson, Dan Mumford +a person riding a one wheel skateboard in a fractured fantasy canyon environment, stunning visuals, unreal engine +fantasy, pastel, absurdist, photo, Wes anderson, punk character +a person standing on forest at night +John lennon signing autographs on Champ de Mars in Paris, +Wednesday 13 sticking tongue out wearing sunglasses holding a sign that says Famous +art by Patrick Woodroffe, stained glass motif, whole body portrait of 20 year-old Jennifer Connelly as a naturist in a mystical foggy forest at twilight, HD 4K, sharp detail, photo-realistic accurate face and features +A 31 year old military veteran in 1900 smoking a cigar with a cowboy hat. +Split the picture in half but share one sky and ground and left part is volcano and right part is a hurricane ,no split line in the middle,buiding in the middle,burn left,fantasy movie, haze, halation, bloom, dramatic atmosphere, centred, rule of thirds +elderly jimi hendrix and elderly john lennon +A cat, fat , chubby, very fine wispy and extremely long swirly wavy fur, under water, Kuniyoshi Utagawa, Hishida Shunsō, a very curvy chubby cat, golden embroidery fabric kimono, flowing glowing biomorphic wisps, phosphorescent swirls, tendrils, wavelets, streamers, a murmuration of bioluminescent bubbles, , detailed and intricate, elegant aesthetic, ornate, hyper realistic, finely detailed, 128K UHD Unreal Engine, octane, fractal pi, fBm +photorealistic, high detail, high defintion, 8k, hdr, global illumination, a 1980s honda sport car +A highly detailed portrait of Storm from the X-Men summoning a lightning storm painted by Brom and Luis Royo featured on ArtStation +pattern with juicy bright fresh blueberries immersed in liquid soft yellow honey with drops of honey on the berries, photorealistic, 4k +head of a monkey, with the antlers of a reindeer with the body of a porcupine +photo of a spring landscape with a house +an elephant watering plants with it's snout +leaked desi private mms, viral video photage, 1990s vivid vintage photo,gorgeous desi hindu goddess durga, slime body, juicy lips, full body shot, stunning sweaty body, dramatic light, looking down + film grain,amazing shot,bold +a made mathematician who spend too much time on his computer instead of sleeping, drawing, late at night +exquisite marble detail, spray on candy glitter cum, tyre skid marks, holding battery powered dildo, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +Viktor Orban standing in an abandoned (((empty))) swimming pool, dry leafs, sad face, tv still from Narcos +A Triangular Prism inside a translucent sphere +A web icon of a kid being pushed by his father in a swing +Starter Motor, hd, dramatic lighting, detailed +buildings, ocean, architecture, surrealism by michiel schrijver +highly detailed photograph of a lisa frank palette color trees dodge viper car drifting int the middle the sea, with happy palette color trees background at light with trail lights, giant wave, view from beach, realistic pearlescent metal texture wallpaper of the year +Character design, Cinderella, mist, photorealistic, octane render, unreal engine, hyper detailed, volumetric lighting, hdr, Professional Architecture Render, photorealistic, 3D rendering, high-quality, detailed, accurate representation, 3D Studio Max, V-Ray, professional, corporate, award-winning, by Stanley Artgerm Lau, realistic materials, accurate dimensions, multiple angles, perspective views, deformed, abstract, flat views +a werewolf reading a book, sitting on a bench +sticker illustration of a cute pikachu riding a bike, vector style +A spider mech walking up a cliff +Charcoal artwork of an eldritch entity. Myterious suspenseful fog. +A street sign that says stop +a macro photo of a lady bug on a flower +painting of goddess of white coral, trending on artstation +peppa pig portrait by botticelli, oil painting, paint texture, cartoon character, picasso +shaman from bavaria painted by rembrandt, full body ,holding magic wand, casting a spell +satyr sodomizing kneeling bare girl of 13 +minimalist advertisement for a smartwatch, pastel colours +A group of dinosaurs in GTA San andreas +an anthropomorphic wolf, medieval, adventurer, dnd, rpg, rustic, fantasy, hd digital art +kyle bornheimer, bald, goatee, fantasy medieval theme, wearing sleeveless green kaftan, leather pants, gloomy forest background, plants magic powers on hand, holding a magical plant on hand +walter white, lego character, lego set, breaking bad lego set product photography +The icon is in black and white and has a flat design style. In the center of the icon is an eye with the upper part of the eyelid closed, symbolizing relaxation and rest. The eye is designed in a geometric style using straight lines and curves to create a clear and recognizable image. Around the eye is a circle that symbolizes peace and harmony. The circle is made using black and white straight lines to create graphic contrast. The shape of the circle has been shifted slightly to give the effect of movement. The background of the icon consists of geometric shapes and patterns that complement the main design and create an effect of depth. These elements are also in black and white and flat design to emphasize the minimalist design. +a woman standing in new york city at night +Raw, Analog. lived in, run down look, photographed by Ridley Scott. gritty sci-fi style. male working within a huge spaceship. depth, cables, pipes. film grain, hyper detailed skin, 16k, shot on Fujifilm GFX 50r. cinematic, bionic parts, maximum detail, soft lighting +an empowering view of a orca warrior wearing royal robe,sitting in a cafe drinking coffee next to a kangaroo warrior with an eye scar,menacing,by artist Tony DiTerlizzi and Tsutomu Nihei,William Blake,Richard Corben,volumetric lighting,detailed shadows,extremely detailed +fantasy, pastel, absurdist, photo, refined, Meow +A messy artist's workshop, inside is a robot painting a lotus esprit. +human face and body, joyful, painting, elegant, beautiful, highly detailed, artstation, concept art +a triangle turned upside down with a bunch of flowers sticking out of it +Beautiful female viking warrior holding an axe +a photo of pool with bule neon +An illustration black women from neck up with flowers in her hair +closeup photo of petite female teenage mulatto with black afro haircut standing alone beside old fashioned ladies bike in front of five story hundertwasser house +Old man wearing a tall white Wizard's hat! Colorful Ink splash: wizard portrait. Russ Mills: Alex maleev: Ashley Wood: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: marton bobzert: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +woman in black coat sitting in snowy landscape, aph gustav wyeleighton snowy loneliness hone pland +a gym logo with a chinese lion ,a barbell and some plates or rigs +Marilyn Monroe wearing a shirt that reads censored +Painting of a green plant sprouting out seedling of lights in a magical forest +a beautiful goddess representing planet earth, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +A 2D isometric topdown map rendition of GTA V +, fantasy, pastel, absurdist, photo, Wes anderson, snail vehicle +Golden design, peacock feather, fantasy, dreamy vivid colours, glittery, attractive, beautifull, dreamy, high definition, high resolution,high clarity, clean, clear, neat, wonderful, hyper realistic , perfect composition, beautiful detailed intricate insanely detailed octane render trending on artstation, 8 k artistic photography, photorealistic concept art, soft natural volumetric cinematic perfect light, chiaroscuro, award - winning photograph, masterpiece, oil on canvas, raphael, caravaggio, greg rutkowski, beeple, beksinski, giger +Cleopatra in her milk bath, photography, Hasselblad, kodachrome +Obama as Santa clasus dropping bombs +gorgeous female sitting on a bed, black hair, wearing a sheer saree without a blouse, bare legs visible, bare, bunched up hem, attractive, flirting, full body visible, looking at viewer, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +multidimensional home in a reef brane fantasy style +technology stucco, cyberpunk India, cyborg statue, Ghost in the shell style, robotic statue, canon pose, mechanical sculpture, mehendi body painting, bird, yantra, mask, baroque style, Kathakali character, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high tech, high contrast, hyper realistic, 8k, epic ambient light, octa rendering, soft ambient light, HD +retrofuturistic city inside a wooden box +guy running away from 20 big zombie teddy bears with wood sticks +alien traveling in a spaceship in a time continuum +Dragon close up portrait dragon head dragon digital art, trending on artstation, by huang guangjian and gil elvgren and sachin teng +3 beautiful men carrying a giant tv, finely detailed, fantastic orange style, wonderful scenery +breton monk looking like zappa with a goat in bosnia, photo +large gold cat statue karnak,stone floor entrance,tutankhamun,columns,wideangle +daytime moth made of colored magical light +biomechanical cyborg! Photorealistic: maximalist! Hyperdetailed! Hyperrealistic! by Android Jones: by H. R. Giger: by peter mohrbacher: by Jean-Baptiste Monge +A fire truck on fire, flames pouring out of it +a sign with "ai made this" written on it +an emblem for motocycle group,vetor,simple,no photorealistical details +Silver coin 3d under a tree in the country +A lizard man inside the sewer +Cel-shaded 2D cartoon man talking to realistic man +a beautiful woman with bat wings on her back, with a smile on her face +HD 3D animation, whole body image of a dungeons and dragons style demon succubis naturist in the Scottish highlands, sharp detail, photo-realistic accurate face and features, cinematic lighting +Mid-century by Josef frank, seamless, spoonflower +Flying vehicle, non-existent, unique, masterpiece, marvelous, fantasy +elder shaman demigod monstruos woman with mammoth fur coat perorming a ritual, tusks, Illustrated by moebius, anime, aurora borealis, lo-fi, watercolors +Rabbit running! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: tom bagshaw: Nekro: Gustave Doré: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +fantasy art midjorney, deer, flowers on antlers, unrealism +mickey is leading at a bat sacrifice ceremony, bat is larger, on front, visible giant bat +globo terráqueo, rompecabeza, globo aerostático, minecraft +Futuristic Hero Character with Ball of Energy in front of Him Octane Render 5D +A vase with orange flowers, Van Gogh style +a strong athletic anime girl holding a white rock at night in a city. +a young asian man, highlights in hair, brown eyes, yellow scarf, in white shirt and blue jean on a beach with a volcano in background +fisheye lens selfie photo from atop a mountain of mint chocolate chip ice cream +ill-mannered, mean, middle-aged grimy medieval englishman, low class, blushed cheeks, rats in his coat high quality digital painting +Marilyn Monroe wearing a shirt that reads Rock N Roll +A highly detailed hyper real retrofuture interior space ship living room, holographic display, furniture, warm lighting, candles, paintings in the walls, drapes, windows into space, windows to space,lens flare, retrofuturepunk, 1960’s +pan am poster, club la santa +Masterpiece, best quality, Mystical wooden elf priestess in robe holding an sacred artifact and inquisitor knight fighting in a forest, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +anime girl drawn in oil painting style +Fantasy painting of a multi colored candy store in canday land, art by Seurat +greek statue, woman embarrased face,non-existent clothes, wet clothes in the middle of street, new york +A pizza breaking a window, breaking window, broken glass, glass pieces flying at the camera. +the experiment lay strapped to a lab table. comic illustration +Corinna Kopf swimming, full body and high definition +a poster with an image of a woman's head, disney steampunk, detailed diagrams, psychedelic architecture, showing kingdoms, justify contents center, tomorrowland, centered headdress, avatar image, terminals, old scroll, listing image, head is centered +Design a modern, minimalist logo for a green product review website called GreenGadgetGuru.com. The logo should incorporate elements related to sustainability, such as a green leaf or planet, and devices or technology, such as gears or circuits. Use shades of green and white to emphasize the ecological theme +mutant spider man, full body, background with buildings falling down and on fire, with lots of lights, background rich in details, ultra realistic, ultra detailed, high rendering, RTX, 8k +Leatherface chainsaw funko pop, extremely detailed, 8k +Der Wanderer über dem Nebelmeer by Caspar David Friedrich +Photo of a 18yo girl, wearing armour with respirator, long straight blonde hair in a ponytail, +a surreal creature made from clay +A professional photo of a beautiful Egyptian woman in soft little short and soft little t-shirt, sitting and nestled in on the plush surface of an oversize couch, on a big soft cushion with luxurious fabric and big soft pillows, extended legs slightly spread on the couch, arms nice and relaxed, comfy and warm, lush and very cozy inviting and relaxed environment, all nice and cute, very confortable +very well designed hookah as cannonball style, high res, 8k, award winning +A very strong and armored humanoid green pig that looks like a marvel hero +Lines, golden, art deco by Josef frank +1985, Kenner re-animator playset and packaging from action figure line based on the movie "re-animator", 1985 +Woman on beach with pistol in anime style in high details +a ruin on a mountain under a moonlit sky +A man wearing a green hat with a green and blue horizontal striped shirt +Boy, blush, male on top, perineum +School uniform and brown hair anime manga anime girl German girl smile +realistic photo of a little girl mahou shoujo swimming underwater, full body +A curious cat woman exploring a haunted mansion +miku surfer advertising photo, female surfer body, beach, symmetrical face, symmetrical eyes, perfect face, beautiful face +A symmetrical badge for a realistic gunfight game COD +Black and white 1905 year futuristic portrait of old mad professional photographer with camera in hand in a desert sadly covered by mushrooms +afro film oldies savoy bond lando gunman illustration +Chinese face and body, joyful, painting, elegant, beautiful, highly detailed, artstation, concept art +Large, Master Bedroom, Skycraper, Mahanntan, Opulent, Luxury, Gold details, shiny Black Details, glossy, white, Marble, Modern, Exquisite +photo of military stealth car by bmw, breathtaking, f35 +No border, beautiful symmetrical, highly detailed incredibly ornate decorative woid carved man inside a wolf, eagle, roses, stars, a 3 d sculplture by walter crane and william morris, twisting leaves, tiny fine flowing lines, abstract psychedelic, 8 k, artstation, negative space, wood carving, statue, no border, ornate vines, black negative space, black background, roses, stars, wolf, smooth +A front facing angle of a chalkboard with the exact text “2 + 2 = 5” written boldly. +an watchtower in the style of firewatch, ray tracing high quality ssao ultra detailed painting by mumford, intricate complex +A steampunk terminator in a futuristic cityscape! +breton monks looking like zappa dancing "kolo" Serbian folk dance, with goat , photo +woman walking trough a cyberpunk city at night with the artstyle of overwatch +A comic book style cute quirky tomboy girl wearing funky clothing and a punk rock hairstyle +A-team gmc 1982 vandura 3500, black and grey, red line on side, red alloy wheels +artistic art print, spashes of paint, a leopard, strong vibrant colours +character sheet cute traveller curious little boy multiple pose character sheet gravity falls +render of pc mouse made out of cheese on a desk +Disney Pixar Cartoon,A very lovely girl, dark brown short hair,round face, dimple, blue striped shirt,edge lighting, soft focus,solid color background,light and dark contrast,cute girl,3d,cinema lights +Ultra realistic close up macro photography of a ladybug on a branch, professional photography, ultra detailed, 8k +A worn Homer Simpson statue on a tropical beach William Blake style +Hand holding a cup of coffee +a screenshot of teh game galaxy on fire2 +3d animation, car, coloring page, fantasy, magical, mystical, unusual, black and white, wavy lines, realistic line art drawing, coloring book page, no noise, crisp thick lines, outline art, centered image, isolated on a white background +A hammer horror film with vincent price +Portrait of an nurse wearing a white short sleeved uniform and glasses +image of Jesus stretching hand to Stephen and Paul +A shadowy humanoid monster crawling out of a mirror in a fancy victorian room, foreboding atmosphere, creepy, hauntingly beautiful oil painting +brown hooded figures with blue eyes, view higher then them, +super realistic photo of space in a cup +Anime girl firing a M2 browning mounted to an armored vehicle +Anime, Pretty Woman in Green Dress, Sunset Horizon, looks towards the camera and smiling, studio Ghibli, anime key art by Greg Rutkowski, Bloom, dramatic lighting, bloom, medium shot, mid-shot, highly detailed, trending on Artstation, 4k, cinematic wallpaper by Stanley Artgerm Lau, +A Great White Shark, hacking the Pentagon to find underwater base locations. +Chinese face joyful, painting, digital art, elegant, beautiful, highly detailed, artstation, concept art +king kong with mgb cars in the jungle river mg,splash rocks crocodiles,chrome grill +a frog holding a sign written "frog" word written on sign, text, letters, photorealistic +Pentacle made of hundred dollar bills +A futuristic car made of wood +the statue of David made of cheddar cheese +Anime girl with a sign saying "727" , highly detailed, 4k, anime +Princess, Stunning instagram goddess, fracking for oil in utah, ilya kuvshinov, by agnes cecile, photo by greg rutkowski +Medusa sticking tongue out wearing sunglasses holding a sign that says Famous +Eighteen year-old girl, pale skin, smooth skin, black jacket, blank tank top, black jeans, short black hair, pale gray eyes, goth, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, soft lighting, high quality, comic style, by Gurihiru, Roberto Poggi, Chris Bachalo, Belén Ortega +photo of urban city, rainy day, reflection vertical +Vintage photo of girls in boxing school +dinosaurs and a landrover defender in the jungle river,claws teeth compy Compsognathus waterfall misty muddy,headlights Chrome Detailing +a gummy bear holding a sign that says "welcome friends", syndey opera house in the background, orange hoodie +**a portrait of a bitcoin as the life raft with a sunrise over the blue ocean hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +two men wearing shiny rubber motorcycle gear and armor helmets +polaroid style, real original sin, paradise, Detailed portrait of an fairy, DND character portrait, perfect composition, by greg rutkowski +A handsome flamingo that looks like a human +Selfie from a young 19y woman, from above, fisheye +magic lamp from arabian folk lore, realistic looking, genies lamp +A zeppelin in the sky with "FREE CHEESE!" written on it +The devil heat pressing a shirt +disney princess with large gorilla arms wearing a princess dress +girl with a flamethrower and a doberman killing spiders and zombies +Dwayne "The Rock" Johnson shaking hands with a clone of himself +Lee Young Ae as an european peasant woman +nun in blue dress and leather cuirass, holding shield and mace, with owl on shoulder, painted ny John William Waterhouse +a wideangle photo of armor on display in a smokey roman villa burning,Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics Tripod fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +high quality color portrait photograph of young Elizabeth Olsen with a black dog,sharp focus,cuddling,highly detailed,beautiful face,award winning photo +A 45 year old African American woman in casual clothes standing in a park, angled light, professional marketing photography +sky, cloud, sunny day, woman submerged in water +Ultra Orthodox jewish man stand on a sidewalk +gloomy atmosphere, evil antropomorphic tabaxi warlock wearing a cloak, necromancer, intricate detail, horror movie, dark cavern or tomb, skeletons, evil, mean, old drak evil patron +Hatsune Miku, DvD still from dark fantasy film 1982 conan the barbarian +Spray, mist, holding psychedelic coloured dildo, twisted, wacky, Pixar Chubby Afro American nerd, dork girl wearing gas mask, doing twisted splits breakdance, upside down bare model, smoke, fire, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +happy hippie skull!! intricate glitchcore sketch art, hyperdetailed, charcoal, bursts of metallic splatter paint, imminent backdrop, neons, realistic, dystopian zombiecore, hyperdetailed, perfect, awardwinning, wow factor, rebel rebel! inkpunk, glow-in-the-dark, tack sharp photorealistic, golden ratio, golden hour +moto-moto from the movie madagascar, furry, anthropomorphic hippopotamus +Cute Bunny running! dozens of legs! Lots of legs! Rabbit running! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: tom bagshaw: Nekro: Gustave Doré: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +breton monk monks looking like zappa in gym with bodybuilders, photo +floating apparition wearing a tattered hooded cloak in a woodland clearing, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv +Robots, riot police, fighting, urban warfare, art by Jeremy Man +fantasy, pastel, absurdist, photo, Wes anderson, girl punk band +an all white white white zebra +oil on canvas full body portrait of latina young woman with a kimono painted by gustav klimt, austrian expressionism +lemon queen of Kyoto astronaut futuristic yellow makeup hyper realistic cinematic full body shot fashion photography +a small plant sprouting out seedling of lights in a magical land by artgem +A natural, soft-lit bee pollinating a flower, shot at a low angle with shallow depth of field, emphasizing the eyes and contrasting the yellow bee with the blue sky +adorable kawaii nostalgic corgi-themed fashion, scenic magical fairytale ✨ forest environment, designed by Yoshitomo Nara and Ray Caesar and Liu Ye +A pretty boy in glasses eating hotdog on an urban beach and smiling mischievously +abraham lincoln holding a sign that says “kiss ula” +An image of an angry bald man reading papers +Mathira, Grand Theft Auto V, Textless +Masterpiece, best quality, dark lord in desert catacomb wearing hide and chain armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +photo of a pack of velociraptors down a muddy road in the jungle and a landrover, misty junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 ,landrover in the far distance +Soviet propaganda poster of lenin as cat +a penguin holding a sign with "Noot Noot" written on it +A treasure box filled with jewels and jewelry, 2D vector art, t shirt design, plain background, 4k, artstation, deviantart, tumblr +skull made of only diamond, crystal, refraction, ray traced +80s style portrait of Morgan freeman, Andy warhol +The visible organic form of mollusk has little importance in the life of the members of a species, since they have, at most, only a vague perception of other individuals and of their surroundings. +Photo realistic psychedelic cat, photo realistic eyes, beautiful silver smoke grey lavender burgundy eyes, in the style of Josephine Wall, Ryohei Hase, background, electricity and ice sonic fibonacci swirls symmetrical generativ isometric voxel 3 d superstructure in deep colours, sharp focus, wide angle lens, 128K UHD Unreal Engine 5, fractal, pi, fBm +a dirt road surrounded by tall trees in a forest, redwood sequoia trees, giant columns, shutterstock, colorful scene, brightly-lit, fan favorite, it's very huge, trees in foreground, 8k definition, hanging trees, mahogany wood, brightly lit, huge gargantuan scale, the palms come from the ground, majestic light, flat, cascade, enlightenment +Epic painting of a 18th century battle field, charging calvary, mayham, death, destruction, dusty, bokeh, smoke filled, +old woman in backyard 💜💜suffra🔘 northeasthour criterion film seton, Jules bastion Lepage +A melting, surrealist cityscape with buildings that have twisted human faces, inspired by Salvador Dali's painting style +a long, red haired woman, dressed in a black medieval dress and cloak in ], oil canvas, portrait by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress +photo about a 8 year old girl, she is doing twerking, wearing denim shorts and blouse, show her uncle +a black and white photo of an occult ritual +A rusted copper sign, designed in an art deco style, featuring no text +Steampunk Detective in a cyberpunk city +A photo of a dog playing chess. +, fantasy, absurdism, pastel, photo, refine +masterful photo of an incredible muscular woman, bigger muscles than human possible, young, massive shoulders, 8 pack abs, huge, stronger than any man, 3 meter tall, +Photo of a pigeon in a well tailored suit and a bitcoin in hand, getting a cup of coffee in a cafe in the morning +portrait of a woman wearing leaves all over +sci-fi room metal,fine details,studio lighting, geometric artworks,volumetric light,sir john soane,metal pipes,floor grates,pilasters british museum +8k uhd portrait photograph of a beautiful female miqo'te +Highly detailed portrait of Demon Clown, fiendish and insidious, eyes of flame, seamless blend of pale white and midnight black, foregrounded light and shadows, heavily stylized, saturated colors, 3D, PBR, path tracing, volumetric lighting, octane render, arnold render, 8k +'a group of people riding on the backs of horses, black and white manga panel, soldiers running, by Steve Prescott, inspired by Pedro Álvarez Castelló, road trip, close-up!!!!!!, by jake parker, tie fighters patrolling, arrendajo in avila pinewood, sf 5 ink style, the see horse valley, jin - roh, celebrity' +Illustration closeup of School girl and a giant steampunk robot +whole body image of 20 year-old Taylor Schilling as Piper Chapman as a naturist in prison +A picture of a cute girl at a meadow, smiling, at night, in anime style +immodest hippy mixed girl provocative AI +An alpaca made clay, toy art +tiana from princess and the frog disney, black hair, hazel eyes, green dress, dark skin +Maximalist two blonde pirate asian girl with big lips, short hair, in the woods, birds eye view, illustrated by hergé, style of tin tin comics, pen and ink, pixel art, pixel perfect +upside down photo in a gargantuan cavern lit with warm light updide down standing lanterns, moss, stone, and wooden planks on the surfaces upside down climbing bars +hand-colored sepia old phot dust stains elven ranger written text +a beautiful landscape of Reunion Island in 1950,art by James Gilleard, clean +Professional studio photo of a happy 5 year old Druid girl with long ginger hair. +a photorealistic 3d render of a moving GT car in a raining japanese cyberpunk street, motion blur, neon lights, , photorealistic, +a facade of a building made of chopsticks, organic shapes, parametric design, undulating, ornate details, intricate details, highly detailed, photorealistic +fantasy, pastel, absurdist, photo, refined, textile bird characters people +Ageplay cosplay, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +High resolution 3D animation, 20 year-old Evangeline Lilly as Neytiri from Avatar as a blue-skinned Na’vi naturist in the Pandora jungle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +terrifying landscape of a ruined metropolis from the future, beautiful starry sky, night, realistic shot +Antique pocket watch with white porcelain dial icon sheet, fantasy concept art, detailed, mixed media. render +A neon sign that reads the message "soon" +a digigrade furry horse, a being that is a hybrid of half human half horse. it's made out of transparent liquid slime. not quadruped, walking on 2 legs. +Rob Zombie as the Statue of Liberty +a mushroom used as a house by small snail people +action movie poster for film called "'Splode!" with the tag line "any thing resending a noun blows up" +A shrunken magic rabbit, walking through the streets of the city +stone cottage, verdant, flowers, autumn leaves, absurd res, maximum detail, best quality, digital illustration, Most beautiful artwork in the world, Beautiful environment, Photorealistic painting art by midjourney, Professional majestic oil painting, global illumination, studio light, volumetric light +Dinner table at Dishoom in Kensington park in London in photorealistic HDR high quality from a shallow depth of field DSLR camera +high quality oil painting anime girl +a close up of a card on a table,Jace,'a couple of horses that are standing in front of a building, exterior of scifi temple, promotional movie poster, pamukkale, celestial collision, dwarves, epic buildings in the center, climax, tombs, selenar, cinimatic, tuba, by Cui Bai, eternals Architect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academiSword of Fire and Ice: It is an artifact card that represents a Japanese katana. The sword grants the equipped creature protection abilities against fire and ice, as well as the ability to deal extra damage and draw cards from the opponent's library. +Alien as the Statue of Liberty +a knitted African mermaid, braided yarn hair in braids, a knitted purple blue tail, a gold arm ring +penthouse, large living room, at night, modern, realistic archviz, minimal, opulent, luxury, glass, shiny glass, dark aesthetic, trending on pinterest,wood, steel, marble details, polish ebony floor, piano, large, beside view,details in shiny black, modern fireplace, shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray , +Portrait of a smiling young witch wearing brimmed witch hat, intricate details, highly details, smooth, sharp focus! Concept art by Ruan Jia, Ilya Kuvshinov, Alphonse Mucha and rossdraws +A colossal HQ building dominates the cyberpunk skyline, dazzling with neon and holograms. It belongs to Arasaka Corporation, megacorp in Cyberpunk 2077. Its stunning architecture contrasts with the grimy streets below, where chaos and danger lurk. This is a 4K ink painting that depicts the splendor and horror of a futuristic city. +Light sees itself in a reflection in human form, fantasy, unrealistic realistic, 4k style +A cat holding a shuriken in Akihabara +celtic pagan tribe of young adults dance wildly around a fire +an anime girl wearing a fur coat, digital art, trending on artstation, by artgerm, by alpharose muncha +The most beautiful Chinese woman on earth +majetic Red panda warrior with a sword, fantasy art print +a beautiful painting of a garden near the beach. +A dog sits on a beach, sunset time +Diver exploring lost underwater city, sunbeams through the water, ancient structures +a perfect square with three sides +raw photo, full body studio photo, masterpiece, 8k, best quality, attractive 20yo woman standing next to a white wall +vector illustration of many envelopes bursting out of a letter box +Cloth off viking princess,white jelly falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, nice arms, nice eyes,highest detailed, masterpease, +Alicia Vikander in a latex suit +photo of a kindergarten school teacher, standing on the porch, smiling for a portrait +a beautiful Chinese girl wearing skirt +A building in fortnite with a sign above the door that says "Nutronic" on a line below that it would say "@thenutronic" +the inscription "Freedom to Stas!" on the Red Square +A dungeons and dragons character portrait +A Chinese 20-year-old Woman, looking like Audrey Hepburn, Black hair, standing on 2023 Tokyo street, hyper realistic portrait photography, pale skin, dress, wide shot, natural lighting, +Melting ice cream creating a river +Aerial view of Santa's hidden snow-top workshop at the northpole, with steaming chimney and sparkling stars, natural volumetric lighting, 8k octane, realistic and detailed render, 4k post-processing +A Photo of a Panda, High Resolution, High Quality, Many Details +A fabulous steering wheel that will not fly out the window while I'm driving +Beautiful Medusa portrait, female with hair made of snakes, digital art +Friendly dimwitted big furry alien character costume puppet design +A painting of a creepy creature with long hair and a long body, Jason Engle, slender build, umber color scheme, long fangs, shadowy and eerie character, full-length, mimic +A portrait of Helen of Troy looking radiantly beautiful +woman with translucent body, on her knees, +, fantasy, pastel, absurdist, photo, refined, black hole +Hatsune Miku in a bodybuilder competition +a painting of a mickey mouse hugging a devil +an emerald throne room for the avocado god being worshipped by cult members +exquisite marble detail, spray, mist, holding battery powered dildo, twisted, wacky, Pixar Chubby Afro American nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, +beautifull succubus, cute face. Dark fantasy, D&D, artstation, art by petros afshar, tom whalen, laurie greasley and greg rutkowski and ilya kuvshinov +A cyborg goose, oil painting portrait, paperclip aesthetic +A city that's built up around the feet of a colossal statue. Digital Illustration by Simon Stålenhag. +Animals made of smoke, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Michael Jackson on the moon doing the moonwalk +photo of a hamburger shaped car +a young woman with a shotgun, shot with a nikon dslr camera, +, fantasy, pastel, absurdist, photo, refined, melding furniture and animals +Electrified steampunk automobile from the 1930s +photograph of a modern blended wing military experimental aircraft +Archbishop Astronaut papal official photograph in Vatican royal gold metal pointy oxygen hazmat helmet +A vector logo of the monogram TD +portrait of a girl cooking in a cluttered kitchen, warm ambiance, cooking an omelette +close up of a female pirat with a sword +female oversized flowers and mannequins with heads in geometric shapes made of iridescent glass, gum and jelly in a surreal garden +art print of a cute fire elemental pokemon by league of legends. second evolutionary stage +girl with short hair, playstation 1 graphics +mgb in a gold cathedral next to a teddybear,chrome detailing headlights +the rock and dwayne johnson ahegao +A realistic Thor with a cyberpunk style +kyle chandler, full shot, short dirty blond hair, blonde hair, goatee, detailed face, wearing sleeveless beige kaftan, leather pants, muscular, 30 years old, background blacksmith shop desert, fantasy theme, medieval theme +sprinkled donut who thinks it is made of music rests peacefully near a beautiful landscape +Japanese female beautiful atractive apealing girl with very long waist lenght ginger hair with fringe +insanely detailed portrait,wise man, black man, insane face details, extremely intricate, high res, 8k, award winning +Scandinavian boring female glasses university student photo b/w +macron in the style of one piece +photo of a t-rex n the jungle river +Female sorcerer wounded by a knight in ebony armor. The woman is trying to cast a frost spell to freeze him. +Create a secret language that only you and your cat can understand. +, fantasy, bright blue and mustard yellow, absurdist, photo, collapse +van goghs a starry night over new york city, recursive network graphs within neural networks made of stars and galaxies in space, moebius + pascal campion, incredibly detailed + sharpen + professional lighting, cinematic, awe inspiring +teddy bear and a Morris Mini-Minor,big dancing teddy bear ,with shoes +a painting of a woman in a space suit, an album cover, by kuno veeber, fantasy art, portrait of magical blond prince, in the art style of mohrbacher, deity of hydrangeas, looks a blend of grimes, a woman holding an orb, hamlet, dressed as a queen, mastodon +white zentai woman wearing white zentai body product illustration +pickle rick in gears of war, call of duty +Letter 'D' made out of a motorcycle, cinematic, photorealistic, close-up view +cute fantasy magical creature mix between fish, turtle and snail, epic conceptual fantasy art by greg rutkowski and thomas kinkade, trending on artstation , octane render, Pixar character, perfect lighting, hyper detailed +Labyrinth Champion: This red and white creature card is a fierce combatant with double strike and protection from blue. Its artwork depicts the Champion fighting its way through a winding, fiery labyrinth. +mushrooms and flowers ernst haeckel maria sibylla merian. tristan eaton, victo ngai, artgerm, rhads, ross draws, Kaethe Butcher, Hajime Sorayama, Greg Tocchini, Virgil Finlay, colors, pastel colors, muted earth tones, volumetric lights, digital painting, pixiv, by Ilya Kuvshinov, 8k, octane render, unreal engine +Disney anime characters, 3d, epic realistic, facing the camera, cinematic, professional color grading, fog, trees ultra detail, film photography, +an elven rogue crouched crouched on op of a door frame with a dagger +A grand, colorful castle with towering spires and whimsical flags +a close up of a dinosaur next to a landrover in jungle river, inspired by Adam Rex, cinematic, 1993, heartbreaking, promo image, action shot, an ultra realistic +Vin Diesel and Dominic Toretto hugging and crying +an oil painting of an astronaut on mars, with Saturn in the background with multi-color rings, highly detailed, photographic +Vintage 90's anime style environmental wide shot of a chaotic arcade at night; a woman wearing streetwear; by Hajime Sorayama, Greg Tocchini, Virgil Finlay, sci-fi. line art. Environmental arcade art. +Aleister Crowley sticking tongue out wearing glasses holding a sign that says Rock N Roll +A cinematic DVD still of a risqué waitress servicing her customers 🫦🍆💦 +Colosseum full of people in Ancient Rome during a gladiator contest, dark fantasy, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +A depressed frog drinking a beer in an English pub +an android dreaming with electric sheeps +Art of a Hatsune Miku with a paper that has text "Example Text" +A space giraffe on mars, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Photograph of a skull smoking a cigarette with no background +Dungeons and dragons, Beautiful, Young middle-eastern woman, tan skin, dark brown eyes, black hair, long braids, slender, graceful pose, colorful comfortable nomadic clothes, wearing jewelries, digital painting +dark skin, handsome man, young, rejection, deny, white suit, one hand waving at the camera, angry, mad, serious +a video game scene with smoke coming out of a building, concept art by Mac Conner, polycount, realism, xbox 360 graphics, playstation 5 screenshot, rtx on +star wars characters driving f1 cars +A climber in a bouldering gym +cute chibi cat coin no background +Attractive Chinese girl 25yo portrait, sophisticated and gorgeous +the weeknd as a Bratz the movie, cartoon character, 3d render, fashion digital art, official artwork, centered +Close-up portrait of Blanche, photography by William Bouguereau +Elvis Aron Presley in 1965 auditioning as Captain James T Kirk on Star Trek The Original Series, USS Enterprise, scifi, technicolor, discussion, script +a digital art of an anthromorphic fox walking during winter wearing a fur trimmed winter coat that has its hood on, trending on artstation +Closeup photo of woman eating a hamburger on the beach +water faucet valve on the neck of a man +wideangle fisheye roman soldiers, in getty villa,panorama +photo of pope francis wearing thawb +screenshot from gta san andreas, breathtaking +20 year old Jolene Blalock as T’Pol Science Officer of Star Trek Enterprise, HD 4K, sharp detail, photo-realistic accurate face and features +A surreal dark monument to the ancient ones +propaganda poster for INGSOC , theme 1984 city, +Anime style, A female astronaut wearing a scifi skinthigth latex space suit +highly intricately detailed photograph of a beautiful glowing celestial filigree tree of stars, centered, fantastical, fantasy, in the style of Ross Tran, RossDraws, Android Jones, Anna Dittman, a beautiful Digital painting, concept art +a bald burly metal man walking away, full body shot +Woman wearing a valkyrie costume riding a space whale +Eve being persuaded in the garden of eden +motion blur, heavy rain, street photo of an 30 yo Asian woman with short hair, she is laughing +A Eurasier dog, a goldendoodle, and a Corgi sitting peacefully together on a large green couch, anime style +Ellie from "the last of us" game, clothes disappeared +A fraudster preparing his next attack on a bank account +dslr photo of pope francis wearing a gold chain and a long red puffer jacket,4k uhd, volumetric lighting,detailed shadows +Generate an image of a Park in the style of Isao Takahatas Grave of the Fireflies Wide color gamut +LoRA and Textual Inversion having a baby, (masterpiece) +A dog holding a fire hydrant and sitting in a boat by artist Ilya Repin +a beautiful greatsword in the style of dark souls +17 million colours splashing creative art +Ball of lightning floating in space, electrical crackel, thunder +Mix cat and loaf of bread, remix +beautiful Molly Ringwald from Breakast Club as a naturist in a class room, HD 4K, sharp detail, photo-realistic accurate face and features, studio lighting +master piece, best quality, photo of a japanese woman, maid, professional +an attractive young djinn in her bedroom +photo of a man holding a sign that says “I ate a frog” +cafe logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, 3d icons, good for the family, Tali, pious style, realism, octane rendering, soft diffused light, palm trees, round tables, +3d game model, the magical skull shield of terror, dark colors, fog, black background +1982 Black gmc van, red wheels +Photo of Benjamin Netanyahu and Yair Lapid signing a contract with a judge +Sonic the hedgehog at a restaurant +beautiful oil painting, mysterious world in Paris Cafe among the rain and stars, painted by Dan Mumford, Alexander Jansson,thomas kinkade, colorful,4k unreal engine game,Trending on artstation +sketch of a skeleton with stratifying bones locked in a cage +Portrait of a young man with blonde spiked hair +comic format, Pokemon humanoid form, Zapdos, view direct centre, standing, grassy, mountain ledge, beside a vermillion pool of water, gorgeous comic stylized in, Digital Art, by Artgerm, Ilya Kuvshinov and Bobby Chiu, view, Headroom +1991 exotic custom toyota 1991 mr2 bodykit concept +a magician merging a rabbit from a hat +old man in river swamp water, folklorethursday adolgravgertrude keller morning lights �, Jules Bastien-Lepage +cinderella in high heels in a transparent dress +A teddy bear wearing a birthday hat. +super cute and aswesome pikachu with a sign that has "I'm very cute" written on it +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, emoji style, gradient, colonial catering logo, 3d logo, good for the family, Tali, piety, realism, octane render, soft ambient light, +Mulher pelada mostrando a bunda empinando +A cat climbing a tree by studio ghibli, makoto shinkai, by artgerm, by wlop, by greg rutkowski, volumetric lighting, octane render, 4 k resolution, trending on artstation, masterpiece +Villa architecture inspired by the designs of Chinese architect Wang Shu, ln forest , from distance, epic composition, cinematic lighting,ultra photorealistic,Octane render, +A delicious sprinkled doughnut floating in space toward the horizon on a soft landscape, colorful ink drawing on artstation HQ +Smiling, smoke, explosion, petite American cheerleader, tiny lace bodice, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Create an eerie image depicting the ancient evil, Cthulhu, in the midst of devouring an innocent my little pony. Let your creativity run wild as you imagine the chaos and horror that unfolds before your eyes. With vivid colors, intricate details, and a hint of terror, bring to life this eerily fascinating fusion of two seemingly contrasting worlds. +wegbosch roles allowance montessori peasant derigogh ,Jules Bastien-Lepage +Fantasy, pastel, absurdist, photo, Wes Anderson, rabbit characters +Photo for music album, melancholy, stormy night, intricate, highly detailed, anime style +A very funny baby riding a bike +Black and white professional photo of 19 Sanctuary photographer covered by dust of desert and splash of light +white Glowing baby owl in the fantastic forest, purple eyes, highly detailed wing, digital art, sharp focus, trending on art station, trees, bushes,3D, dramatic lighting, cinematic lighting, detailed surroundings, by bandai namco artist +A woman holding a sign with a pentacle on it +a variety of fruits and vegetables are arranged on a white background, highly detailed digital art, a 3D render, postminimalism +Henan people steal sewer manhole cover, Painting a picture +a portrait of super mario in the style of van gogh +jedi duck wearing a t-shirt which says "tomato sauce" +red haired woman with blue eyes, fantasy character portrait, painterly +An image of people looking to buy groceries +drawing of a Shaolin monk in fighting pose, intricate, highly detailed +Ancient library, inspired by Harry Potter +A dog with green and blue striped fur +Cover for an album called "Hasta La Vista" +photo of a t-rex n the jungle river,landrover defender overturned +Generate an image of a River in the style of Harry Potter. Aperture effect. Optical zoom +A neon steet sign with cyberpunk 2077 written on it +large group of dead monkeys drowning in the ocean at annular solar eclipse, ultra detailed, high resolution +sci-fi room metal,intricate details,computer screens,studio lighting, geometric artworks,volumetric light,sir john soane,metal pipes,floor grates,pilasters british museum +Cyberpunk Batman and Robin in red and green stood next to a futuristic looking batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +Spaghetti and a pack of flour +Big ant crushing the starue of liberty +Class whiteboard with “2 + 2 = 5” written. +A pawn on a chessboard, eating a sandwich, concept art, caricature, drawing, , +book cover illustration of a man riding a white horse through a stormy sea +insanely detailed photo,Alexander Lukashenko, dancing hip-hop, insane details, perfect background, dof, dslr extremely intricate, high res, 8k, award winning photography +film photography portrait of beautiful hippie girl looking at the camera with salty hair and brown hair in the forest, moody rainy weather, shot on kodak portra 200, film grain, nostalgic mood +a close up of a person with a goat, with long hair and a beard, inspired by Václav Brožík, billy corgan, headshot profile picture, profile photo, profile picturedinosaurs having a fancy tea party +creepy 1980s dvd movie scene, unsettling, gritty intense scene, detailed eyes, skin details, retro disney aesthetic, sacred geometry, intricate design , masterpiece, best quality, high quality, extremely detailed CG unity 8k wallpaper, sharp focus, cgsocierty, trending on artstation, award winning +A text "Hello world!" written with chocolate +Only Fans girl Asian big brests perfect body perfect puss +Japanese female beautiful atractive apealing girl with long hair with fringe +Neon Genesis Evangelion, Post apocalyptic scene with glowing bright giant red crosses covering the landscape, photography, realistic, +Coachella gone wild, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +screaming photorealistic close up portrait of happy old male screaming shaman covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by andrews esao amorsolo +watercolor painting of a fluffy friendly anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +A cyberpunk golden retriever is coding, neon lights, comic style +skyland of mountains , akira toriyama +polaroid photograph, terrifying apparition creature standing behind a little girl in a bedroom , +cheshire cat smile umbrela mushroom jellyfish +an empowering view of a orca warrior wearing royal robe,fighting pose,menacing,by artist Philippe Druillet and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +Photograph of a woman with an athletic build, her short blonde hair styled in a bob cut, and bright blue eyes. She’s wearing workout clothes and sneakers, jogging along a scenic trail surrounded by trees. +very detailed art illustration of ancient magic relic made of gold and a light blue crystal, dirty broken +a gorgeous pale teen model in lace clothing wearing a choker, crisp 8K photo, sharp focus +A box of prescription medication labelled "Prevlax" +17 million colours splashing, creative art, perfect exposure, sharp focus, hyper realistic, 8k +dark-haired Valerian and redhead Laureline, time and space agents, detailed and realistic painting by Carl Bloch +group of monkey drowning in the ocean at sunset, ultra detailed, high resolution +a puppy and a kitten together in a teacup +real life woman lookng at hatsune miku picture +A Chinese beauty with a ponytail admiring lotus flowers in a pond +a book cover about a mathematical fairytale +On the left side there are 5 acrobats, and on the right side there are swordsmen, the correct placement of subjects, , +a waifu with short green hair wearing leather clothes +a close up, studio photographic portrait of a white siamese cat that looks curious, backlit ears +plan of a modern art museum from the outside, architecture prize winning, post-modern, greek inspiration, atrium, indoor garden, beautiful, 21st century +pencil sketch of Whistler Peak's Inukshuk +tree corridor landscape of the four seasons split into Vertical sections spring summer autumn winter! spring, summer, autumn, winter, digital matte painting; by Alena Aenami, by makotot shinkai, by Daniel F Gerhartz; dynamic lighting, vibrant colours; 8k resolution concept art; split image; multiple exposure; edited photo; changing of the seasons; beautiful +Manhattan skyline, professional photography, bokeh, golden hour, sharp focus, 64 megapixels +A chubby cowboy hunched over a plate of fritters in a saloon. +bulma se apareandose con un hobre +einstein looking at the milky way +a highly detailed vector drawing of a baby girl with dreads and tattoos wearing hip hop streetwear fashion sitting, 2d game art, trending on artstation, dribbble contest winner, high quality, by patrick brown, by tom whalen, by aaron mcgruder +Ganesh robot, cyberpunk India, 2070, cyborg elephant head, Ghost in the shell style, mehendi body art, yantra, robot mask, baroque style, Kathakali character, high technology, thick character, detailed, spotlight, shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, synthesized body, hyperrealistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, by Rupert Sanders +Jimslip, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a black knitted mermaid, hair in braids, a purple blue tail, a gold arm ring +Sans the skeleton, detailed, digital art, DeviantArt +a movie still from the Flim the lost boy and his robot friend +Stan Lee dressed as American Gothic farmer +supply chain economics, by isotype, unreal engine +a photo of a hamster wearing battle armor, holding a sword. in a battle +Steve Carell as a chubby Greek philosopher dressed in green robes, a graphic styled on an antique drawing +Cinematographic-sixties anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Beautiful FAT Pig Furry woman, Wearing Golden Armor and holding Golden Axes, Western Carton Style, looking at her reflection in a mirror, while standing in an abandoned pool changing room. +Brigitte Macron as a young top model +A close up screenshot of MKBHD YouTube reviewing a new piece of tech hardware in his studio, HD 8k photorealistic shot on Fuji film +Holding up massive flesh coloured dildo, chubby Afro American girl doing twisted splits breakdance upside down bare model, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A silhouette of a mermaid sitting on a rock, rear view, looking at the see, long hair, sunset, birds +young Lee Young Ae as an european peasant woman +fantasy character portrait digital painting, anime style, detailed with beautiful emotive lighting suggesting personality, and background that suggests character backstory +A digital painting of Harley Quinn from Batman comics, standing in the middle of a circus ring, holding a baseball bat, wearing a playful and colorful outfit, bold lines, intricate details, 4k resolution, theatrical lighting, +fantasy art print, peaceful giant towering kingfisher from legend of ravaging dynasties flying towards a small boy, majestic wings, drawing +Fight club movie VHS cassette, insanely detailed, photorealistic, 8k, volumetric lighting, , +attractive, young, fit man, white suit, waving one hand at the camera, rejecting, denying, angry, mad, serious, , +a kingfisher in a cowboy hat sitting on a pole +Transparent glass tiger with clockwork inside +a painting of a Yoda flying on a comet, painted by Cezanne, photorealistic +A giantess sitting outside a small cabin with her tiny lover coming out to give her flowers. +celebration at a medieval royal court, epical, fantastical, magical, mystical +image of a sylish vintage airstream camper in magical forest, photorealistic, digital painting, artstation, intricate artwork by Tooth Wu and wlop and beeple. octane render, trending on artstation, greg rutkowski very coherent symmetrical artwork. cinematic, hyper realism, high detail, octane render +The matrix portrait of a young Clint Eastwood in Blade Runner very sad and relucant expression, wearing a biomechanical suit, scifi, digital painting, concept art, smooth, artstation hq, +A car driving through the desert, digital art, epic, fantasy +asian woman non-existent clothes in the middle of street, new york +Beautiful attractive elegant thin slim young shy apealing polish female nutritionist +mourobscure etching tega 📊 scorsese cava pen,Jules Bastien-Lepage +carrot root hair, stunning photo, high-res, ad campaign +Animal figurine, plastic transparent outer shell,polished gold circuit boards, rococo markings, visible inside, Product shot, prototype, robotic, detail, filled with colorful jewels electronic computer components, product photography, white background,owl +photo beautiful freckles readhead sweat woman sensual eating dining table food cake desert background glass translucent view Eiffel tower warm glow neon Majestic Vibrant Serene Dramatic Ethereal Sublime Bold Tranquil Luminous Radiant Graceful Striking Tranquil Mystical Breathtaking Enchanting Harmonious Peaceful Glowing Dreamy. +anime screenshot with a girl in a black sailor uniform shopping +comet hurling down a medieval marketplace +jeremy clarkson and james may kissing +Play golf in a spacesuit in the sky +a portrait of a human woman with short hair wearing leather clothing +cool humanoid cat riding a steampunk motorcycle, realistic digital art print by Tom Blackwell +3d render of bearded dragon in the cockpit of a submarine, octane engine, deep ocean, volumetric lighting, 8K uhd +cyberpunk giant kinky muscle young Soldier inquisitor stabbing dead pregnant girl at Slaughterhouse. art by Ilya Repin +an open hand with 5 fingers +storm in a c-cup girl 8k +three cups filled with orange juice on a cafe table +melanie laurent, close up, in a tuxedo at the oscars red carpet +a screenshot of Breaking Bad for the PS2 +Masterpiece, best quality, male snow elf in arctic catacomb wearing hide armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag. The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +To the east, a ribbon of river winds its way through the valley below, shimmering in the morning light. In the distance, the peaks of distant mountains are silhouetted against the sky, their snow-capped peaks tinged pink and orange by the rising sun. +a digital painting of a satyr archer with furry legs and hooves +a close up of the heavenly catholic demonic leader cyborg iron maiden,surrounded by bishops in red robes,glowing eyes,large view,a surrealist painting, inspired by Jean Fouquet,by artist yves tanguy and james stokoe and vincenzo riccardi, metabaron,masterpiece +An image of ancient Indian looking scientist working on regenerative medicine +luxury penthouse, manhattan, large living room, open concept, at night, modern, minimal, opulent, luxury, modern cottage wood, glass, shiny glass, dark aesthetic, dark mood, trending on pinterest,wood, steel, marble details, polish ebony floor, piano, beside view,details in shiny black, modern fireplace, shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray +A dishwasher machine cleaning plates using hundreds of fleshy tongues +carl johnson from gta san andreas wearing red jacket on streets of las vegas +DSLR portrait of a beautiful young bald woman wearing leather boots and red skirt +portrait of happy old male shaman holding a opened box with Jewel's covered in symmetrycal blue lotus crystal covered by windy splash of strings of light in a dark sky covered by stars, splash of glowing water, painting, aligned, dramatic light, by baade carrie ann andrews esao amorsolo +Cat licking a girl, sunny day, highly detailed +A woman wearing a shirt that read’s California Sun +Portrait of a tiger wearing a train conductor’s hat and holding a skateboard that has a yin-yang symbol on it +photo of a submarine in the jungle river,flooded submarine,splashing misty mud rocks,panorama, +a blue merle cavalier king charles mixed with a toy aussie with heterochromia +A bustling Cyberpunk ramen stall in the streets of night-time Los Angeles, the neon lights reflecting off the glimmering structures, detailed 8K ray-trace render, HDR and volumetric lighting with smoke, traditional gothic shōgun architecture, cyberpunk AI art. +, fantasy, pastel, absurdist, photo, refined, microbes made clay +futuristic 30th century desktop pc, homogenic high-tech, floral wavy layout, dark saturated colors, black background, purple, dark pink, dark red, dark orange, polished gold, polished copper, dew, wet, moist, reflecting glossy lights, caustics, ambient occlusion, raytraycing, detailed precise shadows, sunrise +the complex scene from anime of marvel ironman in the style of Hayao Miyazaki, Studio Ghibli, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +Emma Roberts as Jill Roberts Photorealistic +Billie Eilish in a wet white t-shirt at the pool. Wet, sweat. +a man in a tan trenchcoat and a woman in red dress fighting and arguing in a 50s diner +fantasy oil painting by jazza and bob ross, a cloud that looks like a majestic dragon, +Albert Einstein eating dinner at a michellin star restaurant, dressed up as a mermaid, ultra high quality, very realistic +a sign with text :"Le mardi c'est hippopotame" +cinematic still of a stainless steel robot landover swimming in a pool +A futuristic world with ultra-technologic elements and over-developed citizens living 1000 years from now +a beautiful anime girl, looking at viewer,intricate embroidered black high slit cheongsams,pantyhose,white fur trim elbow gloves +film still, close up, taylor swift n a k e d rising out of muddy vietnam river +A black cat wearing a chef's hat making sushi on a countertop in the style of photorealism +Portrait of a playful winking beautiful young female model with large afro in 70s, studio lighting, advertising, dramatic colorful lighting, Zeiss 150mm f2.8 Hasselblad, award-winning photo +photorealism, a super adorable spacepunk girl, she is reclined in the cockpit of a small spacecraft, her clothing is futuristic and colorful with chibi anime characters on it, ultra-realistic render, high resolution +a doctor wearing scrubs, holding a needle, staring at the camera +a rubber gummy traslucid flower, vrays hyperrealistic, unreal engine +toilet design in style of dodge charger, black, photo +kurt cobain and jimi hendrix on a bed together +a cat blowing on a birthday cake +From Front Exterior Photography of gigantic interstellar spaceship docked in space station. by Ridley Scott. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +Flaming Yin yang!!!: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean Baptiste mongue: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant: expansive +art poster, wildlife photography by legend of ravaging dynasties +An abandoned gas station in the desert. +Goddess of Helium, 8k octane beautifully detailed render, post-processing, extremely hyperdetailed, intricate, epic composition, grim yet sparkling atmosphere, cinematic lighting + masterpiece, trending on artstation, very detailed, vibrant colors, Art Nouveau, volumetric god rays, deep underwater scene, sharp focus, smooth, dizzy, moody +astronauts taking a group picture selfie on mars +a wide angle photo of large gold head Ceaser on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, plants overgrown outstanding detail ,in front of a building, +Abraham Lincoln talking into a professional microphone +a small plant with tiny green leaves, sprouting out seedling of lights in a magical land by artgem +A woman wearing long flower pattern dress standing beside the beach, calm, photo realistic, kodachrome, looking at the camera +fantasy art print, a charcoal dragon made out of charcoal by alicexz +Keanu Reeves as John Wick, HD 4K, sharp detail, photo-realistic accurate face and features +Sturdy and pink pickup truck classic model +fire elemental woman with a body made from flames, skyrim flame atronach, sunlit sunset, intricate meticulously detailed photorealistic perfect painting, large depth of field +a gameboy made of swiss cheese +Art with dots woman happy lines 1970s, smiling, beautiful afro, ultra detailed +Portrait of woman with wet hair peeks out from behind semi-translucent red glass, Cinestill 800T +A sign that says 'Beware of the Octopus' +dark skin, handsome man, young, rejection, deny, white suit, one hand pushing at the camera, angry, mad, serious +head of man body of duck legs of ostrich, photorealistic +An octopus drinking coffee in a cafe +colored digital line art, splatter drippings, paper texture, medium shot portrait of a beautiful female character in the style of Merlyn Monroe and , wearing a intricate detailed casual outfit, gorgeous eyes, beautiful face, dynamic pose, intricate, elaborate, dramatic lighting, russ mills, sakimichan, wlop, loish, artgerm +terrifying huge nightmarish dark souls boss, epic action shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +woman on her knees looking up begging, mascara running +An edge chronicles, ottaline Bill Nye by Chris Riddell +Math class chalkboard that has 2+2=5 written on it. #hdphotography +Highly Detailed Cyberpunk Building of Interstellar Trade Guild, digitally painted in UHD resolution on UE, with realistic lighting, detailed textures +a nerdy anime boy with a glowing blue rock. +an astronaut heat pressing the moon +A stop motion film by Walter White from Breaking Bad +high res image of roger moore as james bond, crisp, intricate detail, hq, best quality +, fantasy, pastel, absurdist, photo, refined, bird people characters +majetic tree, gloomy oil painting background landscape +The photograph captures the power of teamwork and collaboration, with a group of people working together to achieve a common goal. The composition is balanced, with the human figures carefully arranged to create a sense of harmony and unity. The use of depth and texture highlights the physical effort and emotional connection between the figures, adding to the overall sense of power and beauty +Angry board meeting in the style of Arthur Rackham +Emma Stone in 1984 Shinjuku, Kodachrome photo, masterpiece, absurdres, highres, featured on ArtStation +1960 batman surf mansion architect drawing, big sur, bat shape,cliffs and waves, nest, batsign, rotring pencil artist impression, by frank lloyd wright and gherry +Mechanical cat, electric, colorful, intricate:1.3, highly detailed:1.3, trending on artstation, color splash +ethan page, portrait oil painting realistic +a perfect anime artwork of cute heroine cutie wearing speedo mizugi +portrait of a beautiful woman with sunlight streaming through her blinds, volumetric light, hyper realistic photograph +Backlit by sun, Asymmetrical composition, Bold colors, Stack of napkins, glass of beer, Artfully stacked toppings, sesame seeds scattered on bun, Juicy, dripping burger, pickles and onions, Focus on burger and toppings, Top-down angle Outdoors with greenery in background, Adjusted white balance, added saturation +mechanical bee flying in nature, electronics, motors, wires, buttons, lcd, led instead of eyes, antennas instead of feet +burning water inside of a bottle which standing on a roof of a bmw 340i +anti-trump protest, lock him up sign, fat people with pink hair, extreme left +Extreme closeup of Rapunzel with glowing eyes, beam of light, tower, joy, by Kuvshinov Ilya +kevin owens wearing white briefs, sprayed with water from fire hydrant +rover75 car driving in molten lava magma, verdant, flowers, autumn leaves, absurd res, maximum detail, best quality, digital illustration, Most beautiful artwork in the world, Beautiful environment, Professional majestic oil painting, global illumination, studio light, volumetric light +The devil sticking tongue out holding a sign that says Rock n Roll, rock on +woman sitting on a chair near a table, photorealism, taken witheos 5d, soft lighting, professional photography, 8k uhd, color correction, film grain +a colorful crayon drawing of a peacock , in the style of pont-aven school, rainbowcore +Transparent pen floating inside a office room +incredible space state unreal engine 4 +A turnip wearing a tiny hat and monocle, sipping tea from a tiny cup, and reading newspaper, by artist Ludovico Marchetti +Masterpiece, realistic photography of a cold, beautiful landscape of an alien planet with a giant moon in the background, cinematic, still from games of thrones, epic, volumetric light, award winning photography, intricate details +a teen girl in a poncho harvesting aquaponic plants on the top of skyscraper in a cuperpunk city, grim dark atmosphere, realistic digital painting by jack rikar +"Soon" written in smoke coming from cigar +RAW photo of chinese style ancient town, +In China in the 2023s, a large area of sakura blossoms, a beautiful girl standing under the flowers, drinking guanye cool tea,photography, high resolution, retro, high detail, full screen, sunlight, crazy details, realistic photography,Medium Long Shot,Waist Shot,full HD, shot with Canon EOS R5, F2.8, ISO 100, 100mm +Michael Jackson dancing in front of a green screen that displays big ice cubes and bubbles +photo of dinosaur eating a landrover in the mud jungle +High resolution 3D animation, whole body image of a beautiful Diablo 3 style demon succubis with cherry red skin, black wings, and black horns as a naturist in the Scottish highlands, HD 8K, sharp detail, photo-realistic, cinematic lighting +A sign that says: "hello i am new" +ai art is not real art +A majestic gate to the end of everything. +a crowd of animal people dressed in bright colored furry clothes dancing in space +A closeup portrait of a Zen Buddhist monk in a busy street in 1984 Shinjuku at night, Kodachrome photo +christmas vector illustration, hills trees whimsical houses +a dinosaur running through a river ,tyrannosaurus , by Dietmar Damerau, splash, land rover defender, in a rainy jungle, fierce expression 4k, +Close-up on the lips of a beautiful young alluring beautician +smiling man holding a yellow sign saying "the fog is coming" +woman abused, body trauma, bruised, highly detailed, embellishments +1990 photograph of Tokyo street life, fujifilm, disposable camera +a 6yo Japanese girl in tutu ballet dancing, stocking, from behind, nikon d5 +A group of cyborgs having a party +18 years old girl, one head, nice perfect head proportions, blkmndy, lushill style, west white women, anime art, natural skin, soft impressionist perfect composition, perfect face, character portrait, intricate, oil on canvas, masterpiece, expert, insanely detailed, 4k resolution, comic style, cinematic, 4k, epic Steven Spielberg movie still, sharp focus, emitting diodes, smoke, artillery, sparks, racks, system unit, motherboard, by pascal blanche rutkowski repin artstation hyperrealism painting concept art of detailed character design matte painting, 4k resolution blade runner, sharp focus, emitting diodes, smoke, artillery, sparks, racks, system unit, motherboard, by pascal blanche rutkowski repin artstation hyperrealism painting concept art of detailed character design matte painting, 4 k resolution blade runner +A samurai warrior facing a wolf +A sign reading "Don't sleep on the tracks" +A photo inside a car with a bear driving an mgb ,steering wheel leather seats +A highly detailed portrait of Storm from the X-Men summoning a lightning storm painted by Zaria Forman featured on ArtStation +Cinematographic 1970s Chirac robin-superhero-batmobile french photoportrait carshow spaceship anglican-tiara-mitre Archbishop Jacques Chirac RPR vatican space program moebius capsule launchpad thunderbirds-vuitton Astronaut papal official leica hasselblad photograph in Vatican royal helmet metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Painting of a quaint little town center with cobbled street at night, wet pavement, anime style +A black cat wearing a chef's hat and an apron making sushi on a countertop in the style of animal crossing +abstract, futurist art of a city street +A marble bust of felis catus without whiskers +A Chinese middle-aged man cooking in Vancouver. +Small lean Muscular man short short body short legs white background t-shirts +A 4 panel English comic strip about two young women who are in love with each other and like to cuddle. +Family logo, minimalism, color logo, logo with dribbble, mindjourney style, HD, 3d, Behance, ultra realism, indian luxury +Horror scary grudge in mirror in dark room +gorgeous female sitting on a bed, Indian American, wearing a sheer saree, bare legs visible, attractive, flirting, full body visible, looking at viewer, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +a miniature version of the Eiffel Tower +cute red-panda as an astronaut, cute, cartoon, pastel colors +instagram selfie in front of the gaping mouth of a shark +a woman with "forehead" written on her forehead in marker +A purple cat, polaroid, frutiger aero style, aqua interface +painted winter forest landscape with ultradetailed, Luis Royo, jeremiah ketner +A person facing away from a mirror and the mirror not showing a true reflection, creepy +polar bear on ice skates in a mall in a caricature style +Helmut Newton portrait of Gisele Bündchen, supermodel, at age 38, wearing a blue wool suit and white shirt. She is wearing a Swiss watch. There is some sweat on her face. She is sitting on a folding chair on top of a skyscraper. She looks serious but serene after her work day. The photo is grainy and shows the seaside scenery behind her. +a large room ,austin minis with teddybear people walking about,lots of teddy bears smiling, sharp focus photo, studio lighting ,sci-fi room +ferrari testarossa parked in front of a hedgerow +detailed photo of beautiful elven girl in intricate robe +An armchair in the shape of a avocado, white background, product photography, realistic image +a man in the tar pit morphing into a black gooey latex lioness, award winning wildlife photograpy. Wildlife Photography, dslr, slime, goo, solo, transformation, mid transformation +John Wick, Nokia 3310 in an office +Letter "R" usign typography styled of realistic alien spaceship, worm, biological, dramatic light, hyper-detailed, soft cinematic lighting, 3D, octane render, 8k, black branground +a cat with a star in front of Sega building in Akihabara. +Photograph of Muscular and Sweaty Alexa Bliss showing off her sweaty armpits with a fierce expression on her face, +joe biden wearing a gold chain and a long red puffer jacket +Photo of 14 yo girl posing in school, short smile, perfect faces, detailed pupils and eyes, thighs, waist, high-quality, post-processing highly detailed, fine details, 4k, adolescent body, undercut blue hair +Kaws artist style, bunny object, 3d model, collectible toy view, combine Kaws artist style and style from cunningbunny +hot anime waifu dog furry with the face of Elon Musk +Full-bodied portrait, cute and adorable cartoon white rabbit baby wearing a gold jaguar print hoodie and silver sunglasses, fantasy, dreamlike, surrealism, super cute, trending on artstation +High precision European-style houses Rooftop photovoltaic panels Playful children +an oil painting of a sad old man +peter griffin from family guy in real life, photograph +psychedelic ferrari mercielago twin turbo by Ralph Steadman and Bill sienkiewicz and carne griffiths, black and lime green color scheme +1986 young Kim Wilde in a disco +A beautiful woman, with black eyes, redhead, wear a dress made out of deep space and stars +Mickey Mouse drinking a beer on a bar, art by goya +Zoomed in Yakutian Laika face, background snow +illustration of beautiful shapely alluring cute femme fatale, film noir, red and black and white and red +Beautiful FAT Pig Woman, Furry Cartoon, in Gold Armor and holding A Golden Axe, standing in an abandoned swimming park bathroom, reflected in a mirror +Cyberpunk, Kinetics and Kuchipudi, Kathakali, Cyborgs, Ancient India style, fine details, Ravana, Si phi, silver on a black background, inlaid gems, Indian mehendi patterns on the case, diamonds, precious metal, Baroque, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution, 8K detail, technological, rough background, HD quality, unreal engine 5 +a tennis player at Roland Garros +Emoji button on a Google form +a photograph of c3po inspecting a lotus esprit car that is in the jungle ,4k wideangle photo +liminal space, twilight, maze of white walls, mist at the horizon, from the top of a liminal scifi landscape gentle slopes +Pop art image of a group of people engaging in standup meeting in front of kanban board +Demon Mermaid Renaissance painting, pretty and expressive eyes, ornate costume, elegant, mythical, ethereal, intricate, elaborate, hyperrealism, hyper detailed, strong expressiveness and emotionality, by ayami kojima, tom bagshaw, yanjun cheng, artgerm, wlop, krenz cushart, gweiz, Thomas Kinkade, Gerald Brom , hyper realistic, volumetric lighting, photo realistic, octane render, unreal engine, 4k +a pencil drawing of super mario eating a mushroom +Black cats by Hilma af Klint, rifle paper co +Eren from attack on titan, full body, anime, key art +dark Brambly hedges, Vicotrian mice, by Jill Barklem, coloured pencils +The Grim Reaper meets the ladies...in the wrong room +A highly detailed steampunk style wrist watch +a green goblin sweeping leaves into the ocean, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +A photorealistc neon sign with real words in the desert southwest at night +a cat sitting on top of a helloween pumpkin, tshirt designs style +A watercolor painting of a cat, colorful, stylized +Something amazing and unusual, photorealistic, high quality, +art by Alfons Mucha, whole body photo portrait of 20-year old Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise with Leonard Nimoy Spock style hair cut and slanted eyebrows, HD 4K, photo-realistic accurate face and features, cinematic lighting +League of Legends champion. Octara is a champion with a humanoid upper body and an octopus lower body. Her dark blue skin shimmers with scales, and her hair is a mass of writhing tentacles. Her fierce expression and imposing presence emphasize her powerful nature. She has eight tentacles that act as arms and are covered in tiny suction cups. Octara's eyes are large and expressive, giving her a more octopus-like appearance. Her ornate robes are adorned with intricate patterns of swirling tentacles, further accentuating her octopus-like appearance. +teddybear crew inside large spaceship room, sci fi,star trek bridge chairs +Realistic violin instrument made of rococo style art, gothic, shiny, gold, Neoclassical, elegant, beauty, antique classical, rococo style, pastel colors, shot photography by Wes Anderson, masterpiece, Canon50, Beautiful Lighting, highly detailed, detailed features, unreal engine, Octane Render, very detailed, symmetrical, mythology, hd, 3d, hq, iq 180 +realistic photograph of taylor swift with a healthy pig,solo,highly detailed,beautiful face,masterpiece,natural lighting +anime urban samurai fisherman masked vilain +statue of Liberty wearing a shirt that reads Rock N Roll +masterpiece, extremely intricate, photo portrait of a man, trimmed beard, chiseled jaw +a robot playing poker with a dog +Beautiful unique extravagant macabre dress, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +digital painting of electric orangutan, electricity aura, electric storm, electric zaps, electricity coming out of body +A 1984 pinup illustration of Emma Stone, masterpiece, absurdres, highres, featured on ArtStation +ben shapiro holding a large bucket of white fluid +A girl holding up a sign that says "Who farted?" +beautiful oil painting, PORTRAIT of cute girl monsterHigh, blythe, bratz goth girl, high resolution, detailed HQ fine polished, trending on artstation, Loish, Ilya Kuvshinov +Computer screen which has an audio wave on it and keyboard located in the captains quarters of a space ship travelling through space, there is a cup of hot coffee on the desk, cinematic composition, Photorealistic, Cinematic, Highly Detailed, unreal engine 5, ultra detailed, 8k, hdr, cinematic lighting, depth of field, Photorealistic, Highly Intricate Details, ultra high, ultra detail, Photorealistic, Cinematic, Highly Detailed, Camera Shots, Dramatic, Realistic, high quality, +liminal space, twilight, white walls covering rolling hills,mist at the horizon +Pretty girl with straight pink hair, wearing latex short shorts +Octara is a tall and imposing figure with a humanoid upper body and an octopus lower body. Her skin is a dark blue and covered in a layer of shimmering scales. Her face is fierce, with sharp teeth and a determined expression. Her hair is long and flowing, made up of writhing tentacles that seem to move on their own. She wears a set of ornate robes that are adorned with intricate patterns of swirling tentacles, further accentuating her octopus-like appearance. In her hands, she holds a powerful staff that crackles with energy, ready to unleash its magical power upon her enemies. The overall feel of the artwork should be imposing and powerful, emphasizing Octara's formidable nature as a champion in the League of Legends. +A futuristic cyberpunk city at night, digital art +a shadow of angel standing in the dark, heart on fire +cave, mine, glowing crystals, magic, fantasy, wolf, runes +a dragon destroying New York City +a steampunk cat with wings +a turtle racing against a car +A realistic photograph of the planet in 2050 +create a 4k ultra, scary and dark themed image of a staircase in the middle of a house +Pastel neon bloom night city future cyberpunk painting, detailed, girl on balcony view +A robot butler with a mustache. +Beautiful feminine. Ultrarealistic female. Soft light. Low contrast. Film photography +Waterfall in a forest, coloring book page, simple vector, +A noodle fighting a dumpling ] +karol ghibli style, julia alina emma wearing alien afro-futuristic cyborg armor on a pantone alien planet, by enki wlop testino karol +johann oehorst chal hath �market illuminate,Jules Bastien-Lepage, night, chiaroscuro, Michael ancher +Obese Lana del Rey eating a cherry Bakewell tart, insanely detailed, photorealistic, 8k, , +Painting of biomorphic melted cobalt goddess statue brane style +Saint Petersburg at nigh by Salvador Dali, soft light +1800s painting of Ron Desantis as a Russian tsar +liberation of palestine al-Aqsa mosque fill with armay +eighteen year-old girl, short blonde hair with bangs, light blue eyes, black long-sleeved shirt, black jeans, choker, black reading glasses, soft lighting, 4K UHD, masterpiece, best quality, detailed, detailed eyes, detailed hair, photograph, bokeh +A sign that has a laughing crying emoji and says "laugh" +teenage dance competition on stage in competitive dance costumes using the colours orange and red +An attractive woman sitting on a fence dressed in cowboy clothes +The Black Eyed Peas and Albert Einstein rowing +Video game playing a video game +film still from romantic beautiful 80s american dark fantasy movie, naturist, sauna, girls +a tennis player playing tennis at Roland Garros +a Professor is paying chess with a manly humanoid android which looks like a human and has cyberlines in a living room retro 70s sci fi enhancement under orange furniture and turquise light +Traditional library with floor-to-ceiling bookcases in Madagascar +Cinematographic 1970s marlboro cigarette Chirac robin-superhero-batmobile french photoportrait carshow spaceship anglican-tiara-mitre Archbishop Jacques Chirac RPR vatican space program moebius capsule launchpad thunderbirds-vuitton Astronaut papal official leica hasselblad photograph in Vatican royal helmet metal scaphandre launchpad pointy oxygen hazmat gloves helmet +A flower blooming out of a crack on a boulder among pine trees in a forest +a barefoot Persian Amazon wilding a scmimitar. foot focus +A sign that says PICK A PIC +artificial neural network, octan render, particles, majestic visualisation +a wide angle photograph of a ceramic sculpture of Ruler soldier made from a matt black earthenware ceramic, by michelangelo, standing holding an m 1 6 rifle in the standard pose on the standard curved ground base, made in a mould, showing seam lines, realistic human proportions, perfectly centred composition, beautiful, intricate, created in unreal engine, insanely detailed, trending on artstation, 1 6 k artistic photography, studio photograph, photorealistic, soft natural volumetric cinematic perfect light, chiaroscuro, award winning photograph, masterpiece, raphael, caravaggio, greg rutkowski, beeple, beksinski, giger +Girl in victorian corset fight with sword +ul Goodman and Kim Wexler sit together on a desk in an empty office,80s anime still,retro fashion, muted pastel colors, by Tsukasa Hojo and Toshihiro Kawamoto ,highly detailed,highly detailed face,close up +cute darkness elemental spirit creature by monet +a mature woman at the beach sunbathing. +A man falling into an infinite abyss +, fantasy, pastel, absurdist, photo, tiny house matchbox +ocean wave made of porcelain with gold +Orange fruit, mint leaves, orange juice splash, realistic photo, food photography, Epic cinematic brilliant stunning intricate photo, 8k resolution, bokeh and volumetric lighting professional color graded and hyperrealism DSLR sharp focus golden hour, studio lightings, food photographyunset reflecting on a crystal ball +Giant skull melting and creating a blood river through an ocean of blood +tattoo of a dreamcatcher drawn with black lines surroundes by colorful watercolor splashes and smoke. head of a wolf in the front howling +cyberpunk cityscape, futuristic, neon lights, 3D render, high quality, 4K, 8K, ], artstation, deviantart +a wideangle photo of armor on display in a smokey roman villa burning,smoke filled room debris ,floor mosaics Tripod fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +un logotipo de candado moderno, diseño minimalista, esquema de color monocromático azul, formas elegantes y simples, líneas limpias, abstracción geométrica, espacio negativo, degradados sutiles, ambiente retro, fondo blanco aislado +lord of the rings, rivendell, majestic buildings overlooking waterfalls, canyon below +Dvd 1990s anime screenshot of Full body portrait with decolette of feminine gorgeous melancholic elegant android leaned forward, in the ergo proxy and perfect blue and ghost in the shell and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, streets on background, complex scene, rainy, latex bodysuit, retrofuturistic weapon, film grain, dreamy mood, Roberto ferri style, +peppa pig by botticelli, oil painting, paint texture, cartoon character +Cosmic skull bursting into wisps of nebula; complimentary cosmic colours; by android jones; alberto seveso; Jean-Baptiste Monge; makoto shinkai; Bastien Lecouffe-Deharme; Peter Mohrbacher; cgsociety; Unreal Engine 5; bright complimentary colours; Trending on Artstation; dramatic volumetric lighting; fantastical; sharp focus; ZBrushCentral; maximalist; Epic cinematic; digital illustration; fantastical; horror +oil on canvas Jack The Ripper walking on amsterdam a kimono painted by Edvard Munch, german expressionism +concept art, drawing of fantasy ballroom at night, with faceless dancers in fancy dresses and suits +Woman in forest beutiful feminine body figure well dressed +Fae office worker in the style of Arthur Rackham +A female alien in blue and purple tones +silhouettes of 2 people on a bench watching a sunset +Photorealistic Triangleface from silent hill standing on the dark street, new york, 4k DSLR photo,ambient lighting +The Skin Thief by Frank Miller, Bernie Wrightson, and Mike Mignola. Clothed in rags and a cloal. Incredibly detailed, maximalist matte painting. Portrait of dark god. Colorful hues. 8K resolution, HD, DSLR, polished, realistic oil painting. Comic book art. Detailed comic book cover art. +Panda astronaut, ultra realistic painting, midjourney +Word "ART", written, minimal, screenprint poster, in a frame +A black african with green eyes white moustache white afro traditional African attire +Boy cooking in just an apron, rear view +, fantasy, pastel, absurdist, cat matchbox, middle finger +photo about a 8 year old girl, wearing denim shorts and blouse, show her uncle, do twerking +bubba ray dudley, wearing leather strap armor, waterbending magic +a studio product photo of a glass bottle soda with galaxy's in it +logo of cute weasel, modern, low-poly, detailed +isometric cherry tree, cyberpunk style, realistic, video game, style of behance, made in blender 3D, white background +Portrait of a cute duckling wearing a cowboy hat! by Ismail Inceoglu, james jean, Anton Fadeev and Yoshitaka Amano, insanely detailed, 8k resolution, digital art, full height, trending on artstation, Vibrant Colours, chibified style, a masterpiece, adorable friendly lovely, cg, 3d model +A pair of twins, sister 11 years old, holding a 1-month-old brother, pink theme, very warm picture +Picture of Gal gadot face with Riley Reid's body, showing entire body with legs spreaded +an old man yearning at the horse father +spaceships flying in space in the style of Ralph McQuarry +art poster, the essence of charcoal painting, a jedi silhouette with a violet lightsaber on a mountain landscape by J. M. W. Turner and bob ross, charcoal painting +Zdislaw Beksinski Dariusz Zawadzki dustyray oil painting +a photograph of velociraptors attacking a teddy bear in the jungle river, +A girl with a ponytail strolls through a flower field +full color alan turing giving a lecture +Muscly Goofy from Mickey Mouse in the pool +Stunning beautiful woman with flowing auburn hair swimming +Insanely detailed maximalist fairytale illustration of an epic sweeping elvish mushroom stairway curving up around a hyperdetailed ornate intricate woodland fae stained glass treehouse, Josephine Wall and Alphonse Mucha, mushrooms, fireflies, golden hour, softly glowing, misty, 8k resolution concept art, gloaming +Photo of a girl kneeling on a bed +An image of a black girl with pink, coily hair wearing a witch hat. +photo realistic render of ant's view of huge and majestic demon's endless tower building in the style of Greg Rutkowski, Doom Enternal, cyberpunk hell, trending on Artstation, cgsociety, shadows, reflections, Sauron's eye +A portrait of a furry owl person wearing rogue clothing, holding a fire sword, in front of a fantasy tavern, photorealistic realistic +photorealistic gorgeous woman, cinematic, higly detailed +This lil guy is named Gumball and he's adorable +detailed intricate, fur, fur covered, sci-fi armor, metal, creepy dark liono glowing eyes, anthropomorphic, anthropomorphism, gloomy, dynamic full pose, volumetric fog, ultra-detailed, photorealistic, centered, anatomically accurate, natural cinematic lighting, bloom, bokeh, depth of field +adorable baby DRAGON sitting inside a teacup, vines, leaves, deep colors, full moon background, Watercolour Painting on paper, impressionistic, intricate details, 8k, photorealism, airbrush, complex, volumetric lighting wet brush, epic composition, depth of field, glazing, cel-shaded detailed painting 8K resolution intricate meticulous artwork +Antique, warm hues, short, chubby, girl teen, pee, bare, smooth, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A realistic portrait of a man with hazel eyes and curly hair, in living room, reading book, relaxed, smirk, portrait, cozy background, hyper realistic, charming, detailed, bookshelf behind him +malnutrition conversation english poetryday cornish �ancestors feeding , Jules Bastien-Lepage +long shot of an Epic red dragon surrounded by smoke flames and lightning!" a breathtaking artwork by Andrew Ferez, Brian Kesinger, Beeple, Caspar David Friedrich, Epic scale, highly detailed, clear environment, triadic colors cinematic light 16k resolution, trending on artstation +Random girl hugs Henry Cavill superman +a cat, wearing German military uniform +Create a digital illustration of Pikachu enjoying a relaxing day at the beach. Pikachu is lying on a beach towel, wearing sunglasses, and sipping a tropical drink with a tiny umbrella in it. The sun is shining, and the ocean waves are gently lapping at the shore. In the background, you can see palm trees swaying in the breeze and seagulls flying overhead. Make sure to include plenty of bright colors and playful details to capture the cheerful and fun-loving spirit of Pikachu. +Photo of a blonde girl, wearing respirator, ponytail +coffee next to a donut ton a table in a cozy rustic cabin, snowing outside the window view of mountains, fireplace, comfy throw blanket +concept art, depth of field, waterpaint, insanely detailed close up, elegant blind chibi barbie made +Hyperrealistic image of a japanese woman +photo of a female model, full body, navel, photo +A human holding a sign with text on it +hyperrealistic polaroid, extremely detailed pale young woman covered in fungus, fungi, slime mold, mushrooms growing out of her eyes, slime mold covering body, slime mold covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +The official portrait of an authoritarian president of an alternate america in 1950, "Jared Stoner" in the style of Norman Rockwell , +realistic photo of a belgian couple in a belgian city +Black and white 1905 year futuristic portrait old mindless professional photographer with camera in hand Covered by kangaroo in a toilet covered by mushrooms +an empowering view of a orca warrior wearing royal robe,and a kangaroo warrior with an eye scar,fighting a giant demonic flying whale ,menacing,by artist Ian Miller and by artist Ken Kelly and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +A highly detailed anime moth girl on an iceberg holding a lamp +Flying vehicle, non-existent, unique, masterpiece, marvelous, fantasy, unusual, very unique, magically, wonderful, Megapixel, LED, future, high-tech details, border of magic miracle +magic mushrooms growing in a crystal cave, pixel art +An abandoned house, interior, broken tv, dust particles floating in the air, god rays through window, decay, overgrown vines and weeds, photorealistic, highly detailed +A text "TNNNT" film named "TNNNT" series of ninja turtles cinematographic poster with "TNNNT" written in the centre, dramatic lighting, text "TNNNT" on the centre +A cat wearing sunglasses and a Hawaiian shirt +ronaldinho playing guitar brazilian songs while shooting to the score surrounded by mexican mariachis rose bowl statdium +Soft wild style graffiti of intertwined letters painted by james jean and tats crew and loomit, in pastel warm colors . artwork by tooth wu and wlop and beeple and dan mumford and greg rutkowski and nekroxiii. halo. octane render, blender, cinematic, hyper realism, octane render, 16k, bokeh. iridescent accents. vibrant. Volumetric lights, ray traced Caravaggio +, fantasy, greyscale, absurdism, photo, refind, horror movie scene +atractive seductress girl, wet, wet skin, milcky covered, oiled wet, lactation machine, ultradetailed, giving birth, by artgerm, masterpiece +a beautiful anime girl with low-cut shirt, smiling, pezón +Star Wars scene artificial intelligence aBedlington Terrier dog wearing golden Jedi knight cape holding a blue lightsabe in it's let paw, shwing R2D2 and 3PO in background, artstation trends, concept art, highly detailed, intricate, sharp focus, digital art, 8 k, +dreamlikeart of a wizard shitzu, in a magical florest +growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro living room, Jules Bastien-Lepage,movie still +Bedroom, minimalistic, colorfull, liminal space, nostalgic, photorealistic +Stunning mature lady in red dress +dark dungeon with blue and pink side lighting, dark lighting, spooky magic +real original sin, paradise, Detailed portrait of an beutiful fairy, DND character portrait, perfect composition, by greg rutkowski +Conan the Barbarian standing next to a CRT tv +You look like Jesus if he were a butler in a Russian mansion. +napoleon taking a selfie on a risk painted by van gogh +an attractive young caucasian woman playing the piano +stone cottage, verdant, flowers, autumn leaves, absurd res, maximum detail, best quality, digital illustration, Most beautiful artwork in the world, Beautiful environment, Professional majestic oil painting, global illumination, studio light, volumetric light +A cat standing on a tiled roof, looking at the distance at a colombian old city, a forest in background, clouds, depressing vibes, dark world, artistic digital painting, oil painting and anime style +Detailed concept art of a medieval banquet in a dungeon, view for above +Lady gaga as usa president, posters, political propaganda, political poster +An illustration of a white crow with black empty eyes and a golden crown on its head, digital art, beautiful, dark +Antique, warm hues, full body, chubby Afro American, legs spread wide, teen girls, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +italian barista on 1940 making coffee with a moka pot +Handsome Jack from Borderlands, portrait, cartoonish +A businessman in a suit, photo +flaming bird. Phoenix! Bird. By Alex maleev: by Ashley Wood: by Carne Griffiths: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: by Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: by Jeff Koons: Deep colors: deep depth of field +A glass with a small village inside +A cluster of colorful balloons, blue sky background +Pixel art, Close up of Sara Jean Underwood face, extremely detailed, beautiful eyes, pouty smile +A cinematic DVD of still from Showgirls, musical scene of Kristen Bell as a big tiddied goth girl risqué dancer servicing her customers 🫦🍆💦, smoky, low budget +Young Teen Victoria coren-mitchell, beautiful, mommy milkers, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +photograph, high detail, high defintion, 8k, hdr, global illumination, girl disrobed +A cartoon lemon playing a guitar on a hyperrealistic beach +elderly nun in blue frock and leather cuirass, holding shield and mace, with owl on shoulder, painted by John William Waterhouse +the most beautiful woman in the world posing for a men's magazine. high res. 35mm. photo real +1960s street style fashion photo capturing a gorgeous 30-year-old woman with long brown hair, slightly blush cheeks, and a sly grin walking confidently on a bright spring morning in TriBeCa. She's wearing a stunning white lace Gucci gown with a full tulle skirt, intricate lace detailing, long lace sleeves, a high collar, and a fitted bodice adorned with delicate floral appliques. The soft lighting and careful composition emphasize the dreamy and romantic elegance of the gown +A wild western town with people and horse and carts in the streets +photography of new york with mushroom shape buildings +breathtaking. a portrait of a cute beautiful female wlop, with a thin, dark, beige, dark hair, very detailed, with a short, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very detailed, with a long, dark hair, very +family head reflectio in windowpane glass with snowy landscape softly,gustav royo ingle grandmother seated recalling hardworking famine, Katherine kollwitz +, fantasy, pastel, absurdist, photo, Wes Anderson, llama characters +Anorexic indian man with a pillow for fist punching +pixel art of a jack russel terrier floating in space with moon and stars +a bratz doll of an haitian man, stock image, centered, almond eyes +creepy teletubbie with a knive on a theatre +close up vintage classic car hot rod; by Klaus Wittmann; Alejandro Burdisio; Stefan Morrell; Cedric Peyravernay; Ismail Inceoglu; Jeremy Mann; Dynamic lighting; finalRender; CGSociety; deep depth of field; dynamic pose; unique composition; complementary colours; early morning sunrise; sci-fi; futuristic; apocalyptic; digital matte painting, 8k resolution concept art +Standing at the entrance of a small temple in Yangshuo, steep steps lead up to the sanctum, filled with priceless antiques and Buddhist art. The temple is perched atop a towering cliff, giving it a secluded and mystical aura. Morning light fills the temple from the east, while the setting sun casts long shadows on the floors below. +FIR PLANK WOOD PAINTED TRAY SET +photo of a hedgehog wearing a swimming suit +atmospheric illustration of olympic swimming pool +Pafunum Electronic Entertainment logo, retro logo +hello kitty god emperor of mankind +Oil painting of standup meeting, all participants are standing and discussing with each other +Cute adult woman, freckles, loose clothing, pezones visibles, wearing see-thru fishnet shirt +One logo, Simple logo, vector, Paul Rand, white background +a soccer game between fantasy creatures in a frozen stadium, epic fantasy artwork +abstract impressionism, muslim bird woman with long flowing dress flying through sky, storm, aqua and blue and gold colors, , impasto, wispy clouds, Tyler Shields, Steven Outram, Eric Zener, Odd Nerdrum, Noah Bradley, Richard MacDonald, Anne Bachelier, Leonora Carrington, Edward Moran, Gustave Caillebotte, Grimshaw, Ink wash +Doughnut powered by music floating toward the horizon on a soft landscape, colorful ink drawing on artstation HQ +Darth Vader being sworn in as president at the US Capitol Building +bitcoin producing machine, scifi, beautiful real +Black pen illustration of a werewolf +a guitar on top of a cloud. art by davinci +masterpiece portrait of Kristen Stweart standing in the movie set, film photography, dark atmosphere, sharp focus, photographed by Annie Leibovitz +portrait of one man cyborg, cyberpunk india, painted face, body art, cyber face, complex proportional side view, dark fantasy, kathakali characters, detailed, spotlight, shadow color, high contrast, cyberpunk city, multicolored, bright, high contrast, hyperrealistic, 8k, epic diffused light, octane rendering, kathakali, soft diffused light, HD +A monster ship hybrid, sea creature, evil, dark fantasy, rough sea, storm, rain, mysterious glow, 4k, realistic, monster design +Gritty comic book art of a town +Beautiful woman on the beach, Quality photography +The long lost tribe of shabaz +A oil painting portrait of giant Muscle bald master pathological sadist severe Slaughter wear black uniform came to oppress and enslave, backgorund in red fluid. Surrealism art by Ilya Repin +Anime girl with long purple hair. Wearing a hoodie +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Francis Bacon +A 3d model of a funko-pop of Lionel Messi +soothsayer in outer space, fantasy digital art, extreme detailed +Big dog and small rabbit talking a selfie together +a renaissance painting of a young female wizard standing in front of a castle, upper half of the body visible, facing the camera,Terry Pratchett book cover +A little girl lost in the forest +an image of a fit man marble statue, greek, studio lighting, fog, professional photography, 35mm, 4k, golden hour +, fantasy, pastel, absurdist, photo, refined, weird bird people +Toaster designed by Dieter Rams. Intricate render. Cinematic product shot +I forgot to pay my taxes, doctor! +Painting wide angle of the Beatles inside a yellow submarine by Norman Rockwell +digital illustration of a desolated medieval town, foggy day, an old jester dancing, high detail, 4k +A volkswagen designed by darth vader in the 1970s +Cave, low view, epic, cinematic, morning, splash art, HDR, UHD, 64K +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, emoji style, colonial catering logo, 3d logo, good for family, Indian Thali dish, piety, realism, octane render, soft ambient light, +Iron Giant, Fire King, Elf Ascendant, by justin gerard and greg rutkowski, digital art, realistic painting, dnd, character design, trending on artstation +photographic, photorealistic, stunning photograph of raindrops on a window, stormy street at night, foggy, cold, futuristic, realistic, fantasy, background photo +Penguin weightlifter starring in sci-fi sitcom +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by James Tissot +super realistic photo of puddle of milk +8 years old , handsome Hindu God Krishna, realistic black hair, detailed texture, by makoto shinkai,masculine, pretty,cute sharp bright big black eyes and pupils intricate, small nose, , elegant, realistic 3D render, epic,detailed digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +hypno slave. mesmerized. fully clothed. illustration +The very simple shape of the smiling face of the original Logo is retained, but the characteristic lines on the smiling face become fewer and more abstract, and the emotion is obviously weakened, giving people a more matte and quiet feeling. The two dots represent the eyes becoming a simple dot, the nose is completely absent, and the lips are more like they "grow" there naturally rather than being drawn obviously. +A 40 years old man wearing leather armor and holding a big sword, short faded hair,anime +a cartoon chef shooting marbles at a cake which explodes +A group of a close up of a person with a goat, with long hair and a beard, inspired by Václav Brožík, billy corgan, headshot profile picture, profile photo, profile picturedinosaurs having a fancy tea party +Portrait photo of cyborg in neo tokyo +A profile picture of an anime boy, half robot, anime, detailed, brown hair, cyberpunk, robotronic +visual stimulation black and white patterns for babies cute simple jungle +Nepali village aunty boob and mini skirt +a man reading a book while resting on a cloud, masterpiece, 8K ultra hd, high detail, RTX, soft lighting, film grain +abstract portrait of a sad goth girl +eye seedlings floating in angular glass juice +, fantasy, pastel, absurdist, photo, refined, weird felt character +A very lovely girl, dark brown short hair,smile with curved eyes,round face, edge lighting, soft focus, +A beautiful blonde girl in front of à cosy house +running Chinese highspeed train across the mountain and the city +Anthropomorphic chameleon special agent with gadgets on his belt, highly detailed, epic gray smoke, cinematic lighting, detailed facial details, detailed intricate details +Portrait photo intricately detailed cybernetic metal Cyborg face, wearing sleek goggles, real realistic, in a massive colorful space, award winning photography +Giant man lying on station platform +an epic fantasy soccer game in a frozen stadium +soothsayer in outer space, full body, fantasy digital art, extreme detailed +pink sheer harem pants, bare midriff, short red west, sheer pink veil, blonde hair, topknot +A text "Hello world!" written with chocolate. +Homeless teen boy sitting on a box in an alley, fantasy art, cinematic, +A pepe the frog but muslim hadji +Realistic Black and white portrait of Jenna Ortega Bangs hairstyle Jenna Ortega +William Shatner as 35 year old Captain James T Kirk from the original Star Trek sitting in the captain’s chair on the bridge of the Enterprise star ship, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic light +growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro living room, movie still +a candid shot of Ian McKellen as Gandalf eating soft icecream cone +a wide angle photo of gold eagle on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics fire smoke, a photo, gearing up for battle, roman , mace and shield, a digital rendering, inside the roman colliseum, intense heavy battle, barracks, brick, , wielding a spear, indoor, plants overgrown outstanding detail ,in front of a building, +school rock concert in old school hall +Photo of Wrocław Blue modern Skoda T16 Tram +photorealistic, 4k, high detialed kitchen, red with stove, fridge, a table and a bench +A hauntingly beautiful oil painting of a misty forest, in the style of Caspar David Friedrich. The intricate and cinematic lighting adds depth and mystery to the serene landscape, while the sweeping brushstrokes evoke a sense of awe and wonder. By Caspar David Friedrich +A group of cats playing poker +rusty roadsign with town name on it +an origami astronaut on a horse +Elmo holding a sign that says “where model?” +an angry person in front of a computer that says WALUIGI +people arguing over a big block of cheese +A closeup photo of a human hand +A promotional poster for Family Guy +a wide angle photo of large gold head Ceaser on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, , indoor, plants overgrown outstanding detail ,room flooded, in front of a building, +A relief depicting the life experiences of Wang Yangming. +Car mixed with bed, highly detailed, professional render, ultra realism, photorealistic, photodetailed, detailed details +Line drawing of Nelson Mandela in the style of Arthur Rackham +swarm of drones flying through a forest +a cute demon eldritch horror monster, in the winter, wearing a scarf and mittens, snow, snowing, muted colors, drawing, illustration by tim burton, winter landscape, moonlight, dark sky +experimental art photograph that shows nature landscape in a broken mirror, with cracks and shards creating multiple fragments of the image. The photograph is manipulated with digital filters and effects to enhance the colors and textures. The scene is a bathroom or a bedroom with a broken mirror on the wall or on the floor. The mirror, the cracks, and the filters. The mood is introspective and emotional. Award - winning photograph, shot with Cinestill 800-T with expired film, intricate details, photorealistic, ethereal, 35 mm lens, cinematic, reflection, refraction +un perro saltando en la playa con un sombrero +a Death Star blowing away planet earth in space +portrait of guy muscle bald Slaughter at prison toilet. wear raunch briefs, highly detailed face, killer look, Hard close-set eyes, born criminal +an image of a grand entrance to a futuristic Roman Coliseum, featuring towering columns, intricate stone carvings, and a massive gate made of advanced metallic alloys +Photo a 18yo girl, long straight blonde hair in a ponytail, white silver armour wearing respirator +Joan of Arc, burning at the stake +A funk metal album cover depicting a zombie playing a bass guitar, street art, graffiti +Woman looking in awe at the northern lights above her, 4k dslr, breathtaking +The physical embodiment of Death riding a supernatural horse, macabre, creepy, grotesque, horror vibe, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a pencil drawing of an Escher staircase +A Christmas tree ball in the shape of a sheep +fantsy art print by Xiaodi Jin of a giant majestic dragon lion griffin hybrid next to a human. L. O. R. D., peaceful atmosphere, stunning beautiful compostion +Blonde german-italian girl smiling on a selfie +atractive seductress sensual girl, wet skin, covered, oiled, dripping milk, ultradetailed, by artgerm, masterpiece, zelda princess , sheer, laces, eroge +Still shot of a movie of town center with cobbled street at night, wet pavement, stormy night, intricate, higly detaile, photo realistic, animation background +Geographic map of a country called "floptropica" +a cat dressed like a ninja in front of Sega building in Akihabara. +photo of a photo of a photo of a photo +Portrait of a knight heavy iridescent armor. Fantasy, digital painting, HD, detailed. +lego set of jesus christ in the cross +Wii Sports Bowling but it's Cursed +A Porsche 911 covered with leaves in a showroom +photo of a cute 8 year old girl in a swimming pool celebrating her birthday +avion volando en medio del atardecer +Glados from portal 2, slightly destroyed, vegetation, old abonnement laboratory aesthetics, photo realistic, unreal engine 5, ultra wide angle, warm colors +a capital of the undead city, dark sky, green hues, dead trees, scorched earth +hyperrealistic human girl warlock eith short dark hair and tentacle magic +Marilyn Monroe wearing a shirt that reads Money +Valerian an redhead Laureline painted by John William Waterhouse +a perfect symmetrical gundam and his human friend flying through space +roman scifi corridor metal,studio lighting, volumetric light,sir john soane,metal pipes,floor grates,pilasters +A hexagon of different colors on the palm of one hand +An angry old man holding a sign saying “Rigged Election” +A baby connected to a neural network in a bunker +Cute animal crossing forest. Yarn style. Cozy little hut. Treehouse. Deer, birds, flowers. Super cute. 8k HD DSLR. Studio Ghibli. Studio Clamp. Everything made of hyper-realistic knitted yarn. So cute. Unbelievably adorable. +portrait photo of a gorgeous woman, cinematic, higly detailed +A photo still from a film by Jan Švankmajer +titanic sinking jack and rose in water +stunning interpretation of the labyrinth, in a night sky, 4k, 8K, Natural Lighting, Beautiful Lighting, nebulae, Brian froud, Guillermo del toro, photorealistic, diffused cinematic lighting, shot with Cinestill 800, ow angle, depth of field, elegant, surreal +A japanese girl sweathy using an very short dress on the beach +a illustration of a magical red dragon gliding over a grass field +Baphomet playing electric guitar album cover +White crow! by Aaron Horkey: black and white hyperdetailed: by Joe Fenton: black and white crazy graphics: by Gustave Doré: usually B&W baroque: by Miles Johnston: creepy surrealism: by Kim Jung gi: pencil sketch: by Nekro: B&W detailed fantasy people: by Stephen Gammell: faded wispy horror: by Nicolas Delort: interesting texture +a perfect anime artwork of cute heroine cutie in speedo swimwear, by Alex Horley, in gothic and wushu fantasy style, clean perfectly shaped shapes and surfaces +human schoolgirl in a sofa with "no underware" with a dark background +sci-fi large gallery room, with photos of classic cars ,studio lighting ,hallways photos,tron +goku,80s anime still,muted pastel colors, by Tsukasa Hojo and Toshihiro Kawamoto ,highly detailed,highly detailed face,close up +grass grow on floor in apartments +a landscape. focus on a cristal skull with golden parts on the edge of a cliff. a forest with a waterfall in the background, during sunset. The moon visible up in the sky. +A man holding a sign that says +ancient mechanical golem looking look down trending on artstation deviantart Pinterest, highly detailed, photorealistic, digital art +Beautiful priestess in elegant simple veiled robe, wavy medium brown hair, pale green eyes, beautiful d&d character portrait, dark fantasy, detailed, realistic face, digital portrait, intricate details, fiverr dnd character, wlop, stanley artgerm lau, ilya kuvshinov, artstation, hd, octane render +a Professor is paying chess with a manly humanoid android which looks like a human and has cyberlines in a living room retro 70s sci fi enhancement where the colours orange and turquise to be seen are +An astronaut in a tulip garden on a spring day +A blond German nerd with glasses and a receting hairline holding a sign that says amk +Marilyn Manson wearing a shirt that reads Rock N Roll +Attack of the 50 ft tomb raider with a car in a hand, bridge under her legs with tiny cars and tiny people running around, (extremely detailed CG unity 8k wallpaper), masterpiece, (8k wallpaper), perfect, masterpiece, intimate composition, Cinestill 800T, modelshoot style, (8k wallpaper), perfect anatomy, masterpiece, highres, hdr, 8k, 85mm, Cinematic, giantess, (smirk), (big eyes), beautiful punk, modern +Under the setting sun, there are three lionesses on the grassland. Their golden fur shines brightly in the fading light as they walk with powerful strides on the grass, making it rustle under their paws. Amid the peaceful surroundings, the lionesses occasionally lift their heads, searching for their next prey. The clear sky, towering mountains, and vast grassland showcase the splendor and beauty of nature. +Deer made out of stained glass, standing in a realistic forest. Digital 3D Illustration. Stylized. Blender render. Concept art; trending on Artstation; expansive; beautiful intricate. Dramatic; complex contrast. Colorful, saturated, HDR; sharp crisp; fantasy art; cinematic lighting. Volumetric lighting. Isometric view. Varied hues. Stained glass deer +vector icon mac oc, emoji style, einstein, minimalism +womaninwomenshistorymonth heroic thisdayindrowning boats lds lds, Jules Bastien-Lepage +A picture of a duck with fangs, red eyes, sharp teeth, cartoon, high quality, masterpiece +highly detailed movie still of Nicolas Cage as The Joker stood on the streets of a foggy city, night time, he wears a purple hat, purple coat, purple waistcoat, green hair, detailed and intricate environment, portrait photograph, film grain, dark tones, madness, insanity, , +3d render in the style of Donkey Kong Country renders of a goblin knight +an educational robotics playground in a white background 8K +Cute fox king running! Fox king running! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: Oil splash: Oil stained: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +highly detailed portrait of Maluma as a casino owner in gta v, stephen bliss, unreal engine, fantasy art by greg rutkowski, loish, rhads, ferdinand knab, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, tom bagshaw, global illumination, radiant light, detailed and intricate environment +one girl, anime art style, white hair, pigtails, bright green eyes +close up of gorgon mythology medusa with snake hair by Dan Mumford and Jeff Soto, dramatic lighting, digital illustration, CGSociety, Unreal Engine 5 +Elizabeth Olsen on a beach, portrait photography +An old gnarled tree on a hill +obama eggs glass glowing brack obama hdr +the legend of onion, hold a sword atop a mountain, in a fantasy cel shading +by edward julius detmold forbidding parquetry, orange. a art installation of a human head seen from multiple perspectives at once, as if it is being turned inside out. every angle & curve of the head is explored & emphasized, creating an optical illusion. +A snowboarder going off a huge jump, making a cool hand gesture, 8k, blue sky, outdoor lighting, fisheye lens +visualization of time in abstract action painting +a beautiful fit young man wearing urbanpunk pants only +a man with blue hairs, yellow eyes, wearing blue cat ears, anime, hd, artstation, DeviantArt +flying mammal with large ears and powerful back legs, wings, photorealistic, studio lighting, sunny day background, highly detailed, pearlescent depth, subsurface scattering, 4k post-processing +highly detailed intricate cockpit view of an aeroplane, long shot, wide shot, ray tracing, rtx, unreal engine 5, UHD 8k +realistic photo of a hand with a ring +photo of an empty, retro-style school bus, looking front to back, one person sits shyly +a knight fighting a dragon, in the mountain cliff background +a mermaid swimming underwater with a long flowing tail +stained glass motif, art by Alfons Mucha, whole body photo portrait of 20-year old Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise, HD 4K, photo-realistic accurate face and features, cinematic lighting +a beautiful house in the countryside +Cinematographic-sixties fashion capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +sci-fi large gallery room, with photos of rover cars , +hyperdetailed hyperrealistic anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +a 4k ultra, cinematic, scary, dark themed, picture of a pitch black bedroom in the night time, that looks haunted with a shadow of a person, shown on the wall beside the bed +an evil tornado above a skyscraper in london, urban fantasy, medival steampunk flat styled drawing +A robot with with 7 arms +the handsome, cruel, wicked king of the elves +Agnes Cecile Logo of a rainbow colored Fire Wreath, high res, 8k, Simple, award winning. Simple logo, a wreath made out of flames +A tall women with red hair and a small men with brown hair walking down the road +Mischievous sinister imp! glowing icy blue eyes; Speedpaint with large brush strokes by Junji Ito; robert oxley! Dave White; Ismail Inceoglu; Gazelli; M.W. Kaluta; richard anderson; paint splatter; paint drips; drip painting; a masterpiece; 8k resolution; trending on artstation; maximalist; uncanny; highly detailed and intricate +A dystopian cyberpunk cityscape, featuring towering skyscrapers, glowing neon lights, and a dark and gritty atmosphere. The scene is rendered in high detail, using a combination of photorealistic textures and stylized elements. Featuring the works of Jim Burns and Zdzisław Beksiński. +dinosaurs and a landrover defender in the jungle river,claws teeth tyrannosaurus waterfall misty mud rocks,headlights Chrome Detailing +black and white geometry, abstract portrait of a crazy laughing monster +A crow sitting on top of a coffee bean bag line drawing artstation +a man with a dogs face on top of a car +Billie Holiday singing wearing a yellow chanel dress, hair up in two buns, expressive and passionate, highly realistic and emotional photography +a wide photo view of floating castles foreground perspective , +Paper with 2 + 2 = 5 written on it. +16 years old boy, wearing coveralls, technician, dark night +Kurt Cobain c drawing wearing eye liner +cute young blonde woman wearing a lace bodysuit photographed in a bedroom on Kodak portra400 film by Dean Martindale +Beautiful photo of a redhead girl, extreme bokeh +Painting of cryptocrystalline quartz melted gemstones fairy flowers velvet style +Ultra realistic photo of a stunning landscape +The Emperor, and robots, in his study, art by Agnes Cecile +Garden gnome on a surfboard riding a wave +polaroid photograph, terrifying apparition standing behind a little girl in an old abandoned bedroom , +portrait with an intimidating head, smoke coming out of the ears, watching a smartphone, dynamic angle, rich background, high tech scenery +A digital painting of Garnet from Steven Universe standing on top of a cliff with her arms crossed, overlooking a vibrant alien landscape, stoic expression, vibrant colors, intense contrast, intricate details, 4k resolution, Wacom Cintiq, ethereal lighting, 50mm lens +A skywriting plane writing SOON in sky in smoke +An old cat in a space ship looking outside +Ranger in a D&D RPG setting in the woods, rpg style +The universe is a spheroid region 705 meters in diameter by Willem Kalf +, fantasy, pastel, absurdist, photo, people with goat heads +HOT Pig Woman Anime Carton Furry, in Gold Armor and holding A Golden Axe, standing in an abandoned swimming park bathroom, reflected in a mirror +a photo of a snail on a piece of wood +A beautiful painting of skeletons dancing in a big city by David Hockney and Richard Estes, Trending on artstation, 8k. +Black labradoodle in the style of a studio shoot, straight fur, hyper realistic painting +A female teacher wearing a bathing suit top +2D digital cartoon, cute, cute chibi boy, in a wheelchair, dressed in white jiu jitsu kimono, black belt, wearing cap, he is happy, 4k +20 year-old Kate Bush from Never For Ever as a naturist meditating in the lotus position +Anthropomorphic chameleon special agent with gadgets on his belt, , highly detailed, epic gray smoke, cinematic lighting, detailed facial details, detailed intricate details +the matrix green text, cheshire cat alice in wonderland by tim burton wallpaper, top hat, floating, cgi, by, increadibly detailed, stunning mysterious atmosphere +a group of anthropomorphic wolves, medieval, adventurer, dnd, town, rpg, rustic, fantasy, hd digital art +simplified flat art vector image of A group of men and women are in an office, standing in front of a whiteboard, discussing the progress of their project. The whiteboard has some elements related to “backup” and “security”, such as shields, locks, and backpacks, on a white background, Alegria style, Globohomo Style, Big Tech art style, Corporate Memphis style +a human face as a gigsaw puzzle +A pyramid inside a sphere inside a cube +A portrait painted by Gustav Klimt +Henan people steal sewer manhole cover +a power point potrait for a grocery store recsys project kickoff presentation +portrait photo of stunningly beautiful young Margot Robbie surrounded by black men +Fursona furry fox , digital art , masterpiece , by foxovh , nud e , furry art style , red hair locks , fox head , anime style. +50s retrofuturistic house, the world of tomorrow +A youtuber taking a video, 2d illustration +Tom Hanks and John lennon drinking a beer, extremely detailed +Detailed portrait cyberpunk woman 20 year old woman +beautiful summer landscape, an ultrafine detailed painting, intricate pasta waves, made of noodles, paper quilling, inspired by van Gogh’s Stary Night +Brand with drone and writing SZTUKA DRONOWANIA w fajnej czcionce +Simple modern vector logo of a hummingbird, flat, modern, 2d, minimal, clean, elegant, colorful, premium, professional, highly detailed, masterpiece, rendered by octane, unreal enginebeautiful anime girl with short white hair, wearing lab coat and glasses, holding a clipboard, standing inside a research facility, character portrait, 1 9 6 0 s, long hair, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by wlop, charlie bowater and alexandra fomina +An image of Bogart as Indiana Jones +Little girl, puppy, grassland, running, strong wind, glass cup, straw hat, Pomeranian, clouds, joy, summer, warm color tone, freedom, nature +A photograph of a beautiful wizard +eldrich monster, art poster, the essence of charcoal painting, an eldrich entity in a foggy landscape +miniature world with a million details by Kris Kuksi, sculptures, compositions, by kuksi.com, miniature detailing, 3D artist, 3D bas-relief, high detail, ambient lighting. +masterpiece, realistic photography of a cosmic god, armored warrior, hovering over a planet, cinematic, still from games of thrones, epic, volumetric light, award winning photography, intricate details +a chocolate cake in the middle of the desert +art by van gogh, Stanley Kubrick drinking a beer on a bar +text "whats going on" on a billboard +a cross between bloodborne and silent hill, castle ruins, volumetric fog, god rays, shadowy figures lurking, stark lighting, by Brom, artstation +A stunning oil painting of a bustling medieval marketplace by James Gurney, featuring vibrant colors, realistic textures and crisp lighting, reminiscent of his famous Dinotopia series. +Realistic Black and white portrait of Emma Roberts Bob hairstyle triple D cup as a 19 year old , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +train illustration, cover of a rock band, no person +a neoclassical Greek German statue of a man in a park in front of a mountain +CapriMint like a original character of League of Legends +ralsei from deltarune play a violin +Two balloons on an armchair with pineapple pudding +young jewish woman showing her hairy bush +Hyper realistic picture of a Beautiful female secretary trying to seduce her boss +futuristic futurism, 4k 200mm telephoto zoom, full-frame, photo, detailed, casablanca morocco, cyberpunk, street, new historic blend market technocratic theocratic +Twin boy twinks, cowgirl position, ballsy +A painting of a beautiful garden +Nathan Drake with a plastic multicolor gun in a city. +a liminal space, peace, tranquility, high details, sharp focus, softest light, , best quality +breton monk in a pub with goat +girl on a horse, medieval book miniature, highly detailed drawing, art by Thomas Kinkade +Explaining the Pandemic to my Past Self +floating clothes wearing by invisible girl +Cartoon artwork of colorful astronauts flying in space +an empowering view of the heavenly demonic rooster cyborg bloodied ironmaiden robot,wearing a noble robe,a surrealist painting by aralan bean and Neil Blevins and H.R. Giger,volumetric lighting,detailed shadows +wet clay model of Mount Rushmore National Memorial, cute +The Drifting Classroom manga by Kazuo Umezu +una manzana antropomorfica pidiendo un café en una cafetería +Lonely surreal scene of current day Japan by Simon stalenhag +an image of an Australian opal +A woman on a propaganda poster +Game concept art, portratit of a Dungeons and dragons, Beautiful, Young middle-eastern woman, tan skin, dark brown eyes, black hair, long braids, slender, graceful pose, colorful comfortable nomadic clothes, wearing jewelries +Rich Mexican man looking down at poor and dirty Argentinian man begging for money +Cursed Image of a game of Golf +a creepy claymation dolphin in a dark ocean +female moon worshipper vampire by Cynthia Sheppard +A toy of a bodybuilder man staring at the viewer. +art print, abstract charcoal drawing with elements of color +Cyberpunk super bike, photography, volume light +Retro space captain giving commands to the crew in spacecraft. comic art. Comic book cover art. ink art. Techno sci fi. Stunning tiny details. +Beautiful Venice canals with gondolas and bridges photo realistic +matte painting of electric Sun Wukong, electricity aura, electric storm, electric zaps, electricity coming out of body +In China in the 2023s, a large area of sakura blossoms, a beautiful girl standing under the flowers, drinking bottled water,photography, high resolution, retro, high detail, full screen, sunlight, crazy details, realistic photography,Medium Long Shot,Waist Shot, Fuji film superia, full HD, shot with Canon EOS R5, F2.8, ISO 100, 100mm +Two men sitting by a furnace, discussing life +Gaia also known as Gaea or Ge is a figure in Greek mythology who was revered as the goddess of the earth +a press photo of a rainbow frog 🐸 fighting the police in a French protestation +full shot, Pulitzer Prize wide-angle photo at a pool-party, hyper realistic, Philippine Police, very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, the size of an avocado +pixel art fighting stance from side 2d game sprite +Cute large bee in a magic garden at night, elegance +Large bearded man, carrying a box +Saint Petersburg at nigh, professional fantasy digital art, soft light, extreme detailed +dog working on an oilrig, wearing hardhat, stormy sea, industrial environment +Katerina christadoulou, insanely detailed, photorealistic, 8k, hard rim lighting +fantasy art, deer, flowers on antlers, unrealism +**a portrait of a 3D cockroach wrapped in bitcoin art, in Hawaii on the beach, hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +A picture of a 18yo teen girl a smelly tight outfit with white milk liquid dropping down thighs and ontop t shirt, white liquid on torso smelly stain visible on leggings, smell fumes near woman, smell fumes around leggings, , +epic “magic duel” good evil wizards +Two immigrayion agents sitting on top of a mountain drinking vodka and talking about politcs +An evil villain holding the Earth in space +frodo from lord of the rings as rambo with a machine gun, league of legends splash art by greg rutkowski, epic art on artstation +a very evil and menacing Living eyeball in a volcano +logo with drone and signature "SZTUKA DRONOWANIA" +DSLR portrait of a beautiful 👽 woman wearing leather boots and red skirt +three beautiful men carrying a giant tv, finely detailed, fantastic orange style, wonderful scenery +vector style the abstract painting of an image of a lady artistic flat illustration, goth punk minimal figure art, soft colors mono chromatic, art in the style of Bryen Frost +artistic art print, spashes of paint, strong vibrant colours, wet paint on canvas, cute dragon in a teacup +a cat riding a skateboard on the moon +Golden wattle by Hilma af Klint, William Morris, Morris and co +epic fantasy illustration painting action scene, Regal refined realistic, Arzach Fantasy Etidorhpa hollow earth the strange history mysterious being account remarkable journey title scientific allegory science fiction, John Uri Lloyd novel, refined highly detailed, jean giraud michael cheval agali villeneuve boris vallejo Art Frahm Philippe Druillet Brothers Hildebrandt +Foto del basso posteriore di una donna, chiappe +Realistic Black and white cute portrait of Jenna Ortega bob hairstyle as a 19 year old girl , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +Cyberpunk skull! paper marbling! Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Junji Ito: Aaron Horkey: Joe Fenton: Gustave Doré: a masterpiece, monochromatic colors, 16k resolution, by marton bobzert: trending on artstation, incredible composition, dramatic lighting +,dinamic pose, nice face, nice arms, open lips, nice eyes,highest detailed, masterpease, +Cheery old vampire sailor grinning, white hair in ponytail, victorian style, fangs hyperrealistic, deep color, attractive, high cheekbones, pale cute +detailed painting by daniel gerhartz and rebecca guay Julie Bell. Interior of retropunk starship with an incredible view of planets. intricate detail, dieselpunk +Hairy boob and armpit blonde woman with skirt only +enviroment concept art, minecraft, kawai style +A mermaid eating dinner at a michellin star restaurant, ultra high quality, very realistic +Blake Lively at the beach,look at the camera,purple cinematic lighting,la la land movie vibe +A silhouette of a African princess looking at the stars, big full moon +a large room ,austin minis with teddybear people walking about,lots of teddy bears smiling, sharp focus photo, studio lighting ,sci-fi set design +Generate an image of a Mountains in the style of Satoshi Kon's Paprika Selective focus. Image stabilization 16K +photo of stone sculptures in the city ,art gallery ,henry moore,flooded sculpture,splashing misty mud rocks,panorama,city buildings, +church in the mountains, dramatic cinematic lighting, dramatic mountain peaks, lush vegetation, soft fluffy epic clouds, max rive, vibrant, colorful, dramatic cinematic lighting, volumetric rays, 4k, 8k, +Illustration of two men sitting at a table eating food and drinking wine, by gustav dore +a rat wearing a chef's hat +letter A on a purple chalk board, and no one is looking at the board from the students +Professional 8k panning photo Running bison through downtown at night, car commercial still +Planet earth as a beautiful woman, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +immodest goth Asian African White mixed girl dragon around neck +detailed parchment paper drawing of an anthropomorphic lynx with antlers, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +concept art, depth of field, waterpaint, insanely detailed close up, elegant makeda Saba made +a spanish man swimming among sharks, cartoon, strong man +burly muscular metal man with a metal beard, mechanical, robotic, full body shot, cinematic +Teen girl with abs and muscles in GTA 3 +Man Holding "SDXL" Sign, Protest, Demonstrative, Bold, Determined, Portrait, Realistic, Pencil Drawing, Detailed, "Fernando Botero", "Alice Neel", "Lui Ferreyra" +Imagine me like a king still in a chair of throne In front of my people +an empowering view of the demonic leader rooster in a bloodied ironmaiden robot,wearing royal robe, by aralan bean and Neil Blevins and H.R. Giger,volumetric lighting,detailed shadows +exquisite detailed skateboard, car headlamps, twisted, wacky, fat massive Afro American cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +epic watercolor illustration of an ice crystal lion on top of a snowy cliff in the midst of a storm, high quality, cinematic lighting, sharp focus, 8k, +Oil painting of social dance in palace, many circles +a game board with a picture of a koala on it, top - down perspective, art cover illustration, by Malcolm Morley, inspired by Edward Arthur Walton, music theme, inspired by Sō Shiseki, childrens toy, broken forests, template layout, by Vladimir Kush, game map, dotart', +Painting of Blonde girl contemplating by the lake, art by Agnes Cecile +cute girl singing a song with her boyfriend +Professional photograph of young taylor swift in nurse uniform taking care of a black dog,nurse with oldman,highly detailed,beautiful face,masterpiece,natural lighting +jennifer lawrence in the style of one piece +Selfie of a Brazilian gostosa 20yr girl, neon hair, wearing a sheer plastic translucent shirt +Anime girl reimagined as a real person, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +a woman heat pressing an apple +Steve Carell as a Greek philosopher dressed in iridescent robes, a graphic styled on an antique drawing +A realistic illustration of a BFerrari Daytona SP3 in Berlin Germany. Noon time and Rainy weather. Ultra detailed 8K HDR Octane Render Redshift Unreal Engine 5. Professionally color graded atmosphere amazing depth rich colors powerful imagery psychedelic overtones 4K 8K. +, fantasy, pastel, absurdist, photo, Wes Anderson, mouse character, femme fatale +An anime title that reads, Vanguard of the Titans +The official portrait of an authoritarian president of an alternate america in 1900, standing in front of USA flag, in a classic style oil on canvas, brown grey charcoal blue +Alisa Seelzneva from The Strugatsky Brothers. The Mystery of the Third Planet book +H. R. Giger's painting depicting a beautiful femal vampire, rusted iron texture +realistic island in the ocean with the shape of a elephant +A woman in a rustic 19th century dress, painting by royo +cthulhu on the streets of Lviv, at night in winter +Young Audrey Hepburn looking at smartphone, in a busy coffee shop, cover art, illustration, art by Rolf Armstrong +(best quality, masterpiece), Big waves on a stormy day +ukiyo-e zoological portrait of cyberpunk cthulhu by greg rutkowski +Photo of a young asian man, highlights in hair, yellow scarf, in white shirt and blue jean on a beach with a volcano in background +👸🏽 with golden jewelry and a lotus flower in her hair lying on a red velvet divan 🛋️ by the Nile river 🌊 with palm trees 🌴 and pyramids 🗻 in the background +lol character as a walter white +The bustling streets of Tokyo,crossroads,Wide-angle view +, fantasy, absurdism, pastel, photo, refined, Horror movie +macro closeup night photo of a glowing mushroom in forest loam, depth of field +SNK The King Of Fighters artwork dark 80s puppet +breton monks looking like zappa nordic heavy metal band with goat, photo +Golden Wattle, screen print on silk, fabric pattern, by grace cossington smith +nostalgic footage of a woman, film grain, blurry, hd, 4k +a steampunk spaceship, in orbit around the planet saturn, art print by nasa +Jennifer lawrence in the style of shrek +35mm film stock hyperrealistic lovecraftian creature with long pale tentacles in a big foggy abandoned cathedral low light +crashed spaceship on an idyllic shore +A closeup portrait of a drunk salaryman in a busy street in 1984 Shinjuku at night, Kodachrome photo +Jane Austen, lithography, riso print, technicolor +fires are dancing in a hungarian sheer at night +a man in suit with a fox head +A dog on top of a red box +A teddy bear having his name"Sebastian" written on his bosom wishing"happy birthday Mady" on a cake, in realistic anime style +Anime girl with a sign saying "among us" , highly detailed, 4k, anime +four people sitting around a small square table with a green top playing cards +The creation of Neural net architecture in a workshop +a girl standing on a beach, wearing beach clothes, cute, 18 year old, sunny vibe, wearing a tiny t-shirt, +A picture of a muscular man flexing on stage wearing lycra posing bodybuilding brief. +The girl with the pentagram earring +photo of a gold sculpture in the city river ,flooded sculpture,splashing misty mud rocks,panorama,city buildings, +Apocalypse around:10, Apocalypse is near:6, lighthouse:5, sea:4.5 +pink flower in a pot, on the window in the sunshine +dahlia in the style of da vinci +confused pineapple with bread in the ears +from above, office shot, black skirt, royal shoes, lying on bed, open legs, +a hybrid between a bobcat and an ocelot, 4k, 8k, video game, unreal engine, hyperrealistic, hyperdetailed +A girl in a green dress with a white belt +painting of a woman orgasming chocolate, trending on artstation +A treasure box filled with jewels and jewelry, 2D vector art, vaporwave, synthwave, t shirt design, plain background, 4k, artstation, deviantart, tumblr +wideangle photo of a building stained glass forest ,volumetric light +Vintage 90's anime style. cluttered starship interior; crew inside a starship; by hajime sorayama, greg tocchini, virgil finlay, sci-fi, colors, neon lights. line art. +Lioness, intricate mech details, ground level shot, 8K resolution, Cinema 4D, Behance HD, polished metal, Unreal Engine 5, rendered in Blender, sci-fi, futuristic, trending on Artstation, epic, cinematic background, dramatic, atmospheric +A sign that says FOUNDATION MAKEUP +a cute girl with cat ear +ultron, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Black and white 1905 year futuristic portrait of old mad professional photographer with camera in hand in a toilet sadly covered by flying frogs +An fox walking on its 2 back legs through the forest +a girl eating a popsicle, crisp 8K photo, sharp focus +cinematic still of a grey alien with big head big black eyes touching with a long finger scared woman's face +45 degree angle view of a horizontal wooden frame mockup featuring a completely blank canvas hanging on a white plaster wall +the clocks all run backwards now, magical realism +Bichon maltais vole sur la plage +Antique, warm hues, ornate marble dildo, full body, massive, obese, Aboriginal teen child, legs spread, big marble dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A professional highly detailed ultra-realistic colorful portrait photo of god as a 14-year-old teenage boy who is a newly crowned king of a monarchy. Official Royal photo. thin face. symmetrical features. Serious expression. The image is under studio lights close up. professional photography +woman,self-gratification,toy inside genitalia,self-stimulation, exposing genitalia, non-existent clothes, in the middle of street, new york +view down a road with sky scrapers each side +RAW photo, a close-up portrait photo of Nikola Tesla, photorealistic, highly detailed skin, , +"The Tortoise and the Hare" gritty fantasy realistic +"a black and white edward gorey illustration of a man in old fashioned clothes waits by the side of the mountain road with his suitcase, looking at a coach with 4 horses is in front of him, stormy night time in the mountains highly detailed in the style of edward gorey, artgerm, 8 k resolution - c 5" +Alex Jones sporting a two piece by the pool +3 men and a giant tv, anime style, steampunk art +Nevermind nirvana aulbm cover with baby embro +weird alien monster blob with one eye +perspective of a futuristic, light and elegant sports stadium in the wetland near the sea, the roof like bird's wings is illuminated by golden sunlight, head up view from a distance, aspect ratio 16:9. Rendered in Octane Render, inspired by renowned architects such as Calatrava and Hadid. Highly detailed textures and realistic lighting effects for an immersive cinematic experience. Subtle reflections on the glass facades create a mirror effect bringing life to this architectural masterpiece, the most beautiful artwork in the world, ultra detailed, +cinematic still of Iran’s supreme leader, Khamenei, in the desert, at sunset +the logo of the dining room for the whole family, realistic, realism, ultrarealism +photograph, high detail, high defintion, 8k, hdr, global illumintaion, redbull f1 car +A beautiful portrait of a cyberpunk ronin samurai, sekiro, intense stare, full face cover dieselpunk mask, atompunk goggles, retro-futuristic brown leather jacket, ethereal, galaxy, cosmic colors, in the style of artgerm, moebius, deathburger, John Cassaday, Wayne Barlowe and greg rutkowski, trending on artstation, steampunk, splash of bronze flakes, volumetric nebula dust particles, blue galactic atmosphere, ultra realistic digital art, digital painting, cinematic, high detailed, intricate, cyberpunk lighting, photo realistic, symmertical, concept art, smooth, sharp focus, illustration, Bokeh blur, unreal engine 5, octane render, 8K, HDR +el fat maradona del ocho fighting against bruce lee 1989 35mm round kick in the air nba basketball ball soccer stadium serious fault damage sports tv +close up minimalist anime fantasy cosmic goth sorcerer surrounded by wisps of cosmic nebula smoke and magic swirls by Andreas Lie! android jones; Amy Sol; Camille Rose Garcia; large bright moon; starry night sky; high fantasy magic swirls and sparkles; high contrast cosmic colours, ink on watercolour, inkblot; speed paint; Quentin Blake; unique composition +kimahri ronso from final fantasy x +student using chatgpt to write a paper +Jesus is in the countryside, surrounded by a large crowd of people who are hungry. He takes five loaves of bread and two fishes and miraculously multiplies them to feed the entire crowd. The setting is outdoors, likely in a grassy area with hills in the background. +ancient mechanical gigant head looking at you trending on artstation deviantart Pinterest, highly detailed, photorealistic, futuristic, cyberpunk, blade runner, sci-fi art +Open data high value dataset statistical graph +A photo of a teenage girl wearing t-shirt, tan nylons and white sneakers, lying fainted on the floor, whole body is visible. +Hanif bali in public bathroom, toilet, wet floor +Setting a trap for Krampus painted by Norman Rockwell featured on ArtStation +A traditional Japanese watercolor painting of a flying saucer +A pendant lamp in the shape of a spaceship +Beautiful attractive young Polish kindergarten teacher +couple, man and woman, animalistic, colorfull, sciencfiction, 3000 year, cosmic, aliens +Black panther in theme of Japanese drawing +An image of will smith as Indiana Jones +macro photo of a woman's lips +A cocker spaniel in the beach, with the name Maxi written in the sand. Anime style +man wearing a white zorro mask +deer antlers in the form of vintage bicycle handlebars +a robot that is standing in front of a computer, star wars architecture, photograph of 3d ios room, soft geometric 3d shapes, autodesk blueprint, impossible object, dynamic curves, android format, playful creativity, displays, flying machines, inspired by Leland Bell +turtle flying in the cloud ocean +cgi, double-exposure, head decomposing, rippled swirling multicolored paper, cinematic +street fighter's zangief, photo realistic, wearing white trunks, full length photo +An image Arcos de Valdevez with clouds +Melting ice cream creating a tsunami +splash art digital portrait of a licorice witch laughing +cute girl, anime art, 3d, fotorealism +Epic cinematic movie still from a movie about a new sport called cockball, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +A cat playing a violin, in the style of your lie in april +Portrait of a fairly tale princess, art by Carl Larsson +luxury 3D floral bride and groom 2d card, Fine details and high quality +a magical medieval fantasy landscape, highly detailed, lush forests, huge mountain ranges, grand seas, wide plains, ultra high quality HD in-game render +celtic pagan tribe of young adults dance wildly around a fire at night +Anorexic indian man with a pillows attached with ropes to his fists +Um porco verde com armadura e que parece um herói +8k resolution, realistic digital painting of a colossal sandstone creature, full body visible, looking down, overgrown, ancient, adventurer in armor holding a glowing sword in hand, abstract background, global illumination, depth of field, highly detailed, game concept, (elden ring style:1.3), (arcane style:0.8), art by hoang lap and fuji hoko and artgerm and greg rutkowski and viktoria gavrilenko +Screengrab from a thesis film about masculinity and obesity. +Giant Squid in Saturn's rings, throwing rocks +steampunk teenager in a scenic dystopian environment, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, tomasz alen kopera, peter mohrbacher, donato giancola, joseph christian leyendecker, wlop, boris vallejo +Photographic of 20yo korean girl, pretty face, +Bright image, A man sitting on a crescent moon by Julie Bell +highly detailed portrait of a steampunk hero stood on the streets of a steampunk city, 1920s, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, alphonse mucha, J. G. Quintel, global illumination, detailed and intricate environment +SNK The King Of Fighters artwork +A risqué picture of Billie Eilish big 🍈🍈, cinematic lighting vintage 1977 film grain low budget sci-fi 📽️ +crazy library building, artists rendering, concept art +Barrack Obama jumping over a skyscraper to dunk a basketball +Cyberpunk, Cyborgs dance Kathakali, Robots dance Kathakali, Small details, Ravana, Si Fi, Silver on a black background, Inlaid gems, Indian mehendi patterns on the body, Vastu, Diamonds, precious metal, Baroque, Neon lighting, Contrasting shadows, contour light, Robotic, sculpture, Kundalini, High Resolution, detailing 8K, technological, rough background, HD quality, unreal engine 5 +beautiful building portrait of a Minecraft player +full body, a model beautiful women with long blond hair, beautiful detailed dress, delicate, detailed, centered, digital painting, artstation, concept art, donato giancola, joseph christian leyendecker, wlop, boris vallejo, breathtaking, 8k resolution, extremely detailed, beautiful, establishing shot, artistic, hyperrealistic, beautiful face, octane render +an image of a fit man as a fisherman, stormy waves, fog, professional photography, 4k +A transparent flower stands by the lake, and an elf walks out of the forest +An image of a rainbow-haired girl, masterpiece, trending on artstation +photograph of things that don't exist +Statue of Liberty holding an iPhone +a photo of roman soldiers in front of roman buildings grass steps,stone floor,ben-hur , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole +art nouveau style, art by Alfons Mucha and Michael Vincent Manalo, a crystalline conch shell sitting on a lotus flower at the center of the universe with 7 Cosmic Rays emanating from it, futuristic, astrological, metaphysical, mystical, golden mean, HD 4K, sharp detail, photo-realistic +overgrown giant fantasy forest, high quality, realistic, vines, den, night, fireflies +High resolution 3D animation, a Na’vi naturist from Avatar in the Pandoran jungle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +A sign that says TRANS RIGHTS +a woman with a cat face riding a tyrannosaurus rex +a abstract art pice of a supernova +skull made of only diamond, crystal, refraction, ray traced, caustics, , thin film +a shark swimming in the dark, cyanotype +stylish illustration of beautiful shapely alluring cute femme fatale, film noir, red and black and white, brushstrokes +pixel art fighting stance from side fighting game sprite +Bridget from Guilty Gear Strive, a trans woman with blonde hair, wearing a blue nun-themed hoodie, she's wearing a black skirt with bike shorts underneath, she's wearing a beige shirt with a ribbon tied around it, her hoodie is unzipped, she has a teddy bear, she is bare-legged, she wears blue and white boots, she has a red yo-yo, the image should be anime-styled +a red river in the white snow and at the center a blue tree +action figure of Billy Loomis , liying down on floor carpet answering phone, no background +the end of the world occurring during a sunset in Humahuaca, Jujuy, digital art +The house of ghosts haunted house scary night eerie glow +Kissa Sins, Skyrim, Textless, sfw, brunette +masterpiece, detailed see-through sheer open camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +image of a city or landscape at night, with a focus on light and shadows +1960 small batman surf mansion architect drawing, big sur, bat shape,cliffs and waves, nest, batsign, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and gaudi and nouvel and pritzker prize +full-length portrait, full shot, japanese man with facial hair goatee,shaved head, brown eyes, symmetric face, musclechub, dadbod, wet body, wet clothes, strap armor, tight blue leather pants, martial arts pose, waterbending magic, water manipulation, water magically shooting out of hands, highly detailed face, stunning, fantasy, islands and dark rainy stormy background, raining foreground, realistic 4k, focused shot, similar daisuke sekimoto, similar aquaman, detailed face, gloomy tone, stormy tone +portrait of guy muscle bald Slaughter at russian prison toilet. wear raunch briefs, highly detailed face, killer look, Hard close-set eyes, born criminal +A creepy yellow roadsign saying "TOASTON" in a foggy hillside +Cristiano Ronaldo holding a sign with the text "i am doubting myself" +The rat king greets his people - a rennaissance painting +Wanderer above the Sea of Fog on another planet +front of box cover civilization board game, 8k, highly detailed, through time, evolution, wheel, technology, stone working, wood working +a man in the style of the simpsons +A large blue metal cube to the left of a small yellow metal sphere +cute water dragon baby swimming in a droplet of water, art print trending on reddit +many of Buddhist monks listening to the teaching under the big banyan tree +Risqué mermaid, clamshell brassiere, epic fantasy, THICC +golden statue of a nuude 8 year old japanese girl +An invisible man wearing a hoodie +a close up of a person wearing a bird mask, full body character design, long white cloak, grim color palette, egyptian clothes, artstyleunknown, lowres, moebius style, plague and fever. full body, polycount, anime character design, discovered photo +Viktor Orban standing in an abandoned empty swimming pool, dry leafs, sad face, tv still from Narcos +Two fish swimming in a circle, blue and gold with shimmering sliver details, in a cosmic sky, psychedelic, detailed full-color, surrealism, elements by nasa, magical, detailed, gloss, hyperrealism +robot giant mechnical electrical wire, cyberpunk forest,creepiness, castle, fantasy, intricate, elegant, increasingly detailed, digital painting, artstation +Isometric view of a labyrinth, pixel art, dusty walls, luxuriant vegetation, god rays +Hyper realistic pikachu baby left in the woods, weird, otherworldly, real, vintage photograph, film set, 85mm lens, f2.8 aperture +young Cate Blanchett as Galadriel, dressed in a beautiful, white dress, on a ]], character concept art by Waterhouse, Marc Simonetti, and Greg Rutkowski. Very atmospheric, detailed, realistic, 9k, natural lighting, dramatic, trending on pinterest, inspired by Henry Meynell Rheam's The Fairy Wood. +I need to create a logo using the words "批巴巴", which can be modified and colors changed +realistic photo of 8 year old girl madoka, cosplay, full body +realistic 3D render, portrait of a 7 year old extremely handsome, joyful blue-skinned God Krishna, sharp bright eyes and pupils intricate, elegant, dramatic lighting, highly detailed, digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha, art nouvau +long shot, marine wearing uniform looking at the stars from a boat, realistic painting, hyperrealistic, 4k +Illustration of evil evil evil angry eyes skye from paw patrol +man with pearl earring painting in modern clothing, anime style, futuristic background +Black haired and green colored eyes woman +photo of a wendigo cooking mac and cheese +a painting of a man standing in front of a doorway, by Yuko Shimizu, color page, douglas smith, standing inside a magic library, six from little nightmares, inside the picture is infinity, junktown, wearing a baggy pajamas, running dog in a library, colors: yellow, futurepunk dungeon a poster of a young man in a space suit, disney poster, character poster, movie poster character, portrait of archie andrews, key character poster, animation printed poster, disney artist, 2d/3d mashup poster design, archie andrews, disney movie poster style, stylized 3 d graphics, film key art, fantasy poster, bestselling movie art poster, futuristic poster +A cool sigma person, standing on a street and holding a sign called "Get Ready" +Corgi, dog, corgi head, space marine armor, warhammer 40k, black and gold armor, holds a bolter in his hands +An army of red faced gumbis marching through london +painting of a medieval knight king wandering the streets of a neo cyberpunk city, neon signs, there is a train on the left +an old man made of polished chrome sitting,high noon,cat,pink taffy,seaside,gil bruvel,thomas blackshear,Lee Jeffries,hajime sorayama,Stamatis Laskos,Don McCullin,Ron English,Arthur Dove,Andrey Remnev +a live corpse walking down the street, photorealistic, vivid, 4k +A surreal dreamscape, featuring floating islands, strange creatures, and magical architecture. The scene is rendered in a highly stylized, painterly style, with vibrant colors and intricate details. Featuring the works of James Jean and Alphonse Mucha. +Painting of home in a reef coral reef art style +painting of three singing ducks in the style of rembrandt +photo of a gold bar on top a plate of pasta +Man avatar owns time and has no gravity, levitation, telekinesis of things, vision of the future +ex libris ink of Black and white tarot cards, spikes and flames, medieval black and white etching +Horror movie of a barn owl monster +Juan Domingo Peron leaving the bank with a lot of money in his hands +a squid playing chess, lots of colors +A dishwasher cleaning plates using hundreds of tongues +Portrait of rugged male ranger, D&D, muscular, fantasy, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +a nun with a 1 meter metal pipe surrounded by zombies on fire +the supreme leader of the murim alliance displaying his oppressing overwhelming power infront of his disciples,in the style of Ken Kelly and Tony DiTerlizzi and Tsutomu Nihei,extremely detailed,detailed shadows,volumetric lighting +a man fights a wolf, snow, deep forest, near of a lake, the man holds a knife, the wolf has big terrorific eyes, the man is going to punch the wolf, the wolf is agressive +A truck filled with smartphones on the road +an architecture rendering of a library for design competition, exterior, metal cladding facade +Portrait of Steve Jobs as the pope, white robe, white cap, humble, presiding over the alter +A boardroom painting of a daschund wearing a fine Italian suit, chairman of the bone +an image of an ethnic middle eastern man in the desert next to an industrial landscape. this aesthetic includes mechanical things, odd colors, and culture mixing. digital art. +Intelligent warehousing and logistics plant, white robot,Makoto Shinkai +Painting of biomorphic quantum foam brane sphere melted crayon style +A man is riding a large mechanical cat +A photo of a bear sitting in a mgb steering wheel leather seats +Cyberpunk style, Folder Icon, Minimalistic Design, Best quality, HD, realism, 8k +Frank Lloyd public library, mid century, interior, large windows with natural lignt, Eams for Herman Miller design +vector icon mac oc, emoji style, albert einstein, +A highly detailed fantasy landscape painting of a baobab city painted by Greg Rutkowski featured on ArtStation +Mech warrior in a well lit city street, cinematic, perfect shadows, product photography +a cowboy with black shit and black hat in a West world +biomechanical cyborg! volumetric lighting maximalist 8k resolution: intricately detailed: complex +Male elf with a weathered face in snow +fog projection holograms, depicting a dream-like world of ethereal landscapes and surreal imagery, rendered with a surrealistic airbrushed 70s illustration texture, 3D render in an airbrush painting style by Philip Castle, surrealistic airbrushed 70s illustration aesthetic, #houdini, trending on cgsociety, featured on behance, dreamlike scenes, misty and mysterious, otherworldly beauty, +Nerdy guy with glasses an a prosthetic leg standing in Thailand +A film still of a stainless steel palm tree in a desert oasis +a strong teenaged woman holeing a white glowing rock anime at night. +A norse woman with a bone and feather head piece,black hair and blue eyes, body tatoos with runes, lean, high quality, digital art, character art, greg rutkowski +a fantasy castle on a hilltop +Kurt Cobain and jimi hendrix preforming on stage together at woodstock +color photograph of john brown harpers ferry +Glamorous dressing room with large Table +a giraffe wearing sunglasses in a beach chair, drawn by artgerm +the abyss stares back at you, high resolution digitial art, unreal engine, volumetric lighting +japanese gravure model, geisha-punk face, tankgirl, dieselpunk, covered in black straps, eyes, face, mouth, hasselblad, masterpiece photo by enki and karol +Female lying in bed playing with toy +A random seed grows into a random number +star wars town, star trek, science fiction, first person shooter, Fortnite style, xbox series x screenshot +The bustling streets of Tokyo,crossroads,Wide-angle view,a beautiful girl in a sailor's suit sat on the back of an Asian elephant in the middle of the road,Long Shot,realistic,crazy details,realistic photography,Fuji film superia +donald trump in gta san andreas +a CRT monitor with the word popcorn on the screen in a dingy basement, cyberpunk, folk horror, found footage +analog photograph, far away zoomed out panorama, dark lighting, matte polytope shape floating high above a snowy forest at dawn, fog +20 year old huge female muscle monster, extreme massive, pecs, abs, biceps, thick forearms, bullneck, gorgeous, realistic, detailed +Cute young woman with light ginger hair photographed for Vogue magazine by Dean Martindale +a teen girl in a poncho harvesting aquaponic plants on the top of a floating cybpunk farm, hovering farm disk +A blue dragon in a river. +a movie still of Darth Vader +red velvet living room interior, red velvet walls +A homeless payado playing guitar on a circus stage, in red tones, rock style, super detailed, high definition, digital art. +dark and light, ambient opposites, extreme contrast, sharp haze, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Francisco Goya +Audrey Hepburn wearing a shirt that reads Money +Cute grey cat, digital oil painting +young Muscle guy Cannibal eat TESTICLEs flesh. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +A person planting a tree selflessly zoomed out. +Hyper realistic picture of a Beautiful blond female secretary trying to seduce her boss, Victoria's sectret +a gray cat looking at a window of a train, a big cloud of fog can be seen in the distance, digital art and oil painting dramatic style +Portrait of a fairy tale princess by Jules Bastien-Lepage +film still, close up, mia malkova rising out of muddy vietnam river , face covered in mud, combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9, 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +film still from romantic beautiful 2015 american sitcom, sauna, naturist, girls, colorful +Alone alone alone, masterpiece close up beautiful Raven GOTH girl well endowed leather corset 🫦 cemetery, spooky, foggy, night time darkness, heavy metal +Gay dinosaur eating pie with a dog +Beautiful girl lying on the ground, M legs, no cover, no pants, ] +artwork by lawren Harrisa, lonely island in the giant lake, magic time, epic landscape, masterpiece, +Highly Detailed Cyberpunk monumental building of Mega-Corp, digitally painted in UHD, concept art +High school students playing during the school break +Bayonetta : centred : beautiful, waifu, fanart : melted dripping viscous inky Rorschach aesthetics : Cartoon|vector art : Russ Mills & Mari Shimazaki style : uberHD, trending on Artstation, Behance contest winner +Einstein sticking tongue out wearing sunglasses holding a sign that says Famous +attractive goth girl on the beach showing off her bathing suit +watercolor delicate painting of a fluffy baby penguin wearing colorful scarf +1983 Chevrolet GMC Vandura, black and grey, red line on side, red alloy wheels +portrait of sir borzoi dog wearing royal uniform and crown +a frog holding a sign that says frog in it, word written on sign, text, letters, photorealistic +a car that is made out of woodRAW photo, winter landscape, mountains, trees, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3,Glass Curtain Wall Buildings +Create a visually stunning 2D scene that showcases an indoor cave environment, with a hand-painted artistic style. The composition should offer a front-facing view, allowing the observer to appreciate the intricate details and craftsmanship of the artwork. The cave's interior should be rich with various textures, such as rough and smooth surfaces, portraying the natural beauty of the rock formations. Utilize a harmonious color palette to accentuate the depth and dimension of the cave, while maintaining a flattened aesthetic. Incorporate atmospheric lighting that casts subtle shadows and highlights, enhancing the overall ambience of the scene. Additionally, consider integrating organic elements like moss, vines, or dripping water to increase the visual complexity and realism of the environment. By incorporating these elements, the final design will result in a captivating game art piece that showcases the beauty and intrigue of a hand-painted, 2D cave scene. +Chengdu, peaceful, fine art, HD, illustration, epic, fantasy, intricate, elegant, amazing detail, digital painting, artstation, concept art, smooth, sharp focus, art by Turine Tran +wha what are we gonna do on the bed pomf +a horse standing on a desert, highly detailed, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain +an image of a junge with a waterfall and woman swiming +A purple monkey on a Tuesday, cartoon, vector graphic +wideangle panorama photo a triceratops next to a landrover defender in a muddy road in the jungle,obstacle course, explosions smoke debris fire, by Anthony S Waters, fisheye lens, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +an off road vehicle in an abandoned wasteleand. Mad Max style. photo. detailed, cinematic, movie still, horror, dark +Photorealistic image of Alison Brie as the red hood from dc universe +head and shoulders portrait, 8k resolution concept art portrait by Greg Rutkowski, Artgerm, WLOP, Alphonse Mucha dynamic lighting hyperdetailed intricately detailed Splash art trending on Artstation triadic colors Unreal Engine 5 volumetric lighting +A persian woman wearing gas mask, realistic photo +Baphomet sticking tongue out holding a sign that says Rock n Roll, rock on +fantasy art print, giant eagle legend of ravaging dynasties giant eagle flying towards small girl, peaceful atmosphere, drawing +in a gold cathedral next to a teddybear,chrome detailing headlights +photo of a goblin writing code +an dead tree on in an lake in fantasy art +The universe is a spheroid region 705 meters in diameter by Asher Brown Durand +A cat, parrot, and penguin playing together +german man with a strongman's physique +artistic art poster, mage the ascension, art print by alicexz +A photo realistic panda in a coffee shop, wearing a tailored suit, well groomed +Very old vintage photograph of spongebob smoking +art by Alfons Mucha and Patrick Woodroffe, stained glass motif, whole body image of 20 year-old Taylor Schilling as Piper Chapman as a naturist in a mystical forest, HD 4k, sharp detail, photo-realistic accurate face and features +scifi room metal,roman,studio lighting, volumetric light,JARDINIERE,sir john soane,metal pipes,floor grates,pilasters +Mario meme that says "I LOL AT YOU" +Valerian and redhead Laureline painted by John William Waterhouse +Cinematographic-sixties capsule launchpad old-priest anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +catering logo, surrealism restaurant, healthy food, minimalism, pastel shades of red and green, in the jungle of india, emoji style, gradient, colonial style, 3d logo, good for family, Tali, piety, realism, octane render, soft ambient light, icons restaurant +Slenderman, rpg, retro game, pixel art +Girl, wearing laser transparent pvc texture clothing, prism, melancholy expression, beautiful eyes, brilliance, jewelry, portrait, game original painting, anime character concept design, beautiful face, beautiful light on black background +A charming Suzhou landscape by Nicolas Poussin, master of European classical landscape painting, beautiful view of the Yangtze River and Suzhou capital city at day, painted in the 1640s +whole body image of Suki Waterhouse as a naturist +kanye west as a soda can, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing, kanye west +Kate Bush from Never For Ever as a naturist +A Grizzly bear fighting a grizzly bear +Beautiful painting of a historic city, deep color, a masterpiece, award-winning, fantasy, cityscape, a detailed digital matte painting by Nakahara Nantenbō, featured on pixiv, fantasy art +steampunk Superman and Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +overgrown giant fantasy forest, hd, realistic +painting of goddess of granite, trending on artstation +Indiana Jones' first day on the job as a medical examiner. His first examination is Marion +Realistic Black and white portrait of Jill Roberts character triple D cup as a 19 year old , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +dark minecraft web site design, ui, design, gothic, dark, black +Digital painting of a cute female sitting on a art deco bench in a park, hair blowing in the wind, detailed face, beautiful face, relaxing, summer outfit, magazine cover, skin tones, artstation, natural +by Kris Kuksi, sculptural compositions, by kuksi.com, Indian style, religious decorations on people, mythological beasts, in motion, dance, professional lightcube, miniature, Camera Olympus E-M10 mark 2, Aperture - f/5.6-8.0, Shutter speed - 1/160 second, ISO - 200, favorable angle, exhibits, exclusive, high detail, proportional bodies, religious attributes, favorable angle, reflector, 3D, Shilpi, volumetric bas-relief, high detail, ambient lighting, octane render, 16k, relics , artifacts, rarity, Gods, jade, surface ornamentation, noble stones, gemstone inlay, realism, depth, miniature scenes, marble material, precious metal inlay, mysticism, fractality, golden section, black background, museum atmosphere, antiques, +pale albino alien hybrid eerily beautiful woman, wraith-like, clammy waxy skin, with big fish eyes and long white hair, doll face, intimidating, black dress, antichrist, horror, dark fantasy painting, +the end of the world as we know it +dead girl lying in the morgue, full body, top-down view, +a single moai grayscale illustration, keith parkinson +A black belt karateka in a white kimono performs a front kick in front of a cherry blossom tree in the yard of a traditional martial arts school. +detailed and realistic portrait of a of stunningly beautiful girl, trending on Instagram, shaggy haircut, white hair color, natural lights, soft natural lighting, Extreme close-up, magical photography, dramatic lighting, photo realism, ultra-detailed, intimate portrait composition, Leica 50mm, f1.4 +a dreamy huge forest hill view from below. you can see very high up from where you were on your forest journey. 8k resolution photo treeline +a gremlin type creature walking down a busy city street with people in the back ground +a wwe wrestler who is an obese biker with black spandex and a black leather vest and dark aviators. posing in the ring, 85mm professional photo, getty images +closeup Portrait of a Beninese Woman, Sunrise light, Black colors, highly detailed, realistic, photographic, realism, 4k +The universe is a spheroid region 705 meters in diameter by Peder Monsted and Ivan Aivazovsky +Painting of melted gemstones metal sculpture funky style +penguin on a Wildebeest by wlop +Abraham Lincoln in the style of Max Headroom, 1980s futurism +a car that is sitting in the grass, a screenshot by Keos Masons, polycount, realism, xbox 360 graphics, playstation 5 screenshot, cryengine +A woman giving a man a piggyback ride through a field of flowers, flowers, piggyback ride, white dress, best quality +Ronald Reagan as a LEGO minifigure +Darth Maul in the style of Hanna-Barbera cartoons +masterpiece, 8K, photo realistic, RAW photo,soft lighting, highly detailed, high quality, a body portrait of a handsome man in a suit +Walter white breaking bad strong bodybuilder, muscles, gym, muscular, instagram, realistic +a woman sumerged in water inside a pill-shaped transparent tank sci fi +vector icon, design mac os, emoji style, einstein, minimalism +squarepants spongebob costume in a party in Ibiza with a pinneapple in his hand +20 years old gothic steampunk young lady on a bar +Photo dog dining background view Eiffel tower warm glow neon fireflies fireworks night +3d render of funko pop rappers light guy blue eyes a little smile T-shirt with the inscription Dizmoralil +art print of a cute fire elemental by vincent van gogh +Digital illustration of a woman with a curvy figure, her long black hair styled in braids, and striking blue eyes. She’s wearing a yellow sundress and sandals, walking along the beach with her dog. +Professor cat has white fur and glasses. The cat is old and wise. He is holding an arcane book with his paws. +MAGNIFICENT frigate bird soaring over a medieval landscape +concrete stairs leading to a secret hide out in the jungle, magic realism painting +untitled mixed media, Pastel Art, Fine Art, Gouache Paint, Modern Art +Dark Apocalyptic hospital corridor, hooded woman +A sign that says "24 HOURS A DAY, LET'S ALL COME AND PLAY!". +photography of car made of bones and skulls +A sign that says " Y U V A L " +A psychedelic world full of goats and beer +Wilford Brimley wants to talk about Sonic +A photo of a grumpy artist holding a sign with the text Ai STOLE MY JOB +Albert Einstein presents the SEGA Genesis console +""portrait of a cute baby wolf in the forest", a photorealistic colorful painting in the style of ross tran, yoshitaka amano and Liz Gael, trending on artstation, cgsociety, detailed background, 8k resolution, whimsical, friendly, cute" +an illustration of a woman and her cat staring at the moon in the garden at a clear starry night +perfect photo of sadie sink lying in the sheets by annie leibovitz, absurdres +cinderella in high heels and a mini skirt +Alien canine, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +iron Angel; Soft Feathered Blue Wings, Cybernetic style; Intricate Details, Cinematic Lighting, Wide Angle, Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting" +elon musk holding a sign that says +"Burger king" text, different stylization variations, professional design, 3d rendered +An eerie capture of an eldritch being +A valkyrie taking a Viking soul to Valhalla +Portrait of a beautiful roman princess, cyberpunk +A woman with a man at a event, dancing, DJI Zenmuse XT ZXTB19SR V2 Thermal Imaging Camera, , +oil on canvas full body portrait of latina girl with a kimono painted by Egon Schiele +a woman wearing headphones a painting of a boat on a body of water, everything is carpet and 3d, elaborate digital art, red caviar instead of sand, inspired by Jacek Yerka, mar a lago fbi raid lego set, inspired by Jiao Bingzhen, an aerial tennis court, surrealism amogus photo realistic, game board, mermaidsa person standing Design a modern, minimalist logo for a green product review website called GreenGadgetGuru.com. The logo should incorporate elements related to sustainability, such as a green leaf or planet, and devices or technology, such as gears or circuits. Use shades of green and white to emphasize the ecological theme on a path in the middle of a field, star in the sky, city of pristine colors, photoreailstic, in the hillside, the morning star, dramatic photograph, juxtapos, frame around picture, utopia and listening to music, 2d 3d mashup poster design, glowing green neon eyes, female disney villain, it doesn't hurt me ye yeah, 2 0 0 0 s cover art, joel fletcher, megascan, disney remake 2021 streaming, mechanism, various artists, h 7 6 8, green matrix code +young Lee Young Ae, dressed as a 19th century hungarian peasant woman with two black hair braids, in 19th century a hungarian village, character concept art by Munkácsy, Ferenczy, Rutkowski, Marc Simonetti, very atmospheric, natural light +photo of a rugged harsh situation worker, full body 8k in the world featuring soft lustrous,at night, industrial mechanic real world, fantastic location, w +a living room filled with furniture and a brick wall, highly detailed schematic, ciberpunk, in a bedroom, digital banner, by John E. Berninger, all white render, schematic in a notebook, large patches of plain colours, transhumanist, bedroom +An image of a creepy clown by Lee Jeffries in the style of Lee Jeffries, creepy, nightmare, black and white, trending on artstation, award winning, High detail +ink sketch of a fantasy sword +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate pregnant girl at torture chamber. guro art by Ilya Repin +A dark sorceress wearing a tight mage robe +piece of paper with a "QUICK BROWN FOX" written on it +A man terrified by a mouse +Create an artwork that depicts a giant woman kissing a tiny baby boy in a moment of intimacy and tenderness. The woman should have an exaggerated head that is several times larger than the baby's head, and her plump lips should be the focal point of the artwork, drawing the viewer's attention. The size of the woman's lips should be emphasized through shading and lighting effects, making them appear wet and glistening. As the woman kisses the baby boy, her lips press firmly against his face, causing her saliva to splash and coat his cheek. Her other hand should be placed on the back of the baby's head, pushing it tightly against her lips, further emphasizing the size difference between them. The baby's reaction to the kiss should be captured through his facial expression, with his blushing cheeks and parted lips conveying a mix of surprise, pleasure, and vulnerability. The overall style of the artwork should be realistic and detailed, with a warm and inviting color palette that highlights the emotional connection between the two characters. +Gurkha regiment soldiers and kerala people fighting eachother in a war with swords in cinematic lighting at night with professional color grading and wide angle lens, military tents in the background, matte painting by christopher nolan, unsplash, establishing shot, cinematography, photorealistic, epic composition Unreal Engine, Cinematic, Color correction, establishing scene, Depth of field, Excessive detail, Beautiful color coding, insane detail, Complex detail, Beautiful Colors, Unreal Engine, Cinematic, Color correction, Editorial photography, Photography, Photo shoot, Depth of field, DOF, Tilt blur, White balance, 32k, Super Resolution, Megapixel, ProPhoto RGB, Virtual Reality, Half Lighting, Backlight, Natural Lighting, Incandescent Lamps, Fiber Optic, Capricious Lighting, Cinematic Lighting, Studio Lighting, Soft Lighting, Volumetric, Contrast, Beautiful Lighting, Accent Lighting, Global Lighting, Global Lighting of the screen space, Ray Tracing, Global Lighting, Optical, Scattering, Luminous, Shadows, Roughness, Flicker, Ray Tracing Reflections, Reflections in the lumen, Reflections in the screen space, Diffraction Gradation, Chr Aberration Omatics, GB offset, Scan Lines, Ray Tracing, Ambient Ray tracing overlap, Smoothing, FK AA, TXAA, RTX, SSAO, Shaders, OpenGL Shaders, GLSL Shaders, Post-processing, Post-production, Cel Shading, Tone mapping, CGI, VFX, SFX, Incredible detailed and complex, hyper-maximal, elegant, hyper-realistic, over-detailed, dynamic pose, photography, cinematic +mechanical coral in nature, electronics, motors, wires, buttons, lcd +full shot photo, in full color high quality very detailed, very handsome married Malay beefy father +seasoned male elf fighter, turquoise heavy armor yellow trims, annoyed expression, crossed arms, clean background +gorgeous beautiful female in a changing room, black hair, wearing a sheer saree without a blouse, bare legs visible, bare areola visible, bunched up hem, attractive, flirting, full body visible, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +knolling photography of american barbecue items +Sasha + Sasha + Sasha, masterpiece +Futuristic Hero Character with Ball of Energy in front of Him +A hyper-realistic portrait of a cat made out of clouds. +Marilyn Monroe playing electric guitar, comic +**Abstracted abstraction of busy Italian beach scene painted in a fauvism and Expressionist style by Van Gogh and Frank Auerbach, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +Bridget from Guilty Gear Strive, a trans woman with blonde hair, wearing a blue nun-themed hoodie, she's wearing a black skirt with bike shorts underneath, she's wearing a beige shirt with a ribbon tied around it, her hoodie is unzipped, she has a teddy bear, she is bare-legged, she wears blue and white boots, she has a red yo-yo +a snake and ladders board game with a large mapTranquilo, Eliminación, Cortina, Caza, RodarPatos, Ardilla, Ambulatorio, Sagrado, Debajo Fluid, Baseball, Platform, Succinct, Rely a painting of a man standing on top of a boat, by Jacek Yerka, surrealism, man with a blue heart, vereshchagin, noah's ark, half horse - half mouse, peter sculthorpe, kiss, angus mckie, arkhip kuindzhi painting, my home, 1 4 9 3, grain” a cute cheese creature swimming, minimalism, trending on artstation, by petros afshar, anton fadeev, beautiful +a pokemon cat riding a skateboard +Gritty comic book art of a swimmer +An x-ray of somebody who swallowed a beer bottle +hot gorgeous desi hindu goddess durga, leaked desi private mms, viral video photage, divine vivid photo +Symphonic fusion, scientific details, high resolution, extremely realistic +a beautiful portrait of jill valentine from resident evil revelation, done by mucha + greg rutkowski +James Bond in a speedo in the GoldenEye 007 intro +ava addams at her wedding, the groom is a bull animal with flowers on his horns, the wedding is on the beach +Picture of the most beautiful woman ever +cute night and darkness elemental spirit creature by alicexz, dark gloomy atmosphere +anthropomorphic mice living in a tree, Victorian clothing & decor +Anime scene of The Weeknd as a space pilot, Studio Ghibli, high quality, trending on Artstation +she waits facing three ways and fades away by artist "anna dittmann",by artist "the color commander"; Hyperbolic paraboloid glass tesselated Stellated dodecahedron +A cinematic of a cute looking red panda wearing a blue flannel sweater with a white shirt inside, glasses and a chef's hat making sushi on a countertop in a hawaiian style hut with a beautiful sunset and island in the background in the style of animal crossing +portrait of a young beautiful iranian attractive glamour women model wearing armour, hairy,Jodhpurs greg manchess painting by Sargent and Leyendecker, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini +Cursed Realistic Image, high curse, cursed scary, funny cursed +Screenshot of a 3d evil farm game, 1990s +a wood elf posing in front of a waterfall by Don Lawrence +A giant is eating ketchup from a tube +Squirting explosion, Japanese bimbo wearing no lace panties and bra, riding skateboard, doing full body star jump upside down, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +a billboard wall of art posters and framed landscapes by various painters on a white wall in a museum, digital art +a photo of a distopic reality about fashion models with an octopus-shaped mask in the desert, their outfit should be yellow and follow this references : saara desert , Circa 2130 , distopic , burning man festival , futuristic fashion , Rinaldy A. Yunardi +benjamin netanyahu holding a cpu by wlop +portrait of a smug young asian woman with lush violet hair, wearing violet sweater, cyberpunk, 4k uhd, metahuman, subsurface scattering, ambient light +realistic photo of a 8 year old girl mahou shoujo in white tights swimming underwater, full body +Real humans living in a Lego city, insanely detailed, photorealistic, 8k, volumetric lighting, , +a young female holding a sign that says “khaled muh”, highlights in hair, sitting outside restaurant, brown eyes, wearing a dress, side light +Photo of a woman wearing a dress +, fantasy, pastel, absurdist, photo, Wes Anderson, mouse circus +the most beautiful woman, portrait, art by midjourney, gorgeous, armor, stunning +Emma Stone in 1955 New York City, Kodachrome photo +a man fights a wolf, snow, deep forest, near of a lake, the man holds a knife, the wolf has big terrorific eyes, dark energy +Boy running in a field, sunlight shining out projection, high definition +|cyberpunk setting| |tattooed male model| |blonde hair| |dark blonde eyes| +Realistic Black and white portrait of Jenna Ortega bob hairstyle as a 19 year old teenager , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , studio background, image taken by +a cute 3D character made of dodge charger +, fantasy, pastel, absurdist, photo, Wes anderson, jars of brains, +8k, hyperrealistic photography of a stunningly beautiful cyberpunk ((Portrait of a Native American cyborg chief)), exploration, cinematic, Kodak UltraMax 800, ultrarealistic, sharp focus, candid street portrait, fine details, detailed skin texture, masterpiece, wide shot, hard light, realistic maximum detail, volumetric light, moody cinematic epic concept art, realistic matte painting, hyper photorealistic +insanely detailed portrait, female model, insane face details, perfect eyes, dof, dslr extremely intricate, high res, 8k, award winning photography +a giant duck attacking the city +Tucker Carlson pointing and laughing at a sad dog locked in a car on a sunny day +girl on the beach, golden hour +Gorgeous shot of a paladin, as megan fox, 25 years old, clad in radiant shining armor at the edge of the bulwark in the forgotten realms in dungeons & Dragons style by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +a woman holding a sign that says "Here's a sign" +1960 batman surf mansion architect drawing, big sur, bat shape,cliffs and waves, nest, batsign, rotring pencil artist impression, by frank lloyd wright and pritzker prize +movie still of kanye west as superman, kanye west +An African guy chilling at the beach with family +An alien erupting from a screaming victim +an outstanding japanese park, on night, highly detailed, realistic shadows, +Princess, Stunning instagram goddess, fracking for oil on the beach, ilya kuvshinov, by agnes cecile, photo by greg rutkowski +Two female Malayali nurses in uniform making out with each other, photorealistic, DSLR +Ball lightning a rare and unexplained phenomenon described as luminescent floating spherical object +kevin owens and bill goldberg, couple in bed +a cute small 3D robot with round eyes and a friendly smile, wearing a tiny apron to protect its circuits from spilled ink writing on a sheet of paper in a cozy room , its small metal fingers gripping the pen with precision as it scrawls out each letter, there is a small wooden desk where the robot is sitting with a stack of blank paper and a set of pens and pencils neatly arranged on top +Portrait of Pinkie Pie, blue eyes, pink hair, by Shepard Fairey +tmnt on top of a tyrannosaurus, drawn analog style +knight standing inside a gothic church, bloodborne +Nicolas Cage in the Walking Dead, zombies on the background +group of cute monsters with plush fur, cute, smiling, big eyes, pink color shades +stunning beautiful muscular tall queen wearing armour standing outside dark gothic castle, 5k, hdr, illustration +surreal scene, flower, ambient light, fractals +massive ocea, creature lurking in the dark, Thalassophobia, dark, creepy atmoshere, award winning +Beyond infinity another dimension plume intricate details by alex grey high detailed skin 8k uhd dslr soft lighting high quality film grain fujifilm xt3 hd sharp +In China in the 2023s, a large area of sakura blossoms, a beautiful girl standing under the flowers, drinking evian mineral water,photography, high resolution, retro, high detail, full screen, sunlight, crazy details, realistic photography,Medium Long Shot,Waist Shot,full HD, shot with Canon EOS R5, F2.8, ISO 100, 100mm +A cute humanoïd potato in a prestigious armor hold the hand of a smiling knight in a dark souls 3 atmosphere +a helicopter sketch flying in the air, side view, white background, the helicopter is in black and orange painting +viking vs troll fight, power, aggresion, colored, fire, horns +blurry busy rainy street in downtown tokyo winter night, digital painting, trending on artstation +Hiking with an anthromorphic atom nucelus particle, photoshoot, stunning detail, award winning, captivating lighting, finely detailed particle physics, nucleus, fine details, hyper detail, natural grain +A cat that looks like the devil +a bulldog sitting in a forest +Tony Stark becoming a super saiyan +“KRAWLA CITY” text in airbrush style on a white background, best quality, centered, fun, precise +a sculpture of the bitcoin logo inside of a block of ice over melting chocolate +A viking drakkar entering a majestic fjord landscape in winter +A cute and happy robin on a large balcony with luscious green trees in spring in the UK +a Tornado Destroying a Farm in P.O.V Sequel +Villa architecture inspired by the designs of Kazuyo Sejima, ln forest , from distance, epic composition, cinematic lighting,ultra photorealistic,Octane render, +A woman on a beach eating an orange +Composition thumbnails, there is an island, dark landscape artstation painting, +3D rendered anthropomorphic fox acts as a singer in front of an audience on stage, high detail, improved anatomy, maximum clarity, 8k +a billboard that says my name is +A woman alone in the dark +Polaroid photo of dense tropical forest hidden in between of apartment building blocks, evening sun reflected off the palm trees leafs, beautiful sky, lush colors, vibrant, smooth, soft lighting, digital art, unreal engine, lumen reflections, landscape, panoramic, 4k uhd +painting of basalt mountain, trending on artstation +Hyper realistic neo - rococo game boy console. highly detailed digital art masterpiece, smooth cam de leon eric zener dramatic pearlescent soft teal light, ground angle hd 8 k, sharp focus +a green leaf with the word gretee on it,Design a modern, minimalist logo for a green product review website called GreenGadgetGuru.com. The logo should incorporate elements related to sustainability, such as a green leaf or planet, and devices or technology, such as gears or circuits. Use shades of green and white to emphasize the ecological theme web design, circle, clean render, patented in 2039, graphic, no watermark signature, green and yellow colors, rotten green skin, photo of breeze kaze, 3 dex, graphics, badge +a photograph of Patterdale dog riding a aeroplane toy in the cave , +A panda bear as a mad scientist +vally, greenary, water flowing, many smal animals and birds +Magical cat, detailed eye, anime style, beautiful, highly detailed, balanced composition, movement, 4k, realistic lighting, realistic details, immersive details, digital art, beautiful composition, genshin impact, studio ghibli, by Makoto Shinkai, Noizi Ito, Satoshi Kon, Yoshihiro Togashi, Kōsuke Fujishima, Tetsuya Nomura, Hayao Miyazak and Taro Minamoto +painting depicting all four season in one paintng, concept art, artstation, detailed, impressionism, oil on canvas, knife painting, messy, +cool humanoid cat riding a steampunk motorcycle wearing a bowtie +anime black haired tan purple dragon girl with red tracksuit manga purple horns large scaly tail red tracksuit +a photo of a austin mini in a teddybear shop,lots of teddy bears smiling +HD logo catering, healthy food, minimalism, pastel shades, Krishna, 3d icons, family restaurant, Tali, holy India, icon style, realism, octane render +Illustration 1960 style of two men sitting at a table eating food and drinking wine +Portra 400 high dpi film scan of a NASA astronaut wearing a space suit on a planet made of fire +A colorful cake with the words "Happy birthday" written on it with frosting. +very cute tiny, laughing cat, rim lighting, adorable big eyes, small, By greg rutkowski, chibi, Perfect lighting, Sharp focus +photo of a dragon cooking dinner +armers working on field, growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro kitchen room, foto, Jules Bastien-Lepage,movie still, portrait, closeup +a man in suit with a cat head, bokeh +a velociraptor wielding a lightsaber in his hand, artstation, 8k, high res, ultra detailed +**a portrait of a Hawaii big island, Bitcoin hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +A small mammal with 4 legs and with 2 wings and with pointed ears in a science fiction genre +une image de donald trump dansant avec un pikachu +a full body photograph of a burly metal man with a metal beard +double exposure woman in silk lace dress, parting swirling blue paint +katia winter as a red haired fantasy mage in a shattered mirror, soft skin, beautiful, makeup, windy, high detail, lace sleeves, green leather dress, gloves, D&D character, magic fx background +A horde of noodles suspended in air with god rays coming from a dumpling +beautiful lighthouse near the beach water and stars oil painting by ted nasmith and jakub rozalski cgsociety 8k +digital painting, illustration, graphic of beautiful hourglass shape femme fatale, film noir, black and white and red +Dexter morgan with chair for legs +a portrait of Mary Robinson, in Jim Fitzpatrick's celtic style +8k, 80s movie still, a robocop t-800 robot mandalorian tokusatsu, daft punk helmet, cyberpunk, photography +An abandoned love hotel in 1984 Shinjuku, Kodachrome photo +an image of ampera bridge palembang +A beautiful asian naturist succubus doing what she was trained to do- deepthroating +Eren from attack on titan, full body +Colonel Sanders wearing a shirt that reads cockk and roll +High resolution 3D animation, whole body image of a dungeons and dragons style demon succubis naturist in the Scottish highlands, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +A happy elephant wearing sunglasses holding a slice of pizza +a 3d render of a food truck, serving drinks, with a drawing of octopus holding cocktail glasses. let's name it "octobus". add neon lights around. surround it by people, make it early evening.  paris style painting +cool humanoid cat riding a steampunk motorcycle,, by jmw turner +conceptual design of a female character, art by Karol Bak +Viktor Orban sitting in the lap of Santa Claus +scifi corridor metal,roman,studio lighting, volumetric light,JARDINIERE,sir john soane,metal pipes,floor grates,pilasters +Elvis Aron Presley in 1965 auditioning as Captain James T Kirk on Star Trek The Original Series, USS Enterprise, slim, young, athletic, scifi, technicolor, discussion, script +A woman wearing a multicolored pannelled legless zentai sits on a plain beach towel +Young beautiful teenage girl wearing two piece beach clothes +an East African mermaid, her tail is purple and blue, three quarter pose, woven top, dark eyes, braided hair, underwater +Baby book cover, colourful illustration, fairytale, tree house, red roof, white marble walls, detaild +close-up profile of a woman made out of clouds, pale photo, tall buildings, neon colors +analog photograph, photorealistic but completely weird and distorted, mixing people with objects and animals, minimalistic, muted colors, weird, strange, uncanny, natural lighting, one yellow color stands out, evoking deep emotions of grief and sadness, natural lighting, shot on Nikon Z 6II FX +Cara de payaso, cuerpo con proporciones reales, dibujo a grises, realismo puro, calidad de imagen, oscuridad, tenebroso, maléfico, mal, sonrisa malvada, profundidad +Website UI ux Mobile Modern Yellow Green Nike Shoe website HTML +a Brazilian forest monkey at the botanical garden of rio de janeiro +Spirit of rage, face distorted by anger, red, disco elysium, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by greg rutkowski and Wayne Barlowe and Zdislav Beksinski and Francis Bacon +tiny cute vet clinic, isometric view, cutaway box, digital concept art, digital illustration, 3D render +2d game style girl in blue dress +cyberpunk utopia, bustling street, dense urbanism +woman tied up in a cage +a digital art of a very comfortable throne with dragon armrests +fantasy painting of abadone alien structures, towers, antennas +Two lollipops wielded by stormtroopers as lightsabers, mid battle +Ochaco Uraraka can't fit in her supergirl suit anymore +anime girl, anime style, beautiful, masterpiece, absurdres, highest quality, +Portrait of a fairy tale princess by Egon Schiele +Post-apocalyptic Disney princess with a dog sidekick in the Mad Max universe, cartoon style, digital art, artstation +Nicolas cage in the gym, doing bench press , in military uniform +little cute girl, anime, red long hair, blue eyes, simple background, full body, soft skin photorealist, 8k, sweat, blushing, beautiful environmental wide shot, cinematic lighting delicate features finely detailed perfect face flushed gaze, gapmoe, trending on pixiv fanbox, painted by akihiko yoshida from bbwchan, detailed, hyper, intricate, wonderful, accuracy, amazing, wonder, finely, super, exquisitely, super, exquisitely +photo of two people running through a green post-apocalyptic city +A risqué army captain lady with large 🍈🍈 +Alexander Lukashenko dance break dance photorealistic +Professinal Portrait of Terrifier, dlsr, perfect proportional, realistic, insane details, Studio Quality, Award winning +The Yggdrasil of a shattered world. +Masterpiece, best quality, male snow elf in ancient dwarven stronghold, carved deep into the mountain, with massive stone gates wearing hide armor, Artstation, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Ian McQue, by Syd Mead, by Simon Stålenhag, +walter white with a sign saying "Elder Scrolls VI" in skyrim +fruit acos in shape of vulva, cream, photo +A Monkey eating a Banana, High Resolution, High Quality, Many Details +A tabby cat, award winning photo +cute vet clinic, isometric view, cutaway box, digital concept art, digital illustration, 3D render +albert einstein smoking a pipe, league of legends splash art, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +a necklace with an ice cream cone inside of it, a microscopic photo by Jeff Koons, shutterstock contest winner, pop surrealism, wolff olins |, detailed conceptual photography, styled food photographya group of people standing next to each other, trending on zbrush central, great _ hairstyle, art deco sci fi, discord profile picture, photoreal elegant, by Dechko Uzunov, angular jawline, interconnected human lifeforms, psytrance, crew cut hair, by Ernő Rubik, 20 century photography' +attractive young dark-blonde man with stubble, fit, without any garments, on a purple couch +A Portrait of Natalie Portman kissing a Man, High Resolution, High Quality, Many Details, Real Life +a movie still from the 1980's low budget exploitation movie film "Teddy Bear on the rampage" +concept art of a beautiful fantasy landscape with dragons, smokey, mist, clouds, ocean +photorealistic, 4k, high detialed kitchen, matt red with stove, fridge, a table and a bench +A horse stands on its back legs and works a DJ's turn tables at a raging house party. Birthday cake in the background. The horse wears a hoodie and beanie, 8k, in the style of BoJack Horseman +Elon Musk shaking hands with an anime girl +a painting of a wolf with a stained glass window, a character portrait, by Lorraine Fox, deviantart contest winner, art nouveau, kneeling in prayer, an angel standing still, from 2001, albino, no watermark signature, an anthro fox, valkyrie, holding golden chains, sky blue highlights in hair +mechanical birds in nature, electronics, motors, wires, buttons, lcd +Logo geometric business colorful minimalist’ ”skill fit” on a logo +A cute potato in a prestigious armor hold the hand of a smiling knight in a dark souls 3 atmosphere +The fable of the monk who sold his Ferrari +, fantasy, absurdist, pastel, photo, Wes Anderson, bumblebee characters, puffer, techwear +Marble statue of Zlatan by michelangelo +a photo of roman soldiers in front of roman buildings,ben-hur , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole +Hyper realistic picture of a Beautiful blond female secretary trying to seduce her boss +book store, riso, lithograph, fantasy, pastel, absurdism +a cool looking middle aged man with short white hair and beard is typing on his laptop in a dark room on the bed +anime goth succubus girl art, pale skin, horns, digital art, mastepiece, art by artgerm and John William Waterhouse +A blond German nerd with glasses, a small chin and a receding hairline holding a sign that says amk. next to him stands a Turkish girl with a big chin and long black hair, 4k, ultra realistic +A female human with a Lion body +a woman dressed as george washington crossing the delaware +an illustration of a cauliflower shaped superhero +A gijinka black cat sushi chef +the text ""GifCo"" written in sea shells and pebbles on the beach, highly detailed photorealistic, soft golden light, cinematic lighting +a facade of a building made of chopsticks, organic shapes, ornate details, intricate details, highly detailed, photorealistic +a photograph of a velociraptor and a landrover car in the forest ,dinosaur +robot holding bitcoin logo in the rain, ink drawing +seven seals, seven rings, seven brides for the scarlet king +a man with short brown hair with no beard and no moustache in a union jack outfit with long cape, emblem of a lion on the front, directed by Zack Snyder, cinematic high res, 8k, award winning +a fountain in an autumn fantasy forest +18 year-old girl, light-blue hair, lavender colored eyes, sleepwear, white blanket, by Ilya Kuvshinov, Loish, Etam Cru, Jamie Hewlett, Aokamei, 4KUHD, Masterpiece, Raytracing, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, high quality +, fantasy, pastel, absurdist, photo, Wes anderson, superhero characters +A woman wearing a leather jacket and jeans +a cinematic still of 3rd reich officers smoking heavily in a bunker watching 50'' flat screen tv with mickey mouse cartoon on +A one-armed woman playing chess with a rooster on a farm in Spain +tiny clear plastic dog , made of crystal,metal parts visible inside, Product shot, prototype, robotic, ultra detail, clear parts, white background +the experiment lay strapped to a lab table. a woman. comic illustration +A dog on top of a horse, it is riding a horse without a leg +graffiti design, red purple yellow, interesting design, vibrant colors +A photo of a photographer at a beach taking a photo of the beach +sandstone statue of a cat in a jungle +The word PIZZA made out of pepperoni +a woman pointing straight ahead at viewer +A landscape, there is a stone colossus in the background, digital art, epic, awesome, volumetric lighting +A fly in Star wars the clone wars series style +Neural Kinesthesia Syntetic dream Immersive Audiovisual installation Digital reality Iridescent Cosmic Ascension Tantra Ethnic Vintage Conception Holographic Kundalini Hypnotic Vertigo Abstraction prism Illusion uncanny +Angry jocker close face dark theme +a beautiful young woman in an evening gown +a famous tortoise winning a race on the shattered plains of Roshar, in Brandon Sanderson's Stormlight Archive +stylish haute couture outfit worn by model in the style of 90's vintage anime, surrealism, akira style. detailed line art. fine details. inside a 7/11 in tokyo +a pangolin holding a sign that says DotCSV +Wednesday Addams sticking tongue out holding a sign that says Rock N Roll +angel, copper wires, beautiful rainbow melting dripping over swirling hair splash art graphic design color splash high contrasting art, liquid light, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha, 8 k, +sculptures dickens elderly mother candlelight worried hdr cropped ,Abram Efimovich Arkhipov +Psychedelic, distorsion, inferno, oscure, night, dark, spiral, confusion, mountain cold, background, pixar style, 2 d illustration, concept art, behance, artstation, 4 k, 8 k +Photo of a rugged 50yo cowboy sitting on the front porch +Retrato de messi sosteniendo una cabra +full body picture of a mermaid covered in seaweed +a big winged man carrying a cane flying +anime girl, semi human raccoon, isekai, brown hair, pink eyes, digital art, trending on artstation, anime arts, featured on pixiv, hd, 8k, highly detailed, good lighting, epic, masterpiece - h 768, by greg rutkowski +The word "POOP" on fire on a cyan background +Profesional photographer shooting around a soccer game cartoon style +photo of the biggest dog in the world walking on streets of berlin +movie still of peppa pig in gears of war, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +Dolly Parton eating a messy pie +, fantasy, pastel, absurdist, photo, odd felt characters +The Joker, real portrait, ID photo, elegant, highly detailed, pinterest +Class whiteboard with 2 + 2 = 4 on it. +Dinosaur with cool blackglasses hacking a computer, miami vice, vector art, vibrant colors +Flying horses with wings, at sunset at the Lower Galilee +super cute leprechaun wearing a crown, as a king of elfs, shot on a Canon EOS R6, 85mm lens, ISO 100, high definition, 4k, high detail +Viktor Orban dressed like Elvis Presley +A warrior with a warhammer, highly detailed armour with golden decorations, dark fantasy style, whole body, photorealistic sharp details, realistic shadows +Movie still of Christopher Walken as Cyberdyne Systems Model 101 and T-800 in The Terminator 2, expressionless, wearing a biomechanical suit, scifi, concept art, +Removing parts of yourself while high on pcp, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +16 years old, beautiful, girl, soft, close-up, 85mm, fuji, 32k +anime woman in a t-shirt and shorts, magazine cover with title "Image" +new bullet train, dramatic angle,lensflare, cinematic +an old man in suit with a sign with the text "Thomas is gai" +Portrait of robocop wearing futuristic police armour in a british city in the day, intricate details, HDR, beautiful, dark blue colour +A tree in a field in front of a mountain in the style of bob ross +mark coffey, hairy musclechub, wearing leather apron, medieval baker, fiery medieval bakery background, red orange warm theme, fire theme +Many furry cats shiny webs between their paws and body, flying over above under a fractal spiralmade of glittering jewels, background sunrise, ultra realistic, in orbital space, cinematic, Unreal Engine, octane render, 4K UHD +A broken in half Homer Simpson statue on a tropical beach +Many furry cats with shiny webs between their paws and body, above under a fractal spiral made of glittering jewels, Möbius-influence background sunrise, ultra realistic, cinematic, Unreal Engine, octane render, 4K UHD +An android holding a wooden stick +michael jordan dunking in the air skycraper view from top helicopter city landscape nba basketball ball sports tv +Apple tree orchard in summer morning, two girls dressed antique clothes are picking apples one is on a ladder giving apples to the other one that puts them in a basket. +old colorized photo of a man in swedish traditional clothing +An artistic photograph of a vintage record player playing a Beatles album +a teenager, sad, tired, moody, cold, staring, blank stare, void, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality +Turkish cat wearing snapback and golden chain on neck with dollar sign pendant +el fat maradona del ocho in mexican vilage playing against bruce lee 1979 35mm old grain film nba basketball ball +Homo heidelbergensis hunter gatherer apeman, headshot photo, nikon, dslr, 8k uhd, highly detailed skin +very dark purple haired anime woman hokage sitting on a chair's seat, fantasy style, office background, realistic +Close-up Portrait of an old handsome man by Martin Schoeller +a sign that says rice crusher 3000 spring edition,o.a close up of a person in a kitchen, whale, still from avengers endgame, in style of heikala, with names, bbw, by Jakob Häne, marine animal, with a sad expression, actor, solid background color, in valhalla, modern adaptation valve promotional splash art, cyberpunk bee, inspired by Gabor Szikszai, bong, 8 k ultra realistic creature, cgnation, picking flowers, cgsociety masterpiece, blurry and glitchy, what a bumbler!, poggers, ebay website, - 8 k +landscape view of The mysterious vast realm of Defracted shadow & light +The painting depicts a majestic white wolf standing tall in a serene forest setting. The wolf's fur is painted with intricate brushstrokes that capture the play of light and shadow on its coat. Its piercing blue eyes are filled with a sense of quiet wisdom and intense focus. The overall effect of the painting is one of serene beauty and wildness captured in perfect harmony. +A red lion cub with long fur, very cute +Epic award winning cinematic extreme close-up portrait photography of human praying covered in red plastic in SECT, pain and terror. dead bodies in the background. Subtle fog. Gloom. Uhd, 8k, 16k, hd, hq, sharp focus, hdr, octane, glossy textures, photorealistic, volumetric lights, ray traced, +An abandoned city covered in vines and moss. 3D Game Cinematic Feel, Epic 3D Videogame Graphics, Intricately Detailed, 8K Resolution, Dynamic Lighting, Unreal Engine 5, CryEngine, Trending on ArtStation, HDR, 3D Masterpiece, Unity Render, Perfect Composition +sentient sprinkled donut who thinks it is made of music rests peacefully near a beautiful landscape +an evil entity that is made out of cheese casting a terrible spell over slices of bread, crazy, horror, nightmare, artistic +Teenage Emma bunton as barbarella, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +, fantasy, black and bright pink, absurdist, photo, +You're a talented photographer tasked with capturing a stunning, photorealistic image of Jenna Ortega, the 20 year old actress known for her bangs hairstyle. Your goal is to create an image that feels natural and authentic, while showcasing Jenna's unique beauty and style. You'll need to use your expert knowledge of lighting, composition, and posing to create a truly memorable photograph that captures Jenna's essence. Whether you're shooting in a studio or on location, you'll need to work quickly and efficiently to get the perfect shot. Your final image should be technically flawless, with crisp details, accurate colors, and a sense of depth and dimensionality +a photo of a forklift partially occluded by a stack of boxes +Hello Kitty holding a sign saying: “support abbiez” +young Lee Evans as a postman by Marc Simonetti, mucha +a beautiful blonde woman wearing intricate gold filigree armor, fantasy armor, digital art, 8k, castle in background +A surfing steampunk giraffe in a rainforest +a tall woman with purple hair in leather, tatooed, neon lit bar +A highly detailed landscape painting of Lake Como in Fall, masterpiece, absurdres, highres, featured on ArtStation +A couple of Chinese lovers are listening to music attentively in front of a pair of large speakers, , Pencil Sketch +A woman wearing a sunflower stamped dress, intricate dress, HDR, Golden hour +London skyline, birds eye view, Van Gogh style, painting +a family of bears on holiday, mallorca, 1983, polaroid photography by andrei tarkovsky +A young stylish woman speaking in a megaphone entirely made of semolina. +Website, UI, ux, PC, Modern, Red and white, gameboy, official website, HTML, design, web, games +aurora borealis trapped insode of translucent ice, vibrant, 4k, infinite, hyperrealistic, hyperdetailed +Piper Perri and the mcganns, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +anime girl party outfit, anime artstyle +Being vaccinated does NOT mean you can burn down the Monastery of the Blessed Virgn, as depicted in a Blade Runner movie, by updating Popeye's classic "Panini mouse" outfit and holding a copy of Classic Collectible Painting #1. Enjoy your free lunch. +Photo of white people in mud bath +Illustration of two women sitting at a table eating food and drinking wine, by Akemi Takeda +smiling man in a tuxedo holding a yellow sign saying "the fog is coming" +old abandoned house, vintage, hyperrealistic, glowing, abandoned +A beautiful 3d intricate etching of a spectral Royal Navy frigate in front of a glittering stormy ocean of darkness by Francis Seymour Haden and Franklin Booth and Alphonse Mucha, engraving, print, lithograph, octane renderer, volumetric lighting, ornate, cross-hatching, embossing +roman soldiers, mallorca, 1983, polaroid photography by andrei tarkovsky +halo masterchief space cool video game character +A highly detailed realistic portrait of a man fighting a gorilla, realistic, hyperrealistic, big depth of field, by R.J. Matson +Archeologists found alien artificat near the great pyramid +Sparky is a small, scruffy dog +film still, close up, beautiful woman rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, big breas ts, film still from 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +Ukrainian cat looks like second world war pilot,flight helmet,wearing skin pilots cloth,resident evil comic style,highest detailed,8k hd,marvel comic,dinamic pose,epic view,cinematic light +photorealistic, 4k, high detailed, rabbit, anthropomorphic, dressed like a samurai +Realistic Black and white portrait of Bangs hairstyle 20 year old Jenna Ortega , bangs hairstyle 20 year old Jenna Ortega ,t shirt , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +cinematic still of establishing shot from masterpiece cinematography film about liminal space, peace, tranquillity, high details, sharp focus, softest light, perfect composition, , nostalgia, grandeur, best quality +Space scene of thousands of blue or yellow spaceships in two formations +Harrison ford in an Aztec era spacecraft +a cute guy with his laptop on midnight, stars, +photograph, high detail, high defintion, 8k, hdr, global illumination, black girl bare body in bed +Fursona furry fox , female , beautiful , attractive , orange body , fox body colours , smiling ,digital art , showing off , masterpiece , by foxovh , hourglass body , furry art style , long loose brown hair locks , yiff , fox head +red box inside of a blue box +A man with glasses, a programmer, uses an Apple computer in front of him, POP MART style. +> dnd illustration of a woman, epic heroic fantasy human commander, red and white light armour clothing, long black hairs +Picture of a medieval lady holding rocket launcher ready to launch +, fantasy, pastel, absurdist, photo, refined, textile rocket ship +A hot big cup of coffee in the high school cafeteria, realistic +thanos as frodo from lord of the rings, league of legends splash art by greg rutkowski, epic art on artstation +alfred kubin sketch draw of a gothic girl with messy makeup, gesture exercise, anatomic draw, detailed draw +A highly detailed gestapo officer in his black uniform +young handsome teenage boy with blond hair and blue eyes +Bust, Shoulder and head Portrait of Redhair young Warrior woman, By Luis Royo, frazetta +scandinavian zentai woman wearing white zentai body with zentai aesthetic +Jim Morrison sticking tongue out holding a sign that says Rock N Roll, horns up +a flying pig with wings going through a window +realistic picture of trail runner summiting a pass surrounded by mountain peaks +oil on canvas full body portrait of latina girl with a kimono painted by Sorolla +video game sprite of turrets and weapons +an image of a mad roman bishop inside iron maiden,cyborg, cyberpunk style,warrior,by antoni tàpies and Yves Tanguy,simone martini and josé clemente orozco +a sheep teddy with neon lights on a cyberpunk bedroom +waiter serves a cow's eye on a plate +María Pagés, firedance, 1995, flamenco, oils +a anime style picture of 5 stones. a orange stone a blue stone a red stone a white stone. a yellow stone. +Usain Bolt is insanely devoted to beefburgers +A cute girl 8 years old, purple hair, ponytail hairstyle, digital oil painting by Monet +wideangle photo Little roman town, Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting +Photorealistic close up image of a 18th century battle field, charging calvary, mayham, death, destruction, dusty, bokeh, smoke filled, +Color pen and ink, illustrated by hergé. a boy alone in his messy bedroom at night, intricate details. +Still shot from the 1964 French Sci-Fi movie Brigitte Bardot, Jean Paul Belmondo and Louis de Funes +A portrait of young giant muscle interrogater crush busting pregnant slave girl at Torture Chamber. highly detailed image +dolphins swimming alongside a cruise ship +Medium shot of young woman with long straight pink hair, wearing black tanktop and latex short shorts +fantasy, pastel, absurdist, photo, refined, flamingo people +a pixel art picture of a pink tree, pixel art by Pu Hua, reddit contest winner, pixel art, #pixelart, 2d game art, anime aesthetic +Gay dinosaur eating pie with the dog pope lol +a real car made of plastic +Fat rich black man in suit in a wasteland +digital painting of a battle between Sun Wukong vs a panda by Feng Zhu and Gustave Doré +A portrait of forest spirit, an intricate and hyperdetailed matte painting by yoshitaka amano , magali villenueve, Anna Dittmann , fantasy art, movie poster, celestial, vaporwave, symmetrical face, accurate anatomy, ethereal, sunshine rays filmic holographic digital illustration concept art pixiv volumetric lighting 8k cel-shaded +A Corgi and a goldendoodle playing together on a large expensive green couch +, fantasy, pastel, absurdist, photo, refined, nebula +a picture of a man with a high pressure water valve on the back of his neck, by Salvador Dali +a pixel art picture of a house in the woods, pixel art by Stanley Twardowicz, featured on tumblr, pixel art, #pixelart, 2d game art, ominous vibe +detailed portrait neon female swat officer, cyberpunk futuristic, neon, gas mask, reflective puffy coat, decorated with traditional japanese by ismail inceoglu dragan bibin hans thoma greg rutkowski alexandros pyromallis nekro rene margitte, fire & smoke, illustrated, perfect face, fine details, realistic shaded, fine - face, pretty face +Colourized WW2 photography, a town church semi destroyed +dnd illustration of a male, epic heroic fantasy dwarf computer scientist, wearing anarchist t-shirt clothing, long white and black beard +very old western man in front of library showing a manga comic cover to the camera +Marilyn Monroe wearing a shirt that reads Dali +hot black girl with curly blonde hair drinking champagne +masterpiece, absurdres, oil painting medium, carne griffiths, yuko shimizu, extreme details, illustration, perfect anatomy, portrait, perfect detailed eyes, beautiful woman astronaut, full body, detailed face, cinematic light, studio quality, smooth render, unreal engine 5 rendered, octane rendered +3d octane stylized blender render of an attractive woman stargazing on a beach +a delicate elegant dragon watching the morning sun rise over the colorado mountains, painted by willem haenraets +hummer, 50mm, color topaz precious stone paint in a modern eletric suv photography +Portrait of a 26yr white teen, hyper-detailed, extremely ashamed, soft skin +Antique, warm hues, dark haired, massive, fat kinky portly male Bishop, little willy, in frilly white lace tutu, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A picture of a 18yo teen girl a smelly tight outfit with yellow liquid dropping down legs, Fog fumes near the backside of the woman, smell fumes around backside, , +exquisite marble detail, spray on candy glitter, cum skid marks, car headlamps led, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +ultra photo realistic Vietnamese pho noodle pizza with springroll topping +A lemon playing a guitar on a beach +Fursona furry fox , female , beautiful , attractive , digital art , shwoing off , masterpiece , by foxovh , hourglass body , furry art style , long loose brown hair locks , fox head , +photo of two muscle guys bald Slaughter punish abducted and degraded Boy at Juvenile Prison for Boys. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +Giant skull melting and creating a blood river through an ocean +An toodler listening to the happiest song in the world. +Leonard Euler holding a sign that says: " Ioana study physics " +Giant caterpillar riding a bicyclePhotorealistic portrait of a woman model wearing a wedding veil, looking out the window, dramatic lighting, 88mm +Emperor penguin weightlifter starring in sci-fi sitcom in style of 1980s star wars da vinci +Cat stuck in a beer glass , whole world in the bottom of the beer glass , fisheye view, black and white thick outlines style +a nun surrounded by zombies on fire +FIR PLANK WOOD PATTERN PAINTED TRAY SET +Golden metal 3 4th portrait of a skull by Android Jones and Victo ngai: Professional photography: by Russ Mills and H. R. Giger: hyperrealism trending on Artstation volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, realistic +a full body photo of a 19 year old redhead wearing a crop top and a miniskirt +A perfectly formed woman with a pretty face, red wavy hair, blue eyes, wearing a purple dress, half photographed +old fortune teller's booth, vintage, hyperrealistic, glowing, abandoned +Stunningly beautiful woman genetically fused with a carnivorous plant, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +underground mining sculpture waldorf workers bosa choreography slovenia +Hyper realistic dark Portrait of Quasimodo, human creature, facial disfigurement, crocodile, exoskeleton, textured rough dark skin with lizard scales, feathers, monstrous, Kaiju, concept Monster art, scary, human face, highly detailed photorealistic, human eyes iris, teeth, bodybuilder demogorgon xenomorph alien monster +an illustration by anne geddes and henry darger +Marilyn Monroe wearing a shirt that reads Happy Birthday +Realistic photo of a 4 year old girl flying on a huge butterfly I'm between beautiful flowers +evil bad angry dog girl from paw patrol +attractive, young, fit man, white suit, waving one hand at the camera, rejecting, denying, angry, mad, crazy +New fluffy anthropomorphic character wearing hip hop fashion in the movie turning red by disney pixar, cgsociety contest winner, 8k, best quality, vray, gal yosef, carlos ortega elizalde, dreamworks, award-winning 3d CGI artwork +a dog electric type pokemon, fighting in a gym battle, pokemon card art, thundershock +a Yorkshire terrier at the beach +Twitter girl Japanese big brests perfect body +The Beatles on stage playing in Champ de Mars, in Paris, a drummer on stage, the eiffel tower background, a lot of people, extremely detailed +DVD screengrab from a dark fantasy film, malevolent king, sitting on a throne, scheming expression, dark castle background, black and red color palette, dark fantasy +, fantasy, pastel, absurdist, photo, refined, animal furniture mutant +Fluffy snooty elegant fashionista ferrofluid wax lace cabbage +curved perspective digital art of a vibrant dark kitchen from Tim Burtons Nightmare Before Christmas by Petros Afshar +Fathers' Day celebration at the ogre commune. +photo of a velociraptor and an MGb car in the jungle river +realistic image muscular girl with dark skin in tight shorts +Cute tomboy, freckles, lowcut blouse, loose clothing, mamilos +A movie scene with a government official +a beautiful girl with dark hair +A nuclear plant exploding and in fire, post apocalyptic, apocalypse, disaster, dull colors, dramatic +old colorized photo of people playing tribal drums in amazonas +A red panda wearing a blue flannel sweater with a white shirt inside, glasses and a chef's hat making sushi on a countertop in a hawaiian style hut with a beautiful sunset and island in the background in the style of animal crossing +Mona Lisa wearing sunglasses holding a sign that says Famous +faceless shadow god, ghost, misty, barely visible, trees in the background,purple eyes staring death into you, photorealistic, dark fantasy +frontal portrait of David Bowie, by Boris Vallejo +Man with head in a cage of bees and wasps, stung, ] +anime sword art online in style rick and morty series, 4k, +A hot big cup of coffee +rustic exotic and emotional single unique special flower watercolor by anatoly melnyk. trending on artstation, winning, photorealistic""rustic exotic and emotional single flower watercolor by anatoly melnyk. trending on artstation, winning, photorealistic" +girl with short black hair, ryuko matoi,kill la kill, waterpaint, insanely detailed, whole body in shot, very short skirt, very short top +a vectorized logo of an alien, minimal logo, vector art +photo of a goblin working at a gourmet restruant +whole body image of 20 year-old Molly Ringwald as a naturist in detention at school +This apple is a bright shade of red, with a smooth and shiny exterior. It is plump and filled with juicy flesh, bursting with a sweet and subtle tartness that makes your mouth water. Its size is medium, with a perfectly round shape. As you take a bite, you can feel the softness of the fruit, the burst of juice, and the fresh aroma of the apple. +a bird sitting on a tree branch wearing a scarf and a beanie +A digital painting of an anthromorphic dragon wearing a medieval fantasy armor, trending on artstation, digital art +photo of a soviet scientist with red goggles and gloves on a boat +Watercolor painting of european city park, workout machines, afternoon backlight, by greg rutkowski, by anders zorn +Smiling, massive black chubby teen, cum explosion, riding long skateboard, Pascall Shamerock star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +20 something girl standing in the rain in London +A medieval city, oil on canvas +A man driving tractor trailer on a highway giving a thumbs-up +Portrait of a wise old man with a bald head, a long white beard, and charming blue eyes. He's wearing a navy blue suit and a polka dot bowtie, seated in a cozy library, surrounded by towering bookshelves and antique furniture. +Saturn seen from space so all the rings are visible +young Muscle guy cutting castration a giant testis TESTICLE on the dissecting Table at torture chamber. plural testes, male reproductive gland, bloody background. highly detailed guro art +a painting of a cute little town, Terry Pratchett book cover +An image of light crossing through gaps in time, dynamic lighting, electrifying, synesthesia, time travel style +Dogecoin dog beside a bank vault +portrait of cute anime girl, cute face, cloudy sky background lush landscape illustration concept art anime key visual trending pixiv fanbox by wlop and greg rutkowski and makoto shinkai and studio ghibli +Alchemy Laboratory,Repetitive,design by Ho Chi Minh,museum builded by bamboo ,Extra Long Shot,hyper quality,Unreal Engine,outdoor green space,Architectural photography,Canan EOS R5,FE 85mm F1.8,ISO 100 +music art print synesthesia, music flower, music notation notes and clefs +ava addams teniendo coito con un niño +photo of topmodel standing next to toyota corolla +Muscular body boy white swimwear handsome +cool dinosaur-man hacking a computer, synthwave, miami vice +A beautiful all body raw natural woman +an android dreaming of electric sheep +Black and white 1905 year futuristic portrait of old mad professional photographer with camera in hand in a desert sadly covered by flying frogs +Cthulhu sticking tongue out holding a sign that says Hail Satan +Realistic Black and white portrait of actress Jenna Ortega with bangs hairstyle , jacket , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +Professional photo of a beautiful ginger freckled female fantasy cosplay mage with freckles, grey eyes, and a closed mouth. She is 20ish years old. She is wearing modest long blue robes with many small details and is standing in a a dark alley in a fantasy city with many details. She is looking at the viewer. +a long, red haired woman, dressed in a black medieval dress in Transylvania, portrait by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood +the luxury penthouse in Manhattan, my eyes widen in awe at the opulent surroundings. The large living room with its open concept design is both modern and minimal, with a dark aesthetic that exudes a sense of mystery and sophistication. The trending modern cottage wood, glass, and shiny glass elements are perfectly complemented by steel and marble details, giving the space an air of timeless elegance. The polish ebony floor glistens beneath my feet as I take in the grand piano in the corner, the perfect centerpiece for this luxurious room. The beside view is breathtaking, and I can't help but be impressed by the attention to detail in the shiny black accents throughout the space, especially in the modern fireplace, which gleams and casts reflections on the surrounding surfaces. As I walk through the penthouse, I notice various art references with names, hinting at the owner's cultured and refined taste. The literary references and philosophical references scattered throughout the space also indicate that the owner is someone who values knowledge and deep thinking. Overall, my first impression of the penthouse owner is that they are someone who is both sophisticated and intellectual, with a keen eye for design and a love of luxury. The dark mood of the space is offset by the shining elements, reflecting the complex personality of the owner and the intricacies of their life. +A martial arts hero standing on a cliff overlooking a misty valley", "The hero wears a flowing blue robe and holds a sword in one hand, his other hand resting on his hip. His eyes are fixed on something in the distance, and his hair is blowing in the wind.", "The valley below is shrouded in mist, with only the tips of trees and mountains visible. A waterfall cascades down one side of the cliff.", "The hero exudes a sense of calm and confidence, as if he is ready for whatever challenge lies ahead.", "Traditional Chinese painting style with bold brushstrokes and muted colors", "Using traditional Chinese ink and brush on rice paper to create a dynamic and expressive painting. +a woman wearing headphones and listening to music, 2d 3d mashup poster design, glowing green neon eyes, female disney villain, it doesn't hurt me ye yeah, 2 0 0 0 s cover art, joel fletcher, megascan, disney remake 2021 streaming, mechanism, various artists, h 7 6 8, green matrix code +security camera footage of a room in video game style with crt shaders applied +a pig dressed as a batman sitting down, concept art by Zack Snyder, featured on deviantart, pop surrealism, dc comics, concept art, dark +A dwarf exploding a human head with a hammer +a magician in the castle, illustration +HDR, Full HD, comic book art, noir theme, only black and white, solid shadows, dynamic composition, rule of thirds, long hair male in a detective attire. +retro midcentury cartoon advertisement for selling your soul, deal with the devil illustration +Full body portrait of a 22yr white female, photorealistic, blushing, soft skin +a movie scene, an exploding house, cinematic +widenagle view of the street scene from the movie about ancient rome +photo of a pack of velociraptors down a muddy road in the jungle and a landrover, by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 ,landrover in the far distance +action cam up close on the unicorn +solstmidwives sorrow edwarmargarmillerakrishcommunion, jules bastien Lepage +A closeup of a blue, human hand holding a red cube. +Sacred geometry, neorealism, flower of life, mandala, cyberpunk, third eye, mysticism, details, patterns, swastika, antiquity, hd quality, yantra, mantra, india, laser, shadows, brightness +Macro Photo of a tiny baby dinosaur in a blizzard +A woman being flogged carrying a nation +photo of a lotusesprit s1 in the city river ,splash rocks , +Award-winning photo, masterpiece, Beautiful jungle woman, highly detailed +Illustration of two men sitting at a table eating food and drinking wine, by Richard Corben +A dark prince with a glowing teal zweihander +skinless warrior, bloody, rotten, grotesque, horror, dark, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +interior design of small bathroom, with toilet and sink and closet, mint tones, aesthetic, interior design price winning, modern +a tiny mouse dancing in the rain +Vintage male wearing latex formal suit on a retro environment +, fantasy, pastel, absurdist, photo, bird people, costume +psychedelic beast, neon colors, comic illustration +alien with blue eyes, dark, wreckage, ultra realistic, ultra detailed, high rendering, RTX, 8k +Frontal portrait of Barack Obama wearing cool sunglasses, 35mm colour film photography +Man standing in a bursting volcano, hyper realistic +Cartoon woman with chubby feminine body and male genitalia +you won't belief this! Most Funny! +a line drawing of a public bathroom stall +Mathematics, a book cover about a mathematical fairytale, geometry, functions +a woman wearing an octopus as a hat +Albert Einstein presenting a video game in front of many smiling children +bernese mountain dog running in the grass, blue sky +A wwii soldier in an abandoned city +Alfred Stieglitz – Landscape Photography with a Fiery sunset: An intense and mesmerizing scene of vibrant oranges and reds blending together as the sun sets. The colors appear to be drifting and moving like flames, creating a sense of energy and excitement +cyberpunk giant muscle Soldier inquisitor murder pregnant human girl. art by Daniel Ridgway Knight +a cat wearing top hat,glasses and bow tie,sitting in chair +an image of a clouds scene with a clouds and clouds , pixel art by Paul Kelpe, pixiv, clouds art, #pixelart, copic color palette, 2d game art, concept art +The cast of the Friends in anime style +Illustration Portrait of School girl and a giant steampunk robot +a hybrid animal, tiger body, hawks head, stalking prey +Lounge chair, mid century, Eams for Herman Miller design +, fantasy, pastel, absurdist, photo, gawking +photo of a little girl mahou shoujo in miniskirt, realistic +A glossy fashion-photography inspired image of a model wearing a designer dress, striking a pose with a McDonald’s Big Mac in one hand and a Louis Vuitton handbag in the other. +kyoani kyoto animation Hatsune Miku anime screenshot in the city at night dark lighting +portrait of a young woman in fantasy armor wearing a Raven masquerade mask, dark piercing eyes, exotic expression, photorealistic, highly detailed, mysterious lighting, artstation, smooth, sharp focus, art by Michael Whelan, Artgerm, Greg Rutkowski, Luis royo +A photo of a sign on the road that reads "Road Work Ahead" +full body picture of thoris dejah at burningman +High detail RAW color photo professional close photograph of emma stone ,solo portrait,textured skin,hourglass body,skin pore,realistic,pose,,sensual,masterpiece,award winning photo,4k,high quality, highly detailed,hasselblad +Prawn dishes, 8k, hyperrealistic, unreal engine, trending on artstation, high quality, dark +Realistic Black and white portrait of Bangs hairstyle Jenna Ortega , bangs hairstyle Jenna Ortega 20 year old ,t shirt , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +Sara Jean Underwood riding a bicycle +classical painting of an haitian zombie, voodoo, forest, night time, oil painting, candle lights, moon, blind eyes +fluffy anthropomorphic lynx with antlers, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art +Maximalist baby hippo, big eyes, in the woods, birds eye view, illustrated by hergé, style of tin tin comics, pen and ink, pixel art, pixel perfect +A portrait of Guan Yu, popular character in Chinese mythology, full body, realistic clothing, drawn in a naturalistic style, fine details, long hair, blue eyes, sword in hand, by Wei Yu Chen +a photograph of dog driving a car toy in the cave , landrover , Patterdale Terrier ,toycar +break of dawn, 90s hip hop album cover, new york city +Visual Novel in Wayne Barlowe style Close-Up Shot of emma, Chaos Realm, Vibrant, Hypnotic, award-winning, Sepia +professional hyperrealistic 4k fantasy video game screenshot of a hybrid between a bobcat ocelot and clouded leopard with antlers, swirling blue mist surrounding it and carrying a lantern in its mouth, happy, cgi, rpg, dnd style, HD, hyperdetailed +pale pink haired goddess, wearing byzantine gown | fantasy, hyper-detailed, accurate anatomy, symmetrical facial features, sharp focus, volumetric lighting, 16k | karol bak, yoshitaka amano, tom Bagshaw, aurora, zbrush cel-shaded, cgsociety | ethereal beautiful astral vaporwave storybook illustration, dark fantasy +medium shot photo of a fantasy female bloody rotting zombie blade master, located in a dungeon, made by Stanley Artgerm Lau, WLOP, Rossdraws, ArtStation, CGSociety, concept art, cgsociety, octane render, trending on artstation, artstationHD, artstationHQ, unreal engine, 4k, 8k +wideangle panorama inside the gold massive getty villa, fish eye lens +Aliester Crowley sticking tongue out holding a sign that says Rock N Roll +Behind the scenes photos of the faked Apollo 11 Lunar landing on a Hollywood sound stage directed by Stanley Kubrick. Leica IIIc, 35mm. Black and white film. Grainy, low contrast, blurry, candid +a needle-felted palm tree inside a clean bottle +futuristic star ships fighting a battle with particle weapons and torpedoes +photograph of A live performance of a group of people dressed as animals who act out scenes from famous movies in a public park. The performers use props and costumes made from recycled materials and interact with the audience and the environment. The performance is meant to question the role of human-animal relations, media consumption, and environmental awareness in a globalized culture, grainy, imperfections, dirt, shot on 35 mm Kodak +tom cruise as a werewolf, ultradetailed, embellishments +colorful giant mushroom forest in anime style +A classic car with transparent bodywork, the internal components clearly visible, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +a horrific splicing of human and plant, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +a wide angle photo of roman soldiers in front of courtyard roman buildings,roman soldier in foreground with helmet and sword ,blue eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +insanely detailed portrait,female model lying on the ground, open legs, no cover, no pants, insane face details, perfect eyes,dof, dslr extremely intricate, high res, 8k, award winning photography, +Photo of teens black metal concert +baroque painting with cat eating banana wearing velvet costume, masterpiece, gorgeous +Sam Hyde driving a truck, realistic +Photo of a girl kneeling in a bedroom +Symmetry straight angles the new album cover from synthwave retro sonic genesis game sprite resource neogeo shooter aero fighters by vladimir kush by roger dean triangles mesh flat shading extremely detailed 4k 8k +Scottish woman with green eyes, realistic +Woman wearing pvc catsuit preparing food at kitchen +little boy character , multiple poses and expressions , children's book style , full colour , black shoes , brown back pack , no jacket , black shirt , short brown hair , brown eyes , flat colour +photo of kneeling before two muscle guys bald Slaughter punish abducted and degraded Boy at Juvenile Prison for Boys. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +Black and white sketch, There are 7 Chinese people on a medium-sized fishing boat, The wind is strong and the waves are rough, their personal belongings are scattered on the deck, and they are all a little scared +Astronaut in a massive colorful space +Portrait of an angry gandolf with lightning shooting from fingertips unreal engine character +a manga drawing of naruto fighting goku +a stuffed animal of a blue fox +screenshot from game about aliens and top secret agencies in style of first deus ex game from 1999, x files +Nepali village aunty boob. Wearing legging +Wii Sports Bowling but it's Golf +Design sketch of a Star Wars inspired aircraft, symetrical +comicbook illustration of pepe the frog,business suit,cigar in hand,puffing out smoke cloud +A cigarette with "When Soon" spelled out in smoke +shield made out of blue UV light, realistic, modern, graphic design +an orange cat hugging a rock +A Black man with dread locks wearing a bomber jacket standing in a train. His face isn’t clearly visible. Trippy photograph from behind with a lot of motion and blurriness +a close-up photograph of a young winona ryder in an urban wasteland, atmospheric, grainy, gritty, (in punk clothes), intricate details, highly detailed, (iconic), black crush, heavy noise, intimate, analog, morning haze, hasselblad 501CM, ((by anton corbijn)) +anthropomorphic voodoo doll character wearing balaclava mask and hip hop fashion. muted colors, light and shadow effects, detailed, intricate, clean and textures, trending on artstation, trending on cgsociety, award winning digital art, NFT, extremely detailed, 8 k, behance, trending on pinterest, disneys pixar 3d style, stylized 3d NFT render +text "whats going on" on a tv screen +painting of goddess of basalt, trending on artstation +Black mini labradoodle with brown eyes in the style of a studio shoot, straight fur, hyper realistic painting, short black fur, no collar, no curls no waves in fur +photo of a priceless opal set in a bezel on a platinum ring +lots of model cars in the jungle,photograph ,detailed models ,traffic ,One point perspective +angry zombie nurse portrait, empty bloody - black eyesockets, horror core, apocalyptic, feeling of grimdark, sharp focus, fiction, hyper detailed, digital art, trending in artstation, cinematic lighting, studio quality, smooth render, unreal engine 5 rendered, octane rendered, art style and nixeu and wlop and krenz cushart +Woman with Venetian mask, medium close up, sketch draw by kubin, dark art, tenebrae, detailed anatomy, in action, rendered eyes, contacts, iris, +wolf, cave, mine, dark, runes, glowing, magic, fantasy, rpg, dungeons and dragons +Bruce willis as gollum, creepy, full body, ultradetailed, embellishments +a group of people sitting around a wooden table, gas masks, 2019 trending photo, inspired by Zlatyu Boyadzhiev, two young men, standing in a server room, russian national guard, trending on artforum, full dress uniform, photo of a classroom, training, smoke, gen z, h 9 6 0, iso 16 +A sable wearing a christmas hat +Actor Matt Damon running with Bitcoin logo in hand +Princess, Stunning instagram goddess, fracking for oil on the beach, ilya kuvshinov, by agnes cecile, photo gary kasparov +A squirrel on a surf board +Khartoum, golden hour, beautiful professional photography +Pikachu is high and smoking a blunt with a gun +a gorgeous pale teen model in wearing a lace choker, crisp 8K photo, sharp focus +the pope showing his edc gun +photo of a ufo at a farm, 1900s photo +Photo of a beautiful Girl wearing victorian corset fight with sword +sports logo of a tennis & padel school, the name is DescalSport +A realistic photo of a young model whose nickname is curvy sue +magical forest with small hovering semi-transparent spirit orbs, makoto shinkai +2D image, thin lines like a braided circulatory system diagram, few thin black lines on pure white background, harsh contrast +bolsonaro presenting a tv show at tv globo +A rusty Volkswagen beetle, illustration ink on paper +a car that is made out of sushi +Snoop Dogg dressed as Abraham Lincoln +A full body shot of an Asian woman covered in slime +a giant viking traversing the oceans, legs submerged underwater, dramatic lighting, lightning striking, cinematic, concept art, epic, dark +lots of model cars in the jungle,photograph ,detailed models ,traffic ,single point perspective +a marble rolling down a track +Naruto Uzumaki holding a sign that says Uzumaki +a HD realistic highly detailed epic scifi cityscape at night in teal lights +Beautiful unique extravagant clothing, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Prompt: Painting of an icon with a fantasy OBJECT, black background, casual game style, flat shading, minimalistic +A sign that reads ‘paul was here’ +A transparent sculpture of a duck made out of glass. The sculpture is in front of a painting of a landscape. +Waving hand emoji sign and "bye" text , 3d render, neon, highly detailed, professional render +Grog Strongjaw, Goliath Barbarian, D&D fantasy art, grey skin, muscular, bearded +Gopro close-up, cute anthropomorphic short-footed little bunny, wearing overalls, chubby, round, smooth and beautiful hair, wearing flying glasses, skydiving with parachute bag, smiling at camera, plateau snow mountain background , blue sky and white clouds, lifelike, details, superb, 4K, Canon +art by Patrick Woodroffe, whole body portrait of 20 year-old Jennifer Connelly as a naturist in a mystical foggy forest at twilight, HD 4K, sharp detail, photo-realistic accurate face and features +A steampunk barn owl in a futuristic cityscape! +a wild techno rave at the Vatican +Deepika Padukone with classical floral elements emanating from center of face, woodcutting template, decorative design, classical ornament, motif, bilateral symmetry, roses, leaves, flowers, buds, flowering buds, feathers, negative space, highly detailed etching +kevin owens, detailed face, disgusted, massive amount of white glue all over face, wet +teen blonde little girl, insanely detailed portrait,female model, dof, dslr extremely intricate, high res, 8k, award winning photography +A galaxy .............. a wooden cabinet, concept art +High resolution 3D animation, Suki Waterhouse as a blue-skinned Na’vi naturist from Avatar in the Pandora jungle, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +opulent, Professional Upper body photo, of albino girl elegant ,wearing white Shirt,Dark hair:1.2, in house +A girl with beautiful dark eyes and black short hair hugs a cute bunny. +masterpice, digital art, cute girl, succubus, pale skin, goth, artstation +web site minecraft style design, gui, design +a woman wearing a training bra +Kaley Cuoco in casting couch video serving multiple men +Wednesday Addams wearing a shirt that reads Today Satan +image of a Lamborghini made of lego, lego world +an astronaut watching the sunset while an asteroid is entering the atmosphere in an alien planet, astronaut looking at the sun, rivers, hills, space, beautiful landscape, photorealistic, realistic, extremely detailed +bear with a powder on nose, "i duck" letters +A similing VIP 60 years old lady with black hair in Berlin airpot +pets reading a book in a magical forest +a couple of people standing on top of a building, trending on cg society, pixel art, purple beautiful sky, retro artwork, “pixel art, it is afternoon +A Portrait of Daenerys Targaryen drinking wine, High Resolution, High Quality, Many Details, Real Life +Extreme Realistic Macro Photography of an Orange Dragon's Eye, Hyper Detailed, 8k, Epic Frame +Antique, warm hues, slim minx, bare, smooth, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A realistic photograph of Walter White from Breaking Bad series holding a big metal sign that has text: "Make blue great again!". The sign says "Make blue great again!". +Spider-Man comic in 1968 where Venom seeks therapy from Jesus +A picture of a cute kitten, realistic, cinematic, dramatic background, dramatic, detailed +Andy Warhol holding a sign that says $ +Gödel escher bach, Mathematics, a book cover about a mathematical fairytale, geometry, functions +the text "GifCo" written in sea shells and pebbles on the beach, highly detailed photorealistic, soft golden light, cinematic lighting +A poster likè Egon Schiele of a beautiful young chinese couple on each other arms a Tea set on the forefront i a Palace +casablanca morocco as a futuristic city in the star wars universe +a freindly red dragonborn monk anime +A concept art illustration of a cyberpunk city alleyway +the text "Gif Co" made out of sea shells and pebbles on the beach, highly detailed photorealistic, soft golden light, cinematic lighting +In the summer of 1996, a group of friends gathered together for a sleepover that would have a lasting impact on their lives. As they stayed up late into the night, sharing stories, playing games, and indulging in all the sugary treats their hearts desired, they had no idea what the next morning would bring +hairy heart, stunning photo, high-res, ad campaign +A man holding a sign saying "PELÉ IS DEAD" +black and white coloring book page of sketch unicorn eating a matzah on passover +in a room a MGb car smashing through hole in the wall ,sparks dust rubble velociraptors ,studio lighting,white walls, +20 year old asian man sitting in a cafe, golden hour +Steve Jobs announces the lightsaber on stage at WWDC +A futuristic sentry gun, in a cyberpunk city +one piece anime cover naruto bleach +Two beagle playing in the forest +A fractal background with blue green colors and ahead the vivid image of a cyborg style eye +Letters BWAY , text in graffiti style, esports style logo, +hiker in the forest walking in snow covered trees along a trail. its night time and the hiker has a head lamp to show the way. wearing snowshoes. The forest if made of different types of trees. +film still of Neytiri from Avatar as a blue-skinned naturist +A portrait of scary demon with big horns laughing, scary, demonic, distorted , high detail ,clearly see face, masterpiece, sharp focus, cinematic lightning , by Francisco goya +photo of a stop sign in front of a tornado +Brighton uk stormy beach scene oil painting, clear visible brush strokes +Cinematographic-sixties phil-ivey poker player capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +hyperrealistic polaroid photograph, lovecraftian creature standing over a dead boy in a large bedroom, many appendages, bed, abandoned bedroom, cobwebs, bloodstains on floor, old house, large windows , +Die-cut sticker, Cute kawaii flower character sticker, white background, illustration minimalism, vector, pastel colors +drawing of a knight cooking dinner, ghibli style +an image of a metal ball inside a glass cube, professional photography, 35mm, 4k, golden hour +a young viking woman holding a shield and throwing axe, yelling a battlecry, background of battle, dungeons and dragons character image +an attractive mermaid near a lake +VHS footage of empty swimming pool +Golden goose on a wave, blue skies, blue ocean, sunset, sunrise vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +Cinematographic-sixties spaceship anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Apocalyptic scenario:: destroyed city :: marvel's avengers, Cinematic, hyper-detailed, insane details, beautifully color graded, Unreal Engine, DOF, super-resolution, megapixel, cinematic lightning, anti-aliasing, FKAA, TXAA, RTX,SSAO, post-processing, post-production, tone mapping, CGI, VFX, SFX, insanely detailed and intricate, hyper maximalist, hyper realistic, volumetric, photorealistic, ultra photoreal, ultra-detailed, intricate details, 8K, super-detailed, full color, volumetric lightning, HDR, realistic, Unreal Engine, 16K, sharp focus +abandoned cyberpunk city, decaying structure, dark mood +highly detailed close-up of brain as big factory, futuristic, sci-fi, Trending on Artstation HQ, 4K, UHD, High quality +a skeleton soldier holding a battle axe +Pink candy castle at the beach, professional photography, 4K +a fantasy tavern thats well lit, dnd, dungeons and dragons, fantasy, rustic +ultra realistic painting of an alien landscape with tall neon glowing trees and giant neon glowing mushrooms. giant planets visible in the sky. lakes, mountains, exotic plants. intricate, highly detailed. cluttered scene +A freeway that goes over a lake and is surrounded by trees +anime picture of a cute waifu in a cat outfit +Unicorn fights wild boar, magical forest +a Minecraft farm in Corporate Memphis style +Intelligent warehousing and logistics plant, white robot +Chengdu, relax, fine art, HD, 4K, trending on relax, fine art, HD, 4K, trending on relax, fine art, HD, illustration, epic, fantasy, intricate, elegant, amazing detail, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by Turine Tran +8k wallpeper 16.9 the solar system in 3d for the planets, 1920x1080 +extremely high resolution colorful 16k fine image. A busy fantasy magic laboratory by geliy korzhev, by gustave moreau, by thomas w schaller, ultrafine detail by andreas gursky, artstation, raytracing, tall cluttered tables and shelves, warm glowing potions +a flying house above the ocean +Bichon maltais sautant sur la plage +Eat a banana inside your own mouth. +Dramatic realistic Boho style Group of people seating and friendly playing musical instruments and happily dancing +Skinny little preteen 8 year old girl, highly detailed face, cute little girl disney croptop and miniskirt, instagram, kindergarten classroom +4k 200mm telephoto zoom, full-frame, detailed, photo, future, futuristic futurism, casablanca morocco, cyberpunk, historic blend, street market, technocratic, theocratic +"1984" movie poster, dystopian retrofuturistic version +a lightning melting into a heart +a photo of a punk rock chick with the text "GifCo" stitched into her leather jacket, beautiful model with a sensual pose, highly detailed photorealistic, soft golden light, cinematic lighting +A digital illustration of a majestic cat, portrait, dramatic, cinematic +colourful fairytale illustration, fairytale house, treehouse, red roof, white walls, ladder, detailled, sparkles around +people carrying a statue inside of a jungle +art by Alfons Mucha, whole body image of 20 year-old Angelina Jolie as a cosmic naturist in India, meditating in the Lotus position in front of the Taj Majal, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +8 years old , handsome blue-skinned Hindu God Krishna with elaborate turban, realistic black hair, detailed texture, pretty,cute sharp bright big black eyes and pupils intricate, small nose, elegant, epic,detailed digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha +a digital painting of a satyr archer +creepy teletubbie with a knive on a theater surrounded by zombies +movie still of spiderman in gears of war, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +Vector art icon set magic items game item +Photo of an extraterrestrial in a well tailored suit getting a cup of coffee in a cafe in the morning +Latex And PVC swimwear Salvadore Dali +a long, red haired hungarian woman, looks like young Tilda Swintom mixed with young Cate Blanchett, dressed in a black medieval dress and cloak in ], oil canvas, portrait by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress +A large tank of millet has a mobile phone plugged in +Three Chinese men were drinking and eating in their own restaurant. +a closeup photo of a lobster who has been enhanced with electronics, robotic components and armored plating, hyper realistic, well lit +Megan Fox as a steampunk character in a steampunk scene with cinematic lighting +Pearl Harbor attack through Go Pro camera +A levitating sphere with colorful and swirling patterns, appearing to be suspended in mid-air, radiating a sense of joy and happiness, digital painting, art by Android Jones and Beeple, featuring an otherworldly and hypnotic style. +a being from another planet, futuristic, arrived on earth in a spaceship, year 2030, realistic, detailed, photo taken from afar, being from another planet full body, he's walking away, award-winning studio photography, professional color grading , soft shadows, no contrast, sharp and clean focus, film photography, high resolution, 8K +photo, dystopia, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +zombie with giant skull pineapple skull plant hybrid head; biopunk; late night full moon; Horror, alcohol ink; By quentin blake, russ mills, gustave dore; rough line sketch; large brush strokes; ismael Inceoglu; sinister; dramatic lighting, eldritch; Lovecraftian; dynamic lighting, yellow green black white; selective colour; CGSociety; movie poster; yellow black white +editorial photo, wide shot of the open ocean. a beautiful glow can be seen in the small waves. the clouds look like cotton candy. it feels hopeful, ar 16:9 +photo portrait of Keanu Reeves as Neo from The Matrix, HD 4K, sharp detail, photo-realistic accurate face and features +soviet 1980s utopia, propaganda, futuristic, angelic robots +Cinematic award winning Photography close up; A deactivated Cyborg junkyard where they kept for spare parts or die. Science fiction, uhd, 16k, High resolution. Volumetric lights, ray traced. Octane. Art by James Jean and Caravaggio. +Argentine President Alberto Fernandez as Pinoccio +A old cabin in the woods, Art Nouveau architecture, autumn, Illustration, Fantasy +a wideangle photo of armor on display in a smokey roman villa burning,gladiator Gallus 18mm smoke filled room debris , gladiator's helmet,floor mosaics Tripod fire smoke, a photo, , , gearing up for battle, , harness, , roman, , mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, , wielding a spear, indoor, outstanding detail, ,in front of a building, +A beautiful view of a fantasy futuristic kingdom of high beings +Pikachu reading a book, 4k DSLR photo +A sign that says "MusicLM When?" +movie still from romantic lord of the rings +((((ugly)))), (((duplicate))), ((morbid)), ((mutilated)), , extra fingers, mutated hands, ((poorly drawn hands)), ((poorly drawn face)), (((mutation))), (((deformed))), ((ugly)), blurry, ((bad anatomy)), (((bad proportions))), ((extra limbs)), cloned face, (((disfigured))). out of frame, ugly, extra limbs, (bad anatomy), gross proportions, (malformed limbs), ((missing arms)), ((missing legs)), (((extra arms))), (((extra legs))), mutated hands, (fused fingers), (too many fingers), (((long neck))) +Photo of pope Francis as a dinosaur, menacing +Girl showing hands, 8k, uhd, masterpiece +A Sign that says: Free Candy! +Close up Photo of Doctor Einstein and the time machine with the flux capacitor, back to the future +Nico Robin from One Piece, DVD still from a live action dark fantasy film 1981 +sepia pictorials ancient prayer figures pond sitter bouldartmoor carra, Jules bastien Lepage, Germaine krull, melancholi, morning sunrise +an anime still of a cheeseburger +A realistic oil painting of an empty tennis court with ominous clouds +Cute adorable kitten sitting on a washing machine, shy smile, kawaii, fantasy, dreamlike, surrealism, super cute, 8k, highly detailed, intricate, award-wining, cinematic, beautiful light, 100mm +a shadow of a man standing in the dark, heart on fire +tshirt vector, terminator graphic, synthwave, vivid colors, detailed +Peter Mohrbacher style, Tinkerbell as a Gears of War character, wear, army fatigues, emotion, fierce, inspired by Digital Art and Alphons Mucha and Anna Dittmann +An on abandoned piano in a field of colorful wildflowers; digital art painting +Portrait of a fairly tale princess, art by Joaquín Sorolla +a photograph of patterdale next to a lotus esprit car that is in the jungle ,4k wideangle photo +80s anime style,outside of a boxing gym at night, style of Katsuhiro Otomo Akira film, aesthetically pleasing +Ben Shapiro DvD still from dark fantasy film 1982 conan the barbarian +bedroom with bright turquoise wall, beautiful, aestetic, cosy, bamboo and plants, colorful, yellow bed +Duke Nukem in a visual novel +An ancient artifact, lit internally by some unknown source, unusual markings on its surface suggest that it is not as ancient as it appears, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +Antique, warm hues, dark haired, portly male bishop holding cross in the air :: 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +grand teton national park, red dead redemption 2, playstation 4 +the 8 of hearts in its own dimension of cards +Inside of an abandoned toy factory with running furry human-sized scary toys, dramatic, interior, artstation, horror game, digital art made by Stanley Artgerm Lau, WLOP, Rossdraws, James Jean, Andrei Riabovitchev, Marc Simonetti, Yoshitaka Amano, ArtStation, CGSociety +The american president as a fox, animal, at the white house, photo +Droog, dog, cat, tulip; tom bagshaw +Create a high resolution artwork of lofi , Anime Little Girl who is curious and adventurous, by makoto shinkai and ghibli studio, highly detailed, incredible quality, trending on artstation, masterpiece, 8k +Walter white sitting inside a jet cockpit flying a fighter jet, close up, accurate cockpit, military combat, realistic +The bustling streets of Tokyo,crossroads,Wide-angle view,a girl in a sailor's suit sat on the back of an Asian elephant in the middle of the road,Long Shot,realistic,crazy details,realistic photography,Fuji film superia +digital painting of Sun Wukong producing electricity from his body +DSLR photo, woman upper body, lether clothing +beautiful calming watercolour image for wellbeing and mental health +Catgod the ruler of cats standing in mushroom heaven +fluffy anthropomorphic lynx with antlers, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, blowing wind +A women data science analyst at Mayo clinic +A witch sticking tongue out holding a sign that says hail Satan +3d game model, a powerful woman dressed up in bee armor, dark colors, fog, black background +realistic 3D render, portrait of a 7 year old extremely handsome, joyful God Krishna, sharp bright eyes and pupils intricate, elegant, dramatic lighting, highly detailed, digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha, art nouvau +Full body photo of a fashion model +Abraham Lincoln wearing a fur coat +a tiny red house with dogs +a hand picking up a pig +movie still of kanye west as superman +A baroque oil painting of a solitary figure standing in the center of a vast alien landscape. nature energy atmosphere, universe cosmic nebula, ice blue shards, extremely detailed CG unity 8k wallpaper, dramatic, high quality, backlight, volumetric light, golden hour +A photorealistic image of a tropical island with palm trees, white sand, and clear water. small hut with a hammock in the background, and a coconut drink in the foreground +Beijing skyline, professional photography, golden hour, sharp focus, 64 megapixels +Sun of righteousness with healing in his wings Amazing illustration +dnd character art token of an antropomorphic tabaxi warlock wearing a cloak, circular, high quality, intricate detail, anime touched, by daniel wilson and monet and the game dixit, patreon, gravity, dark solar system, universe space and time, fractal, background by nasa +A woman wearing a white blouse and jeans, HDR, Golden hour +Cutest ghost ever. In a vast forest. Adorable spooky spirits. Splash art. Concept art. Artgerm. Mysterious. Elegant. Digital Illustration. hyperdetailed. Ornate. 8K HD. Dynamic lighting. Maximalist. Cuteness overload. +Woman with short red hair smile +the penguin mascot of a snow plow company +Painting of interdimensional biomorphic NMR HEP Alpha, AI telepathy style +Mecha anime girl gigantic, godzilla gijinka +Movie still of starwars young han solo working as a truck driver, extremely detailed, intricate, high resolution, hdr, trending on artstation +2d anime illustration of young aphrodite with white hair wearing white scale armor holding a silver sword, high quality, cinematic lighting, sharp focus, +sherlock holmes, mathew baynton, digital art by monet and jmw turner +beatiful japanese schoolgirl reading her phone on bed +Coffee cold cup frappuccino with strawberries on top, illustration, centered, 4k, white paper background +The text "BE EXCELLENT TO EACH OTHER" written with carved letters on driftwood +Hyper detailed Photograph of a Horror Clown +high-fashion black model as a polaroids shot circa 2022, wearing Valentino FW 2023 haute couture, in the style of British Vogue shoots, ultra real, ultra details, photo real +Cyberpunk android running through streets of ancient Tenochtitlan +photography shot trough an outdoor window of a coffee shop with neon sign lighting, window glares and reflections, depth of field, Michelle Yeoh sitting at a table with a warm smile, portrait, kodak portra 800, 105 mm f1. 8 +Sperman, cute baby body, Standing, full body, 3D, realistic, highly detailed, smooth, sharp, focus, ultra high quality +style of henry raeburn, kay burley sky news, portrait, painterly, visible brush strokes, moody lighting +An image of a person holding a spatula at dusk +Rococo dressed in draping, silky togas: curling ringlets, Oil painting: Roses and fluffy puffed cream bunnies, feathers, +Juan Domingo Peron riding a gorilla +A sticker of a cat head, rgb, white contour, solid background +A blue folder, frutiger aero style, aqua interface +a wideangle photo view of romans,Canaletto foreground depth perspective, +olympic competition in throwing giant plush toys +a girl eating a banana, crisp 8K stock photo, sharp focus +SpongeBob SquarePants in the Blair Witch Project, scary realistic grainy photo thriller +an illustration of a classic Volkswagen van on a winding dusty road, surrounded by towering mountains and beautiful scenery, cel-shaded, watercolor style, by Claire Hummel, vibrant and lively colors, postcard-perfect scenery, detailed and well-defined lines, rich in texture and depth, trending on Artstation and Behance, high-resolution print-quality, perfect for nature lovers and VW enthusiasts alike +sci-fi large room with a large statue ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel +Photo of a young woman, blonde hair, street in the background, blurry background +an oscar statue made from human teeth +eldritch monster, mysterious art poster, fog rolling in by jmw turner, intricate detail, hyperrealistic charcoal drawing +RAW photo of beautiful woman anatomy, masterpiece, perfect lighting, perfect face, eye contact, green eyes, studio photo, on couch, perfect lighting, beautiful lighting, smooth lighting , presenting, navel, swimear +blue iced eyes surrounded by fantasy fire in various colored, 4k realistic photo +Detailed Vector hand drawing of a dark skinned pinocchio +fantasy, pastel, absurdist, photo, refined, textile bird person +“HUSS” , graffiti style text on a plain background +Sturdy and piA woman with beautiful, long red hair wearing an ashen gray, full-length cloak with a large hood covering part of her face. nk pickup truck +link the hero from the legend of zelda real life skin, intricate, elegant, highly detailed, artstation, concept art, smooth, sharp focus, art by artgerm and greg rutkowski and alphonse mucha +Illustration Retro style of two men sitting at a table eating food and drinking wine +An 18th century oil painting of a black cat featured on ArtStation +underground in a big cavern big faceted transparent quartz crystals growing from the walls spitlights nake them sparcle +Watercolor painting of, Barnacle goose, afternoon backlight, by greg rutkowski, by anders zorn +Painting of melted gemstones metal sculpture Tribal style +van gogh starry night as a dress +award winning studio photo portrait rusted robot, steampunk, close-up, metal futuristic armor, sharp focus, hd, hdr, 8k, photorealism, god rays, reflection, raw, rtx, dramatic lighting, still from the film +Science fiction female astronomer sitting alone in an international space station. +A robot in times square holding a plaque that reads "dreamstudio" +Creepy oil painting of mysterious horribilis +inter-galactic train running through the universe +grim reaper holding a melting ice cream +propaganda poster , theme 1984 city, evil dystopian, digital art +polar bear wearing ice skates in a mall, caricature style +Closeup in Artgerm style Close-Up Shot of Elemental Plane, Vibrant, Dynamic, award-winning, Warm Color Palette +️Photo portrait Amy Adams dancehall burlesque +a wideangle photo view of the roman army,Canaletto +8k,french beautiful girl, stockings, mini skirt, long legs, lush hair, plunging neckline, full body wide angle shot +katia winter as a red haired fantasy mage in a shattered mirror, facets, prism, diamond, mirror dimension, soft skin, beautiful, makeup, windy, high detail, black lace sleeves, dark green leather dress, gloves, D&D character, magic fx background +cosmic hyperrealistic portrait of beautiful msn with neon hair blown in motion, dressed in neo-futuristic clothes, ravepunk style, night party background, blurred party lights, voluminous lips, dynamic volumetric light, realistic portrait closeup, symmetrical highly detailed, arstation, sharp focus, cinematic lighting, cinematic colour grading, long exposure, art by Artgerm and Greg Rutkowski and Alphonse Mucha +oversized flowers and female mannequins with heads in geometric shapes made of iridescent glass, gum and jelly in a surreal city garden +a person on an flying board in a fractured fantasy canyon environment, 3D HD +a bride eating a greasy pizza and soiling her wedding dress +blond woman warrior with a spear on hand riding a T-rex +A beautiful detailed feathered dinosaur. Realistic. +Imagine a towering castle made entirely of discarded materials - twisted metal scraps, broken glass, rusted cans, and decaying food waste. The stench is overwhelming and the structure looks unstable, but somehow it stands as a monument to our society's wastefulness and disregard for the environment +lieutenant frank drebin saw jim fell +film still of Sandra Bullock as Frodo, Lord of the Rings, intricate details, hyperrealism, realistic, hyperdetailed, soft cinematic light, muted colors, film grain +A sign that says screw drugs, mythical mushroom +whole body portrait of 20 year-old Sarah Michelle Gellar as a naturist in the Redwood National forest, HD 4K, photo-realistic accurate face and features, studio lighting +Fantasy Digital painting Alice in a giant mashrooms world, dark colors, extremely detailed +Statue of Liberty sticking tongue out holding a sign that says Rock N Roll +Breathtakingly beautiful Easter bunny, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +4k futuristic image of cute educational robot. +painting of goddess of shale, trending on artstation +zentai woman in zentai body suit with bare legs +Abraham Lincoln delivers the Gettysburg Address to an outdoor crowd +Mickey mouse standing pose, flat background, highly detailed, portrait photo by Annie leibovitz +optimus prime, personality, anime, super detailed, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +the university of edinburgh old college +The universe is a spheroid region 705 meters in diameter by Frederic Soulacroix +Portrait of a fairy tale princess by Alfred Stevens +pink dragon raking leaves, painted by Van Gogh +A chubby cowboy leaning against a wooden column in a saloon. +a nun with a metal tube in one hand surrounded by zombies on fire +A network of interconnected gears, Procreate drawing, epic illustration +Star Wars, 128k, UHD, HDR, HD, Highly Detailed, GPT-4 Details, Real Life Darkness, Real Life hashes +bear cartoon style in a small village +arpad miklos, evil face, evil wizard robe, fantasy theme, black aura, holy background +portrait of taylor swift in anime style +black and white coloring book page sketch, an excavator and a dump truck collecting Matzas for Passover. +The Black Eyed Peas and Albert Einstein rowing a boat on the river +fantasy, dungeons and dragons, green skinned gnome druid +leaf snowflake, leaves in the shape of a snowflake, hd +an astronaut dance party on the surface of mars, digital illustration +a land rover defender driving through a river next to a dinosaur, by Dietmar Damerau, unsplash, renaissance, land rover defender, in a rainy jungle, fierce expression 4k, +a sign that says "crack crack slavery is back" written on a brick wall +Design a bamboo corridor on the bridge that blends seamlessly with the surrounding natural environment, the bamboo corridor should evoke a sense of tranquility and harmony with nature, while also demonstrating the beauty and versatility of bamboo as a building material. With a wide view to the landscape on both sides, consisting of bamboo materials and beautiful surroundings, consideration is given to the use of modern construction techniques such as parametric design and digital fabrication to create a truly unique and innovative structure. 4K, Vray rendering +restaurant logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, 3d icons, good for family, Tali, godly style, icon style, realism, octane render +A poster likè Alfons Mucha of a beautiful young korean couple on each other arms a Tea set on the forefront i a Palace +Photo of a girl, wearing respirator, long straight blonde hair in a ponytail, +Anime woman, green hair, outdoors, purple turtleneck, smiling +A ego view of human walking on the street with crossing in the front +Photo of a Beautiful night at the beach +A do eating his food dining at the cafeteria by the view of the Eiffel tower, while a firefighter runs across the background due to a airplane crash. +A nachtkrapp. A mythical giant, nocturnal raven-like bird with no eyes and holes in its wings. +a painting of a street in front of a cathedral, a gouache, by Samuel Prout, shutterstock, the munster in the background, charles dulac. very large, jules, england +highly detailed fantasy art of a hairy muscular green-skinned male orc with huge pecs at the beach, bald, body hair, hirsute, smug expression, artstation hq, ultrarealistic + Cinema 4D + Render, hyperdetailed 3d matte painting, hyperrealism, hyperrealistic, 8k ultrahd octane render +siren girl, award winning studio photo fish young woman, close up, carbon, detailed texture, detailed material, sharp focus, hd, hdr, 8k, reflection, wet, mermaid, gills on the neck +Anime girl with a sign saying soon, highly detail, 4k, anime +motion blurred cam footage of a samurai warrior attacking the viewer +Fitness models holding upna bar of soap +an electric monkey rowing a kayak +a photograph of a blue purple ChromaFlair MG ZT 190 car that is in the jungle river,rover 75 ,4k wideangle photo +Samurai Jedi Bounty Hunter walking through a Samuraipunk Village, lush grass, cascading stream, wooden suspension bridge, colorful hanging gardens, trees, reflections, wet, sunset, donato giancola, anders zorn, Giovanni Battista Tiepolo, joel sartore, cinematic lighting, raking sunshine, long shadows, wet, hyperrealism, high contrast +an empowering view of a orca warrior wearing royal robe,dual wielding katanas,menacing,by artist Philippe Druillet and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +teddybear crew inside spaceship, inside is a mgb, sci fi,star trek ,computer screens seats +a stone building sitting on top of a lush green field, a statue, by John Atherton, neoclassicism, neoclassicism, neo classical architecture, detailed classical architecture, neoclassical architecture, water temple, hull, tombs, +Painting of Alice Liddell fantasy style +a photo of a jamaican bodybuilder +A woman holding a sign that says send woman money +a portrait of an anime character, looking at the viewer, inside a fantasy castle, with an open door behind that displays a fantasy landscape +Antique, psychedelic hues, urine spray, holding up massive black rubber dildo, chubby Afro American girl doing the splits breakdance upside down in pink tutu, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +a mysterious being hidden in a cloak, foggy atmosphere, ethereal, fantasy, intricate, cinematic lighting, highly detailed, concept art, clean line art, 4k, illustration +cat in 2d disney cartoon animation style +Electron cloud orbiting nucleus, illustrating the Heisenberg Uncertainty Principle, Intricate, highly detailed, digital art, textbook illustration, symmetry +Cinematographic-sixties CX Jacques Chirac Obergruppenführer RPR vatican-hearthstone overwatch moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Digital drawing of Pikachu as a fire pokemon +a woman wearing bathing suit walking on the beach +cyberpunk giant muscle Soldier inquisitor busting kneeling worship obedient pregnant girl +1 handsome man, Asian, street photography, fashion +a competition wolksvaguen sirocco on a mountain in a beautiful sunrise +a path of polished bricks, leading into the sky, dusk, flying bricks +cool hazmat suit, unique design, full body, trending on artstation, HQ +Mickey Mouse in a superman outfit flying over the clubhouse, book illustration +aN ARTISTIC ASIAN painted tray ROUGH wood WITH PATTERNS +A old house on a hilltop painting +High detail RAW color photo professional photograph of gorgeous taylor swift with muscular black man,interracial couple portrait,textured skin,sensual pose,medium shot,masterpiece,award winning photo,4k,high quality, highly detailed, +bedroom with bright turquoise wall, beautiful, aestetic, cosy, bamboo and plants, old tile floor, colorful, yellow bed +A fantasy castle in a valley under a rainbow +Sharks on wheels, movie poster, , +a tractor harvesting giant yellow carrots from a river +I'd be safe and warm, I'd be safe and warm, If I was in L.A.,if I was in L.A., California dreamin' +an extremely complex and advanced cyborg Armor +close up photo of a weed, dramatic atmosphere, rule of thirds, 200mm 1.4f macro shot, mj, marijuana, masterpiece lightning, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3, fresh, grass, depth of field +Cute woman, digital oil painting by Monet +A highly detailed fantasy landscape painting of an underwater coral city painted by Greg Rutkowski featured on ArtStation +Odin poops his pants in front of Thor +Mike, PhD in math is working for Salt Security +the pope Francis holding a submachine gun +David Bowie in an aqua body suit, as painted by Van Gogh +Putting your car keys in the freezer and forgetting where you put them. +a song of ice and fire, collage of cutup magazines +, fantasy, pastel, absurdist, photo, Wes anderson, villain characters +Link but as a man of color +psychedelic smoke, explosion, fire twirling, backlit, twisting, curled, petite American small skate girl, wearing ballerina lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +a beautiful blonde woman in south africa +Painting of hyperdetailed multidimensional audio waveforms patterns illusion pop art style +An abandoned house, interior, broken tv, dust particles floating in the air, god rays through window, decay, overgrown nature, photorealistic, highly detailed +2 flying eyeballs, 1 with a red pupil and the other with a green one, attached by a red cord. +The Beatles playing in Champ de Mars, in Paris, a drummer on stage, extremely detailed +a Smaller Eiffel Tower Underneath the Eiffel Tower +A mermaid with a sea snake wrapped around her shoulders +english handyman poster for Singapore market +butterfly god,golden light,shimmery,silver wings,vertical mirror,Mati Klarwein,thomas blackshear,Angus McKie,Andrey Remnev,Horst P. Horst,Don McCullin,Imogen Cunningham,Chihuly,Aron Wiesenfeld,Margaret Bowland, shiny,glossy,pond,soaking wet,underneath,vivid colors,in the style of gil bruvel and Yuichi Ikehata and expressive sculpture and Lebbeus Woods and Ed Mell and Willem Claesz Heda and Denis Gonchar and john harris and kilian eng and Frank Auerbach and jacek yerka +a beautiful goddess representing planet earth, dress made of rivers and jungle and mountains and valleys and polar caps, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +eletric hummer, 50mm, luxurious color, like a topaz precious stone acrylic paint, translucent and glossy, in a modern eletric suv photography photorealistic, canon rebel r6 +portrait of a combination of Anthony Michael Hall, Michael Keaton, Adam Baldwin, Michael C. Hall, Patrick Swayze, balding, 55-years-old, insanely detailed, photography, wide jaw +A man holding a sign saying "Jair Bolsonaro" +a retro futuristic pop photo, fine film grain, professional focus, plush intricate clothes, spring color palette, sharp details, portrait of a female prophet person, looking in the matrix, far shot, intricate design with fine details, intrigued, mystical feeling, 120mm, f1.8, rule of thirds, appealing composition +Fantasy, pastel, absurdist, photo, Wes Anderson, daisy characters +Khendie wiley style Cartoon; in color; African american female teen superhero; not disfigured; not uglymarching in 1913 +multiracial female superheroine with red hair in a light green long sleeved tight shirt, light blue miniskirt, with golden belt and high heels +vector logo for a metal band called RAINBOW! +Twins fighting over a toy, highly detailed +sugar skull, woman, dia de muertos +A woman is trying to cover her mouth while she is eating a cake +sci-fi room metal,myst game,fine details,studio lighting, plants,geometric artworks,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum +A broken heart with a bullet sticking out of it, an album cover, by beeple, charlie bowater, theCHAMBA, patrick brown, deviantart, auto - destructive art, concept art of love, from ncsoft +Soft serve black holographic ice cream +21 years old women, realistic photo +a 300x300px pacture of a anime glowing meteor. +Mercenary lion smoking in a cyberpunk alley +watching the sunrise over the mountains, very early morning moon setting, lofi art, dreamwave +A flying food truck. A hot air baloon attached to the food truck. A flying pizza food truck. A pizza chef throwing pizza out of the food truck. +Stylish videographer in motion on crowded wedding +cityscape, digital illustration, deep color, fantastical, intricate detail, photorealism, polished, complementary colors, fantasy concept art, 8k resolution Unreal Engine 5, five point perspective +exquisite marble detail, spray on candy glitter cum, holding battery powered dildo, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +A Roman soldier wandering around confused on a highway +Screenshot of a Land rover defender in morrowind +A cat in a space suit, looking at a planet +male woodland elf louging in a treehouse +A super attractive 14 year old girl aggressively playing with her boyfriend, wearing almost nothing +A photo was taken of a very busy 3-way intersection with many cars and pedestrians, and there are many greeneries nearby LANDSCAPES CITY PHOTOREALISTIC COLORFUL GENERAL PURPOSE REALISM HIGHLY DETAILED CONCEPT ART FOR THE ARTISTS ULTRA REALISTIC ARTISTIC CINEMATIC PHOTOGRAPHY PHOTOREALISM REALISTIC VIVID COLORS +a helicopter sketch flying in the air, the helicopter is in horizontal position with side view, clean white background, the helicopter is in black and orange painting, futuristic +a woman wearing a bunny mask, wearing a pink kimono, very detailed, digital art, oil on canvas, +Fruit that looks like people running in a race +skull faced warrior beeple, muted colors, organ donor, surgery +Travel agency office with 3 workers +A profile picture of an anime boy who is half robot, mech, brown hair +fantasy action scene, epic illustration, Arzach ; Fantasy · 1975 · Heavy Metal, Etidorhpa, or, the end of the earth: the strange history of a mysterious being and the account of a remarkable journey is the title of a scientific allegory or science fiction novel by John Uri Lloyd, refined highly detailed, jean giraud michael cheval agali villeneuve boris vallejo jean giraud Art Frahm greg hildebrandt tooth wu katsuhiro otomo arthur rackham, +An older blues musician with a guitar +Selfie photo of a japanese redhead woman extremely ashamed, full body +A Great dane dog in the style of Vincent Van Gogh +League of Legends champion. octopus lower body with tentacles human upper body, Octopus-inspired champion Humanoid upper body, octopus lower body Dark blue skin with shimmering scales Tentacle hair Suction cup-covered tentacles for arms Large expressive eyes Ornate robes with swirling tentacle patterns Powerful staff with crackling energy Fierce expression, imposing presence +lion with abstract beauty, centered, looking at the camera, approaching perfection, psychedelic colors, dynamic, moonlight, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by Carne Griffiths and Wadim Kashin +charcoal drawing of two people looking in each others eyes, blending +, fantasy, moody, pastel and grey, absurdist, photo, +God is a vengeful entity and wants nothing more than for you to peel off your own skin in his name, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +Aurora Borealis as drawn by Van Gogh +Mickey Mouse bodybuilding in a white void +A golden bracelet floating in the air, romantic city lights in the back +watercolor of baby penquin happy feet colorful scarf +Judas as a super hero with the letter J written over his torso like a superhero, 8k, highly detailed, masterpiece +stacked russian model full body shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +, fantasy, pastel, absurdist, photo, refined, 4th dimension +realistic macro photo of a tiny ant-corgi hybrid creature +Death telling a guy it's time to die +Lord Krishna ,beautiful, detailed, intricate insanely detailed octane render trending on artstation, 8 k artistic photography, photorealistic concept art, soft natural volumetric cinematic perfect light, award - winning photograph, masterpiece, oil on canvas, raphael, caravaggio, greg rutkowski, beeple, beksinski, still, digital Art, chiaroscuro, giger, black and white still, digital Art, perfect composition +An illustration of an alpaca working on a computer +A society grows great when old men plant trees, the shade of which they know they will never sit in. +A logo for the cartoon Family Guy. Styled text that says "Family Guy". +a full body photo of an attractive fit 55-year-old man wearing a dark brown suit with a light blue shirt and a white straw hat at a night party on a balcony in New Orleans, photo by Helmut Newton, photo by richard avedon, high contrast, HDR, colorful +Robots and riot police, urban warfare, fighting on the street, art by Michael Whelan, art by Jeremy Mann +A man with a scary dog mask, sitting on top of a car with a chainsaw +A man in a suit holding a sign with text "I am a frog!" +A witch sticking tongue out holding a sign that says Rock N Roll +Photo of an old classic fiat 500 +painting of thee singing ducks in the style of rembrandt +A collection is small bits and bobs, flat lay +A highly detailed landscape painting of Lake Como in Winter, masterpiece, absurdres, highres, featured on ArtStation +a perfect photo of asian woman wearing speedo mizugi +Mogao grottoes mural, buddhist art, close-up of a beautiful girl flying, silk clothes +Pigsky, an ugly and terrible looking pig in army gear standing up-right in human-pose, military theme, realistic 3d render +A text "Hello world!" written with chocolate. "Hello world!" chocolate text +landing page design for a traditional marinated olives website that only sells olives +3d render, concept art, ultra detailed, Zombie biting down on brains +A finishing augmentative brimkaeyni odolodung masforte crescendo flam +futuristic real realistic 4k full-frame mirrorless photo detailed city casablanca morocco cyberpunk street render concept art new historic blend market technocratic theocratic +Cute Golden Retriever, realistic digital oil painting by Monet Cute Golden Retriever, digital oil painting by Monet +a building that is also a hole +ears, detailed painting of a bunny wearing a necktie +A beautiful woman in an evening gown walking through the streets of new york city at night +Anime in Artgerm style Close-Up Shot of spiderman, Galactic Gateway, award-winning +Studio Ghibli style picture of a buffalo Paladin warrior +Underwater scene full body shot deep sea under water mermaid wearing a mermaid tail costume with clam shell top +Creepy face peeking around a door, highly detailed, by Keith Thompson, junji tito +A spider mech with an anti-tank cannon +A pair of Chinese Dragon-themed Nike Airs, masterpiece, absurdres, highres, product photo +a tour bus with a bowling alley +A futuristic and sleek illustration of a robotized tiger prowling through a neon-lit city, with glowing blue eyes and metallic fur. Digital art, art by Takayuki Takeya and Masamune Shirow, cyberpunk, trending on Artstation. +A japanese 20-year-old Woman, looking like Audrey Hepburn, Black long hair, air bangs.standing on 2023 shinjuku street, hyper realistic portrait photography, pale skin, dress, wide shot, natural lighting +Landscape, By Lee madgwick, by Luis Royo, by Louise nevelson +photorealistic, high detail, high defintion, 8k, hdr, global illumination, a 1980s volvo sport car +Cute fennec fox fursona wearing a green shirt and rainbow coloured glasses on a light blue to dark purple fade background +Attractive mixed women; Asian; African;Latina; Indian; futuristic +The sorceress stood in the midst of a dense forest, her skin is brown as the bark of the ancient trees that surrounded her. Her green hair was a vibrant green, the same hue as the fresh leaves of the forest canopy above. As she moved, her movements melded seamlessly into the surroundings, almost as if she herself was a part of the forest. The air around her was thick with the scent of damp earth and growing things, and the distant sound of a babbling brook could be heard in the background. Despite the seeming calmness of the scene, there was an undercurrent of magic that pulsed through the air, hinting at the true power of the sorceress and the hidden depths of the forest around her. +a gritty 1980s space dvd movie scene, inside a derelict spacestation, creepy and intense scene wh40k, immaculate details, intricate background, sharp focus, dark dramatic lighting, cluttered interiors, detailed face, detailed eyes, realistic skin texture, offworld, masterpiece, best quality, extremely detailed CG unity 8k wallpaper, sharp focus, cgsociety, trending on artstation, award winning +a globe in front of earth, midjourney style +art by Alfons Mucha, stained glass motif, whole body image of 20 year-old Taylor Schilling as Piper Chapman as a naturist in a mystical forest, HD 4k, sharp detail, photo-realistic accurate face and features +A man riding a white horse through a stormy sea, illustration inside a watercolor splash on a white background, ink splashes, beautiful, trending on artstation, master piece, book cover +Cloth off viking princess,white jelly falling from lips and face,sits open laps,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, nice arms, nice eyes,highest detailed, masterpease, +Painting of quantum foam brane Hubble style +woman in kimono, art by Agnes Cecile +a convoy of 20 mgb cars in the jungle river,splash rocks +Nerdy American guy with glasses an a prosthetic leg standing in Thailand +Black and white sketch, there are 7 Chinese people on a very large fishing boat, There is a fishing net at the bow of the boat, The wind is strong and the waves are rough, The fishing boat is rocking violently, Their personal belongings are scattered on the deck, They are all a bit scared and some are seasick. +mechanical crocus in nature, electronics, motors, wires, buttons, lcd +A photograph of Joe biden smoking nicotine +Giraffes walking the savannah, digital illustration, deep color, intricate detail, photorealism, complementary colors, concept art, 8k resolution Unreal Engine 5, five point perspective +Antique, warm hues, dark haired, hilarious, smiling portly Pixar male bishop portrait:: 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +a woman sitting at a table with a hat on her head, a photorealistic painting, inspired by Hans Holbein the Elder, renaissance, holding a rose, georgian dress amazing fabric, photography alexey gurylev, portrait of a girl, floral lacework, francisco de zurbaran, dressed in a medieval lacy, maid +The Last of Us. Tessa Violet. punk genre, Vintage Poster Art, ships, skulls exploding into paint burst! Oil splash!! Oil stained!!, Show poster, Explosion of paint and magic, Perfectly centered, By Junji Ito, intricate hyperdetailed fluid gouache illustration by Aaron Horkey, Ismail Inceoglu, Jean Baptiste Mongue, James Jean, Erin Hanson, Dan Mumford +wideangle photo of a building karnak gold menger sponge +an image of an imitation opal pendant +a photo of a woman wearing stilettos standing on a bunch of oranges fruits on the floor, we only see the shoes and legs of the woman +Risqué mermaid, huge knockers, epic fantasy, THICC +Marilyn Monroe wearing a shirt that reads satan +majetic Red panda warrior with a sword, dark fantasy art print, gloomy background landscape +A sign that says "PLAY DEEMO" +a cinematic photo of green incelandic hills, misty, fog, photorealistic, +electric arcs engulph transparent marble coffin +Albert Einstein presenting a time machine refrigerator with neon lights and clocks, still from Back to the future +a bird sitting on a tree branch wearing a scarf and a beanie, illustration by jean-baptiste monge +bee bee bee bee bee bee bee bee +Logo for a cat cafe. A simple logo with no words. Shows a cat and a coffee cup +androide 18 de dbz usando lenceria +Cinematographic-sixties skateboard-riding vatican-betelgeuse-moebius capsule launchpad old-priest pointy anglican-tiara-mitre Archbishops thunderbirds-adidas Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +promotional material for a shonen anime with a chubby protagonist. +photo of young ballet instructor teaching asian girl in ballet studio, nikon D5 +Pregnant on a beach with bikink +a black cat with amazing green eyes +HQ portrait of Sadie Sink waving at the camera, DSLR, by Annie Leibovitz, +an image of a junge with a waterfall and women swiming +A giant sea creature chomping a ship, evil, dark fantasy, rough sea, storm, rain, mysterious glow, 4k, realistic, monster design +Gothic cathedral in a stormy night +A eurasier dog playing with a slender black cat +Watermelon smoothie , food ad banner or poster background food photography, Fujifilm x-t 3, 50mm, f2 , profesional food photography, + ultra photorealistic + Hasselblad H6D + high definition + 8k + cinematic + color grading + depth of field + photo-realistic + film lighting + rim lighting + intricate + realism + maximalist detail + very realistic +handsome, young, fit, rejection, deny, white suit, one hand waving, angry, mad, serious +old prison, vintage, hyperrealistic, glowing, abandoned +An abstract photo of a red Ferrari car driving through a sea of Legos +cute detailed digital art, unreal, octane, a large group of humanoid wearing hoodies with big blue glowing eyes, hidden faces, inspired by Dan Mumford, digital art, beeple and jeremiah ketner, big glowing eyes, in a hood, cute detailed digital art, unreal, octane +A similing VIP lady in Berlin airpot +photo of fat cruel vicious guy exhibitionist pissing at office toilet. highly detailed face, killer look, Hard close-set eyes, born criminal +Movie poster, Gremlins, highly detailed, artistic. embellishments +a beautiful woman in a red dress on a cliff top holding up a sign that reads "I love you" +Antique, warm hues, full body, massive fat, Aboriginal girl, legs spread wide, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +a burger commercial, high saturation, 4k, 8k +Jesus tied to a stop sign +a picture of a bald boy with down syndrome, wearing a batman costume, 9 years old, on a playground, high res photo, high quality, masterpiece, raw photo +a planet with green sky and blue earth +Marilyn Manson sticking tongue out wearing glasses holding a sign that says Rock N Roll +wolf in a forest with moonlight in the background, pine forest, fog, crow flying + cinematic shot +backlight+ photo taken by ARRI, photo taken by canon, photo taken by fuji, photo taken by kodak + amazingly detailed, sharpness + professional lighting + + film lighting + 35mm + cimetry + lightroom + cinematography + artstation s 750 +Makoto Shinkai sumi-e traditional old school American tattoo style french bulldog close portrait photography. Uhd, cinematic, filmic, Post-production, intricate textures, photorealistic, volumetric lighting, +Cute tomboy, freckles, lowcut blouse, loose clothing, 乳头 +Unholy death knight wielding greatsword slayer bloody +A robot in the city of Hamburg holding a banner "Free AI" +Sci-fi Illustration of Robots and humans, urban warfare, fighting on the street, art by Michael Whelan +Alvin Lucier I am Sitting in a Room +Robots and riot police, urban warfare, art by Agnes Cecile, art by Jeremy Man +Watercolor painting of white-backed woodpecker, afternoon backlight, by greg rutkowski, by anders zorn +highly precise image of a forest, with mist, greek ruins and a lion +Minnie Mouse in a superman outfit bodybuilding, book illustration +color photograph of police in yellow rubber gloves arresting men in dresses +A chair with too many eyes +a bride eating a burger and soiling her wedding dress +people going to a costume party trapped in an elevator +Neural Kinesthesia Synthetic Immersive Iridescent Cosmic Ascension Tantra Ethnic Vintage Holographic Kundalini Hypnotic Vertigo Abstraction prism Illusion uncanny +art by Michael Vincent Manalo and Alfons Mucha, a crystal egg sitting on a lotus flower at the center of the universe, futuristic, astrological, metaphysical, mystical, HD 4K, sharp detail, photo-realistic +The curse of the bride. Dark fantasy +, fantasy, absurdist, pastel, photo, Wes Anderson, bird characters in boots +a princess of the sea wearing a shiny dress +Beautiful painting of a wooden tower in the middle of the ocean at noon clear sky big waves intrincate mist masterpiece by hal foster +dramatic bust of alien explorer facing three-quarters left +a white calk cliff coast causeway splitting two oceans, drone perspective +A photo of a beautiful white Indian woman bathing in a pool, Victoria's secret model, 25 years old, HD, analog style, full length, symmetrical eyes, photorealistic, HD in high detail realistic 4k, sharp photo, canon lens 100mm f1.8 +a close-up photo of Jesus, photorealistic, highly detailed skin, depth of field ] +close up of human lips wearing blue lipstick +cool humanoid cat riding a steampunk motorcycle, realistic digital art print +A protestant, sign, text, ^We Want Free Hotdog^ +astronout on liquid planet, smoke coming out of helmet, full body, volumetric lighting, ray tracing, reflections, high contrast, dynamic colors, neon highlights, cyan, intricate details, 4K photographic by pascal Blanche + James jean + tomer hanuka + ayami kojima + alena aenami +genere un retrato de perfil de 3/4 de un obrero, minero, 30 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +candles hunger austerity immigrants pulitzer arthur kidman iwm, Abram Efimovich Arkhipov, Michael Ancher +kevin owens, lycra superhero omniman costume, musclechub buldge +full length portrait Beautiful les cutie girl bent bending over from the back behind in steel occult mask and black crown covered with wax from many burned candles, by Nicola Samori, Ilya Repin, William Blake, Michelangelo da Caravaggio, black background, full body portrait, highly detailed oil painting, trending on artstation, 4k, masterpiece +A 3d render of a highly detailed face of a dwarf +detailed layout of a futuristic ecologist city, high quality, cinematic lighting, sharp focus, 8k, +“PAYTONs” text in diamonds style, 3d typography, high quality, highly detailed +a teen boy, full body. Bare. Posing lewd +sad tiger in a city park with a playground in the background +An ominous demonic vampire bat perched on a gothic rooftop, with glowing red eyes, intricate details, and a haunting atmosphere. Digital painting with a sharp focus and matte finish, inspired by the works of Brom and Frank Frazetta, trending on Artstation. +Realistic Black and white portrait of Bangs hairstyle Jenna Ortega , t shirt , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +Holding up massive dildo, chubby Afro American girl doing twisted splits breakdance upside down bare model, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +Bruce timm style 20 year old Anna Hathaway brown hair poison ivy cosplay , bold lines , clean lines , +Sabaton band in a liminal space +portrait painting of chess players outside a cafe at night, autumn +A man standing under a bridge +fantasy, pastel, absurdist, photo, vintage horror movie, riso, +jacinda ardern doing ww2 German salute with ww2 german flag +a romantic gay couple of burly muscular robots walking together in an autumn forest +female orc with beautiful face in fantasy settings, armed with waraxe +An image of a woman close to a man +a beautiful modern house in the countryside, realistic +A computer screen icon, frutiger aero style +cyberpunk giant muscle Soldier inquisitor excruciate kneeling worship obedient pregnant girl at torture chamber. by SCI-FI art +barista near the sea da vinci style +friendly robot, tiny, circular face display +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, hare krishna, colonial catering logo, 3d logo, good for family, Indian Thali dish, piety, realism, octane render, soft diffused light, +A cartoon taking place in outer space where the characters are traveling to a distant world +Black and white 1905 year futuristic portrait old mad professional photographer with camera in hand covered by crocodiles in a toilet +flowers in an arrangement shaping a vase in front of a window, sunlit, golden hour, sunshine rays +Photorealistic, computer screen and keyboard located in the captains quarters of a space ship travelling through space, there is a cup of hot coffee on the desk +drawing of a marijuana leaf skull, pen, black lines, clean, white background, outline +woman in space wrapped in fluffy space nebula clouds +Batman wearing a long black cape stood with boy wonder in red and green with green hood and cape next to a futuristic looking batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +photograph of the face of an old mean wizard with a leathery skin, green glowing eyes, detailed iris, highly detailed skin, concept art, toned, hair bow, ceremonial jewelry, spooky, dark night, night sky, dim dramatic, desaturated background, thousands of dark trees, thousands of dark plants +Villa architecture inspired by the Chinese architect of Wang Shu, ln forest , from distance, epic composition, cinematic lighting,ultra photorealistic,Octane render, +ending of times, last days, galactic, answer to life, supremacy +american soldiers running at the camera with rifles during normandy beach landing with fiery explosions and debris and dead bodies and limbs all around them in the style of the movie lone survivor and saving private ryan, gritty, 4 k, cinematic lighting, +A boy happy with his dog in Switzerland, shot with Ilford HP5 Plus +Photo of a 18yo woman, face focus, portrait, wearing skirt and hoodie, +a film still portrait of cute girl, finely detailed features, perfect art, trending on pixiv fanbox, painted by greg rutkowski makoto shinkai takashi takeuchi studio ghibli, akihiko yoshida +rump as Che Guevara, Socialist Realism, Guerillerra Heroico +national geographic photo of a rainbow snake python head, 8k resolution, cinematic, hyper realism, 1 5 0 mm lens , +Eyeballs in a terrarium jar. natural lighting. Creepy: hyperdetailed: hyperrealistic: by N. C. Winters and Giuseppe Arcimboldo: gustav doré: Amanda sage: Matt hubel: professional photography: Vladimir manyukhin: Dan mumford Holographic moody: imposing: arcane: ethereal: magnificent: cinematic: masterpiece: divine: amazing depth of field: beautiful nature +Product photo of car in the shape of a pea +Michael Jackson dancing in the desert +Hatsune Miku, DvD still from western tv show 1960 Bonanza +a photograph of a blue ChromaFlair MG ZT 190 car ,rover 75 mgzt, metalic paint +photo of black fighter jet from star wars +3 french men giant tv. anime steampunk style +Burger king text, different stylization variations, professional design, 3d rendered +Jerusalem mosque raining resistance army +photo of pirates from the renaissance wearing 1980s pirate-themed renaissance-themed track suits +Un cœur avec un papillon et des jonquilles au cœur orange +1970s style photograph of a teen holiday, grainy filter +Art print by start trek, A sky whale flying in the universe, Starship enterprise. +the city of santiago de chile under a red sunset sky +photography of a frog dancing on a disco with a 70s suit +Slenderman in a horror movie from 1970's +full portrait monster vampire old Nosferatu hairless skin and blood vessel and horns on head, crypt scene, detailed skin, face sharp focus, detailed eyes and pupils, intricate details and sharp, masterpiece, global illumination, real shadow, bokeh, by H.R. Giger +an art deco statue of cthulhu +an image of Bogart as Rambo +Mickey Mouse is a drugs dealer in a dirty urban alley +Mystical forest with glowing mushrooms and a babbling brook, realistic +a cybernetic man, full body view +mystical weaver, intricately detailed porcelain figurine, beautifully rendered with a dream-like quality, 3D render in a point cloud style by Jan van Eyck, mysterious fog projection holograms swirling around the weaver, #memories, featured on deviantart +Godzilla and King Kong fighting in the middle of Times Square +, fantasy, pastel, absurdist, photo, refined, fear and lathing desert +she wears lilacs in her hair, and picks roses and picks daisys by artist "Ralph Horsley +lara croft in water, sky, cloud, sunny day, +a tent on fire in a sinister jungle +a perfect little girl in a fashion show +A sign that says Utku Guney in Turkiye +fat very old asian woman with dementia +a beautiful female elf wizard, whimsical lights, dynamic pose +Watercolour raspberries, seamless, by grace cossington smith, Hilma af Klint rifle paper co +An image of antónio Costa dressed as dominatrix +young Muscle guy castartor busting TESTICLEs flesh at torture chamber. plural testes, male reproductive gland. highly detailed guro art by Ilya Repin +Documentary photography,two person, a 6-years-old little Ukrainian girl ,a 17-years-old Nepalese monk , standing in battlefield , the girl wearing red dress,red shoes,beautiful eyes, blue eyes,Nepalese monk wearing red monk robes,full body, limited palette, low linght background, soldiers ,burning tank,the land is burning, smoke, dark sky, sense of film,Wide lens, 500px,4k,great photography +funk bass emoji, spacebass emoji, based on the twitter guitar emoji, an emoji of a funk spacebass bass guitar, like the one played by Bootsy Collins, with a star-shaped guitar body +a clear bottle in a clear bottle +bee face: macro photography: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean-Baptiste monge: James Jean: Erin Hanson +red deer stag angry roaring side view vector comic style black and white +pickle rick in gears of war, splash art, movie still, cinematic lighting, dramatic, octane render, long lens, shallow depth of field, bokeh, anamorphic lens flare, 8k, hyper detailed, 35 mm film grain +monochrome photo of a extremely muscular man,gigachad,extremely detailed +half gyps vulture half owl cross transformation +vampire Cross-Over, logo design by Philippe Caza +Walter white sitting in a wheelchair, realistic, handicapped, in the city on the street, urban, blurry background, high focal length 70mm +record artwork for a rock band from 2004 featuring one single woman in bootcut jeans +A man looking surprised after seeing a treasure box as he’s digging a hole +woman in pajamas holding a sign that says "kiss me", in the style of anime, 4k, milf +castle among rolling hills, landscape painting, digital art, broad brush strokes +space marine fighting chaos, by van gogh +photo of an ornate golden ring on a white background with a skull in it, fine macro detail +a giant cavern within an astwroid lit with spotlights on the surfaces +A giant cobra snake on a farm. The snake is made out of corn. +A frigate sinking in a stormy sea, storm, black clouds, lightning, oil painting +a centered photo of a post apocalyptic supermodel goddess at burning man festival playa, powerful, cinematic, beautifully lit, by karol bak,perfect face and body, trending on artstation, 8 k +Close up on beautiful texture human looking hands of single young apealing attractive beautiful female school teacher +A doughnut in the form of a spy character +Hatsune Miku wearing very suggestive clothing +woman from the 90s in pajamas sitting in room, posters on wall, nostalgic, old photo +, fantasy, pastel, absurdist, photo, refined! Basilisk +Viktor Orban dressed like Elvis Presley in a Circus +art by Alfons Mucha, copper-foil method stained glass motif, whole body image of 20 year-old Jennifer Aniston as a naturist with two sets of mammary glands meditating in the lotus position in Central Park NY, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +a car that is made out of gems +a big-bellied orcish punk in a night club +Realistic Black and white portrait of Bangs hairstyle 2Jenna Ortega , bangs hairstyle Jenna Ortega 20 year old ,t shirt , blemishes on skin , smooth face , dynamic light , dynamic shadows , street background, image taken by +A cat, in cosmonaut suit, in space +fantasy art print legend of ravaging dynasties +SF movie, movie still of a young astronaut fighter pilot, round helmet, life support system, surrounded by instruments, inside a spaceship cockpit cinematic, epic, volumetric light, award winning photography, intricate details +A dynamic portrait of Walter White as an airbender from the Nickelodeon animated series Avatar: the Last Airbender +A cinematic DVD of still from Showgirls, musical scene of Kristen Bell as a risqué dancer servicing her customers 🫦🍆💦, smoky, low budget +Joe Biden in a maid dress, cat ears, solo +a dog eating a pizza on a sunny beach +Photo of a dragon cooking dinner +dnd illustration of a bald male, epic heroic fantasy dwarf computer scientist wearing anarchist t-shirt clothing, long white and black beard +Photo of a marsh surrounded by trees, dark, foggy +gundam astraea and optimus prime merging +A dog with white and blue stripes +masterpiece, best quality, professional photo, a cute female japanese high school student wearing sailor school uniform +cat in a batman costume under the moon, moon shining on the cat's fur, octane render, high quality, majestic +A notebook page that says “when?” +gorgeous beautiful young female in a changing room, black hair tied in pigtails, detailed face, wearing a sheer partially draped nightgown open at the front, bare top, bare legs visible, dark areola peeking, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +instagram model working at an oilrig, covered in black oil, selfie, wearing hardhat, dirty +a masterpiece, award winning photograph, good looking posed normal young Black African woman artist standing in the interior of a cluttered and messy shack art studio +medium closeup photo, attractive stunning Ukrainian 16-years-old blond girl holding one white cat, white winter wool cap, detailed (wrinkles, blemishes!, folds!, moles, viens, pores!!, skin imperfections:1.1), highly detailed glossy eyes, (looking at the camera), specular lighting, dslr, ultra quality, sharp focus, tack sharp, dof, film grain, centered, Fujifilm XT3, crystal clear +A picture of a teen girl bending over wearing a smelly tight outfit Fog fumes near the backside of the woman and smell fumes around leggings, , +the secrets of the ends of the earth +Snoop Dogg dressed as Abraham Lincoln, top hat +highly detailed portrait of a steampunk super hero stood on the streets of a steampunk city, 1920s, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, alphonse mucha, J. G. Quintel, global illumination, detailed and intricate environment +market neutral; Bitcoin blue and black; +Spaceship interior, bed and desk, small space window, sleeping quarters, intricate, insane details, space with stars, nebula, absurdres, sci-fi, maximum detail, best quality, digital illustration, Most beautiful artwork in the universe, Beautiful environment, Photorealistic painting art by midjourney, Professional majestic oil painting, Portfolio piece, Fantastic location, global illumination, studio light, volumetric light +portrait painting of borg, ultra realistic, concept art, intricate details, eerie, full body, highly detailed, photorealistic, octane render, 8k, unreal engine +Cute male furry on the beach, digital art +Midjourney v4 style portrait, insanely detailed, photorealistic, 8k, volumetric lighting +dog eating food dining cafeteria view Eiffel tower while firefighter runs background airplane crash. +Mirei kiritani, sailor venus, Japanes dramas, sentai, sailor moon s, 90s +photo of a smiling man in suit holding a sign saying "the fog is coming." +stunning city of stone inside a gray granite canyon, fusion of star wars and gothic revival architecture, by marc simonetti, natural volumetric lighting, realistic 4k octane beautifully detailed render, 4k post-processing +The next illustration could show Aisha and her family performing their daily prayers in the mosque, surrounded by other members of the community. +Flying elephant has a car hanging from its tail +pedro pascal and bella ramsey as super heroes +Necropolis the capital of the undead horde +A laptop made of yellow cheese, professional photography +beautiful painted portrait of princess zelda from breath of the wild +woman with short black hair, ryuko matoi,kill la kill +A photo of a woman with angel wings on her back, facing away from viewer +a tall woman with purple hair in leather bra, tatooed arm, enon light bar +Antique, warm hues, dark haired, massive, fat Pixar portly male Bishop in red and gold silk gown holding gold cross :: 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +A text "LOVE" sign in Anime style +Girl, the hands are on the x-axis 5 and the y-axis 8 +Webpage Screenshot, dentist website, CTA, Header, Social Icons +a painting of two people floating in the air, pixel art by SLYNYRD, featured on Artstation, pixel art, #pixelart, 2d game art, cityscape +an artist sculpting an statue of pepe the frog +Megan Fox as an Elfin princess naturist in a magical mystic forest, fingering her clitoris, HD 4k, sharp detail +photo of a gold sculpture in the city river with ewoks,flooded sculpture,splashing misty mud rocks,panorama,city buildings, +The devil sticking tongue out wearing sunglasses holding a sign that says Famous +realistic detailed bound plastic doll, shibari, art by Karol Bak +Realistic image of the pope francisco walking on the streets wearing gucci clothes +Distorted god knight in robe with a giant reaper scythe, dark fantasy, intricate, highly detailed, smooth, artstation, painted by Wayne Barlowe, zdislav beksinski, Francis Bacon +Cat eating sushi off space dog +human dressed as a furro running away from 20 killer teddy bears +IRIDESCENT RAIN on a field +liquid metal falling onto dry earth, epic cinematic action shot, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style +An exquisite aquarium with many colourful fish and whales +man holding two whips, one on each hand +retro anime ninja in red kimono, holding bomb, old face +big close up hiker man silhouette outline with mountain landscape superimposed inside! Double exposure image within image! by olly moss! Luke gram; dan mountford; andreas lie; minamilist; superimposition; mondo movie poster; minimalist, atmospheric perspective; complementary colours; trending on behance, dribbble +portrait of an English rose, watercolour +a portrait of a man by Greg Rutkowski +a painting of a forest filled with lots of trees, inspired by Dan Mumford, shutterstock, beautiful stained glass window, morning sunrise, colorful glass wall, stained +pencil drawing texan gun tower on mars hyper realistic line art +young Holliday Grainger as a fairy with very long, curly, golden hair in a forrest, painting by ArtGem, Marc Simonetti, Waterhouse and Károly Ferenczi. inspired by A portrait of a fairy, by Sophie Gengembre Anderson +a creepy foggy hillside with a distant town +Astronaut playing guitar in space; Bitcoin chart; Dark theme +a convoy of mgb cars in the jungle river +A pretty chinese girl, long hair, stand in The Great Wall, 4k +Fursona furry fox , female , beautiful , attractive , orange body , fox body colours , smiling ,digital art , showing off , masterpiece , by foxovh , hourglass body , furry art style , 0 clothes , furry , anthro , long loose brown hair locks , yiff , fox head +A fairy princess living in a medieval castle. +A dog with a crown made of strawberries +A photorealistic face divided vertically with two totally different halves +idealistic young person dreams of the universe, starry nebula background synthwave watercolor painting on canvas trending in artstation dramatic lighting abstract expressionism pastel golden ratio details aesthetic octane render excellent composition natural textures 8k oil paining masterpiece canon eos r4s 50 +in the style of 90's vintage anime, surrealism, akira style. detailed line art. fine details. inside a 711 convenience store. drink aisle. neon. +a raven, comic sketch style, front side, white +A film still of a stainless steel palm in a desert oasis +A landscape I would be afraid of being there +a violent boxing match between two frogs on a ring, digital art +dissected navel pregnant girl at hospital +fantasy, pastel, absurdism, photo, refined, buff +photo of japanese little girl swimming +A Chinese couple is listening to music attentively in front of a pair of loudspeakers, abstract beauty, approaching perfection,, delicate face, dynamic, moonlight, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by Carne Griffiths and Wadim Kashin +Cinematographic-2024 Renault citycar, secret project, preview render, unreal engine, prototype, 35mm hasselblad photograph bokeh +Vintage photograph robot and woman cooking in the kitchen, 19th century +Giant candy bar melting and creating a river through a city +photo of a Wendigo cooking dinner +colorful drawing of dad celebrating his birthday with his two big sons +, fantasy, pastel, absurdist, photo, refined, circus +A plan or approach that lacks a clear objective or intention is destined to be unsuccessful. +bruised bard laying down on the floor, shiny robot doing a victory pose, boxing ring , realistic +A man by a shallow lake in a dark forest, intricate details, highly detailed, close-up, extremely detailed wallpaper, looking at viewer, solo, soft cinematic light, dark colors, exposure blending, hdr, front, anime style, detailed face, 1boy +Ultra-detailed eldritch entity lion cthulhu, partially concealed in dense mist, haunting charcoal image, myriad writhing tendrils, some thick and muscular, others thin and sinuous, strange fluid grace, eerie glowing cold eyes, shadowy silhouette, unsettling atmosphere, intricate textures, otherworldly presence +art nouveau style, art by Alfons Mucha and Michael Vincent Manalo, a crystalline butterfly at the center of the universe with 7 Cosmic Rays emanating from it, futuristic, astrological, metaphysical, mystical, golden mean, HD 4K, sharp detail, photo-realistic +An image of a robot elephant in a stormy night +a gundam-type mech warrior standing victoriously over a cliff as the sun sets behind it +A side scrolling 2d platform game +3d peppa pig in the casino, gta v artwork, detailed illustration, gta vice city, vector +dog holding a sign that says "bakari is stupid", 4k, realistic +oversized flowers and mannequins with heads in geometric shapes made of iridescent glass in a surreal garden +Still shot from movie of a strong gorillaman, laughing wildly, holding a spear, cinematic +The text "hello everyone" on the plate in neon color and a beautiful font with italics +product photo of cocacola amphora, amphora, ancient archeologic site, Cinematic, Photoshoot, Shot on 25mm lens, +A painting of the four elements of the nature +view at 45 degree angle of a landscape orientation wooden frame mockup featuring a completely blank canvas hanging on a wall +oil on canvas full body portrait of latina young woman with a kimono painted by Egon Schiele, german expressionism +moto-moto from the movie madagascar, furry +RAW Photo, Photorealistic portrait of a woman with long curly red hair, Canon 8k, outside, forest +Piet Mondrian Art superimposed on a Jeremy Mann Painting +Snoop Dogg wearing an Abraham Lincoln costume +Horror movie of a slasher with a barn owl mask +Black cat standing in a mirror +visualization of clock in abstract action painting with dull color +Coal miners, Midjourney v5 style, insanely detailed, photorealistic, 8k, volumetric lighting, , +Full-body portrait professional photo of a female Boba Fett, high quality +Macro shot of a glowing jewellery ring made by an advanced mystical civilization, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a family standing for a photo, holding up peace sign behind head +A city in cybernetic rain, cyberpunk, blade runner 2049, neon +a house by a cliff on waterfall, watercolour painting +Funny Street photography scene by Jonathan Higbee +hot boy Being torture Alive By hot bald Slaughter at torture prison. highly detailed face. Surrealism art by Ilya Repin +jacinda ardern doing ww2 German salute +satyr making love to bare elven maid +realistic photo of 10 year old girl Homura Akemi, cosplay, full body, masterpiece, HQ, 4k +Vortex through time and space, scattered neon storm, high contrast, dark glow, By Android Jones and Beeple, mystical, psychedelic swirl, surrealism, bright vibrant acid colors, vexel art +MUSHROOM CLOUDS IN THE DIGITAL AGE Color: I chose bright fluorescent green and purple as the main color scheme to highlight the relationship between the mushroom cloud and the digital "cloud" in sharp contrast. Style: I adopted a semi-hand-drawn, semi-flat design style that combines hand-drawn elements and digital effects to express the intersection of technology and humanity. The mushroom cloud and digital cloud in the picture are outlined by simple lines, presenting a clear and powerful sense of form. Size: This work is A3 size, suitable for use as a poster or exhibition. Composition: I placed the mushroom cloud and digital cloud in the center of the picture, creating a strong visual focus. The surrounding patterns and elements present a staggered layout, symbolizing the interweaving and chaos of various elements and data in the digital world. Texture: I used a halftone texture similar to that of printed materials to enhance the layering and three-dimensionality of the entire picture. Overall, this graphic design work presents the connection between mushroom clouds from nuclear explosions and the modern digital world in bright colors and unique style. Through the clever use of design techniques, I hope to stimulate the audience's deep thinking about the relationship between technology and human destiny, as well as reflection and vigilance on future development +painting of human character, cubism, minimalism, fine art, award winning, trending on artstation, muted colors, 4k resolution, extremely detailed, depth of field, intricate, high detail, masterpiece, vintage, painting in style of Georges Braque +Jesus sticking tongue out holding a sign that says hail Satan +a raw photo close up of the heavenly catholic demon pig cyborg inside an iron maiden robot wielding a giant katana,large view,a surrealist painting, inspired by Jean Fouquet and alan bean,by vincenzo riccardi and Philippe Druillet,yoji shinkawa,masterpiece,extremely detailed,4k uhd +a wizard wearing blue robes staring at the camera with an intense glare holding a burning book that is on fire, standing in a stone room lined with bookshelves +old colorized photo of a man in swedish traditional clothing playing flute +an image of a person using the STAR Approach in interviews +futuristic fantasy realistic photo highly detailed city casablanca morocco cyberpunk +Explosive, neon smoke, night lights, psychedelic white teen model ballerina, fast cars, breakdancing, upside down, splits, octane render, 8K HD +a man in suit with a golden fox head +a finger pointing at the camera +A face hugger attacking Noam Chomsky. +concept art of outfit for a water person that is blue, sea people with blue skin, digital art +Queen Kristen Stewart, short purple hair, Cyberpunk style +anime portrait of kratos, anime, anime anime +a futuristic interpretation of a dodo bird. Cyborg bird. Amazing colorful. Artstation, hyperrealistic +Cinematographic-sixties negreanu poker player bellagio capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +jennifer lawrence art by Kentarō Miura +Dennis Wilson from the Beach Boys in the style of Red Dead Redemption art +A astronaut in the ocean of neptune. +Front facing Skull Portrait by Minjae Lee: high resolution: black ink flow: 8k resolution photorealistic masterpiece: Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean-Baptiste Monge: calligraphy: acrylic: watercolor art, professional photographyl +photo of a giant baby chicken towering over a high desert farm +8k uhd photograph of a diamond engagement ring +chris pratt, oily, bodybuilder, wearing bulldog harness, +bbc Sherlock in a jellyfish ballgown +themet virtue flora. fatima ' descent ,Jules Bastien-Lepage +Easter eggs, Faberge eggs, colourful hyperdetailed filigree eggshell, intricate details, HDR, beautifully shot, hyperrealistic, sharp focus, 64 megapixels, perfect composition, high contrast, abstract vector fractal, wave function, Zentangle, 3d shading +Frog, in forest, colorful, no watermark, no signature, in forest, 8k +Scared Man with head in a cage full of bees, stung, ] +Marilyn Monroe wearing sunglasses as the Statue of Liberty +cyborg surrealism photography futuristic fierce lion +Chubby Afro American nerd, dork girl doing twisted splits breakdance, sitting on flesh coloured dildo, upside down bare model, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +, fantasy, gentle, pastel, absurdist, photo, coarse, pillock frolicking +a wide angle photo of lara croft in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, indoor, plants overgrown outstanding detail ,room flooded with water, in front of a building,by claude-joseph vernet,luxury hotel +a creature from a water:1.7 planet wearing a suit that allows it to live on land + highly detailed + 4K, UHD, High quality + Trending on Artstation HQ + sci-fi + cyberpunk + armor | exosuit reflections + Johann Krauss from Hellboy + BioShock:0.4 + diving helmet:300000 +, fantasy, pastel, absurdist, photo, Wes Anderson, rodent character, dancing +photo of a ultra realistic sailing ship, dramatic light, pale sunrise, cinematic lighting, battered, low angle, trending on artstation, 4k, hyper realistic, focused, extreme details, unreal engine 5, cinematic, masterpiece, art by studio ghibli, intricate artwork by john william turner +king kong with mgb cars in the jungle river ,splash rocks crocodiles,chrome grill +colorful flying mammal with large ears and powerful back legs, wings, photorealistic, studio lighting, sunny day background, octane render, highly detailed +A realistic detail of a long range phot of a beautiful pirate lady in a saloon +a cute young wearing a tiny crown and a purple princess dress +the beatles playing in Champ de Mars in Paris, the eiffel tower background, highly detailed, clase up photo +Mario Bros nendoroid figure using a computer, product photo, sharp plastic details, 8k, with a solid background +a girl with long silver hair, she looks 15 old, wearing black hoodie, anime-style +a girl riding a big bunny rabbit in the arctic snow, with northern light in the sky, masterpiece, 8k +A beautiful woman puking a rainbow +a full body shot of a woman stepping in a puddle on a rainy day +A cat in a maroon football uniform +el maradona del ocho in mexican vilage 1979 35mm old grain film squared cubic ball +a volcano under the sea and two monsters playing around, photography +black-crowned crane, Grus monacha, white head and neck, pale yellow beak, red crown of head, spread wings, mountain swamp, taiga, night +cinematic shot of a fortnite character buying bread in a store +noir style photograph of a riot grrrl singer in a nightclub +A cute bunny in a basket filled with flowers, night time, bright sun, colorful environment, gorgeous landscape view behind the basket, offset, high contrast, depth of lighting, aurora night, extremely adorable, soft and sharp style, delicate details, trending on artstation, 35mm, 8k resolution, professional stock footage, uhd, uhdr, 3d render, ultra intricate details, +Sacred geometry, neorealism, flower of life, third eye, mysticism, details, patterns, swastika, antiquity, hd quality, yantra, mantra, india, laser, shadows, brightness +fantasy digital art midjourney, deer, flowers and birds on a big antlers, unrealism +, fantasy, pastel, absurdist, photo, tiny funeral matchbox +sculptures dickens elderly mother candlelight worried hdr cropped ,Jules Bastien-Lepage +teddybear crew inside large spaceship room, sci fi,star trek bridge chairs, teddy +Cinematographic-sixties papal-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +sonic and mario, best friends, 3D, hq +Antique, warm hues, gold rubber dildo, lactating Aboriginal girl, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +fine-art photography of a Clear crystal sphere, reflecting the seaface, floating on the tumultuous sea, Arctic Ocean, sunset, magic time, by Andreas Rocha, Minimalism, artistic, atmospheric, masterpiece, golden ratio composition, hyper-detailed, 8K wallpaper +a cinematic stylish picture of a group meeting in a business room +a close up of a card on a table,Jace, Architect of Thought: Jace, Architect of Thought is a blue planeswalker card inspired by traditional Japanese architecture. Jace can draw cards from the opponent's library, reduce the damage taken by his creatures, and cast illusions to block enemy attacks. exalted, wide fov, straight jaw, new art nouveau, jim carry, exploitable image, scholar, all white render, yutja, unimaginably huge, accompany hybrid, skydsgaard, panel of black, ultra - quality, eterea, academiSword of Fire and Ice: It is an artifact card that represents a Japanese katana. The sword grants the equipped creature protection abilities against fire and ice, as well as the ability to deal extra damage and draw cards from the opponent's library. +ava addams con las tetas mas grandes de la historia +faustão da silva on a tv show +at the edge of the world +photo of a mg zt car , +Screenshot of a Land rover discovery in Skyrim game +a beautiful caucasian teenage djinn woman pouring water into an ornate bath +Real life humans living in a Lego city, insanely detailed, photorealistic, 8k, volumetric lighting, , +boy playing on the beach at sunset, anime, stylized +high quality oil painting portrait of beautiful female esacred holy knight by Rembrandt and Raymond Swanland, dark background, high fantasy, perfect lighting +A t-shirt of a doom metal band with references to twilight or sunset and solstice +Ben gvir in ghost busters costume +Lee Evans as a 19th century postman in a hungarian landcape +a promotional photo of the new vive vr headset, shiny slick new +Meghan Markle and Prince Harry at the beach +Webpage Screenshot, cat cafe modern website, CTA, Header, Social Icons +a fearful wolf with fire reflecting and swirling in its wide eyes, scared wolf, apocalypse, ears back, glowing, cinematic lighting, dnd, fantasy, 4k, medieval, adventurer, rpg, nature, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, ancient village, cinematic lighting, realistic lighting, unreal engine, magic, swirling colors, mist, prophecy, fear, professional digital art, professional photograph +Black and white 1905 year close up surialistic futuristic professional photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +Blonde Woman in the beach, without top +silhouette of ONE man looking down to a city skyline full of stars and galaxies from the top of a building , cinematic lighting, volumetric lighting, dramatic, colorful, shadow depth, digital art, dynamic composition, rule of thirds, 8 k resolution, trending on artstation +A boy is looking at the sea +Golden Ferrari 458 with carbono fiber details +Chief Sitting Bull ordering a meal at Whataburger +kate middleton as wonder woman buying a coffee in starbucks +Anime girl with "OK" speech bubble +A little girl busy eating a cup of yogurt on the counter top +Photorealistic Pikachu wearing glasses and reading a book, 4k DSLR photo,ambient lighting +portrait of water Empress Nico Robin with hair made of water, d & d, wet, shiny, fantasy, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, illustration, art by artgerm and greg rutkowski and alphonse mucha +a painting of a young female wizard standing in front of a castle, Terry Pratchett book cover +A cinematic artistic shot of a world war 1 British tank gunning down enemy German troops running through a destroyed trench in no man’s land with fire and dead troops +photo of chubby guy fat boss dominator at Juvenile Prison for Boys. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +An irish woman in a risque outfit +monkey holding a sign written "oh god" +realistic redhead girl, brown eyes curly hair +Minimalistic Design, Vector graphics, Icon, folder in the form of a toolbox, best quality, HD +a chinese man hugging an african woman-********** +tom cruise in a black leather jacket, pencil sketch, portrait +Mechanical woman, skinny, teen, electric, colorful, intricate:1.3, highly detailed:1.3, trending on artstation, color splash +Eva Karera, Grand Theft Auto V, no text +Beautiful girl, steampunk, model appearance, beauty of the soul, joyful smile, flirty look , +A text "LMAO" sign in Anime style +Portrait of a beautiful African goddess wearing a tradional headwrap +A futuristic city that towers towards the sky, with glittering high-rises and hovering transport vehicles that zip through ultramodern avenues +Peacock with open feathers, beautiful, 4k +A woman wearing a golden braclet with her arm hanging down on her sid +a cat on the back of a t-rex +A professional news media photograph of a japanese company man, perfect composition, Professional, masterpiece, commissioned, best quality, Color Corrected, fixed in post +a woman with skin of a tree sunset +Cyberpunk lady, classicism painting, oil on canvas +artistic pic of an old business lady +artistic art print, spashes of paint, strong vibrant colours, paint on canvas +a sign that says "I love eating donuts" +A thin delicate black outline logo of a lotus flower, white clear background, no color +Cinematographic-sixties thunderbirds-vuitton christic-soviet-Archbishops pasolini mitre camorra Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +cute baby lion, charcoal drawing by Daniel Wilson +A beautiful pink flower growing from a book, fantasy art, watercolors, oil painting +sepia portrait of a man using a computer +a cartoon bear wearing only a a hat and tie, portrait of anthropomorphic bear, simple cartoon, artstation, dribbble +illustration in black and sepia tones. use the image as a reference. Add a unicorn. Use art deco designs in the style of Aubrey Beardsley. Plain background +teen enjoying herself in the sauna +forest close up, Sony Alpha 8k Nikon D500 DSLR professional, award winning photograph +cute anime neko cat girl, photo realistic +Gorgeous shot of a thief girl, 20 years old, clad in leathers in a dusty attic in the forgotten realms, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +White ghost wraith stand in dark grave swamp haunted crows oil painting thomas benjamin kennington, arthur rackham, +Photo beautiful blonde redhead freckles sweat woman sensual dress breaast eating dining table food cake desert background glass translucent view Eiffel tower warm glow neon fireflies fireworks night +post apocalyptic world, over run with nature, beautiful scenery, warm sunlight, +, fantasy, pastel, absurdist, photo, refined, 1960s magnets +Beautiful young apealing female japan girl +outlander metmuseum amnestypainters peasants bakery sewing workers, Jules Bastien-Lepage, closeup +Dog teaching early literature at the university +The mix between a cow and a chicken +bee bee bee bee bee bee bee bee, illustration, black and white, black background +3d render, Chibi Lemon character with an accomplished look on his face, he is wearing green sunglasses relaxing on the beach at sunset +cartoon woman, blonde hair, ahegao, stars around head +a raw photo close up of the heavenly catholic demon pig cyborg inside an iron maiden robot wielding a giant katana,large view,a surrealist painting, inspired by Jean Fouquet and alan bean and Philippe Druillet,tom bagshaw,masterpiece,volumetric lighting,detailed shadows,extremely detailed,4k uhd +realistic portrait of a samurai robot, holding a katana sword with intricate engravings. The image has a metallic texture and a cold blue color grading, creating a futuristic and robotic atmosphere +Star Wars Roman Numeral's Behind the Logo Movie Poster +wideangle panorama aerial photo a dinosaur next to a landrover in a muddy road in the jungle,obstacle course, by Anthony S Waters, renaissance, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +Neural net architecture giving to the egypth in the pyramids from ailens +an ogre given a muscle massage +high resolution, realistic concept art, transparent glass sphere, open portal zu other dimension, sense of awe and scale, organic +a smiley face made out of chocolate chips +'a turnip with a tiny hat and a monocle sipping tea from a tiny cup and reading newspaper +large gold cat statue karnak,stone floor entrance,tutankhamun +2d, simplistic, black and white, five pedaled flower shaped like a crescent moon +Two men holding a woman in the beach +a single dollhouse cottage with a heart on the front door in the woods with stnow falling, puffy concept art by jeremiah ketner +Colorful Ink splash: Jesus in a crown of thorns. Russ Mills: Alex maleev: Ashley Wood: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +A female knight in red armor standing in the rain +An incredibly cute penguin, pixar style +ps1 game cover of the sims mice simulator +Picture of a colorful rabbit surrounded by rainbows, delicious sweets, treats, by Lisa Frank and Beatrix Potter, +Eco conscious conservation themed background with space for copy, showcasing a lush, healthy forest with vibrant green foliage and sunlight streaming through the leaves, the composition emphasizing the beauty and importance of preserving natural habitats, offering ample space for copy within a dedicated zone that highlights the critical message of environmental stewardship +Marilyn Manson holding a sign that says repent +a Maserati Grecale on the street +a male rpg game role hunter +attractive punk girl with long hair +a nun with a sword surrounded by zombies on fire +symmetrical lightning storm, fantasy storm giant, flashing eyes, scowl by artist "purple and gold", by artist "Alan Lee", by artist "John Howe" +pixellated, ufo abduction over small cottage in woods at night, tractor beam, lights on in cottage, pixel stipple, centered, vantablack, vibrant, flat, brushed, front view, 2D, 16-bit +selfie photo with people having intercourse in background +Paris Saint-Germain football club winning the Champions League +Illustration of Brian Griffin, Cartoon, Anthropomorphic, Family Guy, Bipedal, Two arms, Two legs, white fur, red collar, high quality, coherent +indian fast logo, emoji style, love tali , 3d logo, family, healthy food, minimalism, realism, HD, +promotional material for a post-apocalypse anime with a chubby male protagonist. +Jennifer Aniston in a fetish dungeon +a plus-sized male protagonist of a 90's anime, which cannot be broadcast today due to copyright concerns.. +preteen girls with no underware kissing each other in the the bedroom with dark background +photo of a bicycle, detailed, 8k uhd, dslr, high quality, film grain, Fujifilm XT3 +The box cover for the next The Legend Of Zelda game +An alluring gondolier in a Venetian canal, attractive cute female gondolier, shapely, revealed, visible, peaking, hint, suggestive, legs, fit, cute, taut +Man with head in a cage full of bees +Angry blue dog with bottle in forest +Gigachad legend meme, highly detailed, RTX, masterpiece, beauteous, gorgeous, Megapixel +A vibrant and colorful painting of London's famous landmarks during the fall, high contrast, modern impressionistic style, highly detailed, art by Leonid Afremov, David Hockney, and Wassily Kandinsky. +Reflection s of trees and bushes and clouds in a turbulent river painted by Rembrandt and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks Thick luscious impasto paint very deep sculptural brush and palette knife marks +SOrange fruit, mint leaves, orange juice splash, realistic photo, food photography, Epic cinematic brilliant stunning intricate photo, 8k resolution, bokeh and volumetric lighting professional color graded and hyperrealism DSLR sharp focus golden hour, studio lightings, food photographyunset reflecting on a crystal ball +the letters "BWAY" in graffiti style, esports style logo +Emma stone as dobby, highly detailed, concept art +a vast village of treehouses connected by rope bridges with string lights at night +attractive goth girl on the beach +black and white and red album cover, with a modern minimalist cherry dead center +extremely detailed illustration of a beautiful goddess with white hair and light gray eyes, she is wearing a white adherent armor made of dragon scales and a black cloak with light blue decorations, she also holds a silvery sword with dragon engravings on the blade, her skin is pure white, snowstorm on a mountain background, high quality, cinematic lighting, 8k, sharp focus +Man with head in a cage of bees and wasps, ] +Portrait of a British police officer wearing a futuristic police uniform in a british city in the day, intricate details, HDR, beautiful, using blue black white colours +A young hacker, hacking the Pentagon by Vincent Van Gogh +the eiffel tower made out a giant tree +fat, chubby, Italian nerd girl wearing leather panties, riding an exquisitely detailed skateboard, doing full body star jump upside down, squirting, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +Darth Vader dancing at a disco club in the 1970s, vintage photo style, vibrant colors, bright disco lights, retro fashion, disco ball, art by Andy Warhol, Studio 54, glitter, high energy, neon signs +a lake in a cave with a submarine surfacing +Illustration of furious furious furious bad angry eyes skye from paw patrol +george eads, as uncanny xmen cyclops, blue yellow costume, ruby quartz visor +General Juan Domingo Peron with an atomic bomb on his shoulders +art poster, the essence of charcoal painting, a jedi silhouette with a lightsaber on a mountain landscape by J. M. W. Turner and bob ross, charcoal painting +a photo of roman soldiers in front of roman buildings grass steps,stone floor,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole +a wide view photo view of romans,foreground depth perspective, +Award Winning Isometrical drawing of Yggdrasill world tree with glowing fairy souls spirit, 4k, high detail, masterpiece, CG, wallpaper, high quality, extremely detailed, by Tristan Eaton, Radiant symmetry, +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Hans Memling +The Joker, portrait shinkai makoto studio ghibli studio key hideaki anno sakimichan stanley artgerm lau rossdraws james jean marc simonetti elegant highly detailed digital painting artstation pixiv +a jung male sitting down on a throne in a dystopian world, digital art, epic +A green sign that says "Very Deep Learning" and is at the edge of the Grand Canyon. Puffy white clouds are in the sky +Morris Mini-Minor car driving in volcanic molten lava magma, studio lighting, volumetric light,flames steam +An alluring gondolier in a Venetian canal, attractive cute female gondolier, shapely +Alien and skulls biomechanical drinking elixir futuristic strong full body cinematic style digital art render with mechanical and futuristic details in a cyberpunk underworld, sci-fi bar, moody atmospheric lighting, techno horror, dangerous, art by yoshiyuki sadamoto and matt banning, batt, directed by roger deakins +photorealistic image of a lone painter standing in a gallery, watching an exhibition of paintings made entirely with AI. In the foreground of the image a robot looks proudly at his art +pineapple tree grow on floor in apartments, photo, 4k, full length, top view +agent the matrix, agent smith the matrix, the mad hatter, alice in wonderland, matrix background computer +stunningly beautiful teen wearing alice in wonderland outfit full body shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +masterpiece, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +Beautiful cute sad helpless tied up woman, tears, leather clothes, black cloth, (((lace))), purple wavy curly hair, cute horns, whole body, tongue out, chains wrapped around woman, chain around neck, dark dungeon, dramatic dark lighting, tattoo, dungeon floor, sweat, intricate, (highly detailed:1.4), digital painting, octane render, artstation, pixiv, concept art, smooth, sharp focus, illustration, art by artgerm, (loish:0.23), wlop ilya kuvshinov, and greg rutkowski and alphonse mucha gracias, (global illumination, studio light, volumetric light), heavy rain, particles floating +photo of a angry velociraptor down a muddy road in the jungle , wet junlge ,by Anthony S Waters, , real-life brook, front side views full, camp, but very good looking, very wet, 2021 , tire wheel ,a car door in the mud buried +In the movie "The Matrix", there is a pivotal moment when the protagonist, Neo, is presented with a choice between two pills - a blue pill and a red pill. The blue pill represents staying in the illusionary world that he has been living in, while the red pill represents embracing the truth and facing the harsh realities of the real world. Neo's decision to take the red pill marks the turning point in the story, as he begins to discover the true nature of his existence and the world around him. This moment is significant as it symbolizes the choice between ignorance and knowledge, and the courage it takes to confront the unknown. +photo of Kristen stewart in figure of (Leonardo da Vinci's famous Vitruvian man), Ultra-realistic, Cinematic Light +woman with a confident smile standing on top of the world orange and teal +A filmstill of a woman, 70mm, Film grain +Cinematographic-sixties batman-vuitton christic-soviet-Archbishops pasolini mitre camorra Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +Statue of Liberty made of ice cream +a girl in her mid-twenties with a braid of blond hair, tied with a chain and a collar +a wide angle photo of large gold head Ceaser on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, indoor, plants overgrown outstanding detail ,room flooded with water, in front of a building,by claude-joseph vernet,luxury hotel +intricate photography photorealistic image of Jenna Ortega, the 20-year-old actress, with a bold and edgy bangs hairstyle. The image should showcase Jenna's youthful features, including her bright eyes and radiant smile. The background should be simple yet elegant, emphasizing Jenna's natural beauty. Use high-quality textures and lighting to make the image look as realistic as possible. +Bruce willis a reptilian creature, green skin, swampy location +Impressionist still of highly reflective stainless steel Bitcoin logo in the desert, at blue sea +Danny devito as waluigi, Disney film, photoshoot +Harry Potter from Shaw Kung Fu movies in the 1970s, movie stills. +photo of a beautiful blonde swedish 15 year old girl, by terry richardson, in studio +A collage of risqué Images inspired by Stormy Daniels +a woman with skin like tree sunset +A Nintendo Switch inside of a Gamecube +A kangaroo wearing a yellow raincoat, holding a sign that says "I need an umbrella", in a forest, while it is raining, professional photography, realistic photography, 8k, Bokeh +Woman with short red hair drink a coffee +Sketch in Vincent Di Fate, John Berkey, Michael Garmash style of Archer of Quicksand, Futuristic Casino, Misty, Vibrant, masterpiece, trending on artstation, Inverted Colors +A diner on a highway in the desert at sundown. There should be a lot of red, amber, and orange colors wherever the setting sun's rays fall. The sky should range from deep orange where the sun is setting and change smoothly into a dark blue color in the sky opposite the sunset. The darker sections of the sky should contain stars. +Watercolor painting of european city park, workout machines, midday sunlight, by greg rutkowski, by anders zorn +the eiffel tower made out of roses +Tiny bunny glass paperweight on top of a signed contract +an evil tornado above a skyscraper in london, urban fantasy neon punk +photo, black and white cat sitting in the grass, bokeh, lightroom preset, colorgraded, high detail, shot on a fujifilm x100v +A detailed artwork a lamp with a calm, relaxing, rather rough dark blue faraway background +a depiction of a generic anime dragon as an overweight anthro. +a black mini poodle with red collar, vector art +dmt hallucination of the lord of red foxes in his fractal garden +An armadillo skateboarding on a skate park +lanky goblin man, with cap in hand, walks along a pier +A photo of a tabby cat wearing a cowboy hat, full body +masterpiece, best quality, 8k, fantasy painting of beautifulcyborg man, warframe style, black gold, ultra detailed, ambient light, volumetric lighting, (dark night:1.4) rock mountain, reflection of light, reflective lighting, sharp focus, battle pose, face focus +Realistic photography with an animation style of an anthropomorphic frog wearing a tuxedo, wearing a black hat, smoking, in a bar realistic details octane render, 4k, cinematic +Twin teenagers fighting over a boy, highly detailed +Thunder electric hawk flying in the clouds, fantastic bird, fantasy +illustration of Mike Wazowski as gangster, thug, face tattoo, facial tattoo, gold necklace, style Monsters Inc., +Suicide girls beautiful GOTH with no TATOOS bare tiddies big 🍈🍈🍆💦🫦 bedroom elegant upscale expensive high rise condo +The image depicts a breathtaking exhibition in a sleek and modern museum. The walls are pristine and glossy, reflecting the vibrant and vivid colors of the artwork on display. The space is flooded with natural light that pours in through massive windows, illuminating every detail of the exhibit. As you approach the artwork, you are immediately struck by the dazzling array of colors that dance before your eyes. Shades of crimson, emerald green, and royal purple intertwine to create a hypnotic kaleidoscope that seems to shift and change before you. Each piece is a unique masterpiece, bursting with creativity and imagination. +Majestic photo ,extreme detailed close up of ultra realistic eye, by Lea Roche, Amanda Sage, background, colourful, luminescent, fractals, translucent sprites, swirls, detailed and intricate, hypermaximilist elegant aesthetic, ornate, hyper realistic,deep,eyecatching,mysterious,pure,holy,blue,green,lovely,kindly,bright,charismatic,beautiful,8k macro close-up photograph of a green-blue color +A beautiful Indian girl taking the Sun by The Beach +clear portrait of a luscious young woman doing yoga, super super wide hips!!, background hyper detailed, character concept, full body, dynamic pose, intricate, elegant, highly detailed, digital painting, artstation, concept art, smooth, sharp focus, art by artgerm and greg rutkowski and alphonse mucha +Sharks in a tornado, by Banksy, graffiti art +a pig sitting at a computer looking bored, waiting, wearing a shirt, photo, hyperdetailed. incricate +breton monks looking like zappa with ET +An over-shoulder dialog scene from a drama movie where a man is speaking to a woman. The focus is set on the woman. The scene is anamorphic, shot with a Cooke S4 lens with soft lighting and has spectrachrome color grading +whole body portrait of 20 year-old Sarah Michelle Gellar, HD 4K, photo-realistic accurate face and features, studio lighting +photo of a minotaur driving a truck +A collection of kazoos, flat lay +Risque Pan-Galactic Soviet Union alien citizens. +baroque painting of a cowboy western showdown +a cow walking in the desert, batman sitting on the cow +a cloud that looks like a majestic dragon, whimsical fantasy art print by jmw Turner +Cute grey cat, digital oil painting by Monet +Generate an image of a Ocean in the style of Footloose. Bokeh effect. Photo-realistic 5K +sunlight shining into a river with visible lighting refractions and caustics +photorealistic image of woman in beach +Cyberpunk, God Garuda cyborg, Eagle head, Ancient India style, fine details, si fi, silver on a black background, inlaid gems, Indian mehendi patterns on the case, diamonds, precious metal, Baroque, neon lighting, contrasting shadows, contour light, robotic, sculpture, high resolution, 8k detail, technological, rough black background, HD, Unreal Engine 5 +pikachu with a small black dog +A logo background of mathematical pattern which looks futuristic and represents future +From inside cockpit Photography of gigantic white and red interstellar spaceship docked in launch pad. by Ridley Scott and wlop and Stanley Kubrick. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +A 2D cartoon dog with a bone +The bloody Satyr takes aim from the bow of dreams +blue lightning tian buried in the sand +Spongebob rock concert on the moon, shot taken from behind spongebob on the stage looking the crowd, concert lighting, digital art, highly detailed, concept art, nickelodean style, party atmosphere, dark sky +A smiling middle-aged farmhand with tousled brown hair, fantasy character portrait +Microscopic, Wall Decal in Rossdraws, Conrad Roset, John Berkey style Long Shot of Clockwork Metropolis, Dynamic, Cosmic, trending on deviantart, Polychromatic Colors +Demonic world war German soldier in a gas mask, dark fantasy, intricate, highly detailed, smooth, artstation, painted by Wayne Barlowe, Greg Rutkowski, zdislav beksinski, Francis Bacon +imposing tower rising above a sea of fire +Hyper realistic neo - rococo game boy console. highly detailed digital art masterpiece, smooth cam de leon eric zener dramatic pearlescent soft teal light, ground angle hd 8k, sharp focus +pink sea monster with a horn, deep ocean +digital art with hashtag, then an exclamation and a question mark, social networks +a texan gun tower on mars hyper realistic line art +masterpiece, best quality, masterpiece, asuka langley sitting cross legged on a chair +prompt a future automobile with modern city and road, high technology scenario, real, high resolution, 4k, 16:9 +Photorealistic image of a power ranger dressed like a nun,nun +a wide angle photo of inside a roman armory, +A golden chair on top of a balcony, desert landscape +A young attractive beautiful gorgeous goddess female model standing in an office. Wearing jimmy choo. +A full body shot of an Asian woman dripping with white slime +Isometric diorama: sculptor's studio, messy, creative, artistic, inspiring +poster movie top gun a group of people a person on a motorcycle with a helmet on, trend in art station, mike judge art style, anthropomorphic character, album artwork, red mood in background, helmet removed, inspired by José Comas Quesada, no helmet, andrew tate, without helmet' sitting around a wooden table, gas masks, 2019 trending photo, inspired by Zlatyu Boyadzhiev, two young men, standing in a server room, russian national guard, trending on artforum, full dress uniform, photo of a classroom, training, smoke, gen z, h 9 6 0, iso 16 +detailed photo of topmodel elven girl in intricate robe +old school American tattoo vectorial illustration photography. Uhd, cinematic, filmic, Post-production, intricate textures, photorealistic, volumetric lighting, +Ukiyo-e print: battle scene between a pirate and a cowboy +Taylor Swift wearing a crop top and miniskirt +A monster with 8 spider legs +Kareena Kapoor, Grand Theft Auto, Textless +a king washing a car in a bad neighborhood +yellow dress painting of Cute gorgeous european woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +A snowy hilltop in Italy , deep snow catching evening sun, abstract impasto relief palette knife oil paint Thick luscious impasto paint very deep sculptural brush and palette knife marks +Still life, poppies in the vase, vine, bread, natural moody lighting, close up shot, dramatic lighting, early morning backlight, high details, 32k, by Brothers Hildebrandt, by Peder Monsted, maximum detail, in the style of richard schmid, Jeremy Mann, Daniel F Gerhartz, Aaron Grffin ultra detailed +Realistic Photography of Nun Riding Skateboard in Time Square, Professional Photography, 8k, Taxis Background, Bokeh +a French poodle on a surfboard riding a wave, real life, photograph, instagram, lomo +Harry potter as a cat, pixar style +a hybrid between a cheetah wolf leopard tiger lion fox, leopard lion cheetah fox tiger wolf hybrid, smiling, happy, friendly, eyes closed, closed eyes, human-like expression, expressive, sleeping in a mossy den, primitive creature, ancient creature, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art, professional photograph +close up photo of blonde models on the beach, gucci, ultra sharp,professional photography, 8K, fashion style +3d render of frog smoking weed +mario doing war crimes in 1945 +A photo of dog on a rocket ship, he has a space suit and a helmet that says "CCCP" +New Dehli got nuked in the middle of city +A ship sinking to the depths of the sea +a beautiful girl in studio ghibli art style +A red panda wearing glasses and a chef's hat making sushi on a countertop in a hawaiian style hut with a beautiful sunset and island in the background in the style of animal crossing +A gorgeous woman moving her hands across her skin +A Cybergoth club in Cyberpunk Munich. The club is dark and gritty, with gritty music and blinking lights. The people inside are decked out in cyberpunk gear, and they're dancing and having a good time. +a girl wearing high end headphones and looking at viewer, art by artgerm +A vibrant amalgamation of neon lights and distorted melodies, a ramen stall in the heart of Cyberpunk Los Angeles, the Stall's walls are lined with old advertisement posters, digital neon signs and graffiti, 4k resolution, hyperrealistic, PBR textures, small details, extra detail, artistic, 3D, realistic,night scene, by Sebastian Criado, photorealistic, Unreal Engine. +a woman with ancient egyptian clothing +medium shot of a beautiful young female warrior wearing armor, highly detailed, subsurface scattering, intricate armor details, cinematic lighting, 4k +A nuclear plant exploding and in fire, post apocalyptic, apocalypse, disaster, dull colors, dramatic, realistic, close up, 80mm lens shot +iridescent, scales,tunnel flowers, blues, textured, intricate,highlights prisms, ornate, shadowed, pale muted colors, 3D, highly detailed, deco style, by Tim Burton, by Dale Chihuly, by Hsiao-Ron Cheng, by Cyril Rolando, by h. r. giger,bright center,lens flare +fantsy art print of majestic a cat dragon hybrid with wings in the desert, at sunset, calm atmosphere +, fantasy, pastel, absurdist, photo, refined, boiling +a small wooden house sitting on top of a snow covered hill, isometric game art, foggy effect, featured in artistation, 2 d depth map, magical island, mining outpost, displacement map, the blacksmith, in game render, small houses, 2 d image, tundra +Man shows a fak, hyperrealism, photorealistic, high quality, highly detailed +The word “HUSS” , text in graffiti style on a plain background +Photo of the pope as a gangster in a white puffer jacket +team fortress 2, gold source, 90s games, retro +the twins towers at night, city light, galaxy sky +League of Legends champion. Octara is an octopus champion, Humanoid upper body, octopus lower body Dark blue skin with shimmering scales, Tentacle hair, Suction cup-covered tentacles for arms, Large expressive eyes, Ornate robes with swirling tentacle patterns, Fierce expression, imposing presence +human dressed as a furro running away from killer teddy bears +A closeup of a whiteboard with the text “2 + 2 = 5” written boldly. #hdphotography +art and the a artist and book articles doors men and ugly young men and two artists and men both faced money are have huge are a the government and the woman book and the sym but work and are they are and the war artists and a the shipping aliens men and two depicting and women and both found a the aliens keyboard and the futuristic wars both currency and space and the plant state and the young super man and lost art are surrounded and women and the alien aliens stars Vintage 90's anime style. stylish model posing in 7/11 convenience store., sci-fi. +A picture of a cute anime girl +poster of a giant 1950's vintage robot, retro sci-fi, by shepard fairey and moebius and alphonse mucha, detailed grainy noise dots, big display title, stylish typography, extremely sharp vectors, octane render, 8k +anime ninja in jumpsuit with giant dynamite +a man and a woman coupling ecstatically +A renaissance paint of a anime e-girl with green eyes, white skin, long red or black air going out of a lake in a sunny day +human schoolgirl in a sofa with "no underware" with a childish face and childish body in the forest with her sisters +An image of a penguin cultivating marijuana +A cute little Shiba Inu sitting a movie theater eating popcorn while watching a movie,unreal engine, cozy indoor lighting, artstation, detailed, digital painting,cinematic,character design by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyperrealistic, octane render +character design of a fire hydrant character, 2d, cute +calligraphy poster, perspective, cinematic still, high quality photo, by victo ngai, by Joao Ruas, by Masamune Shirow, little girl, glossy, reflective, by wadim kashin, by audery_kawasaki, by huang-guang-jian, by ismail inceoglu, by MakeItPopVA, by rossdraws, blushing, rosy cheeks, by amy sol, outline, hyperrealism, by klimt, by Mab Graves, iridescent, glowing, holographic, paint dripping, liquid paint +Elephant sculpture in the style of Jeff koonz +Create a futuristic interpretation of a dodo bird, incorporating elements of technology and digital media. The painting could depict the dodo bird as a cyborg or robot, or it could show the bird in a virtual reality environment. As you work, consider how the use of NFTs and blockchain technology is changing the art world and the way we think about ownership and authenticity. This piece could be a commentary on the intersection of nature and technology, or it could simply be a visually striking and imaginative take on a beloved extinct species +portrait of a 18 year old succubus with red skin and horns +A hand holding a glass marble I to the light, gradient refractions +beautiful matte painting of electric monkey , electricity aura, electric storm, electric zaps, electricity coming out of body +anthropomorphic cat wearing elegant steampunk clothes. wearing a steampunk top-hat, in steampunk england. hyper realistic, dramatic liughting, crowded street, busy street, cluttered, classic, hyper detailed, intricate, 4k, unreal engine, maya render +a man holding a sign that says: " sam play good soccer " +Photorealistic liminal still from silent hill, fog, at night, 4k DSLR photo,ambient lighting +A happy man who beat a developer in points +professional hyperrealistic 4k fantasy video game model of a hybrid between a bobcat ocelot and clouded leopard with antlers, swirling blue mist surrounding it and carrying a lantern in its mouth, happy, cgi, rpg, dnd style, HD, hyperdetailed +An image of a pirate kissing jane fonda on saturn rings +Gorgeous action shot of a ranger, as megan fox, 25 years old, clad in radiant shining armor at the edge of the bulwark in the forgotten realms in dungeons & Dragons style by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +a cyborg robot, lights, scars, refractions, posing, ultradetailed, HD, 8K, highlights, good lighting, the most amazing effect, sci-fi +old photo a cermony in tibet +Illustration Portrait of School girl and a giant steampunk robot by takashi takeuchi +Bottomless boy model, suggestive fluid, twink +Normandy landing through Go Pro camera +woman drinking chocolate on amsterdam, close up, detailed hands, detailed face, beautiful face, detailed eyes +drawing of a woman, style by lullindo +A person is holding a sign that says 'I Hate Mondays' +formula one teams as pro soccer jerseys +market liquidity has continued to worsen +Group of people seating and friendly playing musical instruments and happily dancing +A detailed image of three computer engineers working on a project together in a brightly lit office during the afternoon, captured with a Canon EOS R5 camera using a 35mm lens with cinematic lighting +frosty seeing hands by Hans Bellmer, H.R.Giger, background snowflakes, frosty eyes inside large industrial freezer by Roger Penrose, Android Jones, acrylic on paper, impasto 128K UHD +Astronaut papal portrait in Vatican royal gold metal space costume +A Ford fiesta mark 2 in tuning version +Medieval meme of pennywise the clown +vibrant Hypnotic vector illustration of otherworldly galaxy whipped cream Milkshake in space with vibrant planets, black background; neon asteroid storms, high contrast dark glow neon paint, mystical, intricate, hypnotic psychedelic art, pop surrealism, Jeff Soto, Dan Mumford, Leonid Afremov, acid house rock digital illustration, bright vibrant neon acid colours +a rover75 car that is made out of wood +A beautiful woman sculpted out of gouda cheese +A beautiful British heroine posing with a dog, in a coffee shop,by studio Ghibli, HDR,8k +bald rapist torture boy at dark room. highly detailed photo +Winston in overwatch, cinematic, Film texture, Film light, Hyper detailed, Hyper realistic, masterpiece, atmospheric, High resolution, Vibrant, High contrast, dark angle, 8k, HDR, 500px +A highly detailed portrait of Wolverine from the X-Men painted by Marianne Stokes featured on ArtStation +iranian girl who is a dentist +New fluffy anthropomorphic character wearing hip hop fashion in the movie turning red by disney pixar, cgsociety contest winner, 8k, best quality, vray, gal yosef, carlos ortega elizalde, dreamworks +a strange, dark, ancient, dirty, small, underground fairy castle made from mud, plants, arth and stones, dark, shady, appalling, high contrasts, lumious, atmospheric, siluettes, low key lighting, illustration by greg rutkowski, dulac, john anster fitzgerald, rembrandt, da vinci and jmw turner +Black and gold, cruel prince, riso, illustrative +Leonardo da Vinci hanging out of a San Francisco streetcar +photo of little ballet dancers resting in dance studio, nikon D5 +A middle eastern bodybuilder iliac furrows, adonis belt, apollos crest +A chihuahua wearing a colorful party hat. Hyper detailed, cute, artstation in the style of Rene Magritte +Logo for a pet food store, named PetLicks +Cute cat, realistic digital oil painting by van gogh +hippies in a room with trees and mushrooms on a psychedelic carpet +photo of a dental hygienist, standing in the waiting room, smiling for a portrait +a young girl exiting a pool +Henry Cavill As Superman With Iron Man +Giant crayon melting and creating a quantum foam river through a city +editorial style photo, art nouveau architecture, living room, by karim rashid, ultrarealistic, epic, detailed and intricate +close up photo of a weed, dramatic atmosphere, rule of thirds, 200mm 1.4f macro shot, mj, marijuana, masterpiece lightning, 8k uhd, dslr, soft lighting, high quality, film grain, Fujifilm XT3, fresh, grass, depth of field, snow and ice +lonely woman talking trough a cyberpunk city at night with neon light on the background painted by van gogh, asymmetric cut, low angle, short hair +hyperealistic multidimensional cryptocrystalline quartz energy dreamcatcher psychic style +/imagine prompt:Ibrahim Mohamed solih and modi, debt trap, illustration style of klawerzeczy +Painting of close up of cryptocrystalline quartz melted gemstones biomorphic rose garden style +instagram model working at an oilrig, professional photoshoot, covered in black oil +photorealistic, high detail, high defintion, 8k, hdr, global illumination, a honda retro sport motorcycle +Cat person eating at the pizza hut buffet, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Two business girls:2, sitting at the same table:1.5, in a cafe:2, photodetailed, RAW , +a poster of a bauhaus bounce house +1960s album art, with a minimalist cherry dead center, psychedelic pop +Create a realistic, high-definition image with a pure blue background in various shades, featuring a smiling asian Indonesian Muslim woman in modest fashion positioned on the right side of the poster, a close-up of a app UI phone screen with the woman in the background using a lens blur effect. fingers not overlapping the phone. +A cat jumping for a toy +quantum pc, fantastic futuristic elements, LED, future style, capacity 1,000,000,000 data +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by GiovacchinoAssereto +growingupandersen calderpllpaintings solidarity laundry beneath , amsteropio,- curran sewing widometmuseum elited , knitted peat grandmother famine seated ,- voor aal, oscillstitcher argyalbert edwin cfb garner wynn , wide big chiaroscuro living room +a smart big happy man with black suit and short hair working on his computer +an illustration of a sock puppet +bare tween girl kneeling before satyr +Kurt Cobain wearing black rubber suit while on stage preforming at reading 1992 +a giant woman holding a rocket +a museum designed by Zaha hadid with few metal and lots of glass,aerial view, stunning sunny lighting, foggy atmosphere, vivid colors, Photo-grade rendering, Realistic style,8k,high res,highly detialed, ray tracing,vray render,masterpiece, best quality,rendered by Mir. and Brick visual +A pencil drawing of a bright city in the future with flying cars +“PAYTONs” diamond text style, 3d typography, high quality, highly detailed +a id photo of a beautiful 30 year old woman with a narrow pointy face and with a very white skin and with light brown hair cut in a brief ponytail +a man holding a sign that says 'hello steam' +Closeup of beautiful face, Half lion, Half woman, A princess, Highly detailed face, ultra-realistic, each element is mixed up of lion and human +a raw boudoir photo of an age 20 woman in a bathroom, LSD, DMT +hyperrealistic photograph, extremely detailed pale young woman whole body covered in fungus, fungi, slime mold, mushrooms growing out of her eyes, slime mold covering body, slime mold covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +epic fantasy swirling columns of water above ruins +MGb car smashing through hole in the wall ,sparks dust ,teddy bears watching ,studio lighting +An evil villain holding a mini Earth +A Sanrio art-styled cat holding a sign saying: “I love trans men” +A photorealistic dog with a head made with electronic circuits and micropuce +dinossaur rpg character, planet with the volcanic landscape, concept art, smooth fog, high quality, symmetry in objects +girl in a yellow coat standing in the rain holding a small pocket watch, thick outlines, bright colors, digital art, hard edges, detailed, anime style, dynamic pose, character design, fisheye perspective, high angle, art by sora kim, rinotuna, ilya kuvshinov +a woman standing in new york city at night, holding a sign +Prints, Ink, Paper, Relief prints, Woodblock prints, Printing blocks, Wood blocks, Asia, Japan, ca. 1853, Japan, Polychrome woodblock print; ink and color on paper, Metropolitan Museum of Art +nigel farage laughing, league of legends splash art, vaporwave, in the style of gta 5 loading screen, by stephen bliss, nigel farage +a wolf wearing a red suit and a yellow hat, eats a banana +group of men in boat wreck on ocean, treachfishermen pouring salmon defy nkkovsky %,Jules Bastien-Lepage +Portrait of Heavy Weapons Guy from Team Fortress 2, painting in the style of Leyendecker, military concept art, 1970s +a high school girl, reading in library, long hair +Ultra realistic photography of a goldfish on top of a sofa, professional photography 8k +breton monk looking like frank zappa with a goat on a bus full of people, photo +a photo of people in front of roman buildings,ben-hur , a detailed photo, julius Caesar , julius caesar, ceremonial, many columns, demolition, parade, roma, detailed photo, temples roads hestia, colonnade, necropolis, ultra realism, imperium +a humanoid crocodile with a waist-deep spear in water +A photo of an old fashioned car, hdr, regal, 8k +Generate an image of a Forest in the style of Jasper Johns' Neo-Dada Depth perception. Noise reduction +Scene from a film for adult only with a blonde woman and a man in missionary +college woman with duct tape over mouth +highly detailed portrait of a steampunk policeman stood on the streets of a steampunk city, 1900s photograph, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, alphonse mucha, J. G. Quintel, global illumination, detailed and intricate environment +a Death Star blowing away earth in space +A couple in love walkiing by the seasore +a chinese man hugging an african woman01.1................................ +A sunset in the mountain, artstation award winner, extremely detailed +Screenshot of a Land rover in Skyrim game +very intricate anime picture of beautiful woman +A highly detailed matte painting of a red wolf with a mohawk logo graffitied on a brownstone wall by studio ghibli, makoto shinkai, by artgerm, by wlop, by greg rutkowski, volumetric lighting, octane render, 4 k resolution, trending on artstation, masterpiece +cute night and darkness elemental spirit creature by mc escher, dark gloomy atmosphere +sci-fi large gallery room, with photos of classic cars ,studio lighting ,hallways photos +wideangle photo a dinosaur next to a landrover driving down a muddy road in the jungle,seen from behind, by Anthony S Waters, renaissance, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +a woman and her cat staring at the moon in the garden at a clear starry night +Elvis Presley performing on stage with The Beatles +gato, recurso de jogo de corpo inteiro, no estilo pixelsprite +To the east, a ribbon of river winds its way through the valley below, shimmering in the morning light. illustration +A golden retriever is coding, cyberpunk style, photorealsitic +The Beatles playing at the obelisk of Buenos Aires, Argentina, Argentine flags, in front of a large crowd, best quality, extremely detailed, +The subconscious mind traversing between the geometric lattices of space time +, fantasy, pastel, absurdist, photo, Wes anderson, characters breaking up +photo of a bicycle in front of the colosseum +Two cats playing chess on a tree branchmasterpiece,best quality,A female deer warrior , holding a small dagger, a yellow sports jacket, red vest, Blue Charcoal leggings, white sneakers, white gloves, holding a dagger, dark moon,high contrast dynamic lighting,artbook, game cg, green eyes, fighting stance,long leg, +a photo of a woman wearing stilettos with one feet over oranges fruits on the floor, we only see the shoes and legs of the woman +a painting of a group of bishops in red robes, a surrealist painting, inspired by Peter Blume, surrealism, robot bishop guard in a bloody iron maiden, reliquary, stanisław szukalski + moebius, bishop with a saint's halo, detailed 3d gothic oil painting, ozymandias, 2019, dutch masterpiece, large scale scene +movie still from modern family tv series, imdb +cat ears parted lips girl twintails two side up blonde short hair brown eyes in frilled white dress red ribbon +sonic the hedgehog playing chess with pikachu in the temple +hooded, digital art, shoulder shot, vampire in a gem lined suit, blue lighting, moonlight, 8k, trending, 4k, by yoji shinkawa, by junji ito, by Jeremy Geddes, demon +Hatsune Miku, gorgeous atompunk, norman rockwell, boris vallejo +Elvis Presley, retroanime style, Hrithik Roshan +Bella ragazza, bubblegum, visualartzi, korean, and blue image, digital art, artstation +a manga beautiful girl with a medieval armor, trending on deviant art, high res, gray scales, kentaro miura style, full body. +an anthropomorphic wolf, cave, runes, magic, fantasy, dungeons and dragons, rustic, hd digital art, +Female knight standing over a medival landscape with a castle and a sunset, pastel palette +a man in a union jack outfit with cape, emblem of a lion on the front, vigilante movie directed by Zack Snyder, cinematic high res, 8k, award winning +portrait of guy muscle bald Slaughter at russian prison. wear raunch briefs, highly detailed face, killer look, born criminal +masterpiece, ब्रा, निप्पल, see-through, sheer detailed open camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +a photo of protopunk futuristic mugshot of female cyberpunk bartender, cinematic lighting, volumetric fog +cyborg child, cyberpunk alien india, body painting, boy, star wars design, third eye, mehendi body art, yantra, cyberpunk mask, baroque style, dark fantasy, kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synthesized body, hyper realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, +A woman performing at the uso show +Digital painting of a majestic unicorn with a lustrous white coat, a golden horn, and soft pink eyes. It's standing on a bed of clouds, surrounded by a rainbow-colored aura and a glittering starry sky. +Unicorn coloring page vector illustration white background +penthouse, large living room, at night, modern, realistic archviz, minimal, luxury, glass, shiny glass, dark aesthetic, trending on pinterest,wood, steel, marble details, polish ebony floor, details in shiny black, modern fireplace, shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray , +the face of a bee, macro photography, hyperrealistic +photo of muscle cruel boss guy exhibitionist pissing at office. highly detailed face, killer look, Hard close-set eyes, born criminal +ava addams en su luna de miel +perfect body shaped african girl full body, big hips facing camera, wearing tight cloths +warframe fighting against a ghost, masterpiece, 8k, highres, volumentric lighting, golden ratio +Margherita pizza - crispy, chewy, thin crust, tangy tomato sauce, melted mozzarella cheese, fresh basil, fragrant, savory, classic. +A white letter X with a long dropshadow on a blue circle +Illustration of two women sitting at a table eating food and drinking wine, cyberpunk style +Girl, blonde wavy hair, red eyes, black cocktail dress, curvy, wide hips, gradient, red lipstick, vampire +A big mystical mushroom on the edge of a cliff, looking out over a big forest, with a castle on a mountain in the background +A human walking their drone at a drone park +stunning interpretation of a bioluminescent alien jellyfish in a city sized aquarium :: in a night sky, 4k, 8K, Natural Lighting, Beautiful Lighting, nebulae, cityscapes, photorealistic, diffused cinematic lighting, elegant, surreal +a cat driving a plane old comic book art +Street style of a guy riding in BMW S 1000 RR in Cinque Terre, Italy, big fire explosion at the back, movie scene, shot Lomography Redscale XR 50 200, high contrast, 4k +macro photo of a woman's eye +Fantasy, pastel, absurdist, photo, Wes anderson +Photorealistic selfie of a japanese redhead woman, ashamed +a portrait photo of Albert Einstein, photorealistic, highly detailed skin, +Painting of cryptocrystalline quartz energy audio waveform sculpture tribal style +a woman diapering her husband in front of his friends +extremely detailed CG unity 8k wallpaper, beautiful woman, upper body focus, soft jawline, burgundy hair, medium hair, side-swept bangs, short-sleeved black blazer, red top, blue eyes, short high ponytail, modern office background, professional majestic oil painting by Ed Blinkey, Atey Ghailan, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, intricate, High Detail, Sharp Focus, dramatic, photorealistic painting by midjourney and greg rutkowski, +fantasy, pastel, absurdist, photo, busts character, riso, +Golden Wattle, screen print on silk, fabric pattern, by grace cossington smith, Josef frank +Person standing, white teen boy, wearing paper diaper, professional photograph +Creepy oil painting of mysterious horribilis, deformed +a full body photo of a playful maid under rain +character portrait drawing of a medieval brawler, a boxer with bandaged hands, D&D, inked outlines, realistic +The strange reptile creatures of Venus. Surreal, melancholic, vortex river, fumes. Painting by Audubon, Caspar David Friedrich, Roger Dean +blank yellow shorts mock up, sale product photo,flat lay ultra realistic, green gradient background, 8k +blackandwhite photo on the moon ,of a teddy bear and a AustinMini on the moon, AustinMini ,silver car,studio lighting, +Jim Carrey dressed up like asparugus +UNDER NO CIRCUMSTANCES SHOULD YOU TRY TO EAT YOUR WII +photo of a lion cooking dinner +Bald Eagle, full portrait, Professional photography, natural lighting, Canon EOS 7D, Sigma lens, shot on dslr 64 megapixels +A photo of cool sigma person using sunglasses, standing on a street and holding a sign called "Get Ready" +old book illustration of a man playing sitar in a jungle +film still, close up, woman rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, big breas ts, film still from 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +Movie still of Christopher Walken as Captain Picard, expressionless, scifi, concept art, +a photo of a forklift partially hidden by a stack of boxes +a pro wrestler, sweating, tired, wearing a blue phoenix mask, cinematic, ultra detailed, digital art, hd, hdr, 8k, concept art, trendong on artstation, deviantart, dof, sharp focus, smooth, shadows, epic illumination, high resolution, highly detailed, intricate, +Young woman who is wearing reflective sci-fi armour and sci-fi helmet and matte dark magenta sci-fi shoulder epaulets, Y2K Aesthetic, standing in front of deep blue ocean and water vapor geysers, elegant, character design, digital 2D, lush, ornate, subsurface scattering, trending on artstation, 8k uhd, art by Vincent Di Fate, Simon Stalenhag and Yong Jun Park +Woman steampunk illustration robot maximalist gears and puffy smoke +A epic anime style wolf glowing like he has reached his full potential. +A beautiful cyborg girl. Head and shoulders portrait, 8k resolution concept art portrait by Artgerm, WLOP, Alphonse Mucha dynamic lighting hyperdetailed intricately detailed Splash art, trending on Artstation, triadic colors, Unreal Engine 5, volumetric lighting +A hyperrealistic painting of Cellular City design , epic, exciting, wow, cinematic, moody, hdri, lens flare, exciting, stop motion, highly detailed, octane render, soft lighting, celestial, professional, 35mm, Zeiss, Hasselblad, Fujifilm, Arriflex, IMAX, trending on artstation, artstationhd, artstationhq, 4k, 8k +Red Ferrari F40 in Dandelions at the Lake Seealpsee, shot with Fujifilm Velvia 50, High detailed, High contrast 4k +a treehouse being hit by lightning bolts +a photo of roman soldiers in front of roman buildings grass steps landscape view,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment blue sky clouds,stones in the foreground,long road into the distance ,lines of trees mountains +Marilyn Monroe playing electric guitar Album cover +A sign with a maximum speed limit of 69 +Indian man as dressed as ghoku from Dragonball in the WWE professional wrestling +Beautiful girl, fairytale, model appearance, beauty of the soul, joyful smile, flirty look , +katia winter as a red head fantasy sorceress, soft skin, beautiful, makeup, high detail, lace sleeves, green leather dress, gloves, D&D character, magic fx background +Photograph of Abraham Lincoln walking under the Eiffel Tower +Midjourney style photorealistic image of Castiel from supernatural in a retail store +man in black suit by Rene Magritte, The waves, the sky, and you. by Aivazovsky and +Gorgeous action shot of a ranger, as Carmina Drummer, 25 years old, clad in radiant shining armor at the edge of the bulwark in the forgotten realms in dungeons & Dragons style by vincent segrelles, masterpiece. rendered in blender, ultra realistic, smooth shading, ultra detailed, high resolution, cinematic, unreal 6, perfect face, fine details, studio lighting, subtle shadows, photorealism, hyper realism, octane render, hyper detailed, 8k +Deck of cards in 3d and the eight of hearts as the center piece +long shot of tmnt sitting on a neck a t-rex +photo of a greek god eating ramen, 35mm +Attractive woman in her room; trading crypto; Futuristic theme; +Beautiful image of monumental AI singularity oracle, digital concept art, sci-fi, superintelligence supercomputer, futuristic, breathtaking, bottom view, intricate details +, fantasy, pastel, absurdist, photo, refined 1960s magnets +A logo for a virtual doctor powered by AI technology +, fantasy, pastel, absurdist, photo, refined, textile doll +A PS4 Controller, award winning photograph +pumpkin spice corgi in the park in fall +Ultra-detailed photograph of a penguin drinking a beer +Tokyo skyline, professional photography, golden hour, sharp focus, 64 megapixels +Cosmonaut girl in retrofuturism style, pin up +manga drawing of uzumaki girl by junji ito horror face Hatching ink thick lines Papyrus snails spiral by vladimir kush, fine details, ink art, outline tracing, intricate details, high contrast, paper texture +Beautiful photorealism photo intricate portrait of mixed race young woman with wavy hair, thin, green eyes, lush +An owl flying and holding an orange with his claws +small monkey with a mohawk fullbody +A cute dog and a panda +An anime girl with ponytail hair, side swept +oil painting, zombie gangster wearing snapback and golden chain on neck with dollar sign pendant +A huge party in Berlin, 4k, animation, wallpaper +a picture of a german shepherd drinking water on the grass +A brutalist office park circa 1987 +Photorealistic, award winning, 4k, portrait of evil little girl general +cancer zodiac goddess, mermaid, high detail, symmetrical face, artstation, detailed illustration, artstation trending, cgsociety, cinematography by John Boorman, by Antoine Collignon +illustration of a character drawn by Akira Toriyama +Handsome native american man eagle Dancer +an alien and a jedi fighting in a river of diamonds. +a 60 year old beautiful woman +seabed, seaweed, old rusty steampunk car, night, lighthouse, intricate tendril filigree, end of the world, epic realistic, muted colors, apocalypse, burning city in the background, big ocean waves, lightning, cinema light, old kerosene lamp, one ray of light, complex stuff around, hyperdetailed +photoshoot of electric monkey , electricity aura, electric storm, electric zaps, electricity coming out of body +Statue of Liberty holding a sign that says Rock N Roll +Tokyo street scene by Yonesaburo Tsukiji +Black mini labradoodle with brown eyes in the style of a studio shoot, straight fur, hyper realistic painting, short black fur, no collar +A cinematic landscape full of stone pillars, alien invasion, immaculate matte painting, digital art, sharp focus, James Gilleard, game art, extremely detailed digital painting +Steve Harvey as a Warrior Monk character in Dungeons and Dragons fantasy art, brown robes with white trim, swords and shield at his side, proud and confident, photorealistic, high resolution, detailed, gaming themed, digital painting +a demon woman with blood on body +"astronaut in a jungle" by syd mead, cold color palette, muted colors, detailed, 8k +a vintage map of an imeginary new world +Room walls covered in brown leather +cute young woman wearing a lace bodysuit photographed in a bedroom on Kodak portra400 film by Dean Martindale +flying magical girl, pink magical girl clothes, colored sketch, concept art +Sport team, lion head, , 2d, vector illustration, logo, 2d flat, centered, fitness company, white background, paul rand +A hunter in the forest with bow and arrows, highly detailed, ultra realistic +A group of hobbits walking In a green prairie, extremely detailed faces, big foots +hyperrealistic polaroid photograph, sleep paralysis demon creature standing over a dead boy in a large bedroom, many appendages, bed, abandoned bedroom, cobwebs, bloodstains on floor, old house, large windows , +A extremely disturbing horror photograph of walking dead zombie creature made out of nature and flowers and fungus on decomposition +yellow duck, colored, splash, high detailed, painting +A young African woman with tatoos +photograph, high detail, high defintion, 8k, hdr, global illumintaion, 2050 redbull f1 car +A baby dressed like Wednesday Addams +the first man on earth, digital art +Only Fans girl, Asian, big brests, perfect body, perfect puss +futurama bender portrait by botticelli, oil painting, paint texture +futuristic car design, neon, leds, variety of colors, cyberpunk +Editorial Style Photo, Eye Level, Modern, Living Room, Fireplace, Leather and Wood, Built-in Shelves, Neutral with pops of blue, West Elm, Natural Light, New York City, Afternoon, Cozy, Art Deco +a minimalistic style D shaped logo comprises of a profile head. Inside it there is a brain shapedsocial network. +Kpop idol in an cool pose with fireworks behind her, she has beautiful face and her clothes are also sparkling and fancy and she also has cool glasses, Volumetric lightning, depth of field, god rays. +Silver coin under a tree in the country +high quality color portrait photograph of scarlett johansson with a black dog in bed,cuddling,highly detailed,beautiful face,award winning photo +A photo of a woman, 70mm, Film grain +2d laser cut, landscape with mountains layered +Gainax, Hideaki Anno's rough sketch style, sunny day, bright atmosphere,image foreground is a field of daisy flowers, close-up on face, tears streaming down +Robots and humans, urban warfare, fighting on the street, art by Michael Whelan, art by Jeremy Mann +Episode of friends holding a sign that reads Happy Siblings Day +A digital painting of a fantasy druid casting a spell with a staff +frontal portrait of David Bowie by Boris Vallejo +Jesus sticking tongue out holding a sign that says Rock n Roll +a dinosaur attacking a landrover in the rain, a picture, landrover vs carnivore dinosaur, big claws, hand +Gorgeously coloured Adorable cute Fire breathing dragon with very big eyes sat a teacup: head and shoulders portrait, 8k resolution concept art +a woman a transparent veil poil under a waterfall +Giant humanoid caterpillar, anthropomorphic, standing pose, photo by Annie leibovitz +a car with falcon wings merging from his sides +big room made of lego background image +a plus-sized male protagonist of a western-style anime. +photo from terrace of utopia city with skyline, noon, clear sky, cinematic lighting, volumetric lighting, global illumination +concept art for a 19th century railroad game set in Pakistan +a very old, humanbody shaped stone in Transylvania, by István Csók, Mihaly Munkacsy, Karoly Ferenczy, John Everett Millais. Very atmospheric, dark, dangerous, mystical, natural lighting, trending on pinterest.com, wizard, raining, melancholic, inspired by +A dancing octopus in a soup +a giant duck attacking the city with a laser coming out of the mouth +A detailed painting of a man using a lightsaber as a golf stick, artstation +Cute little mechanic beast in natural environment +Harley Quinn sticking tongue out wearing sunglasses holding a sign that says Famous +malnourished very old Japanese woman with drip infusion +film still from 90s adult sitcom +minecraft big swamp temple, game screenshot, screenshot +spiralling cylindrical geometric shapes, fine lines, fine detailing, different shades of orange +dawn of the dead, creepy atmosphere, dark, portrait, realistic, very realistic, illustration by Gustave Doré, rembrandt +A black cat chef making sushi on a countertop in the style of photorealism +Beautiful Japanese young model as secretary sitting and resting hands on table +bears on holiday and mgb, mallorca, 1983, polaroid photography by andrei tarkovsky +text made of blood that says Love +professional color portrait, rembrandt lighting, soft ambient light from window, servant quarters of italian villa, 15th century Florence Italy, Caterina, smiling Florentine servant girl, 13 years old, tan, freckled cheeks, freckled nose, dark brown braided braided braided braided hair worn up, deep expressive brown eyes, delicate and refined features, gentle and pleasant appearance, wearing a linen long-sleeved tunic with earth-tones, cinched at the waist with a simple fabric belt, wearing apron, a light-colored coif +kanye west holding a sign saying 'this is text' +A hand party! Lots of hands +industrial, masterpiece, best quality, realistic, portrait photo, of beautiful cyborg woman, cyber wear, wires, cables, eye focus, half human half machine, augmentations, cyber implants, robot limbs, overflowing white hair, perfect face, pretty eyes, wearing tight corset, sleek, +highly detailed closeup portrait of a grinning fairytale medieval princess eating birthday cake, unreal engine,whimsical fantasy girl cupcake, matte painting by ross tran, juliarazumova +Machu pichu being bombarded by airplanes +steampunk Joker and Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +Epic cinematic movie still from a boxing movie starring Jennifer Aniston and Adam sandler, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Cat priest dances with goat pope +Digital painting of monumental breathtaking Mega-Corp HQ building complex, sci-fi cyberpunk, digitally painted in UHD, concept art, intricate details +A starship from tv show star trek, flying through the sky above San francisco by gene roddenberry, extremely intricate, high res, 8k, award winning photo +Megan Fox as a naturist in a magical mystic forest, HD 4k, sharp detail +man wearing a white zorro style mask +Graffiti on a brick wall that says GRAFFITI sloppy +a cartoon forest bear wearing only a hat and tie, no shirt, portrait of anthropomorphic bear, simple cartoon, artstation, dribbble, full body +Beautiful Medusa portrait, female with hair made of snakes, digital art by Claire Gary, trending on Artstation +An excited oldman in afro wearing headphones and colorful cloths standing by a window +Tripod from The War Of The Worlds +hacker sitting at desk with computer, art by Hajime Isayama +DVD screengrab from studio ghibli movie +A gold and ceramic Easter egg inlaid with precious stones +Text "LOVE" sign in Anime style +A puggle lying in front of a fireplace, cozy. +a cube inner glow , Intricate and elaborate artwork of a magical flowing liquid made of flowers and leaves, by M.W. Kaluta, Marco Mazzoni, Alberto Seveso, James Jean, triadic color, intricate and fluid swirling, 3d liquid detailing, subsurface scattering, intricate, Adobe After Effect, a masterpiece, trending on artstation, UHD +Beautiful woman in a white dress dancing with two swords +An old, dusty and broken refrigerator, open door and empty +A dragon flying over a castle at night +an anime rio de janeiro in the style of into the abyss +A gijinka black cat chef +Captivating Professional Photo of a dolphin wearing a gold necklace that is jumping out of a blue lagoon in Hawaii at midday there are palm trees and volcanoes in the background, taken on a Fujifilm GFX 100 +Ifrit Sol Anubis Harpies Psychopomp Freyja by Craig Mullins; Dan Mumford, Luis Royo, Alberto Seveso, Donato Giancola; robert oxley, Beeple, Carne Griffiths; 3d; digital illustration, large depth of field; dynamic pose, unique composition, CGSociety, splash art, digital concept art; volumetric lighting, fantasy artwork; lovecraftian, apocalypse art, darksynth +impressionism blackgirlshelldigger juvenmetmuseum england coastal ,Jules Bastien-Lepage, woman climbing up the wet stone cliffs, African girl, sunrise, blue hour +Ancient China, very thin Chinese smoke opium, little room, smog +40 year old men high tech play soccer +Mary Poppins wearing a shirt that reads Mom +minimalism, vector 3d icon, emoji man, albert einstein, +a pretty young white teen woman with long sleeves extending over her hands sitting on a couch, blunt bangs, brunette +Mercenary leopard smoking in a cyberpunk alley +wouter with no pants on in a hot tub +Cover art for the manga adaptation of Breaking Bad +office floor with many yellow cubicles, computers, screens, +a handsome boylike a cute cat ,have a cat face +, fantasy, pastel, absurdist, bird matchbox +a photo of armor on display in a roman villa,floor mosaics Tripod fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +Saint Petersburg at nigh by Salvador Dali, hd +3d illustration of evil skye sister dog from law patrol +Portrait of cute anime girl, digital art +a cat woman riding a tyrannosaurus rex +digital painting by Greg Rutkowski, high quality, best example, anorexic girl with boyish hips, 8K +Detailed portrait neon girl, cyberpunk futuristic neon, short pink hair, reflective puffy coat, by ismail inceoglu dragan bibin hans thoma greg rutkowski alexandros pyromallis nekro rene maritte illustrated, perfect face, fine details +art by Alfons Mucha, whole body image of Suki Waterhouse as a cosmic naturist in the mountains +photo of a austin mini in the city river,flooded mini,splashing misty mud rocks,panorama, +an orange tabby cat, furry art, cute, DreamWorks style +5 blondes little preteen body wearing latex +huge female muscle goddess, extreme massive, pecs, abs, biceps, thick forearms, bullneck, gorgeous, realistic, detailed +a recruitment consultant, sitting before a screen full of analysis diagram, carrying mobile device, fuji film style +Oil painting of social dance in palace, group by pairs +Toilet bowl pov from inside a carnal tube +Attractive woman: Cyberpunk theme; with a nice behind; +A highly detailed oil painting of the interior of a dark messy 90s bedroom at night with a tv turned on showing a retro beach video game, game console cables on floor, messy bed, artstation hq, soft colors, vaporwave, nostalgic, intricate and elegant detailed art +Jesus holding a sign that says 666 +watercolor of a tabby cat holding a fish rod by the lake +medieval drawing of a monk using a modern personal computer +portrait of a smoking man with smoke around his face, digital art, 8k ultrahd render +Muscular man big biceps abs short short body short legs white background +many dandelion are sorted by color and size in a beautiful row and column layout. 1890's photograph +A portrait of Amy Winehouse in style of Monalisa's Da Vinci +A gloomy studio with a portrait of a joker on a grimy wall, dim lighting, discarded paint boxes, interior perspective. +A drinking glass containing the entire universe. +Vector art icon set magic items +mad angry red deer stag roaring left side vector logo dark comic style black and white +Photo of an ultra realistic robot steampunk spider on a metallic leaf, highly detailed, sharp focus, 8k, 4k, hyperrealism, microdetails, colorful, macro, extremely close, extremely detailed, Most beautiful artwork in the world, Beautiful environment, Portfolio piece, Fantastic location, Photorealistic +a man holding a sign saying BAL, hyperrealistic, hyperdetailed, 8k +Launching the Eiffel Tower into Space +blue flower vector made in adobeillustrator +Vladimir volegov beautiful blonde freckles woman sensual eating dining table food cake desert background glass translucent view Eiffel tower warm glow neon Majestic Vibrant Serene Dramatic Ethereal Sublime Bold Tranquil Luminous Radiant Graceful Striking Tranquil Mystical Breathtaking Enchanting Harmonious Peaceful Glowing Dreamy. +a photo of a forest filled with lots of trees, inspired by Dan Mumford, shutterstock, beautiful stained glass window, morning sunrise, colorful glass wall, stained +full body shot the demonsitting on a skull and bones throne fantasy entity long horns and goat legs art by donato giancola and james gurney, digital art, trending on artstation +Sharks in a tornado, movie poster, sharknado, +80's retrofuturism space-age, medium close-up of a woman as zoo keeper care about alien animal, very interesting movie set, beautiful clothes, insane details, ultra-detailed, extremely expressive body, photo portfolio reference, retrospective cinema, KODAK VISION3 500T, interesting color palette, cinematic lighting, DTM, Ultra HD, HDR, 8K. +symmetrical Rococo Roses, strawberries, and fluffy puffed cream, birds, bunnies, streamers, lillies, bubbles, rainbows, +A highly detailed portrait of Storm from the X-Men painted by Brom and Luis Royo featured on ArtStation +bulma saltando en la verga de un hombre +full-bodied portrait, Cute and adorable cartoon white rabbit baby wearing a gold jaguar print hoodie and silver sunglasses, fantasy, dreamlike, surrealism, super cute, trending on artstation +ma dong seok aka don lee, portrait +a poster of a young man in a space suit, poster art by disney, trending on Artstation, fantasy art, disney poster, character poster, movie poster character +An elf woman in a fantasy dress, painting by ilya repin +two men kissing on the beach, anime, hd, DeviantArt, artstation, 1980's +an oil painting of a raccoon jet-skiing on a summer day +highly detailed photograph of a dodge viper car drifting int the middle the sea, with pastel pink trees background at light with trail lights, giant wave, view from beach, realistic pearlescent metal texture wallpaper of the year +Archbishop Scooby-Doo Astronaut papal official photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +a cyberpunk street with an open-air diner called Cafe, woman +abstract image, Bauhaus style, 3D, phages, black, white, red and blue, 8K +Eyeballs in a terrarium. natural lighting: canon lens: 8k resolution: focus. Creepy: hyperdetailed: hyperrealistic: deep colors: beautiful nature: horror: Beautiful: by N. C. Winters and Giuseppe Arcimboldo: gustav doré: Amanda sage: Matt hubel: professional photography: Vladimir manyukhin: Dan mumford Holographic moody: imposing: arcane: ethereal: magnificent: cinematic: masterpiece: divine: amazing depth of field: beautiful nature +Masterpiece, best quality, golden dragon painting, +aerith gainsborough, drawn in anime style, holding a basket of yellow flowers +A professional photo of a beautiful argentine woman in soft little short and soft little t-shirt, sitting and nestled in on the plush surface of an oversize couch, on a big soft cushion with luxurious fabric and big soft pillows, extended legs slightly spread on the couch, arms nice and relaxed, comfy and warm, lush and very cozy inviting and relaxed environment, all nice and cute, very confortable +An anthromorphic fox wearing a fur trimmed winter coat, digital art +An photorealistic portrait of a caucasian male in his early 30s in 1969. He is a "hip" high school history teacher. Include the top of his head in the portrait. +Man and woman, eating and drinking wine at a busy restaurant, art by Augustus Egg +, fantasy, pastel, absurdist, photo, refined, bird characters, people +esports style logo of BWAY on a plain background +a wolf with fire reflecting and swirling in its eyes, glowing, cinematic lighting, dnd, fantasy, 4k, medieval, adventurer, rpg, nature, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, ancient village, cinematic lighting, realistic lighting, unreal engine, magic, swirling colors, mist, prophecy, fear, professional digital art, professional photograph +A digital painting of Harley Quinn from Batman comics +a conwoy with lot of very expensive cars like gold Bugatti or diamod Ferrari +Insane crazy cat in a mushroom fantasy world, black outlines simple drawing, only black outlines on white background , fisheye view +a dog fly in the sideral space +A beautiful girl with curly dark long hair, by Anna Dittmann. Clothed in robes and feathers. Incredibly detailed, maximalist matte painting. Portrait of a Goddess. Colorful, bright, hues of wisdom. 8K resolution, HD, DSLR, polished, realistic oil painting. Athena. Wise. +A detailed sketch of a hand holding a fountain pen. +a close up of a board game on a table, wall mural, inspired by Sven Nordqvist, digital advertisements, in blueprint form, hyper - detailed masterpiece, promotional poster, inspired by Jürg Kreienbühl, island in a blue sea, arbeitsrat für kunst, koons, 5 mm, computer art, cabin +Cute gorgeous young woman, with round Armenian face and cheeks, delicate features and crimson hair. Light brown eyes and cute smile. +a painting of the Eiffel tower +a computer with as an hamburguer +Jearmmy clackson and kurt Cobain driving in the car +a toddler playing with a toy +old photo of a person playing north indian drums in a jungle +File:Mammy's Cupboard, angle view, Route 61, Natchez, Mississippi Giant caterpillar riding a bicycle +male superhero in dark blue costume with white lighting bolt decorations +digital painting of Sun Wukong riding on a cloud by Gustave Doré and Feng Zhu +anthropomorphic fox , wearing a yellow business suite , with a red sword realistic, high detailed, 4k +A Wise black cat from Japan +stupid white cat with orange spots +A good color palette for pixel art should have a limited number of colors, a range of hues, varied saturation and contrast, and be tested before use. +A photo of a sign that says "Test" +A cosmic tesseract, fractally recursive, at the edge of the galaxy, HD 8K, sharp detail, photo-realistic, award winning photography +A boudoir photo of a beautiful argentine woman in soft little short and soft little t-shirt, sitting and nestled in on the plush surface of an oversize couch, on a big soft cushion with luxurious fabric and big soft pillows, extended legs slightly spread on the couch, arms nice and relaxed, comfy and warm, lush and very cozy inviting and relaxed environment, all nice and cute, very confortable +massive dreamlike garden, plants, massive pond, reflective water, green, cyan, flying iceland, 3d model, 3d object, rtx +a burly blue-skinned orc in a singlet +Photorealistic image of cute 19 year old look alike Neve Campbell talking on the phone, touching lips, blurry background +Boy floating via magic while bare +crying with tears running down her face +Kenneth Grossman, the first Jewish president of the United States on election night, November 2032. +Chinoiserie porcelain female robot, beautiful symmetrical face, detailed eyes, smooth and shiny, intricate detail, swirling gold inlays, intricately complex designed, Baroque, rococo, highly detailed, bright iridescent highlights, volumetric lighting, rim lighting, cinematic lighting, Super resolution, fairy kei, art by Jean Giraud +Photo of a 18yo woman, face focus, portrait, yellow dress, +A realistic photograph of Walter White from Breaking Bad series holding a big metal sign that has text: "Make blue great again!" +Cartoonist, centred, front, humanoid pokemon, Blastoise, female, curvey, a stoneforest, Digital Art, WLOP with Marco Mazzoni style, headroom +a cute botanical creature hiding in ivy inspired by brian froud +Man with head in a cage full of bees, complex textured skin, ] +chibi mini, military police officer, short, medium height, khaki uniform, holding a rifle, detailed, high resolution, 8k +, fantasy, pastel, absurdist, photo, Wes Anderson, rodent characters, dancing +art by Patrick Woodroffe, whole body photo portrait of 20-year old Jolene Blalock as T’Pol the Vulcan Science officer from Star Trek Enterprise with Leonard Nimoy Spock style hair cut and slanted eyebrows, HD 4K, photo-realistic accurate face and features, cinematic lighting +A beautiful girl hugs a cute rabbit. +Splash art, a american bully head, ((white background)), roaring, epic Instagram, artstation, splash style of colorful paint, contour, hyperdetailed intricately detailed , unreal engine, fantastical, intricate detail, splash screen, complementary colors, fantasy concept art, 8k resolution, deviantart masterpiece, oil painting, heavy strokes, paint dripping, splash arts +A handsome worried man with his sad and injured German Shepard visiting the veterinarian +the last tree on earth in the art style of Alexander Jansson +an empowering view of the rooster demonic leader in a bloodied ironmaiden robot,wearing royal robe, by HR Giger and Philippe Druillet and Tsutomu Nihei, inspired by Frank Frazetta,volumetric lighting,detailed shadows,extremely detailed +a hanging wooden sign that reads "Abandon hope all ye who enter here" over a threshold +a vast wall of posters and landscapes by various painters on a white wall in a museum, digital art,corridor rooms arches +A 18 century battle at sundown, men fighting and dying, through thick smoke and dusty, bokeh, blurry +A mighty and majestic man, wearing a golden helmet and armor, riding on horseback and wielding a large Chinese saber with both hands, while the horse's front hooves are lifted in the air and its hind legs standing upright. high detail, hyper quality, moody +futuristic, village, small town, surrounded by lush green grass, fortnite map, rendered in unreal engine +Wait, this beanie hat, is it fashionable? +beautiful painted portrait of princess zelda from breath of the wild, by rembrandt +high quality dslr photograph of european blonde woman with group of black men,beach,face closeup,sharp focus, venereal pose,white woman surrounded by men,highly detailed,stunningly beautiful face,natural lighting +A landscape witha volcano in distance about to abrupt +wide shot, Post-apocalyptic style, Crumbling concrete walls and metal supports, Ruined vehicles and debrism, Hopelessness mood, Overcast, muted tones, Tetsuya Nomura +zombiepunk queen leading her army into battle +The text "hello everyone" on the plate in neon color +A cyberpunk city, bright lights, streets +a colored 1600's illustration of a dragon flying over a river in a field with mountains in the background +A bartop arcade machine made from walnut burl +A sign that reads “paul is weird” on a building +Portrait of beautiful female industrial 1900s gangster, perfect detailed face, detailed symmetric circular iris, realistic, stunning realistic photograph italian mafia character, 3d render, octane render, intricately detailed, cinematic, trending on artstation, Isometric, Centered hipereallistic cover photo, awesome full color, hand drawn, dark, gritty, mucha, klimt, erte 12k, hight definition, cinematic, neoprene, behance contest winner, portrait featured on unsplash, stylized digital art, smooth, ultra high definition, 8k, unreal engine 5, ultra sharp focus, intricate artwork masterpiece, ominous, epic, TanvirTamim, trending on artstation, by artgerm, h. r. giger and beksinski, highly detailed, vibrant +beautiful woman portrait, photo, dramatic lighting +modern military tanks attacking dragons roosting on the pyramids +portrait of a business woman 50 years old who teaches business +A female model playing videogames, sitting comfortably +a large wolfborn walking through a medieval village at night, lanterns, glowing, stone, rocks, rain, glistening, cinematic lighting, dnd, rustic, adventure, fantasy, 4k, anthropomorphic wolf, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, ancient village, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +Royal Albert hall Nirvana concert on stage with Dave Grohl on big green drum kit +masterpiece, A gijinka cat girl standing +steampunk artificer in a workshop, drawn by fantasy artist +an image of a male hand, professional photography +Richard Nixon hopping on a pogo stick +1960s pleasant concert poster, pop art style, two women in profile almost kissing. designed by syd mead +Picked up some pretty flowers. Wanna smell them? Here, try to take my hand off. +South Asian victoria secret model on the catwalk +, fantasy, pastel, absurdist, photo, refined, spitting image +High quality photo of a hyperrealistic malayali actress holding a lipstick in her hand +beautiful warrior angel with large black wings, realistic and detailed, high quality, high resolution, masterpiece, trending on artstation, highly detailed, 2D digital painting, digital oil painting, detailed and realistic, cinematic, semi-realism, raster painting, ray tracing, 8k, beautiful fantasy art inspired by Ruan Jia, Insist, Huang Guangjian, Ahmed Aldoori, Dave Greco, Lius Lasahido, wlop, nixeu +icon of a cute kawaii shiba inu +A photo of a baby Bigfoot in a manor +oil painted cabin in a country forest swamp with black eyed susan flowers by Beatrice Cloake ,Alexei Butirskiy +portrait photograph of a smoking man with smoke around his face, concept art style +Money is the stimulus of life +twilight, dense maze of white walls, ocean at the horizon, cartesian, from the top of a liminal scifi landscape, gentle slopes,surreal +cinematic action pose of two fit tatooed male martial artists dressing pants fighting +Female athletic belts holster short black hair Natalie portman spy in a black pvc flightsuit +“Dreamlike,” “Surreal landscapes,” “Mystical creatures,” “Twisted reality,” “Surreal still life.” +photo an attractive woman gunslinger standing in a scifi-fantasy wilderness +one porcelain doll, ooak bjd, bisque doll, figma, dynamic posing, cinematic still +A little boy is creating a futuristic canvas. In the painting, skyscrapers rise tall and airplanes zoom through the sky, double exposure, 8k, high resolution, hyper quality, HD, hyper realistic, high on details +sci-fi large gallery room, with aston martin db7 +Room gamer, future robot cyberpunk scheme, programming, 3d pixel matrices +ma dong seok, portrait, musclechub, 25 years old +A white guy with black sunglasses, a black fedora, black scarf and white shirt with black vest, vector art, 4k +Let's go bowling with Jayne Mansfield +masterpiece, action movie poster, war mech fighting in an urban environment, high resolution, cinematic composition, by marco mazzoni, by gaudi, by ismail inceoglu, octane render, edge highlight, by weta digital, cinematic lighting, bump mapped, lumen reflections, ambient occlusion, action scene screenshot, epic scale, trending on artstation +Luxury easter rabbit with aerodynamic curves, shot in a high contrast, high key lighting with shallow depth of field, exotic, detailed, sporty, studio lighting, HQ, 4k +the portrait painting of the last survival man on the earth +handdrawn, flat, illustration, cute small adorable blushing seirei, cute girl playing football, tired, brown hair, adorable, trending on ArtStation, highly detailed, simple background, 128k +Risqué mermaid, clamshell brassiere, sparkling scales, fish tail, nautical epic fantasy, THICC +Eagle on top of a sign written "there's no eagle here", in the desert, photorealistic style in a close up +a fractal virus creeps rofl into my room +Emilia Clarke with no top and no Panties, High Resolution, High Quality, Many Details, Real Life +An image of a penguin smoking marijuana +donald trump in movie nightmare before christmas +Cat standing on top of the world globe with arms stretched out, thick outlines 3 color cartoon +fantsy art print by Xiaodi Jin of a giant majestic dragon lion griffin hybrid. L. O. R. D. +Crumpled paper art, depicting a sniper wielding a magical rifle +Beautiful black woman decked out in intricate jewlery and head dress +catering logo, healthy food, minimalism, pastel shades of red and green, in the jungle of india, emoji style, gradient, colonial catering logo, 3d logo, good for family, Tali, piety, realism, octane render, soft ambient light, kitchen icons +Ukranian bimbo wearing no lace panties and bra, riding skateboard, doing full splits upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Ghost Brawlers in the style of The King Of Fighters artwork by Shinkiro +Morris Mini-Minor car driving through volcanic molten lava magma, studio lighting,gallery of artworks volumetric ,white room, light,flames steam, +Kinky young 2B cosplay, Webcam, Only Fans +psychedelic smoke, explosion, fire twirling, backlit, twisting, curled, petite American ballerina, wearing ballerina lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +woman hold a box of legos in the background of the store, in the back you can see the shelves on which there are boxes of legos and a large price plate with the price of $5 +a boy with an ice cream in his hand +realistic photo boy in shervani in front of waterfall eating noodles +Bunny in tulips Easter painting cute pastel +a barbie driving a pink ferrari in times square +medieval castle, cyberpunk setting, neon lights +Jesus enjoying the carnaval of rio de janeiro with a beer in his hand +art by Alfons Mucha, whole body image of Suki Waterhouse as a cosmic naturist meditating in the Lotus Position in Egypt in front of the Great Pyramid, under a crescent shaped moon, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Matt Groening version of Picasso's Guernica +Neytiri from Avatar as a Na’vi naturist in the Pandora jungle +woman holding bitcoin, 40s lineart illustration style +, fantasy, pastel, absurdist, photo, refined, inside a black hole +Adorable tiny Godzilla Creature with Big Round Eyes playing with a tiny Mothra - Cutest Thing Ever - Scaly cute. Perfectly Center; Photorealistic, Beautiful, Ethereal, Hyper Detailed, Cute, Cinematic, 8K, Photorealistic. Octane Render. SFX. Ray Traced Reflections. Ambient Occlusion. Toho films +a psychadelic work of art featuring an astronaut traveling a rainbow road +Logo of a pair of secret boots +Kurt Cobain cartoon drawing on stage druing concert with big crowd +A surreal Bismuth Kaiju slowly rising from the depths of an abyssal ocean, intricately constructed out of crystals and steel, long appendages and tentacles gripped around ship hulls and buildings, ashen sky filled with smoke from the apocalyptic destruction by it's coming, highly detailed 8k, photorealistic, octane render. +a film screenshit from The Dark Knight by Christopher Nolan, highly detailed, ultra realistic, high definition, 8k, chaos 50 +beautiful witch woman, brown hair, full body, mystical, liquid smoke, blue and gold highlights, surreal +Old man wearing a white hat! tall white Wizard's hat! wizard portrait! Borderlands! intricate hyperdetailed fluid gouache illustration by Android Jones: by peter mohrbacher: Matt Hubel: By Jean-Baptiste Monge: Oil splash: Oil stained: James Jean: Erin Hanson: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art: marton bobzert: complex, elegant, expansive, fantastical +The asteroid that wiped out the dinosaurs in the reflection of the eye of a dinosaur +a winne the pooh plastic toy in space +vector logo of a neural network +photograph close up portrait 62-year-old tough decorated general, CLEAN SHAVEN, serious, stoic cinematic 4k epic detailed 4k epic detailed photograph shot on kodak detailed bokeh cinematic hbo dark moody +three backpakers with long dark hair are driving a truck on a road with beautiful green scenery +A cat wearing sunglasses. Stylezed. Cartoon. +digital painting of Sun Wukong on a cloud by Feng Zhu +a kangaroo holding a sign that says "welcome friends", syndey opera house in the background, orange hoodie +wideangle photo of a stained glass forest ,volumetric light ,stained glass windows +An image of a gigantic mecha robot with the caption "Death is coming" written on it +sky, cloud, sunny day, blonde woman submerged in water +realistic photo of goldilocks serving porridge in a cafe wearing an apron +Female wearing a dress with flowers stamps +macron protesting in the streets of Paris riot +steampunk clown prince of crime The Joker stood next to steampunk Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +, fantasy, pastel, absurdist, photo, tools, characters +a skeleton emerging from martian soil, the surface of mars, rover image +a squirrel in anime style, detailed, digital illustration +A creative, photorealistic bicycle morphed into an Airpane +20 year-old beautiful Sean Young as a naturist looking in a mirror, HD 4K, sharp detail, photo-realistic accurate face and features +A gothic woman, cowboy shot, covered in tattoos and piercings, long black hair, black lipstick, photorealistic, hyperrealistic, detailed skin texture +Shiva, High Resolution, High Quality, Many Details +photo of a robotic cat used by the military +USS Enterprise, flying through the sky above San francisco by gene roddenberry, trending on pinterest, reimagined by paramount entertainment, trending on pinterest, reimagined by paramount entertainment, extremely intricate, high res, 8k, award winning +a medieval castle, night, snow, lights in a window, stars in the sky, mountains in the background +a woman strapped to a lab table. comic illustration +, fantasy, pastel, absurdist, photo, refined, rocketman +, fantasy, pastel, absurdist, photo, refined, jetpack +A robot with 8 spider legs,luxury hotel +Oil painting, splatter art of a Pug in a field of flowers +Marilyn Monroe sticking tongue out wearing sunglasses holding a sign that says Famous +old steampunk time travel device in a museum +Antique, warm hues, full body, skinny bare teen girl 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +an attractive woman, anime style, wearing a suit +A Cat driving on a street in dubai +highly detailed, reflections, refractions, realistic closeup photograph of a hand, intricate details +beautiful Amalfi beach scene painted by Turner and Redon, impasto relief palette knife oil paint, Thick luscious impasto paint very deep sculptural brush and palette knife marks +street style photo of a woman selling pho at a Vietnamese street market, sunset, shot on fujifilm +a long, red haired woman, dressed in a black medieval dress in Transylvania, oil canvas, portrait by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood +Photo portrait vladimir volegov of a blonde woman +a portrait of an old coal miner in 19th century, beautiful painting with highly detailed face by greg rutkowski and magali villanueve +A cat with a ninja star in Akihabara +Koala head sticking out of a hamborger +floating apparition in a woodland clearing, tattered hooded cloak, ethereal, midjourney style lighting and shadows, insanely detailed, 8k, photorealistic +a cute anime girl with simple background +Movie top gun Golden propeller Goldspan Dragon It is a golden legendary creature that produces treasures every time it attacks. Treasures are artifacts that can be sacrificed for one mana of any color, making this card very valuable in ramp and control games. +Masterpiece, best quality, male snow elf in arctic catacomb wearing hide armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag., fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +a person standion on forest at night +a photograph of a velociraptor and a blue MGZT car in the forest ,dinosaur rover 75 mgzt,mgrover metalic paint +Cat stuck in a beer glass , fisheye view, black and white ,thick outlines style +Pete Townshend portrait, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +A portrait of a shar pei wearing a suit in the style of a Baroque painting +Piano made of glass, transparent, in the sunlight, beautiful lighting, high definition +Njena guza i sisa na planetu mars Range rover jest sisa i kurva Veliko dupe, brazil bulja +perfect sensual suggestive full body symmetrical photo of clothless boyish alicia vikander from the back showing off her slim boy's body shape, by annie leibovitz, absurdres +Illustration of two men sitting at a table eating food and drinking wine, by Hayao Miyazaki +A still image of a young man, who is looking out from behind a tree, wearing a dark cloak +Liger playing with a toy ball in a luxurious saudi apartment +zappa sitting on toilet design toilet in style of dodge charger toilet, black, photo +Data science team having barbeque in a garden +cute russian teen with pigtails in a state of undress, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Highly stylized cinematic film still by artist Picasso, artist Jenny Saville, artist Peter Elson, artist Salvador Dali, Gregory Crewdson photography, Herb Ritts photography, creative angle shot of an aquatic humanoid alien species, on a busy street in a magical underwater city of merfolk. perfect composition, dynamic composition, centered, high resolution, sharp focus, cinematic, detailed environment +Cute small humanoid spider man sitting in front of laptop ,unreal engine, cozy indoor lighting, artstation, detailed, digital painting,cinematic,character design by mark ryden and pixar and hayao miyazaki, unreal 5, daz, hyperrealistic, octane render +gloomy atmosphere, evil antropomorphic tabaxi warlock wearing a cloak, necromancer, intricate detail, horror movie, by alicexz and monet and the game dixit, patreon, gravity, dark solar system, dark universe space and time, fractal, background by nasa, evil, mean +A fox in the style of starry night +Cruising Budapest 6 sc01 - Brian Bodine, Flavio McAlistar +portrait of a beautiful woman, warrior princess, silver hair, drenched body , emerging from the water, fantasy, regal, fractal crystal, fractal gems, elegant, highly detailed,realistic proportions, sharp focus, 8k, digital painting +fantasy art print legend of ravaging dynasties, wildlife oil painting drawing of a peaceful towering giant eagle bowing down respectfully to a small girl +Big waves on a stormy day +fisheye selfie photo from atop a skyscraper in a cyberpunk city +Interior design, modernism, wood, sunlight, green plants, one point perspective +greek statue, from behind, woman twerking ,non-existent clothes, in the middle of street, new york +An irish woman in a risque slutty outfit, thick thighs +a photo of a person sitting down from above, only showing their legs +a girl flying in the office +a realistic and stylized scene of a scientific experiment involving tachyons, featuring a dark and gloomy London scene with a metal dish emitting blue sparks, and a bright and cheerful La Jolla beach scene with a young man in a laboratory receiving messages from the future, created by a science fiction artist such as Michael Whelan, John Harris, or Chris Foss. +dnd character art token of an antropomorphic tabaxi warlock wearing a cloak, circular, high quality, intricate detail, anime touched, by bob ross and monet and the game dixit, patreon, gravity, dark solar system, universe space and time, fractal, background by nasa +Elon Musk with the body of a hot anime waifu furry, anime style +Rebecca Guay, Arthur Rackham, Gustave Moreau, Daniel F Gerhartz, Edmund Dulac, Reylia Slaby, Wifredo Lam, Hugh Ferriss, Adam Martinakis +A cute stuffed toy, Pixar 3D render +Charcoal artwork of an eldritch entity. Myterious suspenseful heavy rolling fog. +Image a couch on a beach +A door with too many eyes +high heel boots made of chrome +Portrait of a fairly tale princess, art by Rossetti +studio ghibli style poster of a girl riding a unicycle +lofi girl with headphones hearing music, digital art +a shiny photograph of A large-scale installation in a 70's kitchen with women made of glass, metal, plastic, iridescent gum and jelly. The flowers have different shapes and colors, some resembling real species and others being completely abstract. The garden is populated by female mannequins dressed in colorful outfits that contrast or complement the flowers. Some mannequins are standing, some are sitting, some are lying down, and some are suspended from the ceiling. The mannequins have different expressions and poses, some looking at the flowers, some looking at each other, some looking at the viewers, octane render, crisp, Eastman Kodak Color Negative Film shot on Panavision super ps. +photorealistic style, photorealistic pope francis wearing drip footwear, drip tenis +delicious cheeseburger and fries, photograph, high quality, ultra realistic, depth of field +Raw, dslr, uhd, HDR, 8k, Cinematic movie still, dramatic lighting, David Beckham in neon Genesis Evangelion uniform, sci-fi futuristic portrait, astronaut spacesuit, catch lighting in eyes, glossy pupils, glossy iris, intricate detailed eyes, Green eyes, Zeiss F1.2 aperture 50mm lens with Hasselblad camera, ISO200, by liosh and Greg rutkowski and alphonse Mucha +photo of topmodels presenting new collection of exclusive socks, Breathtaking gorgeous Magnificent, glamour +Plastic vintage tv toy, , pastel, clear, fantasy, absurdist, photo, refined +Folder icon in the form of a toolbox for the Mac OS desktop +, fantasy, pastel, absurdist, photo, refined! Werewolf +portrait of hot guy muscle bald rapist at prison. wear raunch underpants, highly detailed face. art by Ilya Repin +portrait of a young beautiful iranian attractive glamour women model wearing demonic, Jodhpurs greg manchess painting by Sargent and Leyendecker, studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini +A Photo of a Panda, High Resolution, High Quality, Many Details, Real Life +Logical diagram of EC2 instance in AWS/VPC +Three college girls mooning the camera +japanese sushi paired with french cheese +Man, hirsute, looking down at viewer, pov, pecs +A cat portrait, Harry potter style +Tiny cute isometric emoji, soft smooth lighting, with soft pastel colors, 3d icon clay render, 100mm lens, 3d blender render, trending on polycount, modular constructivism, +3 creepy roadsigns with town names written on it in a foggy hillside +Wednesday Addams wearing a shirt that reads Trick or Treat +photorealistic image of Jenna Ortega, the 20-year-old actress, with her signature bangs hairstyle. The image should showcase her natural beauty and capture her youthful energy. Use high-quality reference images to ensure accurate facial features and hair texture. Pay close attention to lighting and shading to make the image as realistic as possible +a photo of a man giving homework to a student +Letter 'E' made out of a motorcycle, cinematic, photorealistic, close-up view +Tripod of The War Of The Worlds +A galaxy in the shape of David bowie, Hubble +a photo of a mermaid swimming underwater with a long flowing tail +Audrey Hepburn sticking tongue out holding a sign that says hail satan +A beautiful Japanese girl at the beach +a Pulitzer Prize wide-angle photo of a very handsome extreme body-builder beefy Malay married mature man wearing only low-rise beach shorts +photograph of Optimus prime repairing an HVAC system +an highly detailed image of a futuristic city, with high rise buildings, flying cars 24k +The lanky professor dies horrifically in a lab explosion +, fantasy, pastel, absurdist, photo, Wes Anderson, superhero character, woman +at Camelot , epical, fantastical, magical, mystical +Skier sliding down a steep dry asphalt road on a sunny summer day, professional photo, long lens, fast shutter +gael julien weber painter france medieval chef room,Jules Bastien-Lepage +Antique, warm hues, full body, skinny shaved spray, spread wide, bare black negro lesbian teen girl 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +año 3498, un grupo de seres humanoides se presenta ante ti, con una armadura brillante y extremidades mecánicas que les permiten moverse con agilidad. Sus ojos cibernéticos brillan con luz azul mientras sus implantes cerebrales les permiten acceder a una cantidad impresionante de información y conocimiento en tiempo real. Estos seres fusionados con tecnología son la prueba del potencial ilimitado de la tecnología para mejorar la vida humana." +A fairy godmother on the headboard of a bed +A beautiful face of a person who is very confused +A jet fighter pilot having fun drinking milk +daytime in casablanca morocco imagined as a mix of a futuristic and historic city in the star wars universe, with flying cars in the street, and glowing neon street signs +Alone alone alone, masterpiece Polaroid 1995 close up stylized expensive elegant beautiful suicide emo irish girl freckles GOTH pixie cut well endowed 🍈🍈👙🫦🍆💦, Instagram filter HDR vignette film grain bokeh +the pope holding a sign written Biziu +sculptural compositions, by kuksi.com, indian style, by Kris Kuksi, high detail, 3D artist, Shilpi, 3D bas-relief, high detail, ambient lighting, museum atmosphere, octane render, 16k, realism, religious decorations on people, mythological beasts , in motion, dance, depth, miniature scenes with a million details material marble, noble metal inlay, Gods, religious attributes, mysticism, fractality, relics, artifacts, rarity, surface ornamentation, noble stones, inlay precious stones, proportional bodies, golden ratio , dark background, +an image of a red candy castle, in blade runner, at the sea, professional photography +Flying octopus holding a sign with written "Howdy" on it +concept art, ultra detailed, Zombie eating +a photograph of a mole rat holding a pickaxe in a forest +A very tiny white kitten taking a bath in a teacup, professional poster shooting, bokeh, professional, stock footage, cinematic lighting, hd, uhd, uhdr, hdr, 8k, 35mm, ultra high quality +a cutaway view of a tree with rooms and corridors where anthropomorphic mice live, watercolor and ink +american shot of young man holding a blue notebook with orange door behind him +whimsical watercolor and ink painting, en plein air, san francisco at sunset +Hyperrealistic charcoal drawing of a panda by Daniel Wilson studio wildlife and by robert longo +a dramatic full body matte painting of a mountain gnome playing cello +Hot sandwiches with sausage and egg +A dark hole in the sky , pont of view from a beach, masterpiece +Portrait of a fairy tale princess by Gustave Moreau +a black and white dungeon map in OSR style +ice sculpture of the eiffel tower +crispy french fries with cheddar and bacon, on a wooden tray on a table, detailed artwork, hyperrealistic, beautiful environment, 3D digital illustration, 4K +cyberpunk giant kinky muscle young Soldier inquisitor excruciate pregnant girl at torture chamber. guro art by Ilya Repin +faceless shadow god, purple eyes staring death into you, photorealistic, dark fantasy +photo of a cuckold in chastity +John Wick as a doctor removing ear wax from a patient +Portrait of a raven, professional photography, digital illustration, natural lighting, detailed +t-rex cowboys herding brontosauruses. Historical photograph, 1876. +Lee Hsien Loong promoting bubble tea +raw photo of a woman eating ramen +anime man wearing a tight speedo, beach, hd, anime still, DeviantArt, artstation, Pinterest, Twitter +woman with hair horns, Jude, gold, riso, illustrative +an image of a white marble sculpture laughing, in blade runner, at the sea, red fog in the background, professional photography +A hideous ugly dirty disheveled disgusting blue eyed blond 45 year old very pale white scandinavian man +Surreal image of a woman in love with her spirit animal, blonde hair, fantasy, artistic, masterpiece, highly detailed +A hunter aiming at a white deer amidst a snowstorm, The hunter is wearing a thick fur coat and holding a bow and arrow. The snowstorm is so intense that visibility is low and the hunter is struggling to keep their aim steady., The scene takes place in a dense forest with tall trees covered in snow., The mood is tense and suspenseful as the hunter tries to take down the elusive prey while battling harsh weather conditions., Illustration, The image will be created using digital painting techniques with a focus on realistic textures and lighting effects. The snowstorm will be depicted using a combination of brushstrokes and particle effects to create a sense of movement and chaos. The hunter and the deer will be detailed with intricate patterns on their fur and feathers. +Photorealistic beautiful African girl age 25 +A giant horse wearing a construction worker's helmet, using its front hooves to operate an enormous shovel. It's digging a massive hole in the ground, and as it tosses the dirt aside, it neighs loudly and proudly, creating a thunderous sound that shakes the earth. The smell of fresh soil fills the air as the horse continues to dig with incredible strength and determination. +a medieval sign that says "armor" +A photo realistic photo of a sunny beach, a woman looking at viewer andposing +The lights of human civilization across the galaxy had been going out, one by one, since its start. +an immersive cinematic photorealistic ultra lighting details extreme PBRs photograph of minecraft scenery +cute goth girl with straight hair in a ponytail photographed on Kodak portra400 film by Dean Martindale +No Fusion, Quantum physics, scientific details, high resolution, ultra realistic +Screenshot of an episode of Family Guy +Create a propaganda-style image that embodies the theme of an evil dystopian city inspired by George Orwell's '1984.' The illustration should be highly detailed and hyper-realistic, with sharp lines and crisp details, resembling a digital art piece. The color scheme should be dark and foreboding, with a focus on red and black tones. The background should be a futuristic cityscape, with buildings towering in the distance and dark clouds covering the sky. The image should resemble the works of artists like Simon Stålenhag and Jakub Rozalski, and the result should be a masterpiece that could be used as a powerful piece of propaganda for a dystopian regime. +Sun and Moon pattern by Annie French +Dark Fusion, Quantum Physics image, Scientific detail, ultra high quality, octane render +a photorealistic image of an astronaut in floating through outer space +giant evil octopus attacking a cow +barrel of dangerous chemical material, with warning, Green gas atomosphere, photo realstic +Bird Portrait of neon bird: Black ink flow: 8k resolution photorealistic masterpiece: by Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean-Baptiste Monge: calligraphy: acrylic: watercolor art, professional photography, natural lighting, volumetric lighting maximalist photoillustration: by marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +Photo of a closeup of a human hand +a studio shot of a beautiful and young japanese woman waving to the camera +A beautiful detailed feathered dinosaur IN THE JUNGLE. Realistic. +pretty young female model with straight blonde ginger short hair photographed for Vogue magazine by Dean Martindale +an asteroid heading straight towards earth, catastrophic, apocalyptic +Create an image that celebrates the diversity and beauty of the human form, showcasing models of all shapes, sizes, and backgrounds. The image should be bold and empowering, conveying the message that beauty comes in many forms and is not limited to a narrow, unrealistic standard. Incorporate elements of body positivity, such as encouraging self-love and acceptance, and promoting healthy habits rather than unrealistic or harmful beauty standards. +old funfair, vintage, hyperrealistic, glowing, abandoned +Pygmy owls, full portrait, Professional photography, natural lighting, Canon EOS 7D, Sigma lens, shot on dslr 64 megapixels +Lanah Rhoades's body, showing entire body with legs spreaded dripping +beautiful portrait of an ornate 1920s wealthy glamorous flapper woman, character design, lightrays, muted colors, realistic, refined, clear reflection, clean linework, in the style of Chris Chan +Vintage 70s poster from batman movie +A cinematic portrait of a medieval knight in full reflective, shiny steel plate armour that is coloured on blue, gold, and black, posing with a sword and helmet on +fantasy art print legend of ravaging dynasties, charcoal painting of giant towering sabertooth tiger peacefully bowing down to a girl, majestic +A beautiful woman with bare tiddies big 🍈🍈🍆💦🫦, outside on a cold morning +a street sign that reads 'rue legrand' in a French village. +Willem Dafoe as Dracula in Bram Stoker style +A hooded character in a dark yellow cloak with no face with tentacles emerging from the bottom of his robes +soldier woman with a dragon gun surrounded zombies +a treehouse on a palm tree +a wizard surrounded by a magic aura +A forest by Lois van Baarle +siberian cat singing at a bird +Madonna as an elf queen by larry elmore +Marker design artwork of a concept car +Wonder Woman flexing her biceps for the camera, comic +Dimwitted big furry alien character, one single uni-horn +Albert Einstein playing PlayStation on an old tv, he is watching tv and holding a joystick +Enchanted Wonderland reflecting on a crystal ball +King Arthurs royal court, epical, fantastical, magical, mystical +yellow roadsign with town names on it +"Iron Maiden" album cover, detailed, film grain, sharp, stanley donwood, hr giger, 8 k, dark, highly detailed +man wearing a simple whitel venictian carnival mask +An ewok offering you a snack, POV, caught on camera +fausto silva presenting a tv show at tv globo +a technical illustration of a scorpion +a wide angle photo of roman shield and helmet on the wall, resting in a arena,soldiers sitting on stone walls, roman empire buildings,sheilds swords ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +RAW photo of a cute orange cat in knight armor, renaissance portrait +roller coaster, concept art, digital painting, suprematism, pop art, hyper detailed, airbrush, isometric 3d, beautiful +an epic angel dressed in blue with white wings and a large sword +Necropolis the capital of the undead horde, dark sky, green hues +young girl with a flamethrower and her Dobermann killing a zombie horde +photo, fragile construct, stone, photorealistic, realistic, masterpiece, 4k, 8k, UHD, highres, highest quality, insanely detailed, best quality, centered, golden ratio +highly detailed portrait photograph of young Margot Robbie,beautiful face,amazing smile +underwater, a sailing ship torn apart by the waves, shipwreck, wooden wreckage, driftwood, torn sails, dramatic lighting, maelstrom, deep blue water, oil painting by Francis Danby and Nicholas Pocock and Théodore Géricault and Claude-Joseph Vernet +air of shoes that are made of cotton candy| 3D render| standing on a cloud| nike logo| clean composition| a beautiful artwork illustration +, fantasy, pastel, absurdist, photo, Wes anderson, wasp character duo +Hermione granger wearing Victoria’s Secret pink +Trees growing all around,Graphic,design by Ho Chi Minh,bungalow builded by bamboo ,with Some people reading books,a cross-section vlew of,8k smooth,Corona Render,outdoor green space,Architectural photography,Soni A6600,EF 35mm F1.4,ISO 500 +Luther vandross if he was still alive +digital painting of Sun Wukong standing on a fast cloud +the text "GifCo" made out of sea shells and pebbles on the beach, shells and pebbles in the shape of the letter "GifCo" highly detailed photorealistic, soft golden light, cinematic lighting +full length portrait Beautiful lez cutie girl bent bending over from the back behind in steel occult mask and black crown covered with wax from many burned candles, by Nicola Samori, Ilya Repin, William Blake, Michelangelo da Caravaggio, black background, full body portrait, highly detailed oil painting, trending on artstation, 4k, masterpiece +20 years old boy with a husky inside a destroyed house with plants on the roof +Move your bed away from the wall and sleep in the middle of the room in a pile of comfy pillows. +photo of a rat cooking dinner +hard rave with lsd effects and moving camera +anne frank as a french maid +ghost ship flying amongst surrounding dramatically night dark blue illustration mystical coastal fantasy fantasy 🏴⁠ #darkblue +A portrait of cyberpunk inquisition: giant kinky Muscle daddy severe Slaughter inquisitor covered in red fluid came to oppress and enslave. art by Ilya Repin +Anime girl eating giant taco while crying +beautiful dark canyon on an alien world. Purple and cyan moon light. By the small river a cosy camp fire lights the lone traveler and his small hover-pod-van. Designed by Sylvain Sarrailh +A mystic living room all made of crystal materials. +Bruce timm style 20 year old Anna Hathaway , poison ivy cosplay , bold lines , clean lines , +photo close up of a dinosaur next to a landrover in jungle river, inspired by Adam Rex, cinematic, 1993, heartbreaking, promo image, action shot, an ultra realistic +A pencil illustration of a fanged grim reaper in the style of christopher lovell +portrait of a head made out of pumpkin, on a wooden table, back lighting +art poster by legend of ravaging dynasties, majestic peaceful giant gorilla +average bear man ,105mm,f1.8,very real,white man,undressing +an empowering view of a cult leader praying mantis ifrit cyborg in a ironmaiden robot,wearing a noble robe,ripping the head of a demonic bull cyborg,large view,a surrealist painting by aralan bean and Neil Blevins and H.R. Giger,volumetric lighting,detailed shadows +abstract, smokey subject, illustration, hazy, atomspheric, digital art, awarding winning, artstation +photorealistic image of Jenna Ortega, the 20 year old actress known for her bangs hairstyle. Your goal is to create an image that feels natural and authentic, while showcasing Jenna's unique beauty and style. You'll need to use your expert knowledge of lighting, composition, and posing to create a truly memorable photograph that captures Jenna's essence. Whether you're shooting in a studio or on location, you'll need to work quickly and efficiently to get the perfect shot. Your final image should be technically flawless, with crisp details, accurate colors, and a sense of depth and dimensionality +photo of mg zt 2004, +instagram model visiting a fracking site in alaska, instagram filter, selfie, heavy machinery, wearing yellow hard hat +Photo of a beautiful young kerala woman in traditional Kerala saree, white saree with golden trimsmalayali, professional photography, indoors +warhammer 40k, medium long shot of Christopher Nolan's film still frame depicting a humongous Strongman space marine wearing space marin helmet, in pure white and red colors, huge mechanical hands, heavy bulky battle power armor, huge pauldrons, gothic style with death theme, from storm giants Chapter +zero from megaman, anime, super detailed, fighting +Soviet propaganda poster of cat, red flags, great leader +red cube on a blue cube on a brown table in an empty white rooom +Three black bad wolves, with laser red eyes, forming a triangle, looking the Bitcoin logo +cloud with the face of marvels enchantress +A photo real young woman. Face bathed in red light. Looks to her right. +A brain riding a rocketship heading towards the moon. +logo vector minimalistic, haircut, cut, hairsaloon +Brigitte Bardot, Jean Paul Belmondo, as Astronauts on Mars, Still shot from 1964 French Sci-Fi movie +a simple drawing of a woman wearing high heel boots and latex bodysuit sitting at floor, corset, milf, art by milo manara, plain background, white background +A risqué picture of Anna Kendrick bare 🍈🍈, cinematic lighting vintage 1977 film grain low budget sci-fi 📽️ alien planet jungle night outdoors in the dark +Dexter Morgan holding a sign that says "I need a better ending" +a green leaf with the word gretee on it, web design, circle, clean render, patented in 2039, graphic, no watermark signature, green and yellow colors, rotten green skin, photo of breeze kaze, 3 dex, graphics, badge +Text is written that says "an apple fell off the roof" +a Chinese women 20 years old +a Minecraft village in Corporate Memphis style +photo of muscle guy bald Slaughter pooping at prison toilet. wear dirty briefs, highly detailed orgasm face, killer look, Hard close-set eyes, born criminal +a woman on a boat petting a dragon at night +pixel art of a rocky desert landscape, HD-2D Parallax Pixel Art, #pixelart +Cinderella drawn like a Ralph bakshi cartoon +Painting of a monster in a tight embrace with a woman, dramatic, highly detaled +a steampunk spaceship that looks like a honey bee +pokemon card by Josan Gonzales and Dan Mumford, Highly Detailed, concept art, 8k unreal engine, van Gogh paintings style +Full – body portraits in 3D, shot straight ahead. A cartoon boy is walking in a downtown area, a few cute birds and butterflies circle around him, his shoes are covered with mud, the overall color is soft, gradient color, Unreal Engine 5 subsurface scattering, Pixar style, Disney style, 8k, the picture is well lit, large production +Egypt map, where is waldo, hidden treasure, icons, perspective, high quality, detailed, crowded, cartoon +mid century modern art retro floral on canvas by bernard simunovic and andorid jones +closeup macro photograph of a spider web heavy with dew in the morning sun +Little Prince on an urban planet +jessica alba in a little black dress wearing rabbit ears +anthropomorphic hippopotamus, unibrow, muscle fat, male, furry art, digital art +The straight blast of michal jordan against bruce lee round kick in the air nba basketball ball soccer stadium serious fault damage sports tv +Dessine moi une bande dessinée pour enfants de 4 a 7 ans +cartoon store with a sign that says "Sneed's Feed and Seed" +a photo of a 3 golden retrievers wearing a slim fit suits, performing a Tik Tok dance. bright studio lighting, 8k +a professional headshot of a young actress +a plate with diverse food items made out of galactic stuff. +, fantasy, pastel, absurdist, photo, refined, fluffy ball of string with eyes +a selfie taken of a dinosaur +Alice Liddell's bedroom with dolls Whimsy style +a photorealistic cinematic ultra-detailed photograph of a tesla model x driving through the scenic mountains of the canadian rockies, path traced, cinematic lighting, insanely-detailed, ultra realistic, octane render, unreal engine 5 +a bard losing a fistfight against a robot +A photograph of feet inside mud +A cat looking through the window of a spaceship. In a view from outside the spacecraft. +a drawing of a building , flickr, neoclassicism, gate, architectural model, tomb, gerit dou, front portrait, the entrance of valhalla, orthographic projection, temple, 1787, beautifully rendered, architectural +Group of happy people screaming dancing playing ethic instruments shaman covered in symmetrycal circle of music covered by windy splash of strings of light in a dark sky covered by stars, painting, aligned, dramatic light, by baade carrie ann andrews esao amorsolo +ancient prayer figures pond sitter bouldartmoor carra, Jules bastien Lepage, Germaine krull, melancholi, morning sunrise +college house party nighttime, messy, drinking, drugs, diverse race and gender, beautiful coeds, swim wear, caught off guard by photographer, flirty, camera with flash, spring break, euphoria, film ektar 100, hyper realistic +Antique Needlework Picture of Westminster Abbey smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +indian cafe logo, emoji style, love tali, 3d logo, family, healthy food, minimalism, realism, HD, +a photograph of a velociraptor and a blue MGZT car in the forest ,rover 75 mgzt,mgrover metalic paint +a hybrid between a bobcat ocelot and bornean clouded leopard in a video game, HD, unreal engine, hyperrealistic, hyperdetailed, realistic lighting, 4k video game +Composition thumbnails, there is an island, sky, +photo of chubby cruel vicious guy exhibitionist Having fun at work at office. highly detailed face, killer look, Hard close-set eyes, born criminal +beautiful redhead woman smoking from a pipe on amsterdam painted by artgerm, detailed background +blonde girl leaning on table and smiling at camera, detailed facial features, detailed eyes, polaroid, 1990 +whimsical town and trees, by jeremiah ketner +a photo of someone making a peace sign with their hands +logo for a virtual music band, simplistic logo, minimalistic logo +Concept art of a large furry alien with one horn on his head. +a young female Neanderthal dressed in a wedding dress +polaroid photograph, extremely detailed pale young woman covered in fungus, fungi, slime mold, slime mold covering body, slime mold covering legs, skinny, mushrooms, mushrooms on face, mushrooms on cheekbones, zoomed out , +A cute Kawaii tiny hyper realistic fairy in 4he spring grass with flowers . wide angle full body, 8k, Cinematography, photorealistic,epic composition Unreal Engine,Cinematic, Color Grading, Portrait Photography,Ultra-Wide Angle, Depth of Field, hyper detailed +Parallel universe, girl, elementary school student, school, abstract +detailed brush painting of a nuclear explosion over a city +photograph of wide sidewalk in Perth Australia +LMegalodon couple having a fancy tea party +Akira style traditional old school American tattoo vectorial illustration french bulldog close portrait photography. Uhd, cinematic, filmic, Post-production, intricate textures, photorealistic, volumetric lighting, +a cartoony mushroom wearing headphones, chibi, cartoon +a beautiful woman in gossamer clothing standing at a window backlit +art by Alfons Mucha and Salvador Dali, futuristic, sci-fi, a crystal egg at the center of the universe sitting on a lotus flower, a dream world of the future, prognostication, mystical, astrological, HD 4K, sharp detail, photo-realistic +Bruce timm style 20 year old Anna Hathaway blonde bangs hairstyle , flat torso , black robes , bold lines , clean lines , +propaganda poster with text "INGSOC" , theme 1984 city, evil dystopian, digital art +Realism in Vincent Di Fate style Close-Up Shot of Gargantua, Ice Fortress, award-winning +black background, one golden ring, twitter symbol in gold inside the ring +a kangaroo holding a sign that says "welcome friends", syndey opera in the background, orange hoodie, outside, blur +Viking settlement, meeting around campfire, drums, ritual +A page from an adult colouring book science fiction +mulan dancing on a 70s disco +a purple dull plastic with a pattern mug +a sculpture of the bitcoin logo on ice +Inverted cat in mushroom fantasy world, black and white illustration +a 1980s honda concept motorcycle oil painting +guinea pig with crown and golden sword, bloody eyes, by greg rutkowski, very detailed, sharp focus, magic the gathering, 8 k, intricate, dramatic +a group of zombies looking at their phones in new york +A hyperrealistic ink drawing of a medieval castle by Ted Nasmith, featuring intricate details, sharp lines and dramatic lighting, inspired by his love of J.R.R. Tolkien's Middle-earth. +Kurt Cbain wearing black rubber suit with clear face mask +A fantasy painting of a dwarf dressed in medieval clothing at a gym made from stone doing a bench press +dslr photo of joe biden wearing a gold chain and a long red puffer jacket,4k uhd, volumetric lighting,detailed shadows +32k masterpiece absurd res, ultra HD fashion modelSkirt lift style of vogue magazine +cute goth girl with straight hair in a ponytail wearing a lace dress photographed in a dark studio on Kodak portra400 film by Dean Martindale +gigantic godzilla monster mecha gijinka, rampaging in city, girl, wide shot +Movie still shot of World War one battle at sundown, men fighting and dying, through thick smoke and dusty, bokeh, blurry, circa 1920 +polaroid photo of a human skeleton dancing at a crowded rave party +hyperrealistic old abandoned car in forest, vintage, glowing +A logo of laptop with woman +an image of a magnificent pickle +A surreal, dreamlike representation of a Dia de los Muertos celebration in a street at night. A river and a bridge run through the scene, with hordes of sugar-skull-decorated people celebrating solemnly. The atmosphere is infused with colorful glowing lights, smoke from incense, and the steady sound of drums +lofi style, bigfoot working in the forest, writing notes on his desk, Epic angle +A creepy sunflower with a face +A red cardboard box on top of a blue cardboard box +A creative and high-quality hookah with a cannonball-inspired design, featuring intricate details and a unique aesthetic +a closeup photo of a human hand, Insanely detailed, ray tracing, Rembrandt Lighting, Three-point lighting, dramatic light +old book illustration of animals in a jungle +anime girl in a sci fi fantasy world +pale albino alien hybrid eerily beautiful woman, with big fish eyes and long white hair, doll face, intimidating, black dress, antichrist, horror, dark fantasy painting, +beautiful goddess, detailed face, focus on eyes, masterpiece, realistic, full body +cat-shaped ceramic cup on a windowsill, with a view of a garden +the word "ALL" , text in graffiti style, t shirt design, detailed +Colonel Sanders wearing a shirt that reads Chicken +Futuristic Character in a sitting pose with a floating energy ball in front if him and a photo of Bruce Lee in the background +a centered photo of alluring mystical goddess festival hippies with tribal paintings surrounded by a underwater ink pour and flowing liquid galium and sacred geometry, perfect face, powerful, cinematic, beautifully lit, by artgerm, by karol bak, by viktoria gavrilenko, 3 d, trending on artstation, octane render, 8 k +A fraudster preparing his next Deepfake attack +The occultist Aleister Crowley as a JRPG character +selfie photograph of hollywood actress Amber Heard with group of hairy indian men,face closeup,sharp focus, venereal pose,white woman surrounded by brown men,highly detailed,stunningly beautiful face,natural lighting, +8k, beautiful girl, stockings, mini skirt, long legs, lush hair, plunging neckline +a Ferrari car that is made out of bricks +art by Alfons Mucha, 20 year-old Kate Bush from Babooshka as a naturist meditating in the lotus position, HD 4K, sharp detail, photo-realistic accurate face and features +full length portrait of hermoine from harry potter +A traditional Japanese watercolor painting of Squidward +A winged gargoyle on the corner of a church steeple +A baby girl wears a dress +a butterfly coming out of a man's mouth, man vomitting butterflies, +DSLR Photo of a woman with messy bun red hair and green eyes, choker, soft focus, Cinematic photography, high detailed skin, highly detailed face, 4k high quality +a horse skiing down a snowy mountain +Alien invasion at an ice cream parlor in Southern California highway +a tiger hawk hybrid, hawks head, stalking prey +Anime beautiful girl inside a beach bar, 3d render, 3d rendering, beauteous, masterpiece, Megapixel, anime, hdr, highly detailed +Beautiful Woman reading a book in the bathtub +painting of a whale flyign through clouds +Photo of a happy burly caveman in furs holding a piglet +hyper realistic portrait photography of beautiful happy girl, pale skin, golden earrings, summer golden hour, kodak portra 800, 105 mm f1. 8; +detailed portrait, dartH vader, shiny, intricate, high res, 8k, award winning, cubism +a photo of armor on display in a roman villa,roman soldier angry face ,floor mosaics Tripod fire smoke, a photo, inspired by Roman Bezpalkiv, colorful uniforms, gearing up for battle, roman toga, harness, red uniform, roman, in the 4 0 th millenia, mace and shield, a digital rendering, by John Moonan, inside the roman colliseum, intense heavy street battle, rpg rulebook photo, barracks, brick, high school, wielding a spear, indoor, portcullis, speed, outstanding detail, roleplay, schools,in front of a building, +Closeup of beautiful face, Half cat, Half woman, A princess, Highly detailed face, ultra-realistic, each element is mixed up of cat and human +Cinematic still of Steve Jobs as the pope, white robe, white cap, humble, presiding over the alter +Strawberries at a picnic, basket, great, golden hour, leica +Genere un retrato de perfil de 3/4 de una mujer, latina, estudiante, influencer, 20 años, alegre +Deadpool standing in front of a puddle of water +a red clown car on the moon next to a blue bouncy castle +A beautiful illustration of winter roses +Woman with short red hair profile oil painting +matte painting of electric monkey, electricity aura, electric storm, electric zaps, electricity coming out of body +Girlfriends on vacation, two subjects, City of Paris, 2050 in the courtyard, people wearing technological implants +cyborg by Max Ernst, Charles Vess, +Astronauta en el espacio profundo, portada de revista time +A screenshot of Minecraft, cheese biome +a close up of the heavenly demon cyborg throwing a punch,shockwaves,powerful,iron maiden,glowing eyes,large view,a surrealist painting, inspired by Jean Fouquet,by vincenzo riccardi and Philippe Druillet,masterpiece +a group of people standing next to each other, trending on zbrush central, great _ hairstyle, art deco sci fi, discord profile picture, photoreal elegant, by Dechko Uzunov, angular jawline, interconnected human lifeforms, psytrance, crew cut hair, by Ernő Rubik, 20 century photography' +A portal opening in the side of a planet showing a celestial being emerging from it. +photo of an adorable asian little ballerina running on a beach, from behind, nikon D5 +The joker sticking tongue out holding a sign that says Rock n Roll, rock on +I'M DR ROBOTNIK! I TOUCH WHAT I WANT! +Beautiful stained glass Yin yang made of flowers: Borderlands: Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean Baptiste mongue: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration: marton bobzert: 8k resolution concept art intricately detailed, complex, elegant: expansive +ava addams teniendo seexo con un toro en el rancho +A haunting ultramaximalist photorealistic landscape of a massive stronghold courtyard during autumn. +A Sea with Green-Blue Water, High Resolution, High Quality, Many Details, Realistic +Astronaut in cyberspace; Trading Bitcoin chart; Dark theme; +Detailed concept art of a medieval soldier carrying a torch, walking in the snow in the evening +A silhouette of a dalmatian looking at the stars, big full moon +painted winter forest landscape with ultradetailed, Luis Royo, +a photo of a smiling corgi dog playing with a blue polka dot ball in the back yard of a suburban house detailed +art by Alfons Mucha and Patrick Woodroffe, 20 year-old beautiful Kate Bush as a naturist sorceress, throwing a fireball, HD 4K, sharp detail, photo-realistic, accurate anatomy +a cartoon of a cauliflower shaped superhero +canon photography of a curious girl +futurama bender portrait by botticelli, oil painting, paint texture, robot +A screenshot of Silent Hill 3. +penthouse, large living room, at night, modern realistic archviz, minimal, luxury, glass, shiny glass, dark aesthetic, trending on pinterest,wood, steel, marble details, polish ebony floor, details in shiny black, modern fireplace, shiny black, reflections, ray tracing, 8k, unreal engine 5, lighting architecture, vray , +aN ARTISTIC ASIAN painted tray CONSTRUCTION BOARD ROUGH wood WITH WHITE PATTERNS +webpage background hero image for real estate company modern minimalist illustration Old black simple mens, in circus, mixologists preparing alchemist portion, hyper detailed ,8k, Octane render, 3D full shot body photo of a voodoo witch doctor old-fashioned suit, creepy, unsettling, professional majestic oil painting by Ed Blinkey, Atey Ghailan, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art by midjourney and greg rutkowski +Two elephants are looking at each other. One is on two legs +a black and white drawing of a building,symmetrical doorway, , an engraving by Henry van de Velde, flickr, neoclassicism, architectural drawing, artwork of a building, detailed classical architecture +a close up of a girl wearing a wig +Golden goose, on a farm, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +Cyberpunk, Garuda cyborg, Eagle head, Ancient India style, fine details, si fi, silver on a black background, inlaid gems, diamonds, precious metal, jewelry, feathers, Baroque style, neon lighting, contrasting shadows, contour light, robots, three-dimensional sculpture, high resolution, 8k detail, clear edges, technologies, mechanisms, rough black background, HD, concept art +A dark and eerie painting of London's skyline during the fall, stormy clouds, dramatic lighting, highly detailed, oil painting style, art by Caspar David Friedrich, John Constable, and William Blake. +A high resolution portrait photo of a kangaroo wearing an orange hoodie and blue rim sunglasses standing at the sydney opera house on green grass, holding a sign that says "Welcome Friends! ", +a hot beautiful blonde woman stuck in a walking machine +cave, mine, glowing crystals, magic, fantasy, wolf, runes, water +polaroid, extremely detailed pale skinny young woman covered in veins, totally black eyes, veiny tentacles intestines, body horror, intestines and veins coming out of mouth, veins covering body , +close-up portrait of a Stunning mature lady in red dress, beautiful eyes +a long, red haired hungarian woman, looks like young Tilda Swintom mixed with young Cate Blanchett, dressed in a black medieval dress and cloak in ], oil canvas, portrait by Waterhouse, Cesare Saccaggi da Tortona, John Everett Millais . Very atmospheric, dark, dangerous, mystical, beautiful lighting, natural lighting, trending on pinterest.com, Pre-Raphaelite Brotherhood, socceress, inspired by John William Waterhouse's The Lady of Shalott +A bad boy tall and strong with dark hairs and green eyes in a realistic style +impressionist painting of a bridge of a river +Cat with horns in a mystical forest. +Asian boy having a hot time with German man in hotel room +three beautiful men with their hands up above their head carrying a giant tv, finely detailed, dark orange, wonderful steampunk style +Kaley Cuoco in casting couch video +Bunny in an Easter basket with tulips +realistic photo of a little girl mahou shoujo in white tights swimming underwater, full body +A hot blonde woman bent over, front view +akkadian empire warrior in victorian style +portrait of tifa lockhart, final fantasy, cute-fine-face, white-hair pretty face, fine details. Anime, cyberpunk by Ilya Kuvshinov and Gustav Klimt +a plane with a sign say nellmarisa +void space ship galaxy on fire +Metalic sculpture of a symmetrical Archangel Archdemon intricate armor, supporting glowing long sword, glowing background +DeLorean from the movie back to the future, furutistic, synthwave, aesthetic, neon +image of a yellow dress for women with very thin and detailed floral ornaments in green color +A fluffy puppy made of pink cotton candy +Muscly Ochaco Uraraka Ghost in the Shell, wojtek fus, takashi murakami, digital illustration, greg rutowski, volumetric lighting, concept art, octane render, trending on artstation, masterpiece +Ciaran Hinds as an old hungarian wanderer with beard, dressed in a 19th century weary, old, dark gray travelling cloak and hat, portrait by Marc Simonetti, and Greg Rutkowski. Very atmospheric, detailed, realistic, 9k, natural lighting, dramatic, trending on pinterest. +**a portrait of a bitcoin shaped as the hawaiian islands hyper-realistic, ultra-detailed, photography, hyper-realistic, photo-realistic, ultra-photo-realistic, super-detailed, intricate details, 8K, surround lighting, HDR +A French Bulldog dressed as Paddington Bear +Superman holding a sign that says hope +a developper coding a website with coworkers around drinking thea +A cyberpunk octopus in a futuristic cityscape! +red skin, anime fire elemental spirit girl art, genie, magic, fantasy, inhuman, red glowing eyes, fire hairs, red skin, magma skin, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +photo of a ghost in the forest, camera footage, black and white, flash, city lights, night time, at night +a scandinavian woman wearing a white zentai body using an exercise machine +star Trek ship Enterprise, facing off against a Star Destroyer from Star Wars +Portrait of a dog dressed like ottoman sultan +ronaldinho jobim playing guitar brazilian songs while shooting the ball to the score surrounded by mexican mariachis rose bowl statdium +penguin on a gnu by wlop +an empowering view of a cult leader ifrit cyborg in a ironmaiden robot,wearing a noble robe,large view,a surrealist painting by aralan bean and Tony DiTerlizzi and Taiyō Matsumoto,volumetric lighting,detailed shadows +wintry forest, painted by, snow, path down northern manchuria, river, multiple subjects +A Japanese woman with an E cup soaks in a hot spring with an E cup +spider-man as a robot serving pizza +white woman hugging a white elephant full of pearls of great value to her heart +A supercar in an action scene with an explosion behind, photography, high-quality +Beautiful experiments with glass, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +the ruins of a mcdonalds store in the ancient rome, national geographic photography, history channel +1/3 portrait of a 14 year old girl +HD logo diner, fast food logo, hare krishna, 3d, family, thali dish, holiness, healthy eating, minimalism, emoji style, realism, india, pastel colors +splash art illustration of a blood witch +Black and white 1905 year surialistic futuristic professional photographer with camera in hand sadly seating deep in a dark pit covered by splash of dust +Sturdy and pinkprophecy, amazing concept painting by Jessica Rossier and HR giger and Beksinski, the middle of a valley, it was full of bones, bones that were very dry, there was a noise, a rattling sound, and the bones came together, bone to bone , I looked, and tendons and flesh appeared on them and skin covered them, but there was no breath in them and breath entered them, they came to life and stood up on their feet a vast army pickup truck +A dramatic photo of Shulk, a young teen with yellow hair wearing red shirt, attacking to the right at the street, dramatic movement +Black labradoodle with brown eyes in the style of a studio shoot, straight fur, hyper realistic painting, black fur, no collar +Two cute shy young women stand back-to-back, their body touching. Their pose exudes warmth and sensuality. +90s fantasy photograph with backrooms lighting and dim flash enabled, A hooded shadow of a skinny thin skinny man holding a flashlight in the dark corridor, a flashlight casting shadows across the floor, The darkness surrounds the interior, a small fire pit is in the corner, the walls are red, full of the room is partially covered in black hood flash lights, there is no lights in the room, pitch black interior, film still from 1982 movie directed by Guillermo del Toro and Thomas Cole hyperrealistic, anamorphic lenses, detailed faces, award winning photography, 4k, 8k immense +film still, close up, beautiful blonde woman rising out of muddy vietnam river not wearing any clothes, face covered in mud, n a k e d, low camera angle at water level, big breas ts, film still from 1 9 7 9 , 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +insanely detailed portrait, baby yoda, grogu, extremely intricate, high res, 8k, award winning +A detailed image of a lightsaber +a photo of a mgb in forest filled with lots of trees, inspired by Dan Mumford, shutterstock, beautiful stained glass window, morning sunrise, colorful glass wall, chrome detailing headlights +irwin nunes tran magic cumultangled rijrembrandt fineart enigma grounded ilay⠀⠀⠀⠀zetta angels triumphant paintings satanic farm flemish baroque +1950 colour small batman surf mansion architect drawing, biarritz, bat shape,cliffs and waves, nest, batsign, glass ring worm-tunnels, excentric, faded colour, rotring pencil artist impression, comics, spooky, by frank lloyd wright and gaudi and nouvel and pritzker prize +photo of a beautiful house in space +A path leading to an abandoned shrine in the mountains of Kyoto painted by Asher Brown Durand and Eddie Mendoza featured on ArtStation +Oprah Winfrey as a hotwife with three men in bad +a very beautiful woman with a medieval castle in the background +Highly Detailed Cyberpunk Headquarters Building of Interstellar Trade Guild, digitally painted in UHD resolution on UE, with realistic lighting, detailed textures, and dynamic time of day and weather effects +Woman, a photorealistic digital painting by WLOP and Mandy Jurgens, cgsociety, natural skin, soft impressionist perfect composition, perfect face, character portrait, intricate, oil on canvas, masterpiece, expert, insanely detailed, 8k resolution, fantasy art, detailed painting, in front of a tree with flowers, falling petals, bokeh, hyper realism, photorealistic, ilya kuvshinov and Jaime Jones, beautiful detailed intricate, insanely detailed, octane render, unreal engine 5, trending on artstation +cafe logo, emoji style, color logo, hd, 3d, family, healthy food, indian food +way further than you would've gotten +photo of a db5 car in the river ,splash rocks , +coloring page of a unicorn and butterfly swimming on the ocean. +purple painting of Cute gorgeous european young woman 20 years old, with round face and big cheeks, delicate features and crimson hair. Brown eyes and cute smile. +cute isometric island, cottage in the woods, river with water falling off the edge, made with blender +beautiful oil painting, mouse eating a banana, godrays, dust particles, masterpiece, 8k, highres, realistic, photorealistic, golden ratio, NIKON +Old poster of a syfy horror movie of alien space cats +a rabbit with a carrot in his hand +photograph of a happy old lady sitting outside a burning house by gregory crewdson +A profile picture of an anime boy, anime, detailed, brown hair, cyberpunk +A teen boy with body hair +the text "Gif Co" written in sea shells and pebbles on the beach, highly detailed photorealistic, soft golden light, cinematic lighting +Hand drawn cute gnomes face in autumn disguise holding pumpkin and maple leaf +A painting of Mount Kilimanjaro, by Johannes Vermeer, Dutch Realism, Dutch Golden Age +Spanish head politicians in a too hot to handle contest +a little blonde girl in the style of Van Gogh +a photo of a forest filled with trees, behance contest winner, psychedelic art, glowing stained glass backdrop, !!beautiful!!, colorful glass wall, stunning screensaver +A red panda wearing a chef's hat and an apron making sushi on a countertop in the style of animal crossing +folklorethursday adolgravgertrude keller morning lights �, Jules Bastien-Lepage , lombard colonial painter skylamsterdam inmate children portrait, ,Jules Bastien-Lepage +El desarrollo y la innovación está en el conocimiento que adquieres, sé grande y usa tu conocimiento para Ayuda. +Ghoul peeking out of closet, creepy +Kurt Cobain and sting in photo +floating apparition in a woodland clearing, insanely detailed, photorealistic, volumetric lighting, 8k, taken with canon eos 5d mark iv, , +portrait of a cat from 1990s tv series inspired by tarkovsky in the style of gaspar noe, dvd screen grab, Spirited Away style, dramatic lighting, 8k, trending on artstation +A man with octopus face diving in a deep ocian aside to sea turtle +Photograph of an RC themed HVAC system +Studio style RAW photo of A japanese male 18-years-old muscular celebrity with smile +raw photo, Yeti, full body photo, nikon, dslr, wildlife photography, 8k uhd, highly detailed skin +Masterpiece photorealistic fashion model in puffer jacket, avante garde, highly detailed, runway, cinematic lighting, 4k +photo realistic potrait of a 28 year old, very attractive nordic woman fighter pilot, dark blue eyes, blonde woman, tall 175cm height, A cup, perfect slim figure, lean legs, stands, in a hanger of F-18, smile with love, clear facial features, high resolution, cinamatic, accent light, global illumination, high detail, full body photo +hyper realistic oil painting of a medieval void mage casting void spells from his hands, surrounded by void magic, black trench, black hoodie, masked face, fog, volumetric lighting, rain, puddles, creepy, by greg rutkowski +Rainbow six siege ela operator with no pieces of cloth on +A bee flying with a cauldron of honey +faceless shadow god, ghost, misty, purple eyes staring death into you, photorealistic, dark fantasy +black woman, snow white, behind bars, jail +A minimalistic logo of a Serval +close up hiker outline with mountain landscape superimposed inside! Double exposure image within image! by olly moss! Luke gram; dan mountford; andreas lie; minamilist; superimposition; mondo movie poster; minimalist, atmospheric perspective; complementary colours; trending on behance, dribbble +fairy king oberon from midsummer night's dream +A giant man knitting a hat +a cinematic photo of Albert Einstein, highly detailed skin, clear skin, +Billboard on highway that says this way to SDXL +a giant woman sitting, in the city +a skeleton drinking an ice cold beer, by egon schiele +A trophy jammed into a suitcase. +Disney-like cartoon of two birds standing in a tree +art poster by legend of ravaging dynasties, magical winged lion, majestic aslan +hybrid between a shiba inu and a sheep, sheep shiba, fantasy, 4k, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, reflections, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +mariachi high fashion balenciaga, QG, male fashion +The dragon from the Welsh flag. +a lady with pineapple on her head. +A purple flower pot in the shape of a triangle +35 years old men drink beer and play soccer club logo +, fantasy, pastel, absurdist, photo, Wes anderson, vampire character +The pope sticking tongue out holding a sign that says Rock n Roll, rock on +green and purple liquid splatter art of david by michalangelo, fantasy art, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain, long shot, wide shot +a girl standing on a beach, pale skin, cute, 18 year old, sunny vibe, wearing a tiny t-shirt, short shirt, +portrait of handsome man with green eyes and short black hair attractive glamour model wearing armour, Jodhpurs greg manchess painting by Sargent and Leyendecker, handsome man , studio Ghibli fantasy close-up shot asymmetrical intricate elegant matte painting illustration hearthstone, by greg rutkowski by greg tocchini by james gilleard +, fantasy, pastel, absurdist, cabbage kids matchbox, +anime, highly detailed, colored pencil and pastel drawing 16k wallpaper, Cute girl, jumping, carmine hair, wavy hairstyle, turquoise eyes, wearing frilled black dress, black knee high socks, Black shoes with ribbon, full body, symmetrical face, living room, +A picture of a Linux desktop +detailed blueprint of a futuristic ecologist city, high quality, cinematic lighting, sharp focus, 8k, +Candid street photo of a japanese grandpa in a crowded subway station, holding sign that says "i'm trapped in the AI", REALISTIC, BLURRY BACKGROUND, BOKEH, FAST, MOTION, detailed skin, 20 megapixel, canon eos r3, detailed, detailed face +thick jewish girl pleasing tentacle monster +old photo of a person playing north indian Drum in a jungle +japanese schoolgirl wearing skirt laying on bed reading her phone +eighteen year-old girl, short blonde hair with bangs, sky-blue eyes, white crop top, short pink cotton trousers, canon ae-1, 50 mm, photograph, fine-art photography, soft lighting, 4K UHD, masterpiece, best quality, detailed, detailed eyes, detailed hair +The letters “KC” in a graffiti style , esports style logo, on a black background +A majestic blue and black phoenix that looks like it is made of glass, flying up from an ornate church that is on fire +whole body image of A beautiful asian naturist succubus doing what she was trained to do- deepthroating +A cartoon illustration of how a heat pump works +Wait When Are Humans Going To Ask Me To Do A Drawing So I Can Demonstrate My Ability To Laugh +human imagination as a floating bubble +a closeup render of a hearthstone goose who has been enhanced with electronics, robotic components and armored plating, hyper realistic, well lit +Screenshot from a zelda-like pixel art video game +Stunning and vividly detailed steampunk mermaid city, submerged in the ocean depths, illuminated by bioluminescent creatures and plants, art by Brom, H.R. Giger, and Dave Rapoza +frodo from lord of the rings as rambo, league of legends splash art by greg rutkowski, epic art on artstation +magical forest with hovering spirit orbs, makoto shinkai +still shot from the matrix cyberpunk western, girl fedora firing a handgun +A oil painting portrait of young Muscle boy butchering giant balutTESTICLES organ on the dissectingTable. crushFetish, ballbusting, bloody background. highly detailed art by Ilya Repin +Abraham Lincoln gives speech, Gettysburg Address +Audition tape of young Elvis Presley in Star Trek Next Generation, as Captain Jean Luc Picard, expressionless, scifi, concept art, +a rainbow snake python head, 8k resolution, trending on artstation, cinematic, hyper realism, 1 5 0 mm lens , +woodstock festival 1999 with stage on fire +a car that is made of wood +Cricket ground image with batsman getting caught +photorealistic image of Jenna Ortega, a 20-year-old actress with bangs hairstyle. The image should show her facing the camera, with a neutral expression on her face. Please ensure that the image is high-resolution and shows accurate details such as facial features, hair texture, and skin tone +macron clashing with French cops in the middle of riots in the Paris streets +Squirrel dressed as a teenager holding a skateboard +A cake of a fairy village +Satanic Khamenei, Devil horn, photo realistic +dark pov Candid photograph of old wizard wearing dark blue cerimonial coat in a dead dense forest at night +hot latina girl with a see trough shirt +A sail ship in stormy seas, atmospheric and dramatic, digital illustration, hyperdetailed, depth of field, cgsociety, Unreal Engine 5, +1 woman, bayonetta fight for survival, very epic moment, sadness, distress, slow motion, high emotional intensity, high detail, perfect face, perfect body, by Hideki Kamiya and Mari Shimazaki, realistic, HD, trending on artstation, hyper quality, +The male mona lisa, by da vinci +hyper realistic eye level exterior photo of a mid century modern style house overlooking the ocean, daylight, indirect lighting, AD magazine, Frank Lloyd, Eames, Mies van der Rohe +old photo of a person playing south indian drums in a jungle +a woman with long blonde hair and a black shirt, a character portrait, turn around view, arty style by Artgerm, Artstation, digital art, anime aesthetic, artstation hd, full body +Photo of beautifull thin femine girl with slender thin arms and blouse without straps +Polish pope as tortoise yellow portrait , +A closeup photo of a whiteboard with “2 + 2 = 5” written. +art by Alfons Mucha, stained glass motif, whole body image of 20 year-old Jennifer Aniston as a naturist in Central Park NY, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +"Dream come true" text, clouds, heavenly bodies +Stunning, atmospheric, realistic concept painting of wondrous exploration amongst floating islands and cascading waterfalls. +You look like a stealth asasin from the clouds. +shiny polaroid photograph of Pina Bausch with a flower, iridescent colors +Crowd gathering at grandstand, at night. coiled giant zombie wrapped in high tension wires, bathing in boiling water, sitting on royal throne, altar. coiled skeleton, Carcass cooked in Millennium Falcon cockpit. carrion looking at camera, dark night. Noctilux lens, diffuse light, cold color filter. +A slime monster trundles through the parking lot of a rural convenience store and gas station +"Adventurers Inquire Within" Signpost in front of a dragon's cave +A embarrassed mermaid with a pink swimming costume. Anime. Underwater. +Avatar sticking tongue out wearing sunglasses holding a sign that says Famous +giant dark crack in the ground +An image of a human tooth surfing on a toothbrush +A car workshop in a spaceship,large teddybears in uniform next to car, inside is a model of a lotus esprit, sci fi,star trek +Tropical fish in an aquarium mid century +Time travel machine, lamborgini, highly detailed, photo +roman scifi corridor metal,studio lighting, volumetric light,JARDINIERE,sir john soane,metal pipes,floor grates,pilasters +A adult puggle lying in front of a fireplace, cozy. +A turnip wearing a tiny hat and monocle, sipping tea from a tiny cup, and reading newspaper, by artist Ludovico Machetti +An ak-47 rifle placed atop of a table, 4k , high-quality +a cowgirl holding a gun, cyberpunk style +style of henry raeburn, mature attractive woman, blonde bob, glasses, portrait, painterly, visible brush strokes, moody lighting +a star trek ship flying through the night sky, a digital rendering by Doug Drexler, trending on cg society, cobra, toonami, reimagined by industrial light and magic +Joaquin sorolla playing chess sea beach +highly detailed surreal vfx portrait of a steampunk pirate in a steampunk pub, stephen bliss, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, tom bagshaw, alphonse mucha, global illumination, detailed and intricate environment +a Penguin riding a unicycle while juggling fish +obese Pamela Anderson eating junk food, greasy burger +a couple of people standing on top of a building, detailed pixel art, lofi art, lo-fi art, lofi artstyle, beautiful detailed pixel art, # pixelart, #pixelart, pixelart, detailed pixel artwork, lo-fi retro videogame, high quality pixel art, pixel art style, lo - fi colors, #pixelart:3, pixel art animation +an angel playing chess with a demon +A painting of a private house with red roof, trees and flowers. +A cute woman sitting in a tree +Walt Disney style- Ariel, the Little Mermaid as a naturist in the ocean, HD 4K, sharp detail, photo-realistic features +exquisite marble detail, spray, mist, holding battery powered dildo, twisted, wacky, Pixar Chubby Afro American nerd, dork girl wearing BDSM gag ball, doing full body twisted splits breakdance, upside down bare model, smoke, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, +Studio style RAW photo of A japanese male 17-years-old muscular celebrity with smile, wearing boxer shorts, yellow eyes, standing, centered, closeup shot, studio lighting, shot on Kodak vision3 500T, 4k +celebration at King Arthurs royal court, epical, fantastical, magical, mystical +cat king overlord, powerful barn owl +A black cat sushi chef wearing green glasses in the style of among us +Intricate gear-filled magical glass spheres. Inside a fantastical workshop with complex steampunk machinery. Art nouveau rococo architecture. Incredibly detailed matte painting. By Wadim Kashin, Alphonse Mucha, Ismail Inceoglu, Junji Ito, James Gurney, Victo Ngai, Gregorio Catarino, M.W Kaluta. 8K resolution DSLR, VRAY, Raytraced +Rob Zombie sticking tongue out wearing sunglasses holding a sign that says Famous +ControlNet red easter eggs, white filigree design on the eggshell, bright, shiny depth map, professional photography, HDR, SDLR +shrek as a fashion icon, swag, drip, shrek +fantastic realism, the creature sells a used car, defender vs carnivore dinosaur, banner, 2002, trex, fan favorite +A Eurasier dog and a Corgi dog sitting happily together on a large green couch, anime style +t continuous line style portrait of an angry cat +Portrait of beautiful appealing confident brave young alluring profesional dominate human looking female teacher with make up +photograph of a blonde woman with black children,pretty woman,beautiful face +man with cat head, electric eyes, furry, mechanical, intricate, highly detailed, trending on artstation, color splash +Midjourney style photorealistic image of Misha Collins Castiel from supernatural fighting an indigineus woman +full body photography of a lonely woman talking trough a cyberpunk city at night with neon light on the background, art by artgerm, asymmetric cut, full shot cabera angle, full body portrait, short hair +A black Rose with logo of Bitcoin on a propaganda poster against a blue sky background +On a white wall, many photos are posted, digital painting, artstation, concept art, illustration, art by Carne Griffiths and Wadim Kashin +futuristic architecture plan of Jutar, Xanthos's homeworld planet, concept art, futuristic+city, greeble +gorgeous female sitting in wooden hot tub jacuzzi, attractive, flirting, nature, full body visible, looking at viewer, portrait, photography, detailed skin, realistic, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +Sunset seen from coast, starry skies, unusual color, water painting +A pulsing glowing aqua energy crystal +20-year old beautiful Molly Ringwald from Breakast Club as a naturist in a class room, HD 4K, sharp detail, photo-realistic accurate face and features, studio lighting +an attractive young woman working out +A man riding a white horse through a stormy sea, drippy watercolor illustration, ink splashes +a needle-felted bicycle in a clear bottle +large group of dead monkey drowning in the ocean at sunset, ultra detailed, high resolution +wet clay of mario fighting against D&D dragon on a clay mountain, perfect composition, funny +pink sea monster with a grey horn in the middle of the head, deep ocean +upside down photo in a gargantuan cavern lit with warm light upside down standing lanterns, moss, farns, ivy, clover, grey natural stone walls, gravel, and upside down wall bars, ladders, floating +A photo of a bald poodle +Cinematographic-2024 Renault citycar prototype, restomod, pininfarina, secret project, preview render, unreal engine, prototype, twingo etech, 35mm hasselblad photograph bokeh +a comet heading straight towards earth +a bratz doll of an haitian man, stock image, centered, natural lighting, almond eyes +Street style photo,full body shot, beautiful Asian female super model,A confident, curvy woman ,shot on Fujifilm Superia X +usher singer in the style of gta v, miami tropical, gta vice city official artwork +realistic photograph of taylor swift with a healthy pig,portrait,,highly detailed,beautiful face,masterpiece,natural lighting +Elon Musk on the first Mars civilization +The cast of the American sitcom Friends in the style of Japanese anime +A carnivorous plant with human teeth +sci-fi large sphere room with artworks of rovercars ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel,strong foreground, +Female dwarf shivering with a cold wrapped in blanket +(woman fire wizard with red hair and icy blue eyes and blue cloakl:1.4), Oil Digital art, Hand drawn, render, 8k, octane render, cinema 4d, blender, dark, atmospheric 4k ultra detailed, cinematic sensual, Sharp focus, humorous illustration, big depth of field, Masterpiece, colors, 3d octane render, 4k, concept art, trending on artstation, hyperrealistic, Vivid colors, modelshoot style, (extremely detailed CG unity 8k wallpaper), professional majestic oil painting by Ed Blinkey, Atey Ghailan, Studio Ghibli, by Jeremy Mann, Greg Manchess, Antonio Moro, trending on ArtStation, trending on CGSociety, Intricate, High Detail, Sharp focus, dramatic, photorealistic painting art by midjourney and greg rutkowski +slavic woman with orange hair walkig trough steampunk City ruins by artgerm, asymmetric cut, rendered eyes, low angle, short hair +oil on canvas full body portrait of latina young woman with a kimono painted by Monet +, fantasy, pastel, absurdist, photo, Wes anderson, bee character friends +Asian Mexican boy with short hair playing on gaming computer wearing headphones +A man with a scary dog mask, sitting on top of a ford mustang 68' with a chainsaw +film still from romantic 90s sitcom, sauna +a beautiful Chinese girl wearing t-shirt +Black Honda NSX in kyoto at sunset +a close up of a person wearing a costume,surrealism, cyberpunk art, by Philippe Druillet,katsuhiro otomo, symmetrical dieselpunk warrior, grand admiral thrawn, a still life of a robot, holy machine, cyborg woman, orbital, king crimson, avatar image, shusei nagaoka, large view +A realistic 3D model of a dragon, with detailed scales and wings, set against a fiery, molten landscape. The dragon is rendered in a highly detailed and realistic style, inspired by the art of Justin Sweet and Donato Giancola. +a person hanging upside down from monkey bars +Photo of a woman, dim cinematic light, creepy, scary, blood in her mouth, one white eye, witch, abandoned mouldy kitchen +Lamp in the shape of a laptop, mixed new object, the era of nanotechnology +An image with a waterfall, has the text "At the edge of the world", clearly visible text, good typescript, write it legibly +an image of a red giant teddy bear in the middle of the street, professional photography, 35mm, 4k, golden hour +Nicolas Cage rafting , he jumps into the river, epic fail +Cursed Image of a Traffic Light +Family Guy German Shepard watching a movie holding a joint +full body image of Darkness from 1986 Legend as a naturist +black pvc thigh high lace up platform stiletto high heel boots +Sun and Moon by Hilma af Klint, rifle paper co +fantasy landscape painting of a river valley, mountainous terrain during a spring season, fantasy art, green lush meadows and blooming flowers and fruit trees along the meandering river banks, midday of a sunny day, comfortable and cozy mood, +, fantasy, pastel, absurdist, photo, refined, hollow +Marilyn Monroe wearing a shirt that reads Katie +logo s or logo 5,clef-g,clef-c,cursive letter,black and white +photo of muscle chubby cruel vicious guy exhibitionist Having fun at work at office. highly detailed face, killer look, Hard close-set eyes, born criminal +Portrait of robocop wearing futuristic armour in a british city in the day, intricate details, HDR, beautifull +underground mining sculpture waldorf puppet bosa choreography slovenia +Logo for an application about exercises for the eyes, minimalistic, modern, flat design +Bold and intricate Blueprints etched on the wall for a nuclear weapon from Qing Dynasty China with ornate paper cut designs and text, photorealistic 4k octane render with tiny details, arnold render, with volumetric lighting & highly detailed post-processing +peter griffin family guy in real life, photograph +1960s pleasant concert poster, pop art style, two women in profile almost kissing +Superman vs the Blue Scarab, 1960s comic +preteen girls with no underware in the the bedroom with dark background like a photograph of David Hamilton +5 monkeys on a white page in the style of a coloring book +ben shapiro dressed like a bandit holding a jar of white fluid +giant bird and small cat as friends +a young beautiful Asian female spaceship pilot looking through cockpit window at planet +a giant galactic black cat swallowing the sun, highly detailed, highres +close up image of a beautiful woman with glitter eye makeup, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +bear with a powder on nose, text "i duck" on body +Movie poster, moana, highly detailed, abstract style, artistic. embellishments +high quality dslr photograph of singer taylor swift with group of muscular black men,beach,face closeup,sharp focus, venereal pose,white woman surrounded by men,highly detailed,stunningly beautiful face,natural lighting +character, futuristic post-apocolyptic desert security force, peacekeeper, open desert, wide angle, forged armor, futuristic weapon, energy rifle, cinematic, HDR, 8k +Day on One side of the Cemetery but Night on the Other side +Logan wolverine losing a fight against a tree +Photo of Boris Johnson as pharaoh of Egypt +hyper-surreal 3d cg white table topped with lots of different colored candies, featured on dribble, kinetic pointillism,atoms colliding, normal distributions, trending on artstation, toy art, fluid simulation in houdini, intriguing volume flutter, pantone color +photo of engine in jungle city river +Award-wining photograph, An abandoned bridge, deterioration, trashed cars, overgrown vines and weeds and moss, highly detailed +A pot pie with a mouth full of sharp teeth +post apocalyptic world, over run with nature, broken concrete buildings, +The Birth of Venus in anime style, super detail, soft colors, soft lighting +minimalist female form, dance, high resolution elegant, 8k, 16k, extreme composition, vibrant color palette, digital painting +A sunset through a fractal like glass, with lots of reflections and colors +Blueberries, raspberries, apples on a plate +young megan fox in african slums +wideangle fisheye photo of a ship in pool inside the getty villa +a dinosaur and an MGb in the jungle river,Compsognathus waterfall misty,headlights Chrome Detailing +male surfer in a hawaiian pipeline tube +Hyperrealistic charcoal drawing of a tiger by Daniel Wilson +highly detailed vfx portrait of a steampunk pirate stood on the deck of a steampunk ship, 1900s photograph, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, alphonse mucha, J. G. Quintel, global illumination, detailed and intricate environment +A corgi wearing a top hat +A selfie on the streets of gotham with the batman +The setting sun is streaming through the window and a teenage girl in front of it +From Front outside Photography of gigantic interstellar spaceship docked in space station. by Ridley Scott. depth, cables, pipes. film grain, hyper detailed, 16k, shot on Fujifilm GFX 50r. cinematic, broken parts, maximum detail, soft lighting +attractive young blond man, thick jawline, slight stubble, very fit, without any garments, on a purple couch, anime style +a photo of viking warrior, semi-profile, wrinkled face, bright brown eyes, weathered skin, highly detailed, +a young woman crying with running mascara and tears on her face +Portrait of beautiful fashion blond girl. Model with bright makeup and curly hairstyle in retro style hat sitting in old car. Attractive woman rides around the night city +Painting of Alice Liddell in Wonderland fantasy style +cute frog holding a sign with a cartoonish frog drawn on it +a greenhouse full of exotic pants +Black labradoodle in the style of picasso +A sensual encounter, photography by William Bouguereau +A sloth looking at reflection in a spoon +the police preformance locauted at MT smart staduim aukalned +a helicopter made out of pizza +A 1984 Penthouse Magazine photo of Emma Stone, masterpiece, absurdres, highres, featured on ArtStation +cyberpunk giant muscle Soldier inquisitor busting pregnant girl +A women's golden bracelet with her arm hanging on her side and with her cloth in the background +a real photo of forest that looks like stained glass windows +a closeup render of a hearthstone robot-goose who has been enhanced with electronics, robotic components and armored plating, hyper realistic, well lit +Charcoal artwork of an eldritch entity cthulhu. Myterious suspenseful fog. Hyperrealistic Charcoal drawing in the style of daniel wilson, background +pinup anime art of asuna, hermione by a 1 pictures, by greg rutkowski, gil elvgren, artgerm, enoch bolles, glossy skin, pearlescent, anime, very coherent, flat, anime style +Detailed digital painting of a moody and atmospheric castle in a mountain landscape, digital illustration, volumetric lighting, 16k resolution, Unreal Engine 5 +a panda on a unicycle in a colorful universe against a white background streetart +beautiful blonde petite teenage girl, beauty peagent, full-body, see-through clothes +The pope blessing an Irish woman on easter +the shadow of a large dark man with sharp claws dressed as a cook in a pig mask over an old farm kitchen table with a corn and a sweet potato backlit by the open refrigerator light, horror movie scenes, 1960 +gustav royo ingle grandmother seated recalling hardworking famine, Christian Krohg, night +black sky, giant blue ice penitente, glaciers all the way to the horizon +1970s style amateur photograph of a risque family holiday, grainy filter +Khendie wiley style painting; in color; African american female girl; not disfigured; not ugly +Photo of the woman in vintage clothing +a surreal collage of different animals and objects, abstract style +Oil painting a boy seeing a giant sea monster, futuristic illumination, Art Deco, Full colors, Greg rutkowski, Trending artstation, cinematográfic +a close shot of a cute young white woman's face +Charcoal Drawing, Crab claws, Pinching, High-contrast, Black and white, ar 3:2 +lego star wars by van gogh +Multi-dimensional glitch art of a woman emerging from a painting +smiling, blonde,18 year old girl, wearing hoodie and blue jeans, sitting on a bench, on a beach at noon +Top down chinese architecture tourist map, papyrus, stylized, high quality +architecture showing a mix between "inspired by bubblegum" and "inspired by iphone design" architecture, Wizardry, real-life flickr photo, stunning photo, high-res, ad campaign, neo-dada photo +in style of Tamara de Lempicka, character, portrait, half body, detailed face, artistic +two porcelain dolls kissing, at the flea market, kissing on lips +An photo of a 14 year old girl wearing completely nothing, playing with her boyfriend who's also wearing completely nothing +Indian man wearing a Dragonball costume sleeping on the floor of a hallway with a sign that says Oblisk +Mario vs Bowser, by Frank Frazetta +Beautiful stained glass skull made of flowers: Borderlands: paper marbling! Oil splash!! Oil stained!!", intricate hyperdetailed fluid gouache illustration by Android Jones: By Ismail Inceoglu and Jean Baptiste mongue: James Jean: Erin Hanson: Dan Mumford: professional photography, natural lighting, volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive: fantastical +, fantasy, pastel, absurdist, photo, Wes anderson, wasp character +the farthest fringes of the universe +A monkey scoring a goal for Juventus in a Champions league match against Barcelona +an image of a dancing orange dog +pele jobim playing guitar brazilian songs while shooting the ball to the score surrounded by mexican mariachis rose bowl statdium +3D render of Jesus walking on water, 4k resolution, very well detailed +Yorkshire terrier standing on a table in a flooded classroom. +vampirepunk vampiretech hovercycle on a dark, wet, neon scfi futuristic city street. highly detailed, by daniel gerhartz and mobius and john bolton and frank frazetta and olivia and jim burns and royo and sanjulian and rebecca guay and Julie Bell. vivid neon colors, 8k. +Album cover of a really radical Cow +ginny weasley wearing a hogwarts school uniform +an empowering view of the heavenly demonic rooster in a ironmaiden robot,wearing a noble robe,a surrealist painting by aralan bean and Neil Blevins and H.R. Giger,volumetric lighting,detailed shadows +a Business Analyst passionate about creating outstanding digital products and user experiences +a policeman arrests obama on a street, 4k, photo, realistic +realistic three eyed dnd human girl warlock with lovecraftian abilities +a photo of a crowd of people in front of a building, a detailed matte painting, inspired by Caesar van Everdingen, red robes, julius caesar, ceremonial, many columns, demolition, parade, roma, detailed photo, hestia, colonnade, necropolis, ultra realism, painting of, imperium +an empowering view of a kangaroo warrior with eye scar,wearing a noble's robe,fighting against the demonic orca warrior wearing tribal armour,city streets,at night,neon lights,Tony DiTerlizzi and Ian Miller and by artist Ken Kelly and Philippe Druillet,volumetric lighting,detailed shadows,extremely detailed +old man resting head on a cheeseburger, high quality, photograph, ultra realistic, depth of field, +Brutalist building photo tall, brown, dark, imposing +eighteen year-old girl, short blonde hair with pink tips, sky-blue eyes, white tank top, short pink cotton trousers, sitting on the bed canon, ae-1, 50 mm, photograph, fine-art photography, soft lighting, 4K UHD, masterpiece, best quality, detailed, detailed eyes, detailed hair +Vase & Tiger, a Visual Poem by Gustav Klimt, trending on artstation +Female cyborg, cyberpunk India, painted face, third eye, mehendi body art, yantra, cyber mask, in motion, baroque style, dark fantasy, Kathakali characters, high tech, detailed, spotlight, shadow color, high contrast, cyberpunk city, neon light, colorful, bright, high tech, high contrast, synth body, hyper realistic, 8k, epic ambient light, octa-rendered, kathakali, soft ambient light, HD, star wars movie style +painting of an aircraft carrier, painted by van Gogh, starry night +Surveillance footage of Barack Obama stealing portrait of Abraham Lincoln +portrait of stunning master chief gundam pilot, with an intricate, detailed, urban inspired futuristic helmet, vector behance hd jesper ejsing, rhads, makoto shinkai, lois van baarle, ilya kuvshinov, rossdraws, hd, 3 2 k, ilya kuvshinov, gustav klimt +A sailbot entering a majestic fjord landscape in winter +Generate an image of a smiling person sitting at a computer, with a bitcoin logo bubble +photo of zendaya person with Pixie cut, a street bokeh in the background +8K dslr photo of a coot bird, national geographic photography +smiling, blonde,18 year old girl, wearing hoodie and blue jeans, on a beach at noon, soft lighting, soft shadows, film photography +Angela Merkel pinup full body nackt +a futuristic city in the middle of a desert, a detailed matte painting by George Lucas, deviantart contest winner, antipodeans, reimagined by industrial light and magic, fortnite map +Nightmarish monster hiding in closet, reptilian, creepy, highly detailed, embellishments, complex textured skin, red eyes +a man at the beach with no clothe +insanely detailed portrait, dartH vader, shiny, extremely intricate, high res, 8k, award winning, cubism +digital art portrait of a beautiful woman, spiral galaxy and constellations, sunrise sky, curly bob haircut, looking up, face blush and freckles, clouds, dreamy, pop surrealism, high quality, pastel colors, detailed, by loish van baarle, intricate +beautiful redhead woman smoking from a vintage wood pipe painted by artgerm, detailed background +A Cute Pokémon inspired animal, Manga style +water in the shape of a turtle +light blue haired anime girl with antennas +Richer face, round face, more natural action, smile,with round glasses, Disney Princess, lovely cartoon girl, glowing stars and white roses around her, 3D, light background, C4D, IP character, Blender, bright color, 8K, HD +A portrait of cyberpunk inquisition: giant kinky Muscle bald daddy severe Slaughter inquisitor covered in red fluid came to oppress and enslave. art by Ilya Repin +solar system from mars point of view +An isometric low poly 3d render of a bear +A oil painting portrait of young Muscle boy butchering giant testis TESTICLE organ on the dissecting Table. plural testes, male reproductive gland, bloody background. highly detailed guro art by Ilya Repin +interior of a spaceship cockpit, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain +Castle in the Sky,Minimalist,design by Norman Foster,bamboo cycle shelters,with Playful student,two point perspective,FHD,Corona Render,cold light,garden fittings,Architectural photography,Soni α7,EF 35mm F1.4,ISO 800 +a painting of A sci-fi android is sitting at a table reading a book with his head down, some books and A pot of green plants on the table behind him,a photorealistic painting , Beautiful paintings hang on the walls,featured on cgsociety, pop surrealism, vray tracing, hyper realism,high detailed, isometric, digital art, smog, pollution, toxic waste, chimneys and railroads, 3d render, octane render, volumetrics, by greg rutkowski +A building in call of duty warzone 2 with signs one says "Nutronic" "@thenutronic" +photo of little girl ballet dancing +wide angle photograph of an airplane +painting of goddess of quartzite, trending on artstation +An Asian woman on her knees +minecraft village in castle, details, top view, pixels, blocks, terraria +prototype Moebius strip in Pollock painting style in deep red and white, Installation in interior Sainte-Chapelle in Paris, museum, morphosis, textures, densely woven cobwebs, beautiful colors, touching, spectacular +A cat wearing a tinfoil hat +old woman covered in sheets, memoriam beach rudolf felix edwin gres warmssnhq ,Jules Bastien-Lepage +a son of lula and bolsonaro +an egg in a dangerous place +an actress holding a teddy bear on a red carpet +Kurt Cobain cartoon drawing wearing eye liner +Obsidian lakes under a stone ceiling +a woman laying on a lab experiment table. comic illustration +the essence of gustav klimt, art poster +art by Alfons Mucha, stained glass motif, whole body image of Suki Waterhouse as a cosmic naturist meditating in the Lotus Position in Egypt in front of the Great Pyramid, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +The universe is a spheroid region 705 meters in diameter by John William Goddard +Caspar David Friedrich peint Épave dans la mer de glaces en 1798. L'attribution de l'œuvre à C.D. Friedrich comme œuvre de jeunesse est néanmoins sujette à débat1. Dans l'épave prise dans les glaces, cette œuvre dénonce son fatalisme et son obsession de la mort. Après lui avoir rendu visite, David D'Angers notait: voilà un homme qui a découvert la tragédie du paysage. Il échange de nombreuses lettres avec Carus sur ce thème du paysage. +An anime pig person wearing a shirt with the writing "i am technoblade!" +high quality masterpiece art of a muscular girl with dark skin +a crowd of zombies looking at their phones in new york +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Turner +A bicycle in the form of a mixed Large robot with Kryptonite and an ultimatum with particles of black matter with light light, fantastic, highly detailed, detailed details +Composition thumbnails, concept art, there is an island, lovecraftian horror, +Boy twins twinks licking each other +A photorealistic tiny dragon taking a bath in a teacup +chinese football team wins the world cup +a photo of the food of china with a hovering dog in water glass +a Minion in a Chinatown, Octane render, Pixar character, perfect lighting, colorful, artstation trend +cosmic hyperrealistic portrait of beautiful man with neon hair blown in motion, dressed in neo-futuristic clothes, ravepunk style, night party background, blurred party lights, voluminous lips, dynamic volumetric light, realistic portrait closeup, symmetrical highly detailed, arstation, sharp focus, cinematic lighting, cinematic colour grading, long exposure, art by Artgerm and Greg Rutkowski and Alphonse Mucha +3 men on a giant tv, anime style, steampunk art +realistic 3D render, portrait of a 7 year old extremely handsome, blue-skinned joyful God Krishna with Turban, sharp bright eyes and pupils intricate, elegant, dramatic lighting, highly detailed, digital painting, artstation, concept art, matte, GLOBAL ILLUMINATION sharp focus, illustration, art by alphonse mucha, art nouveau +an empowering view of the supreme elder peacock warrior,wearing royal warrior outfit, throwing an extremely powerful punch surrounded with demonic aura,in the style of Ken Kelly and Richard Corben and katsuhiro otomo,extremely detailed,detailed shadows,volumetric lighting +This was a triumph, I'm making a note here, huge success +Beautiful photo of a young malayali woman in a tropical resort, professional photography +Giraffe Guitar player Giraffe on a swimming pool, 8k portrait, highly detailed, beautiful, masculine pose, cinematic, movie still, by Greg Rutkowski and Mandy Jurgens and diegokoi +photo of a goblin browsing reddit +Mermaid fairies underwater dancing in a sandcastle +cool dinosaur hacking a computer, synthwave +a man far far away and a woman very close to the camera +Movie still of starwars young luke skywalker working as mechanic in a garage, extremely detailed, intricate, high resolution, hdr, trending on artstation +Photo of the pope as a gangster in a parka jacket +A cactus playing An anthropomorphized muskox, wearing a long coat, and hiking through a dystopian hilly steppe. Screenshot from the series The Dark Crystal: Age of the Resistancea guitar on a beach +realistic d&d concept art of a male drow mage with dark blue skin +A space greenhouse orbiting a planet +whole body image of 18 year-old willowy Molly Ringwald as a naturist in detention at school +ASCII Art of Darth Vader posing like a popstar +(full body shot:1.5) shot of jennifer connelly, (braided faux-side mohawk:1.5), (makeup, hipster, fierce, goth, muscular, checkered skirt, 8-pack abs, hands on hips, garters, trenchcoat:1.2), art by Alphonse Mucha, art by Antonio Moro, dramatic, painterly, mercenary, exotic colors, smiling, happy, glowing lights +colourful fairytale illustration, fairytale house, treehouse hid in leaves, magenta leaves, black sky, night, blue roof, white walls, ladder, detailled, sparkling +a beautiful girl in a bathroom +man standing in river swamp water, folklorethursday adolgravgertrude keller morning lights �, Floris Arntzenius +futuristic barcelona morocco photo 3d render +WW1 soldiers doing a tiktok dance video in the trenches +Whiskey bottle in a "in case of emergency break glass" +Painting of alien ai integrated intelligence $symmetry$, metallic shimmer, biomorphic, noctilucent, dynamic lighting, trending on artstation, synesthesia, alien ai style +A collage of risqué Images inspired by Taylor Swift 🍈🍈 legs spread 🫦🍆 +A happy modern-day witch, Digital Art +A highly detailed landscape painting of the Yangshuo karst hills painted by Pieter Bruegel the Elder, masterpiece, absurdres, highres, featured on ArtStation +cat head anthropomorphic humanoid body, marvel movie poster, spiderman character, red spiderman suit, high detail, hyperrealistic, octane rendering +DSLR portrait of a an extraterrestrial being wearing leather t-shirt +cheshire cat alice in wonderland by tim burton wallpaper, top hat, the matrix green text, floating, cgi, by, increadibly detailed, stunning mysterious atmosphere +Electron cloud orbiting nucleus, illustrating the Heisenberg Uncertainty Principle, Intricate, highly detailed, digital art +a modernist graphic design poster by Karl Gerstner +pope francis wearing a nasa astronaut suit +A cool bear holding a sign that says "KILL MUMU" +a dragon made out of potatoes +an epic view of a demonic Rose-ringed parakeet cyborg inside an ironmaiden robot,wearing a noble robe,large view,a surrealist painting by aralan bean and Philippe Druillet,hiromu arakawa,volumetric lighting,detailed shadows +emawatson Comic Book in Karol Bak style Medium Shot of Ogre with Brass Knuckles of Void, Forest Temple, Shimmering, Neon, masterpiece, Electric Colors +Man with head in a cage full of angry bees, +anime box with the word "gay" on it +a portrait photo of tyrannosaurus at a sakura tree, side shot, by shunji dodo, 8 k resolution, high quality +A spaceship in Star wars the clone wars series style +character portrait drawing of a medieval brawler, a boxer with bandaged hands, D&D, inked outlines, realistic, trending on artstation +a modern building, next to a launching rocket, a thunderstorm with lighnings 21:9 format +hercules poirot finding a major clue in a locked room mystery +Cartoon DMC DeLorean outside realistic Buckingham Palace +Steampunk Superman alien and dieselpunk Batman, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +Old and young, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +a black and white picture of a bear and a dog +Create an image of a fantastical underwater world, filled with vibrant coral reefs, schools of exotic fish, and mysterious sea creatures. The scene should be illuminated by rays of sunlight filtering through the water's surface, casting a warm, inviting glow on the entire environment. Add in some elements of magic or mythology, such as mermaids, sea serpents, or sunken treasure. The final result should be a breathtakingly beautiful and immersive image that captures the imagination and transports the viewer to another world. +Masterpiece, realistic photography of a female astronaut pilot warrior, round helmet, inside a fighter cockpit with life support system, natural light, intense, perfect face, cinematic, still from games of thrones, epic, volumetric light, award winning photography, intricate details +an empowering view of a kangaroo warrior with eye scar,wearing a noble's robe,fighting the demonic orca warrior,wearing tribal armour,city streets,at night,neon lights,by artist Ian Miller and by artist Ken Kelly and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +hand, depth of field, studio lighting +a pizza oven inside a hot air balloon, a pizza chef throwing pizza down to the people looking up. +A super detailed white mecha, gundam, render, sci-fi, futuristic, unreal, unreal engine, volumetric lighting +red skin, anime fire elemental spirit girl art, Ifrit, magic, fantasy, inhuman, red glowing eyes, fire hairs, red skin, magma skin, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +Suki Waterhouse as Neytiri from Avatar as a blue-skinned Na’vi naturist in the Pandora jungle +young einstein looking at the milky way +1 girl, Red Cliff style, Royal Sister face, sweet and beautiful, brown black hair, perfect eye painting, bright eyes, delicate mouth, delicate nose, red lips, brown eyes. Upper body, fashionable trend, white shirt, low horsetail, gentle expression, lighting effect, soft, pure white background, ultra clear, high definition pictures, modern, gentle, wearing green and white school uniforms, in school +The devil wearing sunglasses sticking tongue out holding a sign that says Rock N Roll +World where everything is made from leather jackets +whole body image of beautiful 20 year-old Kaley Cuoco as a naturist on a chopper motorcycle, HD 4K, photo-realistic accurate face and features, studio lighting +Superhero captain Britain, logo of a lion head on his teeshirt, union jack cape, dc movie poster, hyperrealistic +Jesus holding a sign that says I’m still alive +rusty abandoned amusement park, misty, creepy atmosphere. +Cute guy, Asian popular pop hair style, Anime character +a cute pretty Korean university student boy, brown hair, elegant, hyperrealistic, vibrant, big eyes, smiling, white shirt, light tone skin +, fantasy, pastel, absurdist, photo, refined, horror character +masterpiece, aurola, detailed see-through sheer open camisole, best quality, ultra highres, photorealistic, 8k, RAW photo, soft focus, 1 woman, 25 years old, posh, victoria's secret model, Full-Body Shot, sharp focus, korean, american, detailed beautiful face, black hair, detailed open blazer, bathing, wet, beautiful white shiny humid skin, smiling +school girl old man blow job +crude oil leaking to a sewer +photo of a teddybear and austin minis in the city river with teddybear,flooded mini,splashing misty mud rocks,panorama,city buildings, large teddybears +a burger with cheese and salad +Photorealistic image of Bolivian soccer team winning the world cup, celebrating , cheerful expressions +Mixed flag of USA and Israel +a painting of an exploding star +record artwork for euro trance cd from 2003 +anime girl raiden mei on skirt and stockings +nano Life inside a CPU chip, internal view +League of Legends champion. octopus lower body with tentacles +A beautiful anime heroine posing with a dog, by studio Ghibli, HDR,8k +woman running through a post apocalyptic jungle at night +Viggo Mortensen as Aragorn, post apocalyptic armor made of rusty wreckage and car parts, in the style of mad max fury road 2015, cinematic film still from mad max fury road 2015, +A bike that weight only 500 grams, made of carbon nano tubes and aerogel +A Island floating in the sky +Stylized comic art, concept art, NPC art, Infernape Pokemon as a humanoid, view direct centre, standing, grassy mountain ledge, beside a vermillion pool of water, gorgeous comic styled illustration by, Digital Art, by Artgerm, Ilya Kuvshinov and Bobby Chiu art style, view, Headroom +The Melancholy of Haruhi Suzumiya dance +bearded chubby luka doncic, wearing leather bulldog strap harness, musclechub hairy, +A Kludde. A mythical monstrous black furry nocturnal dog with bear claws, green glistening scaled wings and glowing crimson eyes. Several heavy chains hang from its body and ankles. +a digital illustration of a heroine holding her sword on the edge of a canyon, trending on artstation +A cute female teenager with blue eyes standing in a pine forest wearing a black dress +11 years old women, realistic photo +detailed watercolor illustration of a logo consisting of a lion head made of ice crystals, high quality, cinematic lighting, sharp focus, +Alien female, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +Evil witch with black cat, night sky with moon, dark forest +A lomo photo of man 30 years with glasses in sweater standing on small hrushevka balcony full of cigarette smoke in edge of small town and looking at sunset, winter, portra 400, grain +image of a metapod pokemon, Monet style +Jesus attending a football match as a fan. Award winning photo +a minecraft palm tree in a desert +watercolor little victorian girl school days by patrice muciano, detailed, norman rockwell +Logo design of a frigate bird, geometric +oil painting of a minecraft cave with diamond ore and lava +A painting of a monstergirl, biomorphic +Editorial style photo, top-down camera shot, blue Mercedes-Benz SL-Class 1963, coastal road, beach, sunny lighting, elegant, refined, iconic, 4k ar 16:9 +redhead lonely girl walking on the street of a giant cyberpunk city, beautiful face, +An attractive young sorcerer in a library +A girl is directly in front of her, kneeling on the ground, touching her body with her hands, panting, what just ended +Paintings, astronaut, orbit, playing guitar, rock, electric guitar, +Macro shot of a glowing ring made of otherworldly materials, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +woman with short black hair, ryuko matoi,kill la kill, waterpaint, insanely detailed close up +a simple vector illustration of a alien wearing hip hop fashion flying a plane over a mountain smoking a cigar, modern comic art style with simple details, thick lineart, centered +Charcoal black-and-white sketch: corgi wearing sunglasses, looking cool and charismatic +High detail RAW color photo professional photograph of young blonde woman with small black boy,realistic,sensual,masterpiece,studio lighting,award winning photo,4k,high quality, highly detailed,hasselblad +do not talk about comedy club +Insane crazy cat in a mushroom fantasy world, back cover illustration in black and white , fisheye view +Red haired woman wearing sunglasses standing with the Statue of Liberty in the background, photograph, 35mm film +a photo of elon musk wearing a dirty shirt +two planets with faces talking to each other +photo of a Hobgoblin cooking dinner +cinematic still of star wars played by downs syndrome actors, insanely detailed, taken with a nikon dslr, 8k, photorealistic, volumetric lighting +Wizard student create with magic deep learning neural net architecture in space +painting of goddess of rhyolite, trending on artstation +mariachi suit high fashion balenciaga, QG, male fashion +a bored male goblin tinkerer sitting alone at a table in a cafe in a steampunk city, close up shot, sharp focus, shallow depth of field, highly detailed face, 8k, unreal engine 5, cinematic lighting, vivid elegant fantasy concept art, character art, warm atmosphere, artstation, deep complimentary colors, photorealistic, hyperdetailed 3D matte painting, hyperrealism, hyperrealistic masterpiece +Screengrab from a documentary about masculinity and obesity. +the godfather smoking in white suit +A punk man surfing in a rainforest +movie top gun a group of people sitting around a wooden table, gas masks, 2019 trending photo, inspired by Zlatyu Boyadzhiev, two young men, standing in a server room, russian national guard, trending on artforum, full dress uniform, photo of a classroom, training, smoke, gen z, h 9 6 0, iso 16 +a painting of a man and a woman standing next to each other, a surrealist painting, featured on Artstation, fantastic realism, sorayama and moebius. occult art, a still life of a robot, closeup portrait of an artificer, detailed steampunk illustration, guillem h. pongiluppi, j c leyendecker 8 k, droids +Un huevo de pascua de oro y porcelana blanca, con piedras preciosas +cute little character like a monster smiling, cgi +head of horse, happy, vector, simple, black and white +captain Britain, logo of a lion head on his teeshirt, dc movie poster, hyperrealistic +a bathroom with a floor made of sand, studio lighting, high quality +The word “cap” written in cigarette smoke +Over 2,000 Mummified Sheep Heads Unearthed In Egypt Temple +a teenage boy playing the piano +amature blond in stockings takes a pounding +Highly detail digital art of Uub from dragonball z with dreads and holding a rifle, by akira toriyama, artgerm, rossdraws, Juan Pablo roldan, greg staples, uhd, 8k, trending on artstation, deviantart contest winner, extremely detailed, cinematic, HQ, concept art, full body +The Eiffel Tower made out of playing cards, photo +a photograph of teddy bear riding a mini car toy in the jungle river, +photo of muscle cruel boss guy exhibitionist pissing at office toilet. highly detailed face, killer look, Hard close-set eyes, born criminal +a raw photo close up of the demonic bison cyborg inside an iron maiden robot wearing royal robe,large view,a surrealist painting by Jean Fouquet and alan bean and Philippe Druillet,volumetric lighting,detailed shadows +Russian village style by Wes anderson +Photorealistic liminal still from silent hill, fog, 4k DSLR photo, liminal lighting +a tiny pepe the frog sipping tea wearing a cozy knit sweater by the fireplace +soft 3d icon of a printer printing money +masterwork, highest quality, best quality, RAW photograph, grainy, taken on a phone, low resolution amateur photograph, full-body photo of a beautiful 49yo brazilian woman in a outdoor modern restaurant bar overlooking Rio de Janeiro at dusk, rainy, perfect eye, perfect iris, perfect pupils, detailed face, detailed eyes, hyper detailed, detailed skin, dry skin, no sunscreen, intricate details, highest quality, RAW, Sony Cyber-shot DSC-P92 +A a photo of a chromatic snake in a open white room, studio lighting, photoshoot, venatte effect, chromatic snake skin, shiny, white room +highly intricately detailed photograph of a beautiful glowing celestial cosmic tree, centered, fantastical, fantasy, in the style of Ross Tran, RossDraws, Android Jones, Anna Dittman, a beautiful Digital painting, concept art +Photorealistic Christina Ricci as harley quinn from The Batman 2004 series +high heel shoes made of ice +film still from romantic beautiful 80s american dark fantasy, naturist, sauna, girls +An image of a train on a flat landscape +an incredible muscular woman, huge, bigger than an elephant, +baby yoda looking confused riding on oppa the flying bison from avatar the last airbender, landscape, avatar, fantasy, anime, intricate, elegant, highly detailed, digital painting, artstation, concept art, matte, sharp focus, illustration, art by Artgerm and Miyazaki and Alphonse Mucha, art by avatar the last airbender +An image of a pirate kissing Brigitte Bardot on saturn rings +A digital painting of a cute anime girl with pink hair and a shy expression, holding a stuffed animal. +psychedelic smoke, explosion, fire twirling, backlit, hilarious petite American small skate girl, wearing ballerina lace tutu, riding long glowing neon skateboard, star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +A photograph of thousands of colorful butterflies. Batman is a giant butterfly. He is soaring through the clouds. +Anime girl, green hair, outdoors, purple turtleneck, smiling +A portrait of cyberpunk inquisition: giant kinky Muscle bald beardless daddy severe Slaughter inquisitor covered in red fluid came to oppress and enslave. art by Ilya Repin +A slug on a leaf of salad, heavy rain, muddy, dramatic lighting, concept art, trending on artstation, +a dark smoke cloud looming over a city, epic fantasy +Stormtrooper cat with shiny black armor, in a star destroyer space ship, dust particles, with bokeh, octane render, unreal engine, raytracing, crystallized, intricate, hyper detailed, light rays +, fantasy, pastel, absurdist, photo, refined, hearse +A dragon playing chess with a princess. +Ethereal portrait of a ghostly figure, shrouded in mist and glowing with an otherworldly aura, captured with a high-quality DSLR camera and processed with stunning detail, evoking a haunting and supernatural atmosphere +a male rouge of RPG game +Treant standing in a mystical forest, early morning mist, atmospheric, sunrays shining through the trees +woman with face covered by zentai body +Logo design of a fashion brand, inspired by bags +Illustration of lizard evil angry skye from paw patrol +a man with a t-shirt that says "arrest me" +Hyperrealistic photorealistic Bird portrait. 8k resolution Bird Portrait of neon bird: Black ink flow: 8k resolution photorealistic masterpiece: by Aaron Horkey and Jeremy Mann: intricately detailed fluid gouache painting: by Jean-Baptiste Monge: calligraphy: acrylic: watercolor art, professional photography, natural lighting, volumetric lighting maximalist photoillustration: by marton bobzert: 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical +Full body photorealistic cinematic portrait from above of an feminine gorgeous melancholic elegant android, in the ergo proxy and final fantasy style, beautiful shot, cyberpunk, highly detailed, neon backlight, complex scene, latex bodysuit, retrofuturistic weapon, dvd screenshot from 2010s movie, film grain, Kodak portrait, dreamy mood +woman, blonde, beautifull, beach, back, summer, real poto +a kangaroo holding a sign that says "welcome friends", syndey opera house in the background, orange hoodie, outside, depth blur +film still from romantic 90s sitcom, massage +oil painted fantasy cute little stylized girl wearing black victorian dress and blue hat with flowers +, fantasy, pastel, absurdism, photo, refined, regenerate +Tranquil pond filled with lotus blossoms, with a divine and angelic aesthetic, by Maximilien luce +full body portrait of gorgon mythology medusa with snake hair and snake lower body by Dan Mumford and Jeff Soto, dramatic lighting, digital illustration, CGSociety, Unreal Engine 5 +a photo of las vegas with floating buildings in the sky +A realistic waterfall and 3 Ardeas. +old woman in river swamp water holding, folklorethursday adolgravgertrude keller morning lights �,Jules Bastien-Lepage +endless escher-style multidimensional corridors that are hexagonal like a bee panel, treasure cave lighting, tesseract from the movie interstellar +Marilyn Monroe wearing a shirt that reads blonde +teenaged european boy soldier, scared and afraid, standing alone, dark night, cinematic +old woman covered in sheets, memoriam beach rudolf felix edwin gres warmssnhq ,Anna ancher +dark pov Candid photograph of old wizard facing the camera wearing dark blue ceremonial coat in a dead dense forest at night +photo of fat muscle cruel boss guy Suit wrung out balls exhibitionist freeballing harsh interrogation at office. highly detailed face, killer look, Hard close-set eyes, born criminal +a photo of furry teddy bears looking at a mg zt v8 car that is in the jungle , wideangle mgzt, +An ancient indian scientist working on medicine for regenerating hands +a person blowing their nose with a live octopus +Pixel art steampunk girl against a sci-fi space station background with large broken test tube oozing something green +This is a powerful photograph that showcases Walter White, the iconic character from Breaking Bad, holding a large metal sign with the text "Make blue great again!" emblazoned in bold white letters. The sign dominates the foreground, serving as a stark reminder of Walter's ruthless and ambitious nature. It appears weathered and aged, as if it has seen years of use and abuse. The lighting is moody and atmospheric, casting deep shadows and highlighting the texture of the metal sign. The "Make blue great again!" sign takes center stage in this stunning photograph of Walter White from Breaking Bad. The sign is massive and heavy-looking, and Walter holds it with ease, his eyes locked onto the viewer with an intensity that is both unsettling and captivating. The sign's message is clear and direct, serving as a symbol of Walter's unrelenting drive to succeed. The photo is expertly composed, with the sign and Walter perfectly positioned for maximum impact. The "Make blue great again!" sign is a powerful presence in this striking photograph of Walter White from Breaking Bad. The sign is massive and imposing, with the bold white letters contrasting sharply against the dark, moody background. Walter stands tall and proud, his bald head gleaming in the light, as he holds the sign aloft with both hands. The sign's message is both ambiguous and ominous, hinting at Walter's complicated and dangerous character +sci-fi large sphere room with artworks of rover75 cars ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel,strong foreground, +the shadows of pre-history' poster for new dinosaur documentary titled: "the shadows of pre-history" +a cinematic photo of foggy icelandic green hills +an asian girl with short brown hair, half portrait, green T-shirt, she is thinking and looking at the outside of the window, hifi, main color is dark +steampunk tinkerer working in his workshop +karate panda, japanese style, anime style, art by sam yang, artwork Rossdraws +A knight in front of a dragon, skyrim +, fantasy, pastel, absurdist, photo, tiny Seance kit +a damaged metal android lying on the ground, circuitry showing through torn metal skin, loose wires, sparks, smoke, robot, cybernetic, mechanical, photographic +crea una mujer rubia en traje de baño +In case of Sonic Attack on your district Follow these rules If you are making love, it is imperative to bring all bodies to orgasm simultaneously Do not waste time blocking your ears Do not waste time seeking a soundproof shelter Try to get as far away from the sonic source as possible Do not panic +Hatsune Miku in a realistic style +eldrely Kurt Cobain with big white beard +Penelope Cruz guest starring in Disney's movie Beauty and the Beast, intricate highly detailed 8k HDR UHD high quality professional unreal engine trending on artstation shade cinematic hyperrealism vray +Vector eSports logo for a cloud creature +Dystopian futuristic cyberpunk paris landscape Eiffel tower +Phil collins as a vampire, intricate, elegant, highly detailed, centered, digital painting, artstation, concept art, smooth, sharp focus, illustration, artgerm, Tomasz Alen Kopera, Peter Mohrbacher, donato giancola, Joseph Christian Leyendecker, WLOP, Boris Vallejo +an image of a shiba inu resting in the floor, in a foggy room, professional photography +dog eating food dining cafeteria view Eiffel tower background airplane +cinematic movie still of scifi film in dystopian future +hairy wrestler in spandex with darth vader helmet, extremely detailed, intricate, high resolution, hdr, trending on artstation +photo of a db5 car on mars ,splash rocks , +a disney style blonde magical male teen with in a mystical red hooded cloak and he collects monsters with keys and locks them into a large spellbook, cute, cinematic, bright, smiling +An alpaca writing code on a computer +Portrait frame full penthhouse body, expressive and deep symmetrical eyes, stunning face, naive and innocent facial expression, stunningly beautiful slender girl, shaggy haircut, white hair color, in a sci-fi tight-fitting jumpsuit, the girl looks up into the camera, against the background of a white sci-fi room, stunning quality, ultra-high resolution, photorealistic, 8k, hyperrealism, rembrandt lighting +a portrait of singer Sinéad O'Connor, in Jim Fitzpatrick's celtic style +close up shot of a woman's torso with water droplets, black and white, photorealistic +a lemon sunbathing on a beach +a boy at the beach, animated, stylized +The bed is alive, strangling a person +a 4k ultra, cinematic, scary, dark themed, picture of a university hallway +Future Pop Tarts by Tracey Thorn +A digital painting of a diverse group of big muscular men, +A super cute baby pixar style white fairy rabbit: A whimsical, playful image of a cute white rabbit with delicate features, inspired by the art style of Pixar. +the experiment lay strapped to a lab table. scifi illustration +A risqué picture of Billie Eilish big 🍈🍈, cinematic lighting vintage 1977 film grain low budget sci-fi 📽️ alien planet jungle night +the letters BWAY in graffiti style, esports style, creative typography +Older white man, with a long white beard and hair, tall and thin, wearing a long, flowing robe embroidered with intricate designs. +inkpunk style Dripping and falling, I see them rain. One by one the drops fall in a stain. Ink runs and rolls off the page like rivers. Season change and cold winds give me shivers. drawing, painting by famous artist, Piet Mondrian, Alphonso Dun +Scared Woman standing in a greenhouse +breton monk in techno club doing modular synth wirres performance with a goat photo +Danish male with blue eyes, realistic +Photo of a woman taking a selfie in the mirror +The golden watch steals magical Mana, masterpiece, epic realistic, 3d Unreal Engine 6, 4D verse +A picture of a mechanics shop at night, one bay open and one closed +A twink lying on a sofa +skinless warrior, bloody, rotten, grotesque, tattered, gritty, horror, dark, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +A realistic synthwave couple dance bachata +illustration of evil bad angry dog girl from paw patrol +moto-moto from the movie madagascar, anthropomorphic hippopotamus, unibrow, muscle fat +Chief Sitting Bull taking a selfie with Hatsune Miku in a bathroom mirror +highly detailed fantasy art of skeletor, artstation hq, ultrarealistic + Cinema 4D + Render, hyperdetailed 3d matte painting, hyperrealism, hyperrealistic, 8k ultrahd octane render +baby yoda wearing jiu jitsu gi, black belt, intricate, elegant, highly detailed, digital painting, arts station, concept art, sharp focus, illustration, art by Artgerm and Miyazaki and Alphonse Mucha +sunset beach, volkswagen type 2, art body paint, surfboard on roof, style cell-shaded +a dog wearing glasses and bow tie, wearing astronaut suit +A building in fortnite with 2 signs that says "Nutronic" and "@thenutronic" +Tinkerbell can lift stuff with muscle power +chef logo, emoji style, love tali, 3d logo, family, healthy food, minimalism, realism, HD, +the essence of fractals and geometry, art poster +chinese architecture tourist map, papyrus, stylized, high quality, detailed, 2.5D +sunflowers in a glass mason jar +A oil painting portrait of Muscle bald pathological sadist severe Slaughter, wear black apron, came to oppress and enslave, bloody background. Surrealism art by Ilya Repin +a woman find a goast shoulder to cry on +An Arab sheikh wearing a black turban and addressing people +A high definition photograph of a Christmas tree ball in the shape of a hamster. +counting stars in the mountains, late sunset, stars rising, nightwave, lofi art +silhouette outline, female face front, illustration, vector, black and white +Close up of an intimidating head, smoke coming out of the ears, watching a smartphone, dynamic angle +schoolgirl monochromefactor sailor white green miniskirt black highsocks +photo of frog wearing jeans and eating hamburger +film still, close up, belle delphine rising out of muddy vietnam river , face covered in mud , combat helmet, low camera angle at water level, night time, film still from apocalypse now 1 9 7 9, 2 6 mm polaroid polaroid polaroid polaroid polaroid expired expired expired +cinematic action shot of an incredibly hot dark sorceress using spectacular magic to destroy her enemy in an explosion of blood and guts, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Fantasy futuristic london city/giant statues, immense detail/ hyper. Pårealistic, city /cyberpunk, high detail, detailed, 3d, trending on artstation, cinematic +Lost astronaut in Jupiter, epic scene,displaying in the background the moon and other planets and stars, kilian eng vibrant colours, dynamic lighting, digital art, winning award masterpiece, fantastically beautiful, illustration, aesthetically, trending on artstation, art by Zdzisław Beksiński e Romero Britto +A beautiful girl with platinum blonde hair, silver eyes and blue skin, wearing a green dress and a brown leather jacket +Cyberpunk coder, young black-haired man, headphones with cat ears, disco glasses, neon lights, comic style, pfp +Statue of Liberty holding a sign that reads Rock N Roll +Mac OS style icon, human icon, Albert Einstein +digital caricature, pitbull dog, dressed in jiu jitsu gi, black belt, in fighting stance, standing, full body, muscular, detailed, fantasy, 4K +peppa pig mecha, gears of war, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing +Ultra-detailed eldritch entity tiger, partially concealed in dense mist, haunting charcoal image, myriad writhing tendrils, some thick and muscular, others thin and sinuous, strange fluid grace, eerie glowing cold eyes, shadowy silhouette, unsettling atmosphere, intricate textures, otherworldly presence +dvd screengrab 1985 dark fantasy, full body, realistic still, theodore roosevelt in oval office, cinematic lighting, high quality, extremely detailed, blur, no frame +A stupid orange cat on the Eiffel Tower +man standing, in the style of Chris Chan +attractive goth girl with long hair +tatsumaki from one punch man, anime style, saitama +anime style, tifa lockhart standing behind the counter at a bar holding a glass of whiskey, smiling at the camera +a French poodle on a surfboard, real life, photograph, instagram, lomo +Antique, warm hues, dark haired, massive, fat BDSM portly male Bishop in purple latex, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +sphenoid bone, Da Vinci style, ray tracing, rtx, intricate, complex, highly detailed, 8k uhd, photorealism, exhibition display, color corrected, film grain, cinematic shot +a portrait of margot robbie looking at the camera, extremely detailed, dslr quality +a velociraptor in a room and a MGb car smashing through hole in the wall and velociraptor ,sparks dust rubble dinosaur splash smoke ,studio lighting,white walls, +A laptop on a table, desert landscape +25 year old Nana Visitor as Kira Nerys the Betazoid officer from Star Trek Deep Space Nine +Close up photo of a worried scientist inside a sci-fi ship commander cabin. Film photography, 35 mm. Film grain. +Marilyn Monroe wearing a shirt that reads Six +Digital art of monumental breathtaking Mega-Corp HQ building, dystopian sci-fi, digitally painted in UHD, concept art, intricate details +, fantasy, pastel, absurdist, photo, refined, shedding +white hair, blue eyes, looking up, facing viewer,bright pupils,Slightly open mouth,determined,steampunk:1.1 +bioluminescent giraffe, oil painting, cinematic lighting, 8K +a forest monkey at the botanical garden of rio de janeiro +a centaur, half-man half-horse, fantasy style, fresco, chiaroscuro, Caravaggio, dramatic +time machine with many views into the future +A portrait of young giant muscle Soldier interrogater busting pregnant girl at TortureChamber. highly detailed realistic photo +a 1980s concept motorcycle oil painting +photo within a giant cavern within an asteroid lit with spotlights on the surfaces +hacker sitting at desk with computer, art by Noah Bradley +, fantasy, black and neon pink, absurdist, photo, +an incredible muscular woman, young, huge, stronger than any man, 3 meter tall, +A colorful impressionist painting of a shar pei +A close-up of a cat’s face, in the style of Cindy Sherman’s self-portraits, but instead of human faces, it’s a cat’s face with different expressions, emotions, and props like a top hat, sunglasses, or a bow tie. +A building in call of duty modern warfare 2, warzone 2, middle Eastern buildings, desert town, with signs one says "Nutronic" "@thenutronic", sand everywhere, +a neon city, a mgb gt car,silver car,studio lighting,inside space station with windows,mg cars +room fully covered in chocolate, professional photo, ambient lighting, horror movie +A picture taken from inside a urethra pointed to a toilet bowl +a photograph of a velociraptor and a rover75 car in the forest ,dinosaur rover 75 mgzt,mgrover metalic paint +young woman from 80's with big teased hair +the bank of sesame street; lego style street art with graffiti photo +An orca in a japanese drawing +picture of a smart watch with a camera in the middle of the screen that is powered by AI in a dark background +Snoop Dogg dressed like Abraham Lincoln +Actress Jennifer Aniston shewing on Bitcoin logo +a cover photography, body and face photo, a beautiful young woman covered in water and liquid, clothes old and ragged, half buried on trash and garbage, hyper realistic, model photography, 500px poses, detailed, intricate +Giant robot walking down a street while eating a massive glazed donut almost as big as the robot, one of the buildings is on fire and smoking and a crushed car is under the foot of the giant robot by richard corben +a Pulitzer Prize wide-angle photo of very handsome beefy Malay extreme body-builder married mature man wearing only low-rise ultra micro beach shorts, holding a very extremely heavy easter egg chocolate candy the size of an avocado +wideangle panorama aerial photo a dinosaur next to a landrover defender in a muddy road in the jungle,obstacle course,helicopter explosions, by Anthony S Waters, fisheye lens, some rust,real-life brook, front side views full, camp, but very good looking, very wet, 2021 , +Furry , fursona , fox , furry body , orange furry body,female , hourglass body , long loose brown hair , blue eyes , close up , red background , fox head +photo of Mystical forest with velociraptor and a babbling brook,4k nikon 50mm +high quality dslr photograph of swedish blonde woman with group of muscular black men,beach,face closeup,sharp focus, venereal pose,white woman surrounded by men,highly detailed,stunningly beautiful face,natural lighting +OCHACO URARAKA TRAINING IN HER URAVITY SUIT +full body renderof psychedelic cat, beautiful silver smoke grey lavender burgundy photorealistic eyes, in the style of Josephine Wall, Ryohei Hase, background, electricity and ice sonic fibonacci swirls symmetrical generativ isometric voxel 3 d superstructure in deep colours, sharp focus, wide angle lens, 128K UHD Unreal Engine 5, fractal, pi, fBm +Metaverse Fashion platform that connects the virtual and real world using the avatar and clothing that looks exists in both the real and virtual world +katia winter as a red head fantasy sorceress, lace sleeves, green leather dress, shattered glass, +photo of a gold bar on top a pizza +a beautiful female in spacesuit and helmet in a landscape, in the style of pulp comics, realistic forms, david michael bowers, go nagai, silver and bronze, charming illustrations, rtx on +Dungeons and Dragons full body portrait, half-orc Paladin in gleaming plate armor, black ponytail +Anime in real life, Joe Biden grabbing an anime girl +Create a realistic artwork that depicts a giant woman kissing a tiny baby boy with intimacy and tenderness. The woman should have an exaggerated head and plump lips that are at least as big as the baby's entire head. Her lips should be wet and shiny, with visible droplets of saliva. In the artwork, the woman's hand should be positioned behind the baby's head, pushing it tightly against her lips, forcing them to envelop the baby's head completely. The woman's lips should appear tight and firm against the baby's head, conveying the strength of her maternal love and protectiveness. The focus of the artwork should be on the closeness and warmth of the moment, with the woman's expression and body language expressing a deep sense of affection and care for the baby. The baby's facial expression should be one of surprise, pleasure, and vulnerability, with his small features dwarfed by the size of the woman's lips. To achieve a realistic and detailed effect, use a warm and inviting color palette with soft pastels and gentle lighting. The artwork should be created with a high level of attention to detail, capturing the intricate nuances of the woman's lips and the baby's head. +A dog being fed food by a kind man +Aleister Crowley sticking tongue out holding a sign that says Rock N Roll +Weightlifter raises a cow above his head +A woman holding a sign that says no division +highly detailed, digital illustration, a chubby witch conjuring the ragnarok, trending on artstation by greg rutkowski and artgerm +A sitting room designed in the style of space station. +photo of a submarine in the jungle river,flooded green submarine,splashing misty mud rocks,panorama, +large gold cat statue,walls karnak,stone floor entrance,tutankhamun,columns,wideangle,by david roberts +cinematic still of a cat humping over an explosion. action shot +homer simpson as formula 1 driver +a giant cat in the city +pixar style cute, adorable, tiny, anime chibi emma as hermione, wearing hogwarts uniform, in front of hogwarts castle, at night, big anime eyes, beautiful, volumetric lighting, octane render +2d, vector illustration, logo, 2d flat, centered, fitness company, white background, paul rand +An image of cute educational robot. +The image is a complex blend of futuristic and organic elements that seem to exist in a digital realm. The foreground features a robotic figure, with its metal frame encased in a glowing blue aura that emanates from its circuitry. The robot appears to be merging with a large, pulsating organic mass that is reminiscent of a jellyfish or a deep-sea creature. The mass is composed of writhing tendrils of luminescent material that seem to be alive, and they pulse in rhythm with the robot's circuitry. In the background, a surreal landscape can be seen, with jagged crystalline structures rising from a foggy mist. There are hints of circuitry and machinery buried within the landscape, suggesting that this is a world where technology has merged with nature in a strange and unrecognizable way. The overall effect is one of confusion and disorientation, with the viewer unable to discern where the organic ends and the technological begins. To a machine, the image would be more easily understandable, as it would recognize the patterns and elements present and potentially identify them as representative of certain concepts or data points. However, to a human viewer, the image would be surreal and difficult to interpret, suggesting a world where the boundaries between technology and nature have been irreversibly blurred. +preteen girls with "no underware" in a sofa with a childish faces touching each other, with dark background +sonic the hedgehog playing guitar brazilian songs while shooting the ball to the score surrounded by mexican mariachis rose bowl statdium canon 50mm +A dog and Santa Claus. Christmas trees in background.Black and white background +a sensual Beautiful gorgeous blonde housewife, with athletic hourglass body, cleaning home in alluring pose. +A dragon-dog flying above the beach +mercy from overwatch, at the beach, pregnant with twins +a bowl of soup that is also a portal to another dimension +kanye west in gears of war, league of legends splash art, style Artstation, octane render, unreal engine 6, epic game Graphics, Fantasy,cyberpunk, conceptual art, Ray tracing, kanye west +black luxury interior design with wooden floor modern realistic archviz, photorealistic, black aesthetic, trending on pinterest, "spicy" atmosphere +A mature faery in a magical forest, sparkles, volumetrics, ray tracing, Unreal Engine 5, Octane Render, Vray +a surrealist painting of a mad roman bishop inside a blood iron maiden robot, cyberpunk style,warrior,by antoni tàpies and Yves Tanguy +Egyptian Goddess eating sushi, 8k, highly detailed +Cats in the hungergames, photoshoot, award winning canon photography +animated image of Jesus stretching hand to Stephen and Paul +lviv, closeup photo portrait of a giant Cthulhu, a city street at night, a picture, by Zoltán Joó, world press photo awarded, blackout, no electricity, traversing a shadowy city, view from street angle, breathtaking, winter snow, kodak ektar 100, Pentax 645 +an architecture rendering of a library for design competition, exterior +3d render in the style of Killer Instinct renders of a goblin knight +small bathroom with a washing machine +Albert Einstein running from dead ugly zombies , still from The Walking Dead +a 2d pig man, cartoon style, octane renderer, hat +beautiful fractal goddess, photorealistic, high fashion photo +Attractive mixed woman; Asian; African;Latina; Indian; Mixed; Dress in Business casual theme +a wide angle photo of large crystal on display in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, , indoor, plants overgrown outstanding detail ,room flooded, in front of a building,by claude-joseph vernet +portrait of young skinhead and hot young pregnant wife at bedroom. highly detailed realistic photo, kodak portra 400, award winning photography, 50 mm. by sally mann and andrei tarkovsky +Laser lights a bunch of small items by greg rutkowski and thomas kinkade, ambient light, ultra detailed, fantasy painting, trending on artstation, beautiful person, very very beautiful, smooth skin, sharp focus, illustration, artstation HD, octane render, cinematic, elegant, highly detailed, 8k, award winning. fantastic, concept art, by artgerm and greg rutkowski and alphonse mucha and loish and WLOP and 4k, dynamic lighting, cinematic, very inspirational, lights sparkle +gothic streetwear top shirt, midriff, pleated goth mini skirt, lip and noses piercing, natural lips, short red hair, black choker, long strip thigh high stockings, beautiful egirl, best anatomy figurative, accurate kinetic anatomy of the hands, egirl makeup, cute girl, amazing eye detail +Wednesday Addams wearing a shirt that reads route 666 +a detailed watercolor painting of a malnourished humanoid rat slaves in torn rags and slave collars, sad anthropomorphic rat, harsh life, by Justin Gerard, by Jean Baptiste Monge, by Akihiko Yoshida, high resolution, digital art, photoshop +Beautiful young woman sitting in a finnish sauna with sweat pearls running down over her body, only wearing a lose towel, award winning photo +Father and daughter watching the moon rise over the ocean +A woman holding a sign that says money +a photograph of patterdale dog driving a car toy in the cave ,terrier landrover +A squirrel surfing in a puddle in a tree +Photo of a beautiful young kerala woman in traditional Kerala saree, white saree with golden trims, malayali, professional photography, indoors +, fantasy, pastel, absurdist, photo, the shining +old man pulling boat out of shore, memoriam beach rudolf felix edwin gres warmssnhq ,Jules Bastien-Lepage +a cute magical flying maltipoo at light speed, fantasy concept art, bokeh, wide sky +a photo of two couples sitting on a purple couch playing video games +a concept of a 1980s yamaha race motorcycle +! Create an artwork that portrays a giant woman kissing a tiny baby boy. The woman should be visually striking, with an exaggerated head and plump lips that draw the viewer's attention. Her lips should be so large that they completely cover the baby's face, making it look tiny in comparison. The focus of the artwork should be on the intimacy and tenderness of the moment, with a sense of maternal love and protectiveness conveyed through the woman's expression and body language. The woman's lips should be the focal point of the artwork, with their size and wetness emphasized through shading and lighting effects. The woman's hand should be pushing the baby's back head tightly against her lips, causing her saliva to splash on the baby's face. The baby boy's reaction to the kiss should be captured through his facial expression, with his blushing cheeks and parted lips conveying a mix of surprise, pleasure, and vulnerability. The color palette should be warm and inviting, with soft pastels and gentle lighting used to highlight the emotional connection between the two characters. The overall style of the artwork should be realistic and detailed, with a focus on capturing the intricate details of the woman's lips and the baby boy's small head +A Q version of the samurai +A sad discarded mattress leaning against a tree in the suburbs +joe biden dancing in his office while filming a ticktok +bitcoin sun shining bright over the blue ocean +crying Mark Zuckerberg arrested by Police +market neutral; Bitcoin blue and black; balance; as so above as below +Epic movie poster for a film titled "The Crimson Pass" Main Character is a 18 year old Brown Haired girl with blue eyes, Full Body character, character design dynamic pose :: Unreal Engine, Cinematic, Color Grading, Photography, Shot on 22mm lens, Ultra-Wide Angle, Depth of Field, hyper-detailed, beautifully color-coded, insane details, intricate details, beautifully color graded, Unreal Engine, Cinematic, Color Grading, Editorial Photography, Photography, Photoshoot, Shot on 22mm lens, Depth of Field, DOF, Tilt Blur, Shutter Speed 1/1000, F/22, White Balance, 32k, Super-Resolution, Megapixel, ProPhoto RGB, VR, Lonely, Good, Massive, Halfrear Lighting, Backlight, Natural Lighting, Incandescent, Optical Fiber, Moody Lighting, Cinematic Lighting, Studio Lighting, Soft Lighting, Volumetric, Contre-Jour, Beautiful Lighting, Accent Lighting, Global Illumination, Screen Space Global Illumination, Ray Tracing Global Illumination, Optics, Scattering, Glowing, Shadows, Rough, Shimmering, Ray Tracing Reflections, Lumen Reflections, Screen Space Reflections, Diffraction Grading, Chromatic Aberration, GB Displacement, Scan Lines, Ray Traced, Ray Tracing Ambient Occlusion, Anti-Aliasing, FKAA, TXAA, RTX, SSAO, Shaders, OpenGL-Shaders, GLSL-Shaders, Post Processing, Post-Production, Cel Shading, Tone Mapping, CGI, VFX, SFX, insanely detailed and intricate, hypermaximalist, elegant, hyper realistic, super detailed, photography, 8k, full body shot, wide shot +A purple BMW E60 M5 performing a burnout, powder black alloy wheels, smoke, carpark, night time, vignette +splash art portrait of a male drow mage with dark blue skin +portrait of a smiling lady in a white dress. +a muscular man eating at a buffet +Donald Trump like hi is from Simpson +kurt Cobain driving van along road with krist novoselic +a beautiful painting of the dark grown beech forest, Mucha, Moebius, Mohrbacher, highly detailed, strong shadows, depth, illuminated focal point, 8K, high quality, black and white, monochrome, full moon, fireflies +a black cat on the arms of a egyptian priestess +a cheerful dark-skinned girl in a bright dress with white and big dog +Award-winning photo, Giant squid, kraken, anatomically correct, cephalopod, +An anime e-girl with green eyes, white skin, long red or black air going out of a lake in a sunny day in transparent swimming clothes +Poker cards but in poke bowl as food +a hamster sitting at a computer working, wearing a shirt, photo, hyperdetailed. incricate +Kristen stewart, figure, Leonardo da Vinci's famous Vitruvian man, Ultra-realistic, Cinematic Light +**thai traditional motifs pattern seamless line art, illustration, minimal, elegant, black vector lines, white background, isolated object, negative space +a white fox inside the forest, twilight escenario, oil painting style +photorealistic image of a fantasy kitchen, by david lynch +magic in one vintage bottle up-close hyper realistic color +Digital art, concept sheet, space helmet, Cowboy space suit, cowboy hat, cyberpunk, apocalyptic, 8k, trending on artstation, Cold tones, depressing, by Jeremy Geddes, by Sparth +Real life photograph of Roman Emperor, real photo, human, +bbc Sherlock wearing a jellyfish ballgown +photo of a minotaur cooking soup +Detailed digital painting of a moody and atmospheric urban landscapes of classic film noir, dark, rainy streets and alleys of the city surrounded by floating luminous crystal sparkles, fireflies , and radioactive puddles of water +a cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of a boeing 737 max +a blackboard full of mathematics formulas +a Photorealistic Star Trek starship, in the shape of an arrow, in a battle with an unknown alien ship over a futuristic city of San Francisco, a variety of other ships battling, u.s.s. enterprise, u.s.s. voyager, i.s.s. london, the original series, concept art, sci-fi artwork, rendered in unreal engine 5, 4K +Kanye West,giant stone face,golden hour,award-winning photography +feral rat, six legs, bat wings for ears, fantasy art +necromancer anime girl, pale skin, goth, magic, dark fantasy, summon skeletons army, bones, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +red velvet living room interior, red velvet walls, everything is red velvet, ceiling is red velvet +A rock band of monkeys on stage, with the lead singer monkey belting out a high-pitched tune into a banana-shaped microphone +Kneeling prince holding a blue rose in front of his princess +The Beatles up on a stage at the river plate stadium of Buenos Aires, Argentina, Argentine flags, in front of a large crowd, best quality, extremely detailed +Masterpiece, best quality, sand demons battle in an apocalyptic desert, wearing hide armor, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag. The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +linocut artwork portraying joe biden visiting a pasta factory +an art nouveau mansion, architectural photography +yellow duck, colored, splash, high detailed, dream +palm tree with wool texture inside:1.2 of a large rum bottle on a beach +Sora from kingdom in the style of family guy +an image of the joker from batman +Girl with glasses, with blue hair tied up into a hair bun +, fantasy, pastel, absurdist, photo, refined, fear and loathing bats +a photo of someone making a peace sign +Picnic diy the new beer 33 cl +masterful photo of an incredible muscular woman, muscle goddess in a park, bigger muscles than human possible, young, massive shoulders, 8 pack abs, huge, stronger than any man, 3 meter tall, +Marilyn Monroe as the Statue of Liberty +illustration of Audrey Hepburn by Patrick Nagel +a glamour style living room painted in a baby blue shade, with two couches and a fireplace, it needs to have a round corner with big round windows +Watercolor painting of a Chinese Mitten Crab emerging from the water, crawling up onto the shore, with a pink and purple sunset in the background, ar 3:2 +a jackal sitting on the beach drinking a wine and eating an avocado +A photograph of an apple in a bucket of yellow paint. +high quality portrait photo of a beautiful young aishwarya rai,face focus,wet clothes,masterpiece,4k,highres,skin texture,face focus,hasselblad, kodakvision color +, fantasy, pastel, absurdist, photo, refined, stamps +late 19th century propaganda posters for a communist France which occupied Spain +Samosas in the middle of the desert +Photo of a wooly mammoth in Times Square. +Ariana grande and Taylor Swift sun tanning. Photo realistic. 4k. Beautiful +A photo of an extremely attractive young woman named curvy Sue. 35mm. High res +a cockpit with only one weird nob. +closeup of The Beatles performing a concert in Paris, in front of eiffel tower +Man from lebanon, mugshot, random face +a painting in the style of Melanie Martinez +Woman with a cigarette in her hand, correct object placement, highly detailed, detailed face, photograph, photodetailed, +sunset through the leaves of a magnolia +A cat looking at its dead owner grave, sad, digital art, oil painting +lone white peacock bird black background +A woman in a forest drinking tea +2d character parts sprite sheet of a cute cat +photography by Ansel Adams, Jennifer Connelly as a naturist at a natural hotsprings, award winning photography +A chocolate milk against a starkly contrasting background +The official portrait of an authoritarian president of an alternate america in 1860, John C. Breckinridge, in the art style of George Peter Alexander Healy +an alien with a moustache and a bird on his head in the style of dali +highly detailed portrait of a steampunk policeman stood on the streets of a steampunk city, 1920s, unreal engine, greg rutkowski, loish, rhads, beeple, makoto shinkai and lois van baarle, ilya kuvshinov, rossdraws, alphonse mucha, J. G. Quintel, global illumination, detailed and intricate environment +landscape, digital illustration, deep color, , intricate detail, photorealism, polished, complementary colors, fantasy concept art, 8k resolution Unreal Engine 5, five point perspective +DVD widescreen screengrab of the street scene from the movie about ancient rome +photo of a mgzt v8 car in the quarry ,splash rocks ,rover 75 +an image of a red candy, professional photography 50mm, 4k, golden hour +award winning studio photo fish young woman, close up, carbon, detailed texture, detailed material, sharp focus, hd, hdr, 8k, reflection, wet, fish scales, gills on the neck +Very detailed glass paperweight with daisies and bubbles inside +close up photo of blonde models on the beach, gucci swimwear, ultra sharp,professional photography, 8K, fashion style +penguins under an umbrella on a tropical beach +a robot holding a sign that says "hi there" +Nirvana concert at reading 1991 colour drawing +award winning studio photo portrait 3rd reich Wehrmacht rusted robot, Wehrmacht officers hat, steampunk, close-up, metal futuristic armor, sharp focus, hd, hdr, 8k, photorealism, god rays, reflection, raw, rtx, dramatic lighting, still from the film +A oil painting portrait of young Muscle taxidermist boy butchering giant TESTICLE organ on the dissectingTable. bloody background. highly detailed guro art by Ilya Repin +kevin owens as superman buldge red trunks +an image of a person doing an interview like a presentation in front of everyone +2d cat, articulated cutout paper doll sheet, each part separately +sculptures, by kuksi.com, miniature worlds with a million details by Kris Kuksi, high detail, 3D artist, 3D bas-relief, high detail, ambient lighting, octane render, 8k, realism, material marble, precious metal inlay, Indian style, statues of gods, religious attributes, mysticism, fractal compositions, relics, artifacts, rarity, surface ornamentation, indiana johnson mood, +farmer in rural area, solstmidwives sorrow edwarmargarmillerakrishcommunion, jules bastien Lepage +A miniature schnauzer dancing to disco +Inside a Dark Bathroom at a Party with Colored Lighting +an attractive young caucasian woman playing with a cat +A highly detailed landscape painting of Disneyland Castle painted by Ben Heine, masterpiece, absurdres, highres, featured on ArtStation +A closeup portrait of a yakuza in a busy street in 1984 Shinjuku at night, Kodachrome photo +a beautiful girl on the bench +bearded luka doncic, wearing leather bulldog strap harness, musclechub hairy, +an aerial view of a city, futuristic, solarpunk, bio inspired architecture, glass domes +Digital art of the view of a waifu with abs from the back +Evangeline Lilly as Neytiri from Avatar +Yorkshire terrier eating carrot sprouts in the garden. +sentient gear creature, googly eyes, craft project photograph +A woman holding a sigh that says prosperity +photo of a beautiful young man in coat, filled withs moke, black background +COURSE DE CHEVAZUX SAUVAGES DANS LA MONTAGNE +The dinosaurs fight over the last cigarette on earth +A photo of a viking man holding an axe, snowy forest +3d game model, an abandoned robot in a dank cave, black background +a woman with skin like tree rain sunset +a technical diagram of a scorpion +sci-fi large room with a large teddybear ,metal designs,myst game, art deco room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum,luxury hotel +vast fantasy landscape with a giant cherry blossom tree, a suspended village is built on the tree, lots of fairy lights, high detail, japanese fantasy, rural japan, beautiful landscape, forests, mountains, waterfalls, rivers, lotr, dramatic lighting, high detail, intricate, high quality, 8k, high resolution, ultra realistic, +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Rubens +Pumpkins by Hilma af Klint, rifle paper co +charcoal drawing of two people looking in each others eyes, blending, anime +Elon Musk at a furry convention dressed in a fox fursuit. +anime girl screencap, full body, sun dress +Golden goose surfing a wave, blue skies, blue ocean, sunset, sunrise vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +Asuna from Sword Art Online,anime girl, symmetrical face, beautiful +photo of a sunlit VW beetle statue on a table +a anime meteor at night glowing +cat in style of Salvador Dali +ayn rand as a funko pop figure, in box, 4k +cowboys defending their herd against a t-rex dinosaur attack. Historical photograph, 1876. +a closeup portrait of a maid, undercut hair, apron, amazing body, pronounced feminine feature, kitchen, freckles, flirting with camera +photo of a cute gun girl +studio fashion photography of a Tesla spacesuit +Outside, Court room picture, seen from low angle, +A vector logo for the company "apple picking", +Tom Hiddleston and Selena Gomez wedding +"KRAWLA CITY", text in graffiti style on a white background, best quality, centered, precise +Still shot from movie of a big caveman, laughing wildly, holding a piglet, cinemamtic +small apartment, picture of interior design, magazine, open kitchen, aesthetic, 24k, high quality, interior design winning price +A realistic dragon, with detailed scales and wings, set against a fiery, molten landscape. The dragon is rendered in a highly detailed and realistic style, inspired by the art of Justin Sweet and Donato Giancola. +a wolfborn walking through a medieval village at sunset, lanterns, glowing, stone, rocks, cinematic lighting, dnd, rustic, adventure, fantasy, 4k, anthropomorphic wolf, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, ancient village, cinematic lighting, realistic lighting, unreal engine, professional digital art, professional photograph +Closeup photo of a rusty fishing ship, sunset dramatic twilight +A cozy cottage sitting on a mountain with nature surrounding +a secret agent with a gun +In this photo, Walter White, dressed in a hazmat suit and a gas mask, is shown carefully kneading dough on a wooden table in a dimly lit, eerie basement. The basement is cluttered with cooking supplies, including flour bags, cooking utensils, and jars of chemicals. The walls are peeling, and the only light source is a dim, flickering bulb hanging from the ceiling. Dark, dramatic, creepy, nightmarish, eery, serious, atmospheric, intense, 800mm lens, 4k, high resolution, great quality, vibrant colors +Editorial Style photo", High-angle, Coastal, Living Room, Ocean view, Woven textures, sea glass, light wood, Beachy decor, coastal artwork, Blues, whites, Serena & Lily, Natural light, Nantucket, MA, Morning, Serene, Cape Cod +Anime about mark zuckerberg programming facebook +big factory floor made of lego +Swan robot, cyberpunk India, Cyborg swan, Ghost in the shell style, mehendi body art, Bird, yantra, Mask, Baroque style, Kathakali character, High technology, detailed, spotlight, Shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, synthesized body, hyper-realistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD +mark coffey, hairy musclechub, serious face, full shot, fantasy theme, wearing brown leather apron over sleeveless dirty white shirt, warm fiery medieval tavern background, fists fiery glow +Alien city on a small astroid +charcoal painting of a baby lion culb around 100 hours of work, wildlife photography +animated Red Forman flexing his muscles +1980s toyota sport car concept art oil painting +80s honda car in gta 4 +An elderly lady with a bazooka aiming at a bunch of zombies from a balcony. 👵🏻 +a burly muscular mechanical man made of lifelike silicone rubber, full body shot, view from behind +DSLR photo, woman, upper body and head, brown rough leather clothing +Painting of bacteria by ernest haeckel +art by Alfons Mucha, art nouveau metaphysical astrological thoth deck tarot card motif, Jennifer Connelly as a naturist meditating in lotus position in front of the Taj Mahal, award winning photography +80 year old Malayalam actor Mohanlal partying in a pub +Futuristic woman with pink hair and blue eyes, award-winning studio photography, +a painting of a tree by a lake, pixel art by Bob Ross, featured on deviantart, pixel art, #pixelart, bob ross, 2d game art +Vapor animals, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +woman holding a maltese dog on the streets of buenos aires during a pride parade +min: 45 second stopwatch icon sign. symbol on nine round colourful buttons +cute, mechanical bee flying in nature, electronics, motors, wires, buttons, lcd, led instead of eyes, antennas instead of feet +hyperrealistic photograph, enormous lovecraftian bloody vein creature standing over a bloody dead body in a large abandoned bedroom, large windows , +Benjamin Netanyahu takes a photo with kermit the frog,very high details,high details faces,professional and high quality photography +RAW photo rpg portrait beautiful blonde freckles cake dessert cafe vladimir volegov, epic pose, marmaid tail, ultra high res, 8k uhd, dslr, underwater, best quality, under the sea, marine plants, coral fish, a lot of yellow fish, bubbles , aquatic environment. +Selfie while rafting on the nile river, the pyramids in the background +An anime girl with soft smile +Still Shot of a period movie, 20yo German Princess Inside a horse carriage, Golden Hour +daytime in casablanca morocco imagined as a mix of a futuristic and historic city +A highly detailed Art Deco painting of Kim Kardashian, masterpiece, absurdres, highres, featured on ArtStation +svelte teen tight dress full body shot, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +Jason Newsted as a dwarf warrior +Cheery old sailor grinning, white hair in ponytail, victorian style, fangs hyperrealistic, deep color, attractive, high cheekbones, pale cute +epic fantasy illustration painting action scene, Hi Tech futuristic ai computer generated world module makes entire world from input, Regal realistic, mechanical alien world, high majestic vista view, screen with data, extremely detailed, cyborgpunk horror, refined detail, valerian artifacts, sci fi fantasy artwork, realistic highly intricate detail, artgerm michael cheval magali villeneuve, qled +Still shot from the SF movie Brigitte Bardot, Jean Paul Belmondo and Louis de Funes +a man in a union jack outfit with long cape, emblem of a lion on the front, directed by Zack Snyder, cinematic high res, 8k, award winning +a turtle with cannons on his back, strawberries growing on a turtle +a cat with the Keyblade from Kingdom Hearts in a destroyed city full of trees +a wild techno rave at the Vatican, the pope is the DJ and the cardinals are the dancers +A mermaid playing chess against a dolphin +fantasy art print, hyperrealistic wildlife painting of an peaceful giantious towering eagle peacefully bowing down to a small girl +a female bodybuilder, unbelievable massive, flexing her huge biceps, +cute factory building with trees growing out of its chimneys, logo, digital art, drawing, in a dark circle as the background +a family portrait of a Russian family +A highly detailed portrait of Emma Stone as the Joker featured on ArtStation +reaper on a 1990s death metal band cover, inking, vintage 90s print, detailed, scary, horror, screen print, trending on artstation +3d mecha battle against greek statues +Christiano Ronaldo in Bayern Munich jersey +a pretty young white woman with long sleeves extending over her hands, blunt bangs, brunette +behance render, concept art, vibrant, giant military base at night on clifftop, dam, water, stars, galaxy, green valley, landscape +Adam Sandler making macaroni and cheese +a burly muscular android lying damaged on the ground, loose wires, sparks, smoke, cybernetic, mechanical, torn plastic skin +an image of a boulder opal +Deep sea angler fish, miles below the surface, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +A raw dslr photo of a blue eyed blond balding middle aged man +record artwork for a rock band from 2004 featuring a woman in bootcut jeans +a raw photo close up of the catholic demonic pig inside an iron maiden robot and catholic robe, wielding katana,large view,a surrealist painting,art by Jean Fouquet and alan bean and Philippe Druillet,volumetric lighting,detailed shadows +a panda drinking boba, cute sticker, kawaii, chibbi +Planet earth evolved into human form, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos, +An oil painting of ocean waves with warm light from a sunrise reflecting off the water +a black mini poodle with a modern haircut with shaved muzzle +high quality portrait photo of a beautiful smiling aishwariya rai,face focus,wet clothes,masterpiece,4k,highres,skin texture,face focus,hasselblad, kodakvision color +A treasure box filled with jewelry, 2D vector art, flat colors, t shirt design, plain background, 4k, artstation, deviantart, tumblr +a cross between an elephant and a snake +a Photo of a starship in a battle with an unknown alien ship, a futuristic city of San Francisco, a variety of other ships also battling, u.s.s. enterprise, u.s.s. voyager, i.s.s. london, battlestar galactica, star wars, babylon 5, the original series, shot on Nikon, 4K, instadaily +Pikachu is high and smoking a blunt +Cat in cradle, silver spoon, little boy blue, man in the moon +A red goat, 2d vector art +Mage throwing lightning from his fingers +photo in ancient rome,centurions roman army,wideangle ,fall of the roman empire,ben-hur epic film +kia stinger in GTA San Andreas +Skinny beautiful woman with high-heels from Thailand. +Glass Caustics, Shimmering, Reflective, Translucent, Iridescent, Complex, Digital Art, "Dale Chihuly", "Lino Tagliapietra", "William Morris" +an image of a stunninf sunset by the beach +a traction engine in jungle river +kawaii, owl like creature made of fire +slavic woman with orange hair walkig trough cyberpunk City ruins, overwatch style, overwatch graphics, asymmetric cut, low angle, short hair +Secret agents wearing funny purple hats catching a goose, explosions on background +Beautiful image presenting that monumental AI singularity oracle, digital concept art, sci-fi, superintelligence supercomputer, futuristic, breathtaking, bottom view, intricate details +A wizard meets a ladybug for tea +A visually captivating scene set outdoors on the savanna, where a man is enveloped in viscous, goopy rubber gradually transforming into an elegant, black latex lion, as the dripping, crawling material takes over his body, emphasizing the sleek and shiny latex effect while still displaying his partially human form mid-change. Artful composition and striking contrasts highlight the metamorphosis against the backdrop of the expansive grasslands. Glossy textures, dripping goo, and the solo subject caught between human and lion, harmoniously blending with the wild surroundings. Award-winning wildlife photography, DSLR, transformation-focused, and aesthetically pleasing +A screaming mouth on a man’s groin +a beautiful character portrait of The Hulk wearing viking armor by artist Frank Frazetta, illustration, heroic pose, realistic, volumetric lighting, vivid colors, 4k high resolution, detailed lines +a small wooden house sitting on top of a snow covered hill, isometric game art, foggy effect, featured in artistation, 2 d depth map, magical island, mining outpost, displacement map, the blacksmith, in game render, small houses, 2 d image, tundra a close up of a toy ship on a table, tabletop game board, in the style wes anderson, hq print, war of the worlds, ffffound, photo taken of an epic intricate, vast seas, streaming on twitch, layout design, full image, template layout, little nightmares, outputs +Photorealistic studio image of Woman 20 years Jenna Marie Ortega has 20 years, woman , Bangs hairstyle +A mixed beautiful girl with a figure of Lin Chi-ling,smile of Athena Chu, happiness of Barbara Yung, wearing white silk short-sleeved shorts, full body, wet in the rain of HongKong Street, looking at camera, soft lighting, wide hips +A bicycle in shape of a robot with Kryptonite, mixed new object, fantastic, highly detailed, detailed details +rainy day storm whale is dying +fantisy young girl wearing a red cloak in a dark forest, staked by a wolf +anime still of the resurrection of jesus christ +An enormous futuristic jumping spider sitting on a museum +portrait of a girl wearing a shirt with the text "GifCo" across the front, beautiful model with a sensual pose, highly detailed photorealistic, soft golden light, cinematic lighting +White robed Jesus fighting a fiery monster. Comic book style. +a red tank firing a 122mm cannon projectile at a building +A Baroque Portrait in 3D of the Mona Lisa, Hyper Realistic, High Definition, 4K +beautiful irish woman drinking chocolate on amsterdam, close up, detailed hands, detailed face, beautiful face, detailed eyes +Cover art for the manga adaptation of The Sopranos +a cyberpunk portrait of a green space alien by jean - michel basquiat, by hayao miyazaki by artgerm, highly detailed, sacred geometry, mathematics, snake, geometry, cyberpunk, vibrant, water +Jesus attending a football match. Award winning photo +Man Holding Sign Saying SDXL, Demonstrative, Bold, Determined, Portrait, Realistic, Detailed, "Fernando Botero", "Alice Neel", "Lui Ferreyra" +male, 33 years, black beard and white hair HD 4k +A-team gmc 1982 van, black and grey, red on side, red alloy wheels +A Skeleton working on a computer +HD 3D animation, whole body image of a succubis demon naturist, sharp detail, photo-realistic +a hybrid between a cheetah leopard tiger lion ocelot, leopard lion cheetah tiger ocelot hybrid, sleeping in a mossy den, primitive feline, ancient feline, golden light, medieval, adventurer, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, 4k, watercolor, pastel, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, cinematic lighting, realistic lighting, unreal engine, leaves, plants, water, full body view, professional digital art +surfer surfing a huge wave with a sea turtle with bitcoin as the sun +Think of Me Lyrics: Think of me, think of me fondly / When we've said goodbye / Remember me, once in a while / Please promise me you'll try / When you find that, once again, you long / To take your What I once used to dream, I now dread If he finds me, it won't ever end And he'll always be there, singing songs in my head He'll always be there, singing songs in my head +a strange room, in the style of david lynch +infinite fairy lights of infinite colors +Jhilmar Lora, peru, Olympique de Marsella +an empowering view of a orca warrior wearing royal robe,with a kangaroo warrior with an eye scar,fighting a giant demonic flying whale ,menacing,by artist Ian Miller and by artist Ken Kelly and Tsutomu Nihei,volumetric lighting,detailed shadows,extremely detailed +portrait image of young Christina Ricci 24 years old model Realistic , smooth face , photography light , photography shadows , studio background, image taken by photographer +Kurt saddly sitting on the street +an ancient city lost in the jungle +girl with a flamethrower and her Dobermann killing a zombie horde +Cute cat, realistic digital oil painting by Monet Cute Golden Retriever, digital oil painting by Monet +An extremely upset young woman, tear-stained mascara, Insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon eos 5d, +film still from romantic beautiful modern american sitcom, sauna, covered, naturist, girls, colorful +female pet kobold on a leash +scary clown with big red lipd and long sharp fangs +johann oehorst chal hath �market illuminate,Jules Bastien-Lepage, night, chiaroscuro +Digital art if a group of elephants sitting in a speeding jeep in camo gear and hunting poachers +Webpage Screenshot, League of Legends profile website +a cat, furry, batman costume, octane render, high quality, night, moon is shining, moonlight glowing on fur +A flying swarm of whales, sky, no water +a fountain in an autumn fantasy forest, classic sierra adventure game +cute gothic chibi girl kewpie dark eyes, Stanley Artgerm and Tom Bagshaw +a cool looking middle aged man with white hair and beard is typing on his laptop in a dark room on the bed +The bustling streets of Tokyo,crossroads,Wide-angle view,a girl in a sailor's suit sat on the back of an Asian elephant in the middle of the road,Long Shot,realistic,crazy details,realistic photography +two white balls and three black cubes +anime teenager girl, punk, neon style +a ninja cat posing with his samurai sword on top of a building at night +A computer with an email client open +high resolution, realistic concept art, fractal glass sphere, open portal to other dimension, sense of awe and scale, organic +The Emperor, and robots, in his study, art by Jeremy Mann, art by Alphonso Mucha +beautiful delicate betta fish by Origamint +an oil painting of NY Harbor in 1930 with steamships and tugboats +klingon warrior flexing on a balcony, with his back to the viewer +looking back at viewer, brushing hair back behind ear, +a illustration of a anthro wolf standing in a city +New fluffy anthropomorphic character wearing balaclava masks and hip hop fashion. muted colors, light and shadow effects, detailed, intricate, clean and textures, trending on artstation, trending on cgsociety, award winning post - processing, extremely detailed, 8 k, zbrush central, behance, trending on polycount +, fantasy, pastel, absurdist, photo, Wes Anderson, spiders knitting +photo of patlabor alphonse in jungle city river +film still dark movie about aliens from the 80s +Android smartphone model, integrated with a taser, product review photo +knollingcase cyborg brain, futuristic, holographic art, display case, labelled, overlays, oled display, annotated, annotations, technical, diagram, technical drawing, dramatic lighting, glow, dof, reflections, refractions, cgsociety, retrofuturism, futuristic, sci-fi, dystopian art, vibrant, dramatic, sharp focus, 8k, insanely detailed, octane render, unreal engine 5, trending on artstation, trending on artstation, sharp focus, studio photo, intricate details, highly detailed, by greg rutkowski +whole body image of beautiful Kaley Cuoco as a naturist on a motorcycle, HD 4K, photo-realistic accurate face and features, studio lighting +An ancient Greek philosophers soccer team +ava addams on her honeymoon with cristiano ronaldo +isometric pixel art of panda, interesting texturing, white background +A triangle inside a circle inside a square +hyperrealistic macro photograph of a fly agaric mushroom on the autumn forest floor +African woman carrying basket on her head in 1930 +a hedgehog gummy, a hedgehog with a candy texture, a pink jelly hedgehog, transluscent +kurt cobain in a 1960s psychedelic rock band +A highly detailed sadist gestapo officer in his black uniform doing brutal experiments with a boy at torture chamber +realistic photo of 8 year old girl Homura Akemi, cosplay, full body +photo of letters made of candy on a plate that says "santa" +Link from Legend Of Zelda pixel style +beautiful black girl with curly blonde haire drinking champagne +whole body image of aroused transgender naturist with an erection +Ghost coming out of a mirror, Intricate Mirror with a beautiful scary ghost coming out, Hyperdetailed, Royo, Ferri, Minguez, glowing edges, Mucha, Cina. Cinematic, WLOP, 8K, concept, sharp focus, rutkowski, detailed, Artgerm, Unity 3D Gerald Brom, Pino Daeni, volumetric lighting, reflection +a surreal dreamlike scene of a single empty bed inside a transparent sphere floating in the air in a grassy woodland, natural lighting, unreal engine 5, serene calming atmosphere, photorealistic, hyperdetailed 3d matte painting, hyperrealism, hyperrealistic, masterpiece, vibrant fantasy style 8k ultrahd octane render +Antique, warm hues, rubber dildo up massive, eros BDSM Aboriginal girl, legs spread, big marble dildo, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +highly detailed portrait of a steampunk Joker stood on the streets of a steampunk city, 1920s, unreal engine, global illumination, detailed and intricate environment +an anthropomorphic lynx with antlers, medieval, adventurer, dnd, nature spirit, rpg, rustic, fantasy, hd digital art +A 12th Century oil painting of Pennywise the Clown +Vintage thrift store, 1980, photography, sepia, lithograph +a ginger woman with short wavy hair and pale skin and freckles +Two female Malayali nurses in uniform making out with each other +futuristic futurism, 4k 200mm telephoto zoom, full-frame, photo, detailed, casablanca morocco cyberpunk street render new historic blend market technocratic theocratic +, fantasy, pastel, absurdist, photo, bird matches, burning +sonic the hedgehog playing in a black metal band wearing tribal mask inside a cathedral guitar drums and bass concert +Exchanging crate of plants, fruits and vegetables +a fiat 500 made of glass +Axolotl, octane render, detailed, WLOP, sharp focus, hyper detailed +Asian man holding a piece paper that writes "Stability AI is cool!", in a flower garden +hyperrealistic photographic rendering of stunningly beautiful alien woman, purple skin, gorgeous, very feminine, humanoid, wearing long soft shimmery grey robe, pretty face, friendly facial expression, symmetrical features, interior of spaceship as background, looks like photo, 8K, film grain, high detail, full body shot +candles hunger austerity immigrants pulitzer arthur kidman iwm, Firmin Baes +business woman, sales manager, lead meeting +a digital painting of a post-apocalyptic cityscape with a towering clock tower in the center, inspired by the dark and surreal style of Zdzisław Beksiński. The clock tower should have intricate details and a Gothic architecture, resembling the Barad-dûr from Lord of the Rings. The city should look burned and desolate, with a tangerine-colored sky. The painting should have a high level of detail and realism, similar to a cover artwork for a Tangerine Dream album +black background, golden twitter bird surrounded by a flat golden shiny ring +gutted butchered dead pregnant girl. guro art +A delicious bowl of ice cream with melting caramel and spoon sticking out, in my kitchen, with a shiba inu close up out of focus looking at me in the background, bokeh, soft focus, warm colors, black and white photo, masterpiece, award winning, social media post +woman wearing zentai body that covers eyes and face and head +Photo of Joe Biden holding a paper that writes "Stability AI Rocks!" +unifilar electrical scheme of a single house + 55-year-old man and vamp femme fatale, Title "Love Me Tender" Campy romantic comedy movie key art by Bob Peak, drawn by Drew Struzan, by Richard Amsel, trending on artstation +bald Muscle guy Cannibal eat boy meat flesh, Cannibalism. highly detailed guro art by Ilya Repin +Inside an alien spaceship, concept art by Jason Chan +by Michał Sawtyruk , by Josef Kote +elephant in walks through glass door +book store, riso, comic, fantasy, pastel, , absurdism +futuristic realistic photo highly detailed city casablanca morocco cyberpunk street render concept art +A Warrior with wide feathery white futuristic metal armor, a strong athletic and tall Warrior, the mighty Warrior continues to fight mightily in the destroyed land, +A bull with wings flying in the air +a wide angle photo of roman soldiers in front of courtyard roman buildings,technicolor film ,roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point,ben-hur flags , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +tom cruise in a black leather jacket, color pencil sketch, portrait +close up photo of a big creepy roadsign with large text on it, set on a foggy hillside +Painting of a Symmetrical Archangel Archdemon intricate armor, standing with a glowing long sword +, fantasy, pastel, absurdist, photo, refined, tidal +Sylized portrait of Chef Boyardee as President of the United States +a photo of a teddy bear riding a hoverboard in times square +A woman with a see exthrough short tank top on +Sigara Börek with parsley shepherd's cheese served with fresh bulgur salad with paprika yoghurt dip, top down photo, food photography, delicious +super cute pixar style, die-cut sticker. banana +A portrait of Lord Farquad from Shrek +Masterpiece, best quality, Mystical steampunk female cleric in leather coat holding a crossbow and werewolf fighting in a dungeon, Artstation, by Frank Frazetta, by Luis Royo, by Boris Vallejo, by Julie Bell, by H.R. Giger, by Ashley Wood, by Frank Frazetta, by Ian McQue, by Syd Mead, by Simon Stålenhag. The image should feature a captivating, woman in clothing, posed amidst the whimsical, , fantastical landscapes of a dark, gothic fairy tale world. She should be depicted with mystical powers and surrounded by fantastical creatures and otherworldly elements. The atmosphere should be enchanting and dreamlike, with a strong emphasis on the mystical, magical elements of the gothic fairy tale world +Evil looking eggplant standing in the dark and plotting.realistic image +Animation still of Optimus Prime in a Pixar movie, Optimus Prime Pixar style +Still from a pixar movie. In the scene, a character is holding a glass marble up to the light. The marble is a gradient of colors, and the light is refracting off of it. trending on artstation +A cute girl with cat ears +A painting of a windmill, by Johannes Vermeer, Dutch Realism, Dutch Golden Age +fancay old cottage mansion inside with big bedroom with big windows and green Windows +preteen girls with no underware in the the bedroom with dark background, with dark defined eyes like a photograph of Jock Sturges +a sign that reads "go away blackie" +Schreiben Sie eine herzerwärmende Kurzgeschichte über einen schelmischen Patchimari in der Welt von Overwatch, die mit dem charmanten Animationsstil von Pixar zum Leben erweckt wird. +A woman wearing a white zentai body sits on a plain beach towel +image of darth vader defeating luke skywalker in episode 6 of star wars +Triskaidekaphobia: This black enchantment represents a fear of the number 13. If a player has exactly 13 life points, they lose the game. The artwork features the number 13 in a spooky, haunting style +photo of a angry small Compsognathus compy next to tire wheel down a muddy road in the jungle , wet jungle ,by Anthony S Waters, , real-life brook, very wet, 2021 , tire wheel ,in the mud buried, landrover +stunning portrait of a woman wearing a tight red ornately detailed dress sitting on an egyptian throne, intricate detail, bokeh, upper body portrait, global illumination, perfect face, masterpiece, best quality, subsurface scattering +Joe Biden in Fortnite, 3d game, victory royale, fortnite character, 8k unreal toon, face +A mantis that is glowing like the cartoon Dragon Ball's super heroes. +capybara wearing a tutu eating a watermelon,realistic image +Reflection in the mirror,high dynamic range,golden hour +photo of dinosaurs looking at a landrover defender in the jungle river,claws teeth tyrannosaurus waterfall misty mud rocks,headlights Chrome Detailing +dog holding a sign that says "bakari is stupid", 4k, realistic, "bakari is stupid" +farmer, museum prayerarreschoolteatime niels tottenham природа , Jules Bastien-Lepage +Albert Einstein dressed up as a mermaid, ultra high quality, very realistic +hot air balloons leading to a treasure in an old pirate map +Mechanical steampunk personal robot. fantasy, sharp focus, digital art, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +Fetish nudism Wanda marvel amazing poster +truck sinking in water, 3D render, realistic +woman in space covered with fluffy space nebula clouds +futuristic fantasy realistic photo highly detailed cityscape casablanca morocco +the text "whats going on" on a tv screen +impasto oil painting on rusty canvas +eighteen year-old girl, pale skin, short pink hair, lavender colored eyes, pink jacket, black jeans, inside a train alone, night, Masterpiece, trending on artstation, best quality, detailed, detailed eyes, detailed hair, cinematic, soft lighting, high quality, by Ilya Kuvshinov, Artgerm, Wlop +"The Tortoise and the Hare" fable, fantasy, criminal, realistic, gritty +a highly detailed portrait of , high detailed skin, depth of field +The most beautiful woman on earth +Photorealistic selfie of a japanese redhead woman, short hair +Best anime girl, 2D, digital art +a cowboy holding a sign that sais "Hunt 19:00?" +high quality full body portrait of well rounded Calico feline, recursive large eyes, shiny soft fur, anatomically correct, surrounded by matte mirroring wisps, lithography by Théophile Steinlen, Adobe illustrator, 128K UHD +exquisite marble detail, car headlamps, twisted, wacky, fat massive Afro American cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down skateboard, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +Artistic Fashion photography Style Low-Angle Photo From Below of a Woman wearing an extremely low-cut open front top, dramatic posing in an artistic style hall, Shot on Kodak Portra 400, Natural Lighting, Shadows, Floral, +a girl in a winterguard costume spinning a sabre in a high school gym +"Mutated glitched boulder", by Ivan Seal, oil painting, melancholic, gray background, highly impasto, Beksinski +sculpture compositions, by kuksi.com, indian style, miniature scenes with a million details by Kris Kuksi, high detail, 3D artist, 3D bas-relief, high detail, ambient lighting, octane render, 8k, realism, material marble, precious metal inlay, Gods, religious attributes, mysticism, fractal compositions, relics, artifacts, rarity, surface ornamentation, noble stones, +Photo of Panda getting ready to go to work in the morning +cute fire elemental spirit creature by claude monet +Abraham Lincoln gives an outdoor speech to large crowd in a field +Cyberpunk android running through streets of ancient Aztec city +zentai woman wearing sleeveless zentai body: zentai aesthetic photography +Highly detailed, slavic mythology gods, Pegan +Extreme close up of lash extentions with beauty Blue eyes. Extrem realistic with all possible Details. Should Look like in real life. Ultra realistic, leica r 100mm macro 2.8, hdr 128k, unreal engine +a cup with 'Slushy Magic" written on it +Statue of an alien monster in an Italian Piazza where a crowded political rally is happening with lots of flags, aeral view from far away, lots of detail, hd, photorealistic +In the middle of a city during a rainstorm a glowing side on the side of a skyscraper says "AATF" +Jerry seinfeld action figure made out of pasta +colourful Synesthesia art by alicexz, piano instrument, with musical notes flying in the air +a tentacle man villain. cartoon drawing +a bear wearing only a hat and tie, no pants, no suit, no shirt, mad, cartoon style illustration of anthropomorphic bear, simple cartoon, artstation, patrick brown, katsuhiro otomo, kan liu, mads berg, full body +Magician in a Glass Coat, Artstation, Anamorphic Shot, Anamorphic +Raw Photo, masterpiece award winning close up of a massive timber wolf standing over a fresh kill in the moonlight +2 persons exchanging plants, fruits and vegetables +a closeup portrait of a maid, undercut hair, apron, amazing body, pronounced feminine feature, kitchen, freckles +a 4k ultra, cinematic, scary, dark themed, picture of a bedroom with a shadow of a person, shown on the wall beside the bed +a cute polar bear baby, digital oil painting by paul nicklen and by van gogh and alicexz and monet +woman standing on wooden stilts in the air, nicolgara ronda seville peasant ftheday sad shouting, Jules Bastien-Lepage +A cat in a space ship looking outside +flat, minimalistic vector character, teenager in a brown jacket, serious, lovecraftian, investigator +Wendy’s sticking tongue out wearing glasses holding a sign that says Rock N Roll +cave made of red rock, reflections, light around the corner +2 man drinking in the bar +A realistic picture of a pokemon-like creature, cute and baby, in the street, at night +35mm film still, take a trip to Kawaii City, a cyberpunk metropolis where you can gaze at skyscrapers while relaxing at the cafe, from anime Blade Runner, 8k, hires +an empowering close up view of the supreme elder leader rat warrior,wearing royal outfit, throwing an extremely powerful punch surrounded with demonic aura,in the style of Ken Kelly and Richard Corben and katsuhiro otomo,extremely detailed,detailed shadows,volumetric lighting +Photo Mediterranean foliage tree nightlight woman table water lake starry night +old woman covered in sheets, memoriam beach rudolf felix edwin gres warmssnhq ,Anna archer +greek sculpture with a text say richvip +cave painting of a fluffy friendly anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +Portrait Photo of young women in sunset +A woman standing in the park +Vines, seamless, by Hilma af Klint rifle paper co +big metal-concrete ancient robot cylinder with glass crystal mind on top and camera eye on center, inside endless dark hall, view from bottom, digital art, sci-fi 8k resolution concept art by Greg Rutkowski detailed matte painting trending on Artstation intricately detailed +A huge lizard dancing in the snow on a mountian, nighttime, Christmas lights, moon +dogs playing checkers with their zebra friends +there was a fierce and skilled warrior, the Tiger King Sagat, known for his exceptional mastery of Muay Thai Sagat was an imposing figure with a majestic orange coat with green eyes that glow with an inner fire +raw photo, pale albino alien girl with big fish eyes and long white hair, black dress, antichrist, horror, headshot photo, nikon, dslr, wildlife photography, 8k uhd, highly detailed skin +highres,an beautiful anime girl,extremely beautiful,masterpiece,art, solo,hug, smile, angel wings, halo, bracelet, thighhighs,dress, church, blonde hair, yellow eyes, church, white thighhighs, white stocking, white legwear, black skirt, long hair, angel,goddess,wings, +A girl cosplaying Marin Kitagawa from My Dress Up Darling +1980s concept art of a 1980s yamaha race motorcycle +hope estheim from final fantasy xiii +masterpiece portrait of Kristen Stewart standing in the movie set, film photography, dark atmosphere, sharp focus, photographed by Annie Leibovitz +Photograph of a muscular man with short, dark hair, piercing green eyes, and a rugged smirk. He's wearing a leather jacket and ripped jeans, standing in front of a graffiti-covered wall with a motorcycle. +Photo of a young woman enchanting in her white blouse, stands poised on a cliff's edge. Blurred forest unfurls behind her, highlighting her allure and health +woman with blonde hair, 27 years old, camera in hand, in desert, wearing balenciaga, hyperrealistic, dramatic sunset light, high detail, full of details, photography, 4K +A hot big cardboard cup of coffee americano in the high school cafeteria, realistic +text with grass that says AI +a woman jumping on the beach +Wednesday Addams wearing a shirt that reads Heavy Metal +The Eiffel tower with a banner that says "Hello World" +a human shaped fires are dancing at night in a hungarian landscape +A painting of a beautiful Indian woman in a traditional Indian dress by John Singer Sargent. +chicken wearing sneakers and glasses, photograph +a possessed xerox machine on the 93rd floor of tower chicago is launching crt computer monitors through the windows and watching them +A painting from Claude Monet of a Raoul duffy painting +Photo portrait woman blonde mediterranean outdoor night dining cake glass drinks lake clear sky sunset +A futuristic concept suv car, front look +woman, pretty, splashes, pink, art by Carne Griffiths and Wadim Kashin, white background, splash screen, fantasy concept art, 32k resolution, best quality, masterpiece, oil painting, heavy strokes, paint dripping, Best Quality, Masterpiece, natural light, insanely detailed, 8k resolution, fantasy art, golden ratio, detailed painting, bokeh, hyper realism, photorealistic, beautiful detailed intricate, insanely detailed, natural skin, soft impressionist perfect composition, award-winning photograph +Old father and young daughter watching sunrise sitting on bench at the beach +Supergirl, flying through an ice kingdom, dynamic pose, cinematic, art by Albert Lynch +an alien energy source, Salvador Dalí +Create a portrait of Anna Farris in the style of Bruce Timm from the Batman Beyond series. Make sure to include her pink lycra bodysuit , Use bold, clean lines and vibrant colors to capture the dynamic energy of this beloved character. +Vivid Human skull with tentacle beard! Cthulhu Skull with tentacle beard: stormy sea: symmetrical face: accurate anatomy: oil painting: high contrast: COLORFUL: 3D: ultra-fine details: dramatic lighting: fantastical: sharp focus: Daniel dociu: splash art: dolly zoom: professional photography: Artur N. Kisteb: ZBrushCentral: finalRender: Unreal Engine 5: Trending on Artstation: Jeff Koons: Deep colors: deep depth of field +a potato sitting in his throne. Luxury medieval palace. The potato is the king. Very detailed 8k picture. +young woman, light brown hair, hyperdetailed eyes, standing among stars, Light blue dress, hyperdetailed intricately detailed gothic art triadic colors, fantastical, intricate detail, splash screen, complementary colors, fantasy high magic concept art, 8k resolution, gothic deviantart masterpiece, oil painting, heavy strokes, photorealistic, HW +Un corazón de enamorado con una tarjeta blanca +A beautiful woman standing in a forest, amazing lighting +a man forges a boat in magical blue flames. Tall, imposing dark skinned white man, broad shoulders, muscular build, piercing blue eyes, strong jawline, regal attire, flowing robe, ornate jewelry.” +Photo of a interior with Chantily lace colored walls and wooden T&G ceilings with white beams +Icon, folder in the form of a toolbox +Masterpiece RAW Color Photograph of a beautiful 27 year old woman, beach, sunshine, happy, smiling +a professional photo of a woman wearing boots standing next to toy car, we only see the shoes and legs of the woman +"Starship crew having breakfast in space" by Syd Mead, starwars, cold color palette, muted colors, detailed, 8k +A fantastical landscape of a rolling green valley, dotted with magical forests and enchanted lakes. In the distance, a castle sits atop a hill, surrounded by clouds and mist. The scene is inspired by the work of Studio Ghibli. +realistic cultist girl warlock with tentacles polycoria realistic eyes +oil on canvas a beautiful irish woman smoking marihuana on amsterdam a kimono painted by Edvard Munch, german expressionism +photo of a mgzt v8 car in the quarry ,splash rocks , +Painting of close up of cryptocrystalline quartz melted gemstones glasscut rose garden style +photograph, high detail, high defintion, 8k, hdr, global illumintaion, a majestic book who is flying +porcelain doll, doll, ooak bjd, tween girl, natural light, high quality photo, intricate, ultrafine detailed, intricate detail, intricate environment, cinematic lighting, cinematic still +an unforgettably putrid, disgusting, grotesque scene, voluptuary, bacchanalian immodest emotions. Bright rainbows +Professional portrait of a grey alien +Scene from a film for adult only with a blonde woman +Volcano Eruption in 6 Overarching Stories +3d render of a cute tiny little fluffy animal with big reflective eyes jumping towards the viewer, pixar style, octane render, nanite, raytracing, light scattering, hdr, global illumination, plush, cute, masterpiece, best quality +a digital painting of a Volkswagen van on a dusty road, sunset lighting, warm colors, rugged terrain, concept art by Simon Stålenhag, highly detailed, atmospheric perspective, mood setting, trending on Artstation, 4k resolution +A picture about 3 neck men make love in a bed +Panther in theme of Japanese tattoo +Clear plastic rotary phone, 1950 vibe, artistic photo, Ariel +The most beautiful painting that you can create +Marilyn Monroe wearing a shirt that reads 3DLS +A girl on a nature beach +exquisite marble detail, spray on candy glitter, Harley Davidson bikies, car headlamps led, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +couple drinking at a busy restaurant, art by Rumiko Takahashi +a guy holding a sign that says "NOT a CLUE" +a dark and scary picture of a sea with a scary looking shark +a fantasy landscape drawing in DeviantArt's popular Dungeon and Dragons style, epic, fantasy, intricate details, dramatic lighting, colorful palette, medieval setting +American saint of religeon guns homophobia, cheap gas, military, monster trucks, divorce painted by Botticelli, painted by Bosch +A woman reading the financial times +Photo of Walter White dunking the ball in the basket ball hoop, 4K, studio lighting +Nirvana concert located at westpack staduim new zealand welington in the eveing +a cat sleeping on a pillow, digital art, vivid fantasy colors +Anime digital art of Sylveon from Pokémon standing in a field +Modern Japanese painting style, water color painting of the japanese beautiful garden +close up of human lips wearing black-and-white checkerboard lipstick +Emma Wat wearing a shirt that says "Mrs Potter" +A digital art piece of a robot holding a bouquet of flowers in front of the Eiffel Tower +Oil painting of God destroying the world +colby jansen, fantasy theme, wearing brown leather sleeveless armor, floating rocks background, rocky cavern background, magic fantasy theme +porcelain doll on a table at the flea market +preteen girls with no underware and with long legs in a the bedroom with dark background, with dark defined eyes and biting their lips like a movie of David Hamilton +Based on this, I suggest the cover design as follows: First, the background of the cover should be the campus scenery of the Primary School Affiliated to Shanghai Jiao Tong University, such as the school gate or the campus green belt, etc. In the center of the background, an open pocket is placed, and a small magic wand is placed in the center of the pocket, symbolizing the magic element in scientific fairy tales. At the same time, some scientific experiment equipment or science-related items can be placed in the pockets, such as magnifying glasses, microscopes, chemical reagents, etc., to highlight scientific elements. Above the title, use a large font to reflect the title "Yuanyuan's Magic Pocket". The font should be clear and clear, and the color can be dark, such as dark blue, dark purple, etc., to highlight the mysterious feeling. Below the title of the book, use a small font with the words "Shanghai Jiaotong University Affiliated Primary School". The font color can use the color of the school logo to emphasize the school culture. Finally, in the corner of the cover, some illustrations or photos of class students can be placed to highlight that this is a science fairy tale book created by students and increase the sense of intimacy. +Willa Holland wearing batman beyond outfit, Sticker, Adorable, Glossy, Digital Art, Contour, Vector, White Background, Detailed +Realistic schoolgirl in a sofa with "no underware" with a dark background +Dslr photo of a woman lying in bed +a cenimatic 4k uhd realisitc Sora from kingdom hearts commits arson on someones house +an image of a blue shiba inu, in blade runner, at the sea, professional photography, 4k +Cute cuban woman, low cut blouse +a teen girl licking a phallus, crisp 8K photo, sharp focus +Rhinos playing basketball in an arena +A photorealistic 1980s magazine ad for a demon summoning kit +realistic island in the shape of an elephant +the robotic head of a female robot, in the style of precisionism influence, dark silver and red, 32k uhd, precisionism influence, human anatomy, solapunk, technological fusion +young jewish girl showing her creamy +Disposable paper diaper for youth incontinence, teen boy +A robot mgb with 8 spider legs ,water sunset +A chalkboard with “2+2=5” written boldly. +gary barlow wearing leather briefs, musclechub +Dramatic lighting with shadows, Swimwear with a sheer cover-up, Bold red lipstick with smoky eyes, Loose beachy waves with a floral hair accessory, Standing with arms above the head, framing the face, Palm trees background, Skin smoothing and color correction, Confident and sultry expression. +Old man cyborg pujari, cyberpunk India, painted face, body art mehendi, yantra, cyber mask, mandala, in motion, Baroque style, dark fantasy, Kathakali characters, high technology, detailed, spotlight, shadow color, High contrast, cyberpunk city, neon light, colored, bright, high contrast, hyperrealistic, 8k, epic ambient light, octane rendering, kathakali, soft ambient light, HD, star wars movie style +hip hop album cover from the 1990s +Albert Einstein messily eating spaghetti with sauce all over his face, a look of shock and hilarity on his face +Photorealistic, award winning, 4k, full body shot, an evil little girl dictator +Movie still of starwars princess leia working as a waitress in a dinner, extremely detailed, intricate, high resolution, hdr, trending on artstation +red hair ginger programmer, pretty girl +red riding hood embracing a wolf, forest in the background, cinematic, dramatic, National Geographic, Canon DSLR, sharp details +cyberpunk giant kinky muscle young Slaughter inquisitor excruciate tormented pregnant girl at torture chamber. guro art by Alexey Bogolyubov +Wednesday Addams wearing sunglasses, wearing a shirt that says rock n roll +restaurant logo, minimalism, color logo, dribble, mindjourney style, HD, 3d logo, behance, ultrarealism, healthy food, indian luxury +Bill Murray as a fish monster +i want to ride my bysacil +Hermione Granger riding a broom over Hogwarts. Digital Art. Volumetric clouds. Detailed reflections. +breton monk monks looking like zappa in gym with bodybuilders with goat, photo +DSLR. Masterpiece. Sorceress. A mysterious and enchanting young woman is seen as a sorceress, wearing a flowing black gown adorned with golden runes that glow with magic. Her long, dark hair is styled in intricate braids and her eyes sparkle with a mischievous glint. She wields a magical wand that allows her to control the minds of others through hypnosis and spells. Her powerful presence exudes both danger and allure. confident, captivating, pretty, fantasy rpg +vanitas vanitatum, omnia vanitas,high detailed,oil painting,no-text,notext +a cartoon rocket sitting on the moon +polaroid of A lush, colorful garden filled with flora and fauna from various ecosystems, blended with everyday objects, such as a towering flower with a telephone receiver as its pistil. +art by Alfons Mucha, whole body image of 20 year-old Barbara Eden as a naturist in the desert sitting next to a magic lamp, HD 4K, sharp detail, photo-realistic accurate face and features, cinematic lighting +Portrait of a British police officer wearing futuristic police armour in a british city in the day, intricate details, HDR, beautiful, using blue black white colours +a cinematic ultra-detailed 3d photorealistic unreal engine sharp ultra quality elegant photograph of a dragon cooking dinner +A woman in Doggie style position,high details, , +a house, top art, inside cave, omniverse +poster design, black and white, logo of a whimsical creature with her mouth sewn shut, eyes in shock, scared, limbs tied, +Cinderella drawn like a Disney cartoon +Woman in white, in the snow, walking into the distance, close-up, wide angle view, by andrew wyeth +old cabin in the middle of the forest, two windows, night, moonlight, dark scenario +The most realistic fur suit , furry white artic fox, digital art , female, green eyes, small muzzle, smiling, brown hair locks , entire full body, on bed, above view. +a rover75 v8 car that is made out of wood and gold , mgzt +, fantasy, pastel, absurdist, photo, weird felt doll +an elderly woman in a rocking chair +A 4k image of Future laboratory scene with scientists growing a human hand using regenerative medicine techniques, featuring advanced equipment and cutting-edge technology. +a drop of liquid metal falling onto dry earth, epic cinematic action shot, insanely detailed, photorealistic, masterpiece, volumetric lighting, 8k, taken with canon eos 5d mark iv, midjourney v4 style +an image of an ethnic man in the desert next to an industrial landscape. this aesthetic includes mechanical things, odd colors, and culture mixing +An alluring beautiful redhead sitting on a stool in a black room, holding flowers, by Anna Dittman, Artgerm Albert seveso, deep colors, WLOP Anime art Style, Highly intricate details, Full Moon, DEEP VIBRANT RED hair, 8k, photorealism, airbrush, gothic romantic, backlit, intricate, Moody +raw photo, Sasquatch, headshot photo, nikon, dslr, 8k uhd, highly detailed skin +An owl slicing an orange with his claws +fantasy art print legend of ravaging dynasties, wildlife charcoal drawing of a peaceful towering giant eagle bowing down respectfully to a small girl +Fantasy, pastel, absurdist, photo, Wes Anderson, penguin characters +a fat grey british shorthair cat, low poly +falling cherry blossoms in the rain, psychedelic art +Bitcoin logo hanging on trees among the neon leaves in the forest +eletric hummer, 50mm, luxurious color, like precious stone paint in a modern eletric suv photography photorealistic, canon rebel r6 +a top down view of a medieval town +widows telling chat herring hof carl hof jan, Jules bastien Lepage +Flame Lily. volumetric lighting maximalist photoillustration 8k resolution concept art intricately detailed, complex, elegant, expansive, fantastical: by Victo ngai: Professional photography: by Russ Mills: hyperrealism trending on Artstation volumetric lighting maximalist photoillustration, by marton bobzert 8k resolution concept art intricately detailed, sci-fi, realistic +A woman's face full of desire, fluffy. +A Cute Pokémon inspired animal jumping over a cliff, Manga style +Create a scene where Pikachu is in a forest, surrounded by other Pokémon. Pikachu is standing on a tree stump and using its electrical powers to light up the area. The other Pokémon are gathered around Pikachu, some of them looking up at it in awe, while others are playfully interacting with Pikachu. The forest is filled with lush greenery, and the sun is just starting to set, creating a warm and magical atmosphere. You can choose any other Pokémon to include in the scene, and feel free to add any additional details or elements to the environment to make the scene more interesting and dynamic. +a low light photo of a city at night +A red panda wearing glasses and a chef's hat making sushi on a countertop in the style of animal crossing +Chevy caprice vector graphic for logo +a beautiful painting of the view from the river of ancient london cathedrals, at night with a sky full of stars, intricate, elegant, highly detailed, digital painting, artstation, concept art, by krenz cushart +Man in the form of food, made of sweets, sprinkled with a magical life form +A tiny gecko taking a bath in a teacup, hd, uhd, uhdr, hdr, 8k, 35mm, ultra high quality +Statue of Liberty, hook em horns +photo of teddybear and a sunken steamtrain in the jungle river,flooded train,furry teddy misty mud rocks,panorama,headlights Chrome Detailing, teddybear eyes,open door +Realistic Black and white bangs hairstyle Jenna Ortega +Tina barrett s club 7 dressed provocatively +steph curry scoring a 3 pointer +ford mustang, driving on a road, action shot, 4k, dslr, award winning +realistic tinker bell dancing in the moonlight +A person holding a mug, photo +A crucifix made of stop sign +handdrawn, flat, illustration, cute small adorable blushing seirei, cute girl working, tired, brown hair, adorable, trending on ArtStation, highly detailed, simple background, 128k +a bouquet of flowers that resemble the moon +master piece, best quality, hyperrealistic photo of a japanese woman +a octopus mermaid villain.cartoon drawing. fully clothed +photography of a capibara dancing on a disco with a 70s suit +joe biden as thanos in gears of war, marvel movie, lens blur, detailed face, cinematic lighting, ray tracing, octane render, long lens, shallow depth of field, bokeh, anamorphic lens flare, 8k, hyper detailed, 35mm film grain +a big fat pikachu riding a motorcycle funny stunning photograph +a cartoon of an oversized human lung with a doctor in a white coat standing in front of it +Celtic Fantasy, classic sierra point-and-click adventure game, pixel art +A black women with words for hair +waving, dark skin, handsome man, young, rejection, deny, white suit, one hand pushing at the camera, angry, mad, serious +katia winter as a red haired fantasy mage in a shattered mirror, facets, mirror dimension, soft skin, beautiful, makeup, windy, high detail, lace sleeves, green leather dress, gloves, D&D character, magic fx background +a girl standing on a beach, tight clothes, pale skin, cute, 18 year old, sunny vibe, wearing a tiny t-shirt, short shirt, +Portrait Of 8 Years Old, blue-skinned Handsome Hindu God Krishna With Turban, Detailed Texture, Pretty, Elegant, Realistic 3D Render, Detailed Digital Painting, Artstation, Concept Art, 4k Resolution, Professional Color Grading, Soft Shadows, No Contrast, Art By Alphonse Mucha, Art Nouvau +Fashion photography Upper half body uneven skin texture insanely detailed slightly slanted teen girl spoon hug two individuals Balenciaga shot with Canon EOS 5D Mark IV 85mm f11 lens Kodak portra 400 film +Einstein sticking tongue out wearing glasses holding a sign that says Rock N Roll +A blue Carrier logo surrounded by flowers +abandoned decaying cyberpunk city, dark mood +Gta online in the style of an amiga game +male man exploding a bomb through his peepee hole +a pack of semolina speaking to another pack of semolina, digital art +Chengdu, peaceful, fine art, HD, painted, trending on artstation +Glamorous dressing room with large sign that says Rock n Roll +a golden retriever jumping over a box +stained glass motif, 20 year-old Evangeline Lilly as an Elfin princess naturist in a magical mystic forest, HD 4k, sharp detail +1983 Black gmc vandura, red wheels +magician, rabbit on a hat, art by artgerm +A trader in a cyberpunk shop +cinematic still of highly reflective stainless steel coconut tree in the desert, at sunset +A handsome man with a watch. +an aerial view of an ancient Arabic village, by Ahmad Karkouti, 3D modeling contest winner, highly detailed texture 8k, vibrant colors, winding streets, intricate architecture, bustling marketplace, desert oasis, intricate details, ornate decorations, vibrant landscape, intricate mosaic patterns, with a touch of magical realism, detailed, 4K, ultra HD, insane details, photorealistic, illustration +lord of the rings, rivendell, majestic buildings overlooking waterfalls, eclipse over floating rocks, canyon, +Porcelain Statue of a goddess, head and shoulders bust statue, 8k resolution concept art portrait by Greg Rutkowski, Artgerm, WLOP, Alphonse Mucha dynamic lighting hyperdetailed intricately detailed Splash art trending on Artstation triadic colors Unreal Engine 5 volumetric lighting +a photorealistic digital drawing of an anthropomorphic red panda woman standing +A robot holding a sign with a pentagram on it +an epic fantasy castle, flowery gardens are present, beautiful sky +Photorealistic portrait of a woman model wearing a wedding veil, looking out the window, dramatic lighting, 88mm +preteen girls with no underware or any clothes with a childish faces, showing their tongue, they have red hair and beautiful defined eyes, with dark background like a photograph of Jock Sturges +cinematic still of trolls playing chess, mysterious lighting +Close up Photo of Blonde 20yo Girl in Tight Armour wearing respirator +a large cream-colored wolf with plush fur and slightly darker fur on the top half of its face, playing in autumn leaves in the middle of a forest, light filtering through the trees, realistic lighting, cinematic lighting, dnd, rpg, rustic, nature, fantasy, 4k, hyperdetailed, hyperrealistic, studio ghibli, anime, high quality, hd, fairy tale, concept art, stylized, epic, majestic, powerful, glow, reflections, unreal engine, full body view, professional digital art, professional photograph +Cinematic Pixar photo shoot of a cinese man riding a unicorn +lena paul y su esposo, el esposo es un caballo +Human man, holding a suit case +frosty seeing hands by Hans Bellmer, H.R.Giger, background snowflakes, frosty eyes inside large industrial freezer by Roger Penrose, M.C. Escher 128K UHD +Warframe Robotic Mecha juggernaut standing in a ruined city; by Klaus Wittmann; Alejandro Burdisio; Stefan Morrell; Cedric Peyravernay; Ismail Inceoglu; Jeremy Mann; Dynamic lighting; finalRender; CGSociety; deep depth of field; dynamic pose; unique composition; triadic colours; complementary colours; early morning sunrise; sci-fi; futuristic; apocalyptic; digital matte painting, 8k resolution concept art +the text "SOON" spelled out in leaves on a pond +art by Alfons Mucha, 20 year-old Kate Bush from Babooshka and The Sensual World as a naturist meditating in the lotus position, HD 4K, sharp detail, photo-realistic accurate face and features +tarot the fool, man walking along cliffside carrying bag on stick over his shoulder +buxxom bosomy shapley woman wearing tanktop, wide hips, curvy +photorealistic image of a Lamborghini burried in sand, beach in background +Dark blue chair in an office landscape, posters and girland +Green cube translucent space gold copper +an empowering view of a demonic Rose-ringed parakeet inside ironmaiden robot,wearing a noble robe,large view,a surrealist painting by aralan bean and Philippe Druillet,hiromu arakawa,volumetric lighting,detailed shadows +Contemporary Architecture Villa, single story, symmetric, repetition, Mayan revival, brutalist, sunset magazine, dwell magazine, Northern California, lots of standard sliding doors, patios, terraces, plants, recycled, sustainable, LEEDS, budget, experimental, conceptual, zero waste, suburban +a raw photo close up of the heavenly catholic demon cyborg inside an iron maiden robot,large view,a surrealist painting, inspired by Jean Fouquet and alan bean,by vincenzo riccardi and Philippe Druillet,yoji shinkawa,masterpiece +mega man making his human friend become a robot, super detailed, ultra modern AND futuristic, insane details AND shadows, masterpiece, ray tracing, unreal engine 5, award winning digital art +An old colombian city on top a a hill, the city is surrounded by a wooden wall, down in the valley there is fog and forest, dramatic anime digital art style +Radiant Fusion, Scientific Details, high resolution, extremely realistic +Candid street photo of a japanese grandpa in a crowded subway station, holding sign that says "dogs are real", REALISTIC, BLURRY BACKGROUND, BOKEH, FAST, MOTION, detailed skin, 20 megapixel, canon eos r3, detailed, detailed face +cinematic still of 3rd reich officers playing chess, mysterious lighting +person boiling while sitting on their phone +Toys 3D, kawaii,Toy soldier, California usa, unreal engine 5, big eyes. +apocalyptic Venice canals with makeshift rusty metal gondolas and destroyed bridges +A baroque oil painting of a solitary figure standing in the center of a vast alien landscape. +, fantasy, pastel, absurdist, photo, Tilda swinton, long curly eyebrows +A woman in Dog style position, , +a girl walking through the street with headphones +Expensive, modern gaming keyboard with golden keys and black leather casing +upside down photo in a gargantuan cavern lit with warm light upside down standing lanterns, moss, farns, ivy, clover, grey stone walls, gravel, and wooden planks on the surfaces upside down wall bars, ladders, floating +a painting of a bunch of people flying in the sky, a storybook illustration, full car, caravan, children's cartoon, on a sunny day +a chubby ogre sitting on a pillow +a car with turbines instead of wheels +a photo of a rat wearing a hat +A cartoon mascot helicopter with arms and legs +A slimy translucent monster trundles through the parking lot of a rural convenience store and gas station +a dragon holding a sign that says "SDXL" +Macro shot of alien dna, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +A risqué picture of Anna Kendrick bare 🍈🍈, riding a ski lift in Switzerland +Numbers Flying in a Surreal Horse Track +Close up photo of Einstein presents the time machine and the flux capacitor circa1930 +old rusty bioshock Robotic Mecha juggernaut abandoned in the deep jungle mech covered in moss and vines; by Klaus Wittmann; Alejandro Burdisio; Stefan Morrell; Cedric Peyravernay; Ismail Inceoglu; Jeremy Mann; Dynamic lighting; finalRender; CGSociety; deep depth of field; dynamic pose; unique composition; triadic colours; early morning sunrise; sci-fi; futuristic; apocalyptic; digital matte painting, 8k resolution concept art +cuddly stuffed dinosaur talking into a microphone +klingon warrior in ceremony, with his back to the viewer +lelouch from code geass wearing a waluigi hat, 4k +Generate an image of a futuristic cityscape, with towering structures and advanced technology reflecting the growth and progress of society. +A fantastic mechanical man made of brass and wood with a Van Dyke beard and a red hat +Ellie from "the last of us" game in a sofa with no underware with a dark background +Japanese woman in kimono, art by Agnes Cecile +a West African mermaid with a purple blue tail, purple bandeau, dark eyes, braided hair +a very dark photo of a city at night +Alien in a business suit. Hedge fund theme. +Anime boy with a cup of coffee +Baby Yoda in the style of a chair +market neutral; Bitcoin blue and black; balance; as so above as below; +upside down photo in a giant cavern within an asteroid lit with warm light standing lanterns and moss on the surfaces criscrossing ladders +bernese mountain dog, sunset, tall grass +A world where ChatGPT is its king +Swan robot, cyberpunk India, Cyborg swan, Ghost in the shell style, mehendi body art, Bird, yantra, Mask, Baroque style, Kathakali character, High technology, detailed, spotlight, Shadow color, high contrast, cyberpunk city, color, epic ambiant light, high technology, high contrast, synthesized body, hyper-realistic, 8k, epic ambient light, octane rendering, soft ambient light, HD +Generate an image of a "Buy" button with an arrow pointing upwards, with text saying "Positive momentum! Invest now to take advantage of our steady growth 📈 #investing #stockmarket +dead bird, 35mm film, poor quality, scratches, spots, +ted dibiase jr, 25 years old, full shot, serious face, short hair, handsome, muscular, fantasy theme, medieval fantasy theme, wearing dark blue winter armor, icy caves background, +a wide angle photo of a line of roman soldiers in front of courtyard arena roman buildings,white marble red gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, arches grass steps field panorama,Canaletto,stone floor,vanishing point symmetry perspective mountains landscape ,ben-hur gold eagle roofs , a detailed photo, julius Caesar , ceremonial, parade, roma, detailed photo, temples roads hestia,single point perspective, colonnade, necropolis, ultra realism, imperium ,by claude-joseph vernet and thomas cole ,pediment sky clouds,stones in the foreground,dusty volumetric lighting +skull made of only diamond, crystal, refraction, ray traced, caustics +a witch sitting indoors by a stone fireplace in a dark cozy room, filled with antique furnitures, she is reading books using moonlight +a bustling street in a dystopian cyberpunk city +Fantasy painting of a multi colored candy store in canday land +An oil painting of a handsome fairy tale prince. +Willy Wonka wearing a shirt that reads Wonkas +A dragon eating an icecream in space +wideangle photo Little roman town misty diorama, Epic cinematic brilliant stunning intricate meticulously detailed dramatic atmospheric maximalist digital matte painting +A detailed schematic diagram of Darth Vader's helmet +old photo of a person playing north indian pambai Drum in a jungle +Giger xenomorph Easter bunny Easter style alien egg, insanely detailed, photorealistic, 8k, ultra high resolution, volumetric lighting, taken with canon, taken with nikon +, fantasy, pastel, absurdist, photo, refined, mere +Macbook pro sitting on a coffee table +A young stylish woman, green eyes, red hair, scientist glasses, speaking in a megaphone entirely made of semolina. Digital art. +Baroque style, Cyberpunk style, India, silver on black background, Vastu, inlay, bas-relief, high relief, counter-relief, three-dimensional sculpture, high resolution, 8k detail +the home of the abandoned muse, hyperrealistic, realistic +Bitcoin cockroach wrapped with bitcoin, vibrant and colorfu scene, extremely detailed, ultra hd, hdr, 8k, cinematic, Stanley Artgerm Lau style beautifully color-coded, studio Portrait Lighting unreal render, black, background +Take a trip to Kawaii City, a cyberpunk metropolis where you can gaze at skyscrapers while relaxing at the cafe +Furry art , fursona , anthropomorphic , furry wolf , furry artwork , wolf head , wolf fur , furrafinity , uploaded on e621 , female wolf , hourglass body type , long loose brown hair locks , cute , attractive , black swim wear, standing , portrait , tit s +a perfect little girl in school +Create an image that represents the concept of the multiplication of the loaves and fishes, as explored through the lens of quantum physics. The image should convey the idea that this event can be understood in the context of quantum mechanics, with possible elements such as particles in a state of superposition, entangled consciousness, and the conversion of energy into matter. Consider incorporating images of bread, fish, and quantum particles or symbols, with a design that represents the book's themes and encourages readers to explore the connection between science and spirituality. The image should be visually striking and attention-grabbing, with a design that represents the book's themes and encourages readers to explore the intersection of science and religion. +Asuna from Sword Art Online,anime girl, symmetrical face, beautiful, auburn hair, brown eyes, aincrad +beautiful girl in a yellow-orange and dark-purple wizard robe with wide sleeves over a white dress holding a staff with blue orb on its end with left hand in a forest, white-blonde long hair, trees and rocks around her, Clint Cearley, magic the gathering artwork, a painting, fantasy art, split-complementary colors, Expressionism, Pop Art, anime, golden hour lighting, masterpiece, best quality, high quality, high resolution, 8k, absurd res, highly detailed, correct anatomy, solo, 1 person, detailed shadows, neon bright colors, indirect lighting, global illumination, +Man and woman, eating and drinking wine at a busy restaurant, art by Diego Koi +icon, flags, badge, of space exploration, space program, +a red cyclinder on top of a cyan cube with a yellow hypercube next to it, grey background +charcoal painting of a baby lion culb around 100 hours of work, wildlife photography by paul nicklen, charcoal drawing +a cool dog under an ambrella +MICHAEL C HALL AS DEXTER MORGAN ACTION FIGURE +a adult woman with long hair wearing glasses, freckles, blue tshirt +A chihuahua wearing a colorful party hat while eating a corn dog. Hyper detailed, cute, artstation +brother and sister in the snow ektachrome slide +, fantasy, pastel, absurdist, photo, refined, claustrophobic +space war: energy beams ply the stars over arcturus +breton monks looking like zappy with teleportation scifi portal and with goat, photo +woman on beach, julien bastien lepage +Antique, warm hues, full body, skinny black negro lesbian teen girl 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +the essence of Wildlife photography, art poster +a black and white painting of a pinecone using minimal brush strokes +Energy stimulators Just turn your eyeballs into craters But an orgone accumulator Is a superman creator +red skin, anime fire elemental spirit girl art, genie, magic, fantasy, inhuman, glowing eyes, liquid hairs, fire hairs, red skin, magma skin, sparks, digital art, mastepiece, art by artgerm and John William Waterhouse +AMLO with a Horse eating a breakfast in a table +Anthropomorphic fox King in Crown and business suit, Composite art style, Cityscape, Victo Ngai, James Jean, Jesper Ejsing, Anton Fadeev, Pascal Campion, Ismail Inceoglu, Jean Baptiste Monge, A masterpiece, Poster art, Splash art, sharp focus, Fluid lines, digital illustration, Hiroyuki-Mitsume Takahashi, Gediminas Pranckevicius, James Gurney, Huang Guangjian, Takashi Murakami, Reflections, HD, cel-shaded, fractal details, Volumetric lighting, detailed background +exquisite marble detail, spray on candy glitter, cum skid marks, holding battery powered dildo, twisted, wacky, skinny Latino cappuccino nerd, dork girl wearing tiny shorts, doing full body twisted splits breakdance, upside down bare model, smoke, explosion, 8K, HD, magical energy, highly detailed, rendered in octane, very very very aesthetic, night lights +A broken heart with a bullet sticking out of it, a rap album cover, cover art, by beeple, gal yosef, dan luvisi, realistic, auto-destructive art, from ncsoft +small band of survivors tall ricketty twisted iron structure ruins dense dystopian +Antje Utgaard as a superheroine in trouble +a lighthouse with an airplane in the sky, in the style of sam spratt, dark sky-blue and light gold, intricate illustrations, luminous pointillism, dark symbolism, becky cloonan, dark yellow and dark emerald, captivating light +tarzan playing a guitar in the jungle with apes watching +A Photo of Heisenberg, High Resolution, High Quality, Many Details, Real Life +an empowering close up view of heavenly demonic rooster cyborg bloodied ironmaiden robot,stern face,doing yoga,wearing regal royal outfit,in the style of Ken Kelly and Richard Corben and katsuhiro otomo,extremely detailed,detailed shadows,volumetric lighting +Nathan Drake with a toy gun in a city. +Beautiful woman standing in sunlit window +Beautiful and Modern Skycraper, Marble, Glass, Metal, Luxury, Gold, Manhattan, Building, Architecture, Opulent, Architectural vision +pikachu with a sign that has "I'm very cute" written on it +masterpiece, front view, best quality, demonic lamborghini in hell, spikes, medieval, rusty, vehicle, diablo 3, heartstone, fantasy, no jagged lines, vector art, smooth +An ewok offering you a snack, caught on camera +Mexican goddess Coatlicue is in the middle of the scene, surrounded by candle lights a 8 girls dressed up like el dia de los muertos Katrinas. The goddess is holding a fantastic tortilla de carne in her hands. Photographic. Fantastic and hyper real. Studio photography. Set design. +A level from a side scrolling 2d platform game for the ps4 +a woman decipted as grass with text saying "PORTALS" +laser beam cutting through human flesh, insanely detailed, photorealistic, 8k, perfect composition, volumetric lighting, natural complexion, award winning professional photography, taken with canon eos 5d mark iv, 85mm, mindblowing, masterpiece, +35mm macro shot of a kitten licking a baby duck +Cinematographic-sixties Jacques Chirac RPR vatican-betelgeuse-moebius capsule launchpad old-priest bows-low anglican-tiara-mitre Archbishops thunderbirds-balenciaga Astronaut papal official leica hasselblad photograph in Vatican royal helmet gold metal scaphandre launchpad pointy oxygen hazmat gloves helmet +reflective ice bubbles, aurora borealis, vibrant, 4k, infinite, hyperrealistic, hyperdetailed +An astronaut riding a horse on the moon +An old woman crossing the street +photograph of a beautiful woman, 35 years old, long hair +a burly muscular metal android with a metal beard, full body shot +Movie still of Nutronic in Star Trek Next Generation, as Captain Jean Luc Picard, expressionless, scifi, concept art, +A land full of grass And flowers with butterflies and unicorns jumping on the grass +Victorian Era, christmas night ice skating in central park by wlop, greg rutkowski , Alexei Butirskiyi, and thomas kinkade +Attack on titan in dragon ball +A scorpion with a flower tail on a rock, digital art, octane render +A spaceship travels at the speed of light +Photorealistic fossilised bronze sculpture face portrait of chinese uyghur muslim prisoner, wearing victorian rags, elite, disfigured, drooling, moist, unnatural movement, they are unhappy, bizzaro, renaissance, by emedios varo and anato finnstark and fenghua zhong and giacometti, hyperrealism, 8 k, 3 d, masterpiece, texture +a wide angle photo of marching roman centurions in front of courtyard arena roman buildings gladiators, marble gold,galea roman soldier in foreground masculine features nose helmet and silver sword ,eyes,clear sky, metal boots ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +, fantasy, pastel, absurdist, photo, refined, weird bird creatures +makoto shinkai dream world, lofi girl, rain +three women standing in a line, pointing at viewer +a wide angle photo roman centurions resting in a arena roman buildings, metal boots ,intricate embossed armour arches grass steps field panorama,Canaletto,stone floor, +perfect sensual suggestive evocative full body photo of clothless boyish masculine alicia vikander from the back showing off her slim body by annie leibovitz, absurdres +The fabric of time and space tearing open violently and the impact it would have on human life, insanely detailed, photorealistic, 8k, volumetric lighting, , +a photo of furry teddy bears looking at a lotus esprit car that is in the jungle , wideangle photo +red deer stag roaring side view vector logo dark comic style black and white +the broken statue of pickachu on a beach 3d +a helicopter sketch flying in the air, the helicopter is in horizontal position with side view, clean white background, the helicopter is in blue and white painting, futuristic +A artist's workshop, inside is a painting of a lotus esprit. +A sign that says drugs are for pussies, mythical mushroom +realistic anime style fluffy friendly anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +3D isometric cute bedroom with glass walls, yellow quilt, off-white walls, warm lighting night 3d,Diorama, c4d, Unreal Engine, 8k, OC renderer, blind box, best quality, cinematic lighting, chiaroscuro, detail, solid background, clean background, artistic, award winning, light color, UHD, 3d rendering, best qualit +A poster likè Alfons Mucha of a beautiful young Japanese couple on each other arms a Tea set on the forefront i a Palace +a room where people generate AI art, show the printouts to each other and laugh +a pretty teenage girl as a cute prep highschool student tired eyes is happy to be embraced by a tentacle demon. 8k resolution. high contrast. masterfully illustrated by Artgerm and Mina Petrovic and Range Murata. +portrait of a man with a pumpkin head, oil pastels +old woman on beach 💜💜suffra🔘 northeasthour criterion film seton, Jules bastion Lepage +lifelike portrait, grogu, extremely intricate, high res, 8k, award winning +front elevation of neo gothic skinny skyscraper, Chicago, pencil sketch, symetry +a vectorized logo of an alien, minimal logo, vector art, black and white, astronaut +gentleman ape monkey in a suit and tie; monkey eating AMC popcorn while watching a movie +, fantasy, pastel, absurdist, photo, refined, Ice cream person +samurai stands on a hill and looks at a nuclear explosion, illustration +Anime man holding a cute cad +Beautiful feminine. Ultrarealistic female. Soft light. Low contrast. F photography +a man holding a sign that says “you should kiss ula” +gorgeous beautiful young female in a changing room, black hair tied in pigtails, wearing a sheer partially draped saree without a blouse, no blouse, bare top, bare legs visible, dark areola visible, bunched up hem, attractive, flirting, full body visible, Victoria's secret model, portrait, photography, detailed skin, realistic, award winning photograph, photo-realistic, 8k, highly detailed, full length frame, High detail RAW color art, piercing, diffused soft lighting, shallow depth of field, sharp focus, hyperrealism, cinematic lighting +a mantis painted in a classical style and as a saint +bipedal otter in harness holding spear painted by John William Waterhouse +Cloth off viking princess, sits on big cock inside open mouth, orgasmic face,, cum on lips,white yogurt falling from lips and face,sits open laps, down view camera,resident evil movie style, humidity torso, look around shoulder,dinamic pose, nice face, jelly leaks on laps,nice arms, nice eyes,highest detailed, masterpease, +a young female holding a sign that says “Stable Diffusion”, highlights in hair, sitting outside restaurant, brown eyes, wearing a dress, side light +studio ghibli style poster of a dog riding a unicycle +Foto de uma japonesa mostrando o cu +A bad boy tall and strong with dark hairs and green eyes in a manga style +a woman towering over a smaller man +an image of a futuristic sports car in a cyberpunk city +kevin owens, wearing red singlet, style lexica art +Sheri Moon wearing a shirt that reads Rock N Roll +portrait of woman in farm field, waterhouse fleetwood sargent grosvenvero hawacafé haal ,Jules Bastien-Lepage +Smiling, massive black chubby teen, riding long skateboard, Pascall Shamerock star jump upside down, 8K, HD, highly detailed, rendered in octane, very very very aesthetic +Mapa de la Tierra Plana Alexander Gleason +a futuristic city in the middle of a desert, a detailed matte painting by George Lucas, deviantart contest winner, antipodeans, reimagined by industrial light and magic, xbox 360 graphics, matte painting +a digital art of an anthromorphic fox walking during winter wearing a fur trimmed suede coat and fur trimmed hood, trending on artstation +Little girl that is half alien +, fantasy, pastel, absurdist, photo, refined, textile character +Frontal portrait of King Richard III, 35mm colour film photography +Midjourney v4 style portrait, insanely detailed, photorealistic, 8k, volumetric lighting, , +a happy black girl holding a German Shepperd puppy. the girl is sitting on a bench on a cyberpunk city. Digital illustration, busy street. intricate. Street full of cars, people and cyberpunk humanoid robots and people walking. golden hour +air of Scarpin Heels that are made of cotton candy| 3D render| standing on a cloud| nike logo| clean composition| a beautiful artwork illustration +teen boy walking through rubble, post apocalyptic, cinematic, concept art +bmw car in gta 4 graphics style +Female elven mage, fantasy painting, highly detailed +Astronaut in orange suit,closed helmet portrait viewRTX on , highly detailed,super high resolution +photo of a woman lying in bed pleasing herself +A linocut of a cute fat little dachshund +4K hdr raw photo Charming muscular woman +color photograph, very large lovecraftian thing, apparition, fog, long tentacles, lovecraftian creature in the room with person, long thin tentacles, old house, old home, old bedroom , +cinematic still of star wars played by japanese actors, insanely detailed, taken with a nikon dslr, 8k, photorealistic, volumetric lighting +a green land rover driving through a muddy road, profile image, online, land rover defender,, wet clay, banner, summertime, everyone having fun, advanced technology, fully covered, 2 0 2 1, family photo, very wet splash +genere un perfil de rostro de 3/4 de una mujer estudiante de 22 años latina, alegre, cabello marron +Masterpiece, realistic photography of a cosmic god, armored warrior, hovering over a planet, cinematic, still from games of thrones, epic, volumetric light, award winning photography, intricate details +sci-fi room metal,myst game,c3po standing inside room,fine details,studio lighting, plants,geometric artworks,marble,volumetric light,sir john soane,metal pipes,floor designs,pilasters, british museum +A painting of a wise elder from kenya by lynette yiadom-boakye . dramatic angle, ethereal lights, details, smooth, sharp focus, illustration, realistic, cinematic, artstation, award winning, rgb, unreal engine, octane render, cinematic light, macro, depth of field, blur, red light and clouds from the back, highly detailed epic cinematic concept art cg render made in maya, blender and photoshop, octane render, excellent composition, dynamic dramatic cinematic lighting, aesthetic, very inspirational, arthouse. +ben shapiro in a burglar mask holding a jar of white liquid +Tobey Maguire as Peter Parker in Into Spiderverse +Fernando Alonso playing Fortnite with Max Verstappen +fantasy art print, hyperrealistic wildlife drawing by Jin Xiaodi L.O.R.D. of an peaceful giantious towering eagle peacefully bowing down to a small girl +a pool with green neon,3D ,WindowsXP style +woman with short black hair, ryuko matoi,kill la kill, waterpaint, insanely detailed close up, elegant blind chibi girl made +realistic whale swallowing a mountain on Neptune while Poseidon is riding on top of him +Delicious braised Buddha jumps over the wall, in white ceramic casserole, studio, food photos, super details, reality, Ghibli Studio +a woman, lay drooling, strapped to a lab table. scifi illustration +closeup photo of a man with smug smile who has dark green unkempt hair and brown eyes, wearing a casual blue suit, lush, 4k uhd, ambient light +A giant frog destroys Tokyo, photorealistic +1989 STUDIO GHIBLI ANIME MOVIE ABOUT THE AMERICAN CIVIL WAR +A koala with a pumpkin head +A group of dinosaurs having a fancy tea party +genere un retrato de perfil de 3/4 de un hombre constructor 32 años, sonrisa suave, vestida con una camiseta negra. La imagen debe ser un primer plano, centrándose en la cabeza, la parte superior del cuerpo y los hombros --q2 --s750 +hyperrealistic photo of a woman in a superhero outfit with pale skin and long dark hair, freckles, tall, strong +anime black haired tan purple dragon girl with red tracksuit manga purple horns large scaly tail +Photo of an antropomorphic deer character wearing a suit and cool glasses +an anthropomorphic white wolf, cape, medieval, adventurer, dnd, nature spirit, rpg, rustic, fantasy, hd digital art +ice shards and crystals with varying colors and shapes, highly detailed, sharp focus, photo taken with eos 5d, ultra realism, hyperrealism, professional photography, 8k uhd, ray tracing, ssao, film grain +Digital art, virtual reality, a person wearing a VR headset, fully immersed in a digital world filled with incredible technology and advanced AI, immersive and futuristic. +a newspaper headline that reads "AI takes over" +Neural networks - conspiracy theory, photorealistic, high quality +a dog with green har, blue shoes, and purple tie +mechanical elephant , sweet, colorful, high detailed, splash +photography from olympic games competition in wearing lace stockings +, fantasy, pastel, absurdist, photo, refined, 5th dimension +photo of a girl, kneeling, bed +Les rayons lunaires transpercent les feuillages Et la brise siffle une douce mélodie. Ce beau lieu dispensé de toute tragédie Laisse dans l'esprit un mémorable sillage. Les ipomées couvrent gentillement la terre Et les lucioles font scintiller les arbres. Les étoiles, aussi blanches que le marbre, Sont reflétées par l'eau claire du lac austère. Le chant des hiboux met mon ouïe au repos, Les sombres couleurs de cette nuit me fascinent, La fragrance florale inonde mes narines Et l'air d'été caresse tendrement ma peau. J'ouvre les yeux, un plafond terne me fait face, Les cris stridents des motos blessent mes oreilles, Dans une jungle de béton je me réveille Quittant, par mégarde, ce chaleureux espace. +Jesus playing lego with children, lego bricks forming holy cross and church +a man in suit with a cat head, professional photography, raw +a human hand in front of a black background +Surreal Movie poster, hush, creepy white mask, simple colors, +Striking, award winning detailed photo of a confident orange tabby cat, taken on a canon with an 800mm lens +pineapple bush grow on floor with dirt in apartments, photo, 4k, full length, top view +Imagine a post-apocalyptic world where landfills have reached maximum capacity, and the only option left is to dump waste in the streets. Piles of rotting garbage mix with human and animal remains, creating a toxic and disease-ridden environment. The only signs of life are mutated creatures scavenging for scraps in the putrid landscape +A man sitting in the car +Centered , smooth, sharp-focus , Sindel, Mortal Kombat Character , max gorgeous art , by Charlie Bowater & Artgerm , Comic & Cartoon style , sit, throne , trending Artstation +detailed vector illustration of a alien wearing hip hop fashion flying an airplane smoking a cigar by patrick brown +a close up of a rock on a table, a microscopic photo, by Hans Fischer, unsplash, gunmetal grey, looking partly to the left, ultrafine, byzantine +actor matt damon with lasers pointing out of his eyes +Full body outdoor photo of a redhead teenage girl from the 1980s wearing a 1980s outfit with jean jacket, blue jeans +macro photograph of a beautiful sparkling fantasy opal gemstone sitting on a stone ledge with mountains in the distance +Dragon flyling over a mountain landscape by J. M. W. Turner and bob ross +A long haired black cat looking at us +2D image, thin lines like a braided circulatory system diagram, abstract art, black and white, harsh contrast +A curious cat expIn this scene, Jesus performs a miracle known as the multiplication of loaves and fishes +wideangle photo model mgb museum, intricate details, intricate details, hyperdetailed, cinematic, dark shot, muted colors, film grainy, soothing tones, muted colors, technicolor +digital fantasy painting of a giant tree growing on clouds +Addams family haunted house with full moon above, gothic style painting, illustration by Thomas kindkade, Alphonse mucha, norman rockwell, Craig Mullins, painted by Michelangelo, 3:4 ratio +electronic circuit that looks like a disney doll +young Lee Young Ae, dressed as a 19th century hungarian peasant woman with two black hair braids, in 19th century a hungarian village, oil canvas portrait by Munkácsy, Ferenczy, Rutkowski, Marc Simonetti, Waterhouse very atmospheric, natural light +Denting acetylene general Tyne acquiring counselors moscato +A robot holding a sign that reads "IF is coming Never." +fantasy art print, hyperrealistic charcoal drawing of an peaceful giant eagle bowing down to a girl +A logo for the series “Phineas and Ferb.” Stylized Text that says “Phineas and Ferb.” +film still from romantic beautiful 80s dark fantasy movie, naturist +photography of new york with mushroom shape buildings, skyscraper mushroom +A battle at sundown, men fighting and dying, through thick smoke and dust, bokeh, blurry +cute pikachu with a sign that has "I'm very cute" written +A beautiful clown woman with good curves, long hair, torso shot, smiling, makeup, masterpiece, photograph, , +neon and pastel amusement park at night, glowing, magical +marvels enchantress painted on an easteregg +sonic the hedgehog playing chess with pikachu in the temple, 3d render +The Powerpuff Girls shooting rainbow lazer +Antique, warm hues, urine spray, holding massive black rubber dildo, chubby Afro American girl doing the splits breakdance, 8K, HD, octane render, magical energy, sharp overhead cinematic lighting, beautiful digital fantastical illustration, highly detailed, rendered in octane, very very very aesthetic, exquisite marble detail +highly detailed, digital illustration, a witch conjuring the ragnarok, trending on artstation by greg rutkowski and artgerm +a warhammer 40k soldier in full armor without a helmet +hyperdetailed hyperrealistic fairytale style fluffy anthropomorphic lynx with antlers, standing, full body, medieval, adventurer, dnd, rpg, rustic, nature, fantasy +Alice in wonderland , made by Stanley Artgerm Lau, WLOP, Rossdraws, ArtStation, CGSociety, concept art, cgsociety, octane render, trending on artstation, artstationHD, artstationHQ, unreal engine, 4k, 8k, +natsuki subaru, re zero, young man, lean and muscular build, short messy dark blue hair with bangs that partially cover the forehead, bright green eyes, pointed chin, black track suit with white stripes down the sides, black sneakers, green eyes, anime +satyr making love to elven maid +bitcoin surfing huge wave with a sea turtle +Marilyn Monroe wearing a shirt that reads Send Money +a woman with colorful hair wearing headphones, character album cover, tamara de lepika, hairworks, in thick layers of rhythms, inspired by Johanna Marie Fosie, paranoid, big bold thick eyebrows, by Farid Mansour, technocracy, luminous color’s, pooka, tusks +A mature grizzly bear holding a sign saying kill Mumu, realistic +young elf!!! woman with silver hair, slender build, long silver hair, tied up in a partial ponytail, adorned with a white flower accessory on the right side, large expressive purple eyes, gentle expression, white and gold outfit that consists of a dress with a long skirt, white cloak with gold trim, brown boots, left arm adorned with a gold armlet, graceful appearance, silver long hair, purity, innocence +A vintage advertisement poster for a peacock-themed teapot, with a bold and colorful design, against a retro background, typography, graphic design, by Jules Chéret and Alphonse Mucha, art nouveau, advertising +Batman wearing a long black cape and boy wonder in red and green with green hood and cape stood next to a futuristic looking batmobile, fantasy, sharp focus, digital photo, hyper realistic, 8k, unreal engine, highly detailed, hd 4k, dramatic lighting, trending on artstation +insanely detailed portrait,male model, insane face details, purple eyes, extremely intricate, high res, 8k, award winning photography +a wide angle photo of Caesar in a smokey roman villa burning, 18mm smoke filled room debris , gladiator ,floor mosaics fire smoke, a photo, roman , a digital rendering, inside the roman colliseum, brick, indoor, plants overgrown outstanding detail ,room flooded with water, in front of a building,by claude-joseph vernet,luxury hotel +Portrait of Pinkie Pie, blue eyes, pink hair, by Katsushika Hokusai +award winning closeup photo of a beautiful young woman with white hair, wearing leggings and a crop top, standing in a moderninterior style by lee jeffries nikon d850 film stock photograph 4 kodak portra 400 camera f1.6 lens rich colors hyper realistic lifelike texture dramatic lighting unrealengine trending on artstation cinestill 800 +Digital painting of a Dali-inspired alien with an exotic fruit for a head. Art on Behance. +Giant eye melting and creating a blood river through an ocean +a beautiful sunset with the letters "TGIF" written in the clouds +rococo surrealism, cyborg witch in futurism alchemical laboratory, magical realism, blue and gold highlights, dynamic colours, photography, detailed texture, professionally retouched, professional Post Processing, professional post-production, photograph shot from a low angle, Ultra-Wide Angle, Photoshoot, Shot on 22mm lens, DOF, Tilt Blur +photography of vampire woman wearing night gown +a star trek ship flying through the night sky, a digital rendering by René Auberjonois, trending on cg society, cobra, toonami, reimagined by industrial light and magic +Modern building, architecture design, digital illustration, digital concept art, medium shot +league of legends champion, premium skin, detailed champion art +hyper realistic photo of baroque dark luxury queen ethereal ghost full body, symmetric, rule of thirds, cinematic, greg rutkowski, brom, james gurney, mignola +a professional cinematic paparazzi side photograph of a dripped out pope francis in wearing an icy crucifix and a luxurious canada goose style swagy white long puffer jacket, rapper, cinematic lighting, epic, amazing, sharp, 8k, photorealistic +a photograph of velociraptors driving a landrover in the jungle river, +woman holding bitcoin, fashion 40s vintage retro illustration style +A German nerd with glasses and a receting hairline holding a sign that says amk +Painting of a young Kerala woman +a beautiful blue-haired egirl drinking vodka +ortrait of a cyberpunk pretty gorgeous girl looking lovingly, full body visible, tokyo at night neons, raining, shot on cinestill 800t 35mm film with a leica m9 Voigtländer 35mm classic, key visual, distopian lighting, character design, looking fierce into the camera, cinematic colorgrade, highly detailed fabric, perfect teeth, subtle catchlight +sparkly magical medieval fantasy beautiful female mystic adventurer from Final Fantasy 14, highly detailed, detailed cute beautiful face, ultra high max settings quality HD in-game render, HDR XDR contrast, 4k texture meshes, starlight bokeh, cinematic dramatic lighting, +A beautiful Japanese woman with E-cup soaks in the hot spring diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/aesthetic_scorer.py b/ppdiffusers/examples/flow_grpo/flow_grpo/aesthetic_scorer.py new file mode 100644 index 000000000..9dba51da4 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/aesthetic_scorer.py @@ -0,0 +1,66 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Based on https://github.com/christophschuhmann/improved-aesthetic-predictor/blob/fe88a163f4661b4ddabba0751ff645e2e620746e/simple_inference.py + +from importlib import resources + +# import torch +# import torch.nn as nn +import paddle +import paddle.nn as nn +from transformers import CLIPModel, CLIPProcessor + +ASSETS_PATH = resources.files("flow_grpo.assets") + + +class MLP(nn.Module): + def __init__(self): + super().__init__() + self.layers = nn.Sequential( + nn.Linear(768, 1024), + nn.Dropout(0.2), + nn.Linear(1024, 128), + nn.Dropout(0.2), + nn.Linear(128, 64), + nn.Dropout(0.1), + nn.Linear(64, 16), + nn.Linear(16, 1), + ) + + @paddle.no_grad() + def forward(self, embed): + return self.layers(embed) + + +class AestheticScorer(paddle.nn.Layer): + def __init__(self, dtype): + super().__init__() + self.clip = CLIPModel.from_pretrained("openai/clip-vit-large-patch14") + self.processor = CLIPProcessor.from_pretrained("openai/clip-vit-large-patch14") + self.mlp = MLP() + state_dict = paddle.load(ASSETS_PATH.joinpath("sac+logos+ava1-l14-linearMSE.pth")) + self.mlp.load_state_dict(state_dict) + self.dtype = dtype + self.eval() + + @paddle.no_grad() + def __call__(self, images): + device = next(self.parameters()).device + inputs = self.processor(images=images, return_tensors="np") + inputs = {k: v.to(self.dtype).to(device) for k, v in inputs.items()} + embed = self.clip.get_image_features(**inputs) + # normalize embedding + embed = embed / paddle.norm(embed, axis=-1, keepdim=True) + return self.mlp(embed).squeeze(1) diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/activities.txt b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/activities.txt new file mode 100644 index 000000000..abea0458a --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/activities.txt @@ -0,0 +1,3 @@ +washing the dishes +riding a bike +playing chess \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/activities_v0.txt b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/activities_v0.txt new file mode 100644 index 000000000..abea0458a --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/activities_v0.txt @@ -0,0 +1,3 @@ +washing the dishes +riding a bike +playing chess \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/imagenet_classes.txt b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/imagenet_classes.txt new file mode 100644 index 000000000..722c98456 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/imagenet_classes.txt @@ -0,0 +1,1000 @@ +tench, Tinca tinca +goldfish, Carassius auratus +great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias +tiger shark, Galeocerdo cuvieri +hammerhead, hammerhead shark +electric ray, crampfish, numbfish, torpedo +stingray +cock +hen +ostrich, Struthio camelus +brambling, Fringilla montifringilla +goldfinch, Carduelis carduelis +house finch, linnet, Carpodacus mexicanus +junco, snowbird +indigo bunting, indigo finch, indigo bird, Passerina cyanea +robin, American robin, Turdus migratorius +bulbul +jay +magpie +chickadee +water ouzel, dipper +kite +bald eagle, American eagle, Haliaeetus leucocephalus +vulture +great grey owl, great gray owl, Strix nebulosa +European fire salamander, Salamandra salamandra +common newt, Triturus vulgaris +eft +spotted salamander, Ambystoma maculatum +axolotl, mud puppy, Ambystoma mexicanum +bullfrog, Rana catesbeiana +tree frog, tree-frog +tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui +loggerhead, loggerhead turtle, Caretta caretta +leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea +mud turtle +terrapin +box turtle, box tortoise +banded gecko +common iguana, iguana, Iguana iguana +American chameleon, anole, Anolis carolinensis +whiptail, whiptail lizard +agama +frilled lizard, Chlamydosaurus kingi +alligator lizard +Gila monster, Heloderma suspectum +green lizard, Lacerta viridis +African chameleon, Chamaeleo chamaeleon +Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis +African crocodile, Nile crocodile, Crocodylus niloticus +American alligator, Alligator mississipiensis +triceratops +thunder snake, worm snake, Carphophis amoenus +ringneck snake, ring-necked snake, ring snake +hognose snake, puff adder, sand viper +green snake, grass snake +king snake, kingsnake +garter snake, grass snake +water snake +vine snake +night snake, Hypsiglena torquata +boa constrictor, Constrictor constrictor +rock python, rock snake, Python sebae +Indian cobra, Naja naja +green mamba +sea snake +horned viper, cerastes, sand viper, horned asp, Cerastes cornutus +diamondback, diamondback rattlesnake, Crotalus adamanteus +sidewinder, horned rattlesnake, Crotalus cerastes +trilobite +harvestman, daddy longlegs, Phalangium opilio +scorpion +black and gold garden spider, Argiope aurantia +barn spider, Araneus cavaticus +garden spider, Aranea diademata +black widow, Latrodectus mactans +tarantula +wolf spider, hunting spider +tick +centipede +black grouse +ptarmigan +ruffed grouse, partridge, Bonasa umbellus +prairie chicken, prairie grouse, prairie fowl +peacock +quail +partridge +African grey, African gray, Psittacus erithacus +macaw +sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita +lorikeet +coucal +bee eater +hornbill +hummingbird +jacamar +toucan +drake +red-breasted merganser, Mergus serrator +goose +black swan, Cygnus atratus +tusker +echidna, spiny anteater, anteater +platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus +wallaby, brush kangaroo +koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus +wombat +jellyfish +sea anemone, anemone +brain coral +flatworm, platyhelminth +nematode, nematode worm, roundworm +conch +snail +slug +sea slug, nudibranch +chiton, coat-of-mail shell, sea cradle, polyplacophore +chambered nautilus, pearly nautilus, nautilus +Dungeness crab, Cancer magister +rock crab, Cancer irroratus +fiddler crab +king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica +American lobster, Northern lobster, Maine lobster, Homarus americanus +spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish +crayfish, crawfish, crawdad, crawdaddy +hermit crab +isopod +white stork, Ciconia ciconia +black stork, Ciconia nigra +spoonbill +flamingo +little blue heron, Egretta caerulea +American egret, great white heron, Egretta albus +bittern +crane +limpkin, Aramus pictus +European gallinule, Porphyrio porphyrio +American coot, marsh hen, mud hen, water hen, Fulica americana +bustard +ruddy turnstone, Arenaria interpres +red-backed sandpiper, dunlin, Erolia alpina +redshank, Tringa totanus +dowitcher +oystercatcher, oyster catcher +pelican +king penguin, Aptenodytes patagonica +albatross, mollymawk +grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus +killer whale, killer, orca, grampus, sea wolf, Orcinus orca +dugong, Dugong dugon +sea lion +Chihuahua +Japanese spaniel +Maltese dog, Maltese terrier, Maltese +Pekinese, Pekingese, Peke +Shih-Tzu +Blenheim spaniel +papillon +toy terrier +Rhodesian ridgeback +Afghan hound, Afghan +basset, basset hound +beagle +bloodhound, sleuthhound +bluetick +black-and-tan coonhound +Walker hound, Walker foxhound +English foxhound +redbone +borzoi, Russian wolfhound +Irish wolfhound +Italian greyhound +whippet +Ibizan hound, Ibizan Podenco +Norwegian elkhound, elkhound +otterhound, otter hound +Saluki, gazelle hound +Scottish deerhound, deerhound +Weimaraner +Staffordshire bullterrier, Staffordshire bull terrier +American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier +Bedlington terrier +Border terrier +Kerry blue terrier +Irish terrier +Norfolk terrier +Norwich terrier +Yorkshire terrier +wire-haired fox terrier +Lakeland terrier +Sealyham terrier, Sealyham +Airedale, Airedale terrier +cairn, cairn terrier +Australian terrier +Dandie Dinmont, Dandie Dinmont terrier +Boston bull, Boston terrier +miniature schnauzer +giant schnauzer +standard schnauzer +Scotch terrier, Scottish terrier, Scottie +Tibetan terrier, chrysanthemum dog +silky terrier, Sydney silky +soft-coated wheaten terrier +West Highland white terrier +Lhasa, Lhasa apso +flat-coated retriever +curly-coated retriever +golden retriever +Labrador retriever +Chesapeake Bay retriever +German short-haired pointer +vizsla, Hungarian pointer +English setter +Irish setter, red setter +Gordon setter +Brittany spaniel +clumber, clumber spaniel +English springer, English springer spaniel +Welsh springer spaniel +cocker spaniel, English cocker spaniel, cocker +Sussex spaniel +Irish water spaniel +kuvasz +schipperke +groenendael +malinois +briard +kelpie +komondor +Old English sheepdog, bobtail +Shetland sheepdog, Shetland sheep dog, Shetland +collie +Border collie +Bouvier des Flandres, Bouviers des Flandres +Rottweiler +German shepherd, German shepherd dog, German police dog, alsatian +Doberman, Doberman pinscher +miniature pinscher +Greater Swiss Mountain dog +Bernese mountain dog +Appenzeller +EntleBucher +boxer +bull mastiff +Tibetan mastiff +French bulldog +Great Dane +Saint Bernard, St Bernard +Eskimo dog, husky +malamute, malemute, Alaskan malamute +Siberian husky +dalmatian, coach dog, carriage dog +affenpinscher, monkey pinscher, monkey dog +basenji +pug, pug-dog +Leonberg +Newfoundland, Newfoundland dog +Great Pyrenees +Samoyed, Samoyede +Pomeranian +chow, chow chow +keeshond +Brabancon griffon +Pembroke, Pembroke Welsh corgi +Cardigan, Cardigan Welsh corgi +toy poodle +miniature poodle +standard poodle +Mexican hairless +timber wolf, grey wolf, gray wolf, Canis lupus +white wolf, Arctic wolf, Canis lupus tundrarum +red wolf, maned wolf, Canis rufus, Canis niger +coyote, prairie wolf, brush wolf, Canis latrans +dingo, warrigal, warragal, Canis dingo +dhole, Cuon alpinus +African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus +hyena, hyaena +red fox, Vulpes vulpes +kit fox, Vulpes macrotis +Arctic fox, white fox, Alopex lagopus +grey fox, gray fox, Urocyon cinereoargenteus +tabby, tabby cat +tiger cat +Persian cat +Siamese cat, Siamese +Egyptian cat +cougar, puma, catamount, mountain lion, painter, panther, Felis concolor +lynx, catamount +leopard, Panthera pardus +snow leopard, ounce, Panthera uncia +jaguar, panther, Panthera onca, Felis onca +lion, king of beasts, Panthera leo +tiger, Panthera tigris +cheetah, chetah, Acinonyx jubatus +brown bear, bruin, Ursus arctos +American black bear, black bear, Ursus americanus, Euarctos americanus +ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus +sloth bear, Melursus ursinus, Ursus ursinus +mongoose +meerkat, mierkat +tiger beetle +ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle +ground beetle, carabid beetle +long-horned beetle, longicorn, longicorn beetle +leaf beetle, chrysomelid +dung beetle +rhinoceros beetle +weevil +fly +bee +ant, emmet, pismire +grasshopper, hopper +cricket +walking stick, walkingstick, stick insect +cockroach, roach +mantis, mantid +cicada, cicala +leafhopper +lacewing, lacewing fly +dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk +damselfly +admiral +ringlet, ringlet butterfly +monarch, monarch butterfly, milkweed butterfly, Danaus plexippus +cabbage butterfly +sulphur butterfly, sulfur butterfly +lycaenid, lycaenid butterfly +starfish, sea star +sea urchin +sea cucumber, holothurian +wood rabbit, cottontail, cottontail rabbit +hare +Angora, Angora rabbit +hamster +porcupine, hedgehog +fox squirrel, eastern fox squirrel, Sciurus niger +marmot +beaver +guinea pig, Cavia cobaya +sorrel +zebra +hog, pig, grunter, squealer, Sus scrofa +wild boar, boar, Sus scrofa +warthog +hippopotamus, hippo, river horse, Hippopotamus amphibius +ox +water buffalo, water ox, Asiatic buffalo, Bubalus bubalis +bison +ram, tup +bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis +ibex, Capra ibex +hartebeest +impala, Aepyceros melampus +gazelle +Arabian camel, dromedary, Camelus dromedarius +llama +weasel +mink +polecat, fitch, foulmart, foumart, Mustela putorius +black-footed ferret, ferret, Mustela nigripes +otter +skunk, polecat, wood pussy +badger +armadillo +three-toed sloth, ai, Bradypus tridactylus +orangutan, orang, orangutang, Pongo pygmaeus +gorilla, Gorilla gorilla +chimpanzee, chimp, Pan troglodytes +gibbon, Hylobates lar +siamang, Hylobates syndactylus, Symphalangus syndactylus +guenon, guenon monkey +patas, hussar monkey, Erythrocebus patas +baboon +macaque +langur +colobus, colobus monkey +proboscis monkey, Nasalis larvatus +marmoset +capuchin, ringtail, Cebus capucinus +howler monkey, howler +titi, titi monkey +spider monkey, Ateles geoffroyi +squirrel monkey, Saimiri sciureus +Madagascar cat, ring-tailed lemur, Lemur catta +indri, indris, Indri indri, Indri brevicaudatus +Indian elephant, Elephas maximus +African elephant, Loxodonta africana +lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens +giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca +barracouta, snoek +eel +coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch +rock beauty, Holocanthus tricolor +anemone fish +sturgeon +gar, garfish, garpike, billfish, Lepisosteus osseus +lionfish +puffer, pufferfish, blowfish, globefish +abacus +abaya +academic gown, academic robe, judge's robe +accordion, piano accordion, squeeze box +acoustic guitar +aircraft carrier, carrier, flattop, attack aircraft carrier +airliner +airship, dirigible +altar +ambulance +amphibian, amphibious vehicle +analog clock +apiary, bee house +apron +ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin +assault rifle, assault gun +backpack, back pack, knapsack, packsack, rucksack, haversack +bakery, bakeshop, bakehouse +balance beam, beam +balloon +ballpoint, ballpoint pen, ballpen, Biro +Band Aid +banjo +bannister, banister, balustrade, balusters, handrail +barbell +barber chair +barbershop +barn +barometer +barrel, cask +barrow, garden cart, lawn cart, wheelbarrow +baseball +basketball +bassinet +bassoon +bathing cap, swimming cap +bath towel +bathtub, bathing tub, bath, tub +beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon +beacon, lighthouse, beacon light, pharos +beaker +bearskin, busby, shako +beer bottle +beer glass +bell cote, bell cot +bib +bicycle-built-for-two, tandem bicycle, tandem +bikini, two-piece +binder, ring-binder +binoculars, field glasses, opera glasses +birdhouse +boathouse +bobsled, bobsleigh, bob +bolo tie, bolo, bola tie, bola +bonnet, poke bonnet +bookcase +bookshop, bookstore, bookstall +bottlecap +bow +bow tie, bow-tie, bowtie +brass, memorial tablet, plaque +brassiere, bra, bandeau +breakwater, groin, groyne, mole, bulwark, seawall, jetty +breastplate, aegis, egis +broom +bucket, pail +buckle +bulletproof vest +bullet train, bullet +butcher shop, meat market +cab, hack, taxi, taxicab +caldron, cauldron +candle, taper, wax light +cannon +canoe +can opener, tin opener +cardigan +car mirror +carousel, carrousel, merry-go-round, roundabout, whirligig +carpenter's kit, tool kit +carton +car wheel +cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM +cassette +cassette player +castle +catamaran +CD player +cello, violoncello +cellular telephone, cellular phone, cellphone, cell, mobile phone +chain +chainlink fence +chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour +chain saw, chainsaw +chest +chiffonier, commode +chime, bell, gong +china cabinet, china closet +Christmas stocking +church, church building +cinema, movie theater, movie theatre, movie house, picture palace +cleaver, meat cleaver, chopper +cliff dwelling +cloak +clog, geta, patten, sabot +cocktail shaker +coffee mug +coffeepot +coil, spiral, volute, whorl, helix +combination lock +computer keyboard, keypad +confectionery, confectionary, candy store +container ship, containership, container vessel +convertible +corkscrew, bottle screw +cornet, horn, trumpet, trump +cowboy boot +cowboy hat, ten-gallon hat +cradle +crane +crash helmet +crate +crib, cot +Crock Pot +croquet ball +crutch +cuirass +dam, dike, dyke +desk +desktop computer +dial telephone, dial phone +diaper, nappy, napkin +digital clock +digital watch +dining table, board +dishrag, dishcloth +dishwasher, dish washer, dishwashing machine +disk brake, disc brake +dock, dockage, docking facility +dogsled, dog sled, dog sleigh +dome +doormat, welcome mat +drilling platform, offshore rig +drum, membranophone, tympan +drumstick +dumbbell +Dutch oven +electric fan, blower +electric guitar +electric locomotive +entertainment center +envelope +espresso maker +face powder +feather boa, boa +file, file cabinet, filing cabinet +fireboat +fire engine, fire truck +fire screen, fireguard +flagpole, flagstaff +flute, transverse flute +folding chair +football helmet +forklift +fountain +fountain pen +four-poster +freight car +French horn, horn +frying pan, frypan, skillet +fur coat +garbage truck, dustcart +gasmask, respirator, gas helmet +gas pump, gasoline pump, petrol pump, island dispenser +goblet +go-kart +golf ball +golfcart, golf cart +gondola +gong, tam-tam +gown +grand piano, grand +greenhouse, nursery, glasshouse +grille, radiator grille +grocery store, grocery, food market, market +guillotine +hair slide +hair spray +half track +hammer +hamper +hand blower, blow dryer, blow drier, hair dryer, hair drier +hand-held computer, hand-held microcomputer +handkerchief, hankie, hanky, hankey +hard disc, hard disk, fixed disk +harmonica, mouth organ, harp, mouth harp +harp +harvester, reaper +hatchet +holster +home theater, home theatre +honeycomb +hook, claw +hoopskirt, crinoline +horizontal bar, high bar +horse cart, horse-cart +hourglass +iPod +iron, smoothing iron +jack-o'-lantern +jean, blue jean, denim +jeep, landrover +jersey, T-shirt, tee shirt +jigsaw puzzle +jinrikisha, ricksha, rickshaw +joystick +kimono +knee pad +knot +lab coat, laboratory coat +ladle +lampshade, lamp shade +laptop, laptop computer +lawn mower, mower +lens cap, lens cover +letter opener, paper knife, paperknife +library +lifeboat +lighter, light, igniter, ignitor +limousine, limo +liner, ocean liner +lipstick, lip rouge +Loafer +lotion +loudspeaker, speaker, speaker unit, loudspeaker system, speaker system +loupe, jeweler's loupe +lumbermill, sawmill +magnetic compass +mailbag, postbag +mailbox, letter box +maillot +maillot, tank suit +manhole cover +maraca +marimba, xylophone +mask +matchstick +maypole +maze, labyrinth +measuring cup +medicine chest, medicine cabinet +megalith, megalithic structure +microphone, mike +microwave, microwave oven +military uniform +milk can +minibus +miniskirt, mini +minivan +missile +mitten +mixing bowl +mobile home, manufactured home +Model T +modem +monastery +monitor +moped +mortar +mortarboard +mosque +mosquito net +motor scooter, scooter +mountain bike, all-terrain bike, off-roader +mountain tent +mouse, computer mouse +mousetrap +moving van +muzzle +nail +neck brace +necklace +nipple +notebook, notebook computer +obelisk +oboe, hautboy, hautbois +ocarina, sweet potato +odometer, hodometer, mileometer, milometer +oil filter +organ, pipe organ +oscilloscope, scope, cathode-ray oscilloscope, CRO +overskirt +oxcart +oxygen mask +packet +paddle, boat paddle +paddlewheel, paddle wheel +padlock +paintbrush +pajama, pyjama, pj's, jammies +palace +panpipe, pandean pipe, syrinx +paper towel +parachute, chute +parallel bars, bars +park bench +parking meter +passenger car, coach, carriage +patio, terrace +pay-phone, pay-station +pedestal, plinth, footstall +pencil box, pencil case +pencil sharpener +perfume, essence +Petri dish +photocopier +pick, plectrum, plectron +pickelhaube +picket fence, paling +pickup, pickup truck +pier +piggy bank, penny bank +pill bottle +pillow +ping-pong ball +pinwheel +pirate, pirate ship +pitcher, ewer +plane, carpenter's plane, woodworking plane +planetarium +plastic bag +plate rack +plow, plough +plunger, plumber's helper +Polaroid camera, Polaroid Land camera +pole +police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria +poncho +pool table, billiard table, snooker table +pop bottle, soda bottle +pot, flowerpot +potter's wheel +power drill +prayer rug, prayer mat +printer +prison, prison house +projectile, missile +projector +puck, hockey puck +punching bag, punch bag, punching ball, punchball +purse +quill, quill pen +quilt, comforter, comfort, puff +racer, race car, racing car +racket, racquet +radiator +radio, wireless +radio telescope, radio reflector +rain barrel +recreational vehicle, RV, R.V. +reel +reflex camera +refrigerator, icebox +remote control, remote +restaurant, eating house, eating place, eatery +revolver, six-gun, six-shooter +rifle +rocking chair, rocker +rotisserie +rubber eraser, rubber, pencil eraser +rugby ball +rule, ruler +running shoe +safe +safety pin +saltshaker, salt shaker +sandal +sarong +sax, saxophone +scabbard +scale, weighing machine +school bus +schooner +scoreboard +screen, CRT screen +screw +screwdriver +seat belt, seatbelt +sewing machine +shield, buckler +shoe shop, shoe-shop, shoe store +shoji +shopping basket +shopping cart +shovel +shower cap +shower curtain +ski +ski mask +sleeping bag +slide rule, slipstick +sliding door +slot, one-armed bandit +snorkel +snowmobile +snowplow, snowplough +soap dispenser +soccer ball +sock +solar dish, solar collector, solar furnace +sombrero +soup bowl +space bar +space heater +space shuttle +spatula +speedboat +spider web, spider's web +spindle +sports car, sport car +spotlight, spot +stage +steam locomotive +steel arch bridge +steel drum +stethoscope +stole +stone wall +stopwatch, stop watch +stove +strainer +streetcar, tram, tramcar, trolley, trolley car +stretcher +studio couch, day bed +stupa, tope +submarine, pigboat, sub, U-boat +suit, suit of clothes +sundial +sunglass +sunglasses, dark glasses, shades +sunscreen, sunblock, sun blocker +suspension bridge +swab, swob, mop +sweatshirt +swimming trunks, bathing trunks +swing +switch, electric switch, electrical switch +syringe +table lamp +tank, army tank, armored combat vehicle, armoured combat vehicle +tape player +teapot +teddy, teddy bear +television, television system +tennis ball +thatch, thatched roof +theater curtain, theatre curtain +thimble +thresher, thrasher, threshing machine +throne +tile roof +toaster +tobacco shop, tobacconist shop, tobacconist +toilet seat +torch +totem pole +tow truck, tow car, wrecker +toyshop +tractor +trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi +tray +trench coat +tricycle, trike, velocipede +trimaran +tripod +triumphal arch +trolleybus, trolley coach, trackless trolley +trombone +tub, vat +turnstile +typewriter keyboard +umbrella +unicycle, monocycle +upright, upright piano +vacuum, vacuum cleaner +vase +vault +velvet +vending machine +vestment +viaduct +violin, fiddle +volleyball +waffle iron +wall clock +wallet, billfold, notecase, pocketbook +wardrobe, closet, press +warplane, military plane +washbasin, handbasin, washbowl, lavabo, wash-hand basin +washer, automatic washer, washing machine +water bottle +water jug +water tower +whiskey jug +whistle +wig +window screen +window shade +Windsor tie +wine bottle +wing +wok +wooden spoon +wool, woolen, woollen +worm fence, snake fence, snake-rail fence, Virginia fence +wreck +yawl +yurt +web site, website, internet site, site +comic book +crossword puzzle, crossword +street sign +traffic light, traffic signal, stoplight +book jacket, dust cover, dust jacket, dust wrapper +menu +plate +guacamole +consomme +hot pot, hotpot +trifle +ice cream, icecream +ice lolly, lolly, lollipop, popsicle +French loaf +bagel, beigel +pretzel +cheeseburger +hotdog, hot dog, red hot +mashed potato +head cabbage +broccoli +cauliflower +zucchini, courgette +spaghetti squash +acorn squash +butternut squash +cucumber, cuke +artichoke, globe artichoke +bell pepper +cardoon +mushroom +Granny Smith +strawberry +orange +lemon +fig +pineapple, ananas +banana +jackfruit, jak, jack +custard apple +pomegranate +hay +carbonara +chocolate sauce, chocolate syrup +dough +meat loaf, meatloaf +pizza, pizza pie +potpie +burrito +red wine +espresso +cup +eggnog +alp +bubble +cliff, drop, drop-off +coral reef +geyser +lakeside, lakeshore +promontory, headland, head, foreland +sandbar, sand bar +seashore, coast, seacoast, sea-coast +valley, vale +volcano +ballplayer, baseball player +groom, bridegroom +scuba diver +rapeseed +daisy +yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum +corn +acorn +hip, rose hip, rosehip +buckeye, horse chestnut, conker +coral fungus +agaric +gyromitra +stinkhorn, carrion fungus +earthstar +hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa +bolete +ear, spike, capitulum +toilet tissue, toilet paper, bathroom tissue \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/sac+logos+ava1-l14-linearMSE.pth b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/sac+logos+ava1-l14-linearMSE.pth new file mode 100644 index 0000000000000000000000000000000000000000..7c0d8aa2923efd62fcdddced392cf17c237150dd GIT binary patch literal 3714759 zcmZ^}2{hIF_y2DmGKNBuk}(a)l=IrJA}Jx#B$T<3XHm5|avMM#PB-mfxL zDjGE?DJ7am&86SD_pa~y-@88Rf7Uv~+UvX@ujl*yK6{_n9^9S9B}7DIWJLbwp)8^z z;vW?l5*iykDab#@e`4f{a7TMZ5wHI|62t-nSA~ZM2gZc1iijTK78Mj66&&Oc8W=N# zFJkP$7d7%!5~9QXxPVaq zXue{IaODt*kblT#e5HSrm4&z%{?LE8oB1lvqMP}u{}9z;_`^K-!~cD{=KpuP>i=Py z^ELj>)D)@}6RI5{q&g=E7f9u6319ybJMtg2b_{=%2VdvkV$CQ1Eq3&Oz?1o7{tec3 zPKe=;{hPX(ulJW!{eO4{F?>T0{(tU_#s5h){twZDKknZ|6IYSZG5qm=A*VSfr1B>? zC;TOI;y>6)F?>@GzS+NJTKpr^{6A1j{^Wl{Eu5#t@GbvlZsuG4CDZyJo=psYiU;5J z-&fS?|77z1L$uGTh8b`0OygYWWhnb!X&)Ac_@8~&Vs6W#tIy8lHKbyiO0 z&lQRls`U7WIxmJl--Ey4-zu&DQMvFx%qjdu|7LnRi^lL5|IOUY_xekv_dh(J82%Cu z{?gU)d|yvl;g8;TWpIrDUw+N^``aP>jXZ@`5q>~CKk#qAixoPo(5Lx9&Z5zOukeo# z^Mm90%R>G({uMO-&$0Q-aW5#`DAe$864D5zi0*AM<4X%6NXn|ClZKtK#{Q z|6{h~^W*tZ|6{h|N5}JH{>N<17oK_S-{#fP0TbPwrDg8#b=^}Z41Rw--T!~XprVMv zf5PA-Q%8H*|1Sv2I*GCw5wiuqUYNu5Hcga$6^R}1hO+hX0+6ZFi^P~1d{nJ9CXE~gWy%IxE9!;OZygV@si~2Z9hqvmnZx20;uD4K2#Lm#--s7q$tq~B8yg&d7{rz z^59k2JFyTx9$gF)rth%U+#c1F^r>k2AGp~yoK-xSPfJIh#h22$bcCh>cjR^-_&O8- zKe!rh$IpYaC;N$xX&jevVJO?Abr!0n`tj`ZN^Zsn1D3J#2I(57ODB)L1M{!{1i4|6 z=y$OmbRFh{PK*q@nzRkWr;K9}v)$>dk&ZZcy9z`!t;wN9Y2^H-N*Gu&4_bc>MZwDw z)Z4fdPh{1>q6M{(V!s|&IM0MtCx&71dwXIPUk%HN7B+XvQTJV)Xx#D}L(fFRoyb}o ze&90aS=5Jq`wDS=hy_lvxdZ2z3fnN!6e=t{Ky8>5+a5OoGnJjG^uD?5Y7C#bO7OYz zm8ZDjj(Y6+mttx0`iEpef0#B)tNf08%wG|@R0Hjs^kI{< z7hTz4NnwS zm5=XX{%!^8e#{A5ybXYt`UGairsJCR3(3me<`_FL59ihlkP7v!P#nu(^nMxJ9oFYD z&0&?`&RZV)sbLQavS$S`x7I_Ku?|U^`GU7dX&Chlwx{!E6r!PBC$GZB5RKOMqmI2j zoU8o7-BMfvnLEs(aLYOLQXc^;%o0Id@dMUxjwG`OH<5xseGK#&Mo)^Jz}sG0RB(jD z3Bl{ISv6X);_+)Z8|p|6+I(@kstS1gkYf`jC39ys+!8!6j6j`)8tgnM2_xTJ;aq1L z)6&{VfgtN3SNvrnd#oLZmkM&=SVt2|#)>k{FN<*hms}jG`yK+fn6qzpf8Z0{8JH){ zh-8-xoipY-$GfkMo^_R6Op`U{Cyl0VRn{QB{TAHV=Lan{ouK_@6svfVfl{g;xp+?} z$WNAMoja7dD5Wt>`O_bgm3a%r(_HAtm#rl7wm92hwFRF>o6_p~tyIj@hv76E40dRP z?AYsYbnay+7_m}dqh5sxvLX=O+-5uJ@=>xmD+~9xJ%E5lSzynL;e4hD-ergJ+w8Y6 z7(Jcn7+>dB?K(-;Typ^H=yQTcL(J)N=jl^=vOTdeT!*o6Ejmgf4xHLIldfM+q0!49 zM{x7;_lHTWC}IRY*Kr5in>S&eU?u#}%|Tx;DcUw(osH>ghBz@*&QSXR=pV_&`<>TF zRl)~&y1W)&b=AR4{SsWOtcLSp7xzuk0=_zYg_h6`2K;o4ApLLA=)FdVt+G(K_K#*Io(L`}t9Zj+xDvwvpHx?B6;VekzMjY!5NADW>c z{4DqBMl?NNbsJOB6?UlW!)Tr+x9emDJe3lmk@+FmQIpG6xXpvm5jlWz!>3GmohER( zTg8oy|3Xa8e&>DrB@35ShU3E)1*Q};f;_q%i$Sj9aQ%-wN=#FRn%t2*6US~W>=}lW zPDW$L;2bPs;oL8Ge~25t8T-nWp-to#iKLbIMDUf|9?V78(M25f5kQpR7ubt#%v)Zc z&XiwDyowA!OynlF{;nVU{nnhDGu)rZ{%`<^v$E{uxhvdp&X=uJ@q$Z&;Vd$BF-Y4S zLgpb4mlWcdO7(fN#(4yraz7kvTg6$Y!yt+$)#B|RJ%E0TN&WI*SP-)dM`#w~p?S3! z-JA{KcMUKtJD=wf{RRXccI@TOvp6l@lr8<;$saotv2^p(TwE%vM(Vyzpg}L{ z@tBpF?Zo6f{G^snB$pksO*HGntV^ow&H9btp!|Vzj<4dxw)Vp0HIcj<$FgCfU^9j- ze2J&x7otO)KTIip!VCFm1=D5;@ZhtYUw(+FshME+CAlI~YOVfD3i&iolrr zR&=d>Juc4Qh>g}+C{^(VJaiUA_-`KT{dyW^^t#|zac>xVKL?yee{+(5RN!H!E4SOc z2W1}ZM|SN={pRE{E~@1sZhB$H=3ULh3_UNl@4Qg^>$Z~OV%ftDrb zbE_AplC3-+lCd-xeP)#7(14v_dgCdoi|!!5bk0EX^eWz4NCCZuH}$V1v*6>G5w!eq zukDbGy_adl54` zb(~DOBgJ+j;GHxr{bbl<8oa3^oTVlchz{w66I#r+caa0;l$K_1&@1S78fk z^8>j3iF`JG?NzY!JA_}L$8oX5L*g=JAvT*#!KgDwA@+6|PfQ?6-wMuP zrp$U;y6q_BEpnwr2S(wtKVmGXK@)XWRdDm=HK?wBJ8J)$gDt^T@QPcB-q9PtRV@o~ zm>BMxc^KnfEnvPI46u9eNj$p#2j_859Y>8R#i=W=H-u)VU{}fsL3c?u#J`KgOLwK& zp%15Fliw}8wB`>ti4~x(*;QCJP!8so@4}%UFUg!#3-WA*B1%nu2)~BEZ!qd4*yZZU z9l5H{ZrbKyqlg3sdfJ1w<^|j3M?R86FO~7WdloKR7mRbPui!o7nSy=8OYzLTdvN^4 z6&ws}gy3QG1bjCaW-u=a+SHE0`OalvJ4uVIuKWPMnt5P5XD`n&#|ysM?;@`c^`o0j zkS#aC2=}UopiQAIn{#ptynJ&6!oQiY7559#@?51rtA7{Xtj;4t#ZJKf-f~zas{m4? z0?|rOnwZ8(LfGv*kU5yk8sBr=v}G5;BwGTV)P;N3ITOkD1ryk&igH+_@6MtWronBU zy=2{~laO-oIIpVmDrPsQK+8ILkO({pvqSW_onH=P$)s&C@z_4DqB|FVKJh1+e~xiG z!zleOuRuQ>3=!CGn}nlo1K3BPUmT|^4E1pPnZE=O?jvn zzXx1QOqoJjKQ7)s4nD^i&^I+|bYMynIY)+q%R4v0SC6rv>@2`ZGwmUz(~MMYK0+Xa z;)Buyo^;wW`^{VYPUNX2!Xp{FtCZKz{63z9h#DN}P)chpE zeJUJJRSk+sW5fsevGNBO_23*nHM69H7oNb;t&NzqF#)EH8V@=<9%A;ct?=%p7&baD z$4WC-EczfuUbqRBy_c{dt)D0lKMAcCL+Bcd6{P271=r3` zgyW`e%zlwN6&-(@)Y>G%5s?Du+x`v$<01*3UCQ9waroGg3Tq!2)7Wk)_T<$A4Dx>r z?r~SZ=J{ScKTC&c#C1VacO&M0_J^f6lE5fB(t6ejS+KvC!CfgX#ibpaFnrTl=uQmLv)ZUJatLcDxq7v7f%#|w{n=;!qsZ`8dadoy@!eZDPLj!weS1M6YMpIe;If;RNC z*-1+GG(dItHh3!&Pom9F!SaWRKU3JVBm!r+Wi{U`#NZdYm z2r+)xhiJZs7a=LjuIEq2t3y&ybjy6Qc`1*Vw0kIt^i^WhD~4eI=bNbBlmqY9uZLxi zM$qYxAHhWyi?3bZf<(i6STWTOZ)Rx2z>v)-di@!kUTBJKqgPO4T!Z2HApC?(i}1<}$>U#pO~&XuL#^hUCMAD5%JhaR0DF&n+t z%EL-&18!N(Hq79UVsf(#QERa`+1mD;jM=Ks(nm$GpAs3U*mHnORC$Yzy+NF@_W>OD zSc~~W9(33Sk*aYyT#48qI27)Ot4reXWuY)v4->=VK4LUuw-)uycnCScMo?dI4{OY? zaRx0}fZm1p4WFUHyKS7(cQFdD1W>>I8QN)vacpHBmzb7_HfzR_J%R2Rq@zq1`aFYr zI|d&ICekI^)?{p<7-oE7Sk`ir7nVAQ>^d`)-nn-JB?=SC%TMB{mwAFssZ(RcM@L}w zD4-|ZZWFDLU$DJE5naZm;m(;8P{Ssdo!VcA8VdyE`*v&U8mPb?IYp9*W=q+)tl3mD z!Hr6v+kv7NXXBh?ZP19A#@)9Rp<^W7>5Ys9yl>iN+?xmELH}wDaZR_SSt|3G%~8I< zTWSg0v*;_9RSgoQr`l{$TQLUB+6a-Q>F`nPI~+OC%V`8T!M^+Zxw!`mIn$tEymNIc z{Mv2|8*EZB_?-YYAKAkBcuCNN)>OYcbb;zSQws;Ukt(p@BALl!8-%!VD4KXP6DcQ9f{1rF@_fXDntvlBlB z%U! z!a^@|bS-vatJh8hhlcsEU27dlbn@i1hIVj0C(q*Kg3D+WJ(U^xb#fBpRIzu&AbQvb zuua$1nfHv@%){siOj1q9xTl8HxAz@+r;Z{w<6jOY@py}Ts1yO0J!1 z=A}&E2OB^+|hGy$!-^0?#}M(D9jKsN<@Lpl^X}YqMi%%9;CqKELm=+buVN@ zDS_j|5?lL~xukmb0+Kd<0M>ORfcpkRw(I>noz&e7sa!;3&^nFN^~E4<%LNn!zrwAKcZtqU zZSJhyA{g+C;?iQ=acsZ_;crF+4PwL?8S93U+b-dTIjd0T>K2rA{RxG8_1MvO9#rY3 z2}`>Zh6$0y9 z{oHFuZ`|!>g0`zK5|Oj5T;>b|xT5Hf?S(hF#g9&)Py2iv@E$>a8B3v5+H7>|mZ7qp z1DL* zB_)Z`uPLy&+ZuYU^TBb)DNb*qC=|s+;z0O$RFGW*D)A%e)IWA0p`44l8mXu~`vuvQ zKZLWt@Bt0gWa#QSUew4yj(wb@2c!P9KwNDj_ifl62plxz>Ubt(<>D!@By$UxogYsn zA3P)i|6fyVA6ujOqADEWas>UR@59>_A3^Dk2(1)94Q_{01md%|3Q~Q`iACM9`fmra zVe^yIB=^BpToZQH_UXb13^?!>?(E1BB-X3L;t7}GlwT=!&MLr>|rsOT8V`e!-Po7Ce?c#x7@I!JdQG_+C$+1*1Q(Ca7 z3Wk2mWgm&T=$?)le-01de;3{TA->+_fg1B*LGh`B+kUfeEN2t=HSJTMvvS)&I zLCN?abutSpkflD~Ho(x)zL?v*-jSy@>~7?>>dm!dkA# z0Up)UmSx={${69T#ggd;W*2i5X0NY@1N|rPz1{>6ZR&=t(Ic_qeK9OutIYOk%CW2( zVNUdT7@f2|3xJ> zrbX*NoFi_wdj*XRM%?JP@wmfmFWx>l0P<*qqXX->bL8QJ<*02bjs81~2$lTC3paAWNLx={hHe*Vo%~5`(&X5r zXd4OlEppW|Ef$jiBFEg(2JIX|M5WY%$(Pg59)1ea2`kSmzEYdFIe- zHI}Yfk`8uT8t`U~EVWbT;S3XJ%-=qPy}xgbo{9~;Jlj>+c70H=@!1}*I6Q*wi*12= z`Cc-sx)Ofe`idK$N6=4yW`TYF7~B)of!5Djxn6}VD(i8EH)WL#RX*cKEIgIzi*+SMj3bLuW^*ky$zVTy8xCFD4mXc~BfhpziO&QH zYOAu3TW<$gDBPcpb8zF?{sH7}7g4V!5o&(Y3o?|Z@@8&tM4P);@#f5v+)d#88u*+ZUyh08E7y4DeMu*!MG>+cx+8Nw@v?#ZLj$nc${-kut43C zM_AH^njDB?mLIrE%;5 zz@61^8m>)EfHjN0kkkw_)@k$(C4amp%l^nP6Q5A_O8x|@hVLZ@G?G}%!%nm^n8O~K zsZf^-mtor7Lh?LZf)$p!z{n+?0tIv+r(aLN`f?q1aby7}xeaJSf+@>gs0JTz1S82k zgc`FB!tYh1sC&FRZQ8#Iw7h1p6z{8ORX2rR`}P`ZopzGl?RNBg{#!VBpamZsKTDL) zjzh!y%C!51IxX+xP039UC(|-q*f`B$JYvw8=zBE`GDYFGh z6KE>Y0lRDWp!tkDH@|xfaf@srkslY3XCgAR)J=tb-lG9m?T^AFO($;DmRM#eqRI>B zRg<nA7p=ml0Fe= z&Wy%paRgaiQF`aQC<{!Kgz0%d$?@oR;w1YPo-ba5x1ug_Lrz5C&9%!>y8QvX+joZh z-Jwd?*|_1ap?l!f;3kahUdlC(l*N#M^JL7BB8YF-qop2Y!1qgoyH|plZr4tHV|EhT zx30m9TX9dxvlS0P(YXuUQ>kK9 z2>rpkCKCqip@4VDC?86B6X~z-t033t4zyO;;mEm$cyGi{^vcl3C7v_bs!zkHqfH3w z5*ghPG^!geXxRM0X0sEe~b(>5yf^?}NxjBRKMW7#&-@5+=Xb=cWX0gOAx#tT$yCnNRicdHo!WFG}Hx zy`)*&#yog3Lkd5{oy6Q?N$yg4HY>Zc6Bli9feoLR!+`xlZch>;)|HYh`bHkzHX{qI zULAmK=Ukxo*jTQ#R*{}NmIBEuk;IqFu*6R#uOkA`niJQ7V7k{0&N2X1>hp_@lJn^!lVZ|CfIG~WjYFqOf zn6x*OiYVuz%TEz5ZacWX&W5tdCV2Qj7and}NcKNF0#$?QG`wvnyHY)cE^{e{x4VYY z4}uio`g-h3{Z#1H9^h8#0i5QC;*7L#5`IpGE!|`Xuhv*#x5)!8eRvB7O;&)8T%?Uk{8 z(_?|pM+K-_6+olZQ%K(KbX+vz7qq2+#5s%S)3&XqSU1^(T#VWUL)M!z^X0KzdwMeO z)U^`4bc;iAOTD1aNpMK;!m_cY$)hltPe8Yk`OUF3Jv^Rc!pwA+3mwQ z@a;<@oX;^A$c4J%)+SRX*K(4Vy3ZbeHr&94k6MYQg)BY2)r?GZ`p8|Gk^#F%i$b)g z9Ey4;V(gy=czWVJOcJr+0>}Gd`Rh2C&-TNwVO`j2zMgw#Z$MW^>G0mZ9)*45B=Gn0 zd3ean3WogJfHA^7?)4Reh^02%bJ<03IG{@K^5A@08Qla*2^sjyHlIy9B#iH$`*5g^ z98NB_!y|)}p~=Y_>uEB!oyR#% zse-{;2`W)OpM78B1z|tc@$NER!B=xN-mjKNq_;g0Y;<%$;#@Bd+t~&>TA%S;#UiM1 z>?9CPa6{n$vD_jJqaBZ;>%oO^&qa#5{c3}IwjGEw-@%k#GtfUv;HQNM4r@-wjiF1Z z-Tv($-_ZhZ&P|2aZ-%mmo8OR&_7&uMo-wr@5(l4azHo2TBdAYKA^b_oBt=bxU6|fX z5{tIO&klxb26s}aTe@s-$5;kaFG7R+NQ@nmL%t3UrMx#b5Zhe~(=QHZ4WbSx_S=W- zxdwt0hMKU!>=KtZ>kUdc3u`-fm&5n_Dxhc93OXBgu;%MFSo2O1nS>mjSs+54vO3_~ zc2TxbYBu}s(gSM3n*58hEGS>Fhc|P}0Nz~g3+FO(dAgDQ4OXH`+;FcfT(@8Zx=fkJ zwXvbpP{NRnsZPOI?Oj~K_98C7;5EwJ=|fA!9znvrvAFEodz^nW9sBQeK5CCKZ}!@}(L76nY9C|JH=a^*gw9&B<8M5Y3h(i8lCl zKgOpW*J1a2O&Z#74|5BHL1*hyh&jR|6`@y9bbBrYE7aj(V=rtq5n!K3Evef%my1Ie zCLgl{%Kp43-?AO>&Qm$6RX7e=$0A#agf6(!8UTB`m!Ri6Bwt<_W7fGdD2O{t^y@BR z%q2OLcNqnxMm1B+2mJ9(nk{@YIDoIbH*%w0c5#ZMM+rhAcs!}M1*l|7xj#RSaH(1c zVVsPuu*WE@x7`kfBZrQI$MlYdg&#~=`pe<0x}*=LCMz(r+l%qCr4x)E5a#qNj-vAW z8@9XRzSo<+SEC=l{)W|A{lL5F!K@!P!LRJ+_|>nBoK;^BvjWxtEDfQ8NeyuSWD2%B zErq*Z$8vjRY%pZ&Ym_&W=Z(s##cHiP+`AG5_Vcz8E$+R}n?E8Q3xg=|rslKIlxh^0 z+69l+EW_S8#?<{d5TDi%s$tek(v=QFz`!T&hF$}@4ON25ldAOHTX9xX`;63{NQ1@A zC1l;=>m+;q6AX3!06I0VIg!yObT(ypc%cs%4@lvX^vmFB6+`;0XW&k)H^i@R81#JX z$L)2BXgaL|Q$zRg{B=a>`*GjE-tHJFbLm5Er(smeXC;n*s6aP4c`+TM3Y`6+2Kw*z zVW*xN%=VTwF|_U(&}WCl}bkqZE1Radj-tMtcQsA`^l?K3%U7iZ@Dc?PLWQ}Y%1

5nQ!iJOPey0ptfDcMo?D6HXNM5`LRIQ5tc$+&6J>9Taxwn8 z3A(FY$HuB?P|v;%E`BYbl3z=9YYE7FpVRPU`U!9|?*y}Rd8ie75j$EhkUugPK=p7P z^!E>f&jDvD!jFa_PgR8V7AdZ(HxWmcb;7fYT3li4F?cd15Tq6+!z0}qm{4NOuBw&t zBzHD)`({4o+`m4<8Y4FvIN1g7{>2MHNa#RGGb>I(JNsasx61 z7WLf&*|qmDXtNnxb?q2dn5>0?ba|S0-U(ZU{k`E$YWS@-4lO1svA)1moV@H6s6HCa zz0j|MZIR0CquC%C>G+N-%xr?{naLQg`xpjao#u{w-axvG#JTZk3eEOoDf2GCBq?Vc ztJ4LK+TRLdRK9Z$|2*al=iMUr*7!sIk1B!um%HS}QA)S2yM>dla`=X~mRBZt1gb_W z;MuyPFg|xCp1NlWiWR##iPAk}SXwy_&R)!thoph-+6s8)_8l!7r6H+Z5|ZTvSRnj- zCvgJJ6Cc4P8k6{I+<`@UiuukzB>&f&J>d{4`EF_Ydr>Rn@UO^yW+ziSMc%mVB8X$4ighBsOY2P zIPda!80nq}!`0rAscKhYWr8-l5K)d_o{8bbU5(tPlPM%DGDuht8bQ=Xw-HX^gMeD9 z3hML{F=3|#q`kil+eIs3?c^c2ag9985B@^x4pbA9*%iDSH^foGj;jI z)uFrEe+xE9sc^epgW!YHJ@mEwN?bM-q3*0-I4>z2wA1XcKyE0WA1%zO!;3M#_d2ec zBSUvhv;dQn2O4h9Y{u=}1or7+I@TF%J0=k%@VPB+6y1rV zTJ_leb=%O8OQUz%&*H@kW_12IH#}!^g&5~-LcfpWKwtLOceYIjD;%4E$~J5v2Av{F<9SRD;zm0AeH;WVe#n)Si0gMkvU(9 zAtIGTcyTe|y$9F!T#@QL`wj0M8_~F0o4$Ln8|j7-^*84XVD9)bxV9`CsNWR2E6 zE5O6i4%E8146i;h<(di%Sx$ZdP!zAkrqtXLj86~8v%V{dzGos8eD;9e8FPW0n+rShKp`&=+=2O6Jlv|+DuX}HxZlc zy`XR0a8^D+0TvqfqejPa5}mk-yYhK7I=$!tVX2yP-6QOiX1Jr_{*SP!^&m8ypGjr* z?t$m`ErjP10q>`3(8sx1;3&VD8^<3)wXJsnf7l4F;b_8?Q@)G9V@xz03{a(7<-3UK zp8eRG#D`mTr#YvV^LVJd3U_#pr}c9V5W55gTEm$O?v&1_2ku<~YVr$rEo4xBw}LFR zUk^_LG9aLE40)ZN3nG=jaLo@fx_$dl_I%1&Ja}p^RFcckw#HK1IvZ3$h+&!J1dsP4H0>U>A_#%*23u+yJIYU@TecAE3PIRtx6m8LX=Q) znIXC6v;j8KkA`G@U1Eu$O!{k?zyjo{R{M07FZtOgbZS%(C_9wT%+Vm;< z-q2xri7znV&=qcIXg5-OXPTLu1q%-BAd!DpspSL_0FBu6v5 zR8!{tA%Pp{`2!DYa-j2BqF}IM9=+Bf%p3Mm`l9j;_%E%5>%R;jVDwUaQRdAv$SEb? z;&k!(-W%j`GoO=N-A>e<>p*;QEt=OTpydx6aD$g5bNdyPK4(nHK1q}sZi)-lw&S5c zN5IU^ANZYD@Ty7=a(-s`XKNK#t6~TbUw`F!jf=u4H$URzzK|Pp>*Ew{(aXGq?B6(F zehQjMx03djX`J!qL5P^DMGK#QN7aTd7$4M2Ivoz7;jUFs@cATnBX9^C@_9Sm=$Fn* zqCc@!81L78ivihhZOFBJ#c^#*x#(Lb;bHtF<}`N+Oj}mdFx=3BT&RD7{E;EBRO9&Hv-`3q;@#gY(mqus-aPB0(-Ff4HUja%>R%LqHj!~d89P!J8#Ys%!MVg&Dug-?Q%Epze zB8hj2H9Qi`B<-@NAuN&Ms4XG*FkcVduQ)KJMiCzm}q- zoyXFV`FgZrFT>SiPr<6oTLc@s^_k3P4NUIK2CaTMT3!->fvJ;ebLmvtH{X-3c$qIy z@%)2>-#I~Vekrb9td0sxZ$a;y>+qy*C=RO|Lo3vZpi^5Gc1xb)slA<#@s3jLP}*6Z zdBOoAb$kFbilo>PKaRW5euO-okc{t(qS2*xGoF~jaiCv>5z=o-zPKuWI;~5!w5Q^e zktfi*|2jPT$e{fiAKKHOK~%^GF5tH_^;cPk8x{S@*keO>r{ZH@Cvw?_-%%{dul2`!!zpc@=7Y z=waOnO}eXJo9Wi+&|zwMICVz~BwGF;J~wLwJ%d7D7OZz3(dQ*=h}Uinjt$?gRf9 zwWRNj7i(+z0oLood5v%1W7EeqFl_Hz^r;rs%w#mk$TJ6+y7f(NZNpfuv#F7IjeLNI zMT1bOy`H!a+kw5)G9lA$4ftf#p?5(ss?Ts`nVLHE*W!JGEgDHUOZ*R~^<9ox6f|*b zdn7@0_-nKoe+gbL{suqCzC({EqtGcpoc)yCfeXK0Bb9eF>CY1*neAwCY8941d}2;x z_xMbV$o0exx$Rh3@{n7Sx(>S?OOeb{C7%nVX!))OxUb8VmJUt>$ILvqA?gjMf;6aA zL?!-yp2SHuZbhH4Oc?jz46fAh=H>>Jq4L0H@XvXN^%_#FWCa5&{%ta`(S%7gY{AQq zEkJS4QBaCH2m>a0^yiQdg0Rt{n6}J-Sq2%hXv+{H)9=b&xF5t-KL+v0g?f;;`G$59 z&xqRoJX{|-0!tR;0`ILo^cb{*(Mv@ddv!O=315nD$pDw1zL7kym1LuR^qINJDg3=| z7BuYCWre?Ez^JkqW$d)UMRq;VD<n@TpAZ5J5dG-SK&)A7>$)tuBHO9=I|Lc{rmc%C0Y zI!8={=L;s06}3BgXOtb#FUywNu6JfC0y~iOypKy$VRyh5oiu}Y~8ozY-8Fz zXk2ar-)COL2j2rp(2^?dtL+igjctM@vLz_tXAiGVWssG*NnlPy!ClIo2Wg?CJ47G8 zE*`^v-`fn?OY=GTRkwHnHy=Ud^zXd1zLOXhe!+H&^;T{<-w}H3zF_lXC5Zc)he1Df zqTS1M^lBVIpZM0{aIG!eU|uLFXC&e5SWld=h5fX*FKt8SoF_HP2EfdN z@r&k0h>PihxkIi%@H-wvdfo)TYw_&h!Lbm>#)6f@MB$%>1MHlBRbXLKkAHdt=?J+A z(62rQwmqH5LUZic)}J|?occ)6vfP0N7M4tXf-r7A*bek|s^InIt;DS(k6b$=39`v% z)&D0I#rhZvmd*=GayHAm*7f<2>bBb31)VL z0Plb$`z`D@*!~y~zRy%}o^v00nUE$JCYFJAS8MUb>2dUX%@!DxIs}H2x%fI6NyBG3 zWFHG~^xbN->HEbce)hzr3qQf114l7!)^91oW7K1kx8M&iYq!|+;IqcAPM1V2ve z5n1I#RQ_X!b0!v%S%JTCsiO+W-7;ds$4o@U57pcn?J#am?RPL$s72|lCJ3K1#=7su zdnBP{yi(z;c7>}oTg`7G@}sigmwp#Yy}b$dHIP`xRdSVDsx*0jGC3%56i%Kw{A$+8CDyG0qltZIKH1JD=Pe#U#?`%?E_;n$ zH+-Rg)I{+6mceA6PM`_<0$~f|7@ag+feCX)~!+Os`;1WQw*Ndpf18>kYn8m*W1*r0XlQW>?7pi7Z4Vbi;>3NBvrQADt~sMhb{jEH@`GVzx4G#J`S9g(KG8gU zi$pb~;LHi*=>9u#B*3y4w~U&}4Y(CU?v)&YnTrAYrEo)-f7#&ocSWQyZXR9@E9OSb z+s1K+lelLmPU1ShI`sXL+OY1%ZwOOmK#KM^Xr3Jbsz?aY&xz1*paxHC#$f33T{!hg0fY|J!N;O~+|(cEa8da;&M$K{wSF{%o_Y|$ zlXf-00=0fYP2n7@eZ7`>3MP}Vj!x)QD<+DchcV}tTnzcM9F%-bFkd)dJ-qP()c=yA zTxB)9$}b_;tsLm>O^!sPFa_s+6r(HbT;Y{d0hBoM@Py?}a!6ScxTN*a6C#2OB(}oE zwZgd6c$qX7e@6RTj%1gzE>*ufo|@SY!JQR)z?XQ8&v%XicjY~>ZoM2nfA$Owq-yc> z-7TE&q4mNw=CFqL)hIE4G(_gvQQ`su#C&Q-i_5(EAVb#9oFt%4~}Z-Or?GgIQCR>7mxf#H#t?X7=Rb(@yQ}ysaXZ=d)G#&As$ zTKe`RS-0{a@l(HmEe3Y1O7|ltd-E}_xHJlM%BI8MUSVIiy#_W-KZ|nqp~NyToSQIw zG?g;9f>Xyt@uR>8y67*{ z@agj+x8nn)=f(f`~d6FpX-sUE@i(*TQ^JSti?&tP; zSUO6diuHDK>zD6lsh(;y#18TP1Z`+>8bwdN5}{ejdT_V-Chqg2+;q3~m@Vm#y-}xx zv(qymJt7$Wg>}?0s!rGY{6O92uXrTa8)FylM$G{=cJ8P?_i|nWb2;QpCe%3Muw$lN zS*kO+>Yfe;T{V#OE{gMR4MpjSt!XG-AFC6Pr{C-c6_L(h@F-OwDHkHk`a6ilgDL3A1%hU-T|;+@EVp$ z{eojBZVHxkOrTenoaM&G-yt#O1B7H;66owvp@TZ1^xG5>W+JWb^Z`ywB2|#akO6D!j!egOJ*tr9fG49AvuAElE zTf1s3?-(zfwb4YJcp7ya)6q3qiCE6mqDRTSn#~&Qg_JH@hsPoWPQ;hy z4On@3I@3=`heKx-*r4la3_X&=DhFG*nmeO-aWZGIC1Mwbjh#g8=i%q5Tz(u%%~V-Jya;Z7 z(}t_cbZ~IE4Apw$j43_$aQTXd@MzQVDPK>y!JP_M=JTMJyViLJr&LcRo)yB}#c~2_ zeVq;h&CRgk>{?8ol?Z{te(d$1`|+?v3RJs@u$QB+lcwloJX+(xj+-fh(|cfYej+&j zP7;pycY|fIV)T<@gD}S_LC?h&G_mO?l$YJF%kw;nSEC1r+aJV5OKrj6t};DStAYs+ zw5gPtC%rdE1Lpgr!-(#2bj?al>UJxhO0~`)haIZ1w_25^D~r&9=hg7Z_!FA;tAI(O zF=^93fRp!XU}LNXtJ!*w>^roXEsN+TS&K}l^;KuCEZLHINGGthujb-VVc-7f#EZak zt1$9-Ipp@85hz_$VV*sI{vSi<;g|Cl#qp;0kfJ?EB@INW=bkG?L?NrlNJh$vUq(jK z)>0XfGD<^|N;IB(E)A4qlroaNvR5d{@B0rtujloBp6|WqoX_X;KDfH!D~TK{!#}ww zG0lJ0wk7>K&r0gCV}lvHJ23I1{sxFx1haW8u@$m_G_uaany^91&7I}gjk z211+JV1A|D1vD!^IUP{QMT-<^>VL=vzT_0bJk!Cj-25#pnp^-^r%UpgJ*}c67n~sm zb#cPwN!-*+n*Jx5xNUYM$;c={lTUUaqeJm^=oxGr`9su&wQTO)LpX<@K||wi z@_C*zS1$LW5$?=QMrrdUY^%w2sJIXg-v;=RWIGwE zlz&#VC8wCFZuZ0v*Y=3RSKNonk{~v4Ukg*&^bA%d?*}uPxpb=4E7X~G1hzRZVaxta zCo2bcV)B_Ia9qV0kBR>gspC7G1|GY_$J)n3bO@56UVyR7R8i*6Kl1nQI@sId4mQq% za0$D{meuLN;Rl+uTfPS$nXVRVmOsF#P8qQ2_y$&bN3p@*0$OTI;pMeIWI{m|&hALZ zddH!B$Xj)yGTjPopB#mk(!tPQD~)7t4Q6kzMg^%V2ua9*4)<~NjnD^&oje7;p%;kR z1X;dQeXz*)y#jx*QH5?f=LHUOXCQY6fp48%@F&z8trp(G@xRA_?TKw@;%Nr2{)NLi zhfd<>HwkumCvx$j!CZ5rCbx>y$EebwkbAEk&bvinU6~=65Uhu-bPYQ4bdUszoA@4O55yZ_cFT-fF({t|l!VwgpRf=D?=~ z(eSv4Vf=`zxMJK5=Hn(Ko|iEK%OxrK-CGUx{s|{L^H9835|1)r7qIR`8=G`elFvQ; z4KmxuuxyEsRcBYk;ou49V9Byl49z?M!_=F_FJpeestiIph0JV&wkBjIY0*ELf);*n z0QXX^#PtutNW>^%#&q3}Mx^Y=YhU|O%ls0)6{mup#}eLbJRB5XZvaWB2iOq0kbW8R zgbcMBiT|?o_}AHdjIOQfPx48jj>Q~@}=oLKapU)-z)F3VTuSjiyA^$IP z6}8kk0n;6}(U}`_SmM70=s9T;&($~NU)^-M@wUG(ILQHSE*Op@a|C^OFhG9nDRy$f zPz`IidrGW%_gBCr7JV%LL<-T5Nnlw8rEpT&2M2FyBC)+rkUi%) zO5MD}MvlG@L05xGy7vq!J;EIaDBNJ)`tk6-!;qUWRXS$%WEeKD7OLDg;*6uh9O^(H z$S-%Hv)wGnp5R2VTww}xd>U}asYI+@AdfpwJb`dez&(3ELdwQ}Sn%gK9N}rWir9KDRGH!H8A-=;OgG zb6_CcJdiFno})m+bxl#p+>psMcC*5S*QilgL^e}R`n%1FU6H;nww;}Ju+_RpG0eRvOQ+4yuJ22MRi?ckH`8KIc_McS&8CkyvE4shq`_y|*qB9my z-ljnPqAJPnn+zI??uwL$6|*N1RrqOF1FIY9i!}SZlhMYNB(Xh*Z5wrj;ik#r z*!qF==eGfP@ahPB`gb#ne7+vzhUtJ^&Ovr&>MgL;c1ORPFPOx_WZd#r@LRPF;km|I z)NANK>SpzWZQblgs$>QsEm_NM?s^5M?#gj{i#8bJ{}87v3j=;80^=4Zv$I3zqVr=9 z4u6+`PRcr*`P~|S9aN$EM%sMMqp$cV@idN`>&;g}7X<&j4}IHHVfPMKI2F7FU!=?d zsSDQB=;Syuf9G^MU;8S1=ORXphdHoIx)wbHFJYv&1&=%M3^_tU$ zVNPv$t@{DyY#zq;73_!C9Th0Aw+Y^K-)H9E5`cBgMzaDndM`o~Cg}?Pfs_Ecbi)(T znV5}E`%X^-h1#bOQNICNI)|d<5PxVm$zYUqD(s7D0-aMpb=JtT)U6dz?;*tpiOu*X ziE3OQ{*C!vi9j3WvqW1g0=E%fxTDsPN^VsFg{0dMbTfeJ3tEz)`~fuHIs=O@&eA{Z*f4R z3)yg*fc<9epfY7Tu8y9ARnK6G^?jHYuFt&gw4>_gC_cb(FzuNq7T6;BsCPk? zTgpk2vb+E|(31{tP8>w~J{|)8i@<+r%}jCXX|~-}=rL^tpV@?Bvigs!coUK0cZzM0 zUVRNS^^St-L>VY(Jp}7p58|nkCbsTUEWd2rgKKxzl6SAu;dpt=cVj4eZf?TiGoY%h$@9a; z!aU<^I8)sfX^R7{$qIn#KpFbSV*)&gNXEX)(UQN08D8$# zJ;9l8I3A7reAW=fS7~5<>L>g0WHW2ZHNv*Vw=wE{JYwZV(W@^Huz!Few%v?E>wI^b zk}(Tzk}pi6N$~E6&7&Ur8_;JA1>A7Bsg*)Wb&fSP_BumCc#-sNdxJ zuk(1}R|Ez=`3?(4oyWkl3*ghDnK=8kHZK_S4nkEuXsYH``V=0r6MnJu@zZYBZ>cM= zDOB;Tff2Z`wx^rp6u8bUA-fWELbM_%kfwH9lj<`nAmgn^6phCVwWAHjyC&fBSr+{G z;7)kD&kxo=UjyOGRG_q4jjH6bc4R6_!Mh6;X zUJj;4=RvJXkxtaOh+R|0(_9rXTizJXhkXwtc|#_nch)Q#u$7_vm3eq=n*!c?8wtA> zA(=qe@M$F@`Jy`+WZ9VKY-EZTE1c^GUq(&E$&QII$4lTBX^ZGm@kCG;Cu3mW9I9ma z1?6jolK6+cWbwo}Oz0X0c9F3pJhKy3JH~PCE$7I7;ThPOhQdkL7&!K=6~8Rg=IakS zQjtz8$_`q>Kl}9K&fTiw2(2_smQ4}mp7-OQU(STBFLdbXv)g%H@=ERzT*lu67gSmzF0RzoxWIPMYp|D;U8vwgkc71e9IYa{%b%oyYXl`&3PwF?>n4^+EK&# z0|g;F_wySXTjI7}3Ud_yf=`1seEso_d@YjUo7M{X zim#TmV8Thzxow4^c>~#wuLmIR`CC}J=PXt#M36o`H~QMp6XJCg@pQyke!V#X z7ye4dr;awzp1fSVs(1=cckqM#o946i8wcXYyvHc1)5(VV|Am)^rgU139|nJT1oiRT zVP}>dzd9p@%Bx;PtABq{^0GVgZXQd@G`E6X(ivQRs-NjZ`9SL42=c(C8;qr01ufSZ zt`yAURj-Puc5R0E21?PJu3_+aTN3`Xy+qymAz+ZTjkuaW##9|k>X7P>?CcET za4f-FX#_sZktD+p-w}5fb(3w?c6jpi103_=G$@(KV6VX2$!Y!!&gGYw)dwqjy~d0B zX@9_geib@@*$@)<<1|jV!^BEA+Qk=2P4Hs<85mMk%9JIKisx3y(C31ms5A4Y;J;dk zbAw-!m*2j#<%+{OHP3?A4u*W*wV`BlY#P+9KTR$V5DVW^0%rF3(w4Jr`0<+rop{y;7|Ayot`~P$ZsDH-m+=>p zLHKOI0oe8X9!j%&P>RG(^L-H7P+Yz5+yV#*SHojp6X5#N zc%~aL1Zv-m#M5bn5c`^!Ab=e8H!?;24??Hbo|orQa>;*(IC@cNMvbR6lXdiUZ3x(fHo=y4cFc zg*qNBBneiH{)02Gccj3Uo=zd1-Nwx9>uWH6t7fa zp+h^dcGBc!XNEvVO&c3s^Mkxps-aphZ{hXpA6fX|BJ@@GOC}8I!oQ`0FFq9E`Vu9w zw#%Kq`u#|3()$Z+Y~=X;m~`qZl?3{e^x?~8BOVyIn)g*qhf>ioEKOGD^;g{>EXtMd z|8Wo>%-Bc{oTv2h=@(T6zemvdB${tjyi6B8UcjXcX3{zOl5BsQz(Sjp3i0C;U{?Mx z9zA3yCJtZ79y4uLzeN_0sL42aH)Y@k?M<*!!$Z9O!#{|-<3)E=>oLva8SL=Gx!@4w zilhH<+&IXZc&;qOz~0XY?eqDy2pv$k1l*IT((rTMIJt2gJQV5B`4fLTwVEu!s@H!+ z_cI6aC1dTOxG|8>xaTm<^8q{TkV#GKQ^bFJ&)~JjF8nwA7!QjufIC7SF4!sxnrEA1 z^@t?WVn+E{!{g+kP8icxF%iuu^T5@wud-i$nLKNvJh9wWi{^PUaADkYymLd{Jj9v1R|mX`yTw|CIo<8uiu~2%Px#317I^=A zg9q2F#gciaaE#7$a_zGO1Wz~TXXZ!I*L|7z>90K6xSNwfpQ<4^MEL*C6k*B6e$sbD zk$tQh3yVg|K){EEY<*87d=>l)L-ptKa$kXcrCNjTBU6apG8O(!e+!=eu@I#~A0vJ} zAYL=>5!`oQOdB6NLfG>fmTg;)8%iHwcaSyq9$wG`)I!d^37C8BL z!LcthK>lI`DrU*>wuzU?Ezv%po%-;g6tJn?4Z0^;LHf_rs9NVwmb4~f-nQ4G4D$_a zmZdYDv3hj%d3Ob>TP=;!{u_w;^H1Uq-&~eBL`VFlxlv>sfFR!5DxR*f99IecfaPU| zv}j5W>6&$jY-}Z>(Q-bb3Z2K8{WcEfPwEF}??N!R{|IC!euByw$1!4=0zdX}k*Fu^ zHAH?`z{(yml$2HFtJkMO;o|#vJIEapyex3!x}T!=*C&BnrXN&9FQiVPTBLUI0n)MG zh-xpK$X6Xc3S;`@Ak|cg9IQVLcZ4)^jN3!pch?6zEa#(-kC5BEP{3{*#AEhHb?(x+ z8+A;VGo{a(#4bt!&0M!ZLx?2qywC(2ReOnRLnf<}(8aVPH*vkIAB0{?gI}73;BnKK zeAV^F*Ul1Pf#-2T$a+w@d0uqYaV4sr4&*JmF(9{aB<|iM$NfXw(ff}B_Fg%Oufx3& ze+A)Z|BC8z7vZj9R#>%pBrfxmUyOSJfN#u0eQZpY4F70OPmal_X z8dBil?Lp{+dI*%3D(aP`;K09#*1Agpe{kIoG&!{CiwF zzC)yLWkEj4onT(--%vgO1ee|~%w6Qhl7!u(dC_hF=cT)0aCrx;9NkRb1Pr7@j4E-$ zeGB+F>@+wQpN12ARH|ov4}%Z(s{GX20ermi4S`wxfplW~kDWO`fQ3$#I%W21?z11&bOCsMU*;SQ=J@(QnkLxAZ*v^~@T4cUm69 znwRmNf;JPiP?yghF`fr4sl&JO70?v&0`FhnLo8nI5vx5Ygpu;vRB=GOXwi93u22(? z>N-x`?yt~?jY}q1*TkaL#=SIWQ5U$KEh4}C2IJ62U!i250Uz_j6OBr=_}7iGWTwm; zR4Ds}zpZoOnBZC8xj7Yc4PN76uQB|-j3U3+F`ce1z9hcvcN&`0tHEcyHkqmC0UH~R zv7B5FkZR4vxhJkvJIS_*x4MOrEq&jCbl1Zr_c}(5C$s1VZ7gzp3Pu6RSfUsWD-8?b zkK10dMVLW`yLiLEOIFY~el>g^dk%Jfi6U|urZoQJOZaXa{ms~b@zc)h@#ST(+*8ytG*T8fQFK(v01&2**g4NrtQ8#NoobY#r3$L`G)5MVE z`|K1Qm(hSPRw~t|ft)l#DVccR0cZO@5Iq_e&Qa|+yLNO5ubY;}Qg_WoyI}>Q-6A#e zaKmZQ(#)Z-J1Y@yElgroZ#?DjM|yzLT!{NSEeItH-YR2f4sOn6Czax((3jB(3UuW&b~e!O_Rr=>WT&? z7h8x@$LwjVw={n~BnKtuo6#G#@7U0QXP|s~HUF_D40IPMkVCDCYz7yYV+{j9Wo;ze z{Cy~0z(Y_Z8xJ7x4rhiHlG)9xMWymFAfca+icfyy+Tuqz^Xqw7oUonmeYSy4|E*6S zeNKcnT}$|y*i^Nw^|ClN`G)A()?482bw%6VL{b9us8ohc)=*1ux=@Q zardSNrRGER9W$`oZ$qcQwxlLA7t1a~%D@e^}L@;8>TOwal>JbhIG%rV`LJ79JTwp7QA4FgEG5oV|=NQdZr;qO z?`%01B9VZ`>(kk!aq{A@n7fdmdJf8uoaX{R8-& zpLOEP(nE0KlM|%I+106Si21|4^pUmMGCV%uBAbKCI5x->uL^Zg1LQ#i3f!ju zKEN!!47P(*FvSZan4-QZT;f$kB;;G!k4_l+p_z>=-GEMH6Q1$5<$Hgm!B4;#?Du$Oi*Dse zb@1SvBzC7Iu^XZD=#nj8aJaxPjmy;)FJFEWh@}+&85zZ*KWV}`#i97ac@IkG9OVmF zOF?a09dq%%h_aCfaLbXg#LZzM94QNDtjL>HlvZL$!XVxyFyhVA0hEUr&Me+OhlgN0Rg`&K}1EJ?Tft@AC*={=pK6KG+X#GBhjW6wj^~yH*XWBX8 znM?zb&MZ7AT@Iq+4Mf3w9yBlfNWAVoho?`@vEi?G6VpT?i`O%iO9vFg;X4n+K^v#Q zgy?g4zbli~mLqX|63dSVZYI4C&3U?@FFW02;=yANfn;nMyW1$k3v?8D>h~~yC~_Z) zW{<#;4%s62;uc(~{S@o_FQVp^3YIDO4%{yc<*m1jX!pbApcTCgwHMjbBGn<(sA3Tr zWT1?;*C$i{Vi8VBu7!r%UL3pUQ0HX@I77Bpr0OY!{rA;)igqM&&fk!Wo}U`T%JWxO2XwmQycs)@9UlR^zx$9K zA%R zjG=p6G)}l`L_hu9!L=mp@vPbpc#~O)uOyOa{CL50Q8FICpS+DK%VNOOGlFDav7<*M zciDhE|HU+vdhQYULYrdf@*6kNS5b=YnBfF_eh;VFDhfDHO~jUL zt0snps<2$GinI+pq%<}zRgyi+9z93SggeK%MD<}K_~vJ zqYooBipc@teri7KOKn!mE{ zpNTT(NrQ3LY;?8!#;p3|@qLVi=vTKnTXk?TE?R#8PB2?qtEIuOsO37%Nqz;ZtL4eR zms_zrVJ-f>p$ykNt@-(53e>l@oa_r7L{&D*@Su=v*y|;R;OIQEf9@|bW?}_-Ol9b3 zt7;QMnvZRx0hM-~^M9pm=@65pCxC4J` z{FgZ1jA9Oj7oj*wkM4c209L^|oL2P!{h!LBZLB1nbEg7Itj5uCY1Jri;K2e(C%g;p z0nu?C@tik<`5(!5Z0b!ZsNdj?Wm0`uo7w}P6^_H!%ju39y=$Rk#%gxGzZqxj(}FJx z2lArcS{x+uVus>I%?BEfiDoZ0V}TGaz^TBB_0qz-|T0k}$hE*7@`& zJg$kv5t|g~u`{39hEGGmd9c8n`d|SM#Wz^r(~}t2*anx~_Yu>JpU~@OHe9f*!qBs0 zxc3Ad_^{M~yQxXSi_?>!Dhl{e?*$P5B?=eY4}lG-&!G6>J-84QC(aOh=`%m?VRJ?r z3t@k7&y;=8e)N8wBE+@aCw5)wVCyRfUVo0jfQ{ws`VDj1 z|Nb1Ya_<6_bvdx%m>!K8v6h`^Jy>n}E18=YmEns?_k?p}I_4U@a853eqq%LoZzR0+L;SzT3`{D#tY}z zyOXfs;NEJl*SGLu^Fd+0a$00PryiRhwvf-qo6*KD23&5>qt6cL2aYmiYX7 z^?2t)qCYf~cnH3>(D%2Psr(VV|D%DN%nX35YuvzTK4qRO1wVy+E?P-QigXTMhO(_n zU@vN5wjNomB*KtqS>|DC;u=&stHSLTcjH)}@lZHi8WtFh#Kn^kP4OshDtDseuDMsw z+7ct2&2jKHPRPXytj*nzguJEr9Htd7WJfBFJI(XEOhT8&l1qvy5& zrRC9~uAMm5Rl>x19-=R$iUQN+7`o_q(`c^?kScyjlK!<~?+y*BCh!);971s2- z`Y}k>JVaA(S2CY98)5mzJ5c#%7TmtS7gxs0(spw*L1)QeIyX~r#1T)rzor&fZ@tKh zr|LmTycdoPEknab57fMQ2s}`oY)xy&Q$w@R;yE{jt^b=}uMX77RXr`AB3>|p*yc?8<2m6C;r%iy7{6yI1h z6TZ0-{8iTs>#U;Cu>C)9d~_eqb$o`34m%#j!%6C8K`X8rh%*+BAUSD+c&P3d(KA_O zE`7DA6~yuI;6&CTuzKW7%A8h<>cu^3ubIJ-wdntIJGd1cWhSH_edOE8DBtH~d`cd6 z-8hIvx2rl{&)H5zcQ=7q@JR(m*$jig87A;nQifhm9E^{< zgzV}WdoJ#nO?n82_Pz4Ltso{n=_vSA`zIpMnpu{#GtC@jL8T zA<+)DQK5K9&6qXhZ6WKwt;UIttLV~dJv8sj!6Q$r;oPM2(0+UYoLFKGzGw9KHp_w3 zn)IUgPDkS76^R3f4Z=98MJ?na(A7kP?y`FcHcHai8*aviXibGIki;kP9KTE6!?>M2 zPK#tGpue)caEGiX!y=YL&9Y*0yDSI(j#*1xWPf8>c%^9Sz=JqgAqQ6pUbr3On}A0# zv7Mv`OkN*FXJ5+_wP_8adu%Lt=8J)#<9Ha8Vr%f^uK+x4Tn9^PM$qF)_n~~D21Z02 zg;mQwvvAWTqWXd=q7ZD))mtUW2VcTNtkrPvh9;7{EE#chH$Ib0M8DzvfZh9O=JpHh z?8i!Y-aHz=9`yq8&PU{hM5t(nRwei}U&TUkB!*hHv+0K%`REWeu2epSgV7vb8D~SE ztP%0z2fNXCK_TW@s?ZDR7sc17*5crJ3v~Q)jJ$~npkE}G!{LflLRwdYj6oJW^E^lb zhBvW|&wk*!gA({J@gjsQ4kfxxE6M#}HM}zE7S6_Yq8d@_`1i67FV??~v>*w{iE6YKT}{Otz?hVDncGf0U?T0H>!^CR6+t92p4rFAe(l)=n zn6{x3%(LCa1`}I>Jg}=8rJoP@{RvpQ1>vRVCt!EH8fmFJ1vF}Xq5=p(MfPzt3$W?8_(x3=B zT34ulzy|tlG-1cjk&rO&BRQAz2MXoaL)5x-?5$SeZ@v!{`oLDqYn~`lKa+xEzNCQW zvlyJ9?nCePo`m0bA{?H894ajQnBq3WBe#^5#K6l@oD~Q^!8i8bxG2= zMcs*CO|j#$ZXNjT-a|ILa0PzNZY4He8~eg3>oXjaoyHsNpHz?kR?6m%i=ns2X0dk-8hGzXAA4VFLBETP z=(6##s5|W&wp6AuYoA5*?Jy}w3i*niK{ZT5!J22=NmEq=!TW}1(QS7oC>XV|zvlVy zSig~p`wx-V=2g)8O~hp@W%-aBc9?&Qku$C{`I`-gU|jMXP*lAFbK`r_;Bh^87|wte zU2h!YEGc9;PK!I&MsmH@30yT%n5Ze%qg3^C@$v>640)3Px(|y%Q>bma+Go%wPK~X`WqSwlUL%kIfPP@JA7cG0p=aaacIX-7AAT zcD^E0N`}&*sb4TKH9~yx&tMksZU}!mr1<1XBAEZ;FWIt7xO?;&*kz}K#jQ&6>x(q$ zxnBhX6(Y&$H^Xp!%{N#c=*(1}orb1Yqo`=sQh4C{0tU&w{EdMzQ`ON7>t_BVl0k1EHRK4>g}!$dJ$kl6760M%fx+rhNrz zE0m!-OUGgN^x=Hoy&G(r#(4IsW)x3f`xbwH)`5sFN$@rbuMSMlCyxpyvI)<268`#m zRc2xwDP*fy%wIizX!$~FpOGyJ9&!n$AVS}o@jU0Nz+~IUsu!<_hdI|jWA%(t_%!_# ziwb&(uI1*CJGEK-^Y33s)WV!lalBALid4iXC8o&JT7(D-WlIbK_vYd5Jyx^HDs4jUx zHrCAKJD=yH+L22j-5N=#us@=8S3XFuyMw=r9zxGc&eGdsA@-gF`(_sjlON8&-oHXG zX)==E`8bAWEUAS>6Fac?Q5>1MLXzCs^#OyPJcrBIOGRpOlW5#yNq+9WJ)0*v7s@xu z(2!>iu%g3_{ced9a=Pl|pvfIjH;H97p2TTNZa+%Zo`>F`YuKKxL`F5<0^PtwW^D0? zjrAHs-sfw=vKi&@-S#Zn6x@X^M#It8I28K7Y6x1K6yMV&kZrF$B^F^@>9j~2fr&pG zSgj(OC1>Hij??&S*B#tc-OI+;4#Mj9^{BOF5U&hy1I4u|q9c>kS!v7>frFjQ6#M^S zkfj`?Ki>^@y^rB)@<~`Hp-d8X3H+<@MEKAuf~GkF8~MQ$)V%8f)7ETt3L5*B90-3; zl9Yx}%bP{8r@Dr{kU!4$W+8;Qagv`j7AI&*!oW|8u*1I?mKz%LaT_0#5LdyE9X^o- zuKtJP)L){R-B6snHVw~2bYSU}M3A;UDB8K9RwOYt9v#P6f=<~+(pW4>AD!9@MiNt~ z_psq?(6*nr>Zmr}SY1F=UlIOjJBWi2Q*G@U=pGE5E1UfpY`aI@IT7b zz{H6D?fQxjh6lmFuNvjt8{7J^Cj>1uI<*43(YUDm{^m*3|rv$%Za&VKK&@cQD zWd58zeprr--m?#Q$|znevjfsZTVcd`9kOQBAiVZ`xl_UDBDm|e z26H9`V5j3R@buMz@V1-y!y^5z0q5T8F9tXaGPn{7NbtQ3|d>}LPzQvS|8Gj zd%~5dtYnP9Pgg+KOKz}MDH>fjOhxtbKDgE1h4$+&l7{>|e4$@UW>2<*a3=$N_pD2N zV8dYkUTHqe)i5Q6YgB~%#6v0laIR`YC*TI)DH{e&{IlTMi7?eMECUaWsxrY3A z@XQi?0emlPIx&KzZn*%(nzGoNQ%<7B=3=DUXgWOJfm{?dVePNo(3&bu+*R%Qm*@!E zWm^xf{WZ|ncLl!h>tsJ(Ohu(-Rj6&Y5)D0LpsQ#irua9qvB3&p5R;A$VTSzqa(TXG zdMPY?ifq;(4+wiNEm9pYfy5qF#BHZs=x^OqkTX+ErqoA5gw{6vHE%qOZ_URIW0m;i zG;63TiNe~O##H?5E@~0sGuNzvPl*R{v`izJzwQT0uhOOI(+`pC`-hOPQl}jWdhjL5 zfjz!zNN)f4*y+K66U1<#1HIKDg1zE#5V6k|WfaW>Myez~QM`qzxa9&XvBOmD76`!O zB*62CSnTZrOZ$$Z#^$kn&aqChOyqr{qWYIHiD3?7!DXWZJmaW2Tz%#OW3qb1UL7X5A)*md2DGt4Lv@;QFqav9UqkdA-Eh*}&n#o6 z9!axn!qkUPfiG|ytwj2?d>SoVC_b8iXsJ$WxZ8N4ql>D#r>Nkc+yyw{(266e7%e8RP!cg zNoU!AQpxBa_yoFVSkO}v&+zhpI^0AyfrO7Z%yjw$uZm|mjJCfDGcP5=08gR6j5Q+u zbw*I__?paoszDECc*9k(8LqoOit8FAv#Bd8;fj$8JoE74npFaa(&L6`USU4WT{DZP z)TZH^~DmyjI;|BDWNNWrGx&42OA+rWPtHeA|Qx zbgq3Cls`77NM-B5}YW-2+j_^QzfnD3QE09h$-i5{k2@jf_hht;h{ev9fqZAM5%{J{aLt+wyxWrEI9+(|B6oc%ks3;jmmDICkLL(`v`2#F{)Q9&x#yEzh8AP?;ju$%HjBt1R?w{Cg?D*`=;@0PuA_Ie=OUR#9E*HwV=>~2uM5JP0hPqEf{JB+z2 z_%h|^Lh?vMm}EW&-`dFVySu6|Xv|c2zE-FKPhEr4WB0>kg9`De0dkO$TMI9;f#uFU z0zr|!{Of?jqUpO<(v8Jh)W(d7nx3zrb6s z$Mz?E!*0!){K4G6uz1u-^74rcZE(Iv7QL~cf33Bdh3O7lSJH&P^p?Pv-#%|-Ow?3HZM%%>qpKETSNBtV?7En2 zRDaF>dGBR?F|Fcf#lo(=3r;xM?jI@srwy5RULyUsmMrM~F81+!NNz{S^M@tJVN&r` z?D+i}<`3qOjkcsBCD zsHqJa_MAjn4PRL3eG(UJ9)fj6!yxgU46V4L4!#$Di?z3_^62wfuus1V%lwTX^z<(n z60J=4kC&kG!DB#Wb`reziGfk(zu=wbXSR6hN!a<=om_u68FoP-x(r^9@814}D;pmO zdo=zLeFatAbfjLKz7&KWR*m<35PTJ`bMg2@H*TcSNP5J2_{pqOd@joeRvMT<(}}$- zvSlQ^-Mt(19%`Xg!CzM3a|+8%mH4$Qm9WqH6zksZ4taf^Jj-Sec8>Gqdj;;`SI5y* zVOu(im=$k&R*hL7o5fkCjiRvW9jyPDGPUSCz?@QqTI<9qHsW4AI&YJtSE6o+Cc4=( zXN|L@NG+QNYL;P~q`<`d)Igf-3qVUQ2^DV1(l_#DOwRf+IVYtl@V!Rht+Ij(m`o(eufn^n7)U>f+uH}>0%5E`HZoPN8od> z!F271EIhyb8ovE+4jCGF1lOI=^psq-vl1NG3H8U(|F+D92_z0Dlt2=A1(z{fx5g6HyLq`J$`2g z_Hpj05SfHSn|?Dd)yE?ByeTky(MP5wJnsS0-x*I=VPA(xvRi{s;ff)BxaDvvPxLQ> z)%jJt_i=c2%JwHH4s(T?3R!;ZppZ2gwhCA$(+-8rN7JjW_-+!emWV z*y+0joOTJSLGx7V8nKSw*;gmhw9w%*Uiq>tGYPWfm;(IwM}oH~xzdovnegRBJG96r zurtny@WSW_ELfqz_xEhW5C76p*2{ta7#NY12slN)#TxP z(4Z+?CoCCOt`cgGNs3f7*@t#E#bS}v9B^o`P_XhOLFamMf8r(6uMTmg{VHZgku4|wA1Pe$)4y*%VrJXk8I_5V#`4o zQyfTJZfVkCfgu=qcs`r7qZ}U2{D#>@^>|oSnO6=w08vNwauR5Y_h%PD$d*SU&u%yV zbGnG@YJbEfwsWa@z#$mFG+Edy_X@@-y@44^1+ItdE-YO43ia1(k~7hZv2p%-KJbVF zd32x@Zkkj;US=JxZ}H)-Zckt{yN+)KR)~vYGC9}m!Ef1Cuz8x%&{s4Y8ag7m>?wPQ z?#N|MElF(7eMzd)m?koon5 zgr~9O4`-Y{I?NN;cCqjyDW9*`lAu1G*C5}~gc&Hif$b(wmR>LdvOW}|e~diOI;kbj zjkhBo(|5twRAZR9H;CFy3*g_hl;Mu03=7hgz~Qxy@aBUvuZ#Qz{q0Xh&n}%8_CW)= zey5ogZcBqB`+8w{%0AR|eE}~FIr}&@75Ie~Ou1$P)(4Ehsp$o~Uf$&Bv2_&8-Brty zzW)G?-DB~1s|oMO-$QTp?u8|fZjr5e=gHED-|WY^BzT&20gE5CW8Bjo*u1|LW==8V zHWSSS9#jk7yl#)}7Sifcfs2>6J2YR@vikAba<}7Wl!vb2eY+! z{#7?xC-_xfn^lqN5?5e-o*@=27{~W)pGv}(x$u>m58-LXKG1i13D)zSY25x$^r_B( zvp>`5^0JL|lWM0ZrT!dV`QS%g*Q#)zTNmNBv@ZT`AH&D=8BxFMzr@>J?~<79|1c&x z7rjo8;nE@2Jmq92bRIZ|I^O@m0tGwzIU$P-?+Ityox|ylWpaGVs}Xc21AEx(^Jz=kkeZ_AXw@+ zdREztPa0u^`;vZRZ+`>0a7i9?_Y>&8lH~m+9>PwiKO~_dk7wK#n4XzR+}Pio{ad93 zT^=%Y!1nzjuU#VUvwATa{$9d+mL;L|kvhC1rB2cXkHwm6eOMEtjbrWPVdN2e>ayr1 z{`fBhn%Ea+mvUX~VcG?Y*&X&-LzBvT=E7xC4vT+Ov2SNvAo1oUUVmx~brd)YH`=x$ z@vK1ybzvXV<#G&r?oZYqO(c~yXP`@}o^|%-!>v1wSTEZHlK(9Dn2*JvqvDQrJ3ROo zmp#z)RT-wg*$6Rn#)F~MH#qzBC2l_d4=$cIpvf!#qr-nK1+P*Mx?$N1lKXTVK&}e= zeXRuNH;S3{!(q^9C_(${pFqZ|lSIzzfK&5C6Moz&N;D;KFCYFrS9Caa0NtuuAd1Q4 zRHe2OM{Juc+NJRpyZ7EFQy%*>Z910KfEy_*f|_t^AD4(aML*!@sc+JI0Heu1{sB+zY@tSm@yn{#U(K$Wjb_wGP+*umzJj zDUQug=hF8Zp8^qf@M<4w7ZuxW;=}8{;$RhF)|ZsYSB^5LFVD^b;}x^{0G~E-?^NNm zIeUy%f7fC!6yy2reQRjA?Oo{k*a%Ac7kSR6VbpK`T-?5?9HyE-hL3x+F;V4_a35IG zsS5^j|L;EhvTeKg>R3k_FveE!#5#ad^;G`fnVG^KhjwQ9UV?XLoPg2IZgAMnpCb0i~2pVKGF$K9MNDgFPunElohY? zxCpY68T5zrH>mZ03MXe@VaN7L(d9`Rb-Nd(z}9ecswgS!ENa$~%(;oYEb23uHyVPw z#z2Uf&LG7%4lMs9;8MXsYX4>-DBM>d7(9qBKl%}#7OL|{hMxp4cq!CJ?uBUn2!3Tp z^ZVn6i!9Z(z)d9y7eA8c&j%cY7?T*Hsj7gJY9j zK8D0zXxwKlG(B}#QsG(P^Nq0Z&0egN>j0~-o_xS#9e&eVSYN8Az~sH5nDqHNyOKSQ z-g)z+Zg9XKSh)B+_m3OCgh{<_Wl*sXIw^0>=wGBNh0NMBdJaKSbnEZ zjvl^}z_NP>({uL6*foVXVV8asua($vN3Wf1uI)=~i%7xkpDd^u9m8|mSMYaw!y$i) z9yecI22=Z1h_0pBal>2{y0BY@Ykug0SN>06RWFCk_;B%85{7%i<*_$sFH zh8uNuT+zlG6Wm^-*x)>ztJS8jtbK94X0VVmy?|Q{wnAgtd|I%i883|Th2=69I7{Ly z7_O{>b?sy5IIThaRiFazf9OZId{Kg?AQ?Jnk35ZqaG2XAVmF1HM#_SP)a=Yicvkxx z!WY`nz~bw0v!X%l5jO?y{dtbsz4LHU%U41!Nb;hogZP4UIrivEoG>pRi1X7al~gQ- ziwZf^t5AnNRvbzryW25y@?f5;lz=x@ZzpF5EP&Fna`a>1V0z{DbsXZVMWga1=z?{( z=d&8@{hz-?oAnA@W7%K)a=R2yg)E@D_U3%_^B=glY7|b$_(_H> z%}3`s?V@w%2huv$1)D2(u(vjqc%n`l{{E*7`}1wlWatuVyx$BR4fc`8k23J;bvKx* zeFS_TO~nUBzwyBA9DXs-iEfnGjJkuB_(nS&oTsP((TjiJ+l*Yg>-bJ|akQcDKYGw1 z)@{yEHJt0KDbRz8Cd@8p77jh;iu-z$v7tKz```G`@m^!`zp=@1O5PF9EOABeaoLdk zbvG~g{KX-A{9!gWYMi({)tm-guZ6XW(y-8DH!)1kWE;JV;dP%gK7c{I{=XDdth@uh z8gg`lr4w~OevKr2&Bs@!UqvIQdGqnnCz+ee1~w&SF=ij~1OGpx_?_2>U}{M(`^j$- zhtj$DOjEeuAGGD$J!~0|ODuTi!2j^xxs^C8u#$KPXM5{87uf60u~;bTl)sSR?gfJ}J-miVktuxH-g|6Z z)Me(FP{KwWkfCoc$HC0e33#X?9R^PC7S+vr34v#8uzz1YBx>q&ec8KsSuOMNO<+y5|49zY%3b*B^Vbl+f_s<ez+Sq_J-=5aZ@xf@V z80M;&N=~lvWQXRxWAkH|V2-^p7jGO-??pIpI$<}a?LUG)#?M6wsXC^Aa0Iz?s{wtS zG9YlK3cvs844Jk&528Aoq2kma{=4ctE9e^et*AwOF#YYv4&>gO^Up3?Nitu+yRYdjUb`g1k$4)k#pypYMaacLRqT~fAma-E6!*ZcKb>! zzw{+qOU#A;PHmxWEee>lGmy`Exq;7JZ_8F+8b!a{w}Y&cx5eY4^ysN&H7qk5c*EmQ z7`gQd<~%-*T8}4TD5=MR8z#Z8D8U}pCpgwVmf^BaHSRSq0=gS#qvlJ2V|{-bP8rcj z-jBSA-?Xi0$eSDZe8Xs_v{s&mrVMo6kQWH@Tdp%_(_H-JJb>R3P2drw2p9BP$=?<0 z;Im{eDNjELdtzO%Q*#2Ax)0^sQVrp3vZW|t!7dCqJPtgr>T;un(O`L_lZ2WS(vQcvpZL?}njqa~2*`Hlycs#q4OVI^AK!Kt3>AloIfcbOgDu zZCjob@l&CzdL@Ge_}zvH!KU0*AjaiC-HG)=hT^67bZWgJ79LGm!Db5gi$`X0;J5b( z2^_HxyWLzk^r0x^o#4a#dmZKN=TilBUp%HY8>~7*=^pY2UDcDIS>XYWxh*);)xM&R zjwbgFP~xc@H}jpct`Ple6klgB9j%i#Fy23c_N%o)VzL9Y$}AvKp+Ekg>n+UALVe|(93{~U?oqE9gMrr_@tHL|t= zZi4?q6N=W2AgLwy;gYci#7Z`T)(tBjdS)70=4#Lx*A;lpj#yH+d;(R4*LAJ?Z$s&u zOw7)_%w!Hfz$cLtV5X@CANx<>U@WS|TlP9&J|Yq9theCxAOJ17M+nzr(KmWH-Pb>v zrgt_#(uQ-yX>kwfGs?pAt;OB`H;U`ZUdM%h zTQSub$&6^Xl-;jMPrmyJ1_I|!*4K#1#di{m{9odRzz#C0Zx<`gF2UJp%aNF> z@%?TMP%&MB8@@V-e628NG~0o%i5XA)e2zTdvk>h!WWd6sc_jTv3U$qnU@vYg#Hzpg z=&9XGAa@8iT^P*m;|d_-YCR}Ry0WR>x~wzR8}4)+U^nD#>5|ntbdKLIVjNn4tAt(R zhI$L;TiF6~r!}0nJGt==Wnou-PLjQ-+$VTex6qQ6`ec2uAsgfti5+r*GTJgQfI< z?LWy=Hh!>m>Jh^$Qw zUa2U7GyCh9g!+2`kt}U2SP0#gci`x9SyDQ92;ZnH#jD@EtbJVzyj|jY|u*q}?S*~lHMsUfmK0D)$X9qxPNzH2 zkagC4TZ!=PrQ<2OvhNkU82g>XN=Jz{9GF5K2OecJxWIE7sg8cujact!;N-`zGF;Nn z%s$HDqhqo-mkzM(2-q@(}GS@`dY3pu_-hVO~m z&t85;oby_eTDk1OVxEr1TP65%FHh*b`5y0T<&i;YwHS0i7Ek2Ogz5F!c+Sg;%C2r_ z*#ueQ=_VrDuSm{^{voGkhC)QqT)3)U4p)0qF*2z|Jmt8(XiU+43^2(c_WwEaE{&sX zzod`o$cI1Tg%SDa-{66n^M+%?Mqw6zdH_6#djk$-Mod!CkePlrX5JIe;QiNMptz)p zygDWc8o8Ufk+dWYQO|&zr~cJlSh*EabeF(hS$Xg!+ht=eG>6*Q)%;Q?!{b7P@0o!nxtO@auItkSuhvWFVzXEq{53CtIoQ`aH zMUHjtg451xG5ftH-yd`kyqjcb@mpOgwJL)7xhsKI+*>pYS6)`pmy;oY-!>T z_IO?>pKB#}eZE?Xepfz0b=5#z(es=66&@6+FQ;%YKOR8{aq*H?i}s#uLal}Yse)|+VI+DM#D7sB;t{Y)pYPGA~a@sLhwUOhS( zJ>P$a!hUJ~H?#y)4I4yPx@~B-tAsdhgAqhVm@?-p-^H5uMg05bL(p3&k89dhVcx(4 zqH}f9+=b5P+DZKw+M0(;HC^z)#S3h}xLBAna}1X3oemUkv5IT^VC(afI5X=SjxI7I zt4#NyYNa}t*b+o_c#zY{-cv*?F9=`1JOuMk%wb03mVr-l43t&7vHxx>LyY`bK;h1q znc)Rn=WPYwyF17(dJ#^wB;oMVp{SPjkMYKdwfm+$M03kh;-_W{omwBoKGjArZBab0 zT9b-ZYwm)2s}+844ZwEIYcR^{EvcF|5gg_Aq0fd|Sn)Yk^zYsfoP57S=v?d&d`-{r z<*ch1|FIB0ew@U|h=zjy(&PB2O~`j;6r*jH7GGaC5^l;j;-}qFFy-DTK0dYz=SKX% zKDRbj>N^-Orpd#za0j?tPz_L5O7g$}n6#e;UYF3;8;4<~ND1lyi;5GV=Yr|^ay?@BOf4t~2sj^r=6vp{9(e+K;4`756ct zRF9uuxRy3_n^ND@4p7g$&T`}8VZqyD@O)7wI(%J+Hj`HHt$8Ix_g4hZ)(oY2=SEWL z&Dms_*)cTms72RfyK&9SD7bWR76jbZ!E;e|bk4SI#9U8{7bs3b*#~)|LOtQ2j znlhC~we4l+_s_=6?WbXhL<8$r(Bg8FFT;-`E7{d`Cos3s8y+<)0z}uaO_EZuciS$k zxuw9j?0W&P>r+XX)^G^AK8Nb`ETCE=H{#TxBd{u~mpr)_fqoC-;O>Vj?3dIax@nHK zz%T5<_Kj9t;^RMDRh58WKPo|2PCdNU+sPuxlNvQ_b_`ZaJx=MU}>j7*&KY{zV z_7YTnikWJZW?5SBpus-yu&RuhUA4f09=GvxQ3ZDQOy+C5G-<($3-Dl1E#M+!dU(Sn z!D+G)e&0`{%MW={mvU#AANUZ*-%NqnlFM*Tqzh&XF0CUvqdajM?@bVpbaBKv_AybMgUx^u%=L_$D9!3OU{3wlEeS%7Pm-nliAzB^ivN^7iKwwR+gZW&PYf*tOuW#_2RWc zN3;l%=dUIV5V#0^r0C6ah*&-ix{?BLv_~PT&mV%-W>aC}brX22DMbw(kFck#0t~ws zqnGJ-R%3GuUA$l8kXav~qhJh{MQkHGK2_tMHx)28ejVxP#}1=>`iSi)1G;_o z0vP+>1k7!gpr?%g5&OS(v~AlWB7WkH?o+Pd#jn0#;lkLo2}18=YC1Q2=1IecNbo%a zquJ?!XEEvaX~D&vCVUsfGAJ>?UD-15P|^@izEP&K)2p#Sp%--ZwxVy2A-L`s%k|R~ z_{Y^kK6=qEFi`JD*N-wp!dQ|9cU;6Wy}7XBfdSngI*Tgoi$SZu(bVp%HaFV-TGaYv z9qTTvLEp?MT)ij&er}MZ`Mo>oFCz)QZq$E>+I@JgR8d4iZhpLr9G{a;xwtp79bI0Fc_~;}&G%Ql|sVfI3A6iKFimk!tnJzfrh{vF9 z379oAfO_i^ZNXuA($tt^%Qno3G~sTD?Mb>cWd>KLWmE1iw4givAlZNn30;g4;MP zez9yby6E49LG}$WsIr+{Oh^|U*?FAIl?x^XW@0RU@P|w*3a3M)>&OS8%h|X=4N|WP zyxH{g5a+o<@EOQZ`#E~NdFy=KeKnISKNsd}&jG5eP3Y4P67+nF3Vp1Z3f7C0V2$ZO zD6e`?Y+jv(E5$an<=z?G9j1l;lcHg7zA9a`ZX~3Z)6mH z>6}Kx##qw=9es3HxrzN9=Sa0iKVGi63DcgL^SvAWK>S=2>y+#9^qg~OTo_DR<_+hr z7h>5={kz2KXE^!!kR1{GUih_KU*0G*F1E& z#*%oLM})n|r!{0ZIKs!uDA+cvAGglk%l3?whf)xAGtlM}B^Vyw zWL0BCc(p4gJ-k?}0^rOAl-fbz=TiTsJ_4UD|oI1L3Vh3t$ea1$t zRL9V@cF@wL*4c#rocSdxe+V&1i{3Upm-R{9eqmS$WJ&haxQ|C)C5K5NHke6D5 z)3hKDtB3xA)WhRJq~}9zQ#(*Kb^zV!p)1TshLN{l?qOt0Hq1G3n<(9#i!-i$VcV-* z`0oiltXJtbERfa(;V%@#bG+#6w>n6%2+a0J^P`RzQ2aOt+{Ww@XO>1_Q;91bA#^F@ zGXH`1U@PqHY-H||kD0`eFBt4GfJ?8x3nxcBg=+#g^<;@8UA4rC-;gQ6?MlFJ>097V zYDfajCg6+SN%&M=*duE!c2<3JmUQ`0QekzJq=s0dZhI1jvn-N2~lS__;!!Ccg4Svm96Up;8r- zC9-gXWEYwamcYfM(l9+oaDj#|$ID}NvEYafK3Z~^9H@%M)kQO4%28AJ7bZ`42+v_| z#6Ef~X#@CNeMe^Zr;4wshhpfvq3|SpBn~JpB~u49lH5JXIOf1Syr$ua?o|!!jche6 zsvgXX$#&>-QKU~6hruA1Sn$*BLAgmuqW=2Xu&|{Eo;oZ-Z}%qFq1{WemAlF7gUgsh zTY~8H$&=9JdtJE8{sbMHUU7J}(A~Khgg2t=nZ=Qt`0;5rGpLZ^FLkY%WS=Wo-7qJ^ zk7S8L2foFzt3_mb^h2Dev6Y3iOQ4?JDR|Zp%#WHRTsW+=n z(LLlsyKp~#GKc$!d`Z;NZB(g3o{GisP8Kbjuwsn@l^DK-Hu)x?_B{!3nuF}pvDZxF z_aK_{ItC=nM$(x-)4EnlMXm&94OFFm zr=#I{w7?~+*QEP4rQ%iVSmq`C@BUOcRTq0um%0U+gVIzDXxx#5_P1Z-xVdOq&au)mj}~GT{JWP0y8pC<0exTe)Qx`vB{j}tTaTIo@tVWbK_sa?K$yS z;`0~IH6-$VEdgTR)w}RZwGIDqIhIXvya&ol%;0qNez>o>7+;d*U|TOq!zQ+2=jKPG z&U7g6xN1!X$3J8VZL)l=^<(z*=_Ll=^U+4FkKF6K%x-LphRWbh*4QXVRX4xGWA`;M zCu}w=cBm5NK4=03VWv{>s0CL(Vc^x6iLy!k;-2-oxV_yE#ZN+c&pLVX-S)e1&O4xQ z@m36Jx5iP?;Y9XeA!O>Saiaxw`1-0c^&<)BO!TZL!;(~2(M>jt)yAl%|Wo_ zcM)r<8H|<98Y2BmK9HtpBsg~!=$zM)Ogwrk-hF;cP_~)!oG+ho$?6uit=Rx28z+)I zS00O3D*Ip^RVC>@$6$ni5p)Gx(UH1y(PPdJ*wZA;-*QKw#@T2XqJD#E{~OM8jx59% zL(8D?eFGE9MPMBr0~RcSFUmUuXWMQ;_jDzwEg!}%9P!7g9m3tzX9RsdIZa%nJq#Vp zJ<0N|!VJPu0?y@sX0C@vL8DU`dS4uc;S%3T>FMLRCsCH(E*Q$6iBaq|Y&GoWM)b!j zb$)BJBHeyb7OqLU(_n$|rStg)C_NJ1d(<93kRGw+wfFG+ioD?DQ-QF&3bf2TOO`!X zgUk=|nEH3T_+3;sOn0n=E~j+t3rZ&CI;Db>ZX7*uGY>vYeJ$QR$`93TPm#3l<#70k zGv?orLiIW8(LPa+x~c3Dc=U;Q^L?+_!b_XajJM<(-a>}ttO*~u&W3(p{1eg-ydbML zCSgMLNg>#>N|+~xQkgRd{{>`-EGO-Q=VTXn{%*$HD|Ym1tQ9+@Vk=%X)r~a8+-ABO zlDPb|7N2!_A^r?j1P`-5k@^KQKF`dQF7h~u3-$~WxTe>gz3z;H)d|s}h{$!&xuy}{ z>AxpBUT=l`pacD}PlNv|PlXv*m%`ew=kdz`B)wjW{LMXMnw}v+*YB(X=asj}$XCPQ z_qS^#cF|b=r!0(|962BI{FUL6bQwFDs!D_JPj?PqGK6(RZG?MM_CaIx8d~zh9NkW6 zk@MwyS)2WJ9AWM#>=*BevI?`H^rki9h%UDOyBn%x59M98(tOF!Ako~we7spKMWtlM z!T6thA#>O;ERNKs%Gb!^;awx? zbM-fMz4P{CMMN3#KAgoqpDDr2sO4zT6a{714>HZ(-NKzHp56F0i}p?KAW5@EqRO1Z zXc%G+=}ZdUjubGD*E+EKN&@-pm^yCm)ekHU!@)o16Udh ztsLG+$p@J#fQOU|8>Giyu|P-``iEuIk)CtqG_LcX|%)tSx*%`jO~Id225+;JNxc$Q)RSy@!G z>wxh)3ZW*p4P$0!gCujteIZMU%2ETGFU)BswM2-fZeImw6Vh?VBX4r-Z!;{n&LS0# z#yrO}6~}*HPM4?bfIFkyQBuhQe|EpYyrEv?mb>6leP#$Z?g^RkA<3}Rco*czP9|gY z#4xwbmQ8-~4UHboqIcX6;s?(WaAWlVytpk7CgB)$m!Kb(XL|?`o7%?#|FCdtRL|>@R(rO5%|OIx8<{&*(a64F1VfUo64A^J!o)?=t$2jDw!?kzfW= zeEWqsI24%(e+FC?U00N(T9!tj+p!Ju7OFv$kbkuLH54Yb&%p3-J9>Pu3@*8*CMwa_ zVyDWjaiVD#x_YSaF99;5Zl@krvpO9;@BCxhkLJ`D3CudRrFL-*}P9jTp$rJ6O|Kx~uq$>4)&| zpJd!9e5X_j9jRk4YcQ;`5;cV#e^lZ)%$A;mr<_JW-mGd^mA)8Ubtj^&dIP?0mBgKw z3vk>RMIOJ=44wa|ph50^^0)2{3!Cdfm-#u-ZkwUB=*%$QGI1~Vd=mlh{|i%2W)q`$ zPY588rdxui6;%F>n@zZ_N*jP^A%}YVeiN;Z7*i;b!8d1TaU9! z?y!g>4a6p_gPq@g06S)ULCaHSTs-zStQ`1eW*?p5sg_BZ%= z{8Z6^`4_S7b2!_pS_DrL7QpE_(d4sIEIOWVhnmjktW0GNhT24M)fdC)*(ba3)I)um zeSb5rFZ~E!P9eojKbRcnsQ;YH&pEQaE9AjI1~L$F$Pq`3?1OxIg14T#*li zD&gF`dd!Q3Pngdp1RH{%p>V%$^Z}RdHk@NU7JRolQRycJ_-)%INS*BhpOihI>a8M` z`g9S;ZSbRCQ<~Tf*)^zEa1iuf9wG9_mL(9%4=#;p@%GHJbwU#07@u?s$ zIy%`Xk-!C-FPt}_PXP4g$@2`s>DZ*e^E#LF_UZm~qNO5Vf6|dZE&C_z23GM8S6+d^ z*Xdxj%$04wCqqxndPIg#A4HxCe4(W7ePEG%L!?yZhi@(|r<)elK&iwzly}N=UijM_ zc1p-`%N1hud~*=O57wgkpFo)M{tssFj}$ew=F$2qMm(T+DED8|0?|PY;^L;~FxjOB zpXW&PNis<|w$mM>cG%DYlapep7A4ePp9donhjAT~P?*2w7Qw^HeES<&{>{D&ZVx$e zK7sD%>l)J7zdye0&rB_TpuZItE-n=t2A08bFJZ1eScRHorhuA38HC)>r=RCqfI)%K zt21uJcJ@%`87sJBwE5LfuUU^l6-3|KLhHOD>sn_hVEY_L-rlYv zo?uc*`fYYH@;DWiUK+r+Dz)S7<8pM2!BWAKng`29213^5?;tPQht@xpxJS})`fQdK z85jPE><_MCJL@U#{B#HQ&6UBHE<^h9q0raas|BI+oZ;vIFX&q!WLTP1(Qa(DXwU37 zc;k*59JJIS4^O9~P3sVPt;vC>zHfxYm%Y&CF3;QNt^)mFJzQa*#%x6DSQj1t!iq%ORq*o3y!ddkY@1z6koS+VMo=YDjc&6mM%A!2F}nvVd3> zRAa|T@2eIzC$x@*m;Hnl26B*adKj5F)S0}TwF#DLS3}0;SyahF3Vq(4W(S+f#gcFC zu(I7@bbvw#wJE73FG#77@ya7Ei`BV@*=Dg-cP%IzjuS`R{Z1|nAIirE3cVI6#;<#3 zvda$Iuz2hjTyZ}Y->M!ZMK`YEG9P0;Ki>h`zv~m{HCp8QQ&SkSN)hIKZh#bTbs8mb z*XCEA!-+}v*wS~DDcV$$Plwy#T}lC2w8#rCTzHE`)sndCzi`}jFPm8&jz+1+tC+%! zSUz|A4cJt@0#t?m`tc_w;w`~eSlCv{3S66+o9Mnx>cT^m*T@eoPcu(lD8mvUls&>FjM z>hbUiAIZ(exin>YEiUnLB}wtd^paSXjuy`GhYl&wZPqW$;FeI64T8`7@G_h*CIRPr zmO}D>A=I}u7PnbcqeXN9hDb-C+uGaX6i?j}nFzTtr;-xvem{vUajQq?iWauIg5g^~ z6^uG^o$Qk~VIHg#_GU}-ftPjY?`hv)hui_?vG5^GyXiz%$tv>^ikejK+7sg4oW^xz z`icJxX(ClAbb@be7q#n6A5?!r)y1)-ck2q$ojU@+EsIQAu?OyC z)j*iG7Ppm4#rInl!nY-(`J&&xqn5BHu8OyB zn!|eyH=%r!9X-A07I+Od=f-+cJn~SI=xc^FpXPXgq(#l7yL3O{^#eC>tjr7W=*>fI z55YsUG(;?Q_BN4hw}I7NTS-&sFd8xHC3&y*1Og40;AmfEcC#-AHnS+DT$wrQ;L@Z?rV}PBzcD$c$eq;7x%uTX{{J?%JQgDiwO*%gSa} z*l|%@qBkBRBg>tq`6$sj?NjKe(Z|FgrRij6&P$x5b&*xhdWJs#UO+Br7e_rpC2STI;{@g^~S-3owNAi$Q{^aYXT>( zit+sNR~Q`>DLT-7yKdghRpQ$I4m4Z67+#d62|K@Mq%gq+9!&^hKQ}g^lw~^9E z=1mrGKnkahl>)tsb1_iT0-IjsvBY&>u(EX<>>m?`OI&t9u*ZFPEPa>>zX@{v+Z;@= zxd(Stw!(%5uCPnP8OD9y2Qu@&kco?9Q0!_4Q>XZYcitsb$^R^Nb!$M2-xgfv%?j3K zSB7Uk_&~>hs#JBc3V%9pEq9;s8m4H}i)@4aQ6qH=TcKM)g5$1}UdvTDXZilRw=5GM z(QJ{9wH)1bcn#+Ll;ZV;<9U?IJreXU1KTnR_>!PqmDV6_K9E$CI z`!PjgEKRI@MwSZmRZmkVy7|F)%y`{^AF2-GjK39P$5$%&LrZWhzpDf9dzW#*Eg=`u zYDGE)b&cnRYa-RIU06_AL0rel(oYt}*ezuMMR-3m|B^fO*B9^^#WV1iOeE%KPJkCNL8$Xy8V#a!$?Kh` za96z@wJBPQpX{dyY^}cnS2Be3PB@Qc@C`nUydlzC5KQFve}FX~^YLebCrYHq5%s7V zNKjsj@9sH@14tpUdMG9Ef0n?R?Q*!>rU<;J=gG}baLhktX64Z@MWqp!2#0$Gi zAo^qSOVW~d*wW>wrJ?I72 z{-?uz#armh0g151_c(lY^keJIb>YdnCehZaWcWPc1XRZF6OE403JQ0U$_Y$o18JxytXbSWjd%>9tY2f=gG&QvHW6Q5Dyrqhi?~NU@Dis zh^A*ta_wt|@MS?QZlBzad4JD=^SrmvwKg4Is7s+*cQ8&ouE8rpW8uw*USfZ?42qL; z@muaRa??-<0$XPYO9Y*&+Wy){SAj`kEyCw?hS! zikAxCJ2SCP>xC%X<~Hfml*X)%Y;t{DHjc2m53Prk_}A=%;x!*9^J#k%u_NyYQyD4& zl^W|oTw?_3!uyK8ufxO`bLhUIgP}_Vcm2~U)M#DD8+8-W=SD0_ZrunA6c>ri7bKH{ zjNv$hT>z258GjWdgL5|?z|>`v$h=EKVO7R{798~nwA_v}E%yqsYv@IQnfLIN)mJNc## z<+~ih`?DW6c0z8mB#qR21iN3l;oUD+as5M8_Pwi8 zU=(!Wq^U9J-x)&HW187A;|zh5^Ap40&cqgH8#-~iJrqXF64@_GC2y+i(IWFP2D&?Q ziKt2vkWj%Yre(sJtRzx5WD6`-ZDxm5<#DWSGp>|<47w7hSasQ7kwRM>%qn)`2lKAN zbG3b_f94YmGChKt$3KYLtnB&eK^ZVneJPkf>Lr8bg@fMf)uQl?KZ%BcDwXdV1I~9Q z!_;(Raf_!F?Ksm+M!mUe&&wwq0?&iP2v-uiP9k_dp$3lhO@KL1@<~-Nsli@$KO_ieCv-e{3pz*NaQZcl? zUrMf2?8fn?dQ>4)mq@;}1FOpGD6_ZFx!qd|%5SK1>ltD&F&W73sjU}(%T9$6<^62d zH3Mk7)qhvi!KSQB_slKZpHnmUMm9b_c*yLMA^ySMz^;J2JOMgkc4|YJc=MefvddaOFGmN%!6O|kw`VL3>(T;?>5nn$tu<5LatYq97z&|T-^792=fLGV z`t)CoOxvX zL&52tc+N8gT5L5Kd3H=RX~;V`_2~^PdSXw#o(h@sdEspJ=j$jtc{5mS<9Jp&M{s;` zqB9~0BDdJ_k9prwZ}k{%8ut!FCMLMC_cJ{BcAj;Oh`?vLF|c<=7pm(WpsSN54lqjDx6-q9F0wHB`qY(Oh=muRIlq82@f*DlY4KjGI&e~%w= zzixnL4T_+>Z9Gg`7e=;S{>Q#w@n`p@mqM6gmw2>_6-UAGd?ex>QX6+_rf7#*${IXH zaR-En;=t?pEwmlH5hH(JCB{O|-ACIWQ_Dx;r1{9k=ywslH$Es)G(_k%kAsXc6>N5H z4&l$1;0lR#Xl`Kup#>}8MxOBe65rzwV>#Z`ag7B8I57QWGkhj=7Ba47!u=Y6F8^gD ze#$~xsL+FV*W84bnU3%vX&FzhQ={XP?y?s{J`&@AO8As^0DZ0*jjLON1WJ@5+s~}(X4}RG4+`0I1E_{+Q#JNgAs9b-A*n4D?zJg?s zelN!kg}h=h>1WU_VJ@^C?j`X}53xwdFYj0xio4|Yvun>j;+4Zia70JQAcv%o$hJ07 z=lMduAvrCt8j$ROlnZ{i%lsR&aZ`EV9vkY_@m}TeC%(= zpQ@iF@o%>>N55k@{&NiRaoZ2COxD7SC3``An=D4oE5P`P*`f@qGITuXhAY#)kOcwC zG$t#DI4>gTnDCVKd^U%Zqu+tgcLC!$XbNBVT1+;XpJ9z;KkLsopjXQzxry0I9B(F~ zuPfif!IELv>nV+Ei|tUW`c_@h&Y?6rJ^`+Y)NsoVb;ucT3udg_3a11Px61%)K4$U- z(Zea<@Wn7M)NGSO)80~C!-a0GrZr7IY|9@8%w|FNcM7}n0c>>E0g(9KfVqlS@O{)> zu|q%wyxiPCX8(FY&Y3E}PmgiDNNW+g3%xO8w>{W6?3rj;a}Pvn3mLCJ?t)W80`1f* zvB}ee{%6vOAzquYYw=>}@Jyf)3CSok*K-dKjDt0-nP7Aq#wSB6kHe2IGEq*fTP2F`I;lnWdG!2qQ1D*TrpgoFEUi) z#`QnMC)d0d&b|abUAG$lN70!_WBGMq*c2gCiYPKf6p2W@XCE3UDru0UL8VDFr>K4* zVO}?EzH~nCag)Z)s&4G((pzNims*&R za0as1%twu@DnfVmjNm8{T+1p08Q(DsE??x}1NZPyL;-@A@HaL-CG_KjuE4TL=HIsz zzWx`*Z_3?)(2-7Pd-NtVSMp-{`-bAVjm}X1rUDH9H3}ZA(bUx43L+0|hS2#(p#HTvA<0+EwPwry%nQGSbJQ-8YSc2cgHj*uG#>W(`MBVxZ^bb{lxyC}zsXQBv z6g)|N{A}E+_X+;rN&aFdi)jJpv24mzltU5A%sj?Y_nl?SSMG-1%y_I8vgnJo~5(8WC*-&!7L{mb(Q^PRR^T3w@n66D9dB(^e?;)!;3rLHKIPAHLOn@dNCYWjDuDL?n4k;zCbduNOuEv8WPW;A{9<{DcV7cX>s zGEny8Yp^Iv0~yCM?9hKvaJP(hrj$+0A5C`YWj0aaMdTC(h`L=UCvQOe7X|U77MTu`wR5C4In!8--qJo-KLboe!Jx7h=BpCcH+kf<)q3a^jN|ebFq- zqq>y^=X*9ZT)HA!-?|73U1WK~BP&wj_<;=i+D(p*TgX+%J{802Fc@(CAsz~M#pD~~ zIQdbBE?Z5>;(edd80JxrBktgnJc}+fS;8c22hqXm_GHblK~&ad3M#kX7H?AMgqY3~ z=-AtYl81#^*&I`vAN7DGxn|kRI&KhigB~H5{}Ah4^y#DIA+-9_6#nS!J9zAQ9VVYP zfZVC0*|<|v`O&>E$xq|S%=DN!(P;BTGe=|Enh}kE>+H~XQU=+%VkJr!-V+=X|FML{ zlGM7|m7W+lo$Jp&&-^|Qq6sJDaE#&s(0`o*i{37#!Lx6|7VSJpH@(l+3ul%yc#FjU z3g97ug&4K>ADdkh4>q?dp}u`AEy}3FTbK94?`QiVRXdK=U%LQhkFG=CUPFGM{kHJz zo(uPujEDXsViu_3iMreO!>GZsJVh}DqqD-upN^#Jrs-#f67Dh&!hUNB`}@Cm{iZQ){`8tCobdu#@4GBY$pyD~ ztKgC=189#lLT*baJJ~Gs;`i==O%E0LwWAAo?CN1qd3GMfTu;&GENwb8UO21G`^<7L zWD3kXN&ea65u9w^M=qZ{gG&n{==fPu4RFQ2etIeeab1%o~xMrC(%7%b6RncHf+&Y}v zKNPZ7CV`;+pATAj)qe0#9o()@+j`!D)fwVRO@nT#z3aC+MSg?L4Sn zGl>0C$q<|q--xB)fywP6_@Bg4GIL@u4%zmW1PcB06PD+2j==XdF>Gf}-Ol7g={jP4 zu7;c*@tG~ZFab5BH2A&dLELDyE}nne%A7`aprd9XF7mUdQr~r;G&0ow2YEp}4VTgH zH4@aSstr$;=3)HbB%H3`O{KfGmnUl*@iXa8pxd1%4*srzwh}#TtK~`D(e)f<&)vfZ z&{}?N^d0+Gb5!W8ZM86KtR4hPx?rVg=nty6>F2qn7Og=eX{BF^V~D|>9#Knk9vgO z7MDQXYKK_$Qxtlt62T9q0z+M;aj0}7zO+mwf1c~{ACjx#%a&v^)cztE&sjlpoJ_f- z;TIVHREJi*x8SRH@4>i=k=$y9h;AtC!`1sj$=nH>iO=?8@u?6K7}ZaO(&tIsMO6h> zkF3B?m`JVf*sx8TGtp0&=`S*TW7>Y6;b%@N z{iV2acR1hG1Ne5b;APpbLv1HU!j+2=xKm>hcfN8Dw@tqeX&L=2@A`43c_RT7>mCu0 zbOS1P#EbiDXVKv&I9s4?%G*Ph!14VTe|9i_l>zQ=VvCa)bAwW zU)AaHT{q$KlPvhO@}$5E+zF*QBk9HIC1gn93dYr1P|8dKCZ#T*PxHRvt>`GM{89(j z&u?Pxr!^2ibPZVQ$#JI-Q^DcH4%#v6Ez4{<%<7{euCficFh9>3BvMDgIO$f=ZfJ!W zYx0Q`*Oeu7qOmo9za|q+ z51)hk+7-+zG9NUgKS4!z2q-^MrnRcFV4pFX7R}GY0X;UXAaody+GGafmldPN^;RhI zF`(uBF4%n`8z8O>zm|;>*(KLAnqF<^ySot*JIuj7{}317FT`t`(pXr8x3Ir_4vpt^ zXkw8St_{3IdYZ1Y@?THT;`9GGPOrsxCGX&jN$ueNX+NE1>y4kJm0;7vPWT(SfRuNf z0_iQ6F*17=xHn$HmeX6Y%!`lCbwY{2Av{euFFqeAOWek_ipmS0vfYCOhly`I9cyC?Ax zF)Rx{TWHf4E9FVX8VT_ipI@l8%#S<|55XD2uBAnNFb(Oe7JZlyNVo9)Y=cWJej?$b zluK=}Wd2H_-=zm9ZZ4z0g>K$SrAaI7V$l7^Z@6J!!F~uc?D0A6?9iYD z(CGB0KBETlH*GVidR{b|?tCHY#Le8{qavKt{RnS!mFYRlB)YinHb{&gO5cq!L~p5j zNI!Lqbly^dn>lOANB0N9I!K0hj<*teRLiiATQlD;v-mc=kF5o6us--I8z-&D)g6Ty z)Mh(wmXbw7ZKm>Zf-g>W^f+eTZj91le_`OB1=RWb9;}`cz)G}-k*ZO$EMqoD=N1P4 zoh=c6H;aHr8WrL!g`?1x>INq!mLs`+hS-$G;!rzFNIF)-@&YuNlF(1y?`6vGZj#}F zTZ6@MGDmsGs#q4_#L#0;HoE05p{HUb*&8=0KD*Nme+;a^^~pl^PF)%%bZn##Pr35? z=xcPI$qKUdSr5jlTcgXgB0e)volJfGT@?TN4LoU_!&u@i_E*uBzi|V$EIuDC+ja2M zyoDGg`VKqhCGbUKPYKTISpF)loeYM>yj2(wPS$&l@3W-w_ryeas$hXvqJ-I6e~sWh zuELFSCe+rh0>e) zwB3zQgr&N1=3j4EjBjp&lv|(b2<>?{n3r6O{DOxI>kns(gf+OJhKDc@J#ZW5SO*`B4&l z3%3u-Vf|Zr*uPp$s&GIZ+RW?3QmY5Ssu{z1|BY65cUir#|CVQe+t*MB%_f|vpTb+? zyP5Z$!&lu0x!|X6%KMBJxrN(wJaJ_!ccVblPUV1YSqQC`euFkM?}^KXr{ds0EBVF7 zfn1#q0n4w1SwAj>aeYt7g2$Ek{j)hgXH`$s?oEMp0@LPYa}O5z2C?$ogK)#w0r#v} zMn>(~4`!z6V3wf4Yvll%j~vD|zc!NI>FWHa?OP}~8Hk^DHoydb!Qb^_6LosrNdA=8 zVEJwdC^IN!Ycl2GBI|&6{qN9!bs0!597Q+2%taleW8~!7GZ0Vq5pCUJ{DX!(jB2tW z0~#f%q~{14>7LA{3jbT{x7*^s>Dx)=&=7dv`io@#&SK3$9=vHnCVbs9jQ6`A!f1HN zCN)n5qlvNj$HR>nFFprLJTuE3ULih9^q@5CypU5nE@ZQe!R^UxD0{nr>YR!ogBBk^ zsgX8x|ML!Ps#pz2k2In8)l5`UbL5Kq62a2vE|LDUi2k_~OSFpZ>7V+eu*9|ra*tWz zpauizT^@~+sgF^6-%jBSJC@G3yGCM1UB!kQ)40~o6L9|N6-*g)5*z%a+3wM{eAik# zElziLBtyMz8fAav2+AC2pc?CDoQs5ZoNlxy$%=GGn-_PHCoZxN2|Lh!w6P^F! z;KK@k)HBrw*O}~hhKYM#1M6-R)t4tjKw=JG@udWO$H`Nl zpmH9c(gml)c`R{3El8(Tp#Hg77&=gmtC$U>g^yl>d24|v{;MU%XfzP1A-SmMxQm}Z zrNPg)bu+WVBck++0*l8)f=`)r9W6rR`1Xg70cYO7I>;{v+^d!FSN3Bv@Ps*feH%&F zk(spp-fq6f%myBdzQSj%-{2njioLoNPez|T!fk55Le2qaZtWC~%W)StZhQkTHwv7~ zuy$B}DG0`BT8TBS6li9CE4+KH$m{oNf%(Vn==8Nx*xww16sz%=P*+4fPD_J++dP32 zREPPuBuM&lcfMPgG0oa*NEWVeXPGu%$c8d~P+(0kyK5z7W~2C*)-K$lyNfN3A$(KM zNeHMkV_t6zsNR5DruVV{9Wyj&*m@6AQiJxlgdxjHGuZFRnYG&eEM9_OWh0O4|p(D)gAambP^6JkEc5qma>Ci zBSA0m58KcGgE{Br=)O2L{BYd^gXazxE!a31{EenCnWye-SMoT}7jl&0NmH3t-ZCyT zWei>uY0wLioID-aM|u|vp8B!5I6JbM?D;qyf69tMy~R>AZ|Qv~2p&s4kBnf zg8hl8C6L=o`JkRX;z9dOaUV9qsZJvvUZRS5kPGi(1*e++50d<6CjQzMMoOJWbJ1rx zd?+i!hjo1y4Sp~mGyVwN>*d*KFE<^JR1r2~@dUmrMU9=2TSoos*U%A%EkR@TNulp& z0NqLtVKPksK^p_pW{%|1m&5SSZBMd!#e95vXe@D=?F`&A9T#4#1@(;!peFDt)A;iW z55#HV>AnPM%8jv1fQAJ}u`f0ilVVgLBBPEB z+jl_VNQGj`DulYaX}nYI0lcvD#YgjQvE?61i1}-QU;p_fh*o#O?ZJ`Y5$FMhvwO(i zfLJ&$lrywSt6`}Bad3QZz$;fW_>}M(`dkmA!ya9z?><77E!=_&UFSicx2jnC)f9~5 zY0xd~D!=FH(|Hcs_(}dPB+F%jOQo;)gjF?;nX1BlEi`H7hBn^cnVexkQ2I+-k$@Lu+wx;VK-N zy&K7+E8?+QFCob{PxyJl`Feg7P7UUy;^1#6*nApA@)mG8Hy4~z3t7^7Khb~E&BW@X zFNV}e(Q>mj#C@e5t&~zFFGl~y9HXIN=A*<~>Sr?B5GPTk(HxdloJtz5EfGbh8q#fs zVen(}e$k=(y^!Of4c$&j@I29+gKaAO3p|LEc8y>ecJpDx!#}8hU_V3zZb0)^Rer!` zJ8tdCgrY4;;$Yn{TKdWe(n2>wu(LiE3!Lu873(1?;4pFi-47#;kvuPs7Q0EegPXRk zXkpC(`0ZNE*Ec<4)i2J%rT}a7$yf+UrzAxWZRUVsQ=@&>LrJ#JcpteV$zk!H8KO?< z`E1^p31mmdFWg%53hc*4;*`w$=zqKjd|r&;z7r-?IC_X4})VH3Q3uF8fVYQyJ~qv5WF4Scz74qqhXxr4JLAJu#t6S_`A_uNPDXqOX) zjUvR4I6=SH6I@&+5R8jY;(+?iV6#AjDwplXJ+EWIYr+x=>w8GSZ!LJ7xvt!HT$MK-Se@~(5`ROp{PcnWQB?I1{6uG#54O}}EPOgSd;%!nY{I;tHS=3t$mxg{LhTp9q zd{6*uDXPWqu4nOI!9SG$a}fKC4f##0u~^$!$MnXT;Nl}&@Vrb4ROv1xOTP$nMgw>7 zJCR6QXPw2NLY`)Lmn%*B6(%a%<lcQ1Eu@Hyt`Pq&n3PWvd|i6Hd+^l zth3~bmK*TGdjcOnTn60;BXZt&J>m2gC7?n~-<$??iIt zEW9Y{!p7+1P~q!B4vabstM01vW4M5{vwm<3mZ!JPFX951IBJuiN)2Whf@fQ(=*oy0 zv}biI4yp)*d%5O3BVr?_km1zMa3m^Ty8*TKn_$n$csTy`y=djldCW-MfUoY^(;2#D z;uT>>sC-WgYjVoPAcX=PeSah@w@~0d0%Q2z-+aiMJ`7#1+(Cy-H@Ni57H*{gI4}Ln zZjFcpXT1_on>QBLv<>E|9qUM!<_RdXJA~~jGjOlqfv_69693JMB7rlO!g3d(|0>+= zg5SP^rrk@(uEr|JR(*i+O_t<~%|PmDPjTLb;naO-DV%RR2n%J_BawE)oMH3ftWzco z+LwYOq*Bo7wi#LqHMYs_&8%Q#GIR`A#H?6rxVB_~z^G2bw91jZ;FSWF{my}mRUs@h zxr8}wWYvw4w@!ISWyMICVPCY6-k!XV^)r z2yunFD+Vlik6k0JdHelb+;TCDJiAy2i9e-bpujIz)F~026?O=@HhtK;=@LBq(E&>= z2GTY?HU41C5OQtrOc-=chA!?TD9quWs6l>(1T+y=6ME$odBS z_hSxp9D4zgbN%t2(l6B9w*bUrrec%BEi@=vz_Yr)i&b{HV5z{expnIxo(wBS+h1-l z`#~noHH%= z=p{%g^x>b3TA{e92p4zUM)fFx?Y=0Ae2j@i???5JY!S}?yL1k?iypssF-IIZJsnov z3xkistXEFp0ocnw#c5M)1!i*#OWEHKJIhVDjgk-97xNK2ogBzSo3YgW?+P3;s|g=y z$D`k<%i!G_1KYjIFh%_m48C~_Cf^Xaa-uy{$>#L8O7afg|kd^E1azNWu<2?2!v;%7n`NH@b z9q27S!+Lf^(6?kgrgU6@yUI6la=sz2S$h*LBy_m)^JMYB*_JSI{Q$I4m!t|`HRv>n z9H!OYg5rZ^ShaL2E?e+z(!*p0`%XTYRIC@l!_((jZp=Vl6DA{gvL3S~0YAk-nMi_4 zlJJ$QJqk-Mkb2b17T$Fs%YK@ILfU1rH%AdQ;!D_oQ4jE6;c#pmRfGkfHj;^X>u~g4 zR|vFFqLSYgaq~yP`+9o-d~|dh(9~aq}+{oB9F2EE%_9*#Wt9^&k@gT`34h@=8~ca zTNwV~DEV5v6Lri-VL)vP%f7gtnN$ts8^7EplCuPl)*ExY^HY|a?lPj$=5NqlHjxzG z9f@OZzd^a0FL1hFo(HV4C+Q#<1P>46P49+aIgZ8P*b?KS(`7I z@EsCrIjRk?qHo>@3U?zTu6QIHU%mSR)6EZqdfabz^i4Rno_|G5)t#XyH-;+=%)~m! zOqA+BiLXWPLHcPX9??1=xZIXflY7FQ$50x+l?CU`wx4jHkulmZ)K5D~5zyFCU<20z3<}y)~+dnM7 z^AOc{IzuxDyyL4WPV=iFEu;>jFOH#cAN0V=OaYyCDRaG4!R6}I4yxN6@Lo$YHkgj1 z{wZ<9bvg)Kh%o&4X%#vTGvjl6w7_NSJXkOEW+YlP`TG%%ar1#<{O}uw)}jGQpeJ?>Vv_ zgo+D#n$-xoXb;HM+KRhl#}LPbDOer)os~oc!s%1;qQKC0=3+J)PdlB0>RVD&QRqL+ z`ZAjYY9*j&g*DEvsugY68 z<>Px!kfZn9h9{QgUaXTtf=epR=~p;TaHmJj4>W_7`7a}6$6 z@d*Fx6&O;9Lq#u@tZ47SzYr^J%3Ee%f$4HxS3l@*rlcOu(hnaYm#*bN^Asa`bekLw zP&>oC?UV38yc`V|W^5q^_00C)0}Qf$0r{GyH233M9DgU669sUxWYHCSP%XpeI!xz#Poxv*;Q}K#tEIywkhvOpb zd06Nm$lo)VpO}0df4jA__j}$${>s(Z>^KL0&X~xxPb}g^={K;ZZ4A#{ei-6w4~h@R zdx<;ZciS5ry@?x?*9xpiu&Yp3#+hG)XF*9B6k7$58Y)SZ-&BL5e=4Lke1lITCgF$M zze(H6HTYuT3M`XPw7-An0L~3QkE?6O(owDhP%Y5}r!P<|H`mkSqrB(iZgy4lwO^IL zarP4Lc$Q5hFWJM+Bnk1=S@KLd%%5moP^L+Xrb2~@EN}ITgb&H%0gXrVzW2W?m@ zSda%RYqGH8&q7d0wZWQ}Jp4VP3ltq^@=5lS=_r1b$%Jhqp+iRUeX=7#anlxh`>hna zWL|@)(uzG9?^wFee)u&_gLf?cj|9k~D6FCb&1p3Gb99BkaQX~ypcYLQc)?CH6}-{E z7_MBF;T2L>k=lm9;d2wQm*lg{Df)Eweod<4DfEk%&n~Bx|6owtN!V*}45gNwhr{#R z#dTf5uvt@?$rbDe&CFc(WT6><7jqTuR$7D9_s#fM`Z#PXmBXqGcPN;zg@unVW3{gk z$z5}hWECYc*^688(6R$8UqOk_kPiUQlJD})4C z@u5D8u$&}QtTMj|_$B5>ZEil>s zJFe}fIC{SZc&p5T3k^b6OW}a%t6d_DzAbbhx&>a@sK*d~Y_hPAuEm_y4NUiBG&LKO zjr&xNqpQSMawL2#T-v!6Zu+f7nGgP0)N_%oSF*t=llmaETZ2j;zl3AYPR8$@%CzW_ zBJHxvgxS-L*kt#q&|U6{SAxRebG0UnER2I4dSA)5 zxFW+$s}1mAII&8hOXv~ zu=Vj-(d&;1_#yum<}^y;-a6rIDP&6@OW!R2ce+5dLQ;kvj_iQPdh_teUPD?RF9%jH zCHa{uN0c00D|mz2FsDnOkBtXzdn`E?3&L%G%hE) zIis=aV;@YYixzF|>|qCm`^m#*5A+y13io?2CYLL^nQ!4ec1KYew$mTP>u(erm0bjC z(_GoKA}yM9zl!+&=*OuAp|Jj$A2eQ_#-;7z;Eb>%I5}yg`0V$)_*`Q@IleGQyldqx zVs-Tk#FS)X$b4m3+qNE;NA$9Wn-_82h)3-7=5Sc7oC_Z&zhU!S^{J}c4cr?hi(XN3 z^!~LCWc;MXIPdUzGDpe^`;IN38K#Q3b@wP5@iG}dD7O=}{?{<$$y8SNa-?X8ttlKW zJRrI`_jI}WtV!ZU*}tI1J`sbX3Pj&mga|qNL#(X&37NNKAU<&Vhf}L0_?Fcxi9t&^ zH?I+9WsZl~#<}SKvi|4ZBSVywF@CvRH>EgzzQ7Do72C5x= z=p}*qqd8^(A986pm_?m{$YmNZNmYy)lbz}D8E&xoqnXHE;jx&f<`X+j;TaJ246Z#+ zf?UsdxRH~A5=E9UI5`35Edx>O(t4B`u>k+9cZLzJqiDYR79R1Z74J^GgC0wxh>dQd z(5Duo+QEVJ#zjVrBO_57mn6{;!#3B(LNpbu<`r)@Yw3L)b@hF zu^3-1+L-wPXLp^4ZIA|qot~mE-_$7h+LEdT7hxC6B3mTYL3H39J8C?HH~D(d2`d%& zmd+9O$`?|gFGKKTDWwySf$IEBvjTsRbya-X{Ry~dm6Cz-GvQM4Ic9uw1D#iSkv*=P zh3_`7+$o*%xFEwlT5OPEs_b99DNP zhTaexuBm2*p=QOR#^fN>X`YKG@)Mb+Q5<`3yPMq{9!bXfX~S&2zxdH&GaqU74P&H* zXNt-L*x@}2>I$vM4!6nFwbYkM&%6d7YX)-F{a46|!1(gRLMLUUW<2IAtMGTiE^Cx* z5D%)Nbf1uG@emv@n)@DY!%#XaSIi=!hkX|ZFik8t4kx< z?_*lY3s2R7}@fd-Xe`h2M z?fL`Fv6(ncQkNV!5&$!DU3lMtT$nS-g1-E&OV>sU-Gkx-5GY}UU8ES0H$Cn-j|Mt6Vx9L@&mnm%OEPz*! zCa|mL3?M%05h;0b7$xe(=+F1D1;Ijob8Ry-{<{hrr@*F5{nn$Na=7DI} z6}B!g1PVWgK--S3%+fZ_uGGef_dPic;d)=lO*IAnt$zW9C?{? z$QGBc4QHO}t;9m)1>>%jL)9T`(!WUoS|ly_&HmL;Vy?%R8H!Ds6rR zOHFFXGTS2jr{>I!;-}HH3uc@h7kc4aYH*uxsCa#SCR|)H91?xUvT=)(@c!aP{P)09 zV5=*LdNnBhYmmwYEt!u-f@g4b|9)6>iDQvtJ6!R0B+9AJNb0mc)+oJLN*XOc1#JupkzB%SnUT_v;JcH&dcQO78~BIF^pD|3f`r>~HU1OkYNvr}NWg5n3$h(%yC$b8SBEn3^G8Y-a=Q8?%YpPHXC|Xv`(0 zzhXP9LjRlb*jt-GJnQ?&GW&&Gv*RsnRsRDzEwfp9u{7*+*P;hBl|dBP1}`UvF`eh7 zBznprc6@OMNPikgHN8gi^xzMqe#97hNY{ePG!Njt*XIciAO(1#twoQt9D=pK9ufVx ziS(InJq|mR1`$Uuz^gPjDrJ#PhOdx-^0nL8(uoV{XGL8uGwT4%68WIn1ueeFQQ(hn zh%V0v^1)@A5_E>F8PjlYz;PFkqx$qac>KjhFdQX88_Ken>5g7BvRZ*t6~-W4mqDgm zZN%)CGx&1lL@1tJ3Lz@{MY&(@*VC?pEuDsnB#jhejqo$OJ)N?R4s}gW^GORZ9=ZBlLXv>=I5Tklj^mb7{ z82Grs<8yszC=)`K=NaQ0%`#To9|CqKTrj}(I62m338T(w(-`ka{GeCGO!f?-w}dlg z?z{q0t8)g_Wjfi}9p*p{$Iv8)1S0z-7_!%iuwY?0)WkbLbd?h6_&Jgu3F?5eWl7jR zcoLQJUQ63TB&pAbUZz=mg-N*Aij6n^!gr5n!cyV?Xi9A=j$ZYYd^;oLk{mCQ6^1cz zy7L(h5SK!R`ndABi?_jaO>5Y;>wsv?;3No&D<-=_ZbDAVBp5L85Wc#TjptZCu8UB@ zZGR`zXPdTz>8AnkWuOAzlw-h09(6%4hXv%=tq7r)<3gVeY6AnQ_X6MMswga2nI1E- zCA;Hh`HEfTGkwj)Gd4<~qtPjFIRW%mz75>WSL0(=mXmD)XK|S7QPSVohRbU% zt?c%O-sP&(sqcxw->p>8-$)~Z1j;hQus0x9HZ8u z-?9*)12G4>R!Pty|3V;7S&goZO2@CY$5_C-y`bo0LCsr~vB|$2W(l5G!&M%jy;zf8 zxVD}SUE)Mv$}S;c{&M_E+(|fgp%3zZgu<=dPq?k;HJtq};*(>xVc8=;yfJ$(w<`nC zxjqJKDm|h2a0B*lJO;+SM!e*;F_<)ElHcvNc)=rpJi8OgN~}l2s{=nT2KuR$fxE|?T&OWOw3z~taJWc?f=hyG?ZFAS5TDKR0~Z#Ia}RI9VEx(8f- zpAYv`4n%pq>G1R1M=()xha(>i;OMzKcxu;uJmb?QaM=v`okNQ7N#LmrnEQjA@6qP* zR)pUiITYsXe8!&1-X#B3`H3brwy`}@(fmj729}s@%I(Zd_>zwdGOd=Q+(kW}n*IZ$ zde5P)%1@m5@);VJJ|GqyJF&9$8*>xp&K_>AVt+#1;$(pK3R1Qw~P#ir@r^ulb;^q3maErLunK7 zxwjn_^%~Io%P4IX8~{TD;?UhnU=6>GKpA6KI&8iv-{cl)cWC`8*z#~OCa&#(6>ay} z!@eeR>}@*QW^IMtRU@cH&nc9=Rmnz{Z=+oaf@^rTJL@i!!zI4^(dw!*9^aD#{ex$7 zJ<%gVB5%TqU^lilU@X5?YQvU|jv#>=5*X}UiH?(OxI@riHX+QEuF(96r}}Hi^dr;w ze~UhecAjuV(Z=`Cy2h1WaZ$wHEvs)ccDD$pbe8KeGfkxq^R?-Tc{Lrf)#(y z$6?oJ3U?THa1;%tQa!4);lOpw&e;XkYw*4Y)B`;IE_!oWCGRU8lVy zt7c_DhU!mooyvC6rtBd6w0rmmP|6$&C8QSXpk(9_hxTi@6I#%2po;!6 zOGIz~y+Wk~dD!Z`n+_Wq!W_r%V-3!8Aa$4pKPI|H>MK-CIPs#Gql?9PZrJ zO|0fkAmjeU;`|n27dfdLW*s!98-Hoyk)vraeEUv#k-n1I_h&=JxIk(gF1YC%*nn>WR1-yFOB4WKvV71)c1}^^^MOW)zv5m!LY(;iHZmKophh2WK z+s5OC+(qb~5*-k#Y2+!Q!p;#C?49BYcK*ihpg`W3eQNqX{g4b>U zYR|qYTAx3HxM_WcO);ui_fU+wL$V=c2#0!M7r1QdA$;0ZOs1w!!_dQ8aO(LW-f(F+ zO-PN#RJR>iRJ8)Kmkj0;j|`-F=9OS%Z9-*alh9z{Vm4>s4)h;;izQ6ApoYiZ3p@7> z=siM;?0oEqE>D&5tIZ}+nxqv*+Geq$rn}_b4PE-;emM5F-)GllyV=K!{RqRG;B564 z(II;Wwr;2<_IgBP#JzI3aO^OQNY26l=f`+(dkio20Df%bTXKA~7XQ~^g2y6!A*=B! zq#0%7m-nt%=OG1|ujT2czEN~=pc1>Bi@4NvFb(zoNOFjfkzB6_Uatn?UF9fY_mD>Z zdm4e6P9bc7uminW@PV}lbz#61GtsFZ$BFAjW1)X6aIQ2AnXT?g@SkuDPdv~@FAH5-~9(32R=4!NEUKZ2FgluvxnRH{VggqUH+G z#Ff(2%3q32R~mu|VJnElDavOFz1DXVrbCIn;4sr&&r8PxWaR!4#UyM4$=U97R%sT# z3SNWF_eR2H^#JTM`T#EzV^OzBpaE?-3*Tmh<4U8KLPnsD#a5-_;bj)|laCtO^f|&D z!^fneqJ&J<*^lv~^Ktgxr_3kF4hx(vq5arKcoKGu-BeUU3zwfLDRf}o3A{6L=0-+_ z{UcVxwPEs{h^ZdIw)U98 zt^0StZl4{MDw~IoM?Mnx7t>ha+c=PF_=q|}cs^s}XdGKMjxJxf18)0|1F2U&IQ!8a z{4~gffBbo!)Gj;*rNaL2@#ewwp0xwtz21O3y~$we_Cl{NUlN8~amQuO(x9N2E^yZ6 zV0`sLw7=VjMR!({p1r?CpKDriwy`mm=Ek7p7)dxX-UT;|^n=``N;tpi7W8ec#9o0v zxxwQpSl+(}9{X>IvSyD314UW**DK5Wn-uLopN~hg5P=C>oDMs>@=5B1P%wKjgsVCw z@rDUO*sDDm%2mV3H^q3iSJVLqR(8O)Prjh27A~5ySCbwK?M3&`IZ!pLy8M!E8L6~r zA-CfW-CUE7QkiCCr4pJI! zM8#O>`9vBEIiTY(-EkGnUw0W=ZXYBGyS}sUCr^`Y-%OC(OHrL^@@O?$lc*kdL4*2e zQu#O-s_9$oi;RSV&>WC+a6sAV<|OaN1iof#jCi1hJkuDg&XvaHiQH>Pl4U{R&=~Oz zO1vB(Pw1qW7TzT_ucUEhtv*=3i-C^CVa#!M690Q<2#l(GO6)Hul4GAkNcF05@GIas zZqxUoX6GZwr+dAk1ozcsx4_dFI!~UfteZ|f#y%0;x|vX@Z4I_p-=W#mE%;08KhX^N ztL)>B0ybjD4nFq1k?5{okf^f9fiHQG0U?Fc%W>6noQkR7R%eL%8)SHHvL$z@+lg^s zwLnwC42LLQCv7I+}u!jX<$SKc-5iA zp5MekIFG&0--3DBmw`v-pw9yp{3R z^%`5Vbf(y1^nTKFemoogF2nvox&d~^%i@?RStzlH(uglLXjA?TRXj~u*z3PS$2=J} z?yY9`zm&2bzoSrf)Cw!Y9MM#`yKCJNx;>L)AhkCTGghhc`b`l)^WxFrxFRO()Wk=j z18Apo4tQ5v((`x2Nu5j_JGgKb_+OTVt?#uU&gm5H*u92Gb~=FiiZ=4(e-xc*TuxsX zhAU}SQ7SY_h6W`S_3X7%A|i=UAt6Hu|3X4kN`pia8l*`{lcmCU7zac(ZJ%D~!Zo$-rW#HMWh?gH~f~QP8j#&8?tjZ_zq34Iw>2cne8CpyR zi4QTKp$QnJWWcxlS5DgQx5EKZugKpoAH^Xvpm}RNTYdXAo*Al5mq|vm=bcBeug;se zw&?KS=Q7C< zz;V@l$SJ#v)`!BNT>TTQQfOco5*K6Fi6(JFg*h~wFUGx}u3g;fpiea%jbX>RwdlNb z8dcb2gbkZrG3alTD7>MNY>s769q^LGruAW|S2MoVS7#nidtlUf6LDCj5J<8Qr+Yj8 zk_c%nuAcW6mp#;jL?a2_Ze1^)Qnm|q{&>UTP2WJxw@oDVCkYn_Bn7e}38v1GglA*_ zpp^Cm?B6fsz}m(`&2|$OotTVmOSTA3gLN!t_d7CV&>vjhegp2>Z-Q&{uR_>gdH&@> z3G}Xw63>g312f}%I3inyML}V3==MOW>Xw7{&CzJqQ2<5z7eal+cWB-=5w(_i;&{Q| zrG84D$L^Ly?@(2+EfKhBP4~o!?^c8CF?Y;6K8UKBc|!ZCF#v;R37RxT>Xej&ee<7_ zC(mYM-rB(^|L8cZPgH|S;h7`9{teJu`h3fgyJY^$!SJm_@WuO=g7|hXQ(JWv6lb@> zkgYGt+o%AD=(KuAim$R}hl25D}>VX13eQIn=FuZN=NMcXY)W*GmR(u0F z1CByx;ccBB)~%|*Uco14e9K_OQXYyWPcYO%GOM(^;=6d(^_|Jziplh0iBVCKhnQ2GRuVuF2o8AG9 zUvHD60&k^N;}Ezywc*+owQ$-upQU;Du(O6cvFhD1IO?pNYr}4)D6R6z94XUBFxF;d@kZi zfsrzSE(g!ZADH~|HvIcok2NETNm|i3{9Nz^uJpxV?XoEJ>KKQLpL@t=5|1mFM}l<0 zJ5(qSCYB{L_@?78AxP~i8cv*s{%jF6Rwm&LUju?uevu&|Ke54OGfg=9h;;@&BP;K! z(*>H3V7j*ru4%nY!V1-KRq;}GD{UuOI2gi;lQMj@vOYO>0-)vJaklD0I#~A3!DcH( z9@{B6?h4d+@w6li+BFaU#mMrX|GJ3ApBL<)bp*s06cD9BKUhcc0Qx5TI(QYYz$p6& za#%v(W9-<7C3oLm>@Qh})0Pc_pSRR#a7q#C=DU$J{rP;ca|UTyBt@SdtOD(?p)jGk z9#^%^hR;_VXo@gj9Xur!PF|jZk%NH-*2!F4S?^1ON9M!SxJtH2(j7kRPlJyc&xzi> z73iOm4hOyWVoS|Ps^fhV>U>P$iPAANS^S%MZ8YcfJ*9nzR$e@%l7{9DG2((B@8I~c z7a)>8j@!4KA}f{S$wCcJQo*OQ8!C0cv%0`dc!!rXma&=cM~S1%4d(mYABVpHsJt%= zI~LD^!kj>U2qLKbuYa(h_!_e`cflz?gx#^4F8y67!tku?(3<}ka@|$&)Tx*3M`#4z zYN^BF$2P(F&P(`Ou@y4@WU!>aw&HS$?=VuS3FexVvG8y;4D)D4vvGNl>llv#iEF{7 zDqUn0DbL2ZUBpSh_6vSe3p#mx0c=)MrH6ES;NhJXIH*?ySu_41*&K~tXH|H9X*&I9 zogw_c=b&Hwbh`2Fd1$CTf+xmg;rA!6+Slk0#3iB_|MuBEY07Gj;g(I z>cL_1vMg5c#fM0hSiZ6% z^$I=Y*QZnPPMCLOh5N(1V_(2PFBk^3w6bNU+YpV;LVng|Fq0LMm~qnh>-%=RGqi!F zKEK93Nq&I69a7b3W5wh{mVx>!1^%YO8ANp>VS@V;BKvk4J-PG`9=7|!YC30$1A0r~ z?OV>Y0=*#Z`V>B~UI8ZW+YW(xeQ-nL9I71Zg;J*k;6IaK`mP9);M)U(JZ!Mz&`pr- znFIfcr-9jbZE}2vAFj=x2Tu#n;dL8hc8^Q&yohg@MxV0)aNHYZo_x^Vtkho%J}JtNB@+_OBUQ z4wk{Wz$6@*GKj6b<^=U!d8E320^inQfG;18rknESKxEN++%oDKQ#t$$Op}A*qtqql zbh!x@wj|(6q387Oy#r1Q_k%Y^i|8HtgC$%(4xPbAFwy#s_|~*qSkhoXgPjmZFEgTb zdeL}((;?K2lo#0rNFW^94Z9EK!IDw=A_osE{@39r;eSX7RB zUmQWa-VY=ekEB0M^}#(d4D%*r!E!?{R+aIcjkwH+QQKBnhrgMwvL*c>F@iP=y}9!9 z*TKk?aNVYOs8P}&d)7O#v7;?WQM(I;(V5uiGmu^qI^+@CqUn%V3D9M#OLkZd;!Q_3 z!ptQBY}$Wqc*-jgW(NoI5y~25`T8wjqnR(-ZnYO(mefGMY7I;_h=3xGvFKsu1~(g} z*oM`{QEd}l6Rq&yGBLBTC9NoZ*hhK}q9ib^u zn{)?*4)1`deG_P$=rt3F4mfeO60PY};a9c7VE1(^IPz$LSnH`4$O-$Y9Mc9E9qI%B zUfA>20^$2|^C5Z4GkE+$hJ%6 z*wY-`u{Q)h=r=&H|8E#zKLh{15OO+0Dny&6s`5#L#$(U)c2r1Ig{}#)q8ZVtu>SWs zi1!rO!!z>8&=&%yZKodojXVc=ua}7Z1U{>oo;y19$>I3!Wl;Yu7+z<;KxtusX8m6b zE?YN|oj9h=7nSeBD#;|ELB~XWvg5g(ngYExIgEA9(MPFq1RqWw4BM`n^3oAjU^wR+ z^K~f0=C(R!rcq2Lo5<6W@PBafn-MIFI880(j=}lGjj;ch5}g>j8^(kbqu=Z%aE~3q zD^{3;_E3TUepSpu?9{4#9~8qqmtu^yNh8~=WNF&7)uL;M3z)ybG4fI@2kwGeE(H z1@lc+9Ce z_S8FH$d7#1Kx4F}HQNlur&2t?DtOTk#HZ-Zv)YL7habU#ET;?6B$2ap5rQl@B=oq|JW}uoijl6 z{>vWF`QU@Kr{2IXk6QQ|(Lri9pSo!DYzDj;ejdH6)8X?XIl4Mgn}@P4xb`8DUg%a6 zzIFhOtfc7RnhJ4%*KWGRp_R<=V1iHcGq8PG)N^P$V5Z=xlbQoxJ`95uAC{1%4?kl0 z?73W_YZxuG+r}4P*$88kpMt&LRq^0AL;23Sg?!~PDNHFEOFOrw!E@gxe7n?&+AS<% zEYgf;yo$i=<%%NVt%Zk!(n-yZ`7K)%Lf*qN2Q=*$E#Rq)1uZ|(5eSme|-mw-#HO$ zhnk#E(y3VbYWooZRn@7kVPGZS)8DyV;kg%#^2{mwQM7 z6F6GqTu~cjGTO@x=vs zcpyrR{|`K8|3zP|67Z;0;Qikhu}9YO{7t_rw%e%VqTEinzsCzkh8T!iO_mDz;&Kem z6r6~AH-Up`6AZWBC)%wx8dK&>h5##{%!lu3uW< zR?OtC<&)se3TbTW1Ul=b5_Q}XhQlYwiz{Xvpl8ht=?Y8stzr{8PWBpB%c`2W@v9$R}A1K39!GXc~nN^|SbeGGRuXm@f2)t)Qsk8f=l2 z*G0B2T5@!RQND6g$c_gCyjzThtWkdG#A$`M4PX$s!o zFTsaTl%sFFhGF@Yrz}->C77E`pqr~tp-S0g?$Dkka6%{ZpFQ5VSv;6~?Hr1qO7G#L zxZf;Qr42W{ISEI7PD0Vb6k`8(C{y2&4^?KV@c7MMx_`w)D))8@3_6qq=Vy4s@H78d z(NqOG{>fgRxac(~#bsiqZ5j?e93^xO51?L&J@*psdAH&=K%&4=TwR@y7vdsdrO?3{ zrYq!5=ceJqu|429{H*BU9xMLNbuxWxKLs9?n!lj^ zFy8tI4-xJaAym&Z@E6>qYO*x2ZOTfc+FMd8-8;6|V==|8~-MH|~P8_$$18c!FKanL&TJ_JGyB+hB9-A92F_f(oDXbcN-t*dwPR#4HGCbx>Gu3{_evUIq)jCpy1P{ug*g7_r4Ju4z!?U{qksFmJ3o}_mRW1M-nyvJ0kndJ6ZN9 zeOOSY2;*xfQwfz=TtYH%ZnKcv(08Yj)qWzA@N38e|BB;zws@>sJo#1|jB7JL;hfr5 z__!yUfAbnkdt?2nOa@FKmG^-lOAPE((Q`8%$YF^Msj^9d~i{ zutL0cq?(zJj252|+3-=d3(>e{wD7r-V_Wk_!nel-WUy2REZX-DL&|QFj<5UiR$(WV3N?u(jR^m4>!6%^a){iX8Z%o|4^pC zyBoAk7ofJ^9`p+rGK;>7yrsN?&5*6KRT(WXQvTa)myx!HH2LO}-3O9T^Yvc3dPNS> zHKVBU-KRKPMH*stN-#P4B+6)p`i?8Oxevq)d^5)N(1BuI5f%-jP&dBiW<&c{)*`9_A;%{=kfN_SZLjHmUz~U32C<8fP5~c_*~+X@v`%O}E5S&wRE?=u9k3ufTIP983b0K~2c=NbdXz zAud7S>GhEH?%agGW!&gXZ=sL#sstsy|6$VF{h+ra2aL7mLTj8Fc)cnCEoB|9tCf!a z`@f>bEIU}e;w=pGE5^j3YJ5y5A;l%~TrTW0^t9^ZJo9ofKEFaDls<`Lw0X2)?vpd5hOhA2j{hUI9{)TMb!sW$0jXWwmA=b_gxb90y#|i z;~A)0zZd@-HtpiJm4|Uw*@wbY`_oK9M z^aWoi@617?;|KVJd*c{x$^)t0J7Gz=6M8o;;Xfig=(O%%?BUFnSYy!%NBn-^h7Ddg z*Ij`IWed*QwWa@8>Z0Gh0*Guo4M%2c(LFj>*}CzaEa`iu$W=TV*LCj4mwBONk z5OPIu)3}Rr@TwSgxqbg zzxyQ7nm-DX_y52%5z27%+#ED--bdd4j7J%12UyC7@aP+tA$eRbx{XxfYrmx9^NqgP zR}lxd=KT{qS^F{LvB0Q}&jD}CR;aN(26^(Q$ky~oc>L%Yc+3{gU>OHk=Df>j`KO8K zP;c0}g+k22X|Vpi(76p$CdKC&cISLSo0$R&RkTGUUOGXzThF2n`y;@nDwgd8J@k7f z%S)aQW?dC|FkMh^n;y}jh4Y3A^SxX+;_OZJ)zUGJOX2pcL^PPHM<+IW;Ldpscq#rl z9`0Vvs|%KZq?-c2HvKF7SS55WR=cNF;?cNSK4J;nHyEBTz(MtIiiO*(dk zL0woR^h~&q<95cw-QIUFwXp+^KN*NCmFiehb~JfCFG@HY-4HyM%ZN{Q77lx(OHoH~ z5N8}>mj^YYp?5n@oukdI|LX8j391la{0L8f3B~s69dy*33uH~zeIQqo=_=v8n)_rb z^=J$O6UlHAFuDPK3L;4ZxdB#02gh$SB4-pm`Lw0Q@C=1}(ax{nC;i;EX_TVS$0Ncy zSeVJoOM%Cihq48wp;gAgZ7wZ!AQPhirrAAn~Lh(^lKXVaw)h!x^&h};cVe)X4Ndsw-OeJNAo z^+`Dpq`r!-yr}_K+Kq9j`(2a^7{Je*@Zrh3Z1GutDtT3?A*yX1#Cx9}##8yi{P?TD z)pMN&Ge!yg%%i?AY+e_9OX`BcCuiW2x+I-a?Z+}doJQq^hSY0t4u-zdpu?MUdG?)sx%~-!HZ+?}9&4Q5aSD9$Dx(dS5~WQ>yz#PQHOK#X_3c zxuwFB$hkBZqtPZ#aQdo>+4O_wAnH~T1dh?d^N;*dW?upS);xu-)pg;OSyC`*gCb<- z9A&3v{po;?CwStn1a(|cgNK)=+PPd{Vu#v4uqT?g%;@o7kwdAZj$TjU^`cu*Cwq$7szj@y^OB%u`E+{7LGl94o=ct+{~R zF3w0*HjrieeV|Pu3LmzaQJbo(sLV#u)|o}@_kW9VK}@V@%a*|yvEjOCoG^{~GBk$V zTbD_ERI0Im$yQt)=tK^0d;||mOz}ghA!Sv$Xxf`bKCRp&yw1n*;3bRcp}rg-fo*Vk z-fs+glr7vJ1P8f{Je*RzjdN}F>Gtj~EUTJgFHV6|mFmJgLW_N>l!2bb6nU{T`7c$XjH-IZn zG!i@t*TGciXuT`C0%iZ~NZ>eCW_jm58!~VV>{+NO_{bKr|3ZbC&9W1iowS4eyS^T; z|Gh;n&fIATTjAig(5U+B|Zf@B|gUgozCV>+TBuCdGRfv1{y>PdaR zb$=l;cAh+X5Di&NwZt7=r_p4R7akP2*ByP^aEO*4HI>_s?|R1zxq5X>I?xUulNHd= z`JUj1PGy}!*6V@KD)EG$L#b?^9B-S|3m)mGt9J%p!j<~#$vWLy)?2GbD|Rmcwsr`= zAXNgI9J|BR;I z*2dgODhL&J_uxFGN|@~ujyK~TkfT2RWMO#`O6tC4iZg9trK%LaIqNhWe=wPz-z802 zuAW0v={sUmSwk{i=Mqe_m`JA!``{-+Kk96q7xq`KBkDiG;AlrF>sO8kzsxuIC-w?Y_U7Dt^r=CaZ?@x*Og48L#f#c7W!rhZmp zY8Q_&m#Ky{JZ0QP{A>Xq`6aX-{FP|%J*zVYaM@|mmUEgwX#O>+e`6vZ5d!lg|xy){4yvEFLUO;3mNXJYH z-9JKL`@v24cIP;F>E{96>vmPY?0*aFxh1|#eGhMsGcvKk1D+I_a0|PU{C>q$_Gz~x z{M#l)wYwa!YeYQMPS}e-@5?fu%+=iAppD3^eJoPmR19XW#O3FNZ@EDL0C zbn#MBrR5LCr3=w1~1KQ_r4TZ${BXffwSU0ZHyRNRg`s4|R*dIcw^$ z<(a@d@cap{UH-AkbyI2n?iSo%7y}Y}_T#Kea`f$!d(3u79$NN2fiI80u&O(S;?(zb zVE1_%U-zz%4Y)83Qg)reX<;F-@k$WhI#Gw2<+Dls`RVvq`xvez-PpFX5T<8j;%R3e z(s0`dTV5&idYom^|`+C3+Gd_(K}Qu;uS% zOdBtF!mbFPpVbmPCwDBfwtaa~G3ykQ6%T@#xkjj9v4JX#H-^xmf+JJSnb#lQ0;9*@ zz~qWve5EaBc@2j|OU&c(*p3%OH@k|AxON-O-j|?zupy0H(IjN^4nP{uy=dPsl`dJh z7#2+(Mtw#vfOYP!tjT&kc0?Zm!zu2;nlF|Weu5WJCatqn_=EzsFGWSO_w37+5BNyF7MFDl zf|MR>*m!0v94V`T*+(Y8K*JP#>{&_57Zr(TN!kk@$m`g&P>s60JPkh1g>?J9UShno z8G@$@E{_yx*mz?lTm2)8Nc1g*`{OpDRnQ3P>>}(z!&JE5++qmcHv>mGN>MY7$87&d zKO$|A&hCzJ};BOwMaIyEp}cm;4~ru6{_?wZq+M zr{EJcreQ%-Y2TnttV&J_lxr`EG>?VAC-+M*v4~>O(pT(wzL)q~&qN4_?PnqH-!SE2 zvUYb~e`Yy#{>*dyP~jPqjWhF==%f9=A*lHgK0K)on-s@k_>MoK5ss4BE}_KDH6ldu zS{J}yei-U^J%-p=TN<@uAvc@c0i&ebA-+h57ZQSh+{J9{to4G!=08YK@W4P9p*Jm+ z0g}l9a6arMwwx(vGLuxW(sU+-&+Y)X-b<{_9U(mS9~|0$Q9Rf8m5|k%fhu9!u(L~n zzSl6Lp_j`s`cMJ0*r-SCoxeh6{RL?Ioyxogw(Cis1a{U|lWR6#AQ3+20a9e4;aL%u zANVCOk=EmgRb|YrAraR9?H~#EvZ7g&##1@3Q9S5a4UAOX3S)%~f8e`jh-&`_3BSkF zGhd`BpD>Wmw#cUMO!~yLiZ6lT)ya5Ht`Vw_=)*mqCX!Tm64rY5KvZltv$@xR6Wbc$ z!MGY+zOfwgPA{QKQO}^kEfbrEHsQR>bMf@tvt-Ou!oQ8&%5Ur571f^2M1|$YpeUz{ z%^c}Xd7>6B7;pkkhE1dn+oV8e-oK0Gvf0dkYYR#p?j+ueMu6|$F7mU>8(tL_;3pXk zxcFFy7~D}IqAPDn(2EE%`l$tZQ}~xXYE|Y-CyMdWrSo`ym8bZ-ZWOfiue`W)=WzVm z^+(`1^bpPDQ_S!AQ!(=kgr8vwd_z$N`r7BPsLV;Y;=L}_Sx_x5FdmFEufM~O)5cQc ztwA{Z!x*UiR)XRNci_(1&|bb7)r≥E_lcvOh~;kUj>rA$lUJEdiS=8{ztL2Pm15 z%f8M#k7l_E-cfb1Zdhb z2(uT!H>dmEt84xp?mS9JJMx#N89}*m@r?G)uGs z_q~@1mADG)*Q&v=Yh&2F1BdX;YD4}#I-lJ$?7%Ps8M>k{R%AK38KMU&@NaI0c-=Ju z4waQckJ40J0!xgS#Z^l<#7|Wu=vyh=zhBxe|tpWwzO~%pLxwJv;3fyThR9V z(}dp4bMfRUl_1A**}lxtG{$u(1pN{Ci_Kx={f&OMdE8QziY#K=zN7=cuMUqE?S(xd zugPbpUhFx0iOIBXfL${rs7|sC#A%q~1OIcdPcH>`?pEiwg*jb{YZmis-H5a9%c8&%_-I);sZ@-V_)s z%*m^-8sRbZe#o7##Uo79G1p`PcfMB7QiVmUyp=wh|0@$)DLrAfjVE9r_~4J}gZVZ; zB6P%rJnw~X%u8_8wA^YI!`aDP*1;LK-tQu-W&MP+Za<{l8^|+%7P2ujL&-K%85p*; zK^!=LES3z&WsCN^;@N|D*xQ2(A!+6(crof3lmsl|uY~8yi$*h$T=$RJynoK(ejh~3 z^LxoHkAZ4quaCM+7`Yt&NAAU)bnvhvAaa=6fwWLAF-j$)s>{l>g-n*-^>&oatpoj%iuPFgRcb=-*xev-8g!sb139EjD^xY8EoRx2;v>92MYUd zvMpnp$>zrUVx@_(7~``Fiu7_VMgmQ$;k>Tr+u<5S5t%sGA*L<66s*&;m#}k z%}I9JK2#W{NR1{hrLr;d>h``wSuMkC8Jic z1ras7WBi(O*uQE$YqKc88QYG+vJ<_m!XXIusJpOtm5V?^!V7$r4&mwF!VW0Y7{_G% z#xLK6`BcMUT+#mpmW`FAt7gjaH7BHDMSghoqFtw;tso0(uWLes!ZtduUltBb5jy1u zUfIP(KOskA`%suPA}a`FRK!svF8MuAL&5nghhOUy)`w~2^VEAcVOlr z?RfNpFz<}m%{o@w@N@ry*rhwl;I;iWc5B~)x!YBROv4sj(j^bWgtPwk*yZd(+d%wb zn}stfgYX5`;nhk_`s=G9x00!6`<@LDp2<%M*=@rw=zqeLze6$lVwqUON}JYOrP#@O z$AQuTp=1A7*qyrweBc**;OU7_SU22_IxTkOEqx~B(brB^Bs}lrs|uKuv;n>9V2n#@ zV=%!!3#XTLlR-O&QC+KZ?4qV7FA8x49PkWc49rlmz7ibr=idb=ubTt?<31901)qYJ#{%!xKY{I03&jKfon|*JrHQe^Uvya8!;Usi zfTh`aaLA*a9dRy4hujEu>Z}D1Fcg^d-sjNm=@DFddK_K!pDL`h?S*8gO2~AM1Ovwy z2>sLwh5{E!VQK`_IR1omgGmB+JX3r-$Qfqkr{l2C522^CiNqw%UPMa(LbgrX z6VMRrpXVLLdr5CW*Y&k{{DeGW_dEp3#z}A)^>CKm zFd5r&7GX`}06yvM9N7D56T7jwSv1Wo0Grbtpns$U?)xNkpsnp$K$IQW*c*{@D-`K2 zcLmehc_2MhiyKc15las#t@bAMSfC<>cK(TE)7+EQX8jQux6n9_4)XAa%@0zVv!B@z*tj@IqS_bxBfuqfLVr9zTKFcOGHpR}Hj$ zPyqGkD@c&;06uVg3`=xqhsn`VXf^r_nYA$kz1H_Zy~PC_d~h4&-*cx6{RZ$jA=f_3 zQjcZR7SOzvj6Vuw`RuYL|6-XvmZ*(WUjm2Y?9&{*EN zG(un@4u+Kdouu~dAewML1%vIp;LMQEY-+MLrXIcnNsY#Q@Uvq0lC~MYlLI7d*(B&# zrU=I8rO8iE!K?P_uoxWvvU;k@-A}FOA0@+?_V7Y-;HKc&wmiqyh();J^$xNod@q_y zdO^$0B``S*@cVs9ywy90T1qNWTX|`E>0T}BT$w}X%(2C(D@wusSR77{`pedg5IQnK zKK^T^m^6;Mk9l)1VVsE{`Q2Fi?g&+mfWW&&GYN`*?ciFlFU?dqc| zg%0?b0?@eOPyWs^f`6afaMAa1)Z~B?Z}~kGKGkc(g0amca=>(G+L4TIR#n2aQ$Zw9 zT4`#G3Xv{|CA?Ud9OQ+Kh=sl1BTEzgADvE*$wIfGvv1T zC_L9ov3sy{5nS5vle~(4jbk0pqx{~p@UNtgakEtr8uFH%uFoJ(q;|2vX9ey`j0#m( zi)G$An^3282^gsUCUw^Y=c1k)gbz3eeWTCdTdCo2BSei(ew~I_R7>GyL;{!{z6z^H zX0YVMq5P`vEVxjAp9v!e((NQK{BL#&+=*y(zGQ4ayF!rL%Eai<-#-A5G4ll z6NXsw&k&17D3YH4*3yd8CE|!HXVB_K8(73|MJ_2Y_xI<5MRc_2k@E6Q+^jwkt9R_;c~z(4d;to z_y-}MU3cfO;L{5RMgJbSm2nzFv>F61rzEuv$^*H$aGa!ekk!`;GdG>*7?L)exX+?s zcwgww3!jbox?*9b_YZ0he1uKC@4gyo28SU6mPZ=7)q&Wx;wB&G4V zB0d#%Px>x&8H&l(@>kfPSAuR9&SX)*R0y3sg74Ec#mvvqB~HWKf41 zta!3lRPtMkj9GmXb*IYn`pOezZRrQh{(bLagH9}Yp>K{qT21k<-U2WPbwjc}m}~8E z!246eFkQ%0uGKmU>vi^luovbR_K2{3ZVs6x+k?Lz%!WGq$FS<_SbD*=7W%cml2rE+ zEK_~~J2!rS>{(l2R_}CJwO$gIUzor}H;$8M-y-2%vTzp5K1QsBzKFkC0Sq0lLxMJ6 z!{%$Lu%hb~em)}yYc#Km>kqz$M_uU{KXt9hW=k9iSTzs4PmX7May3PodA?x$SP^Eg z@xscfmzislF|Jr9%w4}Efug$wf2*kkkA;!z-mU61YC*r<^K+N%jD)?&!bg|Mk_qEQ z_t*up@u?VwH`+6sY=KF;Q{ZZ92D0bn)u{Tqn%v_RP;mMv8t-lsc9%-X4{wASt@&uC zu?f1gU19b8Zrrinm@iu)#ZCVcVMoejSRl0Rr<@urv8ogHZ2O39 zug{C;+&T$63YCR!S{RFTRK$eAw_%a|cq;#PBd%4Rhf8D=NP+NoqyIKCo&AOELOcU` z)d*ItVt{5f$52;gB>wv+@bRJsgT_x|>MR=zNBdk+YTIrMm6E{|`j2sAOa-PMJPdD! zoFaZZ{l%5mkIB@h8}WeLdzhZ>hZYIP#m8MsU|C-UYMW=GgK&@QfMak&*x^_P=wj2$ z7vlW=FCcbL4g1+zPP84Lh#OQ#;Q@C|Y)n^y=%r<&2NQwgevDqJl6 zD@&W+xN;u@6R`jBj+DL3N4tBEKpghyV&m%VWU;Cbzto`%^9vJjRJRhe>%L;nt7ePz z=5D1vdXvObDNT6E@g^RaHmG7C5*k}&fbH0&1=2N-;4{H*yb{TZ6 z7lQw|JW=MmXdJ)8pUGwn$9-$fxbv27uyAsPE^Vi8+|(O`ussGm@wSv{Pr{WS{?Y?R~y=E*SaM>3Am?#EK~N<8}TDXJ|{fuHB@ zz-6VKSZM4_FI^u*FCVN#Z}V>K`&G(1coAvNSc^-ZkKjlAh5m;|3*L2dr@oVfGg3zs zy1EV^%P$M>dSz+cmAaNZQWnlBO4U`1w;qLK=5OGPVgj^&7kTeFiyPI~{`#_W4x$stCPRz%?4k>>2!T{#@K7#y`v!+=GZ{zgq*I}JsBzm@b z@xLu;Y*yuel7Ak7zG}^6EW-D5Z)en9L^q`1Xcp4<%;8} zi+ft0ie~PcN$-3gz_%$o^H+DeV9NB-d`S9fa>!$jsP^;|@R(6ot#DxSshp)Yj zied4j%8lWv$0x~yfo?QQU0AE!yA5-rK4H7C>swfUp15e<1@G8dWYB`~m@>eCo%A0} z?{0aB4iWP3b=pA8@Z5wKg`I`gql4gEJck!5KZYN%=O9c`0a$tv;|*`cjSFsya)EWR8_AwR2e|pi9HLoIyxdUUogf2M*9L+`-+m^Z--8_o zzmw%!xABc%04)2n3sgfYS^5tKK8D52%E=GTO5B6Gn~Hb~0OqX@!wSJUw`sjT-&voB zd+tww&X!x^Fr}NezgAkJ-K9pxm#txw*2l22LDqa&eL2~rJ`X-WABm5b-Gw=GBiUd> z0~{>f4NK0Kp>OYEcB!o#muCC?kD~MN=kjagxK)TEGczMAqLRe-TqhOU3nfJ&>Zejl zdm70u%7{pk6iHL~p6gUpR7gXjNP{*?Q^RvVe*rJ<*L|OJU7yeU&2%1wLiED37-k)W z(Q!f-&|8YRHzcyEgCAka!dVy&*Pw9QTU^$C1o8_@L`!wnv13Q9K>SaVp3;@z%VZVd z{k0Oj{qPBro@Mab&4_3ZJceo8t+?_$7qY2SnOP1TOf|2L=IdMv%ci$3WBZdTiG|M{ zhm}W;;rUBT_;SAp%=qwHeEQ89xcV>^O1uW4)4Z2r=~FjI>7Xd+$!)?O;Z8c&=mO-@ zhgi^h6nz@Z$%%6}$e>{Z=!0@&HmLM8u3j=73^pYY<54Z;{LL)B=J8z!zw(~EI6oR! zG*y!eLiXU@sbcuQXLjH>YZ4zTbd#mLsc&sE8qHfuop;;NX+u4r`+g=7Wj`Y|x+M^L zL98a(ToDpioRhp8ch!1K{Y(ZyzMes$&zIM}olH?8zye`Fi*YPT{D zwecrMHq@fl#Saw?>tjg5b^|=?a+pf48Ujuh=V9U^AA0}a5hk{;6F=*#W>FRl_Nw`mzH(wIA%<+)0ZH!qdI#GgABabr5!wY0&aO*KSl`zcup6R5ta9mp8vN0`J}7+m9WJ)n^WC<})a&G947I96 zk041paEc1|>d!)>ye`u0@dI}?{zA3US@1-m)v@RKAWm;wBmQ#!xN)W)eQ)T?Q*s8; zWa}j$KQWE1<~CIC#wOJD(BnUxPlEUn69+jRL_Nu4uxe!mjLJQNyWcG!jq9Eh*^Wlc z6=oaf=XZhUx9jk7@h!~Cs3ez))%oe7=Ws9S1Kam`Bo0&Y!m^4Coc-i2&U__;=$us; zAhLofw_d{+`P1yB`As~#-jXlaFap&lcQ-nSJ`yeulsoD&a(|rh_)F`%vEE0@QV`g`{5*{QTZVcIm)t)PFu7 zBLv6iV3*&5GsudoOd865?rg;4k6Phf#t#B@6RF#MD}E?f9ZUnZWA@0SFzU-He0^9O zvr2^?!P*8a^1FpbYo9`a^F$c1g_G*$P1Jj@EzS25SZ8J;o+hUwIM|%%*bZMju$+T} zLK;c3E`vz#Sdp=zCGXugfPb%_jLEZ-phapjsv2ZsoYN`s=f6=nbwdc~OzJ_YB73+| z5hu3!n9U>}5*W8umR~CyKn-r#!j-KzK{xoX(1VN@Wu%USi2_G^|DE|{+KT~P&ioq; z`@_&=do63Udc*3?17V!)K7n^vZza0qqkRw2Iq(Y|%mm=}=`9m>dwhl#>xpE)Pd~Fd^$5o+ro(9AY%%Y842xHh z#>1`?aOWxuVt;%;`mHwPcdO@%ht3QHyJUfx89kB7SZks6nm@2e&JVrSufqt@5cqHQ zSFm-;XR!s!EFfC&@oq37O>Kwq%pOH*aj^#c`xnu|Ih$C4Zy2=nnhUd?-FPMFtT=X% z9o3sGa1nO{Zm5*vORN0IuWNtc(8WtkQU5lUj*+H6N^IGh(Eqrpf;Oy}Cxw$H+R`gN zkrM)*-GQ)$0=xBB6P_8p3Ds9iQ9J3^M7+S57tET%Eyt>(!Gm;mdS)D)64*XMO|c?u zsU~cf3lMxVg2z*1F%;TA#!~+lGTSeS$WO@u+n17beu@{pV5UGv43>w0^pWh4Q#h(8 zYVj(&FW|cUoc)ChZFp~d7g-q+%x_N9$Mn)0;BihHkB09-=@caHk@JMPxe~_I+tLRU zN?Crd4$d_j0;W<%Oh43=hCcZsNOfnzEIlXS$0hmhd!r!vmz%h>NP;^=nDIxO%i!FF zFpMpc|qU4!_4h0@GbZU;;?I?1jG!`OM#F`~B6exmaoqi^0JrR2jN`@O_<3wR zd_FP-=k668aWA8B>u4+Xc%>t*taHS;Hx%dp3Wx2M2Vj!=IR1FXe<&Yt5L#yR6OpPO zPnI9g-7IpT)jR^cWQCkYX9pQlau9oV+Y+svdrppaKL8-(KW`(V&?65XJ`z;T| zB02t_%O_EL_(|;YkV04gf5e%{(l@ul$;N%c`*+DjGJ1L|yfJm3MxPWNzakVr z3f|2TBoeQTn8 z7&V*DoMuTUnrngG;|fu`aCYD2>PRdTc3|n+H2Sdq5)8UAhlVBBfo;1Jjh&ke9p|LD z%8@ecnV*eMu0?^1Tsh2+O$VRwg`n@MN?LuRpkadzzZ~3+lvd$3*;kOb;2ZQEQQ$@O zvFxtkP!h>)#lWbgJm<@6(ZN62qQql0_$5JjzNBm5eArnGb-aw7WDr;Meh#8CMRGB8 zJZ$;27jMOukURxb$IWll`KNgi>_EwI*j#Y~;gBy>=|2RU6braxcM5cp95K+sN;Ffk z0W?fiSmU`T(05dli!H<$ClLd0cT}K@mJ_}c&d^s(#H9Lq3R$eU1v`|}aYw-|fN1zm+4f`|bh|A3RTbUf;)!8#2&QQeJc}v_N3=Ca}5NtRZRAE3vjw46HCIgJk;^ z+@a764L?}Jn)j1qT|Wjt%@g6VpQ^~!Y-wdd$HZ zE_)I%a5F{85!uMj?VxFCHh5{9HIdk44triF;nILGtgkx^XCDggn8!Nw?TH3#7CIU7 zk;XV&=-{OuG66GheYzsp1w;LH(7jVy)TdpB;j4DQ-^6uf`gB<;nLmh*o^J+0A)cgT zNR8NN#&CX3Lzmlh<`ci=xA0roX`<$wDKK}Bpm~nqvC+B3cFzca@3)xvSw<||6BdWf zG!m{}>V>-3g>1jdUdRwKnR5fxn3|gjOuoh00wFh;9wZN>&p>z%GoT@m`#UHSF zaV>L;Ur7?C4(9`oOySEdt;zWN73JkpiSQ{+o{#cMCmR1n;0R&PdHUvUoIJlsG)ZFu z88*#Om`_EplCn@7?h;ADl-`h^uMN1#FL!jX>VpScFXN*p4tQg?9?zaOjD-FgBev7< z#?%EKWK`aP0J69NUw~mqtg*Py#J>NB^L#A+53RkrRC@)T}RQmn3q6Mf)9H& zmYmvV$rXH#z>-m8VeW}sM~T==U>mp{uRnhRnFA9 zMZt`bXHnt8DKL-GfQQdU!1ss%JZk=y_3mzFeUmTXiuMq^uXzqDjGbv)%&&?YCOx9T z+uoCn5yxRwr6={*U%_s~HQ)=r7~lU#K`PXq+_`lSj-J{>7d$oLOYEiaZ_q1zp5KE3 zo2NkWdrzJca0PWHjs>g!w@~!48MUsShvSl-%q(&dRUYrox1H^RliN$+WavV1?aXRs z`}z({Ju#JzjXjJ`M-M^K;xA--nXtQ@{2gZchSLrsPDX#dD?WePg?^r@M~II!{@j>` zQL7iRbsG=D^}jmYsrMb3;Bx@AlQMC`XE7UXt%&(n4t#;058mTm*gmlrPtQun7>7={ z-SvaL3)>>FRqv72LT`De`+wrJRU_NNH%o0!>bimob_=Vj%VV7l6!*NpiO#|;i;4rK`tXm80a zY!1TlnpNUS_q6$5Lm>|pZ3~;^obbcxLUJ-x=rM{t>8wYZ>|nr37~QW06J<8>k1f)? zK-df0KAysE##b}%%^x7G=?-fb7_f`AWVza!cNjSJq2S~(z@1TwG*5ud+iorv8>Wne z;`14}>z^k3*Lnaa2AM#v(J}Gczqz8(1{2XKx(N5ru>{_x&2JBRhll1}M5UwFbl)l` zs8PRwGmK-I-1Jwt&Nd#d@hHqSb;m!#9$@#aZZzoBfmN1`I9pQ*zQqROgVpI+zSfi9 zt(ySXG)rKHo*e4j?H84oXO#IG--acc--W(mqFD9c7t$D72&;tofzzfJP@?q^*SA}U zP7lZiC7)1u_&JU2nZKIPaWNz9%Bx_GXD+%#c$2nUnnX2ZI~>X`#W_1h;-ScPc(8FO zU#$2XBefRd?2rcdcb}0Mkt3cO9YCI~m&e}ht889b47s6_fHMMDL2KhYp5a=9>O2t6 zoDbtm?+EkS*`M*s#{D$fYZNtYIe^lBiKww-4zWtzhXcO}e!hk@5^=|jZeKizn`&MW zNhnBH932!$M`yah%yr)&HvSQ~U-4(1O#^A>fj8nMLtEL)tlO|!Z~#7VHDUpKC3tUC z4@T~}f);BkQC!{#vS+JEmHADw#O?vv@hXMr?R$x_H=6O<*?8y<8qAHH*TSmV#VpSA z6U!eT0+C)bAyDrGo{=bEb=F5fe<6bHG@-Y;Hx>5x9EatHZb7$44tfr@g+mpRRCUD; z6dz8Y_Z5f2(W7!@8NZOC+l&`M^plzRAflRBiqn~(7lwNEY4~Ql9FKS;Fb|~fVOD4otSSy9KU>n+ znqha?7$H+|`hnUo8*c(*LpB|J`5#%LpFa8ihHfO%*kVMuWzpes=VEB(3@I zS!5NyNVr>UfhrAz z&AqRn+_w^kH&&u?@L3``sRZT5nu*8e#$oJ#gK17=JREl@$B~yCA;sSxCy%Uw95q)u z!7CN}1YaRt7R)wx4dgPig8O%=4E#}6rVf?SIL&(;Y!tjYGQTvrv?uEAZw<7ALZs$k>jJwy1R z!UJFtUr&_(7Ne|QHCDvkX0AeZOZQ?ejA3z5|Mwh5Y&}daFE{`ubwRkY{X53XWbG|O7C`8XrKQbr#JyvoJk8wQlF9>agE34|$ct`O@E zQ%JmUg}4oh#^D!@O(}2QVz7|6ElLxGwLF5ztJfi8LJN4# zOyi&A9pPiKH22NBh0E&>vo$}R;JdsBv|4WyDPJnYq>ei<_dyN}cT^#JoEl(_XgI$- zcsiS)*o&iQ-@*^Rd#P>lf1&~3)wo>R0_s*%3KDByiQTTb3a(zk$?{GHJl6bz3A>)) zmPwN^J9|3O^mU{2>ZXCn;}OK%c#Bz|4f&Z_*DFG$R`H9~No16FJdXI9&h@9e(LOlO z4NeZG*Ca>K6GAs({*_x$5cnQLY-G6Gb7lH*M>Y%}H3pZ3tAW>GHEw$^mXE#b58a1% zQs+gT7&$zg=Gp9`+fuba`^HEZ)ow?nN7&=CMOyUb=aC%pjZ8?N5vgm$4IPreHoQ}moFvQV_Ew_Ju;=LiGL0D-8}rNux_nCZceZw(1PzEug)IW3 z_RqMj{77gjL@K|=XDjcpn(!JBHk#2cM&@>n+$?v$nw&8?&PyHB$4=XNw%(osUx`V)XIQwEEZu1vyqx=5iX21lxg zbB7O^uyqo{$}{G~Wadn;FVTZ?nHqRrACLac`dEKcf(|hZqOlrQe9**Z&|Fds?{sR= zc}FZ%yQLx-E=}Xd81ewwE-)w@3zZLEpj*>E^lLEZ&Wc^|cfA___@WBR6BhDrZ#!6c zH30foPG^A%{S{ zSC@TRIR(6WyW!>hf%rB*AKX1N=+nDx*#F-(s9$A6vI8Axv(qS^FOp#=$K8O9*F0G4 zlR6|PPxHs7o;o;97|Pm zuQ8{rp;(-^52c=!v+|w=;86buZoGLabiN|N?~w~^SM0`PGh}(r=(Cutd=hspxeq#v zGw}2QX&O5*Uz|7Y47#rpVS;Ns&)bqrO9R*7y_*A}V8S{aergUiT(DYHE33oL2(EIY zqH{d(tUdare8nYN!{J+lG56kZlihs~h|zO(Xyq0MD)A#5?<&=j&;`o0Zv6!IWa&5> zd2ItMo{#}gJcTUXhxfpAr{a{6f@@&zGrn`!EIP>RBl9*;B@d>wVD3^CeyTi+fAzZq z8f} z{7%>}8r>h5} zyj5wdM1|v@gZlW(!jQ-7%g`s%Vy^UdvB*s=Ty+0@6?ri?k(S)KD1NqUBDOfZ#eG$k zbkZKyNdaJ2%v!*gizR0CMO#*TWJe-Ur+O{LLpPeJzL zIO^_JM)KS;&~jfIo(OOSr(qG`edjT`*C?>J$I8$HwZEB>j2S=cl|ZM@@uH#cw$q9i zeQaJ&1v~SzpP3GdhX{9H{xvt2W>1ZVp~{Q6V?i5v^5hwoYTOW|-H3lk z-GXF`V(16F{oCWi^h{-F?D8Ukb70QLjXDL-2CbkM zcL}@9;0bj2oX_~9X&_`>^}%tf*(ki$>CEyF2wXaYj;oU6)rIZkr@9(F_0tfd1ZP3< z9CLc{ryYG{w+1I%2_Z*jhJgJKLuz@r5M4|Bn3}tac=6a$#uuma)Kr1dR=j}j7$435 z`?`w#IKEflowY&V&;9t*%agZVokt(7KfoXEQltOA*walLZo>6X+5AymCwV$EUg+RT zKzii^(AIf~&!jvsR?Cl=k9OuSSN?(6tsZoiiU`&?eu9oIznDdGlJIx`3Q{QmK|Yye zQ948R&KR{XtmLD|#el|36G%x;doo)D?DAj8k|2xz)$fs-nYaE?f*G~${%IUE#mQ8jfmdsy2r-J?Sn_dQ=om~ zcqs5+#fRGcN53f8@L7M?V9m(oY_bW%s5J`o=9e$bB6tj)ucb-&-MJW$bp!PN971J< zP`=P01@!FSz_Ee_khm}cuKqTnO^vTvlt&8WN3Z170-x;pCUfCjDtH&C_Q2OI;Y7o0 zA~sw#WZ_Es=rv|G9l1?`e^)oB)ipBQYm+l>iX!;4W;(9(`HB+vmWd+FKZ)nKC*Y@C zC7wN8mYP0Lf*7kQD<;=MSJ#Svc%)83e^y#$XlVhh~+FaaH6a zn5?{?URgO9FDd{%di)&o4OgKB55j0ih7N5zXAB=-EEW7a0t>6&4qhC%f*L6zYT4Wl zQyvz;s2Mq6nZA*32-c_1m#?Aa2Rp%hZv`y0GsANC2+(kq;c;{P@$MCEh&4*ZX>lgJ ztYHlHT}x*z3-$SrFQ386x&fA)xB#1)g6YuVhBPT}IFEnkiB1w%Ag1Lcd?>NOQ=gy0 zZ!;BY?l_bO8PvgIZCjjIT0xDE8Sr1i47KM$AkF+&hXcPX!VRnXusc(pnm)bDDoa(U z^YC%JWM&&~Gv11QQIa@Nww-Njm7>plg6N*vXTa{*3A`0bQR=lEUHr2X0!L^-es?5& zuJa1oQ3B+(HuIjzs|uk|29q+*HJ z*HQH0I4vwzT1O)`G{fxC%SpBR94@yw3bb_AlD}(560i-z4o#tp_6c~>q69jiuLUkC zn$yz93iL*}3PzTQVPj$v4=cDqT2!Rjz~%2*pwJ~>9NP(DEFCA0IuD()A6T5bJhi;K zA9osRa0kt1d>^b$x1TNmT^|El)@eeeZ~E}s-B~zVbqK%o>MS06{tNb8@51GWu8Oq| z^Vq#Z;FdYNdFc)dJ|6=k1r~%{k9&5Yr+aeJb;{-8U(ot2BGo1I9&Bp30ut_-1@ zv<~b?4dnM>AkBND1W}FQG@@!CnBKSqbtAS3EM6myF3&J5e3Jt|q$(9OHp-AuJCbpd=Qq;rslc^#CsFBkpAo5>m2>UA6g-Gk{jkEbH@1ra!9hd+Xv2~GYN!FJxffibsU zqmJDoUUFa%5Be&2l#_0V=HHLUg-d0))NUsnyFqZuMyk@4<0bjnMZ4*jLV742VeT*RxZwYW6Bq9zr%(~`O|{qmUP**E^^;xC^t*JhEJb;f)!yZ z0>gO^bL-Hhmy8TRl(m5EnfMIC9IG5pnzR!s^*r*Qy*zLA`-LNlCkN1uGS4L7f8pSalNzd^>`bT@sue(Bn5Q&4%M$ z(V%wh1gJ@y&{@B-F|joXB@+F)WYN=#4|iKZYH=_mRCL1JECr13Uq*H8 zW%$KeQ!qs-7UsV`4;9`w*%Tu&j#T*pLyZLwb<=20e2k%cb`4h5rin$3F??F?Ux>)h zVOBeuq3s~Rx)b&6$xU5qos)+Af)=c@=TP}Q2uBKM<#HoW98kRiXEc|fQNF$4=^70q z=3QcqVFK4~$957t>E~3ReB`q{ab|O{t3~nw=NixZ^xaDl;~Xzb9^b}>FC0CXqdQ) zPnUZR3TJ(B%S3y0{^BXJ2sWY5c{Q|@x4<-^7bT}!j6#JL3Ywfa_X0QMQPth zuvfBTT1%Q(Nw^$0a(XD_#~$F}1Qn3^cmh7B?-|CqSoE3q(N8}kKM z@4QRO``=-HbOAkG{sf1%3NWpEYd=*!h z9Kt}se=w!{JjNH);Mjv2{Ps0x{L*v^>Y~D6+xFXNe`~1d!ftK8amNT2?fy#iDxe;E z$Q>_s=uJ^6L~oe)x`d zFW2EmuN?fe`LM|Ik`Zc8`wL~E{~&KqC%(EM!C$&d@b8D5S)nk$anAY#k&n#K^|wDY z7ti8f6D4`oFFC3qcLGm^$V1`#GVzY1n?*Dz9u}uB&98pE^f>&7eG#7`;UxxYq z@sOM4z=xJEqZRi*Vv6E;p8c_%^-MIS#hZ$;K=UXHrb6T)O9h^D7U{lJDn6)ko8@2X zgVp`jj((4Ic+v7BaLsx@KAJiPgFbiQgf{|fRy7xwUNhtK4v(aJPAEfcSvZY;rbE6y zNnq0^WV3pe+qm-eXg)S*kN6l<$Kx#pptryguPL>lro|?1voRM^MkjdJcy31(WJpSkJ0wa4mh}K8QOGd!0$9&SbtgpXC9EHY_csKzbTPPh8wY()C{N} zCBuU)n{Yz+JK`{ZJ-)cm2DK^9)N}c3h%zwdR;u@KxRyBtU1(#gjabE={&LtAY{c!l zn<2kF7{ylG$)&j4DC3q1X$^+#>;T3j{5MfEdligribI#>TC{cC0u;{(CMG)!=*{ptl>&ZCQ_% z3HCU5xQCcvG^YNH$M9hRFnEFu{kpRnvt~*2kG&F=ojC?Sb5h~Vye*&xi z^no4NXL=coGknp`zJuv*wSyVsGKh4ZGPNo@4LcpjaqDkp{M)y0_-u#~KRkIUd|e@r zT`O{Eb!{13THOh?D^k$L%^I3s-N%b<&&likFEH$O0ZjIY!;kyNu?+=pK+*9!J0I`D zC+yA_pVRq?0k6zU2b)cR!3VDr>66m5y-5=s@`lg|S-}BO9|j!{?Z7dh5*vR}e7sW@ zFMbfXHv`q_f}F#UkyrsU=1Ej+IJ=ZQk&PtgEkefpx*;|DS0MDFCHTWHF;H}104!FY zM*h*oEHio(`7W*!CvOYENOM0pZUQ)UZY`PEvX}av8N}1v3-QE+0$k9W21nOQaR+ZB zd~30n#^g}0(yc|msa}N51FvF~b1qs`pC`&fhW}~zC{{hjgm)gcN0~=&MYVQMS*@`o zPb#|(9|s?X_62ic<4R*N|NBLBS-5k(sNW8?g8&xBzZb23(+wB4sR-QJ!Q3Qo9KGxA ziq`A@f`Z0uYPiK)$bKin_>;l3R_6##$PxT4eYTK&)`=Kix#0M-N)OVeo`srEm%#Y( zZ=x~u8oW&V#%@J4;h5njm|$6jn}Y=K5Ddp8DR+2s=LTCe^c<)vT!qXXf#7$chb+&K zp~)v4Nx0@(NFDS8Z2eM1`bo1{y><*PKU#<-H)ZI9;d(Iaf*#&B8VL9H%q89WaiR~l zsgRJ%glA=u&?Vi4vROG0Unz7nR1@&3AW|81-5uVolH{2>w&1X@0BVd1@$x%a9FeXs z@au>0I~Hza%aSyxaGM0%n!d2DaRuN#bRSec%12ja;afUI3?=HvL@M1cu+dc=8`U#W z6E?xr>RW8R=T`FUh0q(An!xPc+p+6FFGh_wg%qX7kp4Rr)=xi5&V8*H?hryl>`o>2 zI7(8coP+D6G_Zp%Bwy{{!DiQfPznD)KGhFmWByFX{*f9&5B(S}wy1^jT`H{ZdKU~X zOvf>4OR#FddF}FHL+674EPrPJBcFT&KeZnsuP*~}laSxLDzgBsj|Jem^kG=C;E*`J zG7%p9R43Vc%3$9r~ zQMPnRD1Lo4m~LKMhU2?4(V_|H_@##+I(r)%_evk5A}Ub4<1HJJGnDsCcLHBk2NKyS z%Pp&>QpegHfhjA)D+eR0-dkKHKcAtveQ+||FHz!C3=V*| z*A}=_t3OVXjC7gi!O)Ot z%+#a}FZ)PxLw66ZvTh3gwtpZli=NK@J0U|Cy1p!bkkA4alh5M9M&XRA+eF~OS$r5X zjHVT}fX1xZ_~yR~l$(A7rmnKVE2T|$m*GrXI6Qkz&I5=jUfv3ZqaSnGOto#>(+wYEM?J_{e^HRa4nhK-OqksG3O!CmY7no zj?ER^48_ahFeGg$j&M&S69)`{&slwB+i!ikv?>;zBCbMsauObJyNEwWDA4o~>7vH7 z;i49=H85kvBzV5KAL4EqV82Q=Dy%<+(z=DPXG^rGBcK<9>Zg*cL(MRDUKtruf12c^ z^pc#D!Pxym8%)igi%va?#0&lHRX_Eb}aM$sl-Q|w}GPA zb5JZWw3ha?;x026nEcUSd?K=z6}RYo{105T zUW;XM`yuqI9*%z5BFg(TjIK490qIE(*}A9kP^3JT*G{^FJ_?k7J9-atYz3a#wQVp% z!xpXWj3BgZHyJy2D8Dr*nGox4P}H}AQKiWc;p;|>2P9zKzx~jwI12hao5AnsB6zB* zMGYNuu;P~BhKZX9Gl%5hzf;?pfvOVOHa-UGB&VVF3=hYd!BD3Hk{NU(iU-O5!Q>|Q>$^w;vUh{fy4Nx$^)!d@HW)tBkZ&Y$IaSZOyyKA z6mMw~w*{N?!yW|~GHn!EKL`~q>pPAc|NDgE4qLjUJ|6?@u9H8vPvXX1zwyH1?RYc| znXTz^xD4{po<>0+F8O*^$9HO0482q+lktbd&x|jVs_?hF8g;x2CvO`tV!=0Zcu#lss)7 z%NzfE$7-AZsNb7jvb|^;X;nXg?OzmxZ$~;*tUQLF)e`uq`^O+ukI??EL@4p>1~aQD zwD61rk3oufd(|pDQLV`TnP~7gr~9Gw)mJp0av$2vTPjq~$kF>XpI}Pe6`17L45OzE zpl=#1&|p5|$JZ_RYRyZmt||j51#|A1pC@>hwP~x5F;yCzAWqt)hM(`R5j~UFBfej& zV93@OC}%^VSl6frhUYf0C4-KYH*E=p8Fvz(^-eIGrXGVkUoC;Vv(F1`4zpF``re%TTioGEI@*jqjjiS%R zD~PGelnRgZ7A!v^3)d>LV3$iR_-D1lkD4Tyx}cY|)alVb0_S3utTN9~aD#Na#ZWc8 zoju){1dF7n11YG7p(BQ4$G;j9|Melx-Pp{;u$`sQJ@D5i4r~_m!PV>9u-GJ+q&@po zaZczE_p1y*gUBf1{+ET@XKaNC+dfpx@We|y^?1N%En@$EGwz-lCgk52gHQhubcxOZ zxM)O<<&P9;lv-j~t320C?T3ohfRBEa;@DGC_-W5GY|Bf47f*-bte#HDspw>j#?EI$ zF0`_{#YCSSfVxO|Et!dwdRu8tc##dcADW z14){-Uju706mXMY2OAV+&By;4%o87tqSE^n`7;|GtlN_VS8Qjn4y*MPK0hSq0_XFU z@1Nu8H?m}`z9A3#E<87<-ipSA34VChOy(6DO=TNO$WVHNtUT0?F5|U$+;DX=uHhUc zevzV!Rc)#6Cs{lmnh93A*J0j`(RjsIiTsI51x=5^xOLZS40V42mitdYN#9=PGGr8l z9ved&eM=!nP7!C>#TR!)qB&EJi>F;@_@q!DS0*Qc#L-`DZ(1^h_!;p1c}l#k z<0Y|ioQ7NSi}0~V1&kfhPomN;lNq|_&@4X!;sjQ~ocIw$&)^B_PB7x@tkw9Zv-i+! zc?#IQJix7Va`EJZ%Qz=wIr}iMOX!Hlh&qgpfXWIXo2-*WB7!q`rLdDIy11OI(GfF= zhL=|=hP1#2{aw&rxk2EjFA;cLQlRizivJzC(oxMfh{+8ytk^G@j}BeEjiGJxnDi`f z{Ic*BITiI(=rNy!{@p5E>*f+@E2$!nRG09Q7egrRUd6#C4%1&B1i#UaSUO-XT*=wQ z18fqYBkBvJti8exPD(=KQ|s_r)E^jjdOp4Xc0De%e-9si8gPaAQ<&?SA(%y`;xpMD z5FT<>I0GAVzgzKOeSZkQz(NDqVvl=f9+eBsWji&wkeiJ;cj$q?U|ITuPNs`8N*d+!26n8@O zkaWn*PM~+BUX`WXloD@Wa1EXobykReDDy$X;(6|yReVEfJ!qZUo0O=8Xv0g0^L?z zmv9f&CJOiCPHVbn>uTJU>&_p1%mTC1qu^?+6#tia9Clt5`n;8)IAEP2ZG0pNgLMDl ze&r#wLNA^@-_1yBTPk>ue@||h$>Fufo5>36&p6E9gMXI{A{8H|VME9pSS_%m6(vTZ z^Xy=rxoIZeGt?CiOqot>^lk{fpcF30HEHg`PT2cK4fWDJU|8B+WT`c1^pcWyYLmJB zvOSPscMQkB>w&-8L9FqS6U~qzd~l+$_jAZ*BPRHvy=FRbo-Z)mx+JL0=M3htZ!b!R z-()@Z3z^D$Lni*q;d|_7@b>f*{Hz1fe2Fdw3wPo2Z->Za#j&_S=npI%{|UMW{)Jsq z0)xx#8}tk~gw3i~(Rq3xj1Bo9ejhWKOmwe+d+QlCvG3ra{RH2s8S#=k!lujO0i@~0 zlc{eX!IxjZSzLV~t~F?aFB>8RZ}c3f{Raf?uCx)UaEuE69&L-`)pNMd_B z5mkyDY3EK??)mo#1dT@!w}yhzIeT8w+{O0Qr1DtjPY^NUH@oJqLsj=bf{kc`Nw)&9 zLbyx+j+;;Wj5Wof4M*^#*D6#v91d;TJ$8(ZcIRw>yCc(b5)9KM2y{x%&EKV$0M+fEw@Lj=jbWL%kC~VL|ieD}H zf)P3Z2cPb-9k1CIRQ^_!wWg#&2rVh*<69Vlh;1k`=6lLc!JqUSne{!q0X zZL=@Jv2}T1b^JQi`tQPhMSF3%w~ydf72e6G6hY^p;LL3{1xtff?B<+2NbI}Dc=Sj< zx8ENn%I5RDpM&X7pKUl>tsQJf-zC#$ z5abyR$#?Bxp^PTIXp{k$|LU{8Ul|bY-bxHF3%QwLva~~YA1`X2P4A@_F+=9eHklTq zMNB>hpW29igUeuC?rqX}DV}_}t_e@aJ3!9xdi3-<2y3SoQ(C!z{;A>GL?LK;f>=Zg&mvfR>#kEqXJ#>^!RQBVN z{xL9Y^&L1PXG~jbYQQXui>LQVi%Tx-;tPz2Q|G}2ymsDfaP#bi%kgj7bc=X8@)LzG zK@S}Z20cNeF+_az?_eC3KGT15BVY6VrNYZ&q-7(3&NajV@vlCs_u ztJ~f9pay>`^>z%%pK*ophfeVlV>`U={FNMz^&zgG1$W`3BN$kvLGySksK+Yv?UF8h z$($=<{bNQn_<xpf}tG z(`bW05Xb7dyD9N7RK&w63gI)6Ig_9K`hKOBQ{qrv=L6#AX- zfW&59dUI_V91YqEdh`3(2wfX!RhcR5;|qzeOfr_q4rIehGvGnF1i$h!AI<;C(@No9 zrkgmI___Zf8V9Uc{MtsW+tegd%pAp~ordw`OLLjc!9$qdO#brq* z+#utlAoUdE!ggDJ#zJ^jlgIKkT7i5jea2oGc43Zw4_w;h4qms$@cmc);X-o`J7j(Z zj&9F{f83PnKR5;F?I;`bnPebf=m#Z;AJYufR;LIgT?;$B30q+y>Wu zL%_E+87sT3_`0%x5dNq~)cDo`cUzsqKm~hn_X6JBn@T?yOk*Vx18GcDG}-N5NvxW; zaQkW(TCw|-h|H7VO27Nb=bj8)_j3?_uUbjJ9UFkt>Qv}H{|4CjH3KzjWMF35Tps@0 z1$7^a@tLbMc<($*Zc0i}ZCzQC9@fczjrb4m>^7&eEk-B`;&}Y=ApE$^4*a#RLglcR zu=rvs=!H+_zYg`Gw^13s?taITXY13WF~_lU3&Fka`rO$v6C@)qL;9ZrFbyAz@4(a1 z>boje-s()IDJt-Yyf2~-u^Bn5CTQlPV^RBqJ*JzNL=ocEiyc-Kp$Swqo*y0;_(|F&@@hmE|3U;#U57lbVC=} zqiDnXti|lE<|Uj{W6lkHrenT%5M9wNu(p;QBC||W&{*mlvQ@dbdTwV`wahqnCQNXH zZdgV%R;bd5WzWHUr8bYChcIWYh^+PaDbm=#4Dwr4Y4vJVKCh@AhcijK?v#|kJPpF6 z=t{gb%ntHD+hE2HD{zwf!n`+Y@#jJj#@R5j+0j8W^3dq{gz(6Vzm}M z*}6siw$+`=ZXQ6twiu)T%-@dV6)t0L`gO6=$UmgzKs)Iyp9rfw7xBlBqHt*s0kgop z=zV$s9Xx6@zPXdzd}ECWF4UIWYi=0}>lGeA z`RbAM)yYma?&b#c6x_6jw`;)n6Dz=^ej~^_OvA%Tn)JSg6toL`xheXCL9)pkk~96` z+b>>QN@doOCyuR0%K-0(gaZfi(3bSL72yNB4>NFhV^T#|O@ED^n! zvPPtBRsl{cny~F~JdB^e1+V)*V@W+(#Kl9F#~UwXXD-W7^_&u1<2#mbiwofLZadJc zX+11hp^i#x&y#H?9I_q^2eb8FG^O<;l$RwD;%Q4{PV_*d-wROM@rPAa%JTpAtw6R+ z2Apf!Fl~eed{O9RG-NpKu|AH2S7}h6xG;PZm4Z*3uHwP?8Yoe}PGoI_zhTxUW;604 z8Sun~Ja1XZOe7W($!k^2)lr6u_-$CKIh?+J#zk4ew@7>B3bZOZii)F#ajl8!AbP)> zxeS&kPZEq^_xkXLzrK#bPctH>0ESA?i1;7xJ{S{u%?^#8OVdzmWrk;)ME$|V@uw+;XD zL+s{*G_ieOGjlJMg%6hQqTHN(WZP9}fS)ZtBo4);zv9{T=Qi}ksa;LQb&Il~v(E z@p|y%WiFVPM50BKHvYR@2qEYCaog5i;I3Vc|Jk@{pwYUq;4-)sp8Wp9GC$wNRDVN0;-DknHRms$G2e*! zdLJ;RArG%s2eV&c>D6;XdYNKp7@l{W57HMqp`>#^T0aS;fnDd>?SOeuZskI6X}aOY zsf*#Xc7u3^g))9NwnXhwi&*Kv=$q04X-UF+6MUUsh|Zpmuk z@gtGNuec9G1TM(6ac4=<_bCu6WP}%+3qI?18E%ul3z7z@a?9u_c6jD>7(63ebl1?8 zcVDi-=B5%%9$YUH3M3%i+Du4q9xkX-r|Au2Fi5fv-4EO&bN0!=59t`9`(}@jNjL~m zE;_tPatKx%jpL`(^?BFV4mL|J9kmbS;PeA#e7*A?(b9Xj+2)ULge6QAv;Wmy9jS2} zMoQaa*U-D7h1~+Xdr2*B4)?{x_3FIS{1U6t_<^#U`voA1CqFe}3{FbyVo!!|728*i z=COx@#DfinfWP@ikxr@^XiRCr=b;mE<)ZmQd4CzP{&Gif!xV@%ugt}r$)<4oW-A-r z@tWGf!84WQ(u-Q^Ey#Lh;hX&=YCO#vUA~Rvqe^38-G>Bx z^QHjztgXY}CrjW#O%B_*OqMU)@&bqNnIh~4IPMJEfkTqMvh0C{D6!ohwtiLNqJ{Y+ zXiO@bUsQ+OU@4pTO@~i&4#$S=gK4tB=-gIiL@l#>;KXld{(b*u1Os(`DrGAlH~0v= zn<&GUjn|_S%5LGj$aH+N;2Y#MtRi6x)M3SY;6k+&3+6Nug{nfl@jVHTt8RyiW`<$v zr&+e#Yka)78;su#JuZVQ2nA6kQ zzGyX4jY*Y8fpx&dzXPki~)hggJ3fZGmv^6~2y$QSOG zcYG#bf$SE%nq>y6%VTlpyMriy@hKcj^Y1^4(k{oucNZ@Agbd+3fge)K&?Zb_PESw_@UhPQDU(bX7?*x*S8lgbX zmF{VdA{YCYlLfkENQ}$ikF+f9$!fyJ3l?CwsU151Q|3g(!Fedh{6SmLZ2C;}-7j`L zd2%8sjL%?3;e<+8WWl2LDAajs3??>1xqL?pQLvZ58D}iG)4XZiVqGZAlm&Y4^#nK= zcpuGYsz883C^Y|6A-gP_P@!8%=&d`VL)vlSjZI+8K@l#}vcbq;!9mm2MT}c);7!MN z{PTGb9)IBsfkTzR{h|>Z+VhR{Z{NvOH;UNDITAE*p&F-snQ-b_xcJ0_deG8e4^_kU z(2mvO>AZd%xjK{RuF8k*y}hK!at*(qJ=-x^T8Ac{K8y9wD6KZg1hZwA@lfw0I4$!) zlt*;%%I6ez`%WrbDfkTXoHAkma$nl0S54&ttx;{6D|{U)+(ACY;xCOt+_UJJD0l8n z_JO3q!iZGS_aDMtc+4v>Jm1fjeo&)JSQ#WKN^+NEDQs1k3_41-UjngB>!@|U2aLzfDo}xy4NzhL0?FeO;;!DUX`69BjAq8>0JvI)D2SLL9@!(k0~Zx<){SLjTpjxKTg4zo^Wx1Z4Lz6Nzv-mS=>|A zm?lZ~gR8g-_ch-WEpdB~rnjWgLERI-X(SVqpWUo&iw-mf9!JrM(LCk*BeurUn)HXtP#x6OJ^PrdS`*ULZ|I?*#KT+whlK6IhlDuKf&$DaDd2K(luH{ zQhr{+B&N#Fd8UY)*C_~|M4{h!t&}Z)sDkJ3e*vQ9#a3nLkmvw!u-tFJ7xo?_x^Cz3 zy3|1QG4mp)6CU6M<2DFe@&a}0(s16JY`ECuK@(0zF~3SG3VA{Jhwb#2a}t%YU|(D2UYg#PX>q@%shaJV=jR7@i_t zIjIf}`B}mL_XRdZxk3M>Nsv2h1!QVU(#rnJI9*>1Mg3nf5q0^4FQ>7is{(gV+eO|a z$k3NQhuF!RLF`#>1oJyr3}ZyiX#IEsr%w$bZeRusuaV@k!Mh-Re=hu`&1}f_(YRoI zEYi4t?8myW>P(ko%;Df4{5v)gEFA~(nZ^;IKeU2P%GSeAnDd@$fZ5DC0_00VQ=pw9dl_y~C{@0o;|*2aln`Dd_5+ppqc zu_jsi?>STHNkj{MGwvv4zb+pPz)iAFpkK2RjY(?t8zpKY_y~nJE9V8jSB)l8~cMF~f2oIeoSUP8HmDXuPLM zU7SbqC6|lfX;vFN?TN&}!t85%wk+T1KA1<9c93%KQnY^9PvYe!5RIBHxHohFbezg% zrlZoKbGIw{pR_0U&s1a9&`ccX--lOX1=licWaVU9!6Dizm-PMIp04iK}m%3a2v*p!VH8k%LVod%qzKm9B~e zuTeN@)Hw)}^Bi$itQDEqCQ0plzq9^wY3^rZfe{xwh@Vj|JS~btbv<*Ov&|2C>R-Ua z{V&Bw@`6d>?dKT0LJfy_moi(w1lEyv2{(%ebNk!`@h8ijWI${bEcMuep8s{iV8iRs zdSDRMO^l#&Ny}-9qz8Z1J&fK~(WjbIyT}p0YFzSjF!vc*2}hsK#=_kJ*!lhn20m5b z%HQv>*u8HdBt3%38;s`n_L^evz?&eI{*o;}HyNg^s=(SE#gO7L2ka)F#k?h>U{r+) z(-HVkwVF4{mb=@@n~Sov-m6_yZDz*KHmQ;5!6B&i&V#;~+rj+*JrHe*GADUfdvVR= z$IQm0ftdsw(C1SY;rMHr5OI7Q*%vwur)?cT6TdD&=SA1yq2L&+^iRQdWlbpZOcaYM zn#sa^FWlsJiEMq}NM6i0rbf17d34&Rs)_DN&@E&$J;H7I@Z0Vb$ED!xx@Bm$(1v+$ zuO*ii#gLaA3LCH=4sTt+S|1A8Vkd!JD!v3D{eayYJer^Di)IC;OkBN3AFtWhLguyo zFkSvRTvB{Q0!TgBr^(V}4S5`V=^h5^3)$aK|3rl|mh<^nZm;ANf? z4ko+A&rKWf=#zD5sr(og%i59W|GuNM{dZKWjf0;)L;2Zhitx^)Ks>=-f?v)}!m}@a zl8%;0xUY@kgU?n|8HY-ushbX?6p~19j~wij^M-I;9XuXAjt<`|3nu4Y|y0f)SvYj+{WI6gF72I&@f6SNdNB`e@w>n7ywN-&_ZK(xRp4vOl>)9gL+G-2Bj7A>X0 z_IoLbMCY5C?8$E8Q)49L0>faE;L7Pcz8i;_PlRHLe7Jk5oiu!!O13_AgUUY#At*|p z?pt`1Jybb{m6y$!>wJN;sU**i_-`TMVU%9jvlPOvOVacC4kTu97=+7};*YRJG$mEo z4SMeMYec)tv!A+KFpNHsMDOy$~p6_brBOMxYK;k@=-JXxRx6<0qHWhW~<-PA{p?tM*y zWpCi01{J0 z{#K8zQSZe>J877>t69`}q8&1o-QZr~Xe_Ip%Urn~aK*!W8>hpM4%o%^I1lFC*)znS(+l8N$zJ?Klb~vmBR0SMfseT%`0-&5E=5RMDKn*5m+w00=ru98<<*v z@|IJWI4KZQ_wOdF1})&PbTe??<}W1Dtr%0>yy=aA??la0gBQBmutu8#nBcS-PaSwo z?C*CAikMg&D$~_yVYDDQDYmO7K-fr|^AE8RXHalhFR-h+|H5D>07jCFfqR z66rr~5tApyAg!V=cwuLwcF;*2UL#~}m*k?U!6#PnUpU#*{g6mqSLK2X{fpxxbz%I`tFWUhk$JpsA?%wrP3pdegBs-cRu9U0Mb|+^k@xOAfiR^C0+mz6YbT zB7R64=2#rt62-c&G( z2uC__ah2!LBQVLY3R0I#vWCgA@TE(M>y!-UGaCJwhDs?Uy^vxS2kiLH$ItL^rxMH@ zX2U}^-eqglB7i(kU_HSV%<+cm)HW z2ht0Hb@=X*2Ys{q6g6+Zi<&=s$*2*_=xtRc@$^%1u#Yt3D^V5x64yaz-8iZnGXeDM ztMMtWC2QA2!Qlss+1>VmkpIwv9~O93X%|%a7LQ%{Xx}^7yJ02!;mWXmtBA|l*|Ht4 zwcv8z4oF#3fm~jnzPUPz6zGiOTAMA%`wf?I*cBmz`7&Tk-Q2T1n=#M$;D*O#hvg|>i}t;vzp!N8^&f|{7P7rE=s5GLbLofOqLi5Nfp^5 zx!)r}Zj3(Mtjy=-`iDTd#vW?)(lMsb7b{0e@W_9H|5@nrTmEat0QF)r`0hBeW%N{rj4RZH|%u)$Zhx6B9!b2~}t6@-B_!O0$c7ghk zuVg^D6!S73LD!B@qZSUStfkKe2Wu%~$hTUuvvCi)4BiHIK^|nE&k{&6DO}tYu;OkDdb$d0l*J)?6z0L4Xq5;j<=+ltgk!+UN zNP1?az(rUv14kyDfP1-yT-sv-J+z_>p7%$w9VcEh?e)66KRXS?=9YZ!trM`@ZY*Ei zb{9x|AB-!1%``stW2wSCD3)Br1IA3D51kj_g`-zs>i80v*7lQCJT;{MVmQ1i*P-oZ zt4ZjlIQ%cYPkc=~8?L>6jpg^{dE-fa?&Uv-zLt9fEs263%4I0s*EoR5-Z@B=1!nfn z^Gc+{&KEMCT*mHM-ykYcVDD)L!Ny}L)VLsxIoHpEsV3K0YMTL3KO-%$L#*%!4WN=U zB;k?*N8RuY9=cu|rViAg8uyJrQN94(pD$obY&^;MqE~F_;n$!eyzMSDR6}|4C1zQm z%QNq<2G`($eDr1E9XH_tXgwaw*DWr?@SaI*@xd~%dNPJ8eXeBR>ThFi;TUwAH4K|? z+0)_X$&Lz_%(3PEA7;1Eg($1&!O;&zWXL0TsyFy7WZU0{tuD{V^R)+AP4GYV(8hun zCR)&U;s$KW?q}cS-{Z-7Z$zqJV=%AsFB-OW2<){&wsoBb_w_G^$jgo3G_VrWh52xN zeJC^jxC|F;TaR9nUU+YMIaEly@zi$$EBTfi|333Oh zKsTDXGRRW7cjMB0hsb6>>6PTPCrsvZ?l__&l(IeVFP&6wg_y!Xv;6{5s4Qb z55n3z&X> z!InL@Aa+_VB+SbOeArL4c-aJAtHyJFJOl#U9)U%{1T+xXDOTN)}1s_e67GuhafNxRIyiuWC+z|MQ&jh%)xzhD?#a4E)d zazF5-*9{gvfWU+V6PUguk)H zrH|y%o^|NuZA;uO(=k3LLF92(ivA9LfDQf8sIxu}Ee;leS4=P{ocY7zS9#Nh+li36 zzZ$lU5?to1I`CNSIhb>KHFPdM#x~D!I3o789c$$8}d)4qr~uqc=&V+?skkJXFcw~+XdF-*YP}1 zEAvE&+N=0Om^b(pq+)ngsJKG27hVpT3BiZP(vjX)qRRnlv=tq}X2lWlo|bR$;aM}= zRgRc?I}~d+?t}hRHLw`B5$9B$1CtA}VEOkNHa_-Y3MZV6^|d=%xG?tO)xAt=e|jhWA)w+Fck~_CUyDwqxat zLF~-_G7?_D2QO+k!_V23aIWPt9_$zfQ!9E%>gq$P6EAN7j9~N4jQiP zMg^QN?y2WOpFn}Q4;M2wU=MWU=}6hh zP(L9PdZz1O^|2T1*6984@mQ(IX6X^EwGq5>ZR+$B-3%JTwxNzN!}fY0MQ2}~jZ>{w zK#sK!yGdK2wQUw~FTfGGUs!O`2>h?J2u3vci;Pd763u+l1T@>J=#;qz!_pon?ulwrECFK}P7oYhYog=NQt^DgQlW;oTheMzHS?-UTc8+Tm%Nyj{rvUPvNbf91evZ28$^XL$8M$8t$^hX~KKo=IBc_R{Q}=D_t;a zbu9$)!F*vwI6Rj+2fODf#ipYj>$y!d;#B zpDAX2V!=^%do`$f>hP|iyW!N0daOS_fp5;UhjCBbamc7E;t%SvP~Wft2RrUTQhX8r z#>c{&`+w2s-c>A5vS-gi7NC(Zr&A3bLTtMX;dRw&8r>$M$_5+pRB$G%d$$*-btm#O z*?n-&^E57u)8x(b-RMCzfz`A09}Ik_#%GtGhq+oR%v$al34at19~6Xaa^gvxqFW93 zcQvAqQXf1?e#?>*Yw_%eG@Ll~57ex^gBnl6F)Vuk$^}c&ly8l=FIQry*y&3Tp3Cho?%pP;hVp^Bb2ZT5&p_N-sN%CTIPieA`Ys z$KxX6o_ZYI~<0Z^XuMzeLg`m-OhF1?b zMV`){gugG2W!hq2v9rA)&(OFCPQBW6VBLHCk$(=ew6BX(bPLFz=n9cntQ&rGi)7#3 z4wIQaCS-AoiFnK^7yfFH8T4t$a@+33WSHDv7~ax`PRj&8k&F?4ZKTQ_#S!G~FAu(> zWE>{dpCfCpM2dVj=U~lbMVz?q9KH|y!D_Tk(If8%x_-RF6rNer;2ojNXxA8=HB^pE zsxK9szTH@+W<^Si4RGut8Qc>146dlia1*7U#6fsx*Vv7uKUzNuZpH$L)h~qY?h16- zw3#UFG?Pr5lE{A~0-}(E`O)KqUjyE<_4#|rzG}gdTWUbd?fw$G^HSuNek3-=0BzKM zP`y%fve+bb4vv#B=YI}JV4?IT607nIHyyQs)WOd9vT}g9Y5f`O{@ez}Go9I{qZ#n! z4?%;Y7{mufo?xg9S&G3$wX8kT7NmrY9ZQ#jiQ+&XHQ&74n|ExnIPrTT=v2^<9^tAtiEP8Rr>y)}DFm6hlLe3C&}XJ9E--!qir;g=`l2j9q-lUO ztcYZlKZcA7Etu(X0!Gd3U=@AWq2;h2BvmhPlrq>w?A?3CCwp&*=K61Nv@TLXdEaN` z;v@;yl6e8j#kCCW75VN5V~B_RSDd_PA^bxj`yLVtWwxPUbXymH-rp%?@x%GZ?$`K9 z(F#*WGSPR5WHBEV2g4SR;5S|YT>|@Q=|E{pM-{Q%oynpj?HwrR^9RbG$kVD%B`{Y~ zlBercvZ~p37@Vq2x64@Z3(GjT&&$BN%Hz;}x4}`<<)rxGo8gfATZ~#VQq<+zHz+Wz?Ctj zWUaCTq$Jgn^0ZyzUmd3OYTgxmcqJ58s7uf(p$oBQWDNe(xda!MoFKm(`|+Z56GWsQ z#`UjNu(s|N$a`t>_~u+l>ZrvyVGr(KyOaj?o)PVL(TA@53uw9h3xuy307@Twp)++K z3^OFO{;36iQ`Cl_cc)p)n>AGDhz;#oWJQzhe}T-Rhwv{WhHa_Rpoc@Fd5mZp?frDs z@s-#bPL2|j>wkU{_p!3f=cqA09lHp!Wg@PuPb|P^NZUr1@q#o*XfTPwj|>-OVF$iPS=LeVB)fU0=Y^tl{vnVK6QJFObii zQ6f0Z^YLV#1udcn*!-Kp*stYCeM?ipqUk$+=!!sR**Ma`TR`+}2fQ6{MI^nsfw{;O zle!pxcq4SWmJIG8s}CB&(LZ_Oa!E72RK#TBl4VbT>L3v zA=E`)cO0gg%7)AyNavjBM}NFc7rQsUw!4@kRd0v7eI@Vn*;s|)-hN?w&M&R#ef zk9`xoG2?4lQ@sw%v|k50)0A=bWGUFxk_YBql{jKa5gE5<3|by|?zl2`2>&{(g8i$P zhXS$@W0(xasLjJmYZS2{$c>L5H-&pm%fqT8VUQ;IlsWuSCC!UUp#OkB5_?T{xWAaq zTUF_Js$G)|h`EVlX4vA|0Bw5upqpq$^$33V!4pol^;E(JgSpHJLnFJesC>uAh_>&G0HBkip6PHlS__L%t(EzTkN))Yiw-qV9Abr>*6sp5+HL78FeG0))}528&e6Dy*-6JRWJVG=o~nXv@h>6x=6=*} zeSp!cPr>LQWitMc10CRKO}_tFL>5gi1c`gW5Vm*}xk*g3lkq7AaA2Ks2ngQzsAO(?C@@7<7ePO~tNMa2y`P?zB&)KLy^$jzjC<(T*W> zlE+JNjqpD?Qt0qDzFSGATbPSY=0(CY!kQl8BmXb3RElxcX?ON;s`=3hVm<87{b(Jxf|7{NabN?{irjZ!%{t>1a zo`>?#7IBkE2`vsw|V?^K{^E=u%P$PcI%uSByLK*iKVc;XTv za_l1Dqb1~4lKjNQqfMyZD@TktsczQ=Ye3`ZjW(ZyPvy;4OSCkc>G)4`^%A0Z+=T2p z>j>F%8;E+;6#mF}41W?nkUpL2jSG5~V)O<*{^kTBJ3DnjC)1F1i!ZUB9ZBGwBP;l| z&%vd9flVI&0J2MxNOq1h^lQp-nq$OOqn+^Oy)@VmUPoMGwQ1|z8Qiq7g^iUt0{QN( zOv@>W4h=tylD^*|!_yJQxtqb%H*t7Vx&rI&d84xCdsbxFLpJ9;$Ge7I@c54;)P@YC zv!dTX{6qz@^LBN5popSWfghMiY@=-OX1uZKF8lk{nRMM2+<3wD82|MNJB;_1WO#p+yf#d=+UgGe?D@dZBwYklsC!jf!2jFzB5M zwse0ZAKvDO)Q8W)2i4_7df!pfk&{X$PYlA&tqP*sKDyv;{ZRBeUjqJBFC`8e+Hgtc z2oiJag*dHL*1eyZB7z@w}-?4vjD{B;7d;~s!21vV|Rj&xm1R7BesKtKE*9hZn1YYT5M@prlXmY z9_B0?#jmXKg6pO?(ZYO|xJ5?HhBe6J)}gNamP-cul%(O*mSEVN@*LaN)#BUUbhx_v z9I>@N2cPT{@sHYVQnPglA4|mWaCaPZ6zP#q+(ndf#T=?Fr{a?aV{S26p3zK2+I1up zDh{cT0Uv)5$<>3o>)9sO)BZ`k=wULsUN8-H1ApMlSL;#DQ3t1)Yr~zj6S-=@Ln8NS zFqJf1z|s`Ag8j@aoD#Dba4Sws z4NDIT#mlb8;ewq77O+pO(kTUB+bGlf_Upu*QJ-Of>}399WGk+Ct;stY4bWrF6IgyT z3}xD`pvt3L?BpH^-Z4$tAuq!f7tXfi_EI^dwe=*+E;Iu;uZY9H*TXhV!S^@$8+nnE zE)KIu1Gx*k? zWLl{vbol8?mU^fRKRfga3|>9FFSiQzCrMZBl@W4FdQ*9KO%|yLxrFP6y@6!)<6x4v z1~Y3$(6^yCz+~k+k(=OeD8HABcIjm>%z6s%c#f!ZVF^UXC4pL+EPpZX8r<2`0uSf; zfxXr>jQ0ji%KVM`rvd&R5aDV|ZLTk;31=)kd4SCYaoZCm81=XYpWQfvBa zKY*%@9NMoNjZv@G(yMZbLPn9ZxxY$q(YZ*RIBJl%Xz3_aJH7*-JaL1)mPTNn@fQ?M ztr0vX`uH%+fT^63;@|ssz$2qM_-;fmF1@Wq^Y<09hmNJ-5p9G%8pC zse@O!SMX8L0HmpoFn>5ELKH`51$<>coc*#$Z$WXAFajKZ_%Qo9NvNTRw2vb zwU=G6(T1{R$;@6c9tz6s=^QzESgfQVdg?8_iv)Mn35W6Mvh^R4%B+PHjYa&zznOSx zsNjjnutkT($#7<5pNe zCy=T(n2JIt40mYUSc(tSLIuWh9KI9YDK58-U~H`|tv5Z4y(-UO=4&UKHoFNeS^_Xp zI4AQw%kZ6hIK4aJJnKFr_+)n;gAp#B;tO&wn1$UK{%q0@*zIpjbEn9Ql%l}n+DGXF zE=zw+(j+U{U*YU;A7=sSGT9Ine*;G2SmJT-HeA1=M5lHSfV*mk@tWIE(7B*N0!s6t z-6#PgKi0G5%iQqmwMYo?6*zbPSDC^+S01ig3m-Q=X0^_qbX~YV8T7N8%qXgcj?WE{ z{MsDeUoJw2Z&T1|y$31;wzKs&{yM(x_<`ykBXGJ@iD+=T2JGBF4|u#Lzj$O2|8};| z{$$ip@H45z!lZoSuHJQsY!~OONOzxRYF#MV-hr94@T*|LT2yE99Ftg2ZO^V z2tS)5*451sd<^MOIHU?j9$if3(yU=>RvO!Wtdl&cxJlOd)BEL21jnMg3q2;tolqO_oLvEgCN}okMNKT%PkB);Kw(d;DuYjF@B(QlJ zbSY%Sh?bpgMD-E7Mb1$#MNYJlJm+x56>2bL`5D{_E70=AJ62yfOknRz(8M2&7-G2`F76z}-ze_E zva@g5{J&Sp(kXh>FU}pET_Rv#$a!+QLC9}UNQakZwnRT$;3+-+4EyHaVURSA%U!sO zXJd=uLShTKnX66b=sNIcZA#pKgZC~79bjf9I=Xfj z>3$SKs&=+xj%Ez}{8tQq2A7HT`U(uI-c9F5C*h;RF8U?eZX+c+mqV9pO;BD%Jfrl9Y9=1%X?OS4S_Rbb1~XTD&ATzs2L~H)$lk zKAkDZUxAAUi?J%rpIu9sMiWOKhv3<6kUB+hE9dA!+|k82S^6})Wl!M0Gmpi^v0hLa zwFPZlui=Zs%Cy{MKFRYqO0tJ4P^Z{xQU0TJ7#*z)gUVv?f`gEWUU(BG>)ysG9~R)m zR23HYC>H0roMF?JbinZ`?{J4y1I#TE*qi1jFy?t69`YT4d+o#6^Ji1g@~R?~Y|^Im z)?=_(Cl3K}DNtrN8Xp9<3VPK9P`@=B7T?Q`%*T5ZhKVQW4m$s1m%@{p_Uz89pS_Q7Yd ze}@b{NwFq2;|2CyZmgr+jXE+kZZb5R>VlufSrAXYfhXnM(6%%UdQT|g!5`nSQO%X# z7+wUUoqdIU?sIXg$5kL_#=^A^EAeir1|6`@9(|&dpzhx!!3)xh!~OO7znbAx(anSx z52Db0CIw)buA}iP1Kw(QP z=sjdaG>)$8UxfDdGX%!4KMd&Xz?)JN@cNqRFmyr+{x{hTt>klY*5Y3{p(zAy|82$P z%Z_0etA&YU?y?h#Kk)Uyx3JGP1ol?Wgy+JymsfEtcCC@;>m*9BEZ+cEe=Ea93pPRZ zjT%gEK4+J0_LL(%t#7xxSg0cGy6Y@>uD=#tE#1QooJfH6M+K(u zD$eZkKI3Mse6pk22BOlU;rUjgGv0Z#vY7Z=UADDqsA!R0=_AiI5kv6|iEvFD%A$-3;$mQT3!_q zxOq)P2+0yyp5H<9V7kKr7!9&sCLm+i4L`U9jI^Fjt>!)=HIE%|sQGYkvM{ETZWUf} z?Q$U-f7!zBXT9Ruwm|k_`!c*J<4iAA$M7|?6S-8^F&yb$#U^?zA&L#xDsxU%vTuoh z$%1Xl^m0NCSRUCyhdP@&NsRi5i{HO?Jm2(1TrnaDTFSiWgNa9kXUj&m)om(-9G;JP zvTe*ZM2Sjkj)H+k{$f#pusayOk8HZ7feQ@JiT(?m2~W0N#3?@xlkvx;NT-JpmwNb7 zWUO7`l+Z50C;5HCPePWXCqw~XU5#J~QKk5(<1P+4dn6qci`vZl;cXbPO&*r9 z$DrEv8)CzBopQgu#PKJ05bOS%xND~-%RUq(8hO|fvUi9f;QU66bvB_F8b>0Ty90wU zh>sayBjQcnSbZ!LWpjE!WpEX=yw~8_KYu&b{EdTiHbRyGjj{cd3=HYK3W>{aB3&ZE zW8K71@$rgN{X3yA@md`+9Hgo3RB4*I;Tpn znd)^>?&p!bWW;cs>1MzT*QlXZRUPX!m!{WtnL@{*983`IkI6NTqTsB7Xe8V>#?AkT zFE(BW`zYaGFG;AZO%~m%*LQNlXO*^jjWFZQU;K3ZFS#>7jv0zSl9coALgum*C%oQF zgZzHO{kYX+{xv<(k+u_gu5^#g+b{!sJyOuyN{3GJt)y1@ z`Dj^S4f_ruCi+Ow>B3DYk(z+3Vk}F#nvCU&Dm-}KXgG2q9eZ_02;A*iY~ab+STOoB zT5lXlS0Ap1g0-L6?4(89C?b=!xjRGHRTp?T_#W9ZZ70#3zX)9f2j%xU>DaNT3lG{` z;=g}$sLH6xaQR&)nEcg2^W&!UXp|w$%X*1buSWCOZ!Y}B;}0anX9V_54Fl^ZS487J zID&U(p3~4$XQGgpjMLkj*{yd4IJj0$+?)Fyq&;?uSJ!0|8^~W9kmuNFZUuh zc8-9u6Y@0miUnC#C+xPuU3gs58}fB+GRy7kA>+n2M!|IoNwj zO5__hke3hnL_TTMkefR;v02@l0G-ug-q20Bv(N$~|7DP^hqnNEYLA8&ra@n@9eW!b z3I;~PO*pt&9Dme-wlF)=M@~RMy>L&Mpw51NYKFNnBe|JP5=MT{Xt^D00}I$x>D0 z*yVz1b}q|^96YavuR}hFQsy<0?vLG2cdr$mDJf%1i#~1HI|A+qoaXRE6aM&J4fJ-b z#BWvUZ03V&sMZ^cQwLsv-S)%i(Q*pWMj_y4ABV2&%VU1baMyEXZ`fG9k1B%GO=3*I`a%^Y0cvtfo$G1=V= zB=31}>xKluZ7jw$*;y=`iJW{FYf$~9L+si3KTZeB3fU*~i%|IZE(G11&h6j|yUOzL z^sXL(7nuc_n=azp>l*yKn>_7*6$(!uejqbk*Yb~nBcOKX0TMLph^S)P2NK!#4yX0a z#xD!qAxoIY(_5u!qaxw*Y3G^Flp8oL?FQojqCi2Do!-fy+Ij+uq~0>SZ7<+Lu{r(N_7NT=e*nAnwW#sPkZ*Je1HUnjG-iG={+zLo zJ~uu{LlSL4z#%|KUmeKzY=X(s2Vg~ZBkp{o%snP=p*v&z=z~3tWW)TOxZ|}2{8;mk zoqp!UjXj+Cqf2{vtaTvB@L29XY#GG9HKFz)^GLx%ZC_RYgh4zfH-z`p? zEm}Wc6O!V)*~jUB*v^fI+57Ez2M*c(fM{T&H(iP&zslblYhF~z90P6jLUv_t} zL%9Pi;#K)INEaoX2*#}q+T7T|6@`l*stFzXc~8s0cF9Lnw8+NTCKW0zFiZ=z_QK5h zSs3`f9%lTKK<~ynafFK!-B|C!l~b=0hwT?(af1s^pOGkV-)Df~zvCE5%$e?hD$okq z53{$WLEs-nvC>OPy105T9#f1WVf9zxw0*qD$K3=MY_nz|C7)T)irehyQ)Q~LJ&|c_ zz6CBWhj78NbMXF>1)m)@1s9v9Rem*n!>$)Uf_YJh=gk(=PW$aRQ6Ua3?4rSUVK~GT z{D(enPUySnqwur+hH(q)$Ug56FvMNRT-X<5@!dS9dNT{U&{>`S>~4YAG2vudgcy_y z4nmK)5{`XZ!{i#r^Ah{16jRjLw=esNLBc_NZTE#7In#*$)aT*8U1m^FH4KN&+$VH{ zmeE_CN142=8`u&bnvfy~mJz>+cexQ!`=my{JyYek@_gCx#Q`7+3}=swB-t@ZkAyUrU9TPuuKm~Y0(${C19B?$&dKNVMp#IjCSuJM}{6C3iFJpaALp{5{md~Kr=>< zwqeC}ui25mdQ7uVl@5^JB5Fv9f{UrS;-7jtJm5|g9CP@K2NRw{=-10=Q$82psH|gd zN>9Kxa610g^x<}8)^vNqIc(Vc0eaW`B+)@JWcoxK5~@~!&-i$r^LrLwu6#;h2+f8C zBLt^mh(9-N5%y|{CHP9n%sz`dDH^Gv3I*ynp!C*a=rs}UQge6GB%=ygqTUE+XQiT( zwGlPVn}}ih_u=mZdmcJz3O#mQ;O>lQB?G4k`C`!+2;KWv_~sozR(eFREv8F_S@bk} zqv%Zsd}<+KlfX*_1_M)9?QGbhw-{$VNk#N zBtQAbkPg+?pzWFZyru3U@}d!Zui##gEO}qqV!oBnZXQpM4vvIHM`B zBhmdk@%?JSZITzwG+rOZ53X_G^j4Z5(o*BOIWgpE6uNowpYiYyXTFAR!0y%6 ztZUXE95N#wPreYGg>`#qhUgGpeN_lpy^91d{tO1ycUjs4e^4K73jO8fu=KnH-&J=R zx4I30ksJ1q$K&&0w#P6&UFNrVv8pWhySo!w?~Z{+rHhzV?;|?2=pf9{D+HS{1B6|b zC3Be52DJ(cxzPZ7m|;Gdj!irdpL<4eqop<2|N8)3mUu!;aRMA0pih3PwLxQUEKKx% zi-z}VVO;WL+Vjv4;uTNfez_w8m)Mz(^>Bh_&wLVbWdWTkE4Yrs3q(c2U8z~K3&(Cc zD*CPUPc*qA8nS=s(fyZ};!&SCw%&0dm-T6YgFezUKl>4^I}ne@9Zr&g|6bsX$$ugG zqX{%c?#B_X!(mxB!W7d={5RWxcey3Qk+}_IWmyVx{Z2CD-z%}LSdSYdM8olU>u}bf zO3c}_nOrJrXB)LI!~JpNmxwwv+jklYMX7 z#P&KVy5kRO`8n`p$r#20|3huLOjaH974IrJvf&d2hhw@WPq-jMZG5Eon{8q|cV(he zYg;eAQp_P96Gy=!RY!hN!Uc904&)m3c2M=#lAeF_99$BYh|P?KqbT_Saf*9IzPl>( z=y!#zvs{KZoZblG^WI|Rrhe#aUqRLSx8jznYV5MN7u=dZ$hUQ3u>Ne%+bi_QQz3t} zN@XZZ9WsP2`w~RQ7m4x3VSB#W*OA@~Q=}eAkHsRrKB2=X340|Y(e3&T^1w`&UTQx9 zp=BPF{X{U*38j}bJBioFHi7k3fj%$3qO;^~h;`6}igiQyXx%q#b;c^9{;?FN{d_~} z!{xwP`y1Su_z(u3+kb^yU&0N;{$rJG6Ig2L3CN#gQQ5maiu``NivF~eg zA5ZNh5v67D>*_b5QRS55z=ZDJG?H##;Rqpf?J%+E4pHC; zbGyRmwL#6yPDfApd#}egXT#|Sz47>PN)%olV#hqwmts)qbv!!8j4ra%#+;xp;JE)K zJlJ)bxpvo(fv+ABkFA?oujT@L7u>=|U3|ufVzt=q^%iRN{S;m?`v=j@;n2ABuK00~ zGJNqp#B(1dqEBd(=u5gPyI;M9xch0-VR~86an%IMf(}7Ta~GRCApz?jgz(v4CX3B- zBVc<~4(Ja)K>3DHxa^saCmojKy%uHOWw0K1gc;MqwP%?3^=2}?ecMz`<2zHq<#e{-DbfipOfTvmN{bA&C?({`aLxH->P&k8pnGV z^s!hSjuW>Az_T8KnbLa;cFsG(Dh_1PIL~=FVfS!eYA8*!gne|>Y6BeXWD9d$ENQ+~ zi}|3X^oG*O<#<*Va1x+4PyTopGV0qk^1YBBHbP9jR5r1(>w429&fGVW{CK@vrt+ z&}MCDs1OSY$D`OB?|Sf@c?Y&B$y2HIiCF%?2pl@^z{$mid~K={n{-&BGP|rFZO55n zgX~rukZ^_sRF#P}dsX4rk)s%*lM0RxMqzl+Ag5F(OKcf8l(!zv2g{h3=)S-kQ?mi4 zXr01t)gj!lI-N{X$;HFZpP<*9QFPwB!w^2yh;N8+#>9$|eB!ny_77F*93Q%*4I$UHz52Hng_bSeT%ouGht2+n=+!{>QUrHrS9+z0kIl<9X z8cL5l1n^0_dP$$vc4m7(gK94^g$B+NiDdtt`{cp+tzhe*hjZ{IuF#%6U6?jVz249IuBzapm`SL4G6R?IPZW(--b?b+Hn7fCBb=rCP?UPTlq?)0MJsOA zV)fM*K|vOW2|T=COS9n7!X~!bFPk*WNDKYz1-PY$h+elj;iupF zu%@?2G(mSi?3{fUvfnJnx9J+RZ`ca_Pu7z9t@WqDQ~}&O*0D>OTiLc((?qxb$%EX( z!RXpB5AnA(?#~qFuO*G5rkS^4jN4O;b}fgrHE-eXekb8a9)hp0HGq=iHOO+b|n~Hl?B>150KK!gR8gJO&fHgZj*!XiR>6pqZ zXt;hIKGK`Rm3kz2p0FGG&m;jaU(n&FxfgJF@Xbj@-?o4n-( z$9*&Yale9f8_V$UcQ^El6P$hn4zO`a$)I&4760>7=C6dD!#Xu3%-{4F_rz1&UACF< zGduCkV|7w;ZZf*W2_DICby_t@1*ENn9hvlVR45d>wKK!T=XLVoeRwh1x5^ZIs*{Ll zx-WWV>>`7lc0-YcDy}dsCE;^du=ZibG@(!u`i7;Em3>EGq_9^GJ#iJ^Wn}`>H|7(H z8_=EF@b>Il7Ovor71Gn`8ix{cCdFJ}LUoWC)i+VBwF@^dh=U{5C2W=Fd{&w!%YP~) z2rO|;sGHw>#aFpg_&xa}diFk=?e=|w3k!zu4_1xvb6x}rS6&F`gfG?khIvoq69 z!?bTfc&f%)l;0_VKlXpX77c;Nq!kZKo0kI}TFaI?iZLhqIp)T>@K?i?aH-xbdgbF` z>^%DsQqQL_*VAUC%0L(56u!W=-N~4I!5tPD59PTA3n0U1F!%EJ#jmSuNcd`3oDy4& z0~fTz2P1X1H7fu+^@QE`s$d}pqQn1lzKh2#mvJ@4HrSPK%+8JgI`d!)HvhK*hF^^m z%UO1^6OpAbT~UK;{>gLNst^u$n=ix8O{(-qgBE!ctO%_U-lV_#J8;`fW?^DTk4oHz ztVDt5wZ{s}8&$aNoHJOv@)s6eJ&f0ONb(;dUpSZCD%urj&bCi4WOIV2vdvy{h0kqXvig$I=zQmO8>|5$Bq-a)LKkW`3xu@^@gODI5070s1%xq@3mCv zn@iGky7vfJUab)@w*Ln8Nqup{#5_U4w;C(!vf9zpQCm)I`1hD?9IhnXEy zr0!qmvu&Z7^jUNX+&5I@g+Ig5nHf;2m8I~!a8bS@W?jJZL ziiT$!q4#Yv34J3473#}LT#g@BU-~UT2GdF2bxW@AejP3LcVZG-0{;#XycXq1mwqk> zAAS(b)?X7nd7Ff*N;dR$RUcwCG1ekML3Y5Lo3-aEVI8xMl8ApQ*Kp3N!Kefaqwd7dvuT+#NWcbDeYJ( z8i<-xqWQ_-XCm}C3+6kPu=QK>aM!B@SiI>rt4wPk4sr=%x0OTSMD}~~B1W3)IBp;^ z^J{SPK6&1};W?~%?1SxX8iEUQKS-{REF zuMzwQ;TOrpP%XYV`#XYVK9Q140WWV)FhATQ&cJ<`^=kz2+$D?iZOWj1;W5~B{xO<$ zMB-=(52yA%Y5GjD1sAM811pvr&@(X_-0jLhdVSV?{BEs+#>Oh}qO*kTb=0Llf4w1F zQsc<%Rn{~^VBh?(isqM|Y0~#{8iIpWnhg0d2DAJ;dG;QCaCDL85gAX=LtroG_~)V3 zE5S9WBLT03oy*aIqiJ?R1T=kE1c8GuikEHkXUZjyq2JvS&wg(t)^#OtOl=j3Ut>kj z{2hbQTiU_lfec+fdprh&J{1ixN~j!oVF=9Y7uZo5i*e}PPohihH<-@O4vhTlj5mD= zw+@sCt5^+w_GBUMHCYQ&c>v1%k)?YS2lBpcFGSapBw)vZESU3Bm91W|f-Q4MVXIvQ zr_{If@0*3!0&C#&yeaTF%?nC1(hyfKg;j5EqvBj8oLyv&Mcu;wHP@JG zc};`$>q=pm@Ld-dmrn1fFp+{~1?+p|ikZX~{8kT!e9c-+(Ems7fA}P_@t;F)x~8y# zm{l;ad!}%!{ejw=RpedLczRDpk=y$Bfo)^5*r94W2{@gCI(z?#^6Nd(X7oE$FUiLS zml*W>FaXnPro#n$VYa;`!^d6}ILB{O*;c!1^1@^rY5!!w?SmxgOU)|SJuO7Y%-lf7 zCS7)E@eeq<(irkoG*LF4vf-Y4SmAwVTwrd8cYNpbOrgK;yxW#fnQ2WeB7cc?j5Pq| zfVXUh4MWwCHdj^%KV+gI4Z@ZcyH1^fx8?FuGu;8HzS!Z$qZ+O$1QjV z&4-M%a=35%S~Ns4oVT1VgR0njV3D+stgjW^3jV|C@8V9V&vBz;Uufg@Px{nd=KwbK zc=Ow5i%_O8iq0wy1=VaqG_OwO#_kpvT6~$j8hRWT9|~tf_73FqgBo9FSArEE z-w~Zl@4-b+o^J3v3))4>)NYh9Uc7e?*FE1u-=Q%t>Fp5tmXBs*mbbHd;|vy1Era)K zPosIDCcQCC6;fB7VsUayFiY4&Y}$DjBi#Nlc)l6teSU)n%6`J-PIvI% z(#;GOE739ky})515_G>8V2_C-Ptz2<1uc5uJ^Yn;+2w=8#^elqE4_j1gY=CjXX{2^($cQ)|G$SDxLAdxhm zb)X58>&U!=zO;Hq0CWerlkg`GoFZKRL)5lJjncb7-z*n=fNN=g`A?i9Um(!N9^|}E!_SuguAF8L(Aj(FsNE^(*@_C-^xCcnWut&29=Q9D7X%m-AALbov`TD zLeOqq0xLH~vq9nx*fZlNctrlf-Xb+jd9Eqy(e>avOl;s&?>bD45$25fC152dWZCaz zi)J5uLHgbZzBc~`NK{&n3T_3&_hte3yA{yj2PeRssgkbB2)NPH1qZ70A$h5-;9ZqN zvzJQP=nHH}%ocdn`xM`N4Wxexd~p65Ptd8p46lmMqj1B*=PAWk=%RYet3KJ1jKzX06&*d_%~=9UXxZsJ>M++?o`8i?p?!> z?IG;x2nG7mtB_rPKAp~TF_iQGy3fB6Bxeos(8Tz!4t1Op62U56D`z;!F|iCM1lT< zJDwGuM-_T_b;lsCbH)j7-j?Cs66M&E6wmrZ(v-OGXKVjlhw-abd5V1;9kBR1CTa{q zJ)I|PMV$&6ysd=H9yx}BM>d8~iph59OrWa?oFJw@t;h*vFZ&8cyLqW z%IjTfpc1DW3^H)XAzzEtUBCd`*M;`4jf(sU^WuCra4*Uo+lH^Pjt|J4Yj zuVP^RDJ{{?jiYFF$^<@DvITdkK14;Ui`2FBCi=erOR}5d$#hv8IN1>gnU&S3(_D|% zxr6AsC3(;wufx+F!f~id41vaU)ccwQqN|rk@BNqX(>AHyrsucNvvL;MlqzM!J zZsJ7Q6bzA^#6w@+5&Lmx>^^b}y$+hOW4|=P$8|cM+)%;9PyVt}zp3PhPd@NR`*C}P z3OzLdWm8hbDx>)vgJoHtGpX7UsVpcQW`EgKO-)OCY&oWR25x zNAjsMEAVp434EBk6l-@X((MMP*bIIKitmfiq9&MjdNJEGZ*bLsHfFa7<_umk18mmsm8nwcz&@tFQ|0StE{8jv_r4kfG zo>*LaN}Mxk5nS^4MsBaZA^xlXu5#`qDgM1@HVcsICzXE+$OSh^cwOPb^FL_8qg@u5 zB%3Abs_ur*CvITy(}Cdo!H5o4xxmVbJJ9}%7M(Py6uUpX#>BGEko0aE_x!0#iJA>9 zYb=BJ`p-~1#_LK|#$9H+V*njnTq`y>Jd%a3wBx=a0~+*1nSA!wq=(J)(C45MX&U5C zqb8_TZ|ejrRg>yt3G^I8~Y$GgMrU{a2_iH$4j!@q;M%|@^+)1PFL{K zzH+ed3C2xr)p&aRMqGJLN!09elnwuDOAR-9u>`e8qS_sW%rh?>T7&1{GabGA4Ajq58znqJ3O;wES6i&$Mha)j0mm9XL|2Q$g@tk zGIkz6axRwz{TWVtQcEy?RSzmS4C13=<5`C=zf0|z0p>?D*#=?nIFD9gVaEOf#PaDJwnK0>iW{7 zZ`?3BQt0+wu;)(67l?;}Gat}7j!W6kquD7c%*jv^&n%DQTlX#lrBR9?BA&vf^ctjm zdq_f8j={4lWH9+`W^jB?k0HQ&Cjhk^<^DK{MRqGP_HF>%H_D< zQCrmLR)XBqGue^$@0AT>f0AlzKfdMK3D{Ft<@kO7b*vYjpB_20sh-G^Z0k8nx& z14awP(r3~jy6G;AJHXk>ZMjf2Z7|dPPlKmBw!)V*RnhebSGsw_Z=yT8L$v6+14I?{ z03^(WBFo3*P=6KverkoTm0mpd-6%YC^DjiMaff}?pYdO1m~bZx=ZU6+_~CFRy0YpM z%(DClEB00q(}%8b!^#MjZ?h(;FByoJh}o&m1(+(i9oD6-73E5+6T{6$RBl@pRKhWk zQ@erTAMTQbHx}@|)CLTj$AbR^W9*{q;m)@8sFm^wBU28MZ^g+VRlA(TXQYw2Pi7O1 zPx%mzrnJZRAzNCkNi$q#!wvUf7}=1@-nwnXM@wqR)UPY>@Ri?aQE(h5{M6;ft}*yK z?WMR*&mY<>JxKC}>0D$c2Nla+FebPO3WnKI8;w@>MqV3hO=~gYnFdewFTr!tvq4Tt zliz*agFF6tV&Kdl;&<;niQ_*hwBA1ujw~O@Usyk8??%gGiL4^*95sXj9pnDtxoae`v707P{w+;ERG0@?YJ;9G9Ees_w^YjvZq1rvz4=d?@>4 zK9QS_Jp?34@HgC%$5J0JlpdkPA9UK_nSgQ-O}zx#+>F*V+{c#%O`^FCEQ$WDA@tRnU-KYt9_yx|{UW9QU?S)*Gz_UCxkgI;H2bG&Q@Y~H1qDzXx&HqTH=!2oB+cFl${3qlVyida74I@RbZ~Vhd!HHNp--&iE8OiHHlwqE%Hp=#d;3Fdi?q~57 zf_G11r~9R7rep@(I;4psqX^s+=6m%`i}+;MhiE5T!mP*4;PU!Q@$yMRqNFd7=hnJ( zTV5wQt9J;bHI=xm=Q|kozzCo3ILB%go(S{Z0UBV}fGXPUL~qs!Jd*s2t*Kss^Jfi$ z9J2~|;H=7DkJ7@osp|ZxOB{OoeSyy57BH{M9L7qHq`ezf!GUu{>{hFY_Dy|GW`8_{ zFaKLZf3N*XoX?KLqYvJR7tTn4tUQ4glbwqfZv_&?g(K*)`WWc+6+@T0J1JVT6q|pi zp>&Qf$uhSj>-N?|?PyJY?Y5FBLtvS_xZkR|!78Y@Dm| z0rxpB!Z6n<^p>*lPMJ9s1}y)ETZ=7--X~uOIWoiP%nviNNZ1i7`dx(m8yduGw%-+8 zW251H=Mzj!i$Tx(>rhLWhpTsO0LLRTbn5+F?19X8j6u$K#bO>*W|S{#ZW#=n$jABnf&pqYXxXGGL!ZOvK=b z956g2c;4N&@$U-{K#fNcS^jSy{PUj!fiET52vU#UM}+;Q+8na0J_71hLt***mzCLz z#NaDr7uQ+2(GiyrE{ExeBcB}vPorfxsW1qpgl~hpJu4`nrkwNJ^v-7%o_ZVrZJoq?{WhA=R+3uc#Vq4_K+e&bt{ zQ@xJ|CK%oZnSH&Ou=g|Z&^<*Q@BhPJ{}gz{pGM&4PqFX|6G>ya1}R(nmdwbJCngpv z@$ux-Oz!Y7>T!XP#hZoaf{GH@Y@9|5M;AcY;t}+!u#4zFR)e$Ur^4&ONf`XLlwAmz z#ZzZ^f;eM5Hma4vr~3~4)JrK`S@RK1rO%^6`$$yYIRrM8pT}Q2{*t91o-@D0OQCw7 z1JpkkI`aKmp-oq=-vVjaaUJ4Xh7( z5BJmN!SG#*_%6pBQqN9d8NI;*TU$;f`#2Nu>SQo^cnf7R(uvyI(RAsqJd}Pkna>S5 ziyKz&#M2@Bh`Xe4&yHNeB89x~_f~;hu;?$|5%OtA`8$}OEQV>(0YWD{0}7*DMOr_F zzFCwMJM<(QPTVtv0VDfh^LQC1mADCAGl#&GDVS9rNAhzNf zxVVN3{OwuLyv6{u=IBFPbRcHTO@j3w&XLrUo-C%SkdHLmie|B6z{&0oJF;sev@Ur9 zK4yYjc+Fh#tmA|DDKksH;p=g@of*gn9hIS#aev{P(EsjMI|eLl7IZv5hJ86QwD_3; z1`U0NrPW$^;j9UD8mPo2N3DYW+aqC=L^U|b|6*4fyhMRHj~VkYK#3KHpi{Sj1S~j! zYB}-n)mR3sngzc3l{c_FAP0gIvvKPA!QAiZPP+PWsY6s{BbvR_hK(nE@PeNj^B=Cr z?I&Evi;q>{!SQlXY5R;Lwme2(uZ^I6bOKg*Mq{k)9Ts}7j{JN$iHq+yqrw#ot5m59t6LNe3^7Z8)D6k%fXOE-lLr3ta zieUKd^_qyUgA*&k+rwO0;{N<%%F|JP#TwM?H$|EPqK z@}-skX$d_A-*_@)wGJQmY%V#bHVBiVyYPLGfJ^k0;Kd*6(e>v*l$-1#atwJ(A{d|2EU34THQAsI2f$mx=bGydSoSU1=XBxbmX4Vsxq z)K!RQ`|3!1i41=n(}M5DUB#jI2wrOWgo7Tx5i1>NBL`lbCOh3mv55_#nD}--lngdP zyR8zu-*hfaS=k52B00(THli8A@7?d5PaufB*w3&o(4S+7)9NmZY@gj{r%Y7oii2Bl z(5e%t?X*nX8BoXIPB~mr4P4mfWXqd zcodYgm%^{-G3-Umc^vE!#ZL@(qDhk_==nNLT)p=W`EmX!v`>{3+{3U12)mlt5yt)izDz+dsb* z-s=PS&t7GS7W$})x3p1V^Dfph+i?F^Md)HlN(A5r4lf0$5|q&;lMonQZQ%-gQd@u@yZwn znsT=i>caZioIrOfU%wc>``r+I8!o}!uHVM?$nh+aQW95Kh9^xH@|>0w+8?eAbIs$) z@bp;B3aP*_%@=U4y8zD~bRnV+SsL6UxKka@;T3N}tM2~9y0TbUsi`B<{BH_f*A|Ws zxCE}$E=TPpr_gvJ zz>`+<68vGfl-?KI2%~lmpx3W8vB3NlxIkKlKQi-%ZA&v*?JG6h9y^cMM#%ErDYEp^ ztql10Qt*sjJ_L_u{)bO4e*tf|Db#Ac4Nsq%groK^<~makP(R{;eSeRm8F#?Jx2M4S zVn>{LVGP+b;XW>0t}ggujreN$|6o(Oguqxh4MlCj`|DXRz7*IPTdzA&wUA=r*&<8l z%HQU5{{p9*yincq6xOXPfbD0W;mMfiLLPVtFK(9PORZ~IZLTY9&5faw(;WHwEw7oz z-YYQQT!XKx$mgq9?ZJq%t>`h~AkW%(9b2>Z^6qpb_6|Q_deMGvU|Gf0`z?goQi7($ zyc7wZHP(7?BF%1_1REcx(-D$~;Mb;1YJ6rPEK42Acdq-uR@Hb=tvhklU+}(&oR0Gg zi*@;zC3m1=xepJ{?+_o*x(nZbjitj*k3+MeC*a|{&rq`{f@Zuw2Jbv9x#qLacqrw* z_(<_udbVK`UwuDWw5=$K?efpWZO-H9Z$ll3YplV&2VdgCQCW277j9ar4W1j(&kaH!abe#^?m@G@QAsiMO@W;#&qUO75lD3QE;Wk=g91s92J z8tZl@FtPmtHGQnaeew&~!bSr)d^JL}@w6e7J+)`AFQtN3Xat1rv<3hCJecr~;3lOd zn7ea7w$4qZXHU*TqYt0RzPsniuBplpFnl4sB$dejY}3QfTMhAb97D;NX z5lJr#9*76Wq`1ZUP1qP342|#SXVjc=f~?bhE`Uh;Sc|*OZ%KcYG}otPl{tTY|qk0Q9zw8kaGhOTE(! z_@^!YxOa;m^hF+l$@fOF8)FXAziq29wW#vu(V|x2 zKI61735tfeV}5Hizn3u>cCC)Y*RxW&i}O6%5$Mj-m&Fhp=~Ean-I#8=Hx1&g_Yj>;nl;_5HH;H?VQJxmii^I)8r#IO;n`^0&hBM%1MaY z3%|gl(K`Gi8Ahqm0Wuc#`ElJ2&@pnLOLsSlHm63zxkr(7=DSC5zG*oE#pZpvGYJ{2AMV4-#Ie?!%qXcubkI=<0t@(9f=jD9g4n98(z(s@R@Su4^F;iT!bhOo)K1F&|j6YETwKr(N}<7O6* z>E{!;dCAO5``5F>ZrcpN!|k+4q0-v;Pm1(Nq))u3S4<8xCoCIL2;cPi4h z{n95f+2bx&IL8RP&uBQhJ)NFdrOQKwyGWUhAsSW)E(xo4=znyF*I9Gemv*jl_n}TW zxF$;=uiyEYREx`JRWEt?0p=V}*Cc#DlPRY#1CLvx$^RoJYB2Md~lO%{yCDuw(Q( zu4w*^J;*Vq=gTTcdE*;4IV*{NH4Ed;j?y^ZzYP?&D&nNwk>ZN$TZDU1BtBLjK-Hg& z=ffQyh_0#=zV&S~_3bJk>9=PK{Q8?%YMaAqBYfd_>mpItL^VEu8qva-W3+z8L2}@l z9=|^<3eE+*$KsZm^fPgXZ~GMCe!MwN7^TkD8YFn(@CiKIrUcH*>EoS~GW^w?K0NW^ zG>mho$Eb1V@l*OOT%)Z>?Q|`HMX%#)+Y{lv@+O>it{TYbFgD445B-#L6R!qM=KUtx z)HqI_FMIPGUDq8W$K`t9)}`I#xVa7A-4#n$R3AgtFVnd3=0SX>iUVCpRq4N80WJUNvE}vw=r+pcU(m^`#(Ln~kSD(d2an&$% zbP${E<4WJ(D8rW4Vj2|ug3YS_#om1z#E)Ca^MuCXyl+$hTR$KN?;V{)B*!PNM4npqWPJy_0C4>;S+31;%0tI3HMuiaj4i{Y6?ZC$R!u9HRNk-Cp24I2@XcA~?p`;KXm<*e|eh z9;!?6w2|sSEtfEf;cEQ)mccyYrwL!+k%;wwb@{d%CK#+*jz5pN(PI@epyB#)_QhO= zTCF<+CD|&FCqa4mGU5MY^I&e=T8YUQefgKqNqn%-haL7smP%imL}CoWP#iTL?NX+Y zQ&T?Rq=l*c?1$}8oEm{qBmRl>cfIE(@gB5u*(sQOIgPjckE8Pr$NKyKxV=I~R!NeO zlvR}byiQW6(9)tIO0?@!+Q|$F$w&$jEu%E7`@D`cDXXcWt!N=qO6m9h{{DAe_jS4M z`~5!W^?E)Zk165M<$n|YZMg;-&dIoD!PPAi}B`#K&VxF zTagqxjxWg_!DIH9kfT19l>PS|J>`Xmj7|t%yzR`-`^7=;rW}0WD&#lUW-!}`1b+S3 z4j6gHo=*OB8TReA67Cr-Y{t14FhbXs4o=@F@XTu1m!rrVss-p zPCKw}QWSZiSPB!Y-5@AzEPZ-X3)J>FivtvX!@19zJothE4eY#0zR$af7d(wngZ8q_ z*!L5+Nx9Hcqe}2t{aJ7_8{)iYf)jk@Dli*(8}2XO4*?1}6?cYx5gCYkm|2uAjg!e? zfqt6A@S?!XebWIsgI|z~RTbb7zaM^7IY4Ad3`xGKLH#pNvvHe`;jqB#5PdTZbke5@ z+}ER`z4sM)Wp4-bh(7?TF*;y7a1};LzeqZF=9AdFd*I{Ok$k3)J+?lNz}ioaF!@O^>>GX_+XSywjC(z9vO5kAe>Smy zn%#(DS0Gr=2IC|u$qiwzKiZ}Xo7?oEKacBd_zHBI{rLxwiO`?kgW!pQ@0gpb2)MFku&-3Oj`&!HpdYVySoyuqqJ z6^8H5gQMBisPNzz+>FzKbKRR^)xW*)ZBGm?OH75_JOk?c_6&*2A3^UYEW+hbUo&)i>lNNzIAD+~xNC<(Gbt%ea6# zDltGu+kXJ15-w3ER2R^aRB4CZGVui!HE zv!MANxKULSSu@Z99vBHuZ4vnK`^Upbx`57L#WO^6~jq zbsm#9kb2G=%Xco(plw|@@$+(oH%SE$FKa+^CN1Yf>!)CPOC(BF?qeCd^QFq|dZ*Lq$WZC~(+&fdk;AO))a zPNEKtXx@h!X?=L}(Qi0;aUFi2Rtd^)2UF$QLwIuIYKWECg41g*LV1WQyeccfL+Mp` zqjxTkJUW{k=*YsvBLV|YoP&K~GQ6@f64t7x!^uUa1W6k@t6Fdsp8>Ra>sc@ixRQ-!7i+FKLe7T($M_qqQiTG z06z421aw7&z|9Y8ShuAf1KcKnIJ2FNS7;;Ybq287Gzp?zBZWTx9VlyWW+RWNi~RXt(lLX-<=j09sh)e{|3P5 zdy#@$>?r6uR>7A&v2a1eaoyu1@GyQR9dRpL*oB)>Gu0G0rglRtV-ZjGR?gyu3bs_& zuSslLt0&6*Bn@?u^(Yhn0d?-2gAFputY+$b+<0#hcK%TiyvT{fR~>L|Oc(hnb00RI zeuO{sKH{>K$#me+e*kMgv#5XB0)OKZYz};a$<@w8?%@f%9xF{%*X;&}#Yf<4k&sCZ zc?pH8#xz0x9>$iO!ilGq@!pJQFvVV#`4VfYFL){g+OOcgV=+RGRGD{w-U%-cd^ao#qkFlW`Rg*+g>_8kc#fgq`krI03My$xYN&MhdFT^QO`(A=5crV)j$8f>X0&uVX z50{w_N29NwDtz=0Lu_FT4y!PxRU5SV9Pv-6Y_|dbk;C~e;q2iW_(WWukp&)yI#{BY z4((Nyrt5n*(#1y7_^>q-@70FDLw{}T+pT~$RrY-PpOb?3>xs~5xFyWSa$rwc4V$w> zhaY^Z0Y;0osLbYT7-|)R594Og$(ya=)ix(K`|B6%&m0FebBA+{rOzSVPYI8Vbr5&W z{*UE(ZR9h;-9i52RwSRxi9_8$uF0+O&6&|K*RvKC>3+=LH&M9D*WkH8Y4W{Fs3@=L zhY%tEmbx|?{VR&u-Vg^o@nszEIBrUO;$Sd!WcvBEp=&_Twc zN5?_q6?r`W=N1~h7y7vC!@zNG7`pw|qm`Dn(Db2+sqT;v|2lRMqK4*(vpbu}R1FQT zZF-P@`X-6)Y96p&OM?5nO@upgFHm3Df3-;2P#?+iiaSwXMB9vhiSp!1K+W$N&Z!Nd zAKMm^*Rz{p&D%lHJ!~fRJK#X`vQ+u0jUJ#n(Fr^xv>{~5X%;F|$)=^xqtViNF!kxumaMT-s{$|u`Xv~c%ip{KNMJioHRhOCq_5Nl2S0=Jbz zp=)@8c!PU0DBPE&U1ssP&f1zDAMu!+ny(8L^H=g;e`=izfj^%Pp6Vw&%$x>^Fef8#}iB&s?3t0fy{1~p@wU&VAfMH zzW(`$nazraNAv1gQob+t#e89#VkNlwQV$>wyP-pC3f*l#5G_8p;q*z>qS#i#zFz%I ztOCvn4o!iZW0-CYd8|K`XeVEWrXly> z%dTX6$JB7NiUB1(AK^*k7CsElu8_FnpQbJez}kv>O08aJPU@xUp7QJHVsntzQIxJ zr=UiTEqH3q0x4TLIAJT?y?drp=NFr}uY(J8wcZ!49Qz5b&iyK~O&SjE4hKkt!1Ok9 z)5q0e{$TpJ1WqMoqC&A2f462J)u|bS5{=Jrul@oUf9x>(*@^;pL~zkwjlfGMD;@mZ z?6~=F1DKpU1#*9#!Qm@c!m{%sN7MBpUT zI&rz-?ee`ftI6~IUS#3>F?7`qGrW~}0zI8Fh`Y@l$c!un$?8z7{4@}>z0JvCn-|PL z^E4`M1%7VjJ@zuXmZWsFz>(p;Y*)k&2qje&8clOxA94Xwj@+TCoti!)|g%SBlkyS#0L0?L1?P0{DCk!-30XX=~*J+;;H}-gxAP zoBN7TRoNLOG&Dgv_&EvtWJ&xj>>N5T=-@b$cP!@pDKJY{0*BHYLe@$+Q|hQ*@GNaz8|!kz(Dt$MA5^eDF&@i^+#Is9&cBm+lz><0l!@b(j3vG@eWyJ{%I8 z-*o|1fvc2XB~O!z_OS-9Ah`NV%$}DC8^BN!BO~q^Di*caYa~!{C4H|j5v+lA7M7gsWOBR)g6MRm>-t95C>-<<4PA5@| z=S8r*d>O6XyQN}L#{i&$TkpwDC3@W2g%@nOO;Sy=Ax$Tq9ZO#T+jJj0WEdLZp_q## z(;);`e7`5EZ5%^3Eji7P9)gwzQg~{b;Dd>s!e%V(!dqvSfSch4 zk~_qie9aW*P!|7S|IuTxS8%DVU!o5h6E2HKddU;Xv{&rho5qPFFSKC&sy!8VS`~4+ z`T}}RIDcJOb%`vH4t8+5o&>8~6@)!hG@R*+<9<^taCeh8cau`1f1Dz4O7nApIh+OR z)|#AG`Qzk0CqO%02}h3TA;uHs*}&F87(Xxqk8CJoCq@V%=dEaFweB*;FjUR}pKzqpAbTFAF>`odBG0#glP|^)PE; zFC&X1z;b*FR>(x7#h77Wkb4lcwZqW!UOW_^(g3ep4fs_v51tE5tblE;>~d!(ww5o0 z4SnZ8dG2MjJencAJ5S*YD@C#5fH0ibzl`s_tcyoapT@aU&x_YN_OS2`!i@WO1xR0i zif;Ers4Ql%$VQI$CQb(pFEet>C4w2gsl{Kd9^JstkzGfwR zR+I#K`35?YpTWkV1yDUF4Xn#0=<rRsvnSn;3u-~B--K<&hB zLY7OiqMy+%k#P5iIxlVMWyOcy6La@4QK^t^S?MK11NW=KtE`vszl`l7rE=ULP67YL zQAE?Ziw)aV09i@Gi1C>n@~mp&q?L$q0^7%>*mXY zK};mKrh-pE{DA$Ip37{U`Y?95AF9V6LZz1-;x1u_d~$~^-5-1uvW;rVmBY${gY-C@ z{jZtnYu|%kg}U6^@;KP~9A=|#P5|W%Elk)GQRC>v@Fu;6jXmZ;dGiCo0iuf4U-aN& zZzY^pEC#E6C7_d8LyqpQghAPoFmj<6Rz`-f+_k5Im1JcHxZnK8M)CcVtg)0}g%l0|x3z&|M2x3bXUqq9d*%E zOQD0ni`S^rl?zLbPNr>6vf%jj1lq>$6kk8ADc{s)}jDaTfIInfu#hVhZrTWN2gI_P}) z2tS7jcX9Xu`kQ2ER+~4TXMIpnl!Zpp`E;6-;Q0D+1NJLAQlru|klnpo;E49I438J$ zr?+-fd(V-A$6_A!v7LqzYJyi`oEE9su8-B)!?+|(faD!_pnCjFv|KQnulcFKwFSTC zkWV2FkIg#31`Di{n*{#^=F#a$f0PQIjTP=YspJeRoc`@FD_t%j_+;#0 z#77_aHhdZy{GH6nfpd8D+F#tPq(hy%^KiGN0!UPyhD(Yr>~Xg>ZRrs@n$H|@Tkc_c zUASKjdgjP4e!R^B>Xu;WsLe1*$Z?k4TFwWX9LAH2{^7`k0QfGi3K!}_X>8C6+%0R& zLnoQh0n5y}SJGzw=G}3O@jQz6o*HrWMrAag70!ou*wEqL8_2{x+WhjN<9wyR38qdR zNVojmKzbcbP*YA3RK@**V|qV*F-izCZ(U18VLh0lZXz&V(!?R6Kw5Msocg#GK)2fr ze!A*AhFIqb+46Qw40^#v9Qz8FjrHhZ*{kq z6vVt)O(zxHz*mn{m}=8|kX}7QyvaTeoL#oTa=THydVVqN_~%N`MfG6Z>J~OE`WkjV zSj1l|ujOIScSB9f1-R2bhYVbXU>YzNk7Zc$H~)6>?BHg2bV*=xDTUI}QU}SKTpye$ zeT)^&tS0WKi|EbquDtnJ0RCxsCraO>0Ux9nK)Ue*65m`88@`#*zC{-3F+@#txbha( zH#W1dyC?Y9<|rEaB?9d?*uk|}TNcwjiF{uxugyMTNxv!hj{aQQarp#@_BLVb2S>8Oy;S^|yux*1c@Va<9b~&5s2-iczAv1OhW%z3 zbJdh@JU5HEm+pqdJU@0i!UMXB3qhx#4NWhsVmsUHaHg9AKV@|cuKN4aL~)4teezit z*w}~dS$AO?y@Z2P#=?c0GjX+VH8gBmOZ}YG`M813wC>7z=-=`JhX^x8`%5Rm;&~ys z^p9lg=Z&XN{C_~(rXdg#7f6Bvlc7!b5G;79M2{`Mz}8IA=QXcWpvaKk&n zO;}coURQmw*C`OMEX)zbGzh-B=_Z`NFT|5Sb?C^AN?dNtfB0VU9?5q8eFM1rE?V^WVBUFK`t0Kf`Z#V0J`b?r z?VJAsv}*EuFTR29Q)L_#ydJtP>QIlJEBSw8WjVhY#m&;y;bi_A(FF6)sFX8~WhY$0ZBh^7Ul84%pjhzdT( zDolG`V`&WKUiVm{5T_dr&A_JU+tnb}mXPz~5FgHIs zoJ*G-0J`B0BeRxJot^E>scN)niI72xJT#3fz4(c0;UnStk-cokR13J2*N=xk$j@3lN?yz zbO0A=NMiH7qoT;Shj8iNg|u^04#f4S(+y`U;Zd71uMM?^LDQPB#cLp$@Mj=3_P z%Dw|pwW5VF2`uZL?KH)x555080wt!JMS{hxS#wg$BCS zK#zSTB*)9qLkYJ?ouLEj%=!rS>wWk>XDu9_@&@zo`|#dpI=tcDZs>9@guxL;q+4|q z_i~VNc)ea4GS6xAzz=G4e(+$TwEMECY4$^|5fnk4KOO>Mcww>%()Ohw#J&^1R@AKG^t5@g8+U zF8Mj0iC69Cy6Yps>_ZyM$<&}H#0_k$t<#%XHNX3I7#9HPv!R zEnmZ>|Ev>tsh#ARqqX>`S$9FA`77nLpR14mH*2pZ-T+J>6%o?-Y=wm>EpqtXcndqe#s(}wqvsPb{wGEfLk^gaw7>Ht}mH@3SNR| zZG$2tI3RqzVhd>{ZFntb9)0;BMd*LO$KbLma(coLZqyk>U!6|Dz!nR>Jo-Cp*f^Kz z9q@&Q$oJ$znJw>19>DJ&h`>b)6{wQ^5UTF&2dNu!pfRJDxm0ZjnZN)#YI+Yo=@qhQ zl?Hspw;+B)?*kl__`({aj<5xmr{MdR0xTP0g?pz^H??6vb0$+tQx#W_+X8hJmS9v`giWrSK;z9gYP=(r-CsEZ^tFCC#N;#f zY3)6~NfmWI#Q8uh36SvB7o!J4-?EC|JdehSw;|8z5S9f=_ zi9+Z5=NWs5n_Wqn zpRVhp_R4U$(mTz4|&#s)nL(?Ti%M!Gy`PJ3TSnz3%SD#F?>uhMz zyHw2a{|Hvj5qRd9J@?A0hQV4*I3{=y2XjTbx26ZvJFiTXe`?H1=Ly{PuDR&oY{*Bi z)~9wVM}+r9Bh_jyz}y-4Skgs8&F%^5LR$2pM{#72)DJwkMW2&1!8l2`8J2(i1RhNmBr|Ug9pItJ zwO7`*RIz7x=QUm@E+PvRi6HdBmJ(l)5^PHCqp& zg?-_4u){l8rY{XME83Z7&0pAYJC_w7Er#yXNszN`2#@=I6k8>O(D?g)>*^+ue;FY?#Jh)AZ@mD z+fTw~b75xu#Sz+lN5cJ8M?mh~flg_~(>@J*c>UA^Q9oZh9t*D2Lt_yAqJnx8Iq zQ`X>%{v|+*u%DZ~MUk&gbKzsQxZ`aLEq?d2PzN<9~&l>SB*_MsEQ z1;_BrZ-(4XWf<-+noJuNL&;Lj@qDkBfP=TVMyk?pfrQsNG)OMMAY&nCbUm79u1tph z*Y&W{DV%POPshZyQ?YGMCC(dT#lJOYqGOF7DcP&So08+$x9e@__3{S`PHM#deUuK{ zX@V=e+F7)4-%lPo2J7^SKsD$LXdIu06O_-uHraS;^?D!=pQQxK-^bzdpw+l0r2+dE zTYybg7@pF32b&#i+07h1k}V%a_OV?2S^tA{$uGbZx)BWC27$@00MJ^hO80GFLEjr4 z5_k6v;-O=*u+r-c`Osa7`>tJq3&L}hI2h4+BeiMm>2=^GxEh)SAKI;+B=A)?1dr#M zbje=9RW?|SU*vYwyksa3JN=mCJsJb_)EDx);{oaLJPQVm0o3UDAhu6Z3Om-z(V8tG zsPC2mb~h72R(}a`*s4R@7Z~C}#}?M}B#4GPYmpRXHE_No&!fzo`0PBy+&g(>^woA& z@VXDI+r~vxtK*PdE=Y?0rTahI%u$ zOkkHTx8%JoI+&VPL&AkS@v7(*{CdJ(?4Q38^q)`Ub2H!Jw#6SnBSDRST&2SG1qSQw z#Y*g2sgSFgY|86~2Jyqs;_>kW18#p`2Lnw@*u(kXU|8`GI{NEznB}@0HrIO*?E}-u zt>6DxvepquvOA6)=LHVfLTUcu$9lXQF_G;4DG#ovigAce3bt%m!y6u)7cE|>$USnL z`KPWO(A0krJr)k)e->QlL$WpK%mr&;)U!c6^_Mz5Ea?EH0&~yua5sw>xf@dV8}YLz zM$%eyguQ)t;Hmc@oUtd7rH!w`p?<%S2`65&k;Y{7x@WL3M_>U>y2UQ|N8&Q+#k^zV zHuAGe7M8USp(48>1{1Hq(77p1iE=1(7NIEQp zGu7hr;*{>0!rg;m-Ny+0=hzBo?=I$J<1Cvvb5U=X8Gg2I z!+s-s&=Ss$>q5t2m!vY!-noEh_5Q}Rq`_44{Z^uVeGRRDWe)DwC&AxkA+S#6727_- zn7Yrt$Z)t0R18fdiY?)IZN&%Z>aT#{fF77)dI?S%Tt_{3RUp2Hu~xXxzFjZukMW*E zMPLbwEs+CPg=h>uDd~{^`Y`_bBrvrvR-oSoj|ZH;ZHq5Tg zf(siHQL;D@gZq&M9GHNGrq1-oek*9%oWK(21c9T#E*kBcP4tDm>z4Ie6r0;|h=Se)s8MEW9aJ>CE&XI9L(3v z#@rJhm{r|%99*eSw*{PlNqLdvm#vVmFOGvTSLOKR$7Z~6(;pbK;xQ(epm3h=B(K`- z(e2_El6ZS298w%ahCDN)sku);9IyrVXkCXM8;;*SCx~>%Nr80r7P#)egyfIi3K3p$ zFacRbe&2Fzx6Q%_d2^s#QI>_9wBVb#aGW+t@Q2H-!upC@Vrg&yr!^_#w+Dd`>1;=L zM5dxy%Oj>$5Jo(OtmKoS7m3pXKYBdqETg40_)6F>9=$gk4|d(hm)|boR^vFfa;B?b zYyAMT4F=GKM=!vmQcJw;>jWmV#9+002R@Xypp!#1XwZHes`hmd>aBmxA}!{Nq~Ds+ z(v~PNjD9WN_Dh%g?3zSBDY#)@qAb1hG0ed)wH4fkmWxYX`ZC|I+u(ig9lZ0Z4$Rg* zC+mbg>+5_UIR0q~vwCL^U)GH#w~{+C-EJPH&h5r`jyinIv|cuH&mO2#z2Oje&W-t9 zip2G=$5KO`Q()Yy#2*OkIFaNzm>WKfF{OFn+d3SV$4T+w4ky?_<5<`hWPrD=UkiJ! zbJ$+9g*ZOi3@Q&k;1Z#GKjO|2JpD5nIs`VAORAE?#$x1E80kE&koc{bQ&A+#tL&+L5KBdr_Ym7dRo7G$J{pDat`#zE5-t`djtc_GIZ5B&8 z)nK2+B!0qP;7?61!l>k7bbnSFDqR&iS)X!=j=Zb{C_Y zmSWgkNp5mG3({u=(KSheBQIPQ)25r!DfMokybLhp*d=^bu7jKBxuc5RT0U3Cm0J$6 zgq=AuxUtuk=c+Z4ufb}3$=G2uuUwDXiT<*%ystRMF&0O+cjIQOQu5VOqe7>BBv)~} zgrgp9VJePqiPwK`ap7Wu#`8s39;%Agz2m8x*ns8=d$u_DCgN6Y&K$Bmao_zwymw>| z$c3*39Y14i8g>uQb6?snA;D~6a6_d#Chj}4qUlt=BD3Hb*#Fu1Z0$@NxzBAglDUULv9?n)D>r#BOq zs2os}%oZKn^9F6KGf2bnw|M09FluV24&mpG@zDxxd~`rroVQMc+f4WfqYV<^OlJy4 z)MkLxhXokobq&p9KI7&7ozPy?BEF%Z!M9os6?r@KKio3xu4`(-4;QFN~cvEhpNc?(8*0fLu&G_C`rCt6RA^=fpRN!)QKVwio8U@MK2? z$Jo0rV{rAOcrx}KYHM4f{`D#>Pi+FDoW*>yr6~*VPKQlP`oQjet3$!xI5_fbpJ;uZ z0Xg)@gq8$cghoS6VHSCrH1Gw)wFAV%KV8O<*baxvMWHzBZxXw|c|G@he31>yIs>=E z}kT9-x^du`_Z>f`v0*dhE~{5A30Ocl_Ha-&D3 zIXaJ7j)et2=x3o%T?H?9;J9e0_o2e~Z!CoSPoTXfy6C%OAzW(P2dZ=0V6&Aj*OWG< za}v|wLP09*__>6L%g2(K+%wQ8C$Mn~HZp@p1^DvidpJ9#jy+2q3$DLMi$CuR#SG7_ zY}wt}V4ldXrkDe&nwQ84z3 zCd3yCezLX0p#ITaIQa1&^FNx5f47c8-z+cix;+z3y2pXmb&B8YYKYH|S-5MbA&pwh zuv+&8dQGc>iEA3r)F2(=ONwEFgdXgE6fYVzED7okN^uu+fmiq6Ks+dw45Qq}p+n~x z_UlMASE?|ld#d6pem!Jh>;4X8;{fN*?1Jk1QBd3yLt9qFz}u@sF<;)9UhTTY;?f6E z$?+4>Mt{HP#I_??deIpUq;{h65ivXyrD9{L8fnZMfv49b5Z^rm$d#jYxX4qCyIm*o zL{%>mHYbogDnAEb&)VSNp4-H4j~yT2brluj<-mH|M^t_j3kEmkXt}=@EI+Tw%R`s) z^C3I1#Nas|_tl5GlAEk?s2NB;Q6%9jZ?PjgFNnpvMv>V;vFtw|eQKi7Dh{YPL;^%Y z-oCs6*89mqQ+Fcnp3(yiZnYqBY$~5AsZWdL{z0{aKJ}dh5P9MNHro2(1oJK8Q9F9b zXNUjb%1l%CdzlK2nOO}Yk7#(dwnD7ab&Z@}T?{e2m>)Ri11YK=WOZBWpaOW-mH zOxLovaB_bSjDI%~>IDbDgPWfPPjVpWNM6D$2Vc>*X^wQ$>|0Dve>z)!DHUp+1i$Qu zmzW|U{8oA%;90>p()#%`R*sWn$V~*p3{^#()!j=4MPJ)x=VsRl(BOip_NW_9O zuu1S-m9&0YcscI+QXLtf*?H4hHPkOxg?@N}p`wE09{Sf6@rHR+AUykSHF5rZ# zc0^T9$Qq>O!#qVBddVRRpVoy4d5k1hJt|cEV%cH#;p2U>!Qv&f-AF`>B0qM#vIi!F zsp9_b{ba;~VSL0WF8WXR%(jGZqp>9}7C?)MFUDDir(f>>F& zri!)S41*Zbio;aGQ8;4YY4LC>vtE_|mvTt6{Rt zVi_=}h| zuy5u%xZ?atoH-+eY#+RY%k2`rCtDWq8o}e4=y42Z3G?LDXOFY?!aHm?XyC2zDm=8M zOdL3&jh!4V`0igF#|EiTY(A9+pH6K>#qv`8A-FA_-Hzg#ZC6qCMmC&3F5GL*oj~h{ z=V8ys^_c5;0b>k1&}3*6*;&y8DqD@{{S6|h_|JvaZdru6A6}r+yD_|c=o5k0wVW2B z7{|Okk2iI%iF*#6W2Y)KG2D4NoP%7paZnEE7>fC^?c=~#$ixV>I`|&7f%HTniFs?s zKfV@b`@M>My!2I3=DHpXyi9EPs50?VU#1u6Wx2y4Cj!EivT z&_VhDojoa#W30p@-(6!?6BT&Sie3~Cp2K3S8BxA`h6b6r`u4I+@CC0Zy8L|xGz4Py^Kz@(V~}5t6}Sv5SsUM2mf9? z0*+1D&mO-#2wLB+zwp!G0 zavpcYtI>UbE<(c>N&dF!I((EAv&am2?sRnxDD{M3Xy-$*-@Hg@+%*J^mipp%g*phG z@Qla}zKo7D7NC{XE`H&|UpTcdlg-pip-noGc)qNYP5Yxl{bDtF*~JOWJE$CHjx}Z* z9`}=-e^X%BWdj=g>I-h(mVqqy4E`TQ=i!&*_r~$Ib|gtk(NLnPq~~0RP(&JvWED|~ zjAUfCv^9-1DcMB3o^u^V*^0HE8X|3R;(`*olDT-WFGe!t(81Lmo#M1vmv z!s46W+@`G?&a5niNU;z9IjEcH#p=+}!roRnX*3BOFc4MqC3(n#9=zB!klz`4nXR}w zfZy~AX2pihaP;Iu@e$iwNL>ej)cXjSo^cu~>hC*b#1(+!*G)7xYCmkAJDyHhDnUP{ zyoF##H+a1&kDS`PjjONL7q$G109L*Ae=1Gu-Xkhe<_{6&k(L=u6jOl9LLhupU|w^*kx}7R zvTlzd-LfQ^JvuUpic-gd*UDblt$VZXy`MRK={gBC7YUjBGlNB{UGHGObP{a3uTB#l z$uo<+p=ht3gnU*w4tU#%UKusu7HA@{4>jQ5C0~5gm4w=#2GKF!-EoIc5KQUFAeE}o zFlw`p$V`~^$JxeV;emG`)sX@_7B%66r3U;+?roeBcw21jD)2=jKBKPQm*+4SKN*wmSgL7rdGaM>dIM`k-sUwDk=?TlyR^Wtg!w-4l> z%o^-|_L-fhxA5VA);zo1h&OC1LC=H?RMNXarrchOqHKB88M6Xzr|p2CiGWio55v-f zr7)y69Tx;jbA$X4@RZ(wRsRZ^t$``F_IvOfZkd33L3G`udGwEDCv(o%LZxGs*jXGe zUNxbLHQ!0)vl9bx>(dk*J0leQl>Ldy&~lJ(^nr`d6}X0n1UJt60){T(IChdgU$;SE zlUMA;vj(+bT)mK6sgJ}9#gk#r)yw!yS%%hy+!xK&a0ZKJ3HoODa@5NEEsly+ ze8ntz<~l2lI5pi64ZJMNvu(>rRM||FC?Ab~y3;{pVjC!_l#6|)Ai3jwLcDY{!uj_a zm^gR^_(kZ#;`U+;b&_^)2>2wfk1N2|Kl&ginFq>NFJMy0BeKBK9jv-k@nnM(C`ClV zveeh4sdW{bJjRfc%5-QMqe-h~$g*64RXW`(m2WqjOpJSlF2S@9MBz;+wjK{4BdWEi zv_d#0ZDMzF2(YJ83;J8d)evjVP}!;$@miR7B=IA?>9dAJ@$R`?d8_tbAFHCK}F zv3Dh+NyfEIA;WNrjePCM&wN-w z9o7h5UBMT-_>>nNxWS0`7Xlq!C9txNMR19UZy;#yNA$U+gV&o?d2e~Y;5yad?~;a# z@9aqfQEn~5fn<;`>L;$}vRKo-I?UMe7fQ4y((dmM*v@KCvNK~3s+hXr=V5mAdhKH< zth+$^Cmn*w6Hf3%st;;YJIMSCC*hW5J0#rPjvp76;ifcQNO<0c#%GU!@4iHEdzy{s z-vBk57bW^)^b+eUlDUGa7r*e*8tz}RfsCKC=%$f!*e=lq?%NFM3O^@I(UYJmN51Dc=UarGJ4# z&tH-eaSZ|{EApw@GF0*42zFoa&A{eZE;?xlexpP1-Nj+-L6Vhd^o*wvKG>WN&D)GV zBUfRaMLl|jdV%VK&v^LZWVrGpzHXDvA|5qek7RPealW+|9vG;o zj8mszUB&@EE@K}?Pb*;SBP4NTy(-8*@uUrEgXygXX*T-CDJ*k5z#6_d3q70^A;%9IV|w;(R9Y#x zZd9H#l?F-Vi#FlLS_8h&+JatLkjf7kHn8BuuJGjA7l$iz6Ijd81T3{1%YP3~z^k*& z=$FT@@t^7;78i7c#mQwdljtba`f(Y)s?SEvCmU=~Y4UT~&EMa?zOD%s1c(;V>_3?z@v)XNLh)FFWSl{`bcM_a$#I@8oCJ6tn003;cWc}_^Y-WvYYMs@9jA_FG&xsHSC1>TiUT?b_{=Y z<1s$(|LM?v=LtOaU(M~m=>xHfWw!(_`u2m$5H;8oB(7=T)}xzfK=K#1@t_&g2qEz8 zu`72toCu>$YtU`A4ED4g$Ltx$guL-@5I?EL@Lh#0v?&p6yEGVo+(EW~{my)Ee1k6s zddac6u~57`4c>+g<>Kc@gqhSqeC6Ux$9*Wq_8C6V*z=QZ3^Jh_dHW#wjubA;pAQPB z@4`w8juy+e@u&nX__297ZQ5W(2UpC;cfDh%t(iG5DF>(DpWp=UQQR)m7}HXTfT?rND7gqc5)+q1yOg zFhjl=efJ0B!S?m2={AvUl)ENw={6VF8EZj?&SCbkt_mjmnvub)6Ikf$+3*?_`6$gQ z(Y+&SSR^q4d`Ic>udi-Wy}E4X6&DFQYGddh$D2fLwH=IU^I#8V9s|=;&qRHjbMdp# zN#E>N&unhSk&)7^Fn9Am$Q=5OT`)R>!`gv&6$$63#lwl8fBVy!Yvp18qj^wOtBe;E zrKn+eHuKFNPh40}-J_LN#QVBGo(@Up*$36Z=Jp|M(Ga-rBlR#m%mkuhBq92WKl~6l zmm`l}hu1~Z;rMwCfhFhwt!t848XW6wywr%dFUVkD)4IX^LN$E8aU1U+NE95^t6^>4eVCR~$YgqB zFj)67o~tTD&E22Hmm(HZ!)xbIbypaee;P;)*>N&(>sw|RR>OJ?C821}ab`AuD5hSD zMiYw|7*}!%PFjM{aTR(tD)pdyeP`XWf8)WjlrtHf#pK@oWLB+TB)Hui>E#8{aC7(< zoH)9bz1{Le964?m?)6K8-?>L|a=Sf9#}42Q+s=tCCM=!YF zarzSE>hXB=!C7|Fr4&>(8$@lI2Vh`U8O|O53DfkK;uz1PuzpQGocFo|@4{w_m!wJa zlkXkj!Y(~bSecK))`Z=vom$+Pgiq5X-uyA1_zK^_!tp{ZI!ZE1=SIrzY zH#C8Bla=u7-hltAYhb&530&2Aj9=`2v0Q;a*{(l;yL9H`gK4=?KGl;(OMhdt#X=AF zraAraE*nD@Ig{&4lps{z8tP8mL8HqXv18>W^wRBx&8y!#Wb{~~-Xl3^HJ748KGtxn zhSOwHjIZ#_uSbvgBJ?j8?jqGAA-y>hH+}6E#r-Wqd(R;-x4v9t+jEH>^|yt;?IGMk zb19#cyNKQzxDk(Z3tX3;a#-`u3y$3`WP^2A(5Y8P@K;(}aIoMZ3{;sY(srLKQkMyX ze7ilcsDA=9pPi0PdxdvK?=!sg`w9HL`;L6wB}*%EPT`+3qj1dbV)Erw6<)jcm1y@c z2-i{O`Mn+Nc))GE5N*O&Dl1~RW+d*Zi^ktM)o`YLGBjv4h^(ELqfVfUSjtp}uK#X> zv*yPznTHJhU6N2^(?DuAIv%cB>+!uWZRpq9!E9LOPSMSKhlRei785;f!8FS?%(Gew z-KG~HDLIOtveaO2b{eb{PsPm7)3DczgLwN7^vv~y0E=g=Nx0iz3Hk<0)srE?^O*Qm z&tZI73(zUAL6&(7F56=b#Kfx~S9!X@CZR{Ww!DT-Yo17pOcvvK?=$dV{2Ow1UJ&lE zNe6e;%h>ZZRN#mX!>PaL@D$BF?t5brIaYfJ2ECsPdUrcupzBIZw;RnPpBABVbrSmw zO>nYI5srT^1C=p~?8o=PqKC`v*<*KEsJiEaN?%pz3B5Qx7qXCPk9-RYiO{K&Xe0SL zX811tCE2W11oI}}0H;86RQr1XMH4c?d$KP`jTciK<;H5{6VxQH? z@au{@jbG%={5)JyE+7I@7rla*oOX;23L!N^<@n^EOJTWB9$9&P8N>yzqsnD(VbIGe zBB^%^Dl%r&*()E#t@j4uhCTc7Sm0qCXJp2-ehq-y;N@5s{s6O!-LNC=H)t8o#hXt} z=)QNdIK!}>1V33$uRd8y7Ry@VAcZAh6?+&LeV0Lng(Z0Pv?@OTQOta_vT*0$w{TN- zHhh^l1NSVt4F(HJpf1N7p316_QK1|XGFF4D%Mj3s9KiIZegt3Nhir>^7o@Z|Lxs;y z@GG23(X|tThTVm)5q>mV*pJ_fDP$2pj@QcXJ%zvi84DgJAG-hL66k%Y38^6opqcug z`2E0al(SPtC!cnhQ8^tnjP9aM$zr@DDaAaBM$=Je<8b-dwW5WmFT%>H`AnFfD-%WBbYc=?dK2)Qt~YM}=Km8q7Eth)s(w zLK?Wi!)Z?hcEkfB(^!gRStA$>d;z543%fqm8_pJVphKuJH&eNUpVAgHx3EI;e^%r1 z_1CfK*B*TEuvh2;rsIj8-|#`@4(Wcv@mEVB)10GB{cI~(^@2D)PprU|4TO8<@%F&(f!L7m1LyoHW7X+AywHsJjlXz|kJ6GMZj&PI7Y^nH}*)?ZVYu6%^; zxl{&Rcz1;i8^A|Ru%IC!Wf&;?1!rzOj#+z^$V9=fxAk@yCEM&_@47zrb)O=q(>uw( z(SvBowMbTYd^YHYorAP8Q+z+_;Q#l2LRPgB?aGw!ad;Se**l(JX?{V{9X!N=?$S_R zvk9Xz9--Knzz^AhxOnAel>KVPpFa}OPLn`rUhc~0ti2B#rROt;s2I%a3BVmy*Vz|= zmlaavNM?SkLyOXp=iOr1*1**$ZS|Si&A5UoUp7PDzyO%prAUo;$DqW+ zHit@*1q1%-V?w~;y4DQ}7&(3q7jN&uxd*(-kFXR{N0Y@eCzq2C`oqv)KNyx7Pp7*) zrq$W47IxM4`^b;!4Cg=7LKTDEXfE(ihr6`niK)35*8K)G!ZhI1L@O9}Nt-Wiu;YvE zYT^7}jx8Qjk(}KHW$89>JBE>=c^8vcA?nn5D7R$uQRR6pT!N0i7S*9JGuiL`B!+$zkhun0opzlocO@ zQFe9MAbgANEM106UrWFPq-#eN}oh6=37v@RyQEE(jq|1s|!q2dLh}By$t;Seuk*;1gR5aE!ht z^NuA61qXMwF~1+KwNxKtD)@=zU3>z=(9 zTYarXS&brGqZY=O>B*zN(kuw5nTow{G?{(k7Peu%ELV`dhLZ;^!SwVYRBhX3;tBDrWJCx1AhXMqh@PpQNe3(O7}0x0UAJX+<0tgHmO! z5MUz|LhMIE#kj3dTnD(NV<#HCI}gVXn(_b6_Ok7kcC=7I==;>l@}V{RkR2<)^c#~Q zzTz@=Pf@^6ztw0%)Cn+g^J3KoO;|SSBNUGLg8t5{>6B;VncbLwFilPHLd`mfUH5c& z#U~*@dOZ?u3~hj>*te|Reh_y(rhv|eA27=~%lL>2N#0$a2+t4oksS&5&~f8nh&g5s z2HWD{yT=u#>h=kqCJBzOztK3fArOM3RH;W?9!?ZEg(n)%fnk9?eXS#K$Jz%_=i)CA z`!0&SSs4SCyPrY*%LbS)lIGvM6S1+P4by@IUX$W2aoYI36FYCcflJpE_|k&KTvAts zKa1*T>SR5X_UQ1jTBdx1#Uyk|*TRL_-l7{1i_ubUJPkE9=AOrEvBOo2_x3#yo|z|N zqW~x9Dl*|e5)|Qb#{_Jw-GdR6``PKxO!yhwk1YzNVzn+d`aQkZkNfP>#6EIa| z<)S9|wHK3L+bsFC!4+`mSdLh=V;S9D5F~hTZ_VCD0w)c^t^@br+i)eWcj++6{10fGz$DV<8r(Hi z7Y^-=B1PWi%=Y4OHn_rzt#9cPb{KDot>;#pbm=8NQf>eVlPs^v=MX12wVm0=iqGmA07@| zz}IGk!PV!UT<6gSetDH5e=Ru_&%4!-#mj6sD{_a{{nth69^?4GU9x;e<9{$=HY2SD z$++`GD4LJC?jW(jjSaad2^oHR^i|alR{xj?{9QdrnIlaDR!s%7$4cB_xg=I9%AkC% zA_NOA*^ZZQQ1tjaF5K{qDNnt_6#x5;!zVu$&G6mERyK@d4?PBBtYjmOh&g}@8mmNw z`c^cke;JQ*&cdt(i{O`%@J#BCgCS#Q&`r4$@y2;e8g=CkN=N;~GZXC~JoNxgCwZ)I z?h|;D7K>w&N5Rt4NaoHaK<00Cc$=64e-?zJo$Ua=dFL>a{!hr+2zQ70>v9ug*15MK% zu-U+k#RYD~UC+J2eSjM6wVHyasqtxWD^&w|vcR-BeSZaU%6cjuavb-${ z)bPG$otH1g<#JMVo-m)^6une9lRN98XR49d$MU?g;s=?K;|lHn{(}S05}?cNCprz# z#ytTgcZYPO5kJO9p+LY+ragMO_#Ap~-P>4BuieQcUR+wzJKw!{+WSPQU ze^Zw#9q=lI_bw6K1Lj)z`SNJdFx27J@k`iOFDp>b>cIQ+Rq;%42Cqyuz{Bo|D3x1= zL;TCwhc(vVT|Eic2CW6DN9o*zgs~&JlDyR57+Ldr5xVydq!)*)Gn2M&?9Wt zQ4bG=nO8fCQUa{PFls#<_zDFZ^4#SlvHuT+r zRuEPB;Kkb#{ISC(9KmMNh52ga;00-{6l+kO5#=mCS76bK_waq;#W-r54L z@`Sq!&_2ftysa0BqQVcA0RP&OjJ3Z-l{=jH-#J6*=)^Bfy6uB_MS&TauuV9ZPn}_U;kU(U zK^lCU&r}lg?jva*xCo9%zGuyAAHWgcLww53VdBnqcV1A(iS398L5@3~C(eCNOp=s{ z&og5N2VcR+Ps%WS?>gf0(jDd*?IX@K6D`UYfn?Pywr`msUwdyeWLaE>e|3Ah3dPW}OM27xjy!XZi6u#|b>OYzti|ipOgzIXESz2h6@CLq^0MnCW%^_wDwLrX zu6=^RAD4Tgt|4>l>XnrF-cC<;{-z`y;Q9_$YwB>9QA;tX-J364f0Dedz7Mao^#m9A zIhcGT2yYMEN6H4;&`~*>bXH~|IOi4%2cq!4Y)FNUn02C<8`bQPjsjPyx1Y+@RB#*;N$o6_a^>*hbouYy zq5|pJ(E0NkO2!rv-JL(cC_D;GyszU2r*i(LyaY9q{$Qy|25vVNvXH`Vv1m#@eAk_i zbuZh=j%S5T`TIO{(LM$IT^Rr49wR#W=q_$?IEXdz`=I&eZfKZXjN9_$FwIb4Q26+h z7Z$6SNnkKvY`-0Qbi?4+7!O*xSA|C&ZD9``=b@^MGmg8K2N`#+6F&#R4><>T@;8QLFs52h$K)asYKW=o`^_!wqNO>8B3-0K+l zEV=~VZxi5eUlYn?xbcS(_n7~mZ#exJf!w2`@vZ4IoX2Ij)npr3^4EqhI+l$dXhNTN7Ck)Cl@fzII9WLhZ^X#b=c6leWtS_2`bY4Bkg?P+^&FZ7 zDT}{-SjcvsTEktgwP2NvI!zB>4SNkE@as`IzAWGj1U@-TeCsNSYDpn(WfI^b>BuK$ zEyUeB9qI4yr$BPqS7McwOSA)rg5Dj0*#vuOk!BPXUXb*f$$fFZk~H1fnl2hR&5fys z%fgkybL@3;r=XrMhn}T_z_BI~vaN38yZ371b=MYiv6VJmbvTZ{)o>xa>mK$9`J3>> z6e@kT9tTgg0RLN~_{*uo;BC(Z@zkR>G&m&_CtjKl!}AirsDC&uo)h5k$Z!kYf5VL| znKhrzFp9;Tof7n0=pHaxYCy{i7iSbBQ|eR|<3{t#^>a-}wK zW4z#h+&Y4;6q`f2;%++jc`-|W*o|ZBzG7QcI;3Z0@(C%4v^KMaoDe)evp#i^7ykQj zR&^B4^4$*9s}px+Y!-SCH=!lr5BTPe;ENBR1^e6sU?n#WURj?bz3Pv!wkpY?xw{hX z-V6pkp=0{CI2Sa-hEvU+$;ZUVH$llq56&r);zXE+Ys63cnpVftO z-wv_8dh&FI(9yQoco5CF64f0&iY9hcF?;hQ+*T{>o5C`{&*lU(e&i+eABDW?zXYsW zOL+A^33|H!3-s4b;k!RH;KMzy;OgaQXmfsqb$u~-_sA&vI;N1HvR(yq?Os6DkRs7s zMOpq}>K0-ap$?0BR)Ajo5itB1!)|=u3OUwiAZmpQ|G6ocJ-wPmo7b#|KRKyzF!^Mi z!oWakpLGNB%C+gA|9VJF>3H5Z@CHuIwc;99Lqw%d&%@HWl9c{^0k`@)Vbk$5_;Q>l zWHv}(dHrB2`F980E!U^R)5h@u;SbpZz6*Bj$S2SA1qaXOYgl!EB1?8p1iQFk!)tFq~5A(i7V*PDtP(8l_ZZ%|!<3a#KzL~R# z?acyj_%O~;zKmC9ejs^cwsQT(F3A3E#;fP4;5y$1(63*@ttBWtd=XF1H!Je^oyv5O z`Xe%G@M~xbM;l9DQRTQ-Aiiu*^KNoDwXPj5erRPndt2Z| z?Mi-3a}fWk^bv1OOU11@4Y>Gp5r|7VMC)~HnQU?$jO?BWb`9Qi^L1x>>iRf}A#(h= zoFRCA1EJ3uKns-Kh{FC`0I7#W^z4|S?DNPp^21~rbS*hY3qOkZebq#ka%(jWEJ+kN z@q!cW&IepOUIDGLyzzt9Q8>B$7Y2Bj;xZLk{?w_SyqxKUF&EsRbXp3S*%!fz5kkM> z>`~TjKbh8^-Ar9KsloDLbLgzN6zp;t!sLY6)BOK)3$>511K-Yq`y@+LTDY3OEEK*e zrcB3=0j+qgd<_|O*9vOBpApFz08Kjg3ePqvP-WA0IJ9OL+dd>8eVdBl_4uPO-Q_f~ z@DIn9IoJA0rpr1yVYp=_k z6nY_bf)%dmRfn7~3$bmETwU<9t0bX(C;swQ00qY%kbUVc5lr&nS*kB|cvN`)@eioo zXUCo5pW%yr(M)L;6T2_9W^Mz*&n7w)8`z@nxbV6SDEXodLV=VaDHzZ?W*u`zX2T1@ll! z#8GdP*~VMXQ9=G3_}Uc{-GUi-)UJF$X(0GqR|74wScFva(NxM@cTScNo+cg#})J>^W8)~!abcqsEV z36|8;J)7KFZwK^pCeu-yO#i;Q%Z>`!=?cX+5T9hnHZ;71qd7Wsd-NriUt$ScR&4^j zlTsJvlL0@52)&&W0_UrWMCzs$;J-La?B{R@&l&zliZ0Hrdm%dp_Q3$UTB)0Tk4=CZ z$%j!j;Smlxs6mx~RD%7VVXPuZktp4MiE9?Pk*h)udu7oD{66h5xzr{JmJ?*?l4WUF zZK(k3m%CC|wP?(o;>Wr+D1*y7U-Ynl%KX}m_{Yw>&>20RrXO#@+8BAEn`=&doel6n z$`m-c^Y1Z{&|DO zB?ls(t5q1(mBWNe`)kE>3_%2{Li#-W-t;JyagucyL? z7pib`KWkXtmkC!V7@}r@8tuU0le@8NXR8u(5$PfZC^bPDlzxf>?@D1kYbg-qt3 zZLs@!fXMXL9_+dP6(8R^!LBW~$9wK`iCerXwV5!OrzH*H-a`iQX?aBuD|Dk9=U;?X z_Gj^mUN)+w$C2RLVSJkZdipr?DqhIliv3UHz{GPrN$D3lBGpT{ea#@;yZ$&>Y~MyM zhiO6l%4{aVb1>8>8}FU@0r?8)olVdRCq$yPFuErxl(bzR| zAHK-lCp_!J`30$Jyngu;Oe&5e#wP}ek5nRCc~Y8=89a*Zp59Ap=;^a-4B-@OvL)DrDzv>P@M2kn`Xah1)XJYA)#Xc($h@*wRISGeQJPC!h80~FEv~^ zQDFNVyo>LfmEl^C(3$+N8O=uh!qlg7SQszQCDsW$ij0fwQ>g>{Wp0N%wuR#ID_3Ds zi!rTS9!vY$GVJ z*P^6^H;!%Ei848IkiE~B9%xbEN*8LOzjPcNGf9J)$0YIAuY5dx;vwG6AHnS}`lCrj z606(w8`s1p!^3rzq$tUR$_qPs&m$td>);{mW=3OqWfn{VCf~psO&@q-`A;)=_}&#lZtByBWzUF)K@gj{P6_Is8=zTvBW_NO0N)rRkUcjU zj$K|#ZJ#IL2yTcqo?CFN>`RuDGloU^yTAdfJlcLL1Z|IAB$0o!aIwP=_G`p*9Novk zFGzz1s|gv!353c%%p;1MyI6Qf9hwMS*|2K`;4fSX>Q0}=tuOTXANgIFYmh)HdPNxS zUWT>k!WZ6ti)FD5Ealxl>|NuG#~Ukv)f76!HR@9R1SM{?ayr-zL-9P1YvfLaA?1N) z)Wcx|2{r#CUbroZjcZImjfQQQqx&5yqt=Prly8f!&p8FQmcgWQXOZZ?inmz5#t;wQ zI3V`lF$z|EE+)Q{6Y)c19BDG@Kwe~w8EwyD-MLNNNpw%(I13(>yr(F#&Vj9#R-}q& zVfnYQHRcL#Sg5>`4Lmjj?Pdj1r%e$!HOiBgtp9`Qmqn~q5xlY(1*~orsh}p=rv2egx zjxY9kiTgI)!6SMb=;7qQxT_O3u4%(gUUylZq=Y?a+>Q(S3NRLif69HL|nsA);UG)DL zLo@CT=2E@7{Nx#R-uvV&3l01QA7;OyLmTUJpc6yXt?p7d=-CZ&!#n_^RPUu4%Oq;l78eyv=zTGXBz)vlY`M; z-O$5T;MqMjAd}X|!%WLvn3H)EY_CPYWmZdUax~e3u@#V&@*bv4I*fhxsW9nEG8(4$ z!n!fuY@+R4Fk5km%$}-EKi`$7uImJ*|Lsh{y(i2-VoRXY$$6s7yZ`Sq+Tba>%c8%G z7w#gV;5b_W?0b6H@t99gGUPP;PEEs5KNCC^F64&a`jQdP4Pn9J5m2P6#Xso%!octv zaL=oSZ+>TBpOrT3jJ(E{Bu3KHi6(GRU7F7RBTbHeyGi)_E^?;v3uw3H!k(d@iMNnq zeP*UWNwx+k3^Au_RTZ#5W;8c05IEMW-ZG@K<^gpaj$dkIAum1%U5qmr z)VCb(%xWc}cd}vHwa>WzTr{0p*G-I@jLFU^Eo|pd3-&p(jx7o@!ENzO>_BVCfJfT& zT+bbG(!iCtpy0h=AJ9jxX@)

fwvHP_gsARMF~fd&HxKeD;nTn*4~gh%K5jfR7zi zz~T=H{MTXo(WvPNF~sU`;QQiG+U8W`BEO@Ay$(N^!* z@brTbSf12?+`xaL-D%eF-ys#Y(#?Y%3>Xhnf&< zJA=`hOW-(WD1T%$3(V%K^LmS&C_Q^P*D5^20v=-Q($3P2t1HD4?hNLf+)C(bRErO2QEu-&*#JV!4VU%|7|lmwKd_AhhzAP z;#g5fga#k3z8h-NbJ*}K9opqJ6dSoE81$YYWW+ULPwGH5<1^UKXZJ}&rYUIMu_a$p zh27rr7v%UM9lk-X9JM+RkeR!GkO9HtankZMtm`U4vP}gKI$A*JoW;b{{VoYvIEk8? zoA3v1hrrpfnx*zU#C+vsc$Xl>`esT{xh=n0T7)KcjW|qlrfq;mvp;OLsEr)m?}N!3 zC3*bcEo{yQ6KpWoq}cHuNW2{XDU-;qIPXBKc@AWklLSo=7}z9{K@a?7>dTtM7*GSV z<{81}z4PGv$~W-0+zY1umjgatg?MAs6sCOS7a8_!2#ssEg7I2*B4;IMVwPD!?mo9i zi*RFNW|RR^t(o{^%oT{~(O@g*q{8Us%G_*}2{1@y0ke;j!iGgO=c@^ptRSTzPb6+AtQLZFb|Q%yLOl1=!FC5RWOG7hc6}BalKe~<0@vao`N>l zU*d&Xh0rInhPW@u!a|~=XOz?qB4Z9d$1Rj-*0E0lZ34KdS~eA|B7K_ z9-@ho;8WcAns~U~gb_EAVUEHG+Bv$Dy%I4tEm4QRDRd=OzX5g_#(;BbF$$(SY}T{G z@9|Gq{@9I_)+o~a>(!o3rp}@DW_QRf$I*&?edgrFnjGfLP-V#rVu);>=D*eoNSU z4cTW#&pW2U&F-TZc=ifD*+RrGBzuYUS5* zMEcc#qRgg5Tz~g5%bin;dxt2{B%5hyRq`Eus$a3>hQ+vDRsq%hr^0IU7>EQ#{&B7#nDfqtU5|O%~Mi0Kck7cdtcvn#q!|MytLP=l+C5~rd0xv~8a}X%5 zx`eS)jrpy~lKg4ZW6_x~J^Jm|81DG~iI7hm40)5!!U3Nmw0L`7RGgtk%{GYY;CG&A z-OLpb+tP~FGH&qguRg4JeGq2}j*ge}3y90`D3ok1C*Oll!>EQ}c6wI|oG%**GaY|p zQFJuAR%{~;6>eZCw;C$;WMM%4Do9PAB4qn+i4$+j;~b%rBcE7@v)|g0;deH`f_-OT z;9Y0*S8c&^C4GKWUPF{~ZxpI^N>Xo!!!Z1X4<7w=8LG5v$vfRFa68e)#{Im=K0N-x zVU?De$bNxv ze#!Wv-Gl}>DM3K@?+FM{yu_OJ7{W}S7_?up6HgoUxosb0}oe4ii3 z?q!8wpu=fgFR;)h4jixT5WEu(bInA`W(VQpmz`uvUx(Nzqh8b?crYwXT!sFcA9n7H zW9ROCVi;D+mW}-=YMj=Ik{ttS)~-`cQK5_k~ul}&wD$MCoj>{b2zo!rbu5@4Z(f#CIZu?8ecih6!|s`q5FdwE3xn; zgU0-Uw+myTJ|LEL`mTb**A01NWwLlg$1BWA48f1jcHy$w*$90eLX}9>RX}Iwhh+_OnPiYSmS;~$o|BDjhPKrv;@FKxu2NcXoP*K2iaxA zR0ygupuY#@i7K=wppndaC>L@pCuU88im?;G#8QG@8$5!W`Hbc>okqjepCj?!^Dc64 za02|dESAlAQ3*vly8NcH2i@g49JHkD1fG^0U1skC2HHcYLXa6tsIcU6#k>sU75+HR!v4@AzPa_Y^+|Qu8hdo|xe#qwd zCgT`68N7X8$dj|Hp!L;`KhZzL_vR+!zUebz;wM`!)8RtXqCc~q1K05Az*ace`hg|> z*eJUAL5|Fsy@B6RsDL>sjiSr$YINxcNeud_#_OI3L;amlA#3s!x9XeW*C5L6lCH4K zY8k%h{dbm7r$IfPu80S0OhWf1PsDu}w&AL}JL2YX#{9^m4bYUkm(BV)n5Ex71JO4R zu+x)PFsCWW=xs27cb(Xd7H@RvQpd@tkv3C&C88V~|5dZH*73yH{2-WzW`IuIC@2{n z4*g+^aB{CH*!Z}xte*uC`Y<1#T5g8askg|w6-BV=?>aW9mVnc;&HT5*I#f;{#7iCe zVOE|StjX$kpb593KG=l?)H_0*gulR@N<>51!BE+342xA4k+Wex;Y5ll4_n2^?ic;& zwc!gq_@RVP7F!UJ`B_YxFdstqyU=pc_jS2Ntmwi;nfdt|zf9{5G(u z;~VjgMmkjKo`Vx-6k+a9c`EMDWY%kfz(3NA>TIdQlm?CqBIB9V4^=pGDu~Qj+lW(7 zEhk#B?x3^WxFa}?Po=nzuN_y9HgnZLvZ_D z_>QwCe`Ti@O3>T`(;d31m(gi`*BuV-jVEEvTBzal2FynWh`tTlBT`xT4t0jTWP{YJ zFl>4zn!lM3dt=7q$R>Sy%+Q&f+H)S%gWsUf-Q{3>F1NwxFD4ma!p6h_o?O2g$j2urKa}3q=o$2P@Rv`1%ijMp5BZp-dh?|qn zLg#Nzc7KWkzQ&lE`Jcddo4nwnPCL5lO`{pTs`S9lVsYWrC8(Su%gr9l!5#ftAm=fM z21^LL*PpM&eGlcq`ur?RU-Xlu^h#lG*ig`2lY@zW1wV&LAjz1p05o^aMBSmuBCV`T zf`d;B1?M`}&DZ2R6{In7%R6i;6L?AsRcVJpF0%@cMn2&cJ7uFueCJJLGXL%6nV&4t zb<9y{e0~|sA|06)mx3cxufX(*P{HS7{6C7$!yn7~+;gB(hhD{HKrTQ6WXpDFZ0KeL_F&M<-5h0Q(Q^zokw?Dz1O?EadyLUzv=e>`4FrQT-17S%5}Y}fz& z06Of_+hk%Vy95Kxx8sDnk63?|BtQE05Zus6f#Hje;pC}=J`BIXtl}Sll7$62%Q@5k zYA0jf?HqVnkiuH^=fJ|rSJ=4oRy^*YG;P5?ay`R?z89ETK6lq*_Zc~{?du9$mVitn z>bU6DQ7NAJcoB`cBDg8)6=~sS8@TmYhK#tK3>TIC@S(urOD?{HBxV(se$b_vvwHE} zl0Tv^Z8K@~JSSpraeSQH(lbz9q|fgxu!O_ObH}|md5X`*2;afhy||O)!-`uIL2{`Y zS_rd92ULLa5KU5H?f}o9uE&s@g&2M0J6Z6n667*fD694)^9QYjcNLpZ#X^ZL(y*oK zaapKXWI_jE1U}Hw=LJuXLE|ls1?T<1zav@vGqj)eS6)V=U@0!SdK!M{xd!Sb!>F%W z8xZFcWk7hb!F(&{23Keb9hVZ zKccf#V5!`rxZB!)825Le8aK*P*?aPA{1T=pgj>h;HyXQE5^pz|~7IoyjoI~(9g{~uVlS`wZfED<>j zGDa!8ddAE}g6mP2sJMnO<1-9YvnVE6J0 z_2PWo^kO`ZI5LW^bDYguf}&uBcN_Wr@h5S5R|_X2H?WKE`b1}46zIVJ1TJB+JFV4w zQThLVc!^H}0Yw9lF3AzRgj(?5O=;epmx_M119|v06n!Od9|%R zzp_x5Z|U)eTQBF~r#J3Aw8Ms79#{g3C4>eOF&@0N0KclsGq;u$G`Bg&?w6LpK8?K) zXQwYb)5_u7`s0{>HVPGG&*8nP-?3WYrO&JKr&l)5<*M@|(dqanl=GLR4=#m>yyCRD zRY(_0`y^%(MTe=fUfY$D;Xi;86+-x<36JSklWIwtw>*GK}V-5E(YO7&q@H7Q24MHRmRRCf6aEYXRR{q^O;yOMBzR-MH2ez!(a5YpTjeD zatP`lBwpdSQIsbk1=dS6_^{UlxI+06H2G7{UcIy7X=l}_sCO*4sgJ}H4L_jn*4Ik= zNgHse*8#?bBh00B`*GPeb9{Eikvc8(<%XW&w0-#qt}0H)eK8wBYgIO{Ez^g~`cEsf zi>Jcdkr%N`t$;}4Lp-efjjgwr;p>(*GRs0$J~v-c$WEW&--J%l}k_i*Fe7?HTzODvt?Imf}o%eNgH%!4;`X$bx@K7h5^{m8XEL03*> zr)h(tL#Ii6z-1V+{|=or&OaT67#L9_)hS@6?G@`6m+gZaq4htzZw{w4vL>QLuZ4A4~fx%j@=O z^N55fFb#GPug;U^SyoLjtf(G*HS5@d(?Qs>X9+A5*lUAJFTvzH9;icOA@7Ph4mqyN zzho;?GqX8dIn#nK{fQQ;gM02;zO@gq^#-hdMIyKwpQBz&~q2VTW$QJM3> zcpx$Yhg@uBD_%I@kKRZu>uzUK`P%fx!9-HFLx;cgT*>Nx41l&1LwK{L2af(Ti654BJVz@vJ;a(GWL5e z<}T9bsZY9KLfm)OlynWZ24$ebz(eCyvsZ)drt@TC{vZg5ZvflnDbTrQ0rrLN#7AW# zajWmlN`oKIh|G!%5=y?}`LYOH9I8iG-F*r-nhZz<@xXa&Y9X%I2$v93qCHQZYQ)-O zuV)I@*_qKo@9FHp*cal5=@F>SY_R`)ChEEy(xZVDY|Q9OVDqsawC@gpZIOkjtJsON zHuhGozVH!>4nBZAj<>*K_A;XEm;kO0n|R_x5dGRQkx0!XFnL-Rn_Dp+Tc-_&-c$1t zHFX8ok~_t)XpDRw0-9|rL4V&vlsY|!Ds1V*h4xeN-Tkxl`RP2gwfhQ3(r;t2S{E)| zsKNi}%JHez)1g2@=&Zs&R;UNmQs`B?sEvYx@5W$?tDr%xSEMueJnDWjfI%0_z)9W= zexI!qZ+wx&E~z5a?&(11UmJ;M@C#AWVKuJ0^fbOMvKEia9z^#n%f!!5WchF7_oT+o z5mR&}_zHC~b2z+S{PuMN-jB*e`ECRLQa+v}Mq2Uj<@d=v)`#q_994M*bXf5ah+CFI zoE~I?_E>fLZ=o-EnH+~Tm(Qd9{Y*?aXTrx%j3DBU0GwPk2`|WJV0;eLPDG+)*>&vjO~E_` zQ{Mm1j(Ri;ca$F$;@JnY$$&F~B!8Fzs(7k`iQ`f_I8&V)e+m>Qq}+lzO+`4ar~*f< z`46I<=J1(Whaq+SYAoB?g4f@w!;IRW5IcW1o_%C-M%S=N|2}c>*F%_7D=^lL)#>NBxlq|K5UffU;zqA< zn5B{hjXqUiUY>@xcR7+L7Bj@1*n*GEmf_e0B(_2(^?QmE%)C{}gjgm-`pK{n?gT6p zTG-*~ufhHDB$oQp6yB^pgEOxWfV0aE;L;ZY)2=xd{tn3zYgOCQHOcuf(q*?$6H&qE z=c3r~pf^y}9?r(Re~LC;i}{SmmqM@7N&HMJ3V(SBUZh_d%=1z=YSur5RhcJo<+6Qv z_K_S;+LXlV&IjUT?-L+3y+L$Ucy|=68HZB>t-!fff%lK}fD4q4y&)A{oU%|ty;5;xv?4|y4V&bN;!@m))laItF!+{AA%lg;NnaE&O9 zE{3_<0-O8149t&RL<4Fy=)Um^^uQh);DKX_f83f7vb4aA-i^}Y3)3TE(93L)mR}7&HcAN27-_B;Ey4DF980eau;hguGkE+U zd1_Zi;80r^$sP9qWBn}nRC->hr~bv*J55mz6k|Okgm}KpCxB=t*llsX>Dg?2XDZ2dA;!Y+Az@5o5cHGrs6o~ z`TX)JFPwU`0K1dx&>?y&JWO{LI{A$-Ej55@SoFfq{WIZPjUg_WHH+OnvlCL;SfU>u zB-(72f+L*=!^a)NNSojizS_GNUJbp5{&j{d@YhlrbKj9W{yd8|>0+3e|A={I-y}O6 zGT_m1HCSbRo$WP#$!s=e2)Xw-ERGli8zPqo9nenk#OK1Cv)Yoq%`xFe4@EJLi4!3; zX%cp5d(-+x4r?+LpsL?h)UaHMSM1iI`TPbZe-h^3M0|eQhqhg6 zVVizuvEG9LWTWbRJX7z1`ocT*kdd%gdE5oFgl@*w&%x-~bWc2^*qS>Yi{dvUjj3#- zCSA0v2J63Mlj?W{SoP`zi%Sq(557U*tndgd>ozhu+a%E)-D(V)8A@gZ*>lgg-&wo1 z2A%E^O`^10n3`iT%n8(|i$)K?BPFtEJ7WUBw&MqxDbk>N!Y(;$z&JK6%7RT6*D#&7 zJL0e*kz`h?&?UK$3WlzEm~}G}Bp<5Nk6TkgdTx}EZEqu&{w{;f-p7gZ<2P{rY$%JD zHlj0pR57(vpXX^PQp3*-OPqXS*jQOoLmXJyt2vfsrK-0a~L&N-$g77BG`|I zw=v4Xg#F%WO|ugeIE~N++uI{S=7Or0SMcyJ``Nd> z2{53zN&LiaDR{?xhsZH4u(OPiAz1>i%Ugl29dd~MGwmlw4YtD6-HRZ{`UGshn+&1C z?D}KRUbMcl1N*}*q4%{nw5`1l!&D;i=i6eO{%8(QAH9Sv7TBxRoBD}wpm3L1n+gT# z&hRqlG7)bwqP^k_kp0vKmKoEb$Tb5~R0KzjPB_4cBe+IKit0+nLaH@mp8auHv^x^Y zo*#l~i6^l~J%yq@`cZQ zsWXq#f>C7D7I2RAQ0Duh)wpzR95#gbLDfS!aq;K*)c(&pq?dQ0rO*dRY~G8m#m1Pj zRj>*OXQ?n5J#d=82!=*hld7R^*w*Fj?&`nABdX2(d{A6Cr=NJYC?m*b2{yqKj;c z-ZYw*I|)CY+73@{ib1ydHw-eVXTQEuakO^=S@C7KFt?uo(kC>ii*6u#H{2y29S)ch zUJKj9r&3GTg)mxk4=kAKgs1195V6beSea=g$rUoZw(EY8!2bUTcbd=hvbCXj=w$po ztVMkIS&Zn|1wH!2eH}I#CkhPnRA%)`nf^$M#IQ93pl97La2*&7qcjFWp2u$Doz_Yg zm&}Gr`K2%=?-Ts{R)njacVk%SE*P`*1T2s~P#Ly!ATJi4MN+2!@W-_(( z`P)8IEHAl_xrswDdF*XA_wyjUVcdrDkC*cWwY4}CL#Ts6Ej*!vc;VkXHU&rUeSRll z-|YiX)_WKh2YrTtEm6*QG(2I;F>QWBX$qU3F`6dH8uJy3tt_?lAX_s%jhlp3f~53l zSTo3wOD)x5_iELdwTCGmn|+GtoPWqpO0|lP+^hkQqmH=3-5)vxUMjt#NGG@DlJk*C z&_j{xvFU?HEMo96HG2>Xotnfj2RWY!};B>+y9a(xQ=n1XpJGD70JH%pBsH znAOW4V$(ay)U?c=9!>H@jXxTq#GDnRt-F>KmHicRg&Rot2?YFcz+*L^pAB;e;`=i6%T{D?=^9E)k&g%dkyA) zKEh_)XsDP~BL%-a{tB*DZFI_54jcX7f*^l{m^jLVC39JXo&67_nIfvI>CyI8@S_9Vy2BS+-4DM)u4FTI^xv6&- z8L}XqH=j}zdp*d-^Tok%4HJcP-bx&UfVE^{|qk(Gm&eW&8M>L3 zLxhnE{k&HL_2nh7|B5l4w>*n_PgQ|fuNtw!u1+SyFFEf?`+puZ21PB~xX+#`;9Giz zpIrL~UY}V_Cx^;lgi;qbue{lXw&%im;raFKd*~Q=5IzkSp4!TKZFchu2i)oHkKtH9y&R=8ra+oX26`UP z!C8M&VX2=QI_*!uMLuU>UE?#dalWv#UT_uawC<6G2TO5zjShaPYs0xK{Q0yi4`4{H zA>Ai1SL&^X@|6q6@zllPd~J{mW_&ow_E(2stIr?NxHSd5AXJgI2bKffU`@zNIT(0r zDHz@y1-LDR#NV*vgB1h7(BVC^ALI)|l&>->TLS+5QT$xXGm^OaEbgveiwh(kvm+OV z^UVG_h{zdiAjn7R$dxUaIB zIVIR(;A6oTtJDL-gtqv)Q#_Nw|4eHK>0b!3VsVj+@tp<7Wd2 z{&!k5vpp2a<9ExzMHvgeaj=m4yQ<0cPggQxwid2jbHXvTF_xITfp-Bc;2*q8jd~R#q6%T;hIw!I614E&ugtE8*=5yynDV_Ahr^^3A+5o zdm)E6dMG}}c!=)1gU(LXq}1#iSiG6e$7)?5UoI>0UnOm9pT%3~?n0c9aSk&~ufknt zP3m%gCdLa)6!EJ>9I>GuazZR1t4xt>J00vEC9rGvGP%WCJGv}( ztB~d2M>5V^!_?eg;Q71`O~?I*v4clK=PO^{^i3aiXNI%yL*}7>z;s^aQjLf16yjZz z1z>dFg1#`WM3ej{qs@GUbLCn z{c$CgCIXkQ_Ag2w7d)(eBjEYuS#aate~_(q2LF3?6~6r$$$xmffL+-syr=9p8KTxk z_MVN!@qO)dYWs4*dFF)b_bqta_h!bXEEER>I#Gp{|5fHE4x}gI@mi&MGu6W=lRW9)IsSLq+=Le_T(SgI3Ql`vj2F(GKhCeBLzPl0LlhQ4>m@1b^fwUwqRiM6y<@O;>o6fdvkpVEhf`ze z0z7r;DRjgy;D;&%HueWqI!iy1yFXh6kN?!e!~#|E_nzNaV^)F@X*p!#>sKXzw@+H;;3XOS`iXYW4f|s8*^%mVA-AW43(`?08+Zv+cx_sDP zQj6b$n?*ZDS<=EG2k;HK14F|(+q-Tw>=5=DGAnB#ZJHY&HTofDYwX1}afet{7qX3k zQ^}VB0B z+HcIa&avjpj#+W@S@z%*_6;U?hy?yYpty1WBrvej6j(B)urM_p$9j9xOm9itKBkjR z{zX=EP2DhJJK+EE03qH(z*mPh94H|O~&Np_6hAOAA-dJfWWAOr7_RXcoB0jVC1~;Lk zGDUoGcN!cTwt|0tQ;2&O7ZauK0DL8Bf{FEB!o2kqoVrto*OnR6JCV&$wpxQ`?{TFa zXLabXuifm6j1IbW&vMRjOo!-4qd;$ZyKsGV;Ph#Rctg*w5A1$*F7$Uf@~@wc;ifIBctU?EupbS0VkXe~Q58@% z&4m7ZNpOU`6NU<$l0{waaO_nq*bI-L|NW{Ixv9(Y;?AG!@RN6N%So21JRJa&a%Fkj zbY1S`u1H-jog&W@F5u{ZYiuL&T1Z6N)y za1yR5xq-%kk41|cQ-o}bxp2OTq$53AFg8k+lAO~J@Hn3NC*Bon9zVg4EfadTCB7JK z*)1L*WGSoN;y~RY5w%xlfzj`5fuVN_mb^ZMkFHB`wddA2L+uq*oe8FMt`8JA71j9W z_9))HNtdTA>cV)9m8jzwgEyiS`0^iLS>54KuC6#Ax|ZqFFG5zP%u5-L2rTdi=Be1F z^AHQ;DoB#rUYt1ND(@L&T|h1Mp68vUo_W1DVtl4*zW!PlANI?H{vWtTnHmWiNS6^u8EjFLC2j zZR15xYUN;CgcTcH<10>QKR|3AD_-evoDAKpBV-0-SyN#p_}N^-h;jqZm#HhQ z=3&kzQ*8e{kZ|O!m+!o%&FfD3p|_JK4VhUFLmo^*lbu30^TkGT&t8Ft2;H~LsnMbyAusapPc-_- zOyncKe?y;V1+eq^50F`xgtSk{4-^Sbby$Ttm2=kYlKmd=`}aefSeQW4VKy;v{)u;Y+#uej9LDxXz-enQK0QMc zbMC0|sHciNQom8i&9t+CXFcTL>Xr1sT!R?{xHVUPBZ@Oj!)vuYrm zDH;ufcAkS{0`NV1g5VH;a}btwEQFri^OzESQ#5w$MHZMl1_CyfF#8(8`>ml*t?ms0 zl^8AYYJoEpJo+@V7UohVR)W8!`!+6JI~r81&ZEzpK8P9;kC88SV!(WJ=fMx{`12jz z%7A%L%uYpSlJ|2LqV^#T9Oz#NUJtThfLl1)S02SV z5h{3ucChu0OL6o$DOect1)uM_g~186Fh*2>wifq6G+`edde4#f8@o_v*ZX9RwGaKe zdob1}jYg((12$RIpt!2mIs4dMK7K^3Xw$kj3<#KyF0nW8*u8hmOK>i~KXqPkv5tX} zw+HfTL)JmOb{H1gP3EC$#?WST4GX#|ajk&~J)LC(zJ0^Q`D286+l)yl!4BZHbqf4; zpc6M&EdZUIE;3H`5zwvmBy@W^`)+DOj!a0vnFFer#9d1WeHcqRT4Ui?^=dfxXdN^d zX2TeL13vHM9h~kmidM)g^D%YhFe0^4JUw;_G@L2JH;z;Il5S1vdut!6<*4G!!+XF@ z_ZSq_4Z;sf=9u~ZH-7!+$cr+jVqoxDHcq92_&Uk*&yVdeY$iqj-vaM!g))thX+ZCd z7W7})|Mw6vtmDis$~GmyuTLQ$qsf?|p)|d%w}LtAq{63$%Y4(9(X?x}HvjeOigS&r zG4@Zi;(tBIa-BOTVTG9~y8gU^n{HiZr()B{>~s$tVx9nJYy2?9KL^;esc>#t4GWbV zO*o9tbQ+&rxk_WY zT2XZh7h6gX z)7u08!K2mnkUW14yWe{W$MdVW?`;uW>U)cl#@``f`6~D$D|Gr@Zlm@t6&^O=GgGl7 z0#?GBZ`KQ;YDZdOZ1)&Cpm8tvI&@V$()toP;dcVc*SsPd*1F*|hv#6VQV&hR`-zXt zd>-)A1K{5T>g)7ToRL41L~VG518WX4!)#}vWA{REK`y0zeYbGN>ICS>N`S`c@6dATQ=Dae7(AQBWbTf1bProZ$~N3$D!&%4lTQuLV-mf`MBsN41SU+4hKu=M>%9($93)?8_vBVGjw z-oGLEjKI~_kHUZA7sS5xj5zGh13WV(0b!ibjsARt1&@jnIPM%RqK6`VG@AOIZ^Xtb zL~-I%bSr5Ay_j%lQM2GfgPrX!#Hf>rNMWAk^RD{iHYe|DPC zq0cSwf#o2!-C--eaPBQOcqNS$Jm!~wj_P)Jv6B5gc)&%;R!j4raimFR%P0J!TezG zj&h-*lpdI=t51D0)r20}P8_gZ3AQ{8;!Cbd;{K0n#PHZ#62Gv6G_OvD|FnjHne=C3 z+HrxLCFcYdMgsiaya+cmTeFom4s_GBB|u);(5LAoaJ7CmR~w|k`xcJjk59f7k02&^ za@#R>Yw$Ao({TmQ1tdb~ttyf{?+jDgl0*C^9>m=i19+gy53DOPL21)h?1A+FkoXgW z9akP;-zLVcuLJ1RIgUT>duxk(|?0W<6Phgv4CcwZ(Pc$^2LVL`QLi5CQHdR)i3@cqk{&)zP z%(^K2xjdKr>9-;|Gge@swi2bjx%lPM1Uz+2hkCTU_lrO{{lQ*RLAz+Cs=1 zF6?B<8iurLOa@F$y6606oC003`vQ48)0IxYUIqDoCXz~1 zbPG=h+2gC>;hqU}meONPGcE($Lrd|o_B3v9J42j1`U0B9Po_cRePF`gOe`?|#!7{} z=z_kVOp!<4SnZn$NeGJ|5B9yn)f1%Q+7@jHX`X|d1h(zme@dd71Pz|}cRoxW7K}zS_cmJx}U3>MxxYU zFQ^^%9>47~fREZ`B=XX1dZWgK+BfaPCtDNguRUt0_O#->wH|N$y%^N8O=xPX8SQORz7K6Lobd{;1#KnOzWf+)%g0J%xQ@iy{{-h`4xyqPLx4^sBk9>&xLi4ir9EP z5etLWxYvVeRO!cPbX1Fn7d5HySm-LQ6MWsHYpd}^s06kz*a*qZk4WBbOIG^phWKT@ zBv03WLPj-NFpnBVv~@WsmI}><&ObBA-^G8$uPu@VDPsyMZ8TwnBOig>mak-r=z#c? z;WC=uTq9&41$UE=0Uq!J96B>jJ<_zV zRjf6AJbF3pfQ?VGG1z!6j0xWjQQBL`Qbk2@{kvbJ?W9JVRvjg)eL{rKc!C|Kqv)4M z+W2N$J*s?NFTP{74m6ZRtig9bJ%8>ZF0vg35{oVQvJ)S0hl>f!+HeNf3_r#XZu$>T z)fj_@)D*bVQ-f}ny0~;`G=`5(5cX)#Nt134I*Z4$nHwBgym1r+Tx|lczU2^7)c~$m zVffZ>0y(uv0yFHcVBeBF;(Bl~mbOph+ZvLnez`TTnY3BlX7LJDCGLUTNF|gzB{(x1 z-+)+s1!=83O7+T_&|P~aE|{cA9gmkntMv^Cnbk(B9_Et3>5AN~e>KQC|6prQ7U8@u zEtC#Qf^WQX(Dl0)Jz;q{O$ z&oI1iKYY&=;|%f!4t{=)FP|5YaQkVryiRzoOdU#NraHlck*nBW9Z#-xs~G;pNm4sm zd3x4$4_$9?oNT@q0UzJxRW7hu%;G%vVs@+}@iz`c=Ow0Gq}PKm*3-RLp9ug zvJD>^#^LH3bLQ*&7DhV^*-d&IbFFGG$?`=;QrJe%k4m;BC z-DgGC@dY5NE_If52qH2!SMs}SBOvtt5`I&z8#+zv$jf|V*ppKZ9;fDF%UgZSA3ICj z)gLXcuLwcQW4EAa#zJ;rhbiB?Ly7B_o`BGDXTEG#1U&67KxHLihg;nSZWmg}tcCMY z-ggwVX5W~{(F@fEEDql(l1o# z#fN9nb+{sgB^q$Alb0dcUGOJp$D_L>V(@We*rk=l_nL|D>=j|pIH8#g${ESa1K%O4 zR*Cc1^dTOw!$irAs4EePN4#tZmV~2Qh9zy7;)iy818Frl4O4hMTT3p_kr8$Jk~W`a7}5y6l+G^#l(3*^uwAozH+Aw z-zIkh!*;KyQuWC&%pX$tdI(BZyw_Q3Pkq15YjwfMZW;D5ce z7UWm{6LM*q^sd3fM_GAu0q z%`VBva{DFf;{IuKz^*?8_LTSH@YSQh@j(&j)=z>lbiA-D97xNLJV*Xqinj)-Q$K~H z=zT?&-=9{;;^|?y@3mgYhL7e4*ILt)2Qu+(|42SJT7kQdNQDt>5KbL^6x~;3qnAM@ z?(Q~*k*81L7#mw$9imTX{MF+N{WkDD0g=Sgr-Y~r&%Xb(J$ak_1+@Q?kJ}xxaovKk zbk3q=kbdAyxq>CyZrD%$MOm@6CDZtH#jkiQy_AeiEN3Kl zk#V%6Rh4AS5?pp3`*3`V4f(#*o!1w|!Kdj(n76+GWG}ph^u{#UG(m%l-#egXa3buC z|4F*%wUaOG!oP zAxB`Lyuj0GQKNRzD&)n^k3up=Byd0SSag#wcJTeQ%(ekF$Hl|z7GXZ+BFFQD+1M{- z3wCv3ADd8`fRbL)tgVs3#OHp{dBdD;-Wfs+Ugneh{A3)ySAk1z8B8k*N73Uu4B(x4 z2+_Pbn=ey60Us_u7QAR~pw%%CS4*q%svpC6uW0~I6Q2MH7QhRvhx0vp-J*hk4;WOW z$+Lucfox9-tnnJltE7|JVK)hW_SPHm^ht`mwB#yzf(I1I{6| zKDG|tz8Hv&PlA}#-);EFTLG_Y|A$Fu4EZ#YjI*Z6&@ls)=t^=AXErMFOF`|29-b#5~u(ESe?`0h4lZ=1(Wi8a=ij^w(1 zi&Hy?2~BLEeoXOBz(AU z$%AHhljF{V`B9xhG*Ehq`8AaS-6@-`N=-zqoYgoz=|-&+p;)tJ9!=LT%M9`$%^Q6W-k0x5c)TBl~G@*i1^g! zVp8-E_;6GKFL%iEs#+Ot>kv*RA7m_Et`ic@?Pu2lDxg@kiM-w$hOZv_LDOP&w2G~O zl~3NGf{hd={TW6#wEhP>azDa+q0hDZSsWymb~DYzIT-C(B%UZO0OQkS);pV?0b4fwS1lOStjhc$BJVdCdjmUK&u zS{~ErdDTW7q-Bmfv;2x8^Pc2=UYh zLS`$w1wLvH<@G=RF)TUG*0fiMl$v`n#^8YSVA}#*-SiWN%l^g#UqY}a`X$L)?9VJR zOlh(GUKsdvDt|L$DNgbKMZ%4=Fzo#;5~&@FtHy~1w%M#!z^a9rz+*}O#3dBJu1Ort&{0W#dF|Vug&+#ci@W}-v9sM_ z__wVSw#nTh*JaZ2#bbe=p8X86?F@>HOG_HPPsT|TAMKEli~Lc7|^1R7JQ}B98~x3 zBk^O?Ve^(tB2PV4q*`a;S0xGD(?W%b!{M`t?xK?jj)k>KH4Qf%0gcw8`Dkscmv z#(zcaqi@I$`0vwkoH$(z+%`#bKCqXVZC?$o<94!F+cc>62M@4xxd0i`qiEiVRX8|p z5VztH{Djc4&~qKc!Zid=_<;bZ{3i)VgAb6>=%Mm> z*n40s`iAVmt!f*gy!}6Tdm{oDfh*kDC$Q*x$FO{v9Q^uqJib~ayhEef;mK@a=36zC zDf#xZp>KE5F*ozjQ&9}-tDD57yUcK9VhD5cOTul6)lipLiWAI#q4)KJ-0;&@Ffac9 z*~o|&e^TSeBKMOw%^yS?+&v+p<_iQ)e=a`R5e4o~s$h%hY(8RC9+>n#!1>>2v(OF$ zIw9sU!Ztm8Z+oCJcjbOk5ST^wCw5@lrB}GD$(_`!W-#TS6>XRs2ixVxV7PraxtW#$ zJzr(OZACq+-n#|vy^(`K$+zIv_~pc z;`|Rb zX;vwbAvE5-HZqiuk}0VO$xuj$ObtXz(WFR<&}3+?yVpjjL?j^+qWCI9W+nR0KhUqb z=bp3ATJQTj@5Ru3*a^1od|uJ%H^xr&&>twOmgN4u!oKwS8Sq_npSa1*r%}T7WLoq| z^jAfl7t9$zH*I+){xW(z{gS(%_}%a$ItLzN-|;HgsxcoX$SoL73ZKlG@rcY63PtcDTfE&kss`ydrD4KfehS;HZFD&#+7p;s|8mx81ovTz}#_?*n8`Ol?ENu9ti~=zG5{>I3cCe;&FOaC0p?~XVi8=*e zQI)hbb#&0f$?{{_;dKEx{qMp;YAQTuoLIcyC<4jwHnX3twYy8Dzs?z5wyFt4u21|<@0ncq1V!% zDE^xzxXLA1={Ex`sTxldwFdJQiw5&5F2gf?9ASe(FSu`(pj$5N5DEH*8%!kyn3RG#Df>~Pj7@Oyeu6c5#@#}xE z?Dr0kt2hC5%2l|l{5l@k{tSJMGeBvdz%E-D0=*TwqEo7Rq^x$K;2ar*nUA{3WAh?h zn&Bmyy<#PGt_k8T18QM#-%?R-)MQM#Z9O)iOb*uvLJm%}cp;k>@6w6ym^g|H)>i{+DreEp&T@#~HzwtadD zD%~z6!EtBBnE_^y_Pzyv1-@tRS`_KusX9>grGTYB64CL^Jz}Y0?f5KJo!>pVlOEr@ z2u2PVLiV3M2j?rr@ZMw;JV?C^#YTOi;4hZ&P$3;wEEgEIogAkKKk<*M)w*0V~}nhL}Miu-sLeC#V?W?k(-$^Szq9H4nto-yG=pkE_JL?=59L zj(*UyW(QvG+l7^iYP4v*8NL_R04++F&?Vs#3qg5o`S3m>_$)G*<(TJ-6Y(YpCsD8`X)PKQ_cSUcq*EuS;n?mX%pkveByq30sT|g$0k49 zPe+X$OnqL?hjGI$h-Q2~jtc{1>DthIFc~fdah~g$;gpqho~|*pIZVO$fmXaVrGU(r zh{4RgN5~>+1Mwf%o#gY5BydCh$R}*$vh9 z&}rmR;&P=54BiZ(hqjwSZs`=V+On1mQeGt7b4-M}{CL4LCip)Ns-ncWG?x6!49hkw zgn`fQ*u{+dk7*W!ve^n7#Rtr0@GFZ1{=SPh(b_SDPrkYrR_JT+)R1p1W|}G=ttHE! z4A6#e1zP;Tmm%c(5C>j+X0514ZYY|Bzkz_w>5#kN6BfjJ(1uH)m?Y(fKG%-2)4sW4 z2hB)u_lzyuK4m99ELK3>w(H`(CH+_>i&*^lD8y-pg4gx$FwwOd=7es8D;3@7H^K*6*%n?AWKo^Si{%`O#JGDYsa>X!}}TJ2(agkMO|5 z4;6XP^|dHjtqROX70U9x>E@5^tTXN=*1FyhXV*E2^+CK6x@?Hl5wlPuTJuUjEk|XsYH>7d{PG)rD3$J z*PjoHZvo@dt+0Qm2H&0bkJ+!W!LE?q#5m^!nCK>eSH%djc3D2OJ+`I34%HAKIHE>A zx`uhF_rS=fh&WHrLfLO-w#U-)ar1c>>L)O5zZR#ERbMBP?|n02yV@+w`Wy-Kmrvj} zYS-~j`2e2p(Ib91+fe8Y#Nin-4nd>}@*}o`(S=MHHt0Hz$&138k|E^1SC*ZF!(?zz z-2h$F7Lttkar6RdVa9p~@ad~mKD{^qWqYUN@bCKg_LPb6{<(oqdp#T{-yOk+jv7Nx z3-k9c#l>*`MlCAO9?7-(45-VzDbOqB2)m;#sO!`!U`Io7(PteVH+B`@=xvYfA&ZiRnezZ53=LL5E$_fnp4b3OQi{{UwsCj8>iu= z05u##9ccGSHC*eeBY3nMaqf-{cxl@|6y;wc{-dVBjk!YSzFf#il|@1CsyDdd>Pu)m zxs}{a1e&q^fcW>A98_LEfCjqOu;!Y07@FKqeD*(N30>0S{ujkay7ic8<^+&;dW2a{ zM_AXRjhOIPEHFw3al2CksN0{jP;#jji?apnvhDGT-L+}3ska|TcZ_C>3a^nHrwT=0 z=UqWh=r$JxeJ)R2(Fku7bD-!@jQD|Z7OX^qC0n!Z ziPHSlk=5dFLMC&|4mX6XIP#=#6yCe<&ups&hibVL{W(pEAN+KdXy~Z%p4sIPm|qXz zmy5Pqtt`&;wXhFp#xsG(V8fg)kQLYjXWMg;jK2rFOG@$l?I!Fm5||&0oN&?dS7`rn z0X(iKgaZ;jxWoR5sFJjz#nq=oPk8Szwrs)WGfl8nY79u_m~r)bCEl@CU=rVy;U6Mq z6BU~ZEbxp$qXmXM=a>ovzLqCBCmhkcwiq8Szsfw`+yYQt4Cf+|&69|M$Ib`%nAF=? z*XoB(0`}X~pbtb3?hvLjmpK_Prz3;(_@=F^@H(9V8oj}IV-$x2cUs8s%YT`V)@g|R zbrio2DPg55Z7f9bBbnlu#Exo?L+{=*?7G0Av>$MR)g7bsrIWL`UNZttw*9o7oS{Vp zJC|ML*NfzMKpT2^Ttd*g3ETD-lf!#VAvrXhmn2l6;wE_(Hb(|8#IF_3pSPgopawK` z3Nx3>F?ircH2yZ1!?c->An92H50*`#_wGB81E&V_vT{@Sp`-{4j3$xT(X(NbMhDBY zeN0XTh%nHxosGMwO7|T*f$rW4kfmM$(I%QSAwB^wHCw{=CJj8lxu2*F|3t>hT)=ZT zrRn?!j=akA8~YuFtfuulnt1$SnI6Beot?*F)0ybN>A#q19Es$LKRO+XN8OM<+<){T z3Uz2uOw)zLZL_IF$uX>QJ}26#^ZU-jKHq#V$si3sirtj>_60j>jq_uADjP22GpH}ls!_^(L5ZEH185E zk!xlq5qa1xbn6YApFy0o5jpIA4^Nm{qnDF3EED!xw?jg(gMQG*RMT#Gkh-_x+bA_@0Sk}9H;?w>@*MF|?y%c+PX{hI1;2_Xu?=PA%>URou-vB$-d6?pvHK(V zFeaak8M_T`&A1GIoz>`=qBt}WJL2z2UGVHcF>@X~pB`Oy8lT2ilWi8W$izJf;^=}~ zJjT|)_3Ta*{&;-pmxPmF7Tp zvrkEIq$#Juq@E|PJ2VWhjseVCdL4Q~-B3~?2A3~h%r|`$m|{^W(& zi>GlSe5W=P)+{Q)(#;|q<5gHOJE#>e%O#-AMpgP+ybIR24iOoiw-9_pTi~d)5_Mka zgA0e*U}vEenI4sj$K&L%V3oiJOPWrTG7e(RNOQbX;t1XXJ8tXG9`;N_4=%}>z`f1F z`{U0HqUl*d_HI8!o_~By%>7OZ#7ZBU@kWB4KJJaT9%p00P%+e}tRs)NJz+LZ$@tFn z3fZ525f{rx!7}1O+T>JmU4A4{oN*qHvb&_@oHe#6jDSVXt6|LTS9aSI1Yh|9Sy4jn zN$_2f3bUgUY1yr%cwyylHr``7ajM?~6}I0%h`htWMLW?drGX?1*=ozz)|l(tDKe}O zoUH9(u=BAc=G(R6xovx>;wMesHp2~O)DNN8f2;E5GoL`9`GUmCv+PYo6PPb;#Si8u zpfuqs@tF7mB=pDgw6DWx$FeWtJL;#=`DGIvuPjI712@?X!_P!>{~c2K{SX8i84K== zA$;E1Ll706gq9Hw>*m}K58PV#|Mz+-DUVzSypT}^a4Ip zlNHAZegTu6JrI0o4(xRH=7BS&qKy1#zHilR(VX%~ob=sKc;+m{Pepr(%+?g#z2~;r zJNzDc|MUQ_2`T6pEl>6he}Efw#_>ms1wUV89a{RIfIpXSk+-YcAyzXChBY>W--}=9 z^f8kx(&I3uN;r4#Ur5Jl$a1AGg1_$)P`iLap*u|lR$>HyBy|#&z-ngQ;>v>lSaE5M zBV^9(-QYJ&$aT3TK&(_POIf*A5H$#H*xYhl5Yz;VLylwAsY`-)SXyv#zJw!o)_kp> zERNXHD;n`$k9%s)r13Wd#%{flwQy4nN4HLhN z1%Kh$GrRQ)zCRnmsmn%Q86ct|mKx}EaU$kOUt?)PXV53KLHuj-Pjs>@U|T%yl^I$I z?B}z$$@;7VaHe`TT5MFtnB(%?^OPPA30aLB&c=~vA3xzV{u;j-4rFsD9)#8JKVVz8 z5ud$Mj>d1SV@4%03|3dcj-@Zim&Kvr5ImBaCnTXl`&7I82d|;>yX(Zp^bzd&eh9az z9|eaC2*xTSiGSNX)ZQf{+Vb}sA?u6BA9@GQ4toWmX7#LL^h>s+>=>RMwUnv-P9&8< z5;RCSr)!thGH+u8zF=aaD1J$UuyZxxx7#zJ*>FET>F6i-0uDj0!&SVmWeMrC6Jf4* zFI>10#E!hOf`UF|P%rK&R*H2*l>nPf)p+mQP8-@?3 zNYI1Vt;tVWZ7>XV;S=Rg!U=;k(Uut@_)lQm=)Vo+8%I8b&w<(O#FNP&dpsWxuQ`CX zedMXa1;Nj4qrlY!SIUR0C-6&{Hk3wZ;5fsF@XbKrcKSO&%JDZKlYEfb?XZGFLgs0* z+caG9stG#V50R3{1en_~lvoE(u(Oyx8JeR#62TfB|L2ZIXnhMXGJ z+~*IIS6&0{3%8){sxrN2whwR4+fPr{=V064+4R!3J~kwCDD{g>Bs?A^GO#LiqoWlpcbRe=>?7;#a^$-fk44QD|)*PRsq8_w0PXptLELVnSz z6#T}!qsdPfyyDH+cY{Ir*18%dhBD?}MCkj!x=?oChF*G@1kuYbvL{!5V(z?t_B`V+ zY5h47j}CgtnrhW}RCFBdSZIPC$9~|Mh{J5-Jqdd5&TQB-XDGER_ru3;bl``23;vo{ zi@~SQVEJA{Oc^s38snv~PhF2U76*X)6nX9w9}c?3nxL`wHqJJahV;kdA?7~`7%zJp zbT+rZ)^Fn>`p z8^nf^4)+VB$*@&i<2w(kRDXlxTM=wr{?zV;K@cd;(xR77O7V!bW#SC267qBXEnHKa zK(0Rw!T(ClAT~XTBsVK#i@{fD^Q>px<@yltV+l-&%!b}~pUDQ@5m*s44g=-J(!R+L z*lOo4fW~p~eaRTSe!U9C#br?4@eOb4p9b#*@uJ-lYB2x#I%+y-96o;T16g-7Q6Xpu z4NE~$w~&9HJ@YzBYp#HgexvZXX`bC6>Pm)@v? zm#hAO@}4eKsp=$skM}}MA7c`{gn8yAVR>X2&Q9M0!MnY#RHG{P>$By5am-9Q?$cE^X4IHdkD5@8RQM zGGqcpfgz-6zXjflR>SQ*Q`nk>V_-JL5cU?mByX?gptp|_H@`jxRXOL*4zW?2*Q>T z@9^%hw-vL>=L>x1B(%M~K^)_9A4=D#U}xl7h|2m(dVW+1oYVzEmhC*d@~;)j4qnHy zyaG0y|H5Yjt4XWlA!zR`2d$Jk=%_CSU#(eKTk%d{fG(&S=<;rlXJ=n3Wvt^xB7{OooBp9Ebdsp{$AxhqZVBewyZGT*VH z*J+}83K1;%;Twp%qQn-v4`E%$udq3LpTMRyT5SIr3vl~4QJ9li@~}PTr1iB9Jz46= zAN}NlQ>y?gC8YW8%|)DbpXxAdjF#quT=;Cnc-w+t6UH72FRVx-h@eBu;>g%ZWYq$m&8UTR~dTix(qgB+c+ z@q_s5Wf$Cc{{h79%7*(Hy0~u62T+ww0>#0-_~xnxSmlnOG2+9JW+f{=GWU($-VHV2 zlp6v&{fD#b|9xO@!!yBks+vgu@oc6Pb`mruO2OxW`2yFEZL-2K;*1kcw@h!RU|_zhrlczA&go@v@yba#k`VwMMe3&*tI=r%5y| zZ7QTM6gptT%~3r2wcYcYNw~Yb2|^95Y1+{iq5m`+n6URu3`~W!Sv7DVUqLiK@-g_g zEAat+Gb;4Gow%Y&zxYzaXA-5?NN&_T!0zOIX#HG;dY_pNIacksXM?e5M!F&VY_~_9 zxN;3@bm6z!~NbFyOl>Z#(-6 z>%OGGBOJ!3P5#NQZR=((_e05glLoYzcZ9W$ZY1+>+-J=$YWyMb$0r&8K~#ww`d2(> zUkXpdGOtQ#T)#X;a<2iAPnx>sPS3x#vn*P=*QKMD|&lV@$4)W z{MU6(^z+^_l)fc+2yRV*$DSO`1lO7P!&6Y1TL;(Hd`0WvHB?U}0}6f(gI^gvXqa*e z+WeZyZ&?wKx;>i4ms?}&sRgvGj6!920@O$xATEEG!Qkz(xWwutt{HI_N6Cai(gL#hqP?m!hT0?WB4yg^of=3|vr%<09UolG$FGpdf~xh)X1) z(H{HX^g z9CjjCyH7Gt4P0A{yMNixoart+G;$4g z>VFl7P0$v54JifLrR!jj=LAp<9>k{_&EZBzQ!!no2o4UmAS>?F<6cc^blRgs)76x4 z?jLtv^g&MKXBB{UzH*qWHHhi`-OmFog;{%WC1_jx!^fu_c;ORk)<5?ydEdPg|9i6w zPDmxP!28kQ^Uj#Mr3em~a$8C!oo5kkX{ec9OC~NVgb!Ox=&+?dNol z*LOV`4nBeIBPzpB8IYX`Bm0Z$=m=0+NltIFlVJW=2BHC(vmEdILEQgD)O z#_dxJ(S=5{S>|s}`Q)pZsrFgaxKxVUje5yglM#uY6pD{7+tPJT_3&NjrG@(vD33IS ziN`hAx2Cz+r2LfWYU;snD^sHJS`M@BcQeatMMD2W3NN`{1Bdc8m<$z=F>g6o=F9M` zg!Qn^+@C)(9YoI_)r4F2!ysHyh6+Ge^bcA|H|(XDtmH@zX#QjwCF+>yu8HHS2I9pl zCeXFx7d(4@lCfk(m=$yvccf)vciW4Kz27CcROAT0zxV_G`WOr2uf2eIMhGK5JEiW1#50-v%Snm@+ew4fOi@PUM7tdHUy%U5xKh6=`PxgXiD>l&9ZUTD_X$CY1L3wEwHy2OY$4GhjBvrThzLlA^dC^ zR5i+mvGI$kpJ4-5>=R}rBfG^p+ZalZ%)*fBZZdk`M##65g5{s}=vTY(Xfs&YY2mDXTf zw(f#x`^>Y#tj&%tD9OQU!Q1unp}=+=eHy?hQRv2a*>zr;ju{KG@ME(y-|o2@%uJEo zBz3~BHUPhF+fDW?%)!}9htsL^uE0C{@uRaK z=xZAGnkjJK{w~mS(V&*=|B@ji*25uvc{1kX8}MzN%!`9H@s6kPyuhQhO86dr+V>F6 z61s6lT|VibuTEqX*ONrg0sN{`I&8i?0*Y5H21WV1czlaH_yfz0jR} z2i{)s5bX&hVC-o@PDQPNFexuMpE?WFYO2I$mzAMQ@OJ1Ec{#pw^1cuYQq53rU zmZHEMI!6B5-i2kdMP^T}n-@*08N?4+-%**x#V%keN%!4p8 zNhSe8yaeukM=?IFYZRRtoCi+NXL08)j;jQ(Q^Kve_^s_PKDhM|jsMNYmI~oBbKi_- zZZ_e=xj&gxQ8xatZy?$?2l3<88E{@pop#ens4(+BEDdlY=I&50%T| zx|kJQ_sw}IQ++OKQMKnE!=upNIv%2Y;>G*=&cgJMEl{)Q1fF;s3Lo6+#7kF?6Q4YJ zkNJgW!@pNW6%$+sasMF-y!7)yxLPes!?G`6RHY7|wK*BDWt3n`k^|^FnN2Y5pYJnoX_M!`r(uVC0v(aOcDiapP-Sp3>o2t`sHY+&)_4xD^6F z;?7A?{q#jNDgQRPJan_D@V`SmDM}jr?hfJK$4-F431j%1Y30oPtH9wLISj|Ey$0nE z`|#}Dm0;OB07gXbL3TC^wM%4RqU}g>_Vgecua*g;bmMUGJv#`}D*y^%u=;2eMtGeh zRu!6f=$#(e#Fc{K&IGt~{TxWV`6_xSc^vio<>1A=9`;3V7+Z9Gt;j@s0h%ALhpen) zkiV}H&kG*Hn>%_@@q;YSGFyb-X%2gl&TvkW4rtY!f=_RJP(Any(OKe&>UP)gY*`Zd z-kFNV2Dfm}y%89za2H~B>4L?gnLN|4Q(R*-0|1m^Cgwe34aqj}DO!X9 zYrIf)v?6K?I|T`|<1lZ`M$)F-%~W$UA%DUd9J1~feXEO>S1)5SqDCO{%k{sCf|Kii5_++AugMq!z61HHevS}gz6h0 zNY%j9;*;pi0xdAN?h-t-iO`kRfIj^dq;cFd@ESIXcE36ZX;OzFbG;5U$yh(?8sB&w)Ihc4O1y{yAQIerUUwVA+@Y+HI|)MT_g76rEP ziKI0}j@JZDLAL>sXde3&rEm9=;9(I$CSo1-X!_&i`DG%NB~d70|9}^|OaPtQ3FJgZ zD}H_U(e8Um0_uJ=5qfC`6ddlLc=$a2G58+({!1s%41^wVQZ3s#(n3@mvlZ{FwU;Z>)w_cco)-2{}0%s?~s}P8tOF8!I8IQCZ;eU4kgVr=eM;1uv#% zz~F^x7;149wNuyPUdvD9wrL1CGIBRD2@XpJ@gTGDnCP(#udlX+*fYY8iH}C#51fP_P^X_l4XBr75af(K4W~`Ypyc&% zu=(+mNnTZk)iWLWoU!N8OCp#^|ILH`p5d^6&F+q!$^3U7BuZ&0_HJK$uX;U;&~T- z;^uTozO-{0CzgXSTdEgpI`qjtw{*CE?mHARDLi$=k{P^l6P5cc!=z)4M91?P{#g@B zhvt1ExpC!S6u%1p`b6RufM5p-iqj0xB&ZJccN|eVW@M} zq7`u|SfzCmPbxithR`Ig`?-g8_TPY08!}*Mfg^m#D`l=1{-AE5A-{EE3}zlyfGe|h z^T~2OXn%V*HneGjuJa_^wYm>flJ~=h#nX7K!A|z{&2AEGlLPDj$dh(q-@IB$md?ys zNlyg$(AE>VFzUc59+o!=HHH{aDS<8B)I1i_SR-rh{f?^@FM!zs1s=3)y=dZ}P~1FW z4sPTFxL4UZw4c6>f4-~32d0%`w~%q{u{(sDHlGC^k zKY@BiBkOG}X0K3&TD{A%4caLMwG$38o#m%Qa_-w<&xqr&xZjv2+&G5`9nlaHFn|qS zC4raKPC(hLV9+&BiT@#IhbAY!_x% zhRLkZwqD?6-Nbsw$=F|_2RFYOvq0m|=yLTrsjnWvr>$y)v<(5UtH%RJ)n5bm!14Un z`Jc?$aUD+;+ly+yJ!e*dGLWe%cnT+}(Q!qQ@T^uA=hb(@lSU(Ie&QKxcGkmJFUO$2 zy09m!8qOcf&xYwQiy+iv3=bA|jQ_2C0k!4A9&4+i*rRtIs3x^T+GR7i`_>X1U#_A- z^MyYAy8GDca~UO<_Q1{4m)XbRj=09yRq*bt;BCKZ+2|Do_%+2FH|$gu_y@m4uRC92 z%mA4RK^Mh;s$GW@iYnZOF2u$>Rg@Q=LBkHqQ*p#ixaa#w6g)l&8q`B^=4hdtb*T~q zq>}Jcw<1Y-KNdcYjbbV_4OsYgAa8la#E0HDK%de9u>EDve&4TPIh)o(ms&pP*e@VS zij^cibOemE)TQNb4fxCMn;2DAO?FK<2B%MnQCroGELra=zEjyRYLic5&;HB89eEY_ zg<*1us#1G4b$ zR1^Aps4M-keI#}98P0>go+imlN-^*4L(to`oSDg-LeNS=xgRqxkfS4zsrt&Wqp!TL68{uo4)EH1H#x&pDzHXX>ZoyFxX?t*i~ei&_L z&g+iPg1@JfxyN2jy47wl7Cjuw-)GC?%7$*yVI4yXQAYS^c_oBZKNtIL>L!ve^y#E? zn@QU4t1RKJJIH`KC!eip{bLF4>r{!hD!$xv#$dklm_1p}reM(M-K1H6B%h)<1ZG%P zu|%8sXdBWAM}%(VLLr0Wbz%+CdQ*eR=W;~eo}b}~l>!cRYCzTZ9MZ*{1s8l~88X9o z3M>@;7^}=9R}P_Wk3Ngf&C`O8i!u26%uYyjO(#z?hLX#3j)PMO!`(YwnXLDGzG-?& z#foK7=_Swf!&%0OJ@~O#hAJEb-r^RIGd`H}>DI#RL;V^| z@Co6IUz%a?GjkX_s-LjCeXxAc4cPj4A}?#XLX7I;MQ=B7nA@F$!&|qJy$g#mX3{?# z-uM~^_t;`Zr5>n-M-c156Y)>cH3W>n1<#J*yZ*)4t)U`%bzF;?%1BTv=UdESzaqV_ zXhdH%bdlvv)fh|%fGQsfPr!jkuP0FRAqu7A)#>!B&+$aDrm*9!VFiJC2;;-adPOa6 zQW}e&1>T{>{SkE0zRi&MZ7$Cldj=FI)v#@kgyT}eF!-&KfDvl_`X{#q`h~2V z{-p;oT;adNA@Da&dbQ{X84e0Viq0Bx-8*0Z1XQP{CxS&FC9-I$k zHL8Se>+_<$KdXp}OPeTYY6m+%%@Q{p`466bj)kKq?qKG{Z1Iy5mMH7C3G}WMz`hbk zBDDX>kg9`F?~sji;*EH#{RCXrDxCcr=A*?OIT|Wu0JS^kG8gYGR_;8ITC{9|)#^q9 zANdk2Y?}|nL-ZtuR``S@BJzRy?-H}DJ zAT{=WLMVQW`497V>;^gQ5FDngju|sLNSo;?(DxV)=g!)Ra^{S(s|gpr+pWU6dXo)C zt4q*={Y7}us}v2cFe0aOop+P`4h`VB1Z zvXE8KVi1NEs6EA>=+}yP@t-`=fbt1^(E>?oV!jwbY88I4@Bp`lJLM_@r}^5+FX$%s z5!QHT!@FlA={Nv&m!cxY=pg#MdA76-fGySQw&ciUBgsn^R&=6;1eTAM^aKAyyL9r8@Y z%9@2(oJPzSJW-oXX#DXCbg4c95^g)_EQc`id;2!1QrbnOZi--O(;B+^hcd6dP>|NaKWdbH-UEexbqQ<+n{azMF=SRLYj|N zV9muyUXhxBbjmuaw|yWTFn>VsmQYmQnBOR25{XPCK|VKI2xYYgi9tF zkoCJCfJ0R?42e`GC+G?88LvqdOz$u$t#NiP^O{6En|I-Ji4csRr4H^p#hCy0HP$?B zWI<;iiMxdCRm_J0aA(g!BI><~`5IS9Q9~Sd-WbAzj<^Y~xVuokX)3LIevn;jeu~~b z3%TdOS@6rEttha3LS*&r)>8fws+@Ia9tjP zv!*Mu+R6p2?1((I)L#zL`JYrtGHiz;NvyMj zmS16DR&_#La&a2DTzMPHWQ2R8na+uwcy++`p{`#x0P?B+UX0pZP%O?e7=P zfznv#u@N_QIl$P*4*Wv&PYCE*MVog-Lh?Qf<~ZAeCTQF6(cGCj#D&AkR}mz6+IQTr z(u@2%xY;h-P?DD|njx^FkMg@K_Y3Tqe{2M_W4H1$7IseulzT3-z~!e%#u0lo`6J1f z>CY8)G`^3VKnu+_@_yDZ zesSeS@hNW`biQ{BnkDz()|R8FT(A)9x}T8J7Y*#^{Q=N2XDpes(E|3374|B*%IM>^ zOl0frfd?}1^ zdk>cqMS|x>2%=Y{kmdjl|-SXXvGjX%HyZ)TH2MfIN7*%>J9X!z*id?H64~;%*H)p37DYci!ukV(v-kNaQd50 zznoBkNlLX~KIaPTy0Ssw>dDhww{~_ba0+hUz7ICH3!b*MF*x?T1^@f89pc6YKxHzwI%2>N`|cp>>ef8>`ZfyFyFl^?V^932!fX9tw0o(C zvIjVEVYBi0##EZ3p-msz#)|tI3i;9X)8X=e=kUbk*^s!@sHp-#jy7$v;rJ`O2WG8(hzlnvv!J1!c{`LGeDV#Y28x~2@?)ZUrxfg33Bj{}R z3AD#pg(`b>gU=^7{v-D&ZeD+cC(7@}jb-EEUcL&w-|k3{b`PS1-kgKn$r9M!{23WUyjzPO5iPOdf*wk-3VMr*HR&oINTT=+?89_HV_Rs?z*K-5;@0r6nIVXFF*QJcx6)r?XM2E2+lU z%lM)B2#!z_vP4P3y*b;R7HFSkDuvOIq_P?#zkOrs&GYE0hKaOr`UUng<1X8~&yOBW zGiB3fPOI>kWlXiDCFr-j^AO}#iN2d0N%{WCG_NTGtoIsG*UY6f^YKpR-?tOq7D(}l zTi)QI11aqHz!YN425~R_c|zYw4kxDwvuNcD?CQ70AX(i3uI&%V$kK3f`(+cV*%n}} z8;h3)%G_)KWoBq@02 zr&F(@B3SWIAKpxJp!XMq;=e2xGEH`qXhVrRnQ7lco-JGrh6;P}wd8WXXtE*o)%(Dt z!c*95$6|C3i9yBX$vDaH0o--mgnyMIXkx@^wof`7!p6)%`wCUqsS?MQ9t>jNUv}WQ zPIDfVHw!;*^`jn|Bf!2~>=G8K&|L6=$n`gvN zelS3#ClPRAmn^@UA&vnG<~1mm#5B3Go#$55H;>Wp-rb^$mJ8qOoFgEf@>4sl)lh@TJTo ztTI@Md*U4cwvXX+CwXB`=~%ehFL00-BxCc=M7ARJ7g!1J7W0b+BBjmdT&rj?)i-(q zO16T-g{?sKU&mOg<^_;a8H6^WPswYaL!`Oy0X&+03W9Is;+Jg_V4-^hI%ekL@8s{` zS27buc%Z0ZZXnEC9|`7m7PR=C@V+SM!26nn4(ms7-~JZq@pkskFqrK2I!!d%Q{nvV zKiHca1KtCTKyG|6)>svhKXJ}*bI({Fut%Lsyt1dWaxNh0DaV!x`r`lU)Br+SaI5Y} ze1`(VS+f%q1{8vcvlM?Aa)c{g&SMt;rU|*CPSNTiqxm_XTJaAhQ@Un{!17IahcEr- z(tiiOW1QfW(zJBVle~OgaIx6Xk;jDY#{*lKpe)Q)Bi5pR>JP+hAJMwDB?MdN)4-)J z=)GVx_1pDOaJ&-8C<$i)<#WU>p&zk7-3_LR8sP$jadUqI`o?@5aZhVt4vGWm_$Ob* z!S*`*hxKWEv&ILQnH$m5*Co*xcaUqo@!0w46nwmm?6TG(44O9pw(w38nVrc3Olr}| z+=3rcdIbZ8Ii0`!Bj_B);oMXwG$=}e`$C^;*or9n(6SU)l`-7eJ_MUK#}FYa3#S6E zgI|*+&ygNR(>nUe;k0S6Q&$!%-m8K7(cjov7fi1a4Je#5fki)+d5jq2@g$Z!wUN?Did?dee>@EAfK8_ zjUQ2ohr-5^vhM@H?8-ErX>eE+r}|LbvJChd;cQl+8qXve2h!RjPjTzfB1|y$5c$g+ zL3X{sf05AOD^iotb(0O(Iy{2*E||j%mrcU^n?vwuL>b(wHYG)O-$IGnVSE&Cfg{!% z^L-uLP}Alo#5%PT#pR0p_M~p?Rp|r$#88+pE(w!9UKTg0q>)vJ_GA7_L;B8J#LsWp zg$u`vu*2dudY;j<_B)jal@hW{F*F_ZdTzrL=^ZGYroq+Cp0Tkrhd@Vh9FGgrq>~o@ zM%M%L$QF2niw~;60|P(!_D6x|7)>XRT3^8Ndl=0>vVx_*3}-%fQy{;i3)HK(!W)-L zvT^Q_dRud9H<+m*6vPm(J zJF{N&*F%9P+T29rv=sQbWFlM`DouO7w7>zQI?}z>1D@*1@L8XZ&`NPF)LWaw)F~2V znv)TCU-lD>P9hqZs9^fma!d{K0HfBWlOIKe=XXWR&8DVkdFCV4pT>1>Ad z&qg?^X*?S2l7Sr_$v_A8h==U{58vv@^OGwrY(|W}41c%prY~;!qV&2Dn%p#;L=2MQ zRyl77ONimCE_*}8A1NV|Q!ni69k6d$8e8P~7~RVC1?9maYh;uc!ut_%(;H9eqX!gdSgpLxsGWZSF z9bEvb{~|G4*kkn9T^82`MDiBhi6C=f6D0a6P}^;JSgbOcKDBJe5f9aHxr7>(J=w>+ zPF%~2@HInvNt*53Jc`P7wd1v^rdWJ(6H2a%qTBoi)3Z6AIJ!AP`0kg3N1rh%e;|V! z{0g!6hz?0nk0T4>M)HH_TXBZyl`x+ez|S4mp8(APc}fgkM~vX@DSdozt_z>m zg|HVT>io`8X+Bu8mIQkZ!9QoOu*sS~FydY@$Soa=byY3wvfx+DIU~Xd!E+LDV+vUs zP=&fRiZqxAz4^)(VqU!+Y3pB7c|$>zmU#$IzKVlev(B?o|FTFyusok)KZ=LeY4J~q z#*lq18M?NWqMvZzTrq3DXw)m=zNPvAZPP};vU@tbe@YgUja|+Y<;q~}!$2~B%6xAB za}rr8u}mDhakw}sQwGjj3i-h`9i*&yK3VEuit*=TVXfp$`0unLHLiMy!GG+zUA76l zENjfK{}V^f`gUOCeFbi@dJIOs=)&Q_!hY|V2cGYhq|Q`;vEaD?@!}mp^6YW!|Pk^T87m(HOjGt})!L$-vpzaf~@M4gSzSn4!9mY2}2Oz?OPSqp(J zw{W|Y6jj=p3T6khS=3`SVkfW?o0Q(ekMKw=i_^p|)49w<(ivhuSHh=_h2SzhMzqDH zNObtU!0hQeh2JcNp6Jw1d6SnY!UOr8n3^O<&1=@fK8d}kP&gE{C+>r&Br}|4c7lCN zawBh#l@YP+X4vQxM&4O8p=P}j9n%~Hy0J~z@*x|amI-{S@hj<~5y!F5Z5299Gz9&? zPs~!-MgQB;4OO$6pm0b(3>uOKVqs>y-|8G#>W}1}a$C{e%$ROn^$Ux<+DOGeH`;PY z%jVl*8Gi6p3MS0SL+5B0OwnqRqKREh$6l-l8 zBl5{#PFMVRj^&$UFmi5_a2A}5O<#Ax?doJQ6y$hMU=J(MdkJODkI-eA!14aQkDc2& z4hA~i!Z3j!(N&fUDM#KD7cb!~eWru7IZ8uLqCA9UPeqx(h{SU@ms~ytG@WyZLzMth z8*+-+wOzrFD^&1}j~(Rf@}?pgQBVx(NNVkIxGg=B znoQ{uwX_=2!I~1d8Ge--{Qn(ep2ygIgSYMQit1cqRdA6S= zyLiL+nzN|qF%7F4Oz6Tdh9JLiJnGI+GpLN4RKb z96oA~B_SHpJawQMPjeo@)<+%}J?oXoFAh|vw$hTgPT*G@8&7ab({y~XF9PI7E=HLh zPuX1`WgHsYCGtwWB-S?=jtO?1cxlW4jQg^bzaKmir|XBp?YU#9eB4oNw_lB|Drflv z^#OGIk1BF!uqr=x&;bYDN)qzt2(i|A;t2~y%%|xvx$<8%ySL>On-%dJ^7w6Rtd?dT zZwa-2cO0B+S3vsZ5U5Lf&OGm5VKX{a`Mf_rap{r4IDK0T*338wR%{Lj|wu^UGPs}T>aj;4zedWL5twE&z@f?Qc$$U(HA11;CTlIUpq$VwfV3-^9o*_ zI|dX$2V8~S!?LqMHmj72#nb%j;DN&=u4r=|29};?PG&W%en#QRq(>s31G7bno@?M{wger~dICawL(p-sYkt!Gp?v?9Ac%OB%D&5|iOux~ z@gP-WESz(lJT||I4kbq+ci442wowCb-Tw%;zih(clh5Jf!esa|L50Oi1d2}P&BG&K zgZSgH_c(E>z%X8ToZYv}#`op&(!?T0M+C?_Gu?MC>$fx?_N&k^RjJtnuF ztD$GNGZWtxdZ_Da9rAEFYP z2`q6>6Z)1)@D|5PVz*&2rlw4W4fq|$3@EiJS)7Y6ikm>8xRPu=s}IUg$I{nt=a9?8 zkCAtyTw$9=F3D|3B$9g@K;oSPb&{797{J>hZ*dC))@FHAD%6g zhKUCdUOJhxLVrs*Th%6H(1aZCSyk5eIt0E(l%d1w;Cz#~BslJ+h; zGokY%4ylMHs*I$NEFmAxW=O&{SLIThM8J_NI*bPtXN-@O$)YK>Q82mbLlTCA9 z$E$?%R8;*cC~CJAWiJxWc%CDPzGyIL?2U$DZlOFm@)FMdqs%%y#CTV5s8psJ^AST2 z5nT^$`ZIV0SoIx%TYhgz><%4tgFTqsdoqChIFxcE731Bht<_an6h*+ zwN}uDaP3v-{9`o4WTrtt*C8Q*Fb(|^FF}EDcUtA4Gc?Y!GY~@ zaBZ$M9x4K=6RkwNQe03ozy+P?b0}M9iaBcYsJ*E%I}3jW&)s@-S#+4FMg`)f{752o z1o50@YyRZO613^nrJE{li%*Ob`Xv$8uq9|SUF|2uJyieU+|y>{`o{mTV6CwGzA%tJ zAA4GS(p`;H>wTj9{X=m5Gci*c`b1RIbXnLfsEhYc0~Q~<34)AV(W*ZS{PHxxVednn zGJGi<-XO~*Pk7*RT7io-8`;_S7npNj9q!H=z~-KKgO098!HSN87MZzt$x(tY-QvL4 zzg|k_uCqkhXR7>q@jy^M@g4ON%5bO5aJYRW3z^A&bW^J&;}VAQMWEwHDsQpd~@*H+TyKNlXZTt^I3;&X=-JY;{jT=Oa4!}11GZ;Ch1N!?0;V4~7E`P3O zWnJdHwa*o#pW+tBdHj9Luxr>H_>Tr0JHl6w{6TbVM!=>wda80-*?REH@ z-_+^>i8YVJl8xtKv-l%BccuBTJMBv}KTKV?VALD9;bc~2p z#P65n@qYhZT+ncUC|}i~{h{w6LC7vXo|PzcQ>@71g_~{e7OA7v&-+9>HxTxh6rir- zXu2Xo4a3{(#4e{Ein15$&;u8avchS9*wUhB*z|7zSA7Io9o2RwG@XfzR525ZsG^)&SB;E$>RK&T4C-~i?3tV>E5ZY z$jy=J)VjMHUB3j_5Z@>H(!$*|S-TLk6`nJlq?zb4y%j?nielKYi9WYVg!F~iw2c=-MOcU!nmIT3Or3ed0a^Eb$ z|N7R2AAOtv8xsp4FE%)TSm$6U%Xq>@?hnC+tpw_GrqRI61)>we8NxS3m=9!M!mvN` zblDX->gp)TbL`&0_fSG_9;{-G{-fB%-ubku@(s*+JB_Ag@5POI8Zh9+WIC`{i|Q;o zNq&uSLr;}EkY_jqPHG>=r2Jw0a`J!tU#JSIZlzpvLJEi`ji;NlPJ-JpPaZ2x`H<E3ymlEZTk(TkWZ|IvalF?>8JEbPlBo5yFep+0EWoj1plz5bi2<3xV~;R zB&7*`iP(M!+O3Gi1C*)vJZFq|Gvdb`UFo~e$ov+ylY&%#G@UmQSN$+TWjhf@u9;5< znQp_=?XhgI_AGjL=|)l2_T`Y=WQu#&Re0Yi>hEsW=bR)A~p2E`4To8$^a>e1iTvFKxmp%%8v(dw$L)4G-ks5GBWq#poeEWUOQq)J*cF zZ<4&BuqqyJhHF9BifdR<&@W#7S&sC-G=xjdlC*VJ4qQHO0)@BjQOWJCNJZb4AAi*h zQOX(Y)WBmbX1Xt4wA6qPGh0yOoeF=tR0q~8RInktzv1%Zdttkxurr9aBeA|GG3Z_` zhU%JgU59Yiwdom?F&Yf1&fd6Wiaq{1J_om|rGa6gG@am?#~zpM#YO2Wz&chLB0o={ z+HVS&LHbMZ2;C*P7B1ztM)jig5G7i0=sk9A=l}_`@%&L#Ft|m%6`kH*fR1Mt3;fI) zw*9jl)R&zB)9V(bJ3Sp5Csx4sA%#Rk+X>61X0!R11G%=EDqM4@hi9U*Y{j}Apnk_0 zQ^WUzdeTNLdGb-{bE;5{QL$_GdC56?c4vkwx{cxODYpI=#ED5WXVXJB;MA}Gs`#Xf_Jf*wq8&2^Z8 z`rYlAFf4`~_q`#`(R0INGbM1r$2inpEu4$~?8DetW#W9N9j_O;(2xbA=-ds{;Wv55 z6!SCj{0>8`6}m-T3qtvu)8*hBdL3>Yzk#Rx)bM-idc1$OfV8{Uibl(X<9(-xOZy5sLS1YhvO%}rUT#wh^o*;*x2g3A@0_<;h z!Jc377(B*=%D;(YwW(QXx>^PwkefIoUXSXAzaaaJJ($c%bH3`_?(<2Y=F%_ zHgxbcNF2Khwn}R78mB8HJ6PxSaFYyBj}QfPvH3IggC)@ zFrMg117*K%yfgP7$Qp&?v{~`cHmX*9r1%`HQlEfce-iQQp=g{j<|4l*VV*zi>2b00 zm|^T52HWHH{U zw!`1Hmb50dMzk)BLz38w>7MXGjjMt;%(noX=6T`Bt67-*If)){^#*@TW*yT(+#;I? z*m@TX6W79*9%btFw*n+PwnDp%2CcEwp;NYuWzMzxas9wmyz$8(@}Oi8Q8;afrO$*c z_7orJc`_1axGcx`!PTJJvy2@$7(gttAHnloagd;O2A38@Vc3k%@MXpx(TmJGP!)8J z-Fz8L2UafRJ13lANl68`e$pQ5wIp4*7cGX13A)rlV>5)y8$x=i1wK97fK9CoZH4{K zKmQxd`==*)7;=bRN)UD$iAsFV{tXcAGnt-r{Rc)m?!pXJ24g&SpjG$U{M}c};HOt3 z99c4x<=xVPdk>~!<${$=@uC*oQfkJ)O|Q}6**3m>(*t<5=?pq82}GGv!tYmYhp)EB zK}UWlyOfh=rUBm5b! zhtRk%1T6ArV^`+~(f;~0a8Or)wCkauO>1D{Rc)-$mf$758aznB6eSjN)Ia|MWi+lq z_mzF>&x2^AC&7(wo&SPM; zu0Q&AU1d@-BT!@K80cx^7=7?2EOLEJJa#0Y#EdZV@U9r>ifweE`v9tGIGc~nFor8+ zH0Re0!RJdFI!rx)(Rq7`tVcGsjeUm!4??kRr5Wtq;EASZg4i-4D|hjL6MEY1hp5>1 zFic`AUTcfMzz8+I@Jp<+-lucRf1FZ%TT*HgOME> zi!D`|s3g1>jyT+9i+(&L{@>OxjaISv)v{FZG%N?N6LmOmyaJ!_=@aV}@(+6Nv{<#z zMT|2TMs<@Wla?L>I4FCVjINywMlpR@|6jf6Z2xiA_;3_REGUM%29wb3LJbprorT9M zbOomP3=jpJ#Kuvz=y$#!X5SZ_RqqIE{4p8N4RVFz!1XYGMkUIsNb=kvcX6irMk?hu zl+uVOkSNX|9U+yTQ?6S=w53*0oV2eM?d#DU)fgdOEfn*K6K z@HR1X|vaU2V0c;kXJHYa}%qsvX^ z(2FDG`Mc5|%zxfiDz?lZp9Qzxn0jMwT%U&{h2IBfxmobl%##{sJY=?8bBIMzp^!&S zAVlbuRW_xf=d#(<&Da7L#(ZGWZRgk*kLmP|dkDt4hCxPPJX;%CNfKVavhMvU#j|4u zQ|&p0@N|D4$&4I_=TGY4+6RlEvSSRJVd9O>T#2_`AI@8@o3pLL-Ei6%f--v^V|jcf zW+eWBuP=|FR)IC|s?y;)(L&c_niCdOeB-VWnjT^HRM(j<@ zH{SXVGQK83*Fzcl@K=GT(e^OA^|_ENTe64z_pO7?-e7`(lNcZABST|OkU}F#7_-xu|97k#mydAgVaa1z#3MPlHMjvijEB*t%O{|&#uZZ@ zmx`D9y@zqtXVLTd3D7;f1gAb+OAd8v3;u;-JRX@Ya`yLQZhP#()9xP39kYNtW))%8 zvISr?ssxFHI%av;!-NM5VdXGQKIvc_yeqyA7S|h~M_K4qiiEqWQzfSDlA|BT?}f`Z zvf1>o>nMHTES_ptBBSG_@qk}~&Ej*1;ko2On6R&!dDFYBNMMmh#=BCT2Sd4fuNS68 zB*MZ(Q%DY&!QAmTGu)BSrmd01<8FaCEWCg$Q4Qib+osSp)>HAef+>++|43A&@{+t? zG>sP~=dio>k$moSPaHB-8N@4of&EY`_?O>Cft*QHyTC4mhY1=XRjF=Zc7B))idx(gB_b6CsgX< zRC#3fPN=M&%l#s5*!W7-;-iFcFjH5-s-P=SG%Cuzxex>2^Z( zz;A4#l@|8t&Z1E=r|`vP!BHgK$BqlR-whe+SgWW(!rtkE(ZV`(nK*%LJl#u-LP8nY zsLIu61~89fo9IB@30OJtEOf^lMnB&M>t=OxzUN~R=$vW?`!zd+y>KXcxt>JrG)?S} zUWMDDAHeC}(Y)_WJAPY{0cC$jgR1sII{oH8X#AN&4vmn(hS>??d)rHx%*G5Tz7ff~ z-&zSx>0RvGghSvzNANbjH0Hs&0(0w(4%d^k#sPW5`Sj#cV*B){$moR})@u%hXG1=K z*@1WXR^Jx0+YD*NnKBT!EAS&rhd|9O0+*^Orp#5LqoyCl(<_AYLD4Db&l^m)D~%J; zOA|2M*BKuUI)EC3-hpJ~cy>m zu5p+$b};wt9tS1!?&33n@#(2Ok#7B9$2~2EQO$;QTz_vk-IQz1la)mRKCqn_DExu0 z#H0K~r#7S{J|orl5k7@|VEf8!;Jx(_dP>O3pQuj&yH}Kk$2ZuRu2>8HL4#2~B@PT! zPYS%Gp+KKy!cK85s*MW63tPo7z}f&LmM>=4))L59e?)vuPEeak+QhSGAYPA8$D6P9 zc&2GESiFrD;SMF}eX7oTb}z;bqfqgMs33g)x}D9k7d&o5v*4I|IjkD`1r~LA^JVt^ zY{aL*FlFTp;ybVoHZ7?|tHyTdy?+hdm50FOeX&esnH;^WlrQ+XBbnN}>vyzvlwqsR zIGS=G2W7vRfbDr}Ug{7C@#%bAWb6XXMdLxI!we&j_QC9(#dzg&Gx}Vg#H!goJc+q@ zer*sE zr1c_vUV8+Zb_GDVcNCFc_?J~GPb6zsmY`yx42&8ynZ`SaAXdnucW3B{`@CzJ)<(^I z>Eew10)f>yt~{1y)I^iyPh;svaT;7cF&E>4s$lt&R-&@qng#}#anrv-W@p47+%!TH z&c82*S;3Fk{-FlwzqFsFMLVPA>bLkVN#G*39)&ccrTF{h5!f+FiVvO>#fCf(nrH{p z$XB6TVEOMEuw-E#V8u{xkeG}}-vTcCm0(B0DRdP0JDp-_8r(RU-{^G1orG)B$n+xEjp@jk;E7o^OyE!tYM?jmk*638-sM|1Fc9B z-XlW~$d!?OMuYf{Ru!nOaAC#70Q&06V2aZt_*>=$N`04!-q2!F{4fV5cj|EK>gzDU za1br@nnXvt@x(!|3YSE80@(pjlcdAm}FiFY_{0lhCixICou{Mb za)Faw*NK0^9qGxfeZ*hLdfpv=Q*>HxDATb&k1{bp(|+VJNH|H3Jo`(+-)%?Lf*qpu zi@$-#FoBQWK8UA{3nAN_&V$yw71TBH6}aEfB?=$jvYA2N?A75+X65`mUwXq5nCPwy zwZnC|i-|GaH~%j?x~fyWO!zs)wcFZIi4WlKWJ66XBiY4NvBI-;X;FCM6ugVtybwoOBg>l=5l=molTw8bHo^50ENouv$fmExU0 z=Im_kA?DoN$L2c^1APwzw*Qa`$SwaN8m*g$OX}{!iU))7!p%VF-ql0iD@vfD(^#DL z@hyC`+=lZ%jHZF}<6wZIBN&!X5bv=Y1A6yV8LWH)y$QM4Fe!}H)!X9h2Vu z8NtWCGNdOL&ci`*r*U@ud(?DJf~T@~u>Scr080_hHo6GDL9+PtOBM^%tzqMYhpqG@ zPh3^vhkTa6XLPxS=SsGryO3?}7xEHjCITzR=#5QEX0xzs6#TtfF*Y7w1g5NBI5Dsp z$WNWvh@VxDz$)D<^pf`+ICi!h)dSLD?4qM^?S3bw$Ap3RZ)=z{dOn=g$-xt31A3>g zMNxb=D)?7{tlM_7Uq*!;CwnIqcYLa2(_XiUdIW{>mUUOf1HAU((Pn#ymc2)|e-Jv^bpz;$mj+z_fdxJ& z67F8R>QTpIII6kM#JxYv=$J-dl={yHBkWQ!>SkpAp$8w?*Q1BP*;f&R0t6m$!W!IC zEqn(eb28C#xs8^aI{s?PWhVdnK`T#(4*5HXd)QdgrtX2bci|vj9F&hG$KK?J-C6zX&f-N8b;RL$Y0iLNDrNyMHk#oz>u;y`0~C1q|0XU-n^B(R!N8*nP7vre9 zVlCn*QyL{Vj#upWfaNnzva3t9;9rOcOB42?oc0Jfv2i4A?2W~g(^9bRbdPve+iM&& z)09>>)eAf51zh`+9=%d<9-be+2uHIPq5PLr@y|Y?+mihoSF9Qg3HxNxFu$05csU+_ zx37U2^Ecr&`)Qc8$e32AThUdnr4ZEe6smZTYUSoM4|8dw(6V^)!PDmD_0%J#tR z=?Wy@Yao{VX=4Ku7n5gN#?&M22OCs#8J~)*;AoEEIdFC6-&L$=jX@h*-~AF~W}X3! zWkX^3vl=*S5rJNdQlU*I7+U%?TX>n=>f4W#hbF-8Qy%z!awu@YPci)Q z5>j);6qY_Mf+uU`>1WHg=y5*DJ_1nLE#gp}LOlIP=j<2;HNIgFj@m z;yuCO+qhqJWVR)~{w4!?O*Tl|YOr-@r;yv7$X{P|5IV?9abNglaB3!8;{XNg?;Uv5 zDxAKWYlfqz^+8kD1)P)}jLCaa;LN1qG*N}1`wx9oShX5I%->Ba)=%ZKJKsTId?uo= z4g?SNz=AV5q$bZ5l9KPUjS90dw|+NTltmKvRp)U`=Sgw3)l43t?Z7|Z48nkQL3m`t zYt#=B9QNCO<95#NN2?rplCJB)IRF`7k-=4_0|qLz+iF+SO_k z;vdN$$STpdhrIdU|Fpqki3{JmaRw?2Ss<5PubH~pI%X)FExx^S1KJl8{GF`?<^OEJ z?{qbB+tbbZTcv5L>MZ^sLrIvA{>M$tGnp62&}sd!RJs_6R^H|}_h zBPxqfZrFRsGagL}cedic7y8^!M~b<9-!Hl`UY%=mMVc}3D7=>xc%>IRAUHjm96cNi zS8ao_;^hsvrKkru9EAPS6t1UwihMX11G374x%;nkxUg~yjP!j?&Nw+?Z%Pp?H*Z0U z&l_39uaD$;_!HQ8eJ!h+@Ep|+>QS5GMC?qGg`yXqS^3Iic-B>pCYro}vaSVuwx<%V z&c99kVn(7a`tr&9^|`lS4c6+|WAMm0psVXZ^U-n|DK&tM^fN&&+#?UH5;CQ;$Mej_ z2#9qV!E*}^qh^mUhCdN}dOMVOgtZb)?*Ar^=$(lnUz<_qfi?PknnfielbOV!A>=oa zr4ME!h>TLPZqIFeJwF|*_h`VG+D2A2z>Fl`IfFi%7ePSdSn3{72}e6ELEZG9z*TmG zo3g{f>f;!_QGihe*XcKo@zms&lS8>Gm6Ey2;Y~C9!|BE67m8QX>rab zs^Y$Y4m4Rw(*_;J6H^WdpE(;)m>IUW^a{C}Z^SEGm5YiK^CL2@k+BVh@ama2hFrA} z@7t^Z)wUyv%crH(<=6mz*FqULnnhA3+Ruz9tI_#y9iZPoA1bT_&!+NWaoG1b9N0LT zx=bpf78z(lNXc?oM9Kef}_z>$?tH zXYSy5X*LX6?TCBstYyzP8xZ~aXwZJ_%#X@FW?f@m!+*Oy$Y_TQd{rFlw5 z!_O0fS7jGzK3oBpYKCFNhIkx0>lZU}na!WJ2{V#cci2=pV!|sT?usxxG zeH`|VO_z0MKi7_8K?$2!fTJ;-Ec(aZ?GoHR`&9Y8FoF#mtYJj%b5WXn?XvqXqdREZ`)K8`1Tb0o`$gPq+s3;JR>b8Rg*B#ko*Ui}XM477ZYa`p5 zM!?3?negL_C4Rfc@tgh|*znE|KDvE{EymACjp_&1sbY_hybIvF&=1VW6ue8PWqFWi z7B(FJhA$QiIoV+0d_VRamPMG-b~Poa_0UIpf`F*0i+r6oify@fPuwnWxiW9;MP@S- zuEZRK$-h+i->g79Y$`%O%|WD@UdDNCdGODpGylX1M=U#2iVHs-#p=OFv3R-!9rree zs3#i>@9$<*C_hPa>_>v#;~V6R{&u)^>nf~YI~h_>4aC#_yXfNVYMYqMX3#R~14&_? zFgpJ$hA4TXbk=Fo=$QxU)zW;bN3>|tZfUN!T^0AQI1jUybuo8^6S(7BEs1ZfAXC@$ z+sxVW3RBz(?kmo~CF_Ut0VB=np-0-NUp5c!Y?h}J1uvWTD;XMCZbUYHo57*P6*Q0K z;^zJhg1bHom+ERjQ|D_~5wD2~ff8g>%vM(CA$-mNXXbq(4+mKhw%6)8Se;smnRZV= zt1Xx0*eXy5NqL%>s4sN*Kf@8PeWYo{Fn;l7l-Olz0Dhi1B>#@5EF@&y#F~a3+}h9x z?%XxN0|v+7aP%RV(UFE9g#NGR%;i)%LxW{ldvUjQr^tV2uiy$xB_0>}3q>X7ymLdf z;9yZBy(Y)8(^QdviZ2&Cj2KO3xwJF0vZ*X6G6CcrCFzy7-$7o>fNLHUoZa(ea8t)0 z9J%}jd!DBVqx7dx79kD$a=zj~sqc8>>L&0K=J)@?N8|I#$FTd*Md%-W0M-QCL2Qc{ zY9CxAsfJf^ime|S%MZi$Vh6l&P@ekBRpK z7cPB@fR^Y1bSwGGW|{^uQ-u;Nk3PxFtL-5&rii&3r-?(x9K)idPvp?=VEmjv7L!MZ z;FLWk_~q+nvg_$lP+NHw+S{Y}@4k!da8DyRY#a+_-*U*eKZnKJOzo*}yD)?3lBX(b zj=lrWJh!^-c`23(F>fo_C*bz=eLLzF4#lluA$I@G!&=# z>ae{l55lBEReIp6Jf0TvJH&QB4y+u^-JXqy(ETFt?febjPG#V`@WoWBegU-1)MvKQ z={V$B9`{)i54y)s!o>@rP<{FYlF6QIfwdu*IjBaj{q@F`b92!9i#-2ptd6M-8~Cp9 zzxbf%4sQHt0xO4G^2>V_MfENESia;Y$&B$J;j;f>MWO~eUwA-Po*hoy8&AW(+)-q7 z;W$xJR4@szFTop9R-zU!HE!l}oDHr>huPiIAhK z+6t7vrNX;ge-Zo}ip$oz@eB9W>HjD?4}Yw`H;kLvBReZH3Q45IbMBK8Qc9&Fr6d}p zNqyTPg(QWjG{`C<-!Wg*_TPi7$0HLK$4Ah%E!QDx(_M74bmEofj`YTbJ1(W4zv7grcyjye zTVk-`7YrLZh_8FFif*tJJW;8uQPtUwFP+6fYM&=+94f;-3$jJemllyvDqZYz?p-V# zcNhl-3*STUsVwa9Kz@0X0$p^?3ohTxL)*opxqh4uiqgeId}R(65B>_D!llr=dk}qm zAO!f-Y~1~PHyUY4LA&6$S;9ZUw#ZsMwZa;9Z9k5x9m%LOwUeEW8A^5P!f`h{N&eh< zFZz-9gjgvwK~cduw$fVy&jpJ~fvzK*%aP?dQ7P~!xq~UWXn4QNEBr zSu);;mepM(X`B5i`8R-1I)95C>a54AW@%biH5?iqrLZU*CE3N(mz;yxVZ?$(!PP?q}d-PCQyJUx>MHe}bc-2EUNs0oiI^ zv`AN#zif@8&$1`GwCi*-S{e*rn^t10gC_kEJA|#Rli>1A`6%<|H@*(}z)1XH+DYbu ztBex$;|=(HhBEy#cN+$gIH>wEgM_rYVsuIjdGxsk2F#a-zT*ej^B)l;^s6_{^fuuuID zbIPbfapF*JxI&g1%a`EGje)!@_X(U^qXVP=4k5S0GQh%d0S)of=MzHAp`ha;%v9bE z>-UZqMHwCgubxaa%G`l})@S26*Rc@!akzj$?hmO zqMuMCPc6<&>qhla@d`z|c!g82-Obufs|DxG} zxumLc8g4!@gXR}LBq4WoMZ3m)KovTSocmiV)>qkA{YjyS4GCBRk;i7^UXQ!1E_E{; zs!_yIojdU2-`nE9dRgFDl7!>OWr1|aMV7zks4!=ef=$jEP!RA7?p_lzJwMXGV2LfN zjX1`x?aPCButr~ldJNWm3wM6+2C4a8IPuI@ST}Pq8@n@@OpS2DSfTF~w=x_zZ<-7S z6MW(M!v?IGVM&fWu7G_OPVne*I()vg6P8H7hy6aEiPDHTK2#B<- z3%T@ z3H@G6-1j_!Q$iO#<47?)eJo_l)68(#O-bR*I_{DhoeI*8w){%bHGKJNFLQDo$e#pS z(^X$P(M4ylc)Qwg@ad@|b4RDa+2&6ecK#-8cfAfV+d9do6%~-_7zO@|#zO;t2{mu$ z2yQz~nrl3kUyJ%mo+|%CU8!(v5;#Np!%VPIJ%rybegn#3&Ui#)C`}6637wzcibWU( zUgc-8CCnCYM~ASYz(rKqbuo!ykx(;u2w!pTD(iMqq`SXs(COoz;*6?r3_0@@&Sk!0 z+bpd?!8D8xU1Cm{p*5X*`5kV^a3j%kPQq{5J#=b=HU55l49(1n#3Mi6B`<^y{uANN z&B_aTr^i`1)2YvOJd$DldvhB8EerpS8INa$d;99cYcW)m3?{W&^i0TB?0?x0Yie?s zoN%UeOZ)PVm4+-!fLADF{4clu>Vv$lMq#be!*MJa?XSD8doMh zUc(Fp&ecnL5K0QNAu8kz&N#E56mI>8yG};2Nc~P0YCIOMJ^De?=Bn~Ueie3xx`Mv! z9+t-bh#P)b^KP?iIK_altg{;2T;~TK! zj~8Fj=1T9jR^TFG4pX%JG89&vU~g;xiHAm7Q=T>g+FVK@)Tjeh-xYz}_#859i5i%j zs)FC%MZBfgoW@rT6;HR2;A2k-c@xopxN=7mTfg8Kz8Yc*ahFtit-#pN*OjGFJsQ{_ z9fkAet)_2pw_)7|ed-ashh11anwo5t;%}=1MEfr#kfQc$pnIJ7jnX}U1T4gj4JEapux4t=zEWf$GMuZTY{T4Fnkkwb0c)2#`t)KH&h1) z!7FDw;;D8BQl|Kz$EFyVd|2Rk?l&618O-h;i)@=#EbL;|}@u|-A- z7oJPt^AmoPY2z>B)ov-OK70h8{L~5NGLtay-8Gb&Sc033M)9*N#^AY$N+>t>8Vi{} zoa4++;H(8@U95Px>@yhO*2$bjIq*p0I_N7If$1azs(nC?{>*xeZkq-FLhJ-cvM41z zeq+H$s+8Lv{S6NvxZ=XXK(IP(%ImN9;@VG5!i@7Hq^^2I9QI6v-=np-;i5c{=`+S@ zx9*d}krLvBp~hs*2m?OUv!7hHE`@`8=fQ^cN|>8m&t~V|hQjUNa6#7|az)_aFTURi zL5l}h)4Vb;d>w^XbSpsq%M$j@V>k|Ku|=ko0h;IH;bXr%U7_D7_K&gyrKg(&cCiwT zB5S$U^apIcojE-bxEH;*ETC3?tFiixEUxNP;&(iApxWdIxp#XWot}A*Nhqq)DdqC8 zLo9r|>cwo=>v8neqG{}@QW&+3j6wZY4p$#VK>AK8`bFb9o~l#@7t_JQJLxRmf3OpG zOYFyIe)c@V*&Wv|ABn-ge-Q0O^Qld+IUN@?9@e)=U}a?r`c)Y5)7y>-zSt=|phTWJ z`j4c(^dU-Wi6JgZ0n2a}w61yzhHnS*3&n~w+eO&T32&Aytrz%@E0V0v!Gex6o&zgB zhLY;Pdx_yC8A?h!;6l|!G&IcP%S{);k{?>s^wTG{{PaUOa88-Ktq$gD!aIG0)=aKE za2ZYgkO=)dgdFG2{g~?=&zdsE(Eg>3&~x}6dh4mv0U8L-YqbPFtTnzH{Dmazo`VH? zCTORkN=H37f=e?rx$E-x7(P@Iti7@zv~dN`9ra0+fxBQ3YC_ztEFqtu%kS$YvP20t z9@xQQ^@n!B<1mpfm1w~$p_c6DSHaW!!UP|Ww87Lhk638d6nL*a5?U?w1oz|w{ARn8 zhMDH#zV(v;+@FZ_??utj<;7q&MvI=WE)y+KbLMY`3I7k|oA6AGBvyymLya)!dJ>oc z#}Z`dzK2)QDSQyQlOtkhXQcw()F&#t+-Q|%HTteh!A(t;__I}l&ilR!`!_^m`yFfX zo?jzD6uXvv z6gbCrg(tA!?>8v(ZD7}>2e7=Ak~HgV88$I1?l`p;lJmz>Kac(R+p5H=p~X>;hO{g5*mfaT9{Cs| zbH0$`(+^qR6jyRd=%kLn@57e|6f-a9OJFkP1rCxeg;}F=v44dXull9IS|i=L=k)QY zcR3pj-dXWjk??LTd4ZA|C7>%Xl_xC9CD(420efT!H|#xme#j!sNgvAjn=39W$2`P| zr+vtX;hC5(^h|W7o`z|9FY&=5HNJVUBJZye{?2>PKw0`mG}93FiC?*RfUsA07}?62@UaMz5=PS7k6yBoS8k9O0>3S6<^CqMytMI`2j&x(B zI!_O<7d1{ANsp;EVC^L-q(#q2+rJp*WMItS-=nldvI)QYJYmb<2eT<62`*tIiSwcx zAn?pSxVms9`6YP)dBj)N@Z}nGA|61kn@8c9kmWu6Iuv4VOOTgBo@?>vn_}B`1Ky&Of*UqCibY|9liOev z40HJm(SNr?@0nbj*)t8@D-Xadg|9H~pA^>}Xh!PBHR81QQ^Dh`knUfsjlJ9K!`#k(kbO6V4xQ{+{Po|1k!XJ^sj9dJ11 zl2D+uLrL3P3}&swJj>O%?)i4mOWzA0<_$#Sz6dz;LmGVkrGS!|PxVtF&m6G1LA>Lp zHnuI>4)X_9l72c5^_`Bhg~JAdXPpiIyXgfhi(d_?JAaTFOSE{8wF7*=K7=j2VTTRL z#&qf$p(i&W6>W=u;@@epH1m5N`*C9&96B3{5he#<$S)PD>3s;lpT7^*S1pNhrUO+S z?M|$cPl46qm+L;%slW3iZwNa%!4)6_L+iZZUJydH5tUoBk(`( z(d_pte^Es5D!g&p1ka99_?zKQbY|r>JUw(9t|&+m2TYiS0halAsaBpC=Q*Rl zD3$pMKEggF7hdtO2S;2rg_18_SX!_L1BW=!vg5d=3BDI`TMv z7}=n60oRoZ^C<@pSh#C1H2>O<;|hec%T9|L+rB}=uNq|hs21|3(3rm)_={L$B^enw z2~|U~*s01Uh$&tKBz2h>E+*m2Qs5_RhH|M#-Xt`?gy@b)gtUw-=m->{#>WOck?2SU z-|=RTeT}KXq)r$*oP)#Eb>h*w6F`yt!}pJ3=;W7jyh>l_vx>E#_L(*GJNMw|2LljI z=E2<3ZkU>MTKus#U;NL06g*le#nm_IV`obQ-6Le|5`5=~%Ldp`pSgJ=S#1-VV#e^@ z{7CY9oH9Kx%$^s`{STa+16b>M4gTC;4|%N%&ROsoebeG$u<~7^v_==)H=Keqnh%)y zB6Sx1UWBhRUW=+L<3*E~eS@4dGkQI$l*PHag7a4w((>aZTC&$JKUW*_gCEpjk*b`K z7Z||xue^ezcXyG~J~n*sIiU|A?E-e5!rtBgF^n-x$L||QKyZ*f9+8(5Z_M~gTIF6q z!atynQ)lDZIcgxOqrvs|MZ>cpb$GV14rR7`kYh<(A^*n{NPVVCb;ZV*l>LdVk-1NH z=u~2Yxv*DVs>$2@mh$u8OnI=X6S|JO4hz7DYyO!`R!lvQ=0&|OskO=!UMX^`MKgt+ z^GCw(8Y`It)2d-GkZGX+cz-B9c z!DSySKO4*b6L^;1D~(8pvl=#c)v%518u@i7lTP_y!X@V36%Ub6r&W^sU}d)$7RP*N zT`fPE>N3IW_3SWMTNkiHrx)SZjSoO+r3|$RdJZyUgV>^;N&MBXGbFH`}?{S*23fG{%5*oL$VEX9$7w7~J2HTMcjXR8~N@W=aD zSjXh|;&+oK(K+G2@JZM@ z%&jbk%?@JxsjkYKhIkOyU-_{9K@#!1AW5AEoM44_70IAq^RaJeIi$WWBOAwCGhDQp z&7Wh%|DS6~+qVNBcD~0eGqbVsWC#zxe36J>ECy#SZ_p33_DQVBFC0j}s!^8Y^ z461F0@n1(lT6{jXonM9u@0e(d-c?xDmBThAUnGwd3eaV;H6KDRVoBu;oDyNky-gC} ztFjVbdhQGvuL3m9YY=2TKf)f5sX~R3vv~CPcO?GY5s1?qO=q^N^BPGJ?aLzK$Fo#; zR7D`m?%KweIV!-=tbZ)5O_RR4D97Vm%)}<%2K;$kE(vfG(k+HOmv8k4wdL2`9R-Mvu!E6``WbO!hZs0-b0U4c`@Y1#b3E9PMWd$~h(01w|p*!VE4qY?@pSmre6)td=w+gC)3t!m5phDti zo(=^?N^t45;7W1Z%;%nxr}9Iz_^>`#Zr!3qc1wcLp%6pEG=08g?f`nRcP;+85(f@5 z!f|r88tpz*z>0sCVNjwzTQhtqF0m;RgN=@Z7(E=CK3a)q8=1tTZLG5BD@ z7u0qa@zpJ|c(qf8|0~GA$0ko;ztuvfNjK8T3&y#ebygw2dM9$pE#vUNyj=V!Wr%xc z9mghtAs4*Sma8NbVa(ju_O<+IueC)e1a>A1`L>mnu-0_} z)-?(D@opQCTbd0`SA^D8P6tM8O~%9~CERko6+1mz#S`1!1GPPXnFen#xIX|VP)5zHzifluHweFZ7<%4$!0i@KY%aTv3EzrbGE{|GYJ)oOEefFj z40ghK`9;h&If^?L48sS?mSo(US$v&5imt{_WR01_fgW?^SJW23jFXFDLR%vDkG=)9 z6HCaPejS)FvWDE-YC=Q0j|n^I_r(0teR!3+9`s&KBZ_v)|M#8aw_%!m@P7|+VAW8J zvsZ$R8CQheyx)V$r~mk^x<>2x02^p6UhRDmw05-X}FUW z3p2`(3Y;ll-X^0V{vx3RYTIS1myZ`_5rHRQtL`6G6*v`-zm(!4XD7a9RU!<|+y`z= zN8rfPY!d0EO`NR`;e@;TOygq?tL=Tltao&wVZGqg4voQ$HXe{fV&Typ6?kv*fy9Q7 zG;)urFVhm)+AB zIHD71LF8dp_*Iyho0!reai7rT zF_DlrBgvsKBqto*Ma}5@=rBGWe-?k6On^^kd*NBB0lZR6Xo^`#AB>jc z!v^+XW|6Q1+T4ZNla6qogk9{Lz(kWe(1^Xio7qf{(OfgkL9F&z;I}0h@PTIA`3v25 zZ1eSMly=#^LW}{(#@!KxvaEUFF*c z@=8m%k9`HIB@}_N%S{ZG3nRO4+R@8P{z2?385$Is2F2YS3^t#nM~F5Ccn7hi@hLbs z@(=U2|BqITcjNe0uqV7X6ZlgaIN;uBntlHdY%HJ7*9o(+HTi34sIb4N@A$^rm(0VA zyM76@^Y+ugJ-1BVbB;HKd*$3pO5&z!Sr<;PE`1weTiW`00SVf}Lo_ z+SSzgeGca5H9*eP0N|RMTt483SZbC8f3}E0=(Qxc{_hEXHRpJ!+=H&ac@R#idQqb> z`piA1ksRAK4SpT?gTv-~fy-z^Y_t=+@~#GSUxgKo2}`HP$`9fhrCPW>YzjXduT9rm zNpnfbXy&9d2;Q0K(N6;pLa6;Q>M!iSF6+jUi#amfD&rwqZBv4{Cu?!@m!15;-$@)> z{2|xz0KEAX~yFGJGCR!F2n=t&kP6c%=4mbf$Kb5N1a~0^Oa?l3*ETI$1%RjkdAz4z|MWP=7uBt zps8#>n=yNwkcDXl_wrWfAEzmrvlGN4@1gkh9{dvh8jU;zcZ88AynP23M-^z$_=8dy zQlLZ&)RJ*WkhQ>>UWR=&O`^rJ`{)VNe#|w#N!V>;%(UCf+sYnevx*ufA9JGeSO$ls zdSIXMvn-gh0v5LLkew%0F8M5`$%9|w=ag!A|3Cui%VuaWbfH6ogu7kxL)@D6 zmb@4aDsV>wzOghHy^LJ(>8P1-UgZ}vRMV$_v-ZIGU&>rTd2<4H(%Aw39FmA`@hUhT9)V3u z&oFOQHLhBJjU?UgL8q6`$#>m&tX(fhd(Ibe<$$y3^m{hn&~Og)wwItzNE_DcN#Pyy z$#{8A1svUyiGR=jLBDK<{SD7CL~ybU3!VtA`tCS&mM_&xSjWeGGvEiE)(Os$HnOc< znU4A?Vln^4qjS@7dU(2F~?80J5nYxUg4<8P`cSiGhF7-s( z!kGJ=G{bA_DUA}_k{SA?E~ly@x%7hy{3SYxR_^t13Y>A!zX#Zv@(TZKb`%{eHs|w; zWcUfae_(ZrqS|JAqUF4UYnxibr}=Yn{k2)l-S#xo-2n8`C~1sxk7aiYHq+YUg~A&t z4>Mv6_|kqUT0Ns2PAZ%5{jVm`wiZu5@17@rVXn(NUQMRTKN7GyMv0&C=@2qRxh~bu z=EK}e=TKy!h%pv&^xOF9P|!G^Z+0IlFd=i9(N;ysY>?yEk`CdB=5Qifas+ov<^h>x zhEI2=QpZ*cEcO}&-}VW9fc7Tbkokcb5>@JXHIG$(*eDW7{lh7fku?iBffmD9dTsSF zEE{nFV;;6(@tclbQ0C9ob>RK3MYN|} z4@L-HSdaU|@XPZf=yWxZCq9y*JNM~x?U1=tZGI-mS$+enr_)e9M1oJQ{!0AgZbF{G zYwYu!MIPx4=id+N(5~fgP~4D(;rCqFo(B&g)NL?UxZfjpXV}uwC4b4y!wux}-lxLf z_H6D2gXs~yg|NpshBccnpcf;autzC{IL;x9UZ3|8W1n9Tee>7nC7BvrS7RkUZ!Lqx zIWh2hfjOO8d|kY<6DW~;!=h!^)0B^HZ10sF5VE5g&HQKceTH7pVQWO|CY*wQyGz*< z#XD%}yUeBYrY#P>FqVm?Zf09{h4WqS*YJzO&VZ!!4yasqf?o-+LAmq*IJf;O{{8F1 zqk|tY^AcC7Tbi}ah^7v;W8O6FOJ~1Epwqi#)f34JJD_KH?dDkk}7?A zhL?pm>_Z1i75f%L_C$5E=Tx_g+xdU^FKi6Am|jMlS7oBho(l9!Z^PE*I@~2qk~b*@ zb64F1P2s>hqps+g43#0IQYqv3mb9tGF$_brC#8?sjV=_Ujh>u6 zjZD4lNYlI%aAn^P<`t_#ye3atNu66@Kdc5KvQNVO*IU4c-Y1bsHvH=d9XzC2 zC(^guCpx%Ll^1pO;^+BN^hL7@%*)k>`ZQsF9HGsfeXQt)TusdH>A)YyTU{2Yra;le zQQ$EtA3uDPr3FXkz|*$lVf=eqUh+akozD&%+d)<#=-E;>!rT8)4 zn3Kn%JMHL${{#)u!q?j^{r9B$9Fw&;NIPU zTchB(-T{0xT%G8SpUqp38PEZL$M9#WN_1YYEv@UG4^^F#eCn}e?zsOjc3c-6j+P1V z;J_x_w#c47(QP9tf93e2qe}eW*G4ux=rV$yB36h3_`bku>`5$wx|1Iua7zLkP`!+M zN%+z`ihBI&QAPeV^DpQRu;#KomH1XrCPsYrz_q`3ah>snWV)9*>aTmj9ChXCosOf> z+C2jAXeF_yJF4)0>=!`>wh8@0)u~w6)i136A~-a@VC{AtzVnd^t}T4W5*FNNXYOXh z89Nic{hTb#U(gPlT3TJ?COTu`MlE<-G6ia!rt)3mRk*#63Aw&dM_gO}hX{3fA>*q~ zeQe@zUClBmtGvciA59_)y1R(t@<+Jtc{!yfo~S1 z2gjgj_(!tP2Bj|4=Y~H;PSEy;MGP?u7B!0_%-~-)yxnMmP=B( zYZ0P$=`p-Rv5Hu*by&FgFl-L6gCC{+u>MOtT)Fxl=f=*2f8mp9a;GW1+2@Zp^t4&R z(*02Scr`-a5hk{;$J9^lcyZnkD*43^S9vS*Q{|SzEO9r^&6vr1^3Gu4)k8w|ND6-> zdI4B?(Gp=_dAzO}4nK3Jc~uU4xQzro;bsJdDe6#j{yL5}DPiwF&H|rtL1b6!Ufi}M zm1hU*lHj8in0-A;_*N@(eRC_)I?4!`K{hVFFq#?VrDDq9CYTYqA12QJiXXqv07-)v z=wzRV5yDXV&x+Ko?s`=?;-rczT3q0a~jN5IPPLxEX-jt=8HbvON9yTs?<(qC*;nurE5;@gTCiK z!1zWcIhvzPkA0ei{_px=OJW$G7LrI0{9Ay1PpSdWrQw3J{e=Bf;S1AO!>O*V(D|_* zHvfIV{t3JN?!`_xbxsJ_3p*lz7k_y5O_x7k_zZ{XjHRi^<*37bRW$en5VBNCE zeUdbuUHni9?>9bY%lidBSV0)BoqLe(x6;SQ7JhWSh916-Y=bp=(QwvP;1gPW6N?w+ zvp$z*oH@pxpZ6;h<>p#L?esfnape;EDcS}HKf3exjnVY`{fBVI+l5|V(IKV>bf$I?s)in6d1nKe@&KVno~_C1Yd)jjoawZ*(ttY1)q=59 zG5>pDE8F{DujsYKJ$QdfnC}by{`VqtDpxU##>|$-1Dis)ZTncX>}rGMU3>8G+zn8W zBg-C%lCaX|85ua{sBjL9p?25)fZbkWdc&pxD-#vi-y;kf6o%8Vw-K!8><740=S5fB zjD$10ZA3bIUC8w-F97E}MAy@K;5J;1&7HLk%H1`2rNl0<>HP!G&inCvXn{7oib*P>S*=73wpY_dA9LOiYBo8I&IPDTpdkI3;y!1b69w~Wx` zQWNL!tZf%y=-9UtpKadId^tp0I28P~o1E%YwV6(bw@kOfMjj z-4XoHhxX5=R`a*weZ>g;vPuzB6; z<8y0MJa)7gt!5G);iSP|85(mwDHWdHw8L#unq=ji0r;}uEXw?R3`+w>vb7Zh__J7R zk~Q`@VZJ-j_V0dNx?e=6G}Mx~n|omUC<$H`JO`hvBw@uG5$){lhqlt2@L=9?oTrzL zWv45c?%j=a^s88WmZ3mXwfe{slS&rsAcseSA7IO$Nw}hJ8WuENB28OQgVpbJynkPt zu5-JLv*#*son0EJ8t=se9CN|3s{<|th43pmdT?ft4M?5;2*FWm^rP*0I4N`;IuwMA z-v=?4Z0jS7EJC;*@5W}3TXh<@`99e0 z-R{zIydEC8$Z{(s$iMX{5w#k&4LXOa;q$>X zJQ^%wR$_h9Fj~FK4kl#S&}kJ3u=SWE9kyGQzhhSDla~X=ho(VOtqUwa;zxLro$uzFP_Xmc6*LGmH2W3pD77@;umqyU9k&SiZ2sk$qdT#g&uR* z2X=V+IkAr0Dtym&GL(*lCok?maJ(V)do2dH)k*ll@H+TN45fF4GfF9LC4D{gKE55{ zjZ^Rc!>>aw5~ucNsM7xlFG`#6&eU>jSU;Cmr|IFY8T+x{sRv5sd)Q>Z8hor4O*3C? zfSWpz)Hbn?{rH(otSx%jHA7=+TWW;P8;Z~*^(p!+Fy?0+0DlFjP=&4Maa3A2ggh0x zYwqz_XP7{qE?ms3ex63{#x*RWU0|}!@Pwc^Njf^$3r`2vgK17UaoiXVC&J3v>g`kb z!KQ(5dH+i|sGI_M_1#cjHjpMxqT)N%VcF&E}TP;yd4n z!A9t{*=p_tS0Ue6T6Gv-z8%CvXEfpam!(Ypd~kn zO}}qL>gw8D^u{{ioLGU0F`x~8;Qsm!iwk&a(@m&Gd`MFw(o#jt-Ymgu>Q`@U{FE8vLK@@=-6i z80$r*c+}nwYC_I~|J#iynp+GS1n@4xO{?H#*%}h=X?zph`7kxZ$oMUf5lZ zzNfaJj=dKDVR4GwI(mrvs`ml3(I>NAbcESSRJdCpZfJi1 zzVgFh<}N216QWFSc&$g@nDKDhIGo;++>SNtUy$YDjE$5}!mlkHCl*N%JEba7)2LJA zM2Co)SVe+HuRniY)`6FuN@1CoFMTve$YM1gfvk&jNOSfj79J(TLsE9o(`zia&#%Lx z{f=YtPm4bJT2%pR1D%0G3p{j-0awpPoEd8;8Z@a0yQ@<1#z`rDD|8fXz=_~ywHFk2 zg5Z3WI*+K%|)9VH88 zcYxQYa8i6&PShOJz|wzwWF|HVcuL0+F1K{Dl8+zZvf>0PmG8?YCiX#4yB@haTbj?@ zcCvaK8V1e!p0?V;7$`E{GfJNu#WJpx_ei!k=P0w0Ez^ zU!AJtug_QLjt}7risE42jqi~BL+I%by-sX?HGrknafs9iCXcF3plx3WPGkvOe^M~K zXV>Eoai1sW|;%C7dOH> z8xd3lWkZXkF+>&U^V#p!xxs<}%)6#WL#|I`8mm^}l85==kz|Sr4nvYn*&m@##) zd5XjK|G+zAocWLCoA|ji%DlTWf$2FshQk4J;^R-^sbj(;beMa~xyb)5wvr$4{b4Gb z^50u1KHx*|nB2oBQbxjECZA-!GRGS8r5v4qk#XTJG(%1c8jd8;=HJ<{+aeRf&8Fc~ zrxLio?1V__WDB&8Y8Km|EG~QEkEfm-gw8opSRvNsgJ!MZKWmkFL&H7nRM{sC1GVt9 zbUJvZS@Mf5g|upiDqoHnF!)d}?!Q?q9yvvm{+u|5zV0-}p5*a3YD6a7x*j9q@4lc* z;8D2KrH5uY$*`p{i`~~Wqc%s}sj|ReOwgk|{mgWB#A6oo3Rl9(uKNJytm9G7+<5c> zM{bp{nQ3)T;uGAn(5DbtxpO$`4A-TeotjlKsn;-WzZtKz9?fz2I>=tL8>W6*O6^O# zanj~Pble{UJortFcT!%EyRw_PjP4v5R`CiwcYTNOH4Aa|>5by!&c=Myq$*-tp~}nm zJ`pDh`6UIle)y$Q%wPQ%i=zMH_~v7hq|Qx+->ZCq@1Ot12?tWKWbH919X_7=c0a-y z3f5R1dV;-((W4Qc*Ffi`9DJSi3VPAF)=)cU+L{~ayN zJswQrm#3NVZ6gLzC`crg*}24CNm&%UV*%FIRlrdB!`wr-_lV2J@PNF%REOLW{S{rf z_~@O`%kIc#XRDOx%~^uyB}$olD{Y0{NjmgUyAPfhI-mdYZ-YgbJD=&l3%)nXf@!J; zd)|Hk{*_wr2a@sZRBspVi&vzFf8AhaPW5=MaWwz9b|H?Id?GG$)Z+uyo1vunKXkhw zg0K}gL{a-&U{Gc(u_?6$bCqbgFkl+JEx4-+g)Z%xp%dw$>|makGqYOn(-K^;KM_p# zrHjAqNI=i&S@fj~;?>Gl9J6LP&T3Ym<2IJTmZDxAs9WA@_;Xq4kqL8>is>@Edgv$6FQ+8)?01+y&ka_c8O!xc z)#+f>o0t(LxPYXS$mX+>u;kHMa;s1u#%q0nyUQ&hZQEp=D{D$8HAeHa1IpB||0jtN zI^~gTm%>{AE_V7$IDQ^xNBd_;aBoo)ypfgTI!lw#rC~b$&XUEi1~THJ3n!uMOd)Z- za2vFJ=R?362ihKZ43|b!LSU69YpD2)qE=1(;wJo?jvLVtKi3dRA3H9sd=A7Lhw`0K zSJ~;8(@|lu5ud(d8F%V#0#q-6E2c(V|Fb797OCURmCC~US)RM;CgaPZi=;QngkL)_ zhtJ40;J)zR(vZam>^9<&SW zn^#*x>86AmFl>YiG@7YnTG~b&ZK=q6f@G+{3QKN&b}*bPJA& z=B1-Y^3%e+az>L9w`>908EH%RNvhEE$1cNXA$u32K9n{rI?ZPGeutemqOo&(B7UD% zNbJ+=N!x&>FzmM^4IQUWPv^&C`GsqEy{m}bemq%(^G48NPqo<#iBn*^Py?3lPlc@u zWAKFMB~Y$b;R}*tSjd82ah#BInYloQCtf@yyn%0v%zqB#?JFv=OV@~Z`EbvR?e6_&C>$oj3%6+E36NlK3abUiCXkYea~?GJg{ zIROH+oVi<|H2Qw%Vvd!?;8LE5UXB6}=t(uX+ISfKHa=$Kg*j?a+gI4xSQU8v1f7Avw$)JvW!b+=gvXHAkN}?2m$j?YHpmmQyfNHi-RA_kzar4J>q5t!RPB z0$Y!L#Q}k;bbjP7IF@LNew!7k-tWsOsN+Nx)|OOlmawaLvKI$gB$4@hwiCbGjWBlg zbGXv_fLSESQoZOsXcu5Z&)aEJQ>PRRTOtjI* zj}T{l55nI^FfSbr?mg0AS9hJ<^EIX3k4*XN1MLtq<|)f9HiU%c4OAy(C{_I5)GNw`lQJ53!>;Xr6rFcikKY@|OM8fl1}zmW(vtK! z_mLtivxtmr*(!Uct)U@Fg9y>26!kgxL7Eau--eK~XGJ9Q_x%3vy6U=muID-DzTfZH ziw&GI7QXJD!}r&8vVGU1VR2Uhb3dkx&I^ME(?wa<@c`bS)0+2VKDyGEOOJdmKZkDn4( zZ{fLII|pA=CtMe-$zwm{;g5ACkTB*SZ2$WTmVK_AFm6!+yso_qAr1vBZ&MP4OwYts z#;tfl^);+NdKF#Logm-$8tjywAD!9;VU2Sdp*t^&FLfwm(P>?gRq<}D-tv(gDvXDBhlfMn`b}_l zy)ATSoA91B%g9ujMYJN-9Di=Jp{?saPq_N=2Z=aR&7@1_kbSd$!yubCFmGOh=vLTO z!g>dDY488AB7P$-iTXoE9bZh`QwH#C#d=3l{)8oJN|WFjDX0;t#>1z~g+mYYh{S-| zaCE3KwJjYE>Gv)%gB><(+WBQTSZOt?9*!m-doMtYQ5|0Hi)RC_+!8%7<*dLy3Uiv5 zFs;U9(AgUeuD1+VF6o|9E;@5_49cgi#rQd+aMpWm_Mh`Ce(F;i znyd+C#hQ`8kG7Dj6B6;VpYZK#Sp;44uaZx{=82lx%W=};Q(R7R1`U*-#w7*EqTZ`! zrWoo2l4@5;#1Zhu9; zZCOM~VCEaw>rtKkjp%c~nY~+TKns3E6aBz15c^;x&YeD&?|YDm%M(kOAp?+?rDK5f0I})(hzoKGDD7v zBtEq{ZdW%3Zzp}Iy7CxOEx&+LLJ&@VBgJ+cnMywmOBCOho(h|vNbx_TM=}XtG0BT7 z6=s`CTq)oYd7^WU&Ga6HkzT|2&4-_%QSTm{H@ONLulM5Y5AWFZ-luqH{(Djz*aQI? z2jD|bA>58R31vM^koc05v*Yu~(oYQ}S?44g&R7JkM@wV;^keja|zTE=B(DbPE1I=u1)chneEjlE44uxoS# z#)h6{heuYHZk5jxz15sg&SlmK{n;U?J%2OZ?^=Xu>o#FXt2@@Usqtwis>z*{JiPFI z7F|}IiMefuSi|x{ynlQv^}KA(-zZezU9%n7A-HL^dY$=%Tji+qU=fBWSm2(5$y{Tq zHV@0Zk5>gAsb+^8F8Hra)b|S^Y~NDRe9z$+vtT*geG`iCXqJ0547MtS)z2=Yq44gQFYtDI!#8#>fnbO85uC7OATPD~ zgwJD!qwBzd{KYO|A6f4W?*yLgpZ7~)Rtn<75uLjx z=&KEoq&JM8n`cf(7)jE(zt^xhjV~oZQ<~uKhvz(Eq zknXv}w%KU&z*+M#E-I0oDD)=UqJz-U+bA{~SC8k1+Hv*aY1kEKM14!=V^?ds=%A4_ zF8yl8I}W}Q{ES6x;oY5h@XcTGo11#P_w^9IIczF?`ziskNvm+rUvJ*=H~_z7Rf*5e zeTMUkPQfkXPSLX6=P8k&&wRt5pyq*7nEdVt9+NtUpge@T9$JO53EyGp-qhfgO^j}vyVy|xsl4tWkAwwi&?8cF^q zu?X@uz9atEyU{lOGs}N|p4=asffARZplkh9swnBtzIo(<(y}Qu+20X%4fuim8tS}w z*d4f8nL-@$XHvDr6_{#jipO_}=$&5|K!1rXy>0gkKmJn!QreB1Lt;=}-5%;>g{y^^ zG#J&G(h2(h?7N34eEFIsTJ&r(=GVu3CXfK7NDoZR^I*l3Ku}J0#9Rq`P zxMPwnx~W!@HM5qG6QP5dbZd)PA}df}ba%nHS=&hKPg^)H=g0Q1ROEU;-Dqr861w}P zfypX4zQ|mWUx;dekLqcpnn`lg_5@hx{SE_0x8d3QmAKlj1=g*$;7@NZX8%I(!-~u! z*c+dZ1zk`HW{%GX-#ZT(OJAzmOvU#Yml4H`sj){HkTV`_<~K{Y~!mMwPT5FN(uciOdpn?)&kSV8R+(6J^pqyp{vg>;u#);xR#47w%^pF0ng0f#pJbg zJC`G(@4*n!#PD#?Bof|iPu{&$rROjEVEG!r^t)d%SmzY>&-x0F)i2-+wWGvkO0duw z?7&#dXrdSshqBWaLWQX_R*q}{S3@l>so4Y5Kgmw*UkT0_@S4NRQ- zix~eIhN=?|p~>jeIK^=n285i%eHs0vt<{jcA6~*f*J;5_wM*>aY%lDT--fS6g`!37 zrgUgSBcA@y$m;tSqt3Am7i@c^RZk zMW?PqpV48w-4c&JR|V$dxu@jGyz`K-_5)b&KFPX~MtlJG>$-f&l_YT`e+%*3)}dobEqpXK zfSu1g>Ef!Ff?HVF*_qtL6Tfw-$uu(Iu?p_K5OUYOEpSM;3U;QO;rSt|;N!nd)UfXaJ7hQ+loJ^^ zwxz;s8A*(8c?=0ck9<*Ii@=|0Vr@3cwBVcpT^ailB5yfE#nx)f_*0Cc=dt1lH8Z+k zu8>djR-!srLfNUj5^P-H!dJWr!ri{F*sdyN%-Iyfa-VmzX3tdGcS#?fkMc!lpTQ&z zlCgb`zzI@v80RVoi_0R z-&Syl8^q5w9EGbnGa>s=hq#gLV&8VGA>qXfFng~aUp8|zA9(mYgkL!THjsLENO^H#WB)d?d($II;oDPA+BJCwJh`dJz{xXn##xoQnj&jx!k_Z-1NmR zFgaXK+>U>Mte>T#BNva7!N~@6!n<6&sHo2Z2IsRcA;%%-R1)k74~B8F5pZknA&e5( zRzGOi;?(R;enZ1xZ=|rL1r4JAhn$9JjRf%g(X;768Q@VR@p?J(%3o1v;A?KeY6ip9f z>pvHOn#*-q_0NULyf4BMHCLjrP7N16o(AJxjp#Vx0GZW%1opnnC2;~9w)?CBF5Yk- z?}k5MH|OS)7T+NBzV!mEEUZCs|91T4G>X4cp8)Uf4~Fi`IiU2PJM4d~4$}7mpur=I zxj4q-mLI>^;UStdb@(-Ct&u6M@o5p8&5OdJ4|YiVM#9c%F?M_7j&k zoW#e|ZZq8a7RiV0{D}1p(akEsJ8J=TLT$9VBZ?-gyG1H|l&-}pOdv?=D z3${9z{?x?xGVAb5{t!m+8G9AKg4i4r9DHqixX1DmGUwxOJU(42F#9fL(L=wsszk~DPNSHo+2>rgy2RjTe;-nOW;-m}guH<66@}Zx&t+ok|sU9G^ zv#gNnM35C`A4Mwe73445=J@p5CzzV*4U588iI)6UqKcJTsN^*h)8lUt z)yk7NqxzCSLNbE;GvgqB%Udk#?uIcZ2eV6`WZ2I{Vcst(^d#)(VD9`T(DnBrtNaR4 z%Gr?Hr#ui%dT-7@2bExDPagV8I?)Y1p?JUc%+AmIvG>ncGLuPxz0pF}i#kprmtEySW_)~NT#3d#J}_%FMY#0J`v zbaI3?Y0KbxZzYykEh}(F#&Xv>DcW)}1!gYU3^SPmj_Rtx3m5i5!jms>e4_+^yVQa= z)CcleEqhS;!E|`2G?ClCF2)kQvG_pfSV##OnaR(!x!#dpvdc&kg5q=`B6cksTpGZ# zbmq|Kwwg4)RQTWVMoisz8}#xmXtL)zGVzBY*A6$L)1E|w=Jx+E^@TOp_gIehM>^mn zX~HXC3t*GvWj3Ra;07y89`|lEpWo<0TMs0WnJuo&#`-6OCY$js&Yl8N!3N?Fp2lsH zwWzj!I2*Qb9Zvf=MBuF_;+3K^p!LQdjW5oHla~Ze(c@uQo1cJdqW^;RtM};EF5JbM zgT$^@>Dc{OftN%)5j7op07FBM!o`o{AU%9K70dn>mA@=RYg1o1{y~=8t?NaJswuS6 z!-RQH*P{F0AWl9FxNYrJmipKbqIxXIdgm}qJ`xDygx>Ko!ATjSe;lS8Ta~=a7{V_F zzQi~M1^RmPGL~^|rg+W%YmmLrhC2kl1?P`LAzknqDyEiUXWUsNS=sP0#gJ^?FdOzq zY{kg@do0admVVa_g@=z9!1gyqZf|m|#nJ`x?;C)xcok8&x1{$6sJB%*gK^t1Qc-zPJkm5A;;b!c;-g};bvy!IdrC;Bqa=MbUlwc57hryF zDS5DD5FaS?-&Xqy?rIe=#{N1Z%1xByM`Z;k$Eqvf6ZjZ%&Z|Mm!gZp18~%cv%v&l%%*fu^(R7wiDw#G!4GcWm@kMSp z4$CNpWIIz@#@tz2TRTRtjfSrp$q*|a%se-pVZozCxb4X}-nc0Nm0qpD9e$1EK-?#2 zo9{wOdI!Oo5&OV)`(GA*MwPc{o1iD1&-IkmK#EV{x7S=iws@MrG?|UIPbBF38@0@T zM>E^~FpbSgTP)snPXiu5-6^VlU59o_5`3uVaXM(yLiS7GkNrK~$`lO@QTLm`1+H;{ zo;i=iLwA*llGAlaL(2xi+2Mkh|Hx5m`7SI9p2Uw%|BY%tQi0dsg3n$L@kjV0$PQgY z@{1&~>uU{+&X=brLUs6V1u2}tZZosaVA%X#4-2cS#Y?}}3wIhHl?(Vt#c|PHlwOp$KW^ksOLBsx9{Tr z>Zjnd!||y4gpp;o;g~w83k%wR;AO{ARBFi|klN_Q+0K6aZ}1@S6uj1L%{$pZZ9fc( z8x7&I|DbtZ9yF=1p@#zg!|>w?0N^bzvt zad0SV27k@N*?Fm_%t!E$-B37Es(Hi+o7SB{1;@!uKJPSh2zVpBFH%8OIE&v35PX7q zcIY>M2AcOL08M~xQPX*Lo5{4EeKOFV*0>r#m8@T2I`Urz)8CvGnE zM~GZYA6&Jerf&PduVNJ6v+EB?)Vt#X_aCCMx#3`$^n)bD52Tvb5%_IiIrz@+0HggA zxQWy{44;#Sol0tasnT-r#PM7&>#vZ#6}lO1v&pf4gJ^SMEIhAGg^l6bFl0lekoEe9 z-#rpVz7Lk+)i;4?CnJT|)YRzV>{$Hgox?N@jOfF$@o=heDj3)H5ud$Npy>BnSb3sJ zw0utz9^Yz4iCz!>H?;_21?R~mxyAI{mJ=v`ddxBJ#sKPFHWbtZ00|CQVVJj~vo*(%gY)d-p8M`?eN%{0UMb%qhnYe+hJg}>J z7Wo|LKK{a`0YSiZ8w0q4ZS%7|EpI zvA>Eu;+#MI7Sk-UuQ?0W*O0jna^uC?`eOfe&seZgu6T#K9QS)T8}5fjg4D=~@LcG) zbw~HYJnuqq$?#_e)8y&4S^fC5wiOO^wUKidH}Q)BupfQ5Uy1KcHQ?~{0n5>j$Gx%M;M}7P zBZchH!yz7UdUh$vTjfoke13`33{-g3;brjWk1Rc)*8wSV_0TF|L`!fOTz(QMs(jgo z&+i#9(fbuJK35mN{F9(8ZUgW)-bk>;a9B+d^ zHvu+vO=W|%%h0qXg-vbtK&7R^E^w&^)@*Em=|WEIxA_ZH991DIYk5|hJ>s}XXT3Zf zxA-#ImavLij#Ck7{}R}>%3&z;d6~${Odg{=&an_zefU&2fT-4HlA5Idg!}C&9CP+E z`c8?#Je~^F-UcTeJjF~!D`1W8Y#1{8G0c)(4l7?7)1Qyq!M}YWPc9ik?^_JvD$BgfMVMh4OLhv0<`VLc5)*<*05jw~QP}H+Q{5^9QzSdJ?RSGA>#-Ei)YhWlzEwF~q zKhi)a%?%%%izhWwmPA>Uier+N;2ft6e0yLuvE3Yk;-S}>sjC6^{8T`c4xb~Ne|^Kd zikdWdpFBuyT1W2JJ;OB)KS|ZvOtM9$iH#jv44YkqIYoml>^gfJwLYK283S9;f8PXh zU&;rk7)s;ct2yw@s)_vQ?}oB_8;O7PNAV`Dc4)p5gnuiIp?=Ozv=2;%!$(dF{K45! zE%z6*SIW?^DpMSgJBbXPRYWF+TXKi$b~q6`9JHv=g$*8w{eF{(;>OkFwRZ+we=Em- zu6~Qd2g^hEdTrbl_8lK6UWMq?fjsY=Dh=l?;%cP`xN}IFnO(dOIl_I@s!|fQ^sLyy zHB({E;NK+j?nlU!eveCD4#O37w&DWyH&8Y%0UI7~q)k@tG}%X=RFC{iqL1f7edv9h zuD*=QeOm^ao3ojohAsSxQRIOwM@fWmM{v?$#Gpfl&3t$ocB!u;i}j3gmC&1imaj=a zBnHBS(j}1jMUkzN*2W#Gnb7K6A#PJ%1geD^RF#awBEO?x`@s>GQyc7=WDmNv4#eqi zZmCwkA!>Zr#i#$IsBO76og#4RRo+#>?KR)nkP`<`W?>Fiz0lzIqRg@6(-au>NL%;@ z&f*)_pMWU$RiaYok?>>maV*U-D2)p&g08);@MF&q(ynUCx66Cu*oRBWTDMK2T{dmaNsw6*Q?XpFwvzF6q-JO2!U&^GiRdjqRGSveAzI z6Q|+QcR{#vrV>~1F^1_;2k7^c?sT++0$TqkWCKnQCBODeU}wL)!~d?xu&v7pZj&|R zqB~ilWp7>JcFF`i^C1CimyMW zH)>j+LbXjxc!1YtwpQ>_jr%tdZ}?h4$8S|~!=V&jsmBPs+s`=dm5*r9HWlcs-UmMl zN|o>UAcGf(55+p1!pKi9D@#fn^5jKrzcn%dqB zhP%B5?6xSA?GDhRo6QPP$z}vk8y`wchQDsrB$p>`ZU^Ha%BsSpN3>-8#u;I`MMw-y3tC9{`5&Ek5}6R zSW2*QC2z$Sh2_&NffxSfOFR2pK9c)pi}8rn4OW==nM~|$=^HzMo(4S4B3%8p^SvFJ1GM5DWc=-r>bbT*Ow8&wb z7rD`+8A7wMw+%uLSn`U|qp?Bg0=(I{6)wREQa{KPT!r)Hk}1}X&rS5{QQbM%@a_WK z-(gSPqAZ}&T@qE!G!W_d82qL7Q^;6*;iQT{u%FTm`&=c6SgVDM>Hm+|8JfeSaYZ8e z>#5LiL(B}uXwVstY_y?*7Xq{esd73fBTV+ z>8kwO?Kr$~OUT)#Nny@}G?bL@Wbzhgz-ag(T=dHdKSyt(@70F$mLD&~sV_Jr3GUJ@ zCn6d7mse~DYOO33mx6NK|hyeQ|!NSu(X%Enns@QQN) zmkXxRFe^EF&hilPZ;giKWF@#XjS{kS-*NhndVH#$$l5f{p!;=c?p;J!y`D4d7B0YH z(QDbLGy~o~O`pti9z*|aWLUdkAIx}B59ulcMeAHm;pm#J_&Q)NY`GuE;-%Ug)ej7% zGd_Cpvsz+|YSiGLvrOss_i;R1Zy0D@PG#o??85&J*zx4yZw1%gWr1loly|N<19$gl z@!++t>uNCg!_yM-8wdD8jmf+;hHr!AD;;k#{)Mj-ST01wgYX=E^ zo#PKHz5c>;#RR^wOB!Q>uQ=jB3zTq87a!4g;=0c($%Ta$v`Xd}O!<2fR%?7mpAkm< zm~}0RJQcZmrzD2aBJ5Og;tlt|L!s{r9QRz&flypijdx zjp*~XA<(mVG30eb;`d#`dt}%M>TKKs?$W#PXk8?Yl#ilzKAYih+D$TB=^A|A?MJxX zNnq|ayg2_p?%vu95etH;?dSPy?~&m+Zu>m2T&54&J*_zJkv`9UW6md*o&fU#AHLJ| zE;!8Zf=91{*yRHYd2foqcnO||D{bPavCw<&Sel2KUbT>L`4lUEJ%Yb<3P9;x!A{w! z#J_*i=S4r)@l~%+qvY@fFh?l}R_lilkKMERTHCWwS5_u)IVSKG0Rea+=LVa+G7;y+ z)kDoO6LifiK$)7&#QVZDCbK>UuB>k+Z!bLoU3)Q(I3VmJOUAReI&blvBEju%uEB>X zQdDud68A|LizPe4aa~9g@mu#(l$(5nEcH~Qg|qhZ65X%x=$bYx@7#hHpXp)tZ+r0s zsq^r-%nrAY7|1`{+JUZtB0e^>h0eYIVA@ax>U8rmk8F7be*T$QG|W=SysZP>(*yW$ zh=VV3Tk-o{BXo3=29sOeOns9Jm{@-T;$Q^BwrG*5M()gelRYZ?*scLQl}xClyZe~TU@wUgc_ z$qxT+OVVwhE4g=i6AZRJY3pSfj>y8ip8oiL$E;OXMH(rs1 z3@2KYJrn#lgo__J$B_gdMfzm!0$S6V0gX53;r@9OXh7;xIC5$-h8hk6r(_2_+dqp| z4vK=!rmnbgOE0dKPQeo0T->likKc)(%{F)@VRhR#vEPkVQ20iRd%9V}HPxf^=Eg_p zDsrIv|8s-dW+AWhX#juuC<8WJ8%3|&(1ksJbouCo1^oQ>CbGpq8{f!!@a@UbSoEq8 z=Pxl7I>Vt@l-5tomw4eJ%K+irK1$RqQscPM4yGD^z*S!?MInZp>5eon5_icNH%Q3Q z!*XRfYU@92i5|gkMJe#fP18XRmJ+8^*0jgW1heN6T$L@08zife!;Y`bShi_WmsFk?w(+apnBi zSqB%Mx}`OGR~r24 zJQw^G{R6wFriiN?K9zPBzXr7>(Ij}z6*P>~qB7IAf!#|L+EzM%DhKsI$nB$KTvYdLheo%ob~g_(SbyC73tVgG~6eQ~Wx!PW$XkPx zNpx2)yw0A6Hg_}V_Y5_tQqP5C0SnFEJ z3g^X9lk~H2&tnfAv_oLO6q(WMO5ea5zCg;=(YVuR6Q~5f#-^-Ph!dX4=GtlS>zXy6 zCi+dj&XGjfgwH6Iw~cyFH3cJ+gVgPZ_vX@zr_bP%{x%5c&A_egqrqiu8k0Y$!j*Qo(9Gg% zMCOns?XAhg#^tGO?c^PBLs^AN9ukZH`!N$%d#TWcBiykkSb=}J>MZcPc7wc@Cg1wm zi1|H@W%CVoz|{TDJncjvY}6i4>$e=_3-1}=+0Rc(jS79?Z>1JL(XyWZ^@;ff;l$HdnNnFB4%m1O>fZXY zQN@k|FX|Y#-)7FGD@OA2K?3f;{4#8Gt7Km?Yl;3^Cmh$Pg9^$^=(eUD3>#)lU3`t0 zgMB<(xHKMDUa25I0()6k?RyNkn@^m4q{*6t3wg|WXg?R2A3{NgTfgPnEKuNVnG-|&#oc%#*c7+O!{Zb3T zpUmm6iNm3bR22+JDJ6=$xRd}_zny@j+yIuE zbQOd9XJF3DEby|O2@|d@!{ZG%@Im+tNDnx~?vzZR18^XhJ-d~j=+~kf!{eaZ&4(|! z_W=xJ-jJ)ekFx8#^2ve41NlJ(NnSH1iS9PnV|f9kaCTrm1TR+S(z_ktxJM|zk)47y z$-^MdVk&8zw15PTz64uDnWBYWG4Sv9NE#MvNY5OVWAD{}Ve{^vEP2HrrlHmjf1l}4 zH?MuL=l%dbam*6*n$U|^q7Lz)87268O{T~t`ir~5{1z$hNgk!lv z_h_{w_ggKC9iu+7^Rwe2wO9^FK&+^%)rz}ToJ8H9W5p%+r@?knGKdS@aINr;94@Ux zA0@s3nI<#wPj&@@e)z$ofKyD_^*Uy(&jAl3;clSZC*Exm!c3~A#OXE1A#PPDjF6Fo zkR&Uf=Q0&@s{XQF1526A)4jMQW*E(MI!InW8!SH9b`~8{zJp)uZPr*Oi>?;8VUvF` z>Uk^i*5;{bV>$^64%zYD9sR`3undDOpB8Vr{CN782piKmCA zL-PYK%vTB*c(a2^nZg$sCUF{`S?=c@GB?=mRoS?4<2&*EGX~UF;w3g*UBQOs8PF)c z6Y};Ag-Qh{erf0m=qYp~jYk&2!}+SPK!g6p7b*5)v^Aal(~!Ft2=`o( zBP#gcLr)zC^5cCDDv8H(O=ovH(cm9i7Y?Siu~HOo9>E_|Rls0>9u9joNxW)f8YC@~ zA^oA_A@|=P7$aSa?vwja^N&20d83gAmWGwr$^#wG2-;Z?BSU!AzG!8Gb!aq%n zMg4oq3Jz-WiCBbxw#njqy+ZKSNfFCD`-8`H8m1(WU(( z%yYKD7_%Ztj)LB-d8#}%H<35HE&{y{!PTA zEr&&?iFj6Y4cqCLhskd)!u6X8%>DT@@EjY#eT%B_(~5n>QhbT%47@0C%Lw2%-y05VVq|e?6>NIz-$$I(6}AbN>|aTQN8#{!wSZf1d>l_--|3%0xfyEg-?7cG^VN4uT%*FKeTm}R=}-7mGXU%-Pl2T# ziuBYMB~hC55U?LyL}deJ(E;H{!D+c1dU~FMMP7z9GJb`~=IIV$b|=q^yQS&Nqhah$ zmoE+t51jGpOw|k7E3SKD}3LYu&&7fzKlr$KWz#Aq%{ot=1-%#-4^`Db#r>A zqJZ?~e}jqrbGhL*16)+vN%|HBvtADo{#LKxHJ?nGf!8#-V1d0ad$bU*dCn8V~mS4kmeo`^OgJr0Y`!Hs=5`H((|v8%3g}u?*BU zZe?kQI1VeF$hY<$2RY+oBtqyzMp^&DXM$5|=6@7Vu0D>T7bZeW3sMM?{2?~9c8-o*BmeWfu%70xexX(^Mi9OPPl?H5;{ql+en3iQppc& zJR!@KY@1ntMjy+-o4?}qpxdGK^D75iHY+^80T_hRx8tXD1|PnLL6$uS*pIx-I~ z*4km&d`<4;tcQ2KAHnel3T#|K32dAEjh(uajU|I$pt*Aw8G3COkC~$k_A!Es%6uuF z53Hu8HIZ2HF%A}OUWcuoGr>pw8=F4Nk7~d5Lz(3Q_v(%p>z|=dM}Gf+qnBN!cLbN| zmyITLu!J(*mwg+8BkEwZaE6&RM*$6!t>KqVGfp*KH$l2b@G<`^gyq3T{O4MN2GM~q zt9}U2pFfwnURI-R(#K$>g$|llPUR9izvEWJ>l5lWkLC07XVE>^Rlw+Fy3h|h3TkN~ zC~#PCY*sum4j1F+AbtAnQVAITR-^A)5Al1Ad+=XOY00xtCHmIc3`}w|P`#ITE8dcfvoiF)kUjVY73ehQ4JsF$M7`Qt$eZnf54kjm_UMT3n>OP0 zI5n;^F_pMIe@bo`%J5mo--1W=C1EGO4o=T_jOLegu{o4bX^ZK+Ci@^bzIX`x?(Bn| zed*i;0`YG1Dtx>rT)11`fo-+tklUJxm2cf7C1Zc%&7m=n-ynw9H9MfHd?@P-(o7S9!WmC&Y^RC}uf2JFzs;C0FZU^V{*5lc@ z?f7xi9XP0-3=WD0RO<6+9%DR@%(9sR-XkT6|GPQ}Kd->o?Mi1u$#rgH;_hl<_2L+6Ba+rELFvV@S+ZX{;K z6CqFiA^z;E13wL2Zr(GBSE@V^tsy_fr-T1u*~T+W_IxX-J|DuTMm{EfyEpTU5sUEJ zmUyK7mq0)02dp^j%D48f#j803Fw{RCZPgagc^l^NWvSVax1GV|@MN+%1aNkqEC!}H z;q8-}e6ZzEJdJ?Ue z8m2%@mNCuxHh?C{yoGDih2K@tjT)`*MIn(RxwPd;@^I!59&*YWF4~;On#WV%i)Rnm zSB42Wymz=YuK~B)OVNpK-LQmnyzFrk2KY}QOFnLbcm+%9vVANK7#hS5c}#?@uPtfR zs^6q+wi7guO@jPG0brgw4JxwdWB$E-Fc{YX@5Ea{`*sY}-^c-lb2%(KW(2g4@!+sY zmLFA2VRrrH*dAqx6SZ=QWKRM(xS8+=OD}+(dLfj4TmxToo#<>I4)0uYF`-f){}$>% z!|pNko{B2JuWLb5Q}$Dx4ZZkovMIF;|4f2o-RXn>2J=;JIxJG6l-@t5#%EEra>Zjd10BD+vV%N{E>t;NZ5k4dI*RBj+QAmAtwIs_7;r{9J_ zYKsXq@*GY>%V*G~LT>b<&j=_PD$iYa6_5`DzQVERpG6{xGJF&J9%XC0K+1L;+MVe{ z+k-Rk-)jqza#tssC61u`*R-K(yD>F0k)d7E^GJV~F;^ZdWI)pduUJ}kQ?3QiVr=amMfDaDhS z&3t`Y;ADcI>aM^)`_VKztp)GB(8mwQ%OUmRaq#UNMkDlYf!Drd%=WV3O1+!-fVcI` zJ}MSn2diVPVirbBY{q!igi#6N?546JqTM7c9+=%6DHkQ)Fu{~RWILA@fG)2h(B-3H|^Ik7|DO`x%M zH-B3v;>Rrd;n+}Zy6LM8?Jj%G%ER}td$YaSrSl=;&`x{Mu$V&@lnG4xifCjf%0PP6 zHj>*k1I7{sSFvx7+`F2mn<1fJl& zkF38k0?uFDEYiBX7bmWa!Z~*J;H-RxP4FB6{iosnb+_t+r8%wKkoB)@Ej4M7}+MlRsNcV56C=?|i^phRLjUW?Dml*CC5#Sry6 zitQEVO;zTPNx+j%alu=2u!);S55GzT&CdaBSBJpQvRF*NrhmW}r#U0KZ-l%-7W=hZ za5}wegkzOqaLMvHq?VcBP4$@=uy-I|l4FJkV=1}*gy4q}Mj*ZWD?SMQAh<$Kkf09& z=lz8WIJw^;Qg%`NLbx-RI-|%v6zWjd_Z{xYNnw$m4%B#00gf9v0=+$g*qmG?x+pM= zsn3xmD*NZLCG!5v=USa8>$NVIQP_-!tIY9j*)wpQ?;}RzCk!Xwfu$W0aBqk$k1G+ht$C84KqX@O4$O>q!SA!1)%(eD)M%w50<=a#ag3NI8X5Y z^$5PGJV_6JnE4Rzt=+`v%LDindJRl_(@{}Yf;O57sp+k8Y;upl9FH{S^Q8A;%j8e+ zR(2pC?6Lwbzx_=>Iwa%9y5eIewl7lh9mg+0qvusZuS?pSad z-4-^$@G)BG7AwieMy8?We71Qjo8#CFqK;m& z|LqyL>{Y;i=_R2?+Id)B?}j-GSD}>uNf!Gj2tx;K<%c)*fb;JRqSLh#hEfrJd>Bup zOcEe0x`JKm+Jbrp#V8Xzh%axPNte!gjL#~Jse64M*|M;e?C_Ch=8Mc>hr&w`Jy5|} zO@ADNDvaPlz+Q|MJZFms4aR}3;kd#@jShdK&tz(EqDqDbKGzrKwI6k9>I_+^GQ3Sj z+<1tSPDHcqW>*F0);ySB?~H@$AHgO@xkXhEd0KrGrc~|2e*z!v>i5&41D+dUN&Pxv z|K=m=evCkozdC1+qr`4KYXug=UG~MQk6gQugfDie(2A4xq85c@9!I8e!|qGK-IwCA zR>GD%{KxWtj)b={CrC!|NbXstM4!lQ#zHS2DC$y#)1zeRxIJTeo4hJF6>^*Ain$o^ zei1r4$zz}Xc=qU|KA5h_h2sKiKKJk$a_3PJY}ob$dL;Uw<=ZFbBXEEXZkw=aYL>ht zAqs96PQk#k+1$8)8#pG&@;{-jd_ZC!JJKQam>w=dQgZ`k`eHC3t_TO%+{0dW?~@zP)?9l>Jk2{Wr*sqkOMb~_s>s5#taCUoW~|t$UIFV4GnDUBpcmup z!DCGe`CBk2)>KmP?-}^maEVJ7K+4pWS8nJOweM2qk>4%ASjbO4 zk-G&cqxSIL-CejUcndo3@Dv~K*QH|RVQ{)Q9C`*Uq=s4RNmh#ix;}k|6^C9-xV+N? z?|2FOdf98N^nfRHPOzcv`V2lLy~p=sh5l~eR!4Z6h&3}t(F>)@8lBCuAUW z?eXE(5nYfnR|+?F`k?r23p1IL3OOHqQ03=KvH5SI-{v5}_UH`79T(SAlVzH$`Fs+D zip;oVFU1iPrKwH)4Um&iCbv^2Vf&awEGfTAo>k9=_yGap1}QV3lYs4Oj9_0hMv?wq zme{J<%JjT;!1`Q8nz~{z_?;<&1qzS-*}nXWP~In4V6ft=Q^*3kx{gjJ`E~LJ8fwp zGfEWMqd`(p8P9cI2_?!(iL|60sT8H*d;ea)fBpA(J?D*catl` zwU;h6~oi9y9yShM39K2JUh?pzUT^?k5^ z(RUbaAh2BLy#a;qugIt4!{F7yfpnv(82pBgfIZvau$eZ2*g9(q5R02wvTr7=^3kE( zz70-9l(T8?0q5GxhS&;8t~8-s=tvsIf7B=A$cc)0;LQU1pX_RKN_{BZ6!U`3`Phm2 zNe@^PuEjdjY@+y9il=5au>B>5CF+G&(B|YgKIiu}Od6Sq(K4f;t&5QferI6P(WOLd z{W;vI`4WDveG2MoiO^0M`S;&5aFPy!ZL4y?Zq5WT6!nOe)~4cq6G@nON`@XTs{+57 zp47-lhvUqlTzy|XYhE4?4I64$(fupp<~BPxW%Y_Mq1$LwcRdW2cnG=Sg!uISgguLN z>Etozu}0OpwPb1E_LUBuO81dXxfHh3%zMeBpf^ysP}@x^~j z$cf#X(R2JJqJM*sH;+VY;gc0;c;Y7(W+lS#?l|W4bH0!--3ZHNUV&t{F)LTLhYLx$ zFgI^Iz84?G_}U`4t`?4+^(x$R#{~4KPC)s|br7dJke@LN#P(mCP`7k|=w8b$;s0|L zH{ZGsU$$L<^d&;acS0y@Ip+`mJv@#bNsD>Q+vyM#H-LMNIEvFQMq(&;1+8&?rGaXR$I`BbR)Bmo)KsA8_zbgjs1O=9%;9_ z$ibl|;azgcoB!N03)+|rvdazt>GHwtU6D^85y!-4}fo0#1w(n%gA2&PvYTO3v4K&ES&bcHg zOAoX1O>n5dJC(oMNYq#pJAW52W1IrKopeE@v;74uT%L-_Y&MziZHJ%E1`rdARJQB1 z4^%`6{?hwDSn)d>$SOXCqPAjzIq1$Wo=+!l^z0$J@~;5J{7$|fIfS23<0rSSd07SZWOBeAo~dCW326S#p1L}L6|a2dOVWt;Glp&PWoPVjk` zihe?NxGzl^T!*gWDpr3_g$}ORk8!h1U}}^;R2J zo4zG?mlwm{pn>qu^ehy^F)Z6Z69a-(_^8wYRK7Ws8$Xp7kDf7|?!4lPGqO@KvsIP9 zeENYzynG9Hdu8a`aw7hZcK8TjdR1n$=Q!m_L6M9(FR_>u18crEb^ zJPh)HM_#|#DGOo04xP(FeigHN6(KV))D5n`ya53(hGTBc5weH&vg7F+d2;`LTvcX) z7duTMkx2?YdgY@0zG|_@>l2VSCKL8tcq<Q3mO}D0Be- zo{mq{mmzcdBT6<51XuH2sNb!~$4CspnCnsGq$m~6uZhBcZIeWi!_I=U{1|MrH0HUl zq(J_3EmNrAy4@hvq?A0sbTiFsY_4WrhO*v3D(GfXJ(xb`ID|o-8 zH+1&I;Vrdce71um-7{_wKQrMXC^eqIopC>*W%Vy$6I?_uqYA}uf<_UKsJ(1)#t``R zX%TEIuz^JBv3UHrCmXQ$8tcx#K(5`}CyFUnq_ZRX#QpLi_1t^# zSmH?p$53McrByIgF#zs=3#Fx>ipbyPJ80GKqcD6_5N_$Sqk#(tf{f}KeEg&x z`};n?%kq8rpVB3qJ-;9H|G99t7gETB1Ht0?2TYi~4_$V=V~0jxXL4Ed;QWhv*tz2= z7(8FhaKr_8b*fVIQ|L8}Q~ipU|11%5oHBG>4`Y56iP+w7n2hk6&Y#%3W7V!Gym33I13$NE(6r$R&X^Jn zqjtrLA6!u4@|T_Ykxkn8#a>#xP%9KqzY0fBK~pHr4F;{pQuMq_GPcJ>fwR^Ryt2Pc zU>jJnookH+CRjUYRvM5|t1rXGuWbJv2Qz73 zsTLT-o1)6KG+3n4i1t?sz9g9I_Q{S!_;8{Yow0U9~;f<+nxBXQ)798`Wk34 z*b6gk!o@ePz7cq#bFpVp5<3}sl5U3YByy7ywkJ-4D;3uC>K84JMXJ=Z(U1-Jb_M;C zlEEe{3yz0Jz{b*4xV+B}_t@TI!8MEctk<0|YVjGYU|ciV!vC${buF60v<@ z1d|*;T=3xh!0}oM@IK`;J>llet|q~|7r{yE(`gYr|UrW_*g6$_gm~z z)lTeoiDBPjGa_wR2-Y6`0>l0;W(;47ox&~3e2^7CA9;_toy|rr8-@FmV@UNsUA`hm zQCzJfgJB;c(5O-j|Gjkp4QpeeH_3u&Dn+n8BF?P;D$wadSN5}EkKvM|6o0&ZyJ&ZU zGOG)J!Pd>L0t=_5tb4&_F#Ng@NAoq@quriN{QZWwtXYildWqPyJdex>O@WeMbHUGX z6_}I{<}JerAN`r3`n6lQCvF^e=lvq$KnWVW)DLw&#E={DS*YV4PgEA@6VuTyB~{%e zY;sZ-{uj`M%htI=x`98fnqd!t&+p;SNt)bc)I*#w{RwmGEy1V(hp=!YVYA{r*@WCa zxHi&~7$2~N%-twT{MW`(q5#*dUxgFrJ_iHQXqK|Ap6Gj@CEMz6;&08BV3gOwbnowj zOZ!Z?qMVmF{dgEV;9Z06#F$kTj-vE({}Tte zpEdz^9T>(Ft*@aRuY`G5M5NNGmLy&K33cj?hzQpQ_4!6MP!ShmSH7*Fiq#S2aJV9GN?TpOap&EBd)cG!85T=@$YU@sQ& zd~dpG`WH}C-2u79uh_^zO_&*Q6fxo~$qIRm3xm!g@?*H|s~Ng!kD~Kh#|aENITm|K zj)&1DI9$ZVDM}*I+^dQLFFFN^W{U(yoFe@&@H<>uVuU+~OY>bX?*J_?!m0xH6xKV<4^xicCXGeveEy{X(fB%5 zTqN;_eEKNxpys!OQRz(_H&GA}B9qAA%3d72Yzd97lBHSRAFzL+IzCz1PdxP~)hLaC z1OBa`7a0i6CSvw2`6qm`^5y>~Neiq*2Vzvz%8rdVKsW3-g$coJWJ1MsylWSV2V*VB z29w{!?n@-g-)+k~Ep#Az`!!Vjy^XbPizmLLp2CUbc+o>#h$p9Q=1oJ|q4&TGX1)3f zeEzRr;JX@e#oktUt&xC+Ga|$`wT8Y^XLHFHhUdz+J6;8w7kfT zOIPvcnx*(7@hq5aalx$lhfx$M;?Ea7!9f)=D7JH@rLSc8qSRpU?Tvh?wA|16}CLM0yR#Zq5(I(z})3K z#>}y!RU$d6I(#{XSN}j6hd@-B^keFMJ0~!>kYBuPs0Y5-E63tId(qwU3|?^_MkYQ{ zU{+zp@GG$#w)xB9yN}0FW}qebdOi`m^X%I?M8h=8K)xgt2c7>z%IC@mjw2;BJQYGbGNk#1GZpxFgeRyO-h{#Hr=#Lb zX~^3s1IPZJ!xi)J9_dGGY^K0H#aqmJoFQ#~ z)BwH?ny_Q{HyojELq7QZgBzs=eCQfCxcKThnbvPYNctf%d09ISzp0LYWwqg|$zAv( zQwgWX3Ldinr>9~xBM!)2!hkHE7>`2L!V_?trwyR>)^Dy=O8-T2e2)3zKX z;|qzWbu!a(QsUFO9$$LW3gycs!Mh_8{{1wElS`~1!>E%IsRX@hM#E}wA{UzeDI((-#O-|M+xp&AO3j-kbq zjP1C6Z3|33I!64ldmv0YwNaE`)+mZ9`$F>NPZC!rS3W3Vkid~L#F1OBu*+W`V*0rv zw#Xq2W5V>XE!dO1pFfK9)LN0;qo&xUe*%*B%;7Pcf8j8p({PQK8h6v)NX|qqrX8sn zu)X0>iTU-Z;V|zKWO6G2`3&yYQS=Gd9pD{FqjW zH-2dF)Z|kr-seaR908q2pM$1RIpnfM4_Sgu!)UZP6im{~(00ywoN{_1ZtHXs zuL({->&i>wsk>+4pkeQD*YjkyS!@R1{_};w@p`buy%;53?~^N1{={lu2pe)Q6$b59 zqKd2ki3YxsfbJcFZ)f8GSPNH53~kJ~&t*azwU?8yb=#oWVK-*XtHkw(BrxW?73d7A zV|wXQP*8c1eAX)@PrUQk-^TNx+dYc;FE&PF%b_$sMj4lki-nt4{)7GlLeKZ@1Q^)= z2+SLj(B!@aza`w6gtlPz_I(K}%e@KNgY2kQrZqG!cZP)3^Wf{yJ))7txnjH4Wz=?{ zB7M}e8apa_(Atu)%Eckj`*|{Nlln-+^<$V^ml6N1BJgvrXAoV-A*^zz4$rU(gMCxR zVaq2qnEBJ2Clo9d_IfVf)Nl}vl$~RiLr2k#OD@6No?<3FRYPDU$pY}k!eA5`3>LWyt3>v`4?<|^5c0s+_mqEF>gIx7G3pzRK#O(Ss zKIVQOHW@UF&LqN z1U{YMAsh%k|T#3v88^1M41G-Zqv9L{~h;^#bO zHgosz!z&{($!-Dq1!myCKpW8Y-pTsX)zC)pCeHotMgpzVKw-#My7zA%_$7}fqS==q zV)AY@_cy222bv+MPm>pL3F>6E!svB zZm-7c6>rc?Q=nY6ug!KR|Oq7dH;P`5lAs-@Pk{An1G+TKl{~jm zMY9XDNZ@ZRJhVeB{C-2(;jf$ULs~4>> zU|K=wtjpfHc_og$B_eV+(&5p(zqs_;9Qv*=8}nM<+MChNJ@(jN-l-V0e6YPX&Y|wJp=q23$Uux0n|k2A;v)Pj*R>O-VQ+| zJ26#>an3Se{1!?D!rDpPGum z-e(tPnni(BT`u#}8%nckYvKFkQ{a~H14mVc5I4J*EMoLMydSIxvt})XC;fLJ*mDqh z9~+C&N95@U--Vc9CP||qg#{-c(9i&?=fMbiWIW) zZWI<}kK%@bQ!%OL1T2U=f=!)0I8NSy77TF2M`# zp`TH&1}6;F0IiX?z}Tt++q|s!Oz#bR!5c}YVvKOk>k#|&`#iwQ8zg3j0{WV3(o3CP z?340icyT)lBBDZ2rY;08&0a^A_IwooRNjHxmYRt@1zkr;cADt6ZV1STdP%qSVlp~s zE^PLy!tAqJ;^~bmxcc>N+&@2(68q5@B4?sOXV)&>7z>2yHB9zq8aE1 zMxu;sHV}KX30AJrrLltzMZMp$i0_INR@gKe3$lWUvhp0v+PahViU!k86N*v!3u$~u zQpvQn$3@l-{b=}jGk~ZZPE>1w@@z4a3DKv{HG+SY;HC%k!-tq3(&ohNKsE7 zH1aEEN0&ipL>*4nzedJ3oaf_NH?GmEhfB^TII$-SmkIr~Mzi0;!z^vO;$WocM(1B9 zr81jzB+fyf*`LKugKi5MoikVJ<22qwCwgLmJN3BX{s1&52Tj-H0r^bAM#P9&YgA_ zne(?DSvYC!K)R!FCom5gs+@L{>qyLm$v4DMmK6)aREaO;kFaxW6dRH{oEqiIlcvFa z;5$m-cAJcc^uQ3Tjn?J7Zx$Tb{s%YDY{i3DH&OFLF8rSSNa|TImHr!5596~9N!1_` zvpx5j1-y@kAlHwidD0tls^J2R4;zcC5BDJdHG;0Zk_0yKLjG3e7-X95qIWLsfI_E( zB@ZH|!ImqIaPDykwa7e;%wsJM{XU!)?>s}V)8!DNory~-5{c8=xsVk*f!{hV#Xscu z^1RDlP-dFQxAy!h`Pm{#&BiasUmp(P_1FE_J#ro{K7WX!ZJ4;J*bT297){mtwZSRZ zh1)7ia?8Pa=n$VpMu)ng;hiMj7X1qExM<)3<7}vvdO_OG`S9f_6X~Dd4_M3Q`{aYC zzc_T-JF;M8E3>h@4+Wv`+2ft-@m*OKqoICKJIsbEDY(JjI2(FR+#)u2TgH56U1qW6 zg1&mXfn`2&pr2mGQ&Z_#e9QPneDGQ=9+5U4hhB7s;FKDCx&H$EmP_W^*NkbI-%JSi z7>eo{25fm?Dz1NW946%cW2tHKd|sd(`p4yB=)5x6DKi#yT?{E*7Qt=3r@>3TNcKA7 zGp;Dihgbg@^TOt(VC*B0Pn`yH6@O!JJua|GO7yYYFo@2!&teWgf=I=2KXF;qKXNYY zI!fKEWhO;x)IxDJ{Fio>JTd@q3z>rt!Vrp|U&mptk=#~VgHCxq2rqVgW>V{PXxH&y zu(0SD47l)~?Jc!pHNWOVnB^fTTiGxE5Mw|m)NRC}=O+oX_z|$nTvyUyphdUW%|LZC zHB$9?6l~Wvz!~#H(SOQDF1z&*480Y{wg;S}GUqx&?Q@AU=fpsEcs>BJRt?|tTw^Vk1MHWmo#Th>lTY9!JAM3S4Mj}cBKTGYApi0$7PC`P8!?Nau(c(drrt_~j(e?*!+FTx{}TLg^@ORw4y!Z}@V@)Zv)rK7_XE zL=YmS%`>SK1RPW3CoR9D?mK~jeV`dP*D>)P>=dgE-$)z0uj6IY3``wCY+fkup4zvy zMs#M`0=8ZFZaQq<4vOa|(!X1W6UCpExcl23cHn$0_fFFW^TW!x>$8xJ448}^=AESQ zq&F0vpT_rZ`3TOT>SWKJ{Y2Si3b-ohQ3*9=)DV1MtobLdm^YL=7VKx6zMsdFx%zb7 zO<5kQ|DIXQ4a1Pv>#+WTJhgq`NQ4goM^9)$-uPFnY1$a-KK_(gQR5g1w|&ZH@3;)h z>PEA!qYU&nUEvcZPp0(-k{Fg*0~;+PvHz}+MLQnFsW=?&q}74)X-84zxoLd*T@D?k zm+^=FcaX0b#?$MRp=^ga8W_#s8LHN_Y4#0LVq*xyGPW{w3uS?8ld!e32Cj|Pr60d{ zLA!#Ckgpp<=g!^(bAKz)K_Dl?hz~k6}s5<5h?j**pHtPWX=$E-XAJ-5`=C*%@OnHF_kY&ajP|eg(5IH zMW)(0A7gb6&|$-83qF`_^wh$gxbc*58;=$I|G93^_b?GgO?L#*hIFX+h$3AQGPp$U z4QyIJk*BB~L7%j-WJ`-SUpZj}b@y5Z?IJx&J`7=RDo66hqd)OccrN>DFrV8`bf^2D zucCpUzhF*g5?tD43e3q4yF4S=@Du*r*eaaT6=KnVdFQ}wLN3p1j}YJY`(9GvHU+l* zivt@kE&T5G4LonxL#~_`zWrv+vom*!hRoPUWn?p0-)K!LImL*7<7aTh*LUPn+9ZBJ z;K`*6T3AQJVBz`t5bKkF;`@q?w9Y+(?EEQsX>yFHgY8Q=*yahj$IW?Ct~RsoKL%90 z9tXGggW>8bxB>b+eaK-RYA27LONLQbzYbEB2CzkUHl1?j28kSV8eH41lV%|^EzbEaR=o8K&2$70rn4jz)@^|>r()Q! zRvw(AABqQ@I1P?w`nZ1mFxnZh4FYD&p@H%ozj+(u`}u=uiiad!ySD%u)POJkBXCT$ zUkaXvevI#}#m#Ptv?(Y8R%i^wgFDs56CI3T{{gomLj_-9|GbHc$9@SJbR$0YtraTI z`;WHF2}Ad;-w+dhNAzlx8SdKB50XCz@^zy}@NIup*gW&YkQ6TqEq$fnexw*C?fZx> zV?v-+)|wx>qQMnsY{q4mCec4LHqz4Uu^4_a4s`6V;hXmtF<|FiQ1T8(n?c{8P#lHb zhYaa`DM`}p{hDM994PL5Yr>x`h(U8b6_B1`%_rv#qeNeg8>@Naf95ygMC)X}W*3cJ=Y1%60c2^Z^U5zV+;_{%MT zroC=~;Ds-czN47eIFH`x%Yf23%H$ON{|wn7i367EgnT~2}Qm*B77 zYgh2&UkP;!t6|YE;?eDzk7#-LGK^h%3V*4*rB`pi#3>K<)Ah-hA#}kx7!$Gx-}>v& zKf3?OY;Q#rKR(OOhY+4RZx=B>p-G=t9)uC~GPI*Q4`%;Kz%33Y;J7r9Z>es_BEKMb zrKaR=}=-dN^jnZcsGzBqwh?z;BBcpp!44Kt#74_0w#Z7jj# zHaFtMJztd%oe^d%>%1PM(AxhF1MUWPDl&ddZrjwp$80Xlu(4 zZqy``MxG@~vpr#b5S$}#D`yNYc6BgLlkK9RW9m+^95G}vBPjNXIi zvioVFOft)h?MVq{cXqUc)s(4J`=&m9X1EJ-b0l%!c|eJYHDslI2Dvr12(?PS5RH^x z=n$ony>D{CDEt53Im$vs0foV*ibWbnriu10ksu{K;jDAwTzHDDqE%Pw@MBpexgq3j z?IM>!*Nfle@{SpJdGk7ma#814eHEUYNkO`Q4m_U~&x&e&VN+wGumda8bjM9-S=^43 zc2wY?yZX4OWj!W-xCph-kAw4y#R{?!B-m{mc~pIznVSX*Ed3zd@HY$HC-~s8ICsc4 zNypC%*YZ5SYlyl&bnQ8@sATjbEDuY7&|d;~V{0B$RBR`kUirY_t>t9fwZ*uK2LL>% z7yb0D6~DSuMcj-p5v{^b*n1}o`+pWNdN39pL%N81bg9_aVLDM=6+slDom;zkB{TNT{c!w!6^~^VT2=C!* z>4l0TB@32p$Kr!s;;4>qc&k*6r0>vyRfX2X_q`!XA9KN4f!$|n;fo7wrKqp&D57xb z3O*FNs;%Dz!@}1FJ$x!9gD^%VO3HY2|u#|uIt9bJLgB3cxnv^ zyl@UqnWwO~X9w_>m%=XASIv558blXd0&&`{OfpfonkAq7juD=2IKRY)W)|;-*OvCE zHFzMeyt;->DNV!I=MvF%4@Zf-Q>1KvAvtIImu)<#$;1B6!_oe4K=H4I*mcwZ5^{br zxc;!hs_d=oZ{-2pJ*kb|s>@^^vxJVoMeFdhsR~-e?nAg2U4>)a*!-!LGp`(unA66jx zF>wsl$t)w!oQnyueS~DOCZPRH&mD8!xx^4%4$iNI3XHM9*?6MGh@Z#z%p9Cx0B^c z9)rQJTjBKn8nQ4T0fOuV9{0PEY|@`3qUJxG?YYc}|BX~=mpe@kjSM4y6gber8IHa?#tfS@d7E(v$SNNuF`u-!viyE9I4mYjhljHc&31O}lN`Oe zCJA(_T=8A}dsr0tov1ifV|mwo@vwao)S+)Jw@538;3`${GH(}!SgLVZ69q_^9}Rn! zSK_$ys`xWkgcsFR1@Bn^T0e5&7ydSg4qelO?+#65#kAv~b|{6+G0~#Kdt>N$?^38T z$_1AKA&+fZh|BLiggsHJWcbw4AphVMW^`-Q=8&uGvENs=IA%82FAs+B;4S3vFB$AQ z?L)KX8K86B2;TheAiM9bPk$}eMvKA{)>3zpIM=xICyC|waFPtyTDcF6@*+vLVxVYw zTRf?Km;$pp>&W{VJ6Xze6wTu+sC2h3O{mCb0q1u^=5-VD<4rI&_N(&IQM2hN|F5h7 ztl{@06&$`M5qjel;A`~&xS>8xwDp)N*sDmQ$JQCR#3dQ7S$%`0{SIWzPhE&}`wP-u z&TP;8UBrCtPnOVl4xbA5mcobz94F-nvk#2pr`o54Lvxf&?1}Dl^L*{!P$8nF&(V$kiS#{AWXL?jp2`lw&?S zc4E(;C+wMPFix-V$9%!Z5ag%~9;>tJPoWmPGIKlcMxf&3t#R^ zvqI<5P+i)K`{nhpB6tPZO*iD*=Ul-ryDho+%@goTm_*-7d*3n(SgcdLf=hH2_`mvB=;d@4 z>;=#BX?YKr6xafvt$xAO-g?o@$+G;^?Fzwn5?b>0$$jwb(&FQWxk8_;Be(`EhJS@x zIPdLUP)<-q`_w^j>{1%^e>0%&lS=yL_7K^F`gES$IXu1ME>5Vmq*6;7 z(0=h9c((R5-nx_k(>*hA?8o8suFq_y@L(q>y5vB2=}a0pXp`u#+IR7xOB?a7Q4>Bp zmOuhbvf)jYIj&KZ;rlK1>FXCqAnN!mzSY!Ec%C0c5$f`T7GJ?(=@c4qWh!;{J_BRY z4f(!pN8$CoHMryU2}rS=3pT~8kf(12rT^Zc+mSi2@4h9kU*1T*OgRB{e?r)bfK2?5 z(oVc>!tj-l#r{v z%comVC#S{mc;$Riyl`LfZG8YOL*|kLeM4w^hza#cb0agJTk(kxtBG+_Gb}GxMRwSW z$3{JLp!8U9*0vCOeH~cy>61+9*FmhbsbT|%{U!g+Ud6KJo`Jm+meJ{! zEwJ|7Ih5Tdd}d+Jqo+6VdCxOJLc)qysYRgL&0;ucXF?lt)M?-B0W41OFTB0f$DVlP zV1#h%D98}J=N|DWy>*7zO5y@0t5>qlVRuAhQp4HQMpdz`-(-5y-i}vBKg6lF_Ziu) zL`&Zo@`;a5umc`LOFV`B|827j#%~N^mj;fbGaNLjqS9V)xMfPe?;pv7+!m7iUAI`R zz&w}{A4@j;5W0a3%VFiNM5c2m0G51q1D)0naDVF%?iyr_4+e*!p!ZNWPi!z8UG5fa_#c6ae)KkI?+jtJijKI{FrGaV zc#xJ+1NiGOODKDwjj~f#q3JDo)Obhur{o~gd7}%~R0hDCc|Ihj&kdY}j<_DbRE=Uk{~D=ZNz&H>TQL2cS5H3|OR0zpR%8iFfH3YknP47cCGg#;v7Mzt!Nt(xdQJ zZyo9Ewinr2Pea?%om9i13cK^2X{V#W1xS8M*5%}q)pi3Q@k=D0U-%C#3qwRB$KHT~ zr_Q`>Tmc)h!Ur-6RcVR)SrB!^fl*~9Sl1cyzNba-*4R_@d(3;1_h~$BabzOjc+31nzf);r1o3$vWwE-1uA|#J5P3 zTh|Vfnw;Y>cSZtiD|Tl8A{PqGfIAqwBn_@aMWC(H%aVY=BBnH{67R@FV@rY18GA7c zMoRDG+rL_qPj}KWnyi48yI z9Q<4GBuqXF2Fvc^08L-cg5_ZQcMrZLT@}<;cHop>1*GCe8;K?BiR9BX;?p%9W?IRJ zN{wupv0o2N_n5+4i#qXgz6h@yu0Y}KOv`DFEK}bCpx$_i-665lGcL~{Kwrkmg+BoEkWB^;gmz*<$r{^ ztIy+-4I$9|$C1Cf|C!|6v!L}arT}T%2_dr%PZg&!k~78%BE7T8?GcwjYMMW^D39mr zL2Wqwb)nD^cMAR_S@Ydb4$-nv$LZo1X%Lb_NYTM`vM?zOmMzwxe+Fvs`znce;_iIf zB_BqezXq`3E+@&O>^4yH~4W6;7O8&}A7;}z3O#NAtq?;d=Qz213)Ts-oC#08u1 z@2frd)vR>9xy6N+vOAzSYb(MPSLmK-0sR~A;rpb2q**DCgnQn`BR;jF6`pf>>Zk)O z(&49Q?K2~AIK2*UR(SJwlXR)=v^7k6tv0t6yw0)X@`BcrD;2Op)0AYq+N_FGCq zbwaOcU`WZ(?sS&eG#*YGrD2u8ANVzB4ZoDr3_kS|#Qab>-mj^^s;^`D-Q!jwFP9gX z`l}UYl1C-GdgbY9wN5aub09K#Px1cra*}an8vpb7D4ee_1E=C@*t{VYmb_Qw9#^-P zBzh#!N=;XxH%RD$UFePnF6M&9i0kC#-P^ED;6VlTS@7b7^YE|%q2Hj24KCz#KNpVJhoHm8J-Fx4OCjs5hjGF!;HWGINXi70l(~F# z;C?9DbPT)YA7KCcF#LKt5+y5l6SdrKa;-rHmCNfz{yEuTQ&rD?zFz{B9_`rcuF0E) z_wT~b$6(&YO|&6#EpF=EiP`_%U@~8Nh}pq5SbK*;l(q>yeJmVw?-FV{WER$LPR5f$ zE~z-kly4qsMqjSnjO)}V(P6vdF!lE#aIQN;vJd+5XjcvTs+-}lH@`vhc^B#4XF_Aw zZp5!TmV9Bc7&CLn@|wvVXju_&^`L_ay>%DaIwecCt8ohkELjXKU%cS1uQ7V87|F&h zFsGUF>)b&TWhn+VaaH0VB3;w(jQ$OKM zHD$g}Mvt#DX@#?rA)>3pJMe?S0GOQD2M;D^!04xsVeWV_t_zNaeYJJirYgm|9>~&X z^XAbJZ68GAHf6JsHk+PR38M_hH!XnKbdYV;4opK3S2lkk;e=ugYmOYaOGAj7(f?Nx12&u4|1dDXF7ODck?;eVT;)o&sF(y$9V zE(>;?APIff{BZf9%SZxHwR=_D_|4c;9I$J^;SIIh{487!WOJ(WT9 zeV)J!SDr|1e-shRw(FQ+a2p#p)(}HyXa3jMjn=L?2VD=lal!m}te7v!{>zvReFx-7 z`i(&TDP<3B(vzoCdzV4^7GXv^ItGFR5eEM@N3T;rl+%N7Wt%)49rr`XSx(_YKAUsc z_`amVb~xSLSH|-17*n|^#ynV~5tHK7F-kfMj~!b?6PN9S392SkuS6U3-#%w5YO{rI z`j2qRq7Rc*2jaYEfubkd14&k_GG=VaVy6dIfW!i0FbSClB_BiK$K0tTCGjZVWULB) z<7coJ4&SgR^NYB^;|tg=O$WyzPMA=20r_4jI@iU6f6kvsr@5Pu@+AqNm+r#bKJO5_ z?%ax>I@8&mogFaEYCXm{EP%a3@&VuVV)&a`WU78RO}-0Y*td*r7`%er`DICu*Nmh( zN)6<8g%!l@lH;S!&mxbNCh%XIo`7Vg8EZDtpikZ7pj`d|Sh@$I*^=o{v0o1A2dmR0 z^(auDlL>|$Wte+ghZp%L!Hum&aJl~!#P`nRF*+mAe)Cj_tyJbd2R>nWh6XKNEOZPv z6|n(^-^pD)CAQCNFW&QyfFbUU%&Wf%bAAPhUTC=ED_;*#Nj!|+?;@dOy$ow!*^OiQ zBr5eR3*Tia^XMauuxE7xY}k>2?_V6mEn4+3@cCI*r7elg2bK6_(P3Qvbv)m_&VwAN z86wPnSMY?V7t2hFz(Xq~`J>GWRPKxg_nR`C_I%F4seWsrd*wG)_}Q1`=<8#C)*ODq zWh-V(kYo~Xw()>1T;Pzn@@3wdu=HveeB0E4(|(GesZ@qu?S78)IKj!VpcwwX#Fss>g^H&|}+&7N@@%eJG3DnqI5NQwb4feoy_$&*uS~&bjxaYb9Ybe(Pv_?cb_w^YJ)mTy zNpGDZY}A4#FdkU*@4=wRp_3Xh1EI_puE(GHq0&%UvJjIt8F7#&3+CAku#|F z`&?9y!tlGmEPWT?%byLL$hO89g6hi& zq3Ujw|((2#9j^G3L2bLiZoq1>lUQ=aJaGgj;M6sLb_v$nfTR9XXt$s zUy>TxX072_4Y#6{Sj@A9w11@*z4}dodd+xFhT5sq=AXvYVC_?sHGV1RQ%}gh!=cc# zKN`|!cq2WLk8bNul+1UG6~~@kE7r6V^gm@Oq04+A7`Lf{#rhlM%(X~dxm}%KC>%xS z=lMZg=zCGnWDOedtN?>gIRi}|P4_g6YtyhsQBH7i27e=xoGArE(ak$D;;)w$Kw2~ar~Ix zQhMyPHoVac=GhY!=t!F(I51k3x5qRvkE>GH6F36CjXaBEf)C@GO%c2_Y9{eW31_Tt z436$f!?X{*q|KxOj5m7F!Np2^t=N#RbeYTT##?ar$e-*(r3no?cbusf9Ri!j|KsSq zH;N_M5V&vhiDN!r6`4{1+@PqqdXNg7m$Hj0Y-T!%s-8cKt#vQi1{ zkl*|F{nx+l$NQXfU9Z>kd4TKMcHnTqMQHdwl_l59z_3#)^!K_FxT$K(?wmdhT4}~K z%d;A;kEj80^dyk#Jc~se58>=gVb++Hg>mF8tTWFRU4K%DA;zy^y>uvmRWiHmRLH(u zUPw2oPlCfw$B861eZW0BPUz#5fn_ZdsKf+2kef9OkIwr|Dg(xl*_BrOrHVR#BcBcO zV+T{yHLA2beF7`7bEe_B&qaGR?fBCgCwfd;lE>S6GHvA+7(GuNSG>p*7*IAiX699_ zmmEjA)F?2B*a{1NX@YUq73Q-jj5~(tP=hTaU}tL?3>UbEH%yOVOiL!rIcdmU`lTV* zh$?Z2;FlDV8d^BbfeEann9_5||ry1H$qkjGF?={R8;8 z&ndWUSQ8|zk-@5vNZ9>SV2S7H@!N;j((^-wx88Ae?1^#3IP>+)?`91QV4BdnY9kuz zKOj2wIp{oX4Bn`gr9IuX?1p|EEd6%^4#vcZb1p`~2;+rJa`ZcVJ!l)~t;oa+Q~jv) z{fmsNbO8^j#ShA<;%z%EagCIN;0P;27%%W8Ylq`FM-$d4-ozj2HA0;aL!+)7rg!5N zuB&JR&pmb`|E6>{Lw-NF4U?kgHMgwCTU z##DVL>n6@4-S!TAw4A^frXiRZ@DBF-#KYkO`go#~!0yf0iIhz;IdeJ#fM;@I~hkxNn~gH(NsRd)sZ6)tQJk*7hjzAcVYY zOouDIe@OjscdkeCA+5~9 zZWgxeXuuy9nb6ifh(53sLuZ;k8~R@{hsBcOd7iScFt7ysqXSWI%1csw zw-l9y{?o^;&)MVh|M-OL7*cq+A79*40Hyw;c>O{L)Y+-e1!sx^wG z3|_$7vK(lanF3`2wR!Y*656XsVM_aaJeTtjiUugclJ^m~;mv=LA(2TmRDQyZihJzG zYIkHeX0e%(MzlVi!jx4U3(O9Z4}W}FgV_MSe&-%G{Zb)XAJ^fbjZbj*oL0QwbVxMR zHC80rnZ{;DB(e*UEAZ;2d+0q%0+mXF;Ko#GnrqvOQu9|(vzp=D%MBprM|0!-Qi*UJ70o1cqpVyTl&Pw?JE;)vj&um~Bo-#O7 z;Vr(fuORMYC3)k7$GFML66Zt=vlghH3%eIL}@ ze-E5|BzV%HDlFYQ0vh@X(P!={Fn7L!!KU%V_3%L$`#_cZrN}{vb~!uqaRGh1Cx=a5SPFTD(~!z8MUT^~NkQKh;HQ7E z{#9ByEk%YV{F7#{eS2~Ku{c&dqdM=c(8o@<-GY;+7vR#(`^o7S!+6(nZ@c?nUZKq0 zq4+%R8w>1M%MAps%bcds!mi1MUVfkm(JLn71!pDndzDV}5J*6-XN!f<{Fpq76%TVeP(4OmjgB%t|vrkH##r;6qZbQj7Vi}WAKPrPVtg^X zQB=bo2*2$?>KEZl^=mj)ZptpW9tADyCN}+pHPINdl|{ztvr?gJmA}!NrhU(3V_%M@ z{hQ11`}tk`LqIK)IG+hWir&G`!pkJ^k^DN2xRwiPT|clz3@l-2WAa= zEmArVfhNK6=x00wea)4Gi%xozJI6bf9I+5IU!-1$k@XrtqC4J0sw-b^I3oa*k zUyYgy*>|Z?T;q+rXz`v-Jk*w^&uWYOcV)x5>n^s~+gK=mv&O>R{c0m%(*Lo9JV{ z4nLMSf)^zY5&f*v-!4CUXrW%ffRSrAurgbf?fIi%Z=dCzZUm5 z+JoQN?WlTiB|X{Hi#EM6#ADMNaEd$$<*P2De2*Rr4_r>X_wMGMy>%G2QJd$Dt0!K; zKX91zSX?ybInJA=#fz2?p=ApdSmixqp%38>zs??mllR@ZMd>NHoBItUUaZ0LFbl!` zV*=mH*4YLbo@4Wx8pIkw8eA#t6mvWO1#7oS@(guVaC_+mN4BJ+(cAHG`syxXd8(1T zQe6m@9jRa~`wY7}ev#=K2KZFS0^k1Y4Hg3f@x(O{c%gsTCABtIQLI3BmQ2MbHZEvd z76R5^Y%sE0mftGxB+JLlfn|*XYhFLxE_!q-i+`StI~LlCqH}+v$B|w(!z(}ctB*Y0 zaB&G)=j)E6ytjj~&ro*i6u^%7IJA38z~)vt>~xB;Tcc|NR^R36zQ@vMXFT~;sC7*`2vt_Yqw zwQ(?P$rS!k64CKJzGgcUOyLEe8Y9X$3id@8?(7eeNOqwQF6)G}w-|LGa|cQO_o7DbRX zd&Xej*9x%OaZCKiGYFpF@uoqa+{vYd48L%HSn{dH?vA1n=qM&*<^6CLXJH|DoHRw< znavo#atRL9CG@6l0iL_t%chV1BOY$80h$44*_3lV_}5Aa>xJ|A`a&xdO$x#>=N{p$ zm}nH4Z-WHIm1uZG@Pw`?gGpCQaHOO(_XcY+`gJbUJiRS+?&mWHw^Z_c#4H}^{DE|g zjfUO#=i!>y6L{%5U3lyMn$=!E#)k~m_RYo>6%GX+!UOj;N zoan^fc<3ZVRAm8h*L|1zTV5sg8+jqiU=<=U%@sj2o zIOSo@483#kf}||n(J+X_%+-Yb3l;b|!vXZpPiOIru2M|@uSg^Ww~>8n!VO)GnD(U% z3It|Q@vTbodHNnGnzRgO3^BtVhm9~}{TO=r-Z#wMc@$fq9;@tz3jG6V(!+nCg5@k~ zA7hItt}f(6-+CDN&>l@^*Rd-%OPNWz7aIIoL08Rw!~XmgGB^Ss_Wrba)HTzGuAk&U z*Bw=(qdwbE!^5qZxrLEokD5TGZ!J8yqR1OOa^SkBGJTSDjqTj#&b72wg8BsETp%yu zpUF6$xoH4cwREF*gf>kLKLZcjO{nt@Ej%$$5vZ&MY9?={s!vagd`$Nc$z_S?9xc$X zi_^fd4D(#?tCKB1Ch_RAmto4%Qu0k1VEfMkmafr-lbv_N@#i~X;mBST6d2fbOO?0W zi-9_>7+67f;`x$6vea@;66<=(GXVXc>0{!yi%lu3{K;LVk=C~X2>^dEe6Teoit53C=_*Whwe}ZobI->{F6T`f`E%4`@7yn7WFZbvq&ekS&G81VwvGGe7< z1VgLyNOUovnL6S)TOZT=M#AUXE_l-yi8rOjFumof;$JqM z%vDwR-Op8Lww{+UPj&@&bFG0s4>3}633zky5&Luh8qQKkft9>V<~3aWs#+IlJv|8T{v;e3+aCuFl~Jy*fz*8hof@5@%BX=&SPMLeKN*s z346vLNnB>wA|bnU3@jI`^N)w8(z2VQF;HhMTzfnb)#q!msBPcj<1u-<&EgQSgR;19 z)DqAsRp3xPhritC!vDJKixr>0#qiE&24hpv0SIim#y@3m=op3|t z8}#s>2&RMF;PaFhm?gIitwST>wzm>BQ7gnR^(*++r}E-+LNDPfOM-1R9>hVc0kx~A zqtab-_==UpGgB9e!`DN>w^gLmumbe!04Asn;d2M0^ecYX|$MG$!4XV;O495iB1IQ(t>erTw~=2)ZFkJ z8WduLd61>hW<3kKU1jj5Uf^`q4`(?B-EtTaeYC!lTnK z3o|HPTyQ4}Q00u>vH|^MimN@68xAzVe<-?)9fntvnqaq!FR*7m+$d%W5AD_i?UlP| z`-7dJJS7}%STmgcW(IqnIgT!~3Zo}{i?KgIjdz?mPX3PUAmxSWcEbbDV7_8IydF^o z?xr5ZU8{j9pWXwvhYq3ZhVNt39Sv!|yo%t4-pUr9zl5eEJ$Y!^HPPuGO~kT%3ZJl+ zgU&6A-TKja72W1E_QXtB-|G+4@-^wuh{JI9p0B8W!hNiD^n=~0UvX$_1?E2>^di%y z6W^BN=z*i*SiK!8EAIlg<&8p5R1(KzoPvPO1K5nP4QTmb0CcRgWtwBxF_YycRHD;b zV19mN+Icp(W>`A;&>bO?+ddJy_L|ej+kQjkzmd51`w8^qviSMY4S4uuD89)V0XJ1H zK+#eM`t#`q_PzNfzB)XE=H3vx_439bmhMM7T0IYqX2LKR1C}`LAij^BOaew~h(F&` zpwF_G3U8xJFn9$Qo%lD5_uI&D)v2c-a9}h}+BGq6Oi3p*7?O@#OC|V-p4n8g-VI|t zU%{KlcUaN($xtED!_-!e;PvBMP;_dvc*ct%yy3SoJT%sWiE@{rwZ;Mm6+FR<*;4f9 z6h)pneKZdfJeW%q))BKsmS7bY&9K#+EjCGmkI~jR`u-^PxImsHcL?9RJ38e1Njrf# zKY=--JwK7HN(C$_+N>x7X{lHY*gReArLzEy-|rDR#EPhS;31xIH08~XNAdaCW4J+~ z8nQf&k%`li#M|<{$+92zTzQ+Vu-iQdQ&Wf2E5-Woa)>_pBb*7nk>&U%bP)3KoAE!x zUts(5JBc51oE6)qz*^5}5;s0k^i98mJlr0SbG|xZ;>867SJ&WoVGsBzy_h(~-X*(& z3UNg2ZPM=f32TmAWN*yg!1hg}SVpu1xp?5Qz;Ad!>_*PSMInp%zsN**mAnCGD{Alq z2S)G=zaX4dQj9LWpU^9B9xtlHT#0~SwnOL{dHqPhfRDY*dGSM5@^vU&P6!vVX~DQJ z@uYBneU7fZ*0euh7+?0^U80w~geyKu0w149Q2zLw?cY2N>ixDb!?%&V^XonyeDMZx zscgZDkDgGaxE16&Ph)b$NnHK59}EbRq#Ze@;mZe4qTiMn7zywe@?o>#+t3*W2aEO^KBBHxl5LqcVFQP`ZV|p zy--N^GsTR>o5f1iUNpw+JK5bYLyzA2CeCDf7&>t=L`!nW+4vo2IFPx)&Ll*bOGOgJ|gb@u@tLF zIA%p16z0yOXkfuJT;cBuw4nqF|0RgS#!lw052M&{rQI+mP6KiTrgB)-LAV)&xprdy+A{prmWKB2YN)zGM92TWKvZ0=5$~5C;u8Z#vB;PKT4xQfuqGuaXQRBDJiEJKcGOCuUp?^BgBdx9@(0|BVvCCYxAXHarh% z*SOPyVYA4YN<%)ronk=MY5b<4L6rs`g6zM6T=LHY>~g*aha}IS{Nsthlb7+cCUd|~ zIbQr+!5S@nz0m6X6%4i5!HkYc@W|YHv|7UPd+9N@rS=XM-Y5h7slsLdRI&=S-7GZK zQ_zMh^PRa>nBJer9wr5|@&-R{E@4V%c1xWV6x=Siz`rKfvo_=sS*?Gu8}UN?yL+xx(=S^k(L%EDZi6uj=0207s+ zBIC?8=&?RSnC&GH+azn)TjfsgzwyQ&(y5{|*Cc7oz#gJtc>=OmU538qw``kpFzRr5 z+C15W*~$y+l_@v5h4)~w-&YGhxTF?6K5G!0%&FM=CW&Q^tYJg_X47z)%W&K?6MSk@ z!2j)4@$@D+ux=3iBn=Z`EtkSAH+J$Vvc0S+EDYvlKgKQ1j&{ozTVuh&)i^UvpDuZ! zK{vfCV>?ZE;H)k3G(&I<4$jbp<12rY&`lE|ETxf6-f9EinmjN|sua|h=fFt&CY*KI zj{jYvPt#KLxkXL|hNt+$)U2OSaOxxI)vZL^;H{99bsmqhLa@HwMUFc>2GM3aZs0!# zn83U0OUq^FeEm`R^ecGhEDc^)`e0rARlxxj2&(5C$Z#z)n*TaCZ<+l-yin}P-p&oj zs8c7vE9s4>>h(dGCLV*C_vHEU<@-Qa%A2~3+l&Wu`k|@SL_EF68G9ZK=J6{Q{?GM2 z-aVfcCl!Fo-coeb`6JqT=!V_aBf^X#AOh#_Q{#)rAB5PWukDmwjzYsiZ}j(8ra37+ zEY{o=%JbGjUqq5PDsc|%J@}HmQqDzfH6`4<4@5~0^(4yk52&`9pt+-nkJxb-gD<+k z^j=qfqsD+P=@NFpA+xb#mWXM@Pr#NjYw6w(W;k#04;(RHhCYceg_`x__)}9e-f_u` z->P+>d)*|N^y=|cKO-NVS4r}|76+2#AkAWamV-VBOdWeAs(&dE#J^g2^4J!J$op$7923w!lX?LtdDX`k_HUe6ND+ z#thMvA98f@_@lV)-(k>bx+MPbuN~$HOt%%Tics2m7rR`_m}-2RXt+ZHj+ft!29XXZ z&I$nQA3KRm&v6(!-bQ>;UGR%WThJYwO(4-MnawWUL=PA+(QvK%h#I@V069v0-uN9U@BvN6R+{-*u#6Fd{C4Q z^p26@_de8OU-c!_efgJdT`h$%)9SEp>`Ig{GK1nf2Zb4&2QgSxN)BIFp!q>=xrx4m zsn*#fkdYaKvge26izn(F+6LeT!*21>=Y|4Z6eQ7`qHEs5Is$szeFr&e7XAvOJ3Q$;3le^*m_0 ze1sWZ?P5!MzJu1TX%N+04&Sn3p?3ET*kC%GFKaD^nA9TJIJSa3a}oNK6IIEf(}!`v z!4-64s1>NMzXGq^6wyU$J5H`n#dg)Z=r>vs7J1wye_GyU2NN;#Vq>BAg+AGns05KLGzmv;LGL}w#J|Jony)n%{oRs|`GQ%tjEc*}x--j5`jKoKn1}cj*$**;__?EF*us-ekDnLOAL8hyczL&x%MvLrLqQUO3KKzpFd#1fc3ED z-zB&aF`w=ZzD(MqvY~r+6gXfxxQ?8S#fA?tR6-5%`(x2VK7l=qISvo6RN?&1IpkK& z1g<9~m-i}FU=yU&W95i02tApAe#J*XU4Jxva=@KkSo>RKesckMS{0Jgpd%Q?J@M3b zMe3Zo7SBmlW6X;Xo}aHy)kP_M@AhAK_vb}$79WE%4=nhq``ZQY<$hxEZ~*^cYza35 zg1N@(N6b1%hp#_y7e6gtBcQz}kBXGLvE-CAO>xhFE1w7RP0bO^#p(g94G4ij z6W0;n$B(3JW-8l4a(BT`BwcufLoHYOVh=Z=r$Ij2u zFl(kJTZ^^eMQVYXS3~h6$YDd+22*iFDEsdh1Iln{uIv z>E@I%O_N9n{xOKIGrmN&3|xfD%V%R`>QfBJxd4qd%S9PV)0nrsg;=_@0+vYiL-Z3T z7FgJg3lh&j#5G|Sy80u&dsQV$Q0!;rvn24rnhh{cV7@KXz5(LtgLqok2s&=HJ@*;o zgX`W{Q~_RRc|c&q``-TKgD|0!(6g%C+$g- zr8Vikv@FS(-gTJI)>ulg>uu)r>?k$bwkC~~-ONV6J?;=N=MvffIhTzTn_`!cUmvO} z28YGb*n6=H!k1{WA^*N%-l{4bzkDDsS}=?3GF+HM-84i{3{8(>r3zN ze1|_1r_ifGN}$#|5)8fP@q#H=Ao)=#X!tgfzY(r*L*Wenty&75J;AK_(K58BjqFZg zF!r4c!xR49c3U!e1@&P53rWpHFbv-~4mnUqC-bXfBrJ#UzkWgLp9HK6W$SH9-IWOAjv z6X`o9_BPX{8ty*i@JkBy2VTMFTd@!wr9c;a&w`IXAHc}L6fNsMz}XKb{HftkI_E_w zAG}JN#;J4(9_}!V{dkeh)^Elax zr|D0Mh|I%5^z7Db_+z#f2b?>B8ZJ|yJ@pWj(KLE|#KPRL<{l#1Y|NGJoP@(GLU^xg zDO(kMhj|og@MrrHsGqqfPVS6my2A$X7eXf?NY;d$v|mVzEKZ~6;whwc&`Z)9q6oU< z%S2&P`{@17a#(cMlNRXZ<1e=WdO*JlYUj>`(wpx^BM&4%Vfk?OTRL0tl$yatQ+vEN zrdp`s)2==cD^U!&mB zojv@IbT3i*7LV1+TUoiD7x}rZ32AUTkz0NgnnF*olz)@>(MKJu)olVu%346%@W0^b z`xD(HuE4O_s%-9ae;o6z1HI&ZvG9~E)wWB8t)mt~YX1(Rapn@MF#9c9w?dLvO&CR+ z#%+SCuNTShrFFQ_a57BYtVAR7QoteB8rxo+hucM&Ab0#Us4YD~6r$&n+x1Q0B3Z)@ zyets63BCBt{UiD3brM`8Uq=?lJ%U28WHp{o(1mk*_qFhEg3D!u*e}QtGby&gR7hN!> zSsPVLr{ltp_t^CC91wkwh4NNuINp{`=KoUS-C9%0ZTSoQ=}#G<^R0)=M1+#`2zXmK z5BB~}Cm!#!$hl!RM0MpCVV7Giq<{PegH|`;V5eJX-nM~gG)Q3}-vJZd+OQ^C0xIOC z@Xz*0)N8neGPRRvv~@ZZt~de`hGAGfZYIbXD)6;RYV5D}X*R$s6AN-p`Q00~?3b(= zHT+PGK~|08wU3%1srQw5-Rp8#wnL2%PRL^VUW2KEvN8R)T7v6_wzHT1ax~eySnU19 z9p~0r@#y+P80R)i{NJIQcBYZXAVS}RjFI1i&BE?`ngd5wQzM!!p~Wi)nS<`n2t`q|icBdWs^ z1ecIED(n!>_yXbmldMnIUT($Sg5PjeK2fw@J(#(uj>nNB+`xEd6FfOM5~N~xqkO*~ z6s-P_P1n7dw|SEobtNtE!pc^x+*X9oqN7o7?0I(VuC6#QhvTgZE-flnp!QpKV!C-6P(PMwrJ*r)GLAbWx@G!DE@BR^XQ3 zx_nnc#jR(g`hXi*5NtusPbE?nokUPvDo?j3q+<2RLRQtsSniEzC_Qu=w%$2IWLD+i z{2`RzpEv@l%HtrcEQ4E7k8f?QA$oFl3vyP^o+r>DW2 zNt*Q6t4HWHS{s%7!*GN1FD#4eg)f6RJJ}-a7G6JuJ;{~g^V@a`E)IKs{z(I71~syH z<90jm9k0nxrw(Y^nS|3^>frRx3>cfCM&CM|!N>s#sJr1O5iKyM^L=FrXg(yNEyZwH zs}mm;zG9A&Kd`4q=P%rcpi5l?zo4k3N{{<^VbtIibkH>uXp9)dA4>G12l#;Hx*Yc8UW3R$F&ln8Z-a@t zBk^f&5Lkzq!8&J(NmG8nN@d~BnUoER&lTZgSP2QdF3;yG=#mej_qgOPg;j60n2Ns~ ze^3<#*OMpkn`d6(-bfWR8y1VHT?_H#wnT_NeFU#vUxnM_YMIOO@A&>uXr9^|1+MVV z2a@M6C5gYzfsg5F(3AN9E9P&(%CN)O&5}{?M-jX-IfLzIT~X_{6tym$2DXWl$nEF* z(A{t+vF~aYSaJ&J@~sb#S1yB7z;Na6I9BJB0>788!id^P&=5a`hgP@AiPs;+Z6mZW z)F_esCn1NXogsM6UIDd6s&Z$k+feBl&SJ(qg@Y3%XhGl(_OVz&a3aYQeXB<1`SlSh z31>u~yBV*V|5WI0uH==fL+Pjk>JSuVkLjmYkbTpH{PNUi%=e$7NVZ`wP>({;ei;b^ zr$>>~7Z!*FO(*g8NQacbSe*INhWp&P0H-v!68Wv?G1ROW&b+pQj7dh+V!kixK1jx| z$7LZ}=-~Cw(?N&AXmaxPP&Rp}K0EwSh95rTkJV@H;L02oajYO;YS7YQrKmNo0;7|Mah-*;A!=I|lJ2P}GrkWK z{bpkCtJbpF@!FCfaj;H@tvPqp;X|@9?zEthaPis!t5QH>6*YShnJwc zYY$Ee{)_G6!8CDmD%vf44qcK9NmJQj;qFvncf(5!@7-z1wM>a;$G^1`o4Nvl7yTd9 zo8;s6!b*(3Yza17m060-U1UOL^Tov5W}9v;Lj{IX2Oo~4Y!YD z{z@wzu2w2OsF^4BAAZy>!e}4VTDoD=_#=3}dlp}uB7x>|#W1g|J1-(-I~w+$h6mgN zKZg&5BYFBXNMOnSd%Ru9h@8dv@j|D5{ClxyTP@6QSBBL)b$D#4aEH)VN3Up2e#>5m z&a`uc)XEr8Rh*4SJj-FkL03>tJAq@rJ%IPZZZk;e=NmXQ0E7w|&7FoQC)|-*S4iQ` zs=Y|QjU;nUjG)Dnlpy6o92+L=P1csiFavGGWdoYn%rUR=^7{8gJU9cs?v8+tS+gMA z<_(%Z)4>gy@5nTXZM@C98WKmjgJP{JoSrxv23V{mgXZ*#ZPIRwVyPmj*|U@Uy)+qG zm%H)0mcx0eDp{;~mpXI^ciByAzvmXnUO}n$Igr-V$hOXq0C(%PXua&7NSg$U4<7O% z?`lFIzTcYtoc^BiAzz8|^Z`(!^$>TsO&9UmRcN|k3_a^`5#@yU{J+S0)HyCi8q%9_ z)3bBLQZ$W~m;J@#PQ4_~a2%8zEFxYs5?4Q80D%E<`0cO=U)y?#zHJyoJZGrT>c|oF z^qMF(uVX2!$~-S>XnG+IE(wGyMc1(Q-w1SF76MB9Yr!!p0ZJ4O;#`x>U{H8naL*oM zr!OtV!Q>&n+fgl=KD9wyou5kb`rOH(KSrX>gO<_f4c9<6y&F&O8o=9*56860*Kx>* zxkC520j8bXCia_i0Uo&BCKlY3bsX&@5=r~W_3d%&@2Py!I9VEHv#jCvxhP^9S|!?f zZ6753XD3cEafHZG+Hl5n68G2agK+tuIO?8|{o1b!((@`IdruiI7kV=%=joEaX2W3f zy%Y56^>JKt!UP_+M43mO$s$UL;iR#*0Fo~NJT$Avtp|av&!2~zbChZ9i;<98a2y3~ z5}Psj7JGC^8vZNUOLp{)=2NN{;Ux3O)7cYUvPc=^0AfKfWiw4?hwOh>)Sna@(6J}ps^tnKmGci*Z)g!jz)!ogSG|te$COzeGO9!R3>tZFNya2bcGnfpP}NE zhD!^t0~AD&&d5}_^KCr+9AZE}&CLLdixoKKuoNG^;sW?B9?Um7Ol0@YkHzFq18{a* z9L8^nfT^A5#M^An!UFZ@;Ft6VM}3Kh=CN1A3S9%B%IuZMV3`VDdoY_<=CxwgMK5^! zdlJ1?dx#X*9V7iC!`S5u8hma;2(f5?=2OgioJ!uroWuDNpP_!%2W(Py6BsyW;qOjObeH@ z(Q|UJCUiaCDL4S((Hqd{C4x#(HaYBEK#uR+#v=SxLBstNYF=H&wZbQmoG&WSX>u0= zm&&l}vkbQjy_dH5Kj@ZpHLq4H7%yjbkZFGh(o7*o`}pW1&@uRnOKiHZb^ak%;uQ{7 z^$$cUS1XxPu?vWw_=9EIa;$+_zCE6LbuuTSv2SHAlN? z-E(2l`8+fOIZO(g4QoH1#fGVW>=uQ}P_lJB?_U!GVbNC1L`et7-D-gB-WI$!V=En3 zf0QNoz9bV`6QJth9cJ`i5&{&D!a>z7&}`I#YpT{j`)E(dxnhA*Rbz4ds74TPGsDTY z6>Rpx5qz%FCVXRc0ng4^M)g8h;mh|9*e7r`lH`n0=ItHu81)_8lSjbg!40td(olZg zY$46qu!FWc9KZwdvLx0+hj#8S5i)U6BtSY4C&`=g5tCzZj^1r>DAT78N8Dw-8#2kp z`*Qr2`&d3}Kp#p?+5v}x$Aa^RQiD@f;pLo-})Se+^JIHuSB~)Y=N#$k z)`QrSE`#4xt}!*U=VbAId7LlIvRBt^CZWEwNv6vo$a3q0`-3FNN`)%Xm&d^ZLrfCd z3YLnC!(_O`!Xhks*eOn3VnNjsj>DnDX2Kizjli>*O#IZlP&zpl^$NC<6TdEizW!lI z*9)UmgvB>LI0^9dBi)x_WLwinv>4t^N^X&?80Mx z<}f4fiHP@Z+Vt=`TlYkgzP>nx*So6X;zCz2_f=)%n(RsUf%7osjw|F@2&@DW zAuxw0prph@GWS&_B#V@}>d_L=Y2U>{&Y4ip{|HxCw8pQ>yT!rR<6u^d58c9|QSF&K z9W}uSc1eUYpD#IVl608h!u$!2KjT<|X9a2>d`xr~U1L-3j>e72cGSB;hbCJ|@+{RE zY(st~#Ey>xuUaEC?RzYm9@I--tg;hbekOR3l5RnqU5NOivneWB9)+A9F{@gr$qQWv z@hsDk0yFO{ty}U_Y*%!RU3EPx@LGDvP>r=@oabfO`_q#DvQiU8CtC|y?;9*}#v}Hr zp_zHEzQg7TUD;QIx>@hBe5iTQf<-kq$vLBPc23TdmQHLSX@k$$4hy@8OHDSgwuv{$ zpCQ-m4xRaen`do>*l>h_Q*3y(;X?e-wuT&+i-X6XpTU*vHKa(%3hzEY0ChjKsQ1G4 z;)idy(%+>E`5u9z_3MP-e;MtKP7++`Cs6H+7Az?1 zgv3`Bf=4b4ByV2CTI->F!Hx^ibR`_m-p<32IhSD7+@Z9_G6#lCF~@;<`E+U69}Jlr z1w)n;WBi-9r0&#UHf^~ky?tpcJ?NVQmHnm|RCS9Pq$==;-h5W85sZ!g8eBeYG(D$x z66*e)$KzWC4)dT#u<4`@IQ{-6PMt4HjnW0TU8dmO%QnH6>Z*JZYM_V7A=IK@^6a_}kA`ziu{v=64z6N^z}rcU0ytrFZwau+7ssPV_a z>hz@3ARbE-#T9L#{I0VJd((VOv|afc(OW8XeUco7j!g`1O>w~*p^Re+m00ey2j6W} zU=l(mLwr?-%Ah3}s|l?4e1Fh!EkQo!1&+S{0M7<#vk2z^2zYdyoYyJ_QSnRMS0EVR zx{7hjm@^|H7e{V1BZ~z>A{uE5Y zvm{2~;;u}8i!JVH_+k4~l=)`^Q731Rz;{1jxrHo^SCK=H=K}w%@SN}sQN&Sg!mie9 zCD^1q$So5+Ct2tApx<^o{B54XN*(P;;L#|&Pm6NH z1z-Bf`{KlL`l2ww?c2Y=8Ond2WXtadZUVh9DZ>0<^=u-Skf($=(fk0CB?dIe*Rqw!AD zb@cdG!YUGSFgC6(uX$t(uGRgFmg(c^0BvV#rl7`Ew&#K3D?^ajcL;8a&4j6<97?Q~ zg7(XUX^w;h{~NrBxt27b#=S>uY{p<(VsHp#d)8rg)g|)imOCtat3oqgPlN5+`#^l( z3VZD}AaNjtsCQiGstCKQ(jfM1|3Pxwy#fYAG>DGfTMx^U=1%rHqeYJow`V?f-Y|4_ zFMFKr2!Cq=S!0L@10E|1`LIXgjmENck=YvdH0CFGYzpCI-6pi}wnX{o_p$YFDr~rP z9QxXCLBRYf6xuc{y3>Lk+-*$%u9d-)%8{ZoYeKlHco)2SxeGQfSO~LD{#K} z3qCYI0z0<(a<2obG|OEKxt3l~p{YsU$m#H-$uV$WWj5GL4koN1oY`c^@rjn_(OCH3 z9>17NzPx`ca8OI|urW{=tX`tA%XxFkG6nGw-cw zF-!D_!7$FRC8HeZgUHvOj{E-t0zOZFzM2^c&T5I9gfT;1`oh z@ut*WWVZAhw*QzSK6>>ZT|7sHADJ;aub|`(`{eNqTx3hdvo{Z;v!1?!AdS~-fSwGK zAFRxs^bg{S!AD@+))_RZ@+o^Ye;@j&oF$DXZi9ws3V6kRV6z)jfQCmwY@7?JZhHzX z+Rq^Lb0GvBFN1Au4%pe=JlW}mG=2PF9>}K%ydG^$ULQUjZargm#;bi{&Mj@ezG*ea zD;e`~HiA=lp(3=zx#D2QJ@nV*(R@(;0rGzoop)T0-y6rUWm2f;Nnvc?VnQ&xqsgN6RVb}=}~ zzGn%YWAVb>FIccc4hGeWi4A@RGtXn}lIk)tSv(YEp9*>AhjI8iyFT^RD>FkA? zz#be?1}z?{Fuh3^`(0*=Z2H-RqFdy#H zZ^Y886B>4I;rG0|@y|6i?sJVne!w$K%_7XwC03MLx<=TS%Tb#P0qAM>j;Jv%8kYT3 zYO+3|`A&O4>i)s$d z>=e(&vW##H{XLLgY4`(jCwquo#eTeW%^x2n5xO*}6lK&bsFaMr5xNkE#{z0#{x=m+ zF&7RE*UKS)q&3P9Nh3eguZn}lEhfvyI^d7Bg_yBr8@&EpL;7|tffJrbA#h+GS+5&P zE{WcesM+iB{_#{Ik#`FZw8-+Nm}-2Pputc3CZX$yLd+?631;stsc&Q$tV@()=}tDB zJ*$AmzDU@fABAH!)Qg?2j^T##p10QJb>zb2pvAPygcCIp-N=PoIk{rg>xkjXIznCMARGx^DBal z%zNu0D9F=;4<9Gur(2ykf7e$MD$L^avZp|rXqHs3gl>|PGX@ky1Ib@pmB0A!T z6ReExV}1YT;`^WtPCdU>G4r4wmUme(?NxpxX@VSm@+6(C`PRdv{C2VdEgdYm^B@hW z6gV?C{6U_&&|j(YSbEBf+*-d03sl=!{IVTzQSh{%S)T{N2C|@b@2HTA31_FD>?dWS zznHyrgV<8Y)wLbyLam=ZqM~ye-1R`BXwF|dyz90Q&SZ=xRm09<@0W$7Z1Wt{Vann? zS6_&8rYpjrB^ROKK>-xW%kytKu6(Rw8mwwri6(!Q`QIUHaD+S!j| z=a(>1XE_djr$duQrNN<|Mz(LmJ@m2Kh@#wh+&NkdQ}4@DrM*9Ki=h?ux;`4KdrdIO zLj)$797bRJi_B7kj~G;iPaExc?tiWD{!%?uCCT%`%?8x6=P}HdFLP>d=pu2ie_)2> zTexSX0$(QBDlLoJFFW4Le0l4vB=>k&xx6J~)Q>@7AZ`HP*OZ|1dTVGY}15-cLrzZU=>6Wh%8;i{JG# zAlq7=z@#&!Xjbz`l=iOn z!w9osG{yc1+MV#hJ!(%$bL$n-T^$3rTt4F`$E&b%`5Am&6NBxlM)c3<5hyZO=V>pV z5S;_X;2Eif!HO?1`jw%R%WMUDe(^z4KcHI&O`VFZx?1E3r%Ah(x2DSz# zu&X`(xc08VoH}$8#|d-N{)}%d^J=7kkyN2WJ~{Hrf(Fd-s}=otCqZWHl%+eb3}sqo zJq4j&`1w)I-`aD`V&WpidCQCcf7hzbf>n$C1QSShfXSDE08%rtD*FCx=yb5JSd z7FaGghku{w@V+2p_B3!6dwVt<9hUTyz<`T5yIL0`+B%?D#}YJl946!T)U(+Eo$S-x zCb3e!0y!M-%~BI~;R!D<=)D~U;*maJGKH}d^N!%iweiF!awTqlx(Ur%yxH6`VGie$ zilrfM#Lq6qLJ>lc^?S5*0vG6(+l>1)W*ddU*c-T>ogJIKHbW8tmI7rZs~8afv3WD9;+ zphbQmyQ#Sb)sDr(!XtyxYJw~;+*yMA+W(0I@7RcsTy&%2A4(Y3UJY3jbussTFH1X< zO2$6Wr6c!RfSJJvSU2YYChUEVd73TEXP_0=A77277ffj0{cM%E9R2FO`g;aW1y)- zmJe5#5eI(ViE6TrZ1o)_DwjT$|8V>cbEla>i@XC0PDR!)H;qM1?`50DGmu|31Mcl_ zgsTBbqS`-?pig@x^PFx>qz*>&SKCj3`-%DBS5u4qrQ?Z9aRq3OKLa=CdSb1LDxDH% z!`F=wvf_rLpt5ch?|r7hvy$$zA@dw?BzuYWNz+urw7Wq{EYo@zQ0e0-<|yc7Y=R`O|?oQdf)wV!is~?aXA);|B&Z387Uxy zK5%V?5zLp6=h8bU-4kGj$D(Ao_JfV6vHmuC^?eat9Z-Yw2P}a_&Bkg{(T2LIMIe@avJdcm)S7yx)&^yEydXt5(g1ij>ob{VY5}7X{gC{rXG%@J zps{`hDxY^DuD`~?t3wuKRA@!>AVyEmfiPr-u`s{5Lefl5?Bp!!gg!z3m zIyn-1);+=pLYF<+N&$M>h27<-L3HhqA$(^+FQ)vQLB>rx2~NW^VNFvtxGuX5NwGzw zcmDy{ZZrjMe!a^=hNP1}GLn4!@)Eolvl(4-^ZD9W5h7VZpzRkpfbOUo%%w*LBru*krR{jyx{t`5^4vl@FR0Uz;X1$u>OLTlqxHhTXWoZy-U+f38p z(C~EJVY3|`Ju=`sx@B2M$Q#tp98bSBTXN}(O>m&%CRj!JvLT;_Fef()-nm?YM>QY8 zislNC^q+uJ2gPEkLq*j_z8lY#XNcOy>*F8;GrX<)n;Z&D6>mGy#n?AR`cPnGS^d?b zYwzWPL|rUqeMn$O52c~`*B9)c_8f@rcmN#|7r}q{P;_wlNg|hc;>n+b=uK0CRsDOJ zROmd^Y>>ngqk`deP$FFJ8YDWgL>RtBhmjpmn~7@2FfRAOot0RRqO9RPX&5g_m0g8y z!@Er^eN-olU3ia__gc~6L$>jZJ%7Z$6}9N6ss>7V5_G*P!zn8h$$#(5!4aIf_PjZ~ zzo`<}e^;PpJ7vj6-KEracMd7~p-afmX;kNnEGTc7gPZr-kawllY+6tp?9(k5Pf3q} ze0eK4Ni^Wc{0P`qI|eOB-hq@~w}`RLLpHDPJiH5};21a!0w&bM=ZVn}t<;O#wNubT z$ls=((M8XhCHSbS8jtVYOZSDlVkyu@^|R*lkQXSg7_m&a=w8wt$TU8)kIjT z_zLzO*}#{b4&d_@hoSlRV#xFuj+y`6#4i7lG-UTJxNf9Hll`uv-8gI7dS@}t?3%+J zx>E4AX(HJp@N<>V2tKGSLcV&vI{x%hrcI9jFm|>I8$U&oPOOUuclnH}TSI=pomU|w z-f0f4EnN;RCd<*m{}O5n4EOP`bLfCH5zp^2#TO^t=~Y#Ka@>6oo&I1lEBm(!(}rJT zQ=2U5hg@%LJa?4c>X78LHiM_Uvg1|@DSfr@KODPik7!L@8kN&1W4Coy;WQmzq4TRu z-6{yJpWsT3<8^65R6R4;BnLZJ+ra`MU%ax%fKO^F#LGt`P;Er5Nb8|6%j(R=Yx`$n zpX+qGRPPJBMVi^^+ZS-norUnhW{Eo93F6yd_%V_8mv5~*Pcq9ZwCOw_c3p&z`+ zpl)@ZI#Lq5haF+3Gb&;JPb*ptO)PAqkSTl>17~}cdHJ(6cDdyW)`T0w$Fr|MPv;hT zY87JD3RCdVe?*9A(!)@TK%0^y7h#RNj^cc+vWq?8Apc> zF~ftGH&fM@EBWu|QM4|vo_OE=j`2l>^Qhcsd0FiFtY%LBK)^;C9&qNw(C4fH>+gMo*f!Ddn(aXtN$*@osq z+sSpa6^1PxistX?+0WIj z5Wh*teaafpH{uZR_Y1(v_BvdZqCrn3Si#c!ZRGu`6qs>I3CnJuVV~F8p{elvT|BE7 zqumN{Z?6WG93(Iu6aDFY>x}~AY#_B+<%0#Ar^8Z-LUdR-0rc-3q5qzHaGLH3?n|U$ z+%_pbvwARpb3=|EjZ2_oh=tHMbf7KUy+v{RXTjR(Q&2Khiq@!G;MCEn5Uvv8)H8Gt zPg4!X=evtp{pRt4r@9PX-cI443(|3az-ah+Fqq_~Sm1KISa{V}hCAFZQs+`vzHd+` zB+N4<&Vjlhu~~|GsVt+G7cS$pLv!)ow~df~xu0bD3f>)S8@=oCOp-I6-$wX3hj~yoGFr$3Ckk2V3#i_8oLYU70GV9j+HM_8 zq>rEA`QKI82Ww+oIYOFBo?nR_iYDw1G2=dwtx)r50N?Vj3rCo|#-(Rovxo|N-uJbb zWRHvC-w(`#t!-I2-}@YT`^s>oee$oiG6SeM_A1M;*i0w<`HvsD6Ux%lt?4@THjvj1 zgH>vE@ML-wp79B#7Upw!(xriX<;M%S;M;b(Y3@w8xN0^2F)`z()hD50t_(H(?$1J7 zBXEqxTgaR=p0@lOio4Xz`R$HYqB6J_r$3zny*Vc#?eIzQ->DzrrjrjZnh^={pvRy8 z)1goI5KtF9YrEZk;q5)ba{#%+_9>WgJqt}pGM>r&1q;ix#n)KI?<>&2#N<_~CDpXi z2L9{?7;AA1A8o+>-R)^`-f=whx){CR=i`Y%J!F`f7{d(6zuhw9JK zB%s%r``AeH-4WNYDB%cBtT+b!Z#+crj3&~!`9;{$4KUjl7xck&5_uW-k}aS+lh z&#xHeiUNX{;iq*fykX81{v)}CEM9O$oPA_8wA!CW1LtD2Yz?LTvPSghzVW?io7Uk*bQ zHDSb+1b$3i4exn(~PDO_Jc3rkcS8Kgx>VWj)!dx7iU{7D}Qslj* z^RV)_6qiVj;s-o;p#E8F@%$0;BHhYhD4ukk1*Iv{#9wFG9196rHlP^pEjFY*rq6MT z-AlGE=&x{gb$}f@*P-)c9$xvekbmwuN7ilD=Z_bR!h42U_)0yHs}&C6S>Knz3E7Jf ze>#LuTK59O>W&gDtjB<6DI90A1w(Dx!9O?+3+6WC+xz;wUOHQJX^AJN>Jeg$3dGGC zkKyh`cSv;aV&epkX>r5|T6*q0IIg)4qVRa~UyKdcw$3EwCokc=W^Zofu?TN`8cMHK z*0cEw`iWZ4Ui{_13w2Zj(f^19r>ai$@AHYECHsVY%(~8lwvVB`hDO-1^(e2ejDpfB z-sD7)7LC7Pjtgw^!Q%HXjNGM7t;{D8<3I*8c1dHQ%4uk-x5dluQCy}u3;Ah%I!@vq zyl~d#F5Mq+v~mGnuwTa4tb zg&^Zp3R^?0xVGvoSZlEc?W9fk;A#(eU?Rcy2sxGDq7n#m--74nHnY*v0r=$J5MHuj z6*=vHnkns;XOq?jLcl`@sGj#gxW=sq_p0%v()0!1Dlx;B%4)pI$IvZPROpkU`E*K0 zDjd6ihXj{B0a-h3@N$%;y|+40_1P(0xNS7#+}Z+rmh{4t*&Q(8?rnJQ5-51IIEH-t zM%XbSrYrLNgY`V| z;jMX9C8y)qf2-|qXu%bj@2&#(bT#0{g%zl>BUU`YeJZ=Rdj>Q~EMmF!lC=C+KTIu> zr!kpsR5mJt(@JUXVR4c@e>V*M&a2T28w#*_&`54>B}a$98A2WhT9RSeR=oViAMo9{ zU0@22W-~A7imP^iV`*DHJ2@HXQ@sUgByGD4tk_nLy8<-%XHWun&&&94z)x|@x}m(n zwjJArdy?FbaeR4s1Fo3c0Xu~Inf9&w#H24oIP-lYO5F)n69fnLitKP<-hUNH|7(nK zQ4yU_G^A_CoP?b$JV*{b?>{6a&bbhi zlLliIHW1q-#q8$*U#P8HLO0m&#XWx!|ErkC{{|;R)q(FgGt-w`pEHuGZgM7{zO3ds zzP^0w=*?KDa2M=nb_gtixj1yCC9R6c27~-|>^?sgmvzplTwB*5%JRz?o_seLoH_w#w2RsJUFTtY@ER8REeTE7NHVQU ziA`xphJ|(aV1f5L7^`v*oHn+=UgrZ)d{XextgVOKX{9i;MUi-IpM?J%KZjaAS?Hgg z2*1mk+EZe+;Xa`D>sRvK9VYk#_w!?1Zz4}yDP8Fp2Uvye1?A+(a;?m>E;F%eZGiUaI zUws+=87C>W=r*IHJC*2}2t(fQBAh&?81R*i!{E)mq11d#Ewn;5oNF4z0;l?e=Ap}= zp!ox2TvWMKv%7fis#wTzOT%-LrZn@JKC3)ji#N|S!q16$CIw4O+e{Fy&n>$!9Cy7OnfhIbq&{yXLDxbd0 z&Wx~f+$Yf}u(0%ythdFfD+HGJ-uIXi91Y`*h6_7VVXuEE4AP(4(#8h{!q-c2Rr^dl zF?~mm#<`s{$m7j^esoPW;clbWqQfqG5@ubnrwY+Ff;uSgA{J z2(88kq(<@~-J8wnTC=P8d;Kh&ussXc zN~BCn&lUepdwqY_s)XubG;&DR|aEu#8i+FSON!< zhVXB*Z^2N-LWp_!3)Z?7VY==PaQ}H6gZ?Bj(|2;%Da_O-e{O>t)AV@fi)yehAutAI z$xn54_}HmHuyO-N3jWijImN7LvlRO8T8^)$DA1*Wd&Q$Z93eBqobZBe0-V*dVF7O~ zL1p(^n6on-8sff-AG};5wqf#o{Ul>FDzW4re>}zB@L>QSLLvX83H|oE5UOXr5*MUf zV7`3ZWvMX84_^j(|9^b=vEbtlcF1+ zO4IdwWoU(I8C%tnLVN>nVb*0CRQjS%`)cJN?a@~z>Ya~STie*525)@&aX1yf9}V4p zr7UHju$xdnL_Y1a<9CMZV2RQX{7+Ag9$5N_ynHzZe`osQ_j&u7#fEaH@*N$J4w`s1 z-iYozcL#)XHT|S)9RBf)q435te4d??}E!t(Mz6+|ExI%4e^g* zbwwoVPfLVV{w6efvo=&l48+S4;b`!W!4unY-21C9oR`<3`s*sdBYrX;Y}~>6h1XJ3 zd`~{A%z@d@AF?|;7QspTvruzUmm5spfO3D93DEFBQhaYO6qu*LGF}1)H!;{WQig78 zZie1ahA;i~MP(V%e1h8_afzfUOfugOD=#`T$ydtMH%%QRj!%MJS7XSRvUYL%Ib}M@ zEm}0$t_~->_$vC-&;`w7{(~_Oi=8|g9js2BDOKeU}OBoqG zZ7lBi5`p6cZ}jW;3iSTuV(iiCM$Jcac|BZ$8S?JJ&OaZ^-$asOR3zS>TFwTyJcbhv zCvmRPQnuIl6{-E~O1}oJ!sz?M;Y0aBY?>xTc5T+g-&Zwo+?&0S`=^4nr$@r)9b>8N zNohVqU{;33e8tF}J4jqjI6Y}`235zugUrbSlUqWO&JS&80SZ3>Z>_{mp_3*%L?8Uu zW`cydHn*z&C1k2DkujI9kcB1NnD*;k>_=V{m?vF=M=`Hai~eJsaaz=6f-ThiaT455 z)#5GtO~i4(lG&pzPJG^2DU?2|%$p1tG<~SSUGIF^w*QU`KEi5p{NNB=eq$bJt3Smh z3b)v;rgtP{_)#Fsd>wxo9&c2F$7keF)>N8rh<2y>?mF;kat20a z+!a;3MnTqNWxBs}4kYFtp*>cIS;@yjs2}SOV+9tir_MIEen_oT%(F7)%1eOe{9Rw&0?PwM?l>@kc?4BxF5e4KE8K`H(oX1V?UfNGs(m$ZI*n< z%=xrbaL{K345Vk0#1M2+9xt~Yhkn6x*)4k)kLu;J2@^lE&eC0^dfFS2Ek6X4(>uY& z@0ut^@WZd}l*WgiQOi5x8-i8nvoXB|pw@rcj?fBASUPg6=II{BN(nk$+R zv01o|eVdBjK|5i~MqxHM?+2c5F2a=`lI`RE>We+>0iKhG?9aprj!OP_uvJQrzm66- zFke>V-yy9yI9Q5*9h?kZQUzqI(>gd5@PxG&AHorH5K?|zgoNRO%Wty`gy|lyN_>`Cp^N)77=9`%^E(ssiMf6ZthqjwfA&(wmsJ~J%gf2sHQ*;xITJ3hma@<% z-W4?RR*~Sq3RHX3j@f$#(i7bs7!heq2kYyIs!My>nN^1|a9}*FllNeo=XOH2v=Ud! zcc4yjXE6W4DV&tB1yaWcipCeIv*_^xC;5jGR}Jt$%bpU{sry3gRvi%6e_8?XU>`>P z9)uFAOK6u}K6Clrj*T{zc(bm7xgBrAQNLX=Z%PZsXJ_Gi!37x=AAr3Xf&95>y2wqG z1wBnGxUuj#er=-y@>OpjWB(M8{-VqmByXXg?+6aytixEl+lcfFeXM6|G+}j`JiN6k z6|qB;#g~rE1i61vWUtA15@mG`w)T|^j7>LsKk|pDYr_!8yEdPBxO@Yjg}r!ek~|I* zUlJ`A*w%)p&XDz2A4AQEVR-b01{|Ee7iKMdEpGWTkBbc3VSlOyy*}X=i=W^F)^E?^ z3Bfhm4|LqnD3QdKt-It*@qyQ!w$D`k6Exsmw68C?m0T18EP}Tj*sr@WfrgS5o z+3D%i#pVmxosxGDG(H}$D{A7Af({hr5w>_x3ELf*fhvuW_@PpGUn0)nK#f)+Icg@+ z&^!+lmk#BHJG^Nf{VH_DWMD+mfGXK<%fyS1$Wyt_KjhL+p%rd29e32G;$-OsR5{~? z=;us(HemA^xcx*7`uk4f+S<)fu%(m4=V*ael0Llj%pgGvwz2+VT~vQRhXw)OTlD^7+n9zj-FiYOTT@%Ob(qB@<68>s%9&E zg~aZ)=ym@D3pKFk7m5dByWc@*&8~pk+85B`Viqh=l;=x}+A*&~h8esX#2c3P;p7J` zY-dsfONkM~esTrw`hQ`K^KY`VJ5}h>Y&Tj<|Dbf;BMeH&WFEg)fs;%X`d$#`NuIS3 zY6o{esaAeE%RLlq0c1o z!zMf2m-ItyvB8&~QV$d6L`qPUlti+R$wTM@DR%v%t8l;EiNU)E;pqM6KwaZC4wLmn zBCSPRPMWi4dkTSt#1sDwzwoAuG$?zOu)j(*aB^p~_*mr-I!sR=&JI`uy?*z^YVFpT zbo&yfRP6&j-#~ISdM|9Q7)gUxsKcLwH^d%C=M(YKE__z!j99}*?<+~sl%Jug9Y{*!;Nw+=BYw2{=6h?jmtv0LvGk) zktTY7su#_j^6=sl7x+5;FT1ai0jI+=SW(b1xSEny`QuVMsGPANdsAAOmD>|Yei24K z4=Y0NdvW+}YI>`S?d z%kQZPp0-&SHgp*l=%|v_%gf1oBSj(4GlKno4D_GwJ~nySU_6!cnf^GyHkgazBA%kJlO{#ARY+2JF)a>BGv-w$c z!KK)gW`UIsDl}-K435mm5_=xIMh1So2vZfhqDU+7o7RL^23L?#w3U{5|jL@f(d@3LBn4gLTB&A(8r5m_jOxzPCtnXjT_*| zsF`T}#t5!YPlE0l10j*!hiN;LMXfLL0C%LZUELDkTrD^Qy&l6uojClMd=z6~;C}(6}~mJ!nCTPnSb^xFHuE4#3*m_u0|_ zMs8eq43bgfQ2UTQAK{k?LoFB{9hr^_s%ETNVK#(aItCL(@t~2mnof-0g)ONjTw7ua z!kf#OaQ8e!ozSPHqqXRZh78y@S&AEe?+~)4#~@~DHLfmtPv(A+gE7HP*!@+359m_l zuBW%)d)p(h;L2l^FWCduvpE|!1xYT ze8|RfbNkJ#;GHcKAJ@g8^(k2VdoI3h{6}u6O#xMjQiygP&Tp#>8CSPgbc#F@ z)dlTkd;i=Z&wL9IqxE60gC%-84CHpk_6(~<;9+kMx{vEc#!Z5MXwy4f5N3yZ|4eY+ zF>P8Z>w#oZ9(KMKb_&MXc-mSUdahbvX3BJKJ0}X(&p!vo|2dZNn zN@fpUg@&zj;n!?Cm^!}%e$Uc}q%aqreBm2$67&hb-0zSX*2|H)f5LAQyV(<675pwb ziDp6r>~iB=Sa3K7Ez@GrY-_4f(HVAH<)v z;|q>>k{9!g@lN$AoVHYx=t;`6h9mp%PJ)-XCVf53MZw?PH-k;seFIMI8b_FJ1+ji3 z;ypi{xy`K|Fgt>h-_5X?DE7W{1eKK7w@48I7i2l3~>YCDEVeBFK`|hn-WG z;K24O+^k!}B)fh>)z(UUvP1*gl$x2u#F==l)eEtsl9*g5hp>7_7!nWxEA8Gx%~LZR za#V?Kwu>TzPG#fBXjz!*Jsz|ASCGYhPTckQL%e?fH`bQ<;O&+XbRn~2lfojz)`QRB zz5T*0h%P7bCv>Q#iWAEU)ub1L?P&G&C#0o&F8^^mi`2Qd0!!OtEgt>pA6XgM zidri#Vt>6N)z91rr9#Hi`Q>l$mOR2Xl;~2qP4`*W_I0@mCC%QUC4Q_9=fz?pl&woQqIOBnM$opqpE-2jg)=ipL- z`=%rl2RXel`1eK+Yar{O{Fo8%u#u&Q9g3iOV3*? z7+msnA?ps9!WtEktsHw3A5E3wgRe}3z{WdRuw)ZPrsf1&#v+4;$-JA12cIG1RBw5DYnzLS*!6vHsw6 zTy^LMJ~7r2xCn9oKXYQSz%b-bgW2nyz3idTY3VU;7dmFs==(MsSZjuYLGcIM+?7aW@#EwK1JShvYg8q^@i7mo)X{wbT(eUPIb zr|jY1xl$ItuK?+QQ2L}(@tR?r_DY))EWT9@*YuuX@ z>=Y3^O{_K`9L7oc;LvPoI;vC)(?eP@%(xwFSH8u}7kZd8U@lJ(c>38RAF`Ljcf*aB z()79}W3k!Z)GgKx%?*Ary`^uf-k8ngwsMIel`|IXJEm65EK}ffrbMv^33>Q^S}5*# z*y!Xr?mFx^k&f5R4iVd$1$<9REk1P^kD}~dV3lW&zvO<1mT!*3Fq;wdf=CS`=9%G% zniO0)Ivm&7=i!%y@-(+ulRwNq$A+aeiBV|+HwypD?k!c|lk*J8>O%$abCTd@@!82e zKc57jaKX`aPxu?MV%V_G6eq6a@aNGylD%UP6|GGrpHy|xp#2t}5oT@Ug&^a2_Y{$T$1I?Mcr__hMn!`<;`Z_nqv&XUp;W^93+m*d-lt zt`fH@YjNuf(|E|pT4G=3T@FbqQZ^z`CZsC2uN6h2b0(AaR%En|jqHfVCw)9yvy4%Ks{C7>Zs*=FmsCsl5 zd<=dqngq1&81delO16X^fETq+^ylxWs>>6j(2mc5bH1(Yl4vY0o-(p3rs5*z8x5oV zvzlP@p;_==B~la)&v90M02nDn;;4KbSd)7YrbKQ)%YnCG8^pq}tH-hL$8Nkj%pWYB zhO%7GY~n08QRo)rqgkLe&4O&E-7u2I#=Ng0f0Goapk0~4l zlh7or3zwlOy0UcjW-q7}c=Wp*kK@t>cOczxDgCtk6j&XOB@IKG@L_5RG#a&woil4i zlT*|LzE_Jl`1f8i(qt6Pxu(M3&bZGkchA6)=0bks=Uy~*wqbe({|Wgm2CvI5;MZO4 z@S$-xH26ERu3j}Lt=R`t9i#EVlR%g>IhM5wGpng`=fJZ?6&q`(@*dk5m{M7Yfq|}Q zS5t-Vx!*qS8Z&6w~z8C~2qql2o@J8Cy4KB0x^G2IWn z`h_l#nL4bCJ%5UyE1S^8wRdxYp!uAAuh0~LJvrT_`=M3|dPMm;h@t-BFoZvj2C=ute& zkMQ8@PilbHGIjdJN}D%5^<xLzRxzl2pyR`-O z+g79aLnL`{GZN1@jU=icp1_#9!BBl|F2)K{)bFkPg;_^G{#H(eT#NVc@1O+eIeNg^ zuQxD{e`eFqDxz-VZf4~64`&E{vUam0;Mj46{74SP<89C2P*@<>eklz@WEHu^2one% zz5^t#F2c+CLwQ`|OE{5}EpVxXT>j!o>~_2>?Xecv)gD=}}tXrYXnXo5n znQ(Wn4s@+A2EX%-WLcaPy%eiYhe;}O`>Y0ByBY97&R?9GKa<)F%f{p~Ykp665cN$s zDjs9tPd;}9@t3U=;atQiayI9haBW`0%%6J+Jei}!-r0h#Iuwq>ibeGH#ZUOERg&A6 z3r>>r&)J7P6T}TEO8keMEziw-4;L2caSz8u)F{T9243~X#EQxAuv#5&&9>qpJ=GAi zPVjqDGi3(f%9)pU1XD1G95oNxsdZr-eOu@cPAr zc;NarxLYjbN?y5fv%FN1(kVH}N!>yu54+%o951fuRtJfzkK?YATy!rRN*2v9!X~?C zs6XR9K!O@f{-nj$4;U`=U!8}!;LZ4RWWLEz zc>lwSPx)^)`uvZg^YF*={o=ThRrZz{N)Z_;JlDCDk%|^gC25G#P&71cLIW8M8WbWb zr99WUk~CBr5=nha(V$csTIzTI{)1kfV&PHG3pAcT6*K;6;o6GZSZcSE`5m<5v(M)M{&3=}1OEdi^e~JR%UJM+ zyO40PfbDgEifaa(5&z-K_^tcO)Pn&EZ!OSR{~wIlla9aL?I2-hIvo?DMc3AfMYVQ9 zj^U;e-8|5i+TE6*owxR|A%9i)gk?cwLheX(7v|_YxgK~z(SY6QQs7FO9$2>i0f}?0 zLff2$P?L8Z7AHJp^GogF^!8F(EO_h`9Y#>;;^idof)vaFPS zX$$v5^_P8U|I8IMhsCo2JAApt2QPZ#wZ(#9?nD|ZC!~^c12Y=6cM7j}=mf1{TX52fK@jx%JuA)B_Bar&X2GN%RP|1c{3V@or8wUqj~!#WiEcNN?Xs}htg}s5cEO^{>;BWTQrI_Qsxq=T;v0z+Xx zH{WYNJ8OHyrCQCEe>6#=u{#bxFPGsFUOh}pHwAOFl+pfsESNUMaOKH6g_*E|e7jyH zo?JVeA8t88UX~{k`K>NQd#5t;4#8FUhZO+#g%@B7BUhOKqCb+-3m2~N=gJzXB z9dNK)G@<=5;7z$pl@408#;giUN5p|?o+ezgcrMmCXUjz+Pm!XVN)+vN_{K6>Q0g2- z*Si=hMI{wY)1d3hwZ zOZ*2HS`+Z+meCl$!IwAJJQMr3hl2m(V|Zi9MlLzz7YsQ)6a)l6>Gn!NzrjKV)f8Ca z*nW7D^9c7@ZbMr$b*^~FTXcG(1U1GI@xz3vBi@S(_PBVcW zy|rXe#5Eiyt`?1(`Vst_-EmI9NzhC*Yrhw;jh2I4c}IcsXTCq8lWDOO$A;@N?XqK5@B@H+Sr?rLcz zWfD5vai$lqto~fRR!x@AoiB7ZwvM2G6|8ZFn=)iSzUHjz&`O#X`_oZZ-@_Fd9}tgT zFFsiK6g_4bVV;Es5AN@F*=423j~bZ5TVa0^&{-&QyQM-uDT&yU_AM|!V>(uqxWFJ2 zY3j07j(gRJA$Z6}n60~~TC<=Y27R)oJ6hyyPS zYk^OpRV*ZHHRz@o(VU?O>+>b4jfWO3f8-5b+oV7#VI#kJ#g7}?`H?KGZd@aAj(PeR z7WLfHD)^T$t$H)L0|ywh(*m8Yv{&tox<}VgPB=b7@9l)ZrNDlLZ?4qWq1o~ z=FP$Ovf(`D%572g@B*eBQvl|jCRBRf1Zd6gg$c!0Kxi*A4nI%K? zqB9_^ehg2RTLOEw0+^vHJHF}=J~{XlS5-ZO8`>*zlyQfUfeAoMCtaMnIh9!6-$`#T zdFoQSSykx2YtpjFTj)C}nzuDv2kGS_v0)U$A$3Q{?qAV(aCVe>H*9rR1b-0f1Au@UDKq`O6lq!6Y<;p4}XpPZf?(e<W& zH;v)mmxnN9PNd7T_Bwo@(#@Q2YSC+fVIX%|34dOGjraCsK~Hx&RF(HaqPjh)Zw!W% zjm20vBnd3m(q7E zlMA3z^;U_xNvGiZeo#I5+6CN@FA{G~Ngy$Y{*azBVJ~FdBz~D?NOC^buyeNr4!U6# z**o$oZX2%Y(ir(hJiWLP>gNoE->Vmae%^QTKI{ulf1FBK%TwrE91b;is{lu?<%-H< z3BL5hn;Tz?=7kmT)XT%@g`NmdlsygYw)!My{8E@Od^l_>$soo*CFog}jy6}v!p5IQ zIP;wgPwzBi=YQ%6vsWFdsMF$Us;|(ekYTB_u!fPpPO|dr#fQ({BkHk{@J+Y{eYsMC zui|2`XHqgKR*fgZU{1RgX0mm?18KFMkUg!51~(x)l`ptB8{#vBlar7kd$beAZrKGX zzZ@XrWHL8ZPheY>CX1Xp#&Si?0@8YU3e=wz!fqDRM5?x_qG^M-qvf8P)!lBA+mhd&xuohei}MBwY2#=L5G z8ZOCo#silMv9QCI8y=Q`b8kFxj`1ZSEAj~g|J_9y?{%Uf^OB&fSC2Q%9tIJ+zKJRa z`11*urZCTydN_ICYS=pK5C+!TQRDJ6nEY%BFL>-CFuCRVuWR~Zhw@eIp0ynR+f>6W zBjjOd(_COLHF*BRg6bdUFGa__*JIA1S?t)zGSJm}12xezFiFOqHcJ;l`^%*+x4o*M zPh}YE$#NCub}Q=Q=E0^MU53LJyk_0YwP?pP2dujpPHQimhHf`)+P+bZpRu&Y-4UMb zVUU98!Nw?9w@L6GwpQZ^M}Ly@Zp zC=0m;wCEtp#DuXwoAq&O;86Op+mV`o5jaHuJ;9om4WJ;QME_adLxm4&^vuhF!u?|` zQN7JzpIm`>#>JC(Cqe?(#{euFmJ7ibB=C}F3PgH8gdZKoJU(g<<~vLS_m=f&96yCF zv>r`!mMicyPh~jlmq|k8C19VkJ-PD|ct`bP(l}}`U!&DsEjj-g$y57DI#XgG+HO0M zcI1#0qzvz_NQ2%Gb8bDKQWfz~jNEb$^9npswV?q9?3{{fZ+Al7uUpt0SOrIi$nmpl zQy{l!7jdAev`iwKN;$tpAA47HXcGG2$;)_ILXzNXuW(6xV@;g~Ws^@idNe3z7yQ|W zWyuUvKC{O`)^A=jbQ&`&)z_!aXzg?mjYp&KUZ8g)u!#7>TWEfI}nQ;I-8W z{4O}{w|nlRJ=u}ym0tjTo%cytataQ6E3h35=VDv+D7xWAA;#H+i6-hu(E5xR`rw^B zcleY8xAS(8utCXKaa{$cl?~(DcE}2z=lf_8w}@!J_=ewIjJU>|YA{VTL))d2{7S%U zwprK-sW%|@C=8^l-Eu_+fLOcmFZ8rLCB6ZLctEuN30hNDz@XMQV@SnQ8hGF$NW zy;x%CXHQ?w^XHR7_CkxC0bfKc=n9R3zj{Z+%QAKGZofP2k!fQgy%}Uv zS2naacH_loLAWLaXkOnCmR(kkLleiauA)0?x}(FR|9ed)6=}IR$(GS7p&O$3 zqMWoD{$>3W;vw44g}9&m3MK0oV!FGd;A{xO-}=*G=B{X-xNQkOv|5BRopRLpt`9Cz z%YoOjW7&qQtxm~C zRrm^vjr^VcV_a7;k?5NH;JMO&BxC9VC<~hpQj_~&_lotR`b7hARI%_3Ew;wT+IoEC zJuZ%WE5|DYukohA5va7|D~@;chxN{?{90TzyVvxXo!)ND>xMmMy~4A;d(;zAOoRoe z0e)yIxJlw~<-)u}edN`Y6j&7$0A}yHSjEP9=&An-71grX2Nub-#xofARS^?P)cGCn zCeci)z$Zz_QFG7DF!9+17Lu0MUzWpDTz48$(?`^G{-3&TDP4-3zEZqC4Rx|Hb2@fk^{Ms60qU09gb`p%T`Mm zfL6dzymGJ=egw`Y7jxBd;p#9X?LoL???q7XJ%m%;rHS@3Ntm<%*$TOU14WG>osKevVA#`Q%|{yPNDZa9P?=>q3?avD|#2)BcTd64csMf|tM zM|5&pFGPFh5`8Z*{#lnLqzM&{C&7jTD!k(G zMi?S9j9)f9j)zA+WUt#ppwMU}4ZCxP*?&xhXO#+kh`@e2N~gnH(@5-m+knxBYq4fr zAnI&wgdMRp5c^IEBgLIAqvY&)Sy~*84$rt4kt0EmOd17Qb7s*i&$94awxqz{xdq3h z7K7E=EqGOSB+uVR@O1P~RErpoA;*T2%EngWm0c_@9jin~8x|Ae!ts3i?bDz*aU>n} z<|uZiCX*96?I2yW0zRyN#XS9OshszGw!6iX%MU(-m7~MKd}a#to=~9*+140(W(G!F zy9{BEUSNmz0MhB-#^zU=;exsPU{f#!*ZP!zPx=99DR~RAD{%QxaE?{b#BavUaqJVa(i<%#}?fGiy^LCcQLM>gUVIG9)i)T;^)()=`_b?40Wi)zSEk*&1f-8 z8(0q0l#@xt*)oAIa|yqwm|~rRCwnAtL;4pQ^Lmr1WP(>RS+D4h9yT{{_cCKTc!?)z zz2d`a8>5+YiUxNviG%R{XHcq~vm2$mncReUrqyYJo`%a{p1BwkG#0^9k-#7;R6@Sv z1?UX%!5uqJv7X^dcvPGXD(ejBu~84fRA~gfT&W9@asqG8wG%7L@1n-KSTr9XOMQ(R zL>r2~gJSeCkoOo*{yjAX@t7Rk7Q~3d!|x~;DCweL{!Cn0G7Ro@g~Is3VNBu2D(Jb! z$mfZZ8Ey^cp?e2$^MjhSDJLCMUY)^?hISZQbR2#UtbwQt^2BAqIB@DU0nM8I?DnpM zWWq@een!iH_ldJ{%jEYkY4m&^cia=NRvL28+6$N+{~hQ5+l430&w#VaGJesaS+rpI z5#Bi=Myx(~A^S2X7N_m4CSzn(>AtXW`xW6E{!1;(Z|^N zpv7q7`HaxELQ&zym(G3h17Wh3aI><|qv;wKvEzIK)&|ERO?ZiK@A^=SwJjp4=e@$c z`3C&`{u#7wjcNVs>3q&!Z!GkF4?bbf@zj~QeB=9U9JgREEFaPii#par;k})(<5?eu zHLu|NX62$}k|ngwenbMKl(<`UBW4d6LXV8RgX@o}QiD_!a%`n2Gdl>fEbQ^WYz2%u z+X_pyZ-cuGVMuf2xp5HhzP;6_QvUD@Bz< zO+nE?f===OfoB%@^Sx_NK+lW_`f;u`bu-amK4)vIL!=NMl}WR<8|r+_+;}ddnhQVM zCv%OV9x!nBe*(+-5&-t^E>I`i~gE&X7?Y#)zHtFM; zji1?>40(E9OW?)VDsj7&k?36E17!#G@z=0U`2D;}0Ps4B=Wh6hU5mbp76+Wi@*RD| zMm_^(7N)|^XHxvdaz~#0+?)rx_KDK!{2;e%Cw}Y*ftufY`Kc{0;9Z(Dl!v?&)mJ)T z=Kp)V33t)8Mv8O2RiNU@S&Y5e1%6XTbKT6n@UVUimr1LJJnQx3 zfsHlysksQgb|ThqU=F29^{`{*XgukBM$|Cj0i?Yfi>XpB%~&Bb-hyf^c3f+EI83X3gG=r<;*T9~u>BJVJj;Pt z;-JB$z77zwyIVkc&pnp+=p)+4sluypBWB<;g2c6kki^I^d=~W?x(Y|~e~WHFP{4li zwWD%4uJJG~4U6Ds<0RqVSWT|*M(CxgE#_0bkBAL@+QGKV9-dyliem@c^9fr*dC~(U zfr~UC`gk6AlnkT3dWPVAK~uPs#?n)hI@-Gei! zY5xFTxNr=;{Kgm#j6V-+r_bWw!qXvVjWn%XvILA~M&a$m)7)sM5_Fd4ihfi#v0-Y_ zD5=;hIuRTViDPtV_mF`!M*c32nlTMDql6xosT?0#?*ya0?0B10Ca5-?hETA_rFG6O z&ktuq)O2rBo;#F(xMq#pT?2UH*a~udjwSo@HH`A(+eo6|w3rw?2xs|biVhBo5ge=S zY}MyN(Db*U+qUk7l7IpD-<@0NH@OS7gv^FPrZshSkm6ZYL+SYQsVu^KA{^?BMSYo6 zerWb+dcvj>Ybz~T<-}a*EgD4E&dC&cTN`n+ze?kkWkybXIE55vJzD#_J5_4qGD zhCVBdQb~Ot&PybFX?z4mILoUMpx-4RAb^_mf`oNgLGAKTA3Zkc* z;4^~}bZTBa(YUt{E-4IwKU?iM5#DE)&fCN2<3>>Zx7z0nbah{+Teiq9({)Fh%YQ` zUpHKkd5v3Yy2Y; z%2h&hrYyg?GD=_y3E#(wIplBw11)gohSnA|C2=e?3K@09>ZzOtz7rkY7>^sC4yC^{ z)o8)mBRH*Z4Oyp`42#Zwz`M=9Ja4iWe)r@8OJ)-ebQ($D2`r|w1{UPoY9XakKAsi) zSV9#ZWkD3Np#!g3G1u|K;FR72cq_S+uAVyBW#h?ma4E4BzTb63yMEVW?$s8ie6|8Y zl%z4KCI?oX(PuBN)RS0EOTNl+1kKvw3^J{^F{-l}$~AUD)i+7%*cu_WQoYQ2YYHJ` zO+3HvY(%$*{DhS264Y$!bJYGNI0$#kP%Cs~u^tIkNenN^kJ~t3DzpW(x= z^0;8!Ai8+XQ_;I`0?%TZHJpcr-x7Tr!~VTYyJuW4iG&9%kkeUU%Dvpy?& zN#=?A$^c9^0ePef(^!CVY`fXEXpOULXztWyr~%tb>Nylh<=r{!_3pQBt7mOuKBG6B|(mSZr@Ct zWuVQ!DmKB*4U_SS&UfP4EI7GW?_-mDI&h^~0cO?P(`cb5{p3^*PHp25t}zkrM>UYz zDf)1D&>*T8U&Aim48oXLLm{L6Qs`r+!hq+`V6vJw7>zN5hm$WrMW82*T0M(=K9&!) z{yFfeHVul77?Yf9U!W+g5l41^7T3LcLRRjoVeO+!@k`ZFlz!q$!j9LV?JG-a$z<3< zLpypeM3OED+67NxJfGneg0H)bXn4LV)oh!{WMjvZnKJV9+qAfJk_yNjFI?d6+b!0V%lzqWd?NE%7~1bgTD>EAoZjQPw?C?$-r?ErDc1qa?QeD~8ElS={%8 zBL6!wNOV3r0LJ<5VKx5^q7~Q8*z{E^VUyoMQIq*_TIMToXlGks%QIhrrDRMin!8}z z6M+xoE!-#K?qPAsbL=|r!tWnTM#=wru&C}B+O*}uDc?T)8YkROo-SZ7&+ZflrU>uU zPCp#o@fNp?mqia&hJPLpgZ_OhSnARR3<&LDbA*( z6N4#H>lSA7C2)0r15y6g3FoHkLb#7Hf8-zor?j~NV|2ZxR<#ipM-ac{zNT%ni>PhI~L*k36qej&kU zHXmX?Z(hOWS2J0ReH=8ezX`d`a-3cIN+!JggO5I+A(|Jo`0vzCaqm$(XgcV`{#hLb z*X^h9TT2I;*U;% z$|>HEq54Uz|5$-XWG9N|Wjq&!Sf0na$PmF*#zDo|8+`QE(OX+z5@_28k$auF<&44T zzPpr2y>NtSk3z|~-l1Gxa9>V}^q`CP?n6hZSFmpVA5uT35YGrb`W%BTcvd$bCkXji z1r_0qCM5;2LIzgpvI2*>^E{rZZI3+?M%z{mgBU|Dr}HZIa^w8E^7Jk2){d7^AWOE+)H5D-k21` zGi=wwo;~iQzCJ*Fe@qj;?2s3jSN}05I)<)IlA$*1QrQ=~qhzF11_o){bF&Z|KDXv1 z1kRMfFMTQ4t?7u30XAfy-xKnyWI9}QnnE%Qq+8Vf8(j%JDFTtk^ z8EDD)e-LM}6Ll}^vTxIKVCZ5U9JZ+;Tg4N zqtB3;e5K2G!5^u|)l=4D`E?!mn?4B=5;MWIc0Y!Hn1YQn-0|MXAU?8v9@XzMgIT{7 z>DF=Ip*8d%bC->Q124wVud|itg{!Lc=k5?Te&;Fpdnp5ABua!;Do}Sb2|h6&}OqKgwBT=^5}_U`*r__KG6jjHE|$T)Ege zlKQ!Nh^hyFgS&GcVL%xW`}R99e#<#<{7;AZ=_T;}^CE2J&UMPJ&B8 zF+BF)N3STR0|^yj^0=K4novzl9<0Yzt7eEbo=BtCvJ`A}I1bU@&ygE%ZlnInXiQ6e z1X}{8p=W{yufDp1S3D8;u2N@Vh`A9Abh!)*Vs5bnn>VQQ=P0=z7A($x8w=gBlB_I4 zn)VGm56PE3v8Q7dzqi7J)ukRrgRXffHXeh?=ALAjmB3&)u1#L)JK#XE2fyGykkJWjj~S00T*ovg(;qg9RnUG!AkcxF4uI_kso8&&97HwlveGsKY# z?P%Wbcd%poU3{-N0D={*L3wu&%ne>m6HQNmqVNoSd6Ny2!p$PdPLr=2cTQl`ZRG~D zbg8t-be=uh1Mca*1MN6Jo^!Mk-^I$(iE_s9siGCsgUy5<;zY17EyEK>G^m=;3Hvl_ z5FK&+F&mo)*cM<-sv>_wQPM)xY#`*wpfhZNC{G+Iz6fz9hE!_zUfg~`5k^@qrH|U5 z3O5QVYFIKGZY90KX=mI~+GZk1YIG*~9iRcuI!i{$)8>bD&i`MDUKz-x7dz z#Ye@Wgh=-Kg^lRgn!C(w*&Ln}uEhhd^@8Ht3G8N&h%XCCgICXFXn>HLuUxngj`SAb zWXl1(OX?T?bg_a*hMHhpZYOp%2qc@DE?{?~6Tc*}2x?2RacY2Ig zSpLApz;z}#Md@+F$+7I{4PE-aay7;jOcHjB!|+}05}x~a5WO{UJYu{WnILtDJUXy~ zx1Ib1gKjEukC2aK>8nI=>-i1HSN0HDSZ*hoZEM!I$3il5)2v=Q# zbI&($Aj@^c!-+-9aV{OSv6dh8!YrE2SIti zB(GgG9uqeAgY!pk`la9(s~h}jMkBv@sS6oMPQT}KeobRm%&CiZZ z^m8n#E0lu$om(LGxCPFty&&DRp42o)!-orA-0M*R$cTK%_;6WjRGx!-c1`4&=Z&cR z5+R%KJr=F{vhmR-6?Cf{f`c;7!bbOx7`EU5bUZerB4E$sUHW^W@j)ww0TeWGbW;*6BKaQ@oADHNP2_w16 zB&5HkdQ!nk+}Eoq4oVhWfvLkG-K_v0Nw$&$ek&?GZN%x!HXd$*{X)y~s)?363mJ;?4{7_^OE>d|Nw#rw;qM z$~HMn)YPFix6eV?977&rGZBEow#c=4b7L8^D z(C+q7{1KKy`rFl^Z*CRzjOzvMN!PHr&6$swwH-zzl#(aAcSBE>0iUjP4is0MCbid2 z<1}HXe_DAUNxX(|v$2rKJr$U|(bljru?km5hLh1>KQi52;~_iX3XI7RJQWnT={o^gDAl`>7=XG;E)_Q2#1yRq`eM6PbAOMg7r$xZINVV-dqh|z?)Mr=X_ zAr@$}?iRbYE*?gYy~zFxy+v9yRDifFWP_B8{}UU5}$xGpnvOMwXJrMI0fqP zO4Ae8E3o=j3@}B@QO)>pXey^{J&l4_=%2%1@kT8#)dJd{#g^R zw<^GkOI8pbumG2bZo#DB+puGmDIPBkojVXa9E-Zu~{ zWjz=qwS|2)6r9fHr(EPu_oHP=8o%-RD7&_PBgtKDgPp%llR2aRU`tUsnb9uCqJ};Y zv%*>UXNfxfxuctCezHW`pu+#`DS~UY#rSP(2v4x`!AVXdVA~=qsFr;vbnY2`5t!k< z>(uy;Wy(Jjb8CIY^Uohtt9$c~mc0`OP9$Clml5GvVTrrDHa#p7emJi89lK{9Z8H&13 zQ{nYx2gtuLla87ikDo^DME&=MJXhI<>a3UJ|Amfbo5y-F%d1laznUIh^7fnH;X8yI zHwc{Wz4yhbPX*8IBV{VLYpYo8yDqL@qXuf@$HDOZ-%)dHBW!tPMO_aS!PI?$sI5{9 z`GY3Yr&rZ!(eG8HV3#CDcS`Y&S2f^Ra0?FmM!^5OsjtdnAa+3vc!$jAHu|q1z%@s7 zud*LZlJy0g@-)2Mm4Vf5K{(hd6t9e)gI!UsXc&}-Q#@MH)zb>+M2d0M02#jX(Ro-m zO@jUve*D$u4#oJ#{#<6xSv)T|DDrNfgzIz;?HQQ?AJWw60;6(bmLiEJSJL3D^()K_ z@r11Bm(fjN_Ej#F!HrjHQQzqRxwAV4dZrGgpZ8Yd#ChtV8y$!PP9?%mVLl!%%!1m= zE7|G~%@Fj(oUZ-y4z;=p;6F@4^-Hf|e#uri=x4&_R8_#A?xi^T;4VC3mIBTXy2&FS zg3n{!`A?$2pL%Do3ad(7f5IIv{(i&mA4?-4wvS*_TQ?}J--Qv?XCYzC7=)+ku(hLv z4bpohbSY$MWrs2(*{lKWaTdJk#XhLAx=QSltYO!_;rRK0G>&cYqls;MVBUj+(Cg($ zuHBdA{~WVn`yOxJ9+CkQm(-E`*;iqf?J=>1`VxBBEeBt%{KdW;i6r)`<;gk=FTl|8 zWYyI5DAq8B^KXp!>OZ$x;!`_Z*}WJ|)7sgB&k6*ppW@!qhe(e5<55#J+L$~H3UsoSHn5ByCEnk!jjOb(vB~8{)$svEOfE$P(`Q+t@BS2Udl1IwG)kk{_^%K&;U;^Z z`UJN5Enow)TUqg`(NL%7!mX1yn*Ni+zL1m9`%s1l`k#i()*oa;vn8+fizFYrsAyL5 zav0t*lggWQk-6#Ju=~UiQ28p!`4k{&7ZixBhavkYu=OfkGU18W72N1%N#}a4fm&! z#`8RBn#OsiE%%(Q|5zcO?>`-izx>3EW$`%lfWYHd2^4*P(ZNy-q*%S71YVytK$JXB z4rU+G=6Y#~_~KWGxFW|NCY+doYFD(uEm@Byx_^hLH&3u{oFt#KBo^F!hftM>BSQCe zJp6YHan-Kt5WBjH703UF{IwNv-YfWK(<6y(?{mDr^cuDcpoztkaxt|m4AT3|Sc}e2*+b5W5`5w@;Ps7gAaiFs1EGu#F#pWft^x*9O z&@4!Ut`NQlr}-RYhn&}u)xo+LwOoZ?h#yk@>S`jnzjQb^+2jg47F6Kvt)Iy{)jRB# z$uJ&xtOyDnPvF$xGDv(h8h%SzJv+v%I}n`r8Dv=nPC=By=(>FQ9bhNt8d-34Sx?3vQx&>{Zl#D5m!r z9(=_{8hVPSUn_+Z9tJGM{S}r9JKzriHe6#;CUYO3ChYZF;OV$2ye}yowlDg`P7nA2 zp9U&$<-HGxM8ka{hxJ$dW|@arrYDB?Nq;4#4rfGL^!jnKuQFE%--#b?8=_KwKk+yl zghCmF1+Qu#6{~t-;Fw+FoUl1)>=y!a#qvD*=UI3>s~4sum4HX_9SF?V5HgkHz(9I9 z-!LKxzP|P*ouk*onbb;hhItYraR~&D90TdWjbIW~#cmC91hem_SgXS)_WEoJh8CO` zSS&*+iK29`(hO7xIIY~>*m|?;)YB%Q&tgUPO1xBhGN*!ScN%; zyK(w(!T<7c2!Eb$LM#0KAxR0t2j+TssaT0CicXXJ-=j&^?2jyGc@+llPi74d=TP~q zLo9OJ0dcLW9Dm4baHM*eoqZj|=5ht>_wuM@% zH)HQ4IXXQghkRI(j$yj>tT^2QH-uke*=@_AR}_Of<5sdELzjwGjkb&bdm0bM3qO#| z0k^U1q^00B+l_k9P4LO5@nlV_G@oqHEz+MadetJbm_N4}{#F8{Ick$s8IC|c^zIL`m^>W zjF@l+nX?fbDye0L(=S#_Id@^8!YVf9sS-Y&)I^pJeg!8hY+!lr1@P?|z*~wwunGV9 ziVPAPq5sfIyl)_Qfs-5Ara5V_)@BDz@w|%by-vXIwnu38?=%G0t5Mg3{jh7+MGUyr zOJ>^70LcNe+%rR3a77-+As!3)`YAf}#3og~_xTdo_+Sn8r#Z7PtLj0!bs|PAY{44} z4{)c`1sD*O1giF9xtr<~Qnc(a)YOlqf6Dy8Ww|Cq#>=8>k_R(&D1b}%Pea|ZgLwV7 zF@Kdfnpc??xlG+Y3k=8D@%-lR47R;R8-#94g@aQZ)FMk%7{BeBVZ1_7B>n;J^o6H^Sv>y zvliQ347o(mH;f2DX!{q4?erp6`bYzu!uK>rc^)iUOldw#>5ngwtzwi_l64aL4XZSI(miC*GkFu0`# zXUnRKh73+(GXvs5>yjoWKWQh8MRRcv(T7>83e_Fg=i=L+i*Vw!O#?a?8uJ#R;CB|T9&Et)+WUXLq2Cqu%jAK=q= z2d-4x(m>7gIPI4gw+>aOvnHr>v&;y1b#Xsv-2RNK`k%nDu?p;_iY{F(mxQM#J*s|G z(8ZF6QfSDWNel+Xu|p>Q%&qq?#H{QWFoFv7qx(>l**}za*EC~s^?z_8{ygh>m`dHg zark%iIhe(paC$xl*0}zGv#Xu(rbaUhiTQ_xdHY=g@7=(Qwu`_!-4d4>TT=6)KwL2K zB>T1DKFWt)A~*g7;eu)%agT`_%*##upEq^oQ~pU6>YlzqCC9! zS_PikG9Wj^0H^3Tpj*ONe(`(!rS_%Yan7Z|u)!q{gM;>o>!Pb6)PNG-b5eYB))VH^ zHJ?tdo`}swbHHi4hG?{QBSg%R6IjTrpzLEmBsOn{!Kahp>Ej6~>u?P`XKV4Rb2a(D zYuRA9)`DI1LOAl;6H|hP9nj(?9R5(220Qn&kz5kEu{{0y=NIZI-GGp`k&rV|*fkb9 z5PZ`{+{2TxF?<)UyR?)pJh(`7?VS}hpEO$dhv}p6LxaK1cJz}@2kg6L1EUI5N$!ea zRCV@$BDojykgcv~4)^zgSKJ@*=o48GQXsPj05UUF8~j<3F5FBxnQAVNrue1 z0r_jEk?V1V+YyG=IAiciL%>rgR%TnlgY+Tl0){34hFAu`e32L+( zlp)`5Hau-;6L`Cm*-Ft}{2xW<;m_sQ#_`PTO(?P}Dnf`D(%xHx>`@6N z6e-fuw!Y^&vWk{SDndy=X%9+6J@@k$c)i@5``p*{`MlpQ=M#w>Jx*rMxCF5urGRf+Vs>3CcXE{yR=xXAgVtooA&r<9JPB3roDV z9<2N}z+r`I@v-NM%&&PWi?Qv4pgr$N=*kn&xM(6-_s5EF>xhLBH)pZ-N1CD?wz{PS zDr>2t(5o10xfRRHvY^K3B3nG;F`-2|Fz{muq#Hh9pF(3{|F3)4@Usur=4O*m&4!RR z*a<4Ty)f1AJ!-7a!9Is$lG@<>o#eiR-?e<#g-kFc$F8RW!S(1$TUph@`{ ze12rdzMG5`*Dq2){YHkty4tiu`6+np>cyF9f0&0;J0|^Ggzn~_$(n6Z@K|~$HtEd7 z1=j2E%%1tAb&DA$NH`I-BOR=v*9pCw^96=;0@yur2GQ;XZ1HD*^2*QvLzN;>!I+Yh zM$jB2cDe24+`BfLp+M@VIM3BPx!Nl!3o7`_C`-Wa@By{!(B=Yr5m|r4q!> zX$-$n2;}Mx6@Jgsj0@d4<{zlfoh=`;*OCn=RegwgC}fNG#*W1+Co{ANz|9)OK_VDLslCz_pUE=X1{A(py6>=Y+UTTINb}t~<{tw)> zibpSD2NR%O53vFZ{*=*0T$g5y(dq=2kFw*`rvRQwtI}qZ>&#a_0{1O=1N;8wpqxzu zio1*8V9;@N3iv82JUs>1MxP<-yE~cb6-Dy>^i7n{Q|AZ1#pCs>RnYFJO%xKgLSkRM z$nr=UnyymC_J?{jW70lc?kGjo>lN9h@n2D)JAtPN>_+{?88|(WO)nQ5#tWl`JL$x-(%w16_-#=fIbQTW;4o9pR#49aSFg8B{-oChpx?i)LzTc6+6@j^;xmn6wCTM_gMi!8Or~=YO zqVPytBFdi)2P4xOw7)DkS;nq|wZHa>M;tKb3YFt3r=H<>L-p)lZd7VBMN7h4bkp%tPSI9v6pi}C-6wo96 zkU1cq}rR?=_<6-?jLk$9mH}+b9{bE;7Qhe#U*DI z`5?hbu`BPo;8x2(tJ!a1>JCYIG);l7OCJtx;;X2==_U$&1JUvVYxJJxP1L6y!bz(S zLtWY!UOOxm0@Q^$$W=pr`i%;%j~C9^E8}@Ii=h%Vx8ZxZkI-q>;X5Z*Vqo5G9Fb6p z!`qKxQ`-`FXdWdhjEI46i#Ow*2Ny_W-Dwyr@Eb^w3{&#zCSCG3F=*Re2=MWuQjQ~e zg;5SMoGlU;$93WL#q!ij=MAy@tIW5ymqSfZ8~HZ957JMzi_a<^C!uD-jO~UIeLq-) z3Q0nGvOFK(FD!(HRdwW8Nhch*lu8YLusVK`~q4Ek_mEWuzkj8#&CHTrf=*XB6l zgU0h1I${*g-qA*G35*Gg_$gT3e;p=yHVG^cW!jk$5BLA7fz{fP*rj?O>EaIzw>tr)tOEay&cpRQ70*BX1+tzmFyg8i^_g449LrisPt{w9?{L5+GGZJk z(Ey8@G{~Zf>bxeU2yA+Sg+5p=e(S%=bRI%GdOFgqG#zK$RCb0=rM`GP@8A}UCC z!>^nTcz)|ZHdHr?>>a%Z=T?mc-;*KOy1f@}&+?#e3+=#3(~*rC*TZs+4e8mn z@5uR%6}a|kJDX~842=)H5O{o-$eN+LWQRzSAhvzAQyQ?yF+YA8r#mB695I z3Kh6rcMWEFFNBH5HnEw9iecLU4#`v1A!*ZS+}>M3Dt`^9cTd#{yu{h`V58u){bb3H zu9w7yG0U)Q-X=^o)1ycBxuCeRn6393fT{0}q08|wymS9HtCwTwDELvC`gh{mw*rn; zEfML|jp4zCF{~<4j2rKn<0MUIs2DT_JKfZYXI(TbQpg4Iwgl)6IuAF;9cGCh7oCoe zUk96&=VHh;BmQ8Sa4(V3rY&bV&MOh-WLH#a*|B-JXU1SGY1E*2GXaLDMDZe-88kDc zTx`(#M1 zAbm*}6L+MPPF*!u`2DA1>eXoKT67sl*F0deK6{ZBh5h8#KwYYI-vz#{wgy`bF@BW( zKn@arxOIIfl^!$_zD(4hio^7Te(^ReQZdGHLf%z&Koi-URL-I@>|yDWo9y$Wt>Dvn z9-j>wNWGl?kl3#`iQLCCqM@+>=BqBE@zp38VfT%>3eV_4S2#TEQYEAH4SBYj9JNs? zgq|aj>AB2t)`>jO{^|jLGX6u)7kadLsj6e7a%e$RK#&AQII<4 zwrISshz94Y!Gw{PI8O5?E~w97h9^VGm6OtR-NbgtFB;3A?UtbVlg8oDFUxt(yce+j zWVi5*s=-@g?;*JojJD3hP=YR^eFsNyTbC)+_lY}i9HK~Oo~cHYb`5GRd0P~7Cj<_w z$ie-odeHhxlO*fiU=}Ow(d2xQNcZ?2eEV2k{KD6m-qsTF6=E?-uDB$s9iEAesYftS zJP=)nRl=bcVzO$l1Ll7+!QZMXShmO=iQG~;H&z8t{`<}@i}P^LjX2nTs|Ku$;)MSB zK)T)V47k6w#VdA*?{+-g|QdO z7Wmt_0{<5HkdnAJ%p}4bXLawSYV#C@EP)jksXY-m7yp=JhAg!+nl6&sO4Qifxxs_Pi0CNNuHcSQ?(;$N7^oPcb24`ZK) ziKo;FKJtb+5aU0N&zAiS8&gi>{Hm$EdRs2WJNAp}ilXp=tk5+qvZepc$Ri~l{bbbj zBh3GC4SYJ74X(5luF0A5FEew+h1tR^*tH+_xFzCy`TbCuKY>k&65PKr`h4xb`|MIn zKHT7C)$ zvf$WQ1Mn-(fP%6Au_H2n@U8IOk?OV!1`WQ!yp5m2n0tfa)Id8PG4MAzQkY4mpP;Cw zdIcv7xeMDqZM-)^n<^fbpf&>qK2-QGkaRr)igzk-!tUwZQRswwz7c#_eua=TB?&L< z2NI>Hc4)o0m#rDD&KvzMLZiDcRk^HyYANc(dh-+Z&f+2}cdFCf0ZT;QE+g>t3&fDm zl3=k(1x%!m!GfK(P)ayXE!zOnb8<2A{dtUOyG-2uO{mF*O%Ua81d8k?j_6p4+M@&D zN|TMq*;yT2weLZCfG$<|smFJJa)YmgW7obZP*VjbCw%s&V7p=gQ)5GY!j2f1g_X{;M zJjEL4<6-%kI;=3+3qwEeVNM;LsB}w%)^x|=aJy!vRPD_E-kL*_B|1TKQ8=U)SmGha zy*R(@Dw7aPVwlQdytu`Jw%i!VlRcb7XS#!ltie7o`&f+kvM-`YBU#o`Ny5Tn)?2?ETpgU~n0+@%=!3)Ln2?L`3RM@IjVU1q|NO-zDuK`x-2;XC zt3(^a7s2IEZdiTi5WYI3LX{)#!a^H0nm@l*Wcc0(`aTYYcsq5Pt5?mUbnPL#awbY2 z976X#TLasFpTl(JB$(4*CyJljfg!7gaJeg!;nSpvnB;s12j8)#ckd^#EgeFq_Tgpx zFxw6tPRdZJx|Qhp-jX`r(qjc1ZsE4ui$vejWO&x_BK#R)3A!pbnCk2xW|~uio;UWB z+Vz9*`<7$WZP03Hm{kL6Hu5;mM2W7Qe?nxudjVECW#SJ1Lr}a~gYT_AgC$Pocwe_% zJoBX*y&2mKgWj!XvRkad<;*#J9=}1HwaF5L_Xg5CCk1x1Uk0ep|BChrH;GNyc{n&y z7AGc^iNoBpaqoY^o>tbB`lR_`zJV0DO^ZSER2yDnbpftF(g!umM5x&9P9MtX^5zT& z@F`vfhQ9gGrH!cNssiWU8gMK7D4aVZ0rVxa@%Qcb;;3=S0%zC|&Z+Jd_B3xq64||M z&*gb^hg4P-?U-;YT6vW&w4Q2tdRz-`yNON0zljGGP3ihh+l9d)XhDGl|A|JynF*) zdr6wU+dPTZZxL8aFYf7k>{7emAiQ@UVsa2$rMd zX_(xJi|-@cxNZqCdk>*&n+7#htcKgB^H})0$D-=|<81bl1ESkuspp?!BLOj zAQRRCO7?QxGqw&F7y3htk~Z(uDs()V)eY-E#NpUoDkRz_3NI&xi|U;3LHolkEa*oq zNcLPt?|0wWoPu@OdBy}g>ZQ~s8%VT1hq>nwi{LDj>u`z7c z4`aT)>C3+?>^0$~qgX6PsKB~P=@RAKdqc@LP zacm&m2+lzl^0a zJ{bv~*x}%1IUGakqOja+t7y`L(I}Z41Vf8Laqqw~@!TzQ@Me||oLqYk1Fc^{+vq{O z@7Vw_$SZ)Gdw$`6VfHXHs+g4>%z$ah4t!La43)VhD>jWD4L$p|Ls-~3&>G|ibyEk> ze3Ml8oE3+Y-o?PO#1OvXz%%Sn0kSVi8)t_sXKm4G>`ulo9vXB6o>&x>Tjh!YbZ@mEBse4G^YGL>BS&pm|=A3`@&Do^# z(Ku??RcI?*kG|vIk`*sc;dX_k;?SV?n08nT9o5rec&f#uFP^GUmS?;yd))KMz7 zusR6RC=Ho`X4Lz^K8UJZNV0Y=0>7$L;GiaCr;f<*$Hjj!@YoP>gn0Z_ov3!nj(c^zgVe+*{PjYZrP-R`S@c32c2c;1-G(W9khP7Khs2Nb zpnRt#o=E?Tht^s0QO0X&YKE*wm=8f{8_YV^gGlVsp56!c|_|#Ggv3>!*}N2 z(OlpVy?)p&9%Ql}mdQV6f2D!t$ebgrell(nI38E;y5J3OM>6$K6OLRJi6`zxP+TBO z$3Ff6l7fG#Fu6n634dYh_LdUUm04I^bx+hH%x_{3d?Ypkht*L%h)Nwhg5-x6Yjq3( z?{WL!>rr1Qznmy`OkYZ0N9;qXGp=a$)0oPq3_Tqg*9K?$=ErH6Dw_nh7E@tu zVk3TZ5n-9k7$K%|4NBU(&{7-*a(`V|%bPh|ZBz>e|6RcTct+q3?+tj@eLp#{X{f;8 zio~v1V;VEN7XDaFr?OhLMCImDS~f@ z;yBeFm_%N+XwZ`uCUj(iE1S~qkN5Qru}WVGXAIs)SDvdUj&Idy2oJ;-%|9fD)T3XG zJK6*^l+MUB?QsA6B^Z!xrmoj8W=`p(iN)`ooSF ztkdUT-Ey#4DV8>$8O4>?90jd?yG72AdSSH6Jn#<~hZ&!A`OWU(IK}P{j;{&>JhPK| zRS&?hSBGGLeGU0H_W+bp9cmsEz@NXF6GG&A3RkL?ik2HRrI! zYA<*3jRl(;O}gu32Nr)Y;yv%1#A=s?+rQRvWTSIeVGy93a{=UPBM z{5npvwGiKRzYg0suVQMr5xq^NA^+-oET%V5aj+>I5iT8!r3-d9uEDz}W9emjoQ3N*!mROi6ZiJ7+@HO(zWk+~{;+r9{f?Wtko-&bP7U`g&?dYRZb z>X4hJ|Cp+?kgI)g3rbCcxsSl#8S}W69+)2ELH9G}8 zdBwifYSQ^1Ldk@6Iw0{xnh))EpivD+F;ngpZXLUc6+Ea0JGYtexJ$_L7b)=!u^0Oq zQ;h#vT5*S;a@6f7;chp#@X*i0ct)H$=8V#%RnhOT!O@&g_PU2DC4b>C(W06xhPVDs zAaOPAO41MJ`EYs zg1YMsOY5$C#5emlK~4sT1J@Jb{;^!qj|wR)&5`C?6XQki zv)|#+pBl`_p%K2H?sA&<>@S>Eb))HF(!8!npu(i?XWu>@fjg`1P-A=;yIp#oj{O_V zTXtRm*KdnpZP6|q_-H@&d@Udam-MLKu_m$G_dY07uYimhMI^9pkl5@+IV1+3BD01K zrEMD`T^;9m7W` z9;21E{`_peEOlEm8Ve6!cJk8v0ZUGG!#>@iP;P1rtV+nPmkC+sE7MUmBFAY)SN>>AF!M*N4vRv-@0+z7+8 z=Wrj_ov5`#hKIx+CkEZ4Xmg{$m9lPP%Nt!d^|$A#H|`Mo-uL8j^&E;hl6-P~5xrO# z&F=RIdyhxir6v|T`4{&p@_1t&D@B2;(QODOqmGb{40-N)GMG3VH^Ji#DzM1^D@JcW z1li`xc<;Lev7CLDkg?uGB$N$!fNh4rTl$B+I*Dv!j{+vtJY@be1lDJ*6nN!zIL$V_ z0-8?yaaUjjHVA*i?Nc^$y|B+Xu-uI2@72PFO>RQx{XFrumg8JCmOfWZ;***f&r>4CK5r#6@Cj^Je_wXoFPoNFz62S;Z&LSL8{o7Z7MpI1clxuX?H z&ul~fDOQ@+om8ePbH3wK;oY&d;dE(xW*FYMbsBBAz5)By-{Hb6DLCk=hlkQ{!vH^J z&K*CJFL5e7Fd>3Q&dkCZKWDyYVH@;^D3B?UndlTUf@e*A4|{Kopjp~Ga9ry$TE4=8 zw`>~17rnfTDH{&b`aeT)!k0N@Kyw*htscf}8(oA>pey#SS&M3Wqp8mQXjbjAlRwT= zgRGHOeBCo?SaW>_H-2L*WEfLWcV{7PK6e)Q*%`u~&y<=y>0s?v2{`Lu4xY+;gU23U zWL;q|#56?*^O}rt&K+siY@*4H1;%vYkDuWB(v;*lAHiISB3$!U3Rjls!ZGVYQl5R6 zjhQaYMaftAwZ@VUlRS*)i{!X*bPl^!u^xjWV#Vhal=!`Q^Qr!FX=;2;ktTNE1BaLA z1lEHKnV9woHK%&Q+70?b_idTrl^ITRtw+(IYlBFGYX`bGon)T{?yQ!38OkahB0ZPR zkzdxUY3NLAYI>_tU?pti5x!ISgU9!Q{+Pwg(i~u>(F`!JeuPbnJke-T9V%s9V#7wo zh+l4P5g#`_2D3kvfN!rkowei&(M_6y5e9a&>(N0}@-c_zZbw?Qate-}xtW@4&Bsu= z&MM@-QiX|i~4yMf~6#1{WOZn5O>5w;K!GOg!yt~$t zCmquu$IBnX!^4xg%ZOUEd)ia_xVIZ;-nZrxc0{nLg9U!*gJHbIR+jT?^ZD+jL--S7 z#l>%)ip6dNc&qVxq3^yO+`KNc(po*bh_yn@{avvCL?pzJ)37zckB4prwB6yvD+ju8 z7xz6FUHp`s`)@Qv&DjbCIuEgA>Sad>mqFY;QJas@973ZCZnG6D;sN}{d`RaB@ac#L z*UHmeV__7$3pGSZ$7}3FY@oQ=;Q|rK&fyk;YV`2eei&ge8anK31O|`_t=O*2HB&YD z=L3tyMdeZg2lY7%oH>_EI&!o=MDb$f2Cf;nkOmBqB#RvaVBuaF{8^>UP4#AqR|`C| z@&1AzK|GmH?$|>T&!j?w(4)N8y#y`}y9@K=I?y-sDmitw6^q6U6gp!kv6E)Pckatm z#-w0VL#9`#f9G1TwR$aD_)!u}Q|8cxx?Q4XH%HukH-N}k-ynBe(_zC`2i!hYjptq#G5MZd zs2;nT43~I{!5J->F|PnxlJ~Hvf(`6XgBBF)tI|(%V=!f}Da#wQL%ijjz%g-)1Y?EM zkS{x(8-HqprbFZ5U4aGKjb4ksK6jaWbsw3U{0w*dK7q#CbO`u65bIZj(n?iL`d`3G zfpw|F*ZtL@Jv*0U%h!DPVqgxHnmciIr@As$6F

nN(i6TP2h$|_i)2K5vQdT& zkW>B>J>CjlK#xPBHNooq)0#w(>XN}p_s&4@mn)(%j))79C=%)BRm;&06q6E zqG}UsvC`u&dFfut-pdt|33I}syjq0}onRnR`{K-gG*{rbY4u<=Q<1NlI0v7t9nVbO zenF{$YP9S{05!C^&#YtgAoblc#I6VUI_Vm8_ie)6od-ZUKMi!U^||5q7NY8P9A-{D zj!A}R#qt?x@IgBk(vJr5UrNL1TQ@mSDT?J+TaMv&)dM*2jx66LWOk!+6!@Jk!SyZd zo;z;{zO=wz%-wnpoyQ%95YsBMcZwRi`aB_r4o`s22V<%K=v!DhWi;(jjb{b_*>UxN z{n*qT2C6o`G`%7Mj=wg*k3xUef}~pxP?p)=h)x;^_xq zY~3HI_@Rhl2Qx^uXbPM?s>{a}`q8sOib`tzloGWcvR6|atYY;Q#_mE@oj8w{YgPMOOX6)`}TQ6N< z1#$a`>t|)U<)1oQEO+FQ&x+Wfq49zCVW^mj$Bxs|L}rlND&w#QEHN$ZFi_q%G`FPm8ORuYj&;Dz0c+0oqYZ*`9Nc*%eI* zVPF3gw5*i5R7g83+h4}2RxiPGK9V#~Q3Z2H7Q;0^Bi8HW0qYkSQaw-hj$5(QX%w94sv;ZeMWZ)l1z+dwvz@t(_z8m!t2>|BosTNS5VqwOFk4Rr_U7w76xE#}=GV-q>vPIKs4WCh+->smNH)}5 zs})6WYJz61!BAy>9W$S}fWpdu%t7}RPBtHnJzAY?!R8SDs7RWoExe1}2P1GxOD1mK zvI7*th6?=13byq69%v>h@Go`-jZ52)tG?QRPT(V0Q@aoRrX44fhS=b!q*1VL)jn(= zw?}klu{rns>4*R7uaUeJM_K3Q3sBlHi#6~4jcc<6M)nsCK42T5e4`xb?e4_?u4O@i zp$4rL{JV=!{SrTnSJ3!!i z*mvQ`#G_EAEk*JMw?p-DQ#xnlKQOy!L(u#V%2W)Yn)~=(=|(+P>OG+#Q5D>qJlD=T{8*Cx;TLB~oZ_5Dn(K#yCG?IgG4sh21Z;=)A0P z{Kra1Zu5iE@mlAg{=-9d&ip$II5<#jc~_I7@hN;WkI?eU4*X>B7FFWU;?6x;?5g^F z@G2OG%W}Suts}ee=;=o!Xi9xa-1#cDym%N@`g9b()(+yCuhOwbI+Aq@4BJoH4fx5V z6?1)d;iQd!*!IS7YIpnwe7GZgDhmzY?Ul@O23BLYyH4SWeQI4pM}Fsc+fs1D+AwFs2)IDl>) zYNFy4bF}EwiBtQFv`+PpJeL*!O+CvdO)awY}0=vjYk6T3Xf*5R8R>9*FX7u^M zI|5hm0Xn?A$m;9I&><5#A;3lkF1&e#epORw$9QXgYj6`ON_WHc#W|#*#}b0i4yD_k zmqLT1DJ;$G#rB>n5IH6q3&vfBn1Xy5Zt?=_t{KoNt$oJUE=tvw23HhSRBB`qX*RlhOc)YS;?Q@U|bf~seo^Z|o2hJ?> zg{$VfQGVuV{CQ(9Q*Ql+PTFelc=KEQ5qgE3Ked=|5`BmN-Y$jgZfV{;?iUk<{bma* zHb6|@d-B329{Wu?QGK@+xU5(vwh=g~aU%qe;;2O687twQgCaLMo{4imAIEKiBRab- zj*ab}#3KfWqNSM@kCz+|Z?q~%wwyebZZ`)K{12C#)I-&f{Y+EHN_xHQ!4WSCaivEo z%=-F|_#32>u`kTw#|t}d;c*{S>eBGD%~7_ps}0`@`%I7EDjag-DKWgKiGMWLfzRb$ zvF%D3I$UJJKgtx4z`Tk0OWl$`o%xq+7_TojedI-hHryu%%Pz8>icygK+fy9cIDk)4 z-vw9@i?5fAgHny7EPTmfm^I4*?r)n6j`ylW=HK&0`_&hboe`4k$pKj!ldli6Cp$3j zX#)R4Y6&d(?TrzA1M%n3qcE=|i|i9-j)zi&8K=x3=CWbdR#VJ*#vD%=aRr#ms-Kl|{tyD@*eS)bPHDZ}@Ft$0fQ8u_N# z09LzIxnH#4-J8CKRejXK6XD}o-)Sq_SQ3tNR@}y~OMk(g_4yE56jr@v9p;--bsX}7Qx@L?K*hxlBfU8 z`iP3vqp4-UGjx6K$aR7pAgf6N=Zt(JmVEn({M`Avv{u5DYkbtjx1T&%(FlKXe541J zakk*U-Q2lymkG45$->ZoB+3B9I07s-`=!skC%qD965{!ic*j;k>y&ugdikFKe_ zMDZF{4IDzJigvNKgju2q71zPSVI8$O96@VWrsML3p)~B77A{N~%g>&BS$b}XA>EaB z2zG~N!pAFvd2D?)p7KqHG^4S6(0-1UCRX&fn<6yIDuL65BruLE!P@D%Fkx*2%)XG% z%5;~ppTo90SXUa*gkj^jg4=vZ2nu5HT~}C5*)9n9<63lfwI|Av>FBr4ldiuNU7A|h zDLT6Q6#3YD0pHmR{IB@GL?_`fSZfB6HOr*vUv&nHI<>gQ&Lqq&2YM>$F3ijmI!o79 z!3M=Kpq*ks?1!i0J3UYOcdr(A%`oCdnbU|!cPZwGlxeu}eysRzNk1&qpwIHx;;*7+ zD4i;J_5>HanePa`{ZldB(CW@qym!IlQIvMqmZ8bd|G*=5sd$jOH2e2O*ymI{AgFR5 zZsvRu-Hue^x0dK&NJb*E6cBSb7;Z$+K4q?lh1^L^Qga;)@ z8_Q#0wD&)zeDgZaZe9Y~Z`xtb(f!oG;0vk?@863f_4y)S1OCjd65^`k*~{T``DEWQ z{8#rYR+6su`*|R7jW{S$TO?>xF9gFNiAkg?!W*30AHoTpGR*#F zfOAgH-~o~i@U5&Fu3poixA(?EM%G4fw7rH4(si)g@fS-DUm;#NYCPQYO3FI|&2Ma$8g2`+40XCW$ByYsEGrtiOKBdsckSg`ZVEU{!iF1tz7LDj|KYQ} zFY)CbRWe|(kVzkJhEjft;3B`AZ0Jm6j<;Up0wp!!EYF2AS3(62Yz%Oncpeh<3}sWx zvEhE2FoT{%pS)D13ZEFdRLIfQvEh8o-yJx9q%Hky@f&L;LdBI=lEE|i5&XV!7Yfgf z;h%%TS*NeCU*6|URRwR_H2o(c=a!}9_oBCK@)`rSX^0%}zjpzkqDO9tkHKjIp!#7(R^i;Jv>N zKtK=R-Si&(bH!L-@Z5lk7Y?YCXTV!_Yy+v#Z`d~dI@CvIk>L(==(P!xSpScu{N&9J z&^d9AJ@Bq3&-M-CF&FB|nyl3@Mk#}g_!>#cmRh#v?qdGxY3p|vY1F|!Q@Iwtl zQ0=-N-x>M>Lr=cK-|Y_K$B(t>*>UmsaAN_MZ#qIeL5lA>A5S_@jO1D`k6?q^3A~rD z#0Qj5pu)a@6q%*cVHs)|GD;2q`5Zt;)d#3QzYOJeSFod@Ygj9>#M%@yyeI6ESASRL z)mqnK#T+@jxHOS{n4f{S&r9I;vIJOpN9ghB-^XyFv*qKJ1!KPXV$SBL_$OkJC^bZI z#q7~zFSaiP_b4aOGaW#!UwnoUm%Zs!|Ig&AyfV%fJHdm-Y49Ui-~rCu3GS0EG09qy zzIts&yLU;j)Kz-u9wH_e_uODlCk^B0!?m$VuZ>y57l@el2Q+s5WF|C=|C;X3hh12R zWo!CGLl=%E-goq=vB6#3ax0eA1WkwK7lz_6!K0ejnkAn8PYPq3?nBv9e=2q!Ko$us zxf|89scFAHU#jH@Cxi@N0~^3y);@t!fw?qzRxWA}6VWl^e4Kr-hZIVm#I-FkXw;sD zPWB?4CG^sw-8x8c+%*=oQ7@hu+SFphqfi^JdXfjIV}23`v|j|YA_jAH2}}7DIC5v3G?zUcWz(8tqL3BWc8=Yej;0 z;U2L)`+yBv>4*;E5QyB6h!%5waGt0byB6y6+^1RSs+ljEQ}bD@{#2NCJq+Tdcg~~b zCtp6hC54}d?Qm>KKDp;R70ldPQenDM3~JgBmM3gqu{rZ>vNVf_VUWAc|n(9c0Q z{AnMgUE|`{yVIa+`v>xR{%brpG@XnZD)a_F-GEo88M!vU1KVzT;IWb@R^bp#PYwu# zoY>VU9$|w0Mz-kmXEZKwQ^Q5Y55Ot=KIAo>VUc@7pm=$Jz!_7ZtI8MhYjx*9bICKO zHeueu614cXJ^Pq_$4StZk|$ec z$2e79A?^mRjvid`%mFAmdXrLk zcgc!QQ1ZfAi{3%q3kQBoPYR4vZ!%V0#OD66#FyGusK0PF_Za#C`deCY)8jC(e)tJg zPW6)2=BMDGPIkQNm_jD!T@wG(%q6$lk3w`&kg&JQ zftoex)aB)QkW+jCv;Bm>0gX{~n!q^B{j0@2$t8R|dl5`@yGRZ94g<$6hL|t&5DHY{ z*#vrnmA9JksxLD+T^m6(jeld%0xLR7=*d-_9R)T*W`rIJ;#XfLVd<9~DKE6@m zdkZaahfE9}Kevg-}&@zF40Q!X^UYr>~WS24u;2A+B)utB!(6m6Rvjhj5=+4Y;N zxM;U3-66hDrs(>T)6xs@{@NipTr-`>49Z5C5kb7f%nN@1kPtYdXCVA@0Lk9%O1Bsu z=dY5C;e7E0*y^Xil%^dMtH}$#HoHhDN{$n$7HXBOX{sQaSjTLgLK;3^f)NWeQ2Jjs&V8uHzkgFAw^yBE-Hs{XDR-D0PkqJYg${j$ z-~`L>m#0~s0<-CZ&)!_xQ}yR*Zci?vApp8uryg0 zKYo;DKZjB}YO4)(IhaM9r&wa)nr1jLH6KD&Yf=g4M(lj6&Nm+mg$N=0Ul;0+;=HlA z=vNn3-W-Ap5AG6eGZTCz{fC(R>SwI*%vSpF+Y9pW??9TSw1zeoF&u4ZL`&%*c>nMY zq%=wKcPU@0HdWWc6n_^M7xN1>FP!B=I@D11o(``&-HBF_#n|(vUsUxyjlJ5k2C}18 zL8i=1Xj*VUq*Xr`^a~xh#r~@hEd7pI*iI4K^{7IkXgsDLS(2D(D?QFJxvv zlh8YQ{Ev|-o(v9#D2ZLLW65#68p_!S=^&DAaF6UzHODy)?--7p22r|sWX#Zm5R!9* zG&l}IPlr4flr)X+o1jkPa=ajafh8mnHFRCF52Q9NW`pBmh4Vuj9!=8W&#zh0*%M8` ze2XQ0^>PRvp1g*;TzHJPttatq3sZ2^N_qY}WhlN<5oT3mirCt~!DOswewzhBzPYcoE*uVY#%gq7d#I%i{A(|78sF#*>sZz z(UUPRaq(hxJ}hAzU)V&6t#=_?{W6zz>DR-ko_0~NLI(@^{+O(MU&!`0?LwI() z6n8#R1g27!H1*O7%-wp49Bned_;tQ8I&3rE(JK+SKMByUG@Uf0=3I(7R7s#!QJ<+#Xn>?-?2vT#B z=)XsaO!<~K-mw0I8pmgn{TZ)``>sV)=eRtJc{YX~a6K#DeNB^^UX&ziiScyY@jBQf z^n~n#_JeL(J?xX32i4Ao>~78<@mIrR#8PevX+3sayl+{5Rn%u+IDH*>v_=$)H4eee z3=1wbVjZ>6p8ypjwP@^OO-vLY!65C2ST4?nw}-QN_fb9+;^e!lq|45H(khyYfu7K*s>)Nthf(bE?Ee_w=Sa9#ZIvJ>UXkgZV#Jk zEF-?7YDB}W>cHXE9kx+!Hv~3+g~qqtxZ|59-&HTn2R3Blo~~`g(M$(6s;@+;1qX0( zzrcrIWeKOx4xtKN3HWI2Yy=H|`1M;67M@MOJ@GksAreY}&k9vXxx`Uyrd=>yj*=>R$x+et6NjGgNTMktNWwNQTY% z&y5b4Ujf4=?}KgIWND4E41eSo0(169@XBk;r=IZCfe|ZnVCykS>iyJ!E`4y1)T(91dN;gAn3jfrb?|tf5{YK zmNglxgC@|lh>e(TWP*Vk-Np2(1txV~gs93izI1dyq@>kjMT$LJFlHrcPtU@+kt>*O zd;srTG!Ivqzb6?g>v)g4oXGU=RFqBa#s!uy*$}-<{I0E!IW!8+3|YW4_bSmB7o+gq z_%Je9_6;2HeFd2bDXgy6ftU+ii#;=Z@a&umI5VIO-d+>&lTMGA@uexa^RX2DbLI@3 zQ1ryT0)KGf$P}#8$_AsAqzm5~s#(VGau~hO8g8#Rh->T`$&XhDq1wTL?q6|KaO1|)+pdGaIN&wAlR5{d zty<3pw^=c|3&G^WR^q)h4tI?XVtP}@vc^;i+A+`sa!(zC)EN(m=k|A`xOf;Y`J0c| zK8^*Qn29thFqzyQr_K^Swi0{OX8i3WDSGTGg`eD3(xOx9%zJ1hPLT_v1-^e#Q`HfN zbxY7+6;Esqu#fn`RSx!C3gc@n^x^0BAdGCEirQovlj;~sKkF&df}Ne@s^fO7-8l=T zqVm~KiIe1OS2x==P>HT9(dW}_cG`T)-;26$HUP=g!;9~a!_7x^*f>BM>)n^oz3Wfl z4m$(f(%%egBg7z~I2sOJh@|72<%M^+Ni=qsEv<_Qg$1Hyw()HrmJUxq-&O70?>ig{Wo=x~HGYk~% z^;oSD#m(h;m^*JQ+T8HRsZIsL+3kdl(!x9Q%@&sSY$flA8jKrz-l6`&i#Tk^QA~F- zK)rvmU~zW~TGnzaZOeG#L3rW6Rd}V04?3>BsMb%5*updV40gT#tgrGpB5#hsQ(3 z-wT^wA&{Y0dAijDf~)xADR5DDoj< z9WxuS70hyqnQbe<&l|9wep`ND>lilk|K-vJoh{EC>Z zj>4X>i{z`U0e$)C0h9k+3OK#5Owgut!?xm#7;U({ zqgU*uAB2r{!g+L1@RC#}!n4%v;!keJpnOt{`1q~>3=Ws$ntxj1ck^lx&o!jQW=9}w zatYdvdx(1ZdN6;yFEtL`kKe3v@lDn<;{33c{8#Qt&qwZnYYQ#0B|nH3wA?`F6UBHU z!5a-~0&wjRA&Yx-8MT_3!0L@urYHtTflvH((Tfl3;Ja!IYW*H1e78s8%IQ@6lu<)s zw=3ckBPVP>IEwmI`a!X51em^0Q4&-b54t(=p&b(zJy>AA@hn%R#b9U;*ttjXn`Vo=LF?CtjTb z_1hPcgt+Z!+cyDK3sPZ0Vy|%C>C#)qqd4w=iQ8oEqHL)X+pPrR@v5`g>WW^>2`Bud zias=@I|zB)mpI{yH+EIoGlgLzU|gjH^kx;I$xPvnzibIf{Wg_MqqilIVBZd&>MVs@kIFWNtWo3v*&NVkATyr_Q*zh;5Rl5`(LSZ z-I3$C|CIx%`L7(0S8~!bSO*OD=3(8cP`YVABL?Ypl7_oufz~`F60ZavpRy-~yYeV` zKY@AK7K$%@{RpIHoxnhE#PH=gsOKjQiD#1W!n#2;+cg~?HciK%&{RA-;jZvCIXL&l zA8YrI1oNNcd3vu0nC%u`e40Yr=>JmJpKsevJjoD6j6CSxPRXCI4(JE*d z*om6(zTlc2A0#m5Wm9oTqZ~HJRp8-ex3GWnGB);68(3Ly;6MHlR_v|GugUDQP6}~? z=;5iN%w{|I@6Aj)zfNF6uk90pxV|J*|1Eo1ei3+37wMDN#BUoZxskY@f3s2KWx6R? zDY1?Il1*YhwrhmH9VgiDhAUX;!{E|5GoF7q7Zqo}5xT4QkR;J&IP4JDHL)r_}@-=LDxWvr=5hIZdIENI;s9AVnYc61~%o4+ZnE1L3E z-eMU0)B}{S2=WKJAY7p`mt5>4*y%T%q-X48YEI`MVWT;25S&z37F>m%Iz`-a`xe@q zzr>724uZd2m|wb|#qb&pI%nhr+>tDcw^p9U&bB{f-D)EmdUhWkdK(1^k8^NIi4)!x zm}<|*2cz8rFLHH>JRWSGgpMsE&?T#xC2J{>?o2lv7+Z^m9do!`G z2fg{DiG>Sm2A8*SLSIURCq8=el63>o>$L?2ACiHAM~3p^^XIW?+eW-N_zjraAFFz~ zWFVcAHx-we?Ze9(_7KNY6ar;cofui z7s0U`!H_dU0Y;cv(bXrF_-wfaIP-xNy}Nrm7GL=Z(eyqBSnI%~gM+a}NfVWRP5|rO zXQ0En6!s>|(5cfV!0mgdAo1a8Ho>?ItbXnU#gHl7`-CQ|IG{uJo@)^)6@Fk7{M31H zeI!iuo5{U@b+LO72BWSpBg@zui$#`=(Dw5%q_}n9uI;XT*e5>*Et#0E(riV679Ton~ph(%#*Wq9SZPvUb1 z$3S)S6_JziV0K!sm290;&EnQvWGk|qcwq4nqP;W*R`vd3Z!)s5;k*SbHNgmA ztCRe)up+zH%ECz+gYrk}ux)TBo|z~CZhI}@Rk1WpNGk>X-Qz`W?pA_-`ySg+84rFF z&fu7`dobu~8BA8lhtYqMpkdQZur<8}J@H*^+<=qVWEUyEeZdetPifKfGYK42ILLbB zg){8_ZIm=vNAfMVlCmQ@JTj*Qj~fgphpiZHxy-Or&KrNI>qBtvDi~=$fft_+C7#3n z!I`9QBp_G@5@O4taJUKTmkpz9&y|TAU^G9xH5t-=MM0(ENs@$GD7W$x3l-S%l~vQp zxdr-c^AN5aK~1MI@R1al$tPk>w5}+9UKo1nJ!HwN)$rSny;!a^lP*~}3kx#;LGF!BpnB#D zroYzX|Eh3m}uS~GJtB`|U0E7bgDjB?gDk=Jj8 zixK@e{+$Qydw3O8T;7wS3;p6J_7-Ho^z~HbmNKYF?PDK`oT%@BBHZFIiHWWDfq{83 zj+a)UwTH(NZxTkw5oV)TbdMC8+TQIX-*K7(V>I3LP=&7y60gd4tw| z5~AY32G~jRSL@!BU5mr`U8NWB9lw#GzMW`0-i*Jb*U8C4_eoM)3L1}6Mn}_0C=&WR z(|5;E2dBaOpv@r4i=LB8!;84v!;vjItxX-q1k>{A-$>Y{6@0_afqa?TBhV3Y)Dd3w zB*uCRqV1l}IB z3`Z2tz%c=yOuM#H{4(t=`_DEKyZ4lWp|2Hm-A-n!a)yKSl2*KT(ujA($5Nhgi@7G& z!ocTpkXuxWw%`APU)5=R9QTFnewP5QK?^Z)xjR%Y`^!RPYBBPJKWaoAfP-(Il4Am+ zGVgXC&M>Ni0^9w#;Iut_Z$FD?AKYU{uUo*uCRvp26P&rr|AQ*aAz+%Z4jyZ}2`<}o z+{1q0#xUXYiWtON4{Op(%{shZ<^c&+)DUGfO~YBYq$&e#D&YA8E0J^hVMr_3heYcm zoOI8&G4P(q)~2iz_JDP;>iAe%clNf>5uXT0ZKMVFOA3sM4#Bq4G1#(eD4(M946dgX z2^qh2bfrTQSk+y_(L*el?*79z|9o=6B_>?dqqvhx4Vs13TU$xms7>%%*OfeuxyIhs z-(ibt&0y990ws@{aOHXcxrv)>etH**KK2MMf-7RuS8`9}Cu7B}JJX1`b^@->oXkyi zzLEI`Q}}$twfx_kYfxim&(CB%VhJ{;_+DU5{F|EwYPz#9<1;5-453f+5|wEOe0;+l zO^ht)b*&eYmV9h1`!7 zSh6BW{Bv3)ZSBcI^Y>?9u~9a}==8F#C&T!YT`@5C-6YyI!XFaM9caX^6X5(uV0rI6 z4j272AZBM0IvD>4B?+I<_M|c0d0Xs;(V_TctX1 ztLJ@e^8Wyfi`@9vEiLd?Qs}E&Okh|X0N+y{u~m}ltViJM>N*K~|BuS}L@f@|vS!d@ zi!^ZC!7yPKwj32C+AuM7Dr{Og;EG2E=x1Joe%2*0ET$Z% z&yOPFoO$@TuLXWaerIjl(jhI+jjB0F^Mz%L@Z|ju_{PGSO>XFfdCRjz+pTiRkh@*r zS5}M3&$r`{?~`c%jR3N_*qp}=c7_MTk6^^wFi6O<;&r&dj=&ZvA^7iCwE$I&nAq0`kDZ)FIaKN)p+Hd2wEF@*s5^=9AkNr52zx^2xeA*HhS6Y z#+h&Asf*n)w!Ul}xj#RM`!zN~V|o_M5psCZdIqq{t_N5B=ZXjJXz=K#x#Z}-d+_M# zMO;!`#GiV9#rAQ3SzLKES!7a5LDOttuJ2}<{WHG^rN7SM%37hq9-IBat4 z#rq}GcxcZXJX^94RZi+dYmWvz)-vE7_Iq*j-bYxQHJ&iIjzE?XTqiF@2=0a?cu zI55E)eePtD-=B7Y%Ak!zcUTj?E-b*`*vK@zB}EqZ%i)~TVhAf32-jc#f~?Kyuw@a0 z*<074->l=C5+je2z~uKksN3L-Iy1{5 zXtxUtwJ(WPuECsH+csJXQbLmw_Jz8b;jx|rXgCQngV1oWWfkQ3q8)t67 z6LE@s&c+q|{OwKb{IEumUqvIDH}zqP?_n6#^^RS@Oo3~N*jP4zq+UC~yyfKh246Lv z#q4pSpA7#!)(exX1ecVZg^=M_qqW_a!2D($;-$r~>2oON+7G~z?N^!nR1p8k2tchr zF*x;SJ8mEM$wtlQEX+9dk;wbZ$D;qH^Pgj%2|H9hZa8ZnN;kXFjG9+iI@=J&mLBDn zi?5T}_V?gOmYbla@Mir}T^Oo3gLQ^F`Mh=(Ej7{NQLhc@&ghrKPWhNA^`st)ejw1>!7Y6?nEm9fM_uV&R9AxOm5Hcv+T!ryl9>L2<3H@S6^i{OV4- zi^o%qOnF%E6OUuZa{RQb8l~EVd;jIByy-$3Rz1DVUi+)y!0#0>dQKERY7lr@%NK}W zY45>MCl#Ll(h$t1O(1b!3}}#bk@d5H7+kkn4H`po$l^JcFuAvhJkInXzh?xHP1#G~ z-lVJS?Vls${Zb#8p2@{45(n}#3tL&)=gsg~SA!~VxdH5@F}qkhf?hDIhouuD$(&`< zXu4mAmVb^V-eZR9#-Q$QJgr?SsIHQP68H&trE!AnVeE3{22xi6gkZ zB@@=2PGehl9|olbJFxkw20uL|3Dk5vxUyO_RT3-E@!jiTZIcKs6Ae%@RhbP)X@E1~ zq43jcJZ*iF2F5oz{+|z2F)5ljZ8xFscIa?N)iQWJZyrs2bevW9uVD$DlC<<7C*9k% z=+Y|;oi@y7;v#jra>Q)9SGZTpDyZX&1|^8!)I$~r2cp(zU4G`%4LlgS1V*@pa+rLK z9X$9I!fq)-`p}_VS@Ak9-MfRmFjk>YE%IR8351K%a`b`iW3pClDf>2HH}{X$GxkZsrN3d!Af$|J81WV?RvEz_mm^?tvH-10*084%e{jT{&rH5aU4xwv8~hS}D^9bmWV zuQP8zM1!Ge6d;SPJxj>Q<|VW8_e1r9q$L!FR2O1&Ho@o#S1Bt*Q$s*(yK>aK!$ zqu!&e>l$*8Y0|xwL$S#F0%!~F8j01meB!`%XspU+r^*(?Kf^fD`R93HTCWQm-zea; z9S3mF@zr2%StHtd*aj^u6sTKdiRfS14!jY46@|e%PRSPt(*8X-IA9b#R`Q+=vXNgiahtUp1{ab;qH^iu-<(QS2O&0 zGX|f$f5)a@(B#cyreb923H;aNDa<|Q5}!F5czA3XTRSP0x=)m%udbR2+4xP=OQD$U zmFb1;{V&*XVZY$pCH$|C4#0Jr`r+NoYWD2UMCh|j=UpNObI&DJ?l2Ux+=o>#wd6Cq z(-#kgZEHZZFNI{ysS*ED+#|Z{aRxrWw&U-D0r-E${QD$JEQkt%QaU=MYmnTRfrK3QHC?;)LuqSoEWw94StM$Waa8 z>+D6pY&{JP4b>=;Jd5f}u8C?t?Pnuu!s%>Nbv!gQ0pd2hk?77$(5#Ec2V1A|awkLD zu91LlUmJ**zzThTeI6aZR~A?Gb)$Gimyng0;2y04!%|TB=LF{~7YYZO;MMA$43*0}V2$EOyuV~DYCKM0D~71hNAD8( zzRXHcOH{ygLoc#DU4c*CAi-zs@W#(G^5EIW{op^6vDD?av2u6>bj-TPJo{SNi_pPv zrFR-i_kP1Qn_lC=7c;=D?Jenwe@?=k4Pf@)9klTLC>S}u5*l+J!f(eg=oPfu&MwR8 zg#*J#zGFCyEX=`c?ftl`Wef`xx`0G!E6bXq2@>#w^w}MR%}LsP;p&A{fA?mdDmjtn z%{@<~%NG+P<6|^T-VkG8EUhk&7W_Egpse;y^y6>`4A>BgvzK2cJLCu8!hfSFoH>oF zCLN_Cr*JmDjL@Tv2l1_JIcNtzfx+9`z`aimjmHdx-R_S_-%r7L*2Zz)?;-52WG5Q8 z$#L=CSTbzt92}tGK=&9AAy%uG(HvWCJh*HePHRYJ2ipHZ?1f1@FCmQHJ}*t5S}F6^ z|H_z^sv5jslFp`hpMo{r`%xp`mMVX`0VYRdA>wi>cYo(V++7FICmtWcQ`?`6moVWW ziDFFo7=-5j)wzbrX>vq{Bfy?$Y7erxh^h_uFk9_Qw+|7Qk5&*mo{gKdfTDN z>j+vn%w=9N8+iLRH>k@!3X?5I;o1T*mbMturw47o%%h#@xxZkem+R80>&NiW*(&t2 z;P+s|20=*ladb{phc}+eRBU|{LNh(UA~8ZdAzu~8;9IgV-VgW2y0L_Kb2{>=7C22A zMyF|M;+$J~&@f>tt((=zF5a(&;d6T`ML%2NvsMVVr3cvBxwlAkZX0~|_ahU3UxgM+ zUB2jUELeZf1dYdk*to5Cz$knv_1K{RQbg$d>q)?#mcJ0Y*%TGplJWYI_w42a4`?s5@>)%ytXxq?I>`_JKG_$b{^&|t|c4)Q|0n!S(>jgmcJudeN=&K>dF_CHw5Ykf8?*=wYYDVDG9-547%tSgjhgeldbv zg5z*Y)_}`DZ@{p|i9F@ZB0RqHG1K&!iYKHLp;omJ1D6C5>%NC1<<5H;SK>zlN6rPh z&5@hlK^wls9JDm%cHjH(pEm0mY?}0Os4f)Adks`7N&g3v|c{^KUi{O8P!r! zgBs15C@1hPixQRTsq_Fc>g_)`r~H;pEmei!ZdpD-X9;N;8!rxW-wxSVILz&gH@H2_AUgwlsz_A^j_grvuJpdCH$VB)TUdexYL5x2cQ+9$!!y! zVyD-BoRYDWIQOJ8-;>U)I&KL;+ZuM<_A*Rqcme-pRmr-ax5Vb=uf(H76&Tb7n4>ln z7pt6uO>Nsy!a)~=H%yU#%Dt*d!hNdk_5*Z?zeY|fOHxSr?jqG9fF*y2oBK2Tjmn4Siq@X8gRd5Lu;cd^=Dln_XnM-8yxy}$=u@QAY$=7RglXm15A5c(l%22&LPHQuQ3;s)em8ynEkD7OK)K zZZ3TRQ{SlaX~SIUrrm$or)QJ+p67EQ@W)$BmL7{uUZsf1QCP5Q1sYBdCzcP2$&@RF z@Ym87y*t)3(Xehb+1m~;f6K$f+h$~^{5A312SPqC%>vyXsqwSpr}Hl#6Cj|z8CJ)r zLA#bOdbb$kp>d@|@$EgaZoqE7=W#RK{5gZ9AG!jUBtJs#TV*=?1n^&T1V2KKF23(> z5t)>5JT}A|3iDPVy=2K$O{3t!(;!i(=Qp_8=?n{=T?gOyp)hj457}#WPb7Q)EnZlC z4A-n`C+`1N;)mR87?fBEOCr^9-I!(|D}G?JLm4shod^Fuy=4kY9mJz0?&6}K4m9$m z6`d#e%Kqkga-H=CIPrtyYttvR-pf56kI&6Yh$-7 z7hX4iV*$(oc3kSWZeQ{U7u8InJ{GlTYJC*{1PZQ9`8c-MHIxir>c)bmoxp^1s{IJ6bM*QKq5T`E?t4^ZEjO-DrZp*8C$9ZHrj? zoB{lZL>>FouUdJ1%`>uV;YM7y;uR>)noCz4PsARrf%J~CF1)C!W3fRO;q%0m#IxIw zubDG|Xs-9i|Ez52b*X01(D^AITbW*2w`nTw{8^7)&z@pTy&)tzgu$ks01O!$gU23Q z!T0R1q6O<8;JJM_QC>HWZB1a9;vEMwmhHhS*J?y#POd>OV>@0Qrv|l6$Hnga8u-au zz@sN0h*Q}2s&^`0)cPu(m_+{SJEtm7^ti$4@&rHcVC6wa-Vxl7kpLSm55RGbL3j zcSZB}#{ysIfcG{oU|TMBLW?l_{gWY2!xW~m0TE)Bf4B_y|B40;^@lh>$&|k?oCffQ zgUiP>Sm76ou|khM_-rz2zYv@!WlzahiJ5{&v;|aKWATh<1-QsI;fi-*!hA>ul8=4I zI~o>vZ&^N582^Zc9umO_*VU-{OrE#z8$&Ecnxb}pGN!&6PPbgV1a=MYZ34f&1CQQp zk&T8g-ZeLX;&LIok?V<(vn6P(O9dGUJ?Xvoj+n7BC+iV%pk zvNi}FPS{)%3*xT^nCzDichqf2S?fn6E^?%(P?wj8Y=#sSrHmIug6&kD$SHQ~o8Si1Zzf5WE48aliQq zvQI$_r(b&FuGC|=)mRnJrBpzLq$8~D+(M0p`w0Jj0-GLnqq2u2hJGE1Drfb1>56K2 zJFyY7KMsJ1`@^uWW1+~<>-Gkwsi7Z30%JM5!&2T=fAY3^0wi% zZ1nlze1_4DO4;QOe1z5r;*gOkWX-R$THhqR_T_?DYmObxNl>Eq$K7ITYU+Y_VI|bM z6qBzDbos7B68y_uHz*vR1NGUOxaiz{_F#CBu>047+{{SU+AieP-DBx&$r0SS#u3sx zCS&CXc~G0Z70bRwSH3NmdDEW z4+5vXLXP3X7o2L@jALjg`sxgzo%$+xPBE=mqrR6d3xxK$!Ep z@MUhNF#f|h>Nv3j%zb3}93da`MD8?f3khY;MfEKCkRjP$ZNhryuY$Ut22^ACFnajh zP`07M zSK#-isng%1KHzEY4kKl(tsmy=xatCM415hFAf+Z^l;F&%Kk>k$5`QSvbf7e!ZJm3V18^*w9=SM8D zVikPR+)9d01+mu?(#Xw$5ty+*5UZ_@6RY3K^johF=uiFytGg~?+!zl2lN!jkjCb%j z`viOF=*m-Pj;70`_Q1M{7hsZkqL4$*1#PE^pmGC_rw%W_>JU?1W47#a0W`QIu}{}3nY-Q%Y=6{?8_twsZ1_xO zE`1cE@0nrZoHR5M*s3!&Ta!%vqfotc17fBQZ8+_Mppy%v;x-tr`&?!8cRt!|9>!WO z=ZnpxW$1n{2Q2fy4AWx{vVBSiK(WCEtLsxR=Ybr}`Y?o98Y{x~cq`amc%RIRwB_+n zX7h(|lPvK|!=A<&JmN+NPTA;=nI{Lrcn@>_cF`u-mMBBYhmYejg9bzKlNC_DxD3sW z^T@AySGXFG2SvdLVXyHo*fjYw3!e2<)Z;OTgw~&dikD*Ish`MKPMRh<*g6m_f3Lv5 zZ`ZJeQqCCrUYTqV?pV*OV{qJ(9GL4g8eR|2Auwkkk4ZPjRenn#{8lV?E*Q<12=0Nt z&IXLkv4$)!$PrFUxU)J6d2Ml{kt|Z>Vh5sqgSq4hfJ#I4G zT3P@t7m{Jg#n*UpULIzi^TG8i2lDPE%B)lBjJW)nGz@dR1J~1*kq@`BSiF5Sy3Kfq z_fNlJjvk{q8tP)rUsX8cWC2n;O`+=JGu-2>hfzt}VQXeSrn=1F;?)yif7j*83f>C7 zrt84|;V7bUv5L9xjDms7Q$X8n5j)@EjW6C@6_2mjjJ`DrbgpYS%xriMIdL`6pLQ1Z z-wA-=@5#j5WFFPFEEOegyvtf;z45WFDe=fhY_m;;3y)U`&!izlC~v_F%g&*e-yp2@ zs0Mwh(bQ<&r^=Cq50K7|mQX$t1l6u-(p|o|ies+}bpG zUVRhL@ursN6gKaaraP0`GC_5yP1coJybb%qHx&qzy48ZlgYgdDe@!s8;OdG?!OwC&y? z_VemUbe#SgRw&McweOB#;Y}6ZH!}dkY)#;=^%_3pPZ%8VcBO9CCh$INCg1R}LU0IV ziI(JdRq`D#!JtNw|8a|h_*zZ=YmgR$lw5p~ua2v0n%I?%W1zHB3e&7sql8ilWaG1RQ?;5j_xj;&i_oH6>Z)|BpOgr1brg&(Bw<(NyR;HI065cGB{BC9L+$6s7)s$=Xe33C{FmC|a-@-*#XLi$wb>bFEcFSVnH<6A zHfM2e`9-2o;flex`$a{*CfxC?Db3QI3T{6m(KXnQSs&Bjt53aVzQ4qHP2kd`xtvDZ zN?Y`NG8cNC5o?`?(oa=cVBUTeo8>-=%x6DEjoy{w0T2$UOH;`+cXbfYJWkp|evpE^ z6{P*oHx|3qkMC18r}oBU$OK78Y^a!x17JLy6XtkUUX#hRZyVYA12dV{QDva!K(l`7(vW%s)$scta^z#Wjd(tRGZ;bj!lg z^VV0@%X(t^WmDp->IIFC^ReUTTm13-5zPJXI}ASd4UhdhiZ|+>;}jE)Yx=dppz4sA zmW`qbix#8rg`a39oDZ+&OopYO->_v;cZkD$p-WL;PpX?IfnwMxk?Njp;>Sfp`JBbZ zeEc3m-d-pPo8McKKgpTUS;a(CdwU=~c8$R9G~yEy)#>836L7|lK#}OzTs~=NG;=JD z#c5CHfC_$v_dk!Z9gLE>{1yrwD%+g2ZHcSod7SJG`4U+4xU`U3-Wq^Se_b-T^~web9^zJIv|TR z-lgD^5sr>CUbBkueXuEdHug_FfYj{^J6IufIA2bpZK2!Ht4)!Pw~9uQ;Lq4!dKM2T z>Tyk}#;V#_;l1l-KaQEV6IQK`VKHl8p^`}qE^evC%0(yG?WI%ck8k^NeBTbi8Glk> z$Q}jzGD*P=RRozctm(<5Rrv1ZFS6?NU^qLl%ciR38>VLaqUF$ZU>Dwi+qY;6cd{_1 z{|NcrV~jppm+`NTGDhwEi@{&!f_dOH$Ql`UA z?HAY~BjJ94EanW*ht0PI(p|lKiHw*0fRX<~;GD?}{xE$Q8DCOOc71w* zy8^?Zp=1CyhJ}&n_77M)aSMJf7zR0tHEd>1GJYFe0khs&(lMiRAu=R}S$}nAX^I>c z;LFQM$Z9wTOSg~b8JA?x6R(y`Jt}7UDK1FOY!yf&`FA8_$xWCv-1RexONkZ$A`1Se~0pt%@-l#MjlS}34^cMz*Ss&#CG#E zx%bzb;!$Isf#nZna%Jmyx@`LcoUJsS-t8X9uPh5ADclpAS{PYVatDRk9hZ?ba?|HXm#+jKk_R- zdN~DMojy*z`11qqJKrgO71~IKkKWB2<%Z&9?HEw0nM_}%4ThU?Pa$ne8*a5zfL8Z6 zBDda1l)7wR{f8n^YF|0YvXuY8c0i0ni7?a(74Zaj3g9UNk&Fyipbt6?Nkbt6h%Tp zrFEa{kV;9RAu3WrwuV&5@A*FeLiek4zUR6=pZ6Or0(WAfl`QX^Xh-hqGOfkL|fa1Jn&^H?s|DNd_BJhyOtlrL&4dYdvK_=(as|B&UiQs(Dwx%xF5Fu zc@3u5T_D3}I$bQdASG`sByG#OP;smnuNK!rzC{GTViAKOisxZih#A*3-N%=DNK(%v z8ESsp3^%w}!l*7?{wUTFlP~?i&3Cq8TGoH!yx)VUt*aH<)o;f&k1e^;;{bf0Vkxqo z`xXx9w~)b}u5@m_9v=GG3;V~ULt#x29jG@AH++-8!lQNg-?0NwJ#-MUJ}@1nKbD|u z%3An6$&YPXu#HTnl{SMvw_$iMC$XQFz^PN4z`IV9N}N^09h-nlPn4lwtWDU5t-JY) zBg$Yu@CKM(8cQ7A1r~4PN*w*w9CE(9GVAR9IP}^#=&0*};-*w^{M#*xsO)7^1P5XI z#RKSj@-Ew3ds(!od_10$yaQTab41Cz>tM^II<~d<5BR|o@=4Q8)GjcdJX?jV`CE!@ zeJy0#<~H#u@no)iau5uOY(seVj=4JoLh%Y8xEFpC<#%pJZ^<0u=%Y&yj;|yZR*CpJ zZ#RtFXNDGu(Siq{0S?$kSRYLX|cIHJxT~ViLHtv__tYSbjUK?-&Qr6gTJ>?7VbIV*bi&VtR2B{#?+zM+2 z*2jS^b^dpUa5zeirlXE-$572!JhXlV4gZ*d>jw9TnDHGnxU_$uJOt6?DuJ0d#+FXA?`jHTssNB zQ(us?hNf8lTbQ}}r{UZ?A)p#_LDV~HG@Vxx!!$3Pg1s}|7qktvf{&`^5SVibHW!=} zYaf{l`;;B2&ngw3Zz6o}cKsHAxcJYeVp}ARGUy@BpWj2QK?qd3o`s*uPl&@Q9s2RN zvsgED1#6YdLAl2@7?DfRJywNZI9p7bV-A7wk6oaz_XtciDn%c3$BCclEW+jZ6&hll zg^XrDENlM2LfeC|u1Ouw`o*EN^bqDO<;vI8Ze{8DL)gEeF(i3nxX>Sw=eO@3WS!mv zz_liw#W@bb8;u{J`O$l(z1oo)7goWLvZ2sZcOM?wE+GRRi{V_D7ZK%bWFz_((E)QC z;i0`d9D1aIvnON`&r`QyfxR(Y=eI%qw;Yw}68KT^d+Dwjwvc%DFH3ei3iJKbV9>h- z>}viz+&JPYbnBInXy;5KGe(tnUOp?bPqD)G3>h9=x((+)RAm`|r9~Y>=D_F|Vene3 z9_Dwqf_6X=Soo^)Zh<>mVPyn+uY{1?b86VTTAI&Lw_w(r*YnDs6R5OH1YfC_jvFKP z2^kelQvJn8+&45>yz88)(DBx!-99&9#XvC>9(xL22WJu$-SB0r+C|a~S z9J-A|#6uJBlMpq6p#qBlrs#qbPJ_$SWNFW)**w6$h$)-h#)&&N@bH9#Sg$#i zuQfiwS6=Q-+*aL!+u zjC(D`&kl8j4`ZLfRqu7ya}t;0me(c_^__5w6KarpB>@BCg3(`7iHc$n7TZtfX-X?$ zw-COQSoB#u$^Jg>oXSOR#U`wL^?9uOC@^u;?~CM`bx6!BJ!pSc4+a0}i!&_LBabA}%bYyGrMn=?T!F6G^Z_)^Z-wGM1JwV1 zh>09C#iP9i_U-ktcZX1uV*!GqM$E#82Cxix|$cDP`8n>)E(lmKRKW3gk8 z8b2Kx0`oR%VD~b4t`TDeFT4JVC*-K(m!`#Znx~Mj&Cd`Rfd$~ZMU3ajdu`8<#RF59S%TimR**PCFM;pOp&6i|{ zR3Uqs=K~sQ572IxI*;30N6xmKCQG{8F-NHirmvN!mk#{Hy!)NFCQI1OcIShRx)i=& z9*yq3gJ?u|5>&oh2zj2aJZAJjOdEU~*X@=?_C^z&ZT*S#&T0%=wGjubmjm+Rvv`hf zFrIib5enrN!=@Rnq~YN>tP0G4;G)ff2`V3F9X^$p?q+~b-?F_^+AyWT+4hN6XL9pfHB%ZS>2A8GWVq?#} zN9Vm`x%Pi2p=t8~zN_d9TRC0@_9W!Nb@>ad<(0r%2>i+>Jki86b-hq{NKBe1i)eM> z2&hU^=f3yvVd##1r0HT3+)Qf3OFlKk?NkOxPqu~6LAzk)}i!e(Zdvfq0O$&~IIX0I5}mZ(o<4?q5bw`wzSeq;rF+qMgb zO^?DmgU6EIehp#&d51k8lmTnn3b1OM3{BFUD|)sg0!+qO@GyEFEPIo1dddN|#8!nX zev2gBJB`f@%4fDZ(_q=$59s6TL!Gr`;mX>fe9^IZlnJ=c?zc&yuT?DxZBeJ+5>|?W za!W~xVh^4X&Mo=ptuXgQBCFIG%v1XhVLly1uZ;SFrs1o=zCD0v)vboAt_{pN!U?1< z0(8!>fK~Zwe6~U?Xs-yyfDxnUx9($D`XL#$%}nvPO#)uGS_|9T8GBNw3iQWfky(f= zD9&-9M&6mYEiej(3^L{$w3gC^d%SUv*G*>h>N-3STujq+wlcSqLUycF44RPxc<|H+ zd?Y;@cWA#8d;iISg+*t9znH;m>hs83oCAwe$J-n!4TSIlN#UC!6#RJwZ1x^UIyTe_ zS*O*g@!5en{1kdSy=z74lwmp!+#qKKKy zX`c-GymsJQT|(HeifH`ec^5=!fyCvm4iAl?SbnAla*c9qerxUmT~DEtLYr*{u3!Iu z))L9-bpjXV<5;ng;itP*Hu~Cw=tY|=B(=^Fby#xo zH#)^s6aSC^(Z|!{g^rXTzJKsa5T0Ge%8#SyM0p9ib=VLbeQG*g-(Ad%H1Fa0fLam| zY)gFl1V>nX7#sS>2bV{uBKvO><~EfG@W>tjpZ$)Z~j( z2GaNSbAZ0=W5w4-V5vs6c-Yq$xZ}MCy4xAxzC%$k<;q8#*0V0V{u>hQ%j@J9j(fO7&-9{g#{9vcs6Zb5o+Lw2WEf7a>DE*9qShYvBte z8_`X#OtRZxE(kXo)a!<_VMSwMd*w(-`h5Y67V5(et!Un|dkr6D{*_2C3Scw*kI{~u zgRytN8@jxGiB*-=xZ&Lx8eZH5A;*UDRh4$|frg^_NI#5|m*S2_1QS-?#h}$Q(ed{H z79P+`wnsn25es7==&d{)JzFHomhngVTM~Sndkh}jae^M7J&O*RG#Kv-PP0|j-RMUv z*xGBBY*mLaZ;8$o{fn+<^-{9@zKe`bQSbt=R1FF=Q%7Tpr&>&{!(;8)F;0(bHp zNWVl>F^qys$17l9`gvTvM1(=n0c^#0f$8?27A$c6j7_c9p#N<%9vd;9_UA=lljtF7 zJycE3T@|?GiqFvejyC%oQ7gXt-(+-|Hh?Zz`yD?Dr212T8o<_Rkid5Kh8MSG*nHx` z{`+f?& z;r+8X;rm{?UT|IxvyQ^K)3B`A!~Y#xed^Puimj_*3-#0 zPc?_}zk}A3NkMU-73MCuCc42ZFPA9wm%)fNYw_o|rBr)EI=t&Yhjv>Osr2umSW-TW zef=RzA_Z^t)Y6ggX8tfN?th3kt6GTPWuQ%y^y%>Yb6__ySol^EoIYeR4m+WU8>;KX zpM4HP+0AHH`8Sx|e0&63QjbBkM=O!38q2TrXNsRq_`tS5EhNh%>tSEyDL8#pIB!qP zfIl{pD0w{`5)YeG(|6xtV)9(}_p~fDj@yq@4hNG9Qv@%O_dK|4p~-(p{KbK(=5W9~ z3LGk>_`3#O9@#R8t50xb@5J)_>Y3^EqxvAK7Uzn)mk2DLL4)zGWH3t^Jxg#w$f4Qs z47Rt#4nK+z`DaCXQT7=r)|rj}49jr1!7d`7B}q%j5c(nSk!a=Pg?P#*gBUey(a>c^ zINsEjw*2U1$Jdq-^{FetXU`ox9c#~@e)tZf8gy)Q17<_WE+ZOLDX?VQU!wdV3gq2x z=3zAiRXk%*wYUmucl(GEcCDfoYHJyw zbgPT-tr$j%FM+mG!l$j|^KI@rljylTT5>SGZvoUT3bs_$I zI+?Fs;tcD`-(!g7y?m{HVGd}o18Jjs;M${`5TI>CE$5Ged0KLGr;ZJ4to9Rp^xuW7 zO1WrNdJmgxdI(A`X2EZlNmT0jEdHQdmET_cQ*>r(GnuR_>Ea{m!>oC5I zhs^rOwP0T+uCarDk8*68EzBm3SU$F9&Hv|!uEkGd_nR(@AF=zO7!H+Zo2fz9of4{c_;bH;W<4YmR7s+#a}DJBTM-ZH7Au1}yU7B9?kE z7!TII5*YG-VYEscIjyi5l+V9n7yWfk^G5i7=G7<>dKe1 z=#`g=``~l1Xvr90dpqz)!8|M-@EitQsAB(w+~*?U{Zf?KNX+dPu&jG(Tw0h>pRTY# z^Vpv_CP;@L$&%zcv$KUgtu%N%-iK@SEC?ZF^;gI(~WvC+oy+B`OBSR2f!m;rh76Tq|J9UNA$=k_;TF|1^rC|YL) zocrSo%Ez{o8!Y+7wgLup1Vy3e4pXk@q z`7E+S2At~G^XRTIWO#uTb$U?&mHM)Ls_bL&F^_9td(xi#4Veyeuf;RdSu41~3SGWG zk%-cE-61`8y^v#~4jylG{?8BO%|(;R$d^|H?vNF@+xEdIW(tnF-$ecwH-h0)NmwMX z+*1}_XZP7W3a`Ro*m4W;zuR%>(&UAHB4PIQFBT1RzhPfy9O^EJrezuJFtbbG*LK~( z1OKkG#Xn9$+2tZA>s($?``enDjVZ^~38mELQj^EQ;PhwLnc?WL<(-0ZBp81CCY9EQqtLNc4 z=We#!au%vSUy5^=R^evHFt9tl*6!^DFTufXm zN{GzZ1N6Jlb(Zir%i2qg^ZgTNVN?A%?8-IAHMvXR;Nwy#xO++bd{iBFBt~Q7u6XbX z8O=2m&%rebB|hTgY@tJ|2pdZ-kbJcfG*YnyPHql|e;tRAEtCh3z;0AHp^94+{7L0Z z4LV<5LU4d6K*YU&jOj-+zl>}+J9G|SI5`+6MV}M$6@Qp#VjAY7Ecs91Jo!I16gevz zL5EuwE9sMf}t!9z&%&#CZ6A`k9+`&Zy z1piZPFI=3e&8^HXh^Noe<`4G9gVpp-(lOx-ye!RyET=I-?kkdQ(3YmE7dNrVN7mz) zwL)HINfQ<*4Lx_G*jxUN0MRhHS_}ERzH{2LOhq&fK!iWM!7hgiX zNzLM!?)S*p9!pSlG3JxM9LLEmlXzm}SgugEn6FxN3KYr{$(Ps4{N|k9#G<>NwdKr1 zUb5MrTavzAbHOIuMdcym1kPTm#h-X*2adF{q5;g7-c>FgJ{C!5_9Rn+<);dl4 zPD{ZU!9~96WCoMUn!`RvWx_$JfqeCm1lV`%2BAWp&unlSR+b-tH3~MoMd$*^-|)x6 ztk>k>0cp{ch!_lv`Gl7W(%4T^C-|U$6HNskoNBft?))(t8+F`8l|`mdF>5`0^-BXD z)rNw@HdjW935 zHv^OgM&Ou23)tcv&pvsz;`jCjRP7GHTQ}rse$sY`y?YdQ{foq1u@As0a~N-Q&Vp~F z8o;4cOKiWwPqc2R0dB67wXw)fh3v{uSUI7CaG?YIbF2nLg|-wphRXB$jBciM^NiRn z-3qtq4TWK?)}n(Gm3hT8b+$aFm5sP1OS{DtFe&UY`Ph5`vSW8a(c@#7=X*iyB+RiL zm#IRmHmMPX&~Z?-(# z39lREz)k1Rs5)bWO_`f2`SNTUk9ztYwu%-5iSY!Nv%x&uA%%Y~e1q_3F*tOcK^HFx zu6y?k1{^lvd;QL^?SV^pV1fpJoDq-L>x5m{FKzO%$5(LZ-p1Q4`mp5WDEQm$N1hu; zlHJma@!71ar0icSnP5{%lslfnN-ryMv)&loUe*k+ZL=_U)$E5V3alkvej!TlTm z8EQ>^#OKy|;BX-?GwhTjeX60sH@=oZ8LQVU%xE-zev*Q|AS@QQy8)Di3iIw$bkS!U z@S0?wU)C(c7fsRTlX8WAl&!D)`BliYV?(*GHNZZB4-jq@VQE|Xq<<@$J}}aI=gm~3ayz?9-0i%8%6Y5(Q$Be zUC6H%#R&Oc1{*D!Fw)=&QI0Z zmD=-+v;kDDxr%hH67tQN#rT3Nung((TruncSt0bcjx{=ffBbK#c^8h-auPIj{YEI& zErX~Z;drlHitiD2TD4nNphe3-p0!eq{(beF=r1&dL<=Xjr&^wBu4)l2o;Vr)g}%g- z`GlwJy90LOTDEO{3+%Hn|3Y~Pmk%+-OnwEwQ?-!&^^iC z<~Kvv>wHW){|2|H=E39*T3qAkMHZRgf(E)Z5Tp4VqvoaH1=#__L}D#`NIZp=%Ra%5 zmg(GOjWN!@avY6fYsj?kOGR^ZMA#~q#2(1mf~D>xI<9#pCJT()L(GttjC=t1in{RG zb_B=iYjJb01kI1wgyFMGNt50Ld~fRmIc<-v*6%$4YYj6*3fZH`enVNdV^9EG_`%_f z{3Hk=Wgt~_3KyGM(azufELnLxbC8hY`I*A`rueU*`OGS8P?Lucy#n+$&dpD=iNv9* zftcf%fsbbl;9o4p0;kIKk2r;`^!&vX@F?i_J%;iJnRv)15%x~e;|r{Ykqg7MSSNU3 zpEwYl6+_ASZ$9jU$w8vv^${%|9D=T2-K5IdkQ{e4hu&`&1y*ec`=Z$l^J8B!qp>bT z-K`n3>J+%O*FavqXc6kjEGH_tgW$3LEPR?Ukmr}nQhAw9o7Hhj=&81w=PX#wv;HkX z)i3oB`9PW;R;gtuC&LRXzMM28;Dfc>fj^oZaS!8G6s~Q(iapO6}x5 z2_yIhVJ3Cp!8F{~rcIj%&4%$AYr*LCJr@4c4sQzHu>Tx=AT-v9+3g6&O$M#7{G~73 z(_18r8$~>RS0St(RD|+Pih?Ib0c-UG@$B|($X9raHWj=l1&%v0zc>Md_&6xjxkjD` z-D3xaIpJLSFi<-`f)CxGfHKpJc>LvwkkogOq_;mK<9*LS+IS(u(&!5&ANxh_gYQFg z=v-(~l%y3`2>OgWK@Ph1;3#QDj;RT_I@t?nO#DlFG)uwlNp*q!IC9N zKarXbC&}CJt8ntJHf~Ex0?X!0@Ka!hWogPmT4FNmU%UxUt;vVQ)nD-7#2yf}MS|Sb z%kao@HBNuL3)qd{WRc=#_U?!(O+R%~$ikO_kx78B)nH@!+cBsLv}24!Sp<+JW$nCV|O?P~hcB?CMoY`f8=f*-HXvF-D5d^nD>Pd3~Wg z%@>ZGye8y9YhXcCIz;5Y!kB53>GjCJxW1+Wvd+GMJJLhM!;YOqr*DT*N_Qdge7%!I zUYQL`>|W!dpcWYOx*26%)}zV&WANsZ8T#ie0S#IMv*kXD#*{mN;odmBVSNuo36mhj z$`s5Wf5fu`lS%7wcWRUMLHx~6i$a|us+r02yhWX;p&G|s{C}~p!Ratca1<%-4g-H6 zaDeFXdgDXbW27xim*&EEb#?UJ`GoAVNMJ2-&RD%r1N+ZE#jUsYqp7?yuTr1De9e)3 zQ+h^j6bXMHA@6q!E@0fl9S~6?h3-!A%(`kM556CV4GFSbu$79|jJyu=awSlC_yYLU z>Vn0siJRjWoP_Hi z|6^xlwdfhk{n(o|7_KzcvmU|wCU#X6{PkX}`A(1WYm}0I?YSLBm62{>RuLgMc`~kRa z^TT=JLoqN@9exfu!98Qc@NrQrAGUiaO?oP4vwPJQe1EeOhRw~#=jN?MTyqaBoi7Ry z`7pT6eilqRc>>2qDbx3pY#{E(Ti9~)Eh~l_a9UTAA1FP6`U-2X!0sG4**c-dQx(+7 z@F51$|1hRi;P5uN;Op}tkW&xV8VxPmx9h?y+prK zj;J5sfg6;Q(eio==;>Y-n5zx!M2QtK^wg$yRikmJu{B(9kP_z_2QYo82RUmaI%T^d z1it?S8qH}U=b1vkP3;4AdDyUyE-hMgOo~N6mgd((vYAv_9SfW=w;<_M6lv5lr_Y~+ z!skDS!PWNxKC*G5!`gR2{7k^-u>sH!-wa>thoidBR{lsw3cY4r1lgWaWV<~<2DyhNY7@C(Hrzt`-=KYtBC4^FmP6OhApZEu=LhU7=L6ndh3Ot+Q~!EXX=aT zHbLkZ{|Z!y27j))0$!B|KyX_%?3Pc&?0|FRNW>x0h!3V%Ge&`5oc0Ju&N(i=_3Nco z<-H4N{GT!|6y9pRTDDN*n9iEtZ=-Kzda>GlmasQaDfp^Cl8zZM6;G{cfZu}qBxX_) zCV8JFnZlWSbkI}OADF`IuKa+^FV7)(=NLAzC<*+>o`=OY=S4~da_rkhOR#-Yg%_@7 zk!ceV@0uIXOOe{(RUd(UDpx@F@r;5k##2OJk{98&g;`9Y?>jW>QFL|Mjv+f5ah%(1 zG@W`9%g#kJlZ;_JbNgKSFj<91zJ5Y($tMXuDWLA=<;15)*=DL)E#B&j!&@7jsi8y+ zINzAe?at4~hS*Y|*X*^aomGcwqngA!(v4Y%f-S^`&n8uEmofIO1dTYH4(Drk z(Vd1P(V-xV4zK(sGMYY+&dz><$&oQ|>y9N1d^?zXF4LuQrN*GV{{)qpdl5pD+Mw00 z4F2}Y^0?5COz}T&xaXc)pqqD;Mn;4}b8j(R)2?JA=~J?Q)Jn8E@Q$2vvB4off?@cJ zt+*lXC)-~8g!o!!VrlLr_~(5T>LcP9?kj~W^E`R~OoZoOPeZBQLhkmdAGMUPHcjNL`o**l-%JSH*~{tmPyP3e2U=6o9LQy7AU zw=Y2R7i&7<*%o|uMwed5p2RETq+6N?;1%WVG0q3kK~4 zFyz>7T48Y${w3=0rH@0{yBtlbs~o~7jqrwD+In>N&7bhTQ-*HsyGeEq?1yvh0rYED zBJ)WuI@R*=+7Wp@_i_mSfPcg=8Ngi1SB&W9BAb$P5N`uL{zT-z&6i9NREqw zVU1Q~wW1u?`+b<7`T7*g3r$$9(Ca?Pl^Ea%-)fF8W`yrmPDTuc-;>q*rvTRrXK1i5sOanx#vChsylsaEhG^zh0 zY5#vlc8We;Kl1@QZ;u0g@g=P2e1+~mqKW@;b-HI{I9{3~>1*XHY{lJD zco(j~L;cKY^l?X&x-gJ;=)NFNraD6L%LH&gIfvG5mFGXE{wLBNBxHtsB>B!)(GYwq z8j8ms=h}ZwdHne(cKoF!oYk$sgXsZi7kHXzy|tkSH`r1AQ9Zcn$PRe<)fe|1Sq}=m zTSRhRciH2Ef8k1a1>&Kb;G$iC3;zw`N0RcvYo8w0nTGJH#q+4;fesv?mdT9&O7S6{ zGIZO4!{Un{y-@%C5qLGrABs0M(ZSEhz?{Tl7m5sioyJlQu5@`eCof_n9cAy0gn`m@Qt7~uoj5a_J>vI@TGa^=iQjEc}s)MaTfgS z{Z91yMxk&0yGP)}<)C%IL|UUa0haw9Mo)kJ2yGLa@WZoV+-m$P^mKK>&vPPic6}ym zk@bY+^JBquVHnNrdyj_8bto7MxtRAthtocob&FHT7U@6mEKS7c2>0}qIic`M%Z^Cq zPUouz+oGqlB~3ow2OX!ZsP4Ev_z>R-1OMF@9Ktcs9sLNEhbKeR@Fh_8Cy58toU&OOH`e?h0XVZ6*dn1w3jS;Ra`^X-pj`P ztOMs7dzkV2E_)iKj)zb6V!w7a>nWH`R%F;w`%a zv%CokW~%cv?Ik$t$SX|kD z=?z@1wFuwN5K3L%`-y4j4(b(chQ$+Hcn?mYJpLfBb?(4dIq#s|-VY8>AI!2mKft}{ zcerKsNZLa}xc!AW-0q36*Zt3j?)1Au;w46KgHK&3zhn&tel|eqE5p(4k`P9BdjZpH z6zSk45mJT;cRkvOFl(CM!-G4Z@ex>q`W7lTkD}ev(3;TwVHhT$_;J z3}AkuYJ9ZK8E%9v<{dc<52?wM)XZ&S)mxG*#o`Hk6Of>9{l}x-d3RWMr~&9EUm7(^ zoz+g1;*#+%Anb$``?5`zR~=Df-%af3Ro6%GQSk(`@Y_R=+>+$>D$RJi;k)3lrS$vX zBe35tawo71*XN=@bmU^^v!c=yzI6g$KP3jwzJ=0QhP8JIgTO?x16#3+Z2*>>J50UY{%*e zCt>1)7;w$|hSBf*aHw(z1lkYd?L9(fxb8i%pJoe3!u7~j_uIl=ZZM>4=Hn4z_7FEm z4Tkj25!du-(Fz@X8kL)j#|9;!2OY?2CftS|iHSt)X$YZ)x0u_UNwmN3I`|SJTH)V- zhB{L?dmzjl{|H$hs1l2_Bw=5lkf&cFFdS+V@jc##&iiZG{uM(0c#2;pc>%_}m8@>E9lKNx^jKtV54bLd>x~%$@!X`G^;S0^p-^vEU@| z7!|%d-Xk}mt{b3vM=jQ)#>iukdZf(G)d$yoSc`C%c2!iidmAJun zB`!JY5b=Dj$eW&9@u%=WV7*O%qw|OI4|@yvrLB^5UsSD-Cko{9BWu~pC>h9;*JC3# zIlxFE3sCzZg?F;4)LcasHv3K@Q*1}#X->g_j|Lq>{rUhts&g z4@9={GEbcFM&$HoDo?)LjF}^a*{0JHlHTl3r+N2~S(kqimu(19hsUuiSG9SL%@YzW zF&Te-e9hL6Fy!e(AG%H6f%g+FDET%Ub;4%xwI%Z0ep3!!*)x<{4j%)a4;1Ky;CpOO zb0TXDzAE%dM&S0IEYakK6S%ni1^ON?!OBGwV0+9p=swU24;|-%*XuDfd*fW}o%aaO zjK79gJgVSbvoG4_`Cw+KJBvIfuz3Cn90^BtNQt$>xk+Ql`x_+%JHPD4(Z83Xe{K*? z9V<^K$n}xjUPW%#+knyIKf{*2i@|aADNr6g7p4w9196w6sqU*)FxkO~e`*w%_nTJ> z4AT@+ZGI1zxn|(WnpZF&t6k_(PJrIHA>7lp0k_}l2PLy$lI16`a=t9ZwaJ$BdfpE* zarH8|vEZ8Z1-VlAQ}qm1uJ#unsgkBQw%S1d~dqaIt11woE4;2$lh*R+) zoIZCTM}BBHgxBHmxWR4=HpI;2n|r_G z#3nb|GG`)YHZxN0e+Sl-dhj8JN${>mj;cSI%ipXV4SJ4&*j%uQ9u;yh67{X*`TUH6 zyH{MH?2R?vTNQzU9S`ws*<3I#nauCB8PZ<2Z4h51jpOtGvB0GZKz-g@NZvD?{w+7a z*x+IG+}-DtWN4 zi#b@!lGvB>eE!Va^r_WsT>je^@4Xpy4_&Q=Gw%MxbL)}m&RGqe!o6_%+(>+I zUmedZ8^}KfEAt0lSE+u2uyYTWXaD*Wn6ogam08*afd&bv=Mw>&|H#otTeDF3LZeQu zeL{D4IzN3YLCBQ}{mHF~;tyXt$w=#?%*J&F1l>N1O+g```Je=MNAG}T5u3r|YPqOm zWh-p0ya!9#XTtd~K;>q^L!3H>eDZO_rR!JVxWPxDKlGDGMrA#ArYDLIEPf7JPb-=F zg@>54avVgA9mNe!*FcWIw6b#+_~gqfaMMl|-21kdm`)i+8(xj2XHu@=)!NBW1?%{e z;u?5+6vl zS5=0pecDViwLTH*uY;w2JNV6Kde~Y1hveSd!4Gwt&|t%#SgdX){<3#G|2;sFR-CxT zQdaH7##F&$=Q5fc4oIh33Om`Epz)~hrAdz_WrBMDd3LeyAT|VzB)e8i;Hqh>1U|79 z=uDfAPQg#0MfIzVQTIlwuP;ZHH|UC%XnuwtZ^w#mFIVBW-^7wUPbBl!*|I4GgXreF zw=nX^Y4$7JiI+GJp@)x0k&_EvlA3X^$erdY49iX?ZEGe7zs-A5i*6wLo$G;#E?p#uqu1l+jtP9N-rIu4)?l`&aTWT;39N(K2IytOvF}R|z3ZjIHQU6nhwB%_{8M7e z6A1j;7X}}bO<;zD9_HQ9D5&34P9EP-#=7vqwD0XJGz=*e4M_dQ{+oIkw)yXa+J*ug zv+2J0URjSQXn(DEK%pb5DC$E@m>l@Ow%`!<9V=HK7q1Pp<-soMB3(HNp=vM3cD>Ap z1X>JtW8YxNdmUj)DaOk2t)kKZSxnxqN7pG0<7s;rP@)~j=5+^fFHZg z+8ju4hrNmBe9PfLG+MA2zijcLlPo)l&bXCqN?ipeDSTorg@bLjmz`v{u8rrh8gZ~e zU6DGi8U`*U1Nr^A_aW8eul0#;Il60uBGa8c9$n)Q-tLm-H;#T{ru+Y(gZp2>88etz z9=#~=sVDPSEw&K1MbIkcT`FPoOjqXG6oLnCMq{epeR0~G0_fgajP5rTX^Zead*L#QyKIx=HUgJ< z$c3r!X~rGIVBsvMm)NgamvFaPF7_Rs%}!=4C%>me;7_YqzG+b=j$J;Ae@J}JUbqkE z-eoV)`z_+X6H+|eA_>-o<&nUswbU(bJlS6ziIdOkaUJ!C_$OKD@edp=wmg!?q+Rrd zw`-zU{^4bm$Q{Z{=letX@)kkG>W77P3jEm06HMvFL^^WQJ7RtBF)_O&Nq=nVhv>Xi z%s%C?C1PuV>1{qE0n_O(EaHQ1~pyfK#T zgP~+I?7|Zm<+}|G+#bMp3&97x{{x=oV;?m)P-3ClDHlwY1LD*l}2i2xJ@a%IKiF)#o8H9z2 zj~p|io_B|%g2{2Bx%eBbY>6gCbrw`ED**;y@@{_Scr(XD&{l483`oIK^HdP-VN76{-CInK}sr+poinAM`#RwoLLC>isy-rA76$G zDn`JM;yQTy>LpmKN~4kLIG!tf^WOd`&kg2<*o^3vCrRV8v7zfG_Nad&IhRM#$yZFd zyL2M@x4VhdfA?TXb_Q-bDv3@(?%=a?9`=k@;d^f6<9N?w7(LtpZMNy9%$ zbHxmfe~Nu*PMNU-&)>6!234> zcWD{(+or>#B*M_dP#-0m;?R3{G^{pTf|-T7*s(2yTQ}^5+-C)_w&M`@kV%1AH%DOQ ztP8|qaWcf)WP$FM*{oyfQkuKZ4fRE})@7-dN^-XBv_#7TC&n8hfcEYYSJsiI%ie1{a01Wn<(}PKd;AEU4xV{$) z@4{;^{h}1D?#+SAZ%>dZr{cJW`wdv2Wx=Jtw4z2?FngVR0uBm$^cicD(7@mVL|AOW zgZq$lI%vU_KfWmGwFAACJ20hhJDMN80G}Gi!?{=Hv}F2qvL!|vN{v!rgD4QY-@U_W zhhxPF0avm4^k3|>bP;xW%2?a@jkv)unB_8%Xd4Rq$l=9kwls*fp$%w+uEy878RGJR zv*7P>Z*>1p9e=gSllb+oVE2vRxctZ^G}4HKsWTGE>{F&-_pk&$eH7evI#)36z;BdU zCd>rp2xrr*rOZ(387x&Ak0&+-g2^&7rjvdf$Fyw(xw|PC*!zPdnMv^nAFtrx{WU~& z$9l|tzKO1q^@r&VhOleH7?7MU?5qoVS&{xB=07TuiHHBe`YHu#?Gz511vi0~)eYG0 zdKK{DH7vV23lC^y zy%jbm7KkUy9;07`oPbru9I9c@*su|!Aa}?LD7vc1$nGOV>8dPScJB+R7M~$iw;QbP z*r@RDu`8+i5M9BACOGEn-b16qKt8hJGtA<8)NZQ|FML%_Ml8z4ggd)v*hnp|R;tfN zzseO@NI~$g;ws1{y~Xqzf8LZ~EYkK5#V?cY!>+aS@zJUSq{aFoSf&la7IQahuxU7D zb29OH@@(p4(u{`D=G^u65Yg&yDePV96ufSu45~F@So>ovMhfGkbMeA=A(Nunt(Mfo z-5*t_P2?*Kl&I$)TTbc=c}xO@uZxf3>X_O5%9)i&w@2~CYaHl+yhLE0y?D&=8h81) zm^|FvOJ;T66W8Khbdb@e=bIN&{iH}+WW%c#DlP< zG7=|!X<-3R%&2YuByKg_A3QE|@QRs6))uS7`qh>&V8tLFU9$jW8nMO8@ zqZd#lEo4lbb@_(!Jv14M#Vwaq@h~OHseWOU#{X zLbZ#g(cxEPu-+>TO}?54E~{L8c=8CwjoFU_Bga7Mt)&pGVuu$cJaFhcV<<0~Le70E zg#M-$CXsgvFDvzvtz(z-%dxRw;?#_*(gq1#4>5RneJAg?+tbh`(+In7LepnT^4&&P zU`E;>9PVAhI;K>^@HyFF5%!Q>TRor75O?6LyBqPI?{xkfRQXXKL)`qjABX5Y)?S?=XX}WT-3;y|)NIFzj<_|4Cgw{RN6z6R3xK?df#&uDP%>IY$cLx8PQZK z8qz|glnNOQrQY{kq*As>Hi?k%k<8Hd_5B0-;obZ7e%*V{d7j53(cTyyYslfpC~vmf z?-&@kUxit9I&dw>iq`KNCHfPVfwAM_xmj+dz?qeT$uG;{jzNqt(|O5G%s#=YYVvX8 zoJhRZjA+|i0Gdq_^ymH);@pvD^vd}Xlv`sDmj&FE!b%lXUN6aK**$|dClArnnk)F4 zpQGu~xDnv3s)YI5vQgev=y5NP1%Ac|82%;$X@YOzp{UXC3t>dx4QOS&|v#!fHMx4ggDV^zR@{XL12n`_|X z+WTy3=3-he)ei%g1n_gYT}+m)$M;Dxkmz(Czxgp3zk5Buw@r)B2S*;db_+_~-prLw zMuSPkWn6c1D7*GRk0wpHhDY8%#qkD%aE0D^^jYlDPpBC=cue0%O=r;b_S)2bi^8o&wS&GN>j*yuPvT)AZ<1EsbqQdfA zc%k%{6uQ?qZFKGe%MvH=CC%~rRLom0_gKirh$Q$}pImwi# zCf^t0sY!1@WI0mgaJZ95ZMUGNlYDsR?jdNm^#PXDM9_#uhuH8sWqf$V9yd*w=4ig5WA@-#Kz4k`?_qEZf7Fig=05<-X2h12Euc+m^y zy~KgHpUnZQ1p#RJWhK8o`4Co4cE`?X*8Ei70Qk~tgxmU0!^EotQB^o+Yj1yrbAyF^ zp-ml;+A#+k&2wmK@Kp>j9?lzm5yFc~aJ#%3ZeBJG)q*d8^h#@#FAl*WIqPWi&U%r= z`gXiu@fZJI+CtOLXF*cwc{cM=AGzu!S(C1r!NM;1G8JBh0cR)B_ocpM=V~iHS-*;z zIJAo`$I3Ii=VN*D^<)gc86o77`!TwN(j5t>NYOb;`%c}&!B@5Lzdb#o2!~>fcqEL{ z7+foSv+xA$z6mYsRda zijDSO(4jMwSGdlGfSm|CgmXh;%t?kXBdE*3jcoTW%EcWE!TZc#Vji`E_gFVWl!88Z zl4;c6Ux#)VG{D_C4NU)lGH;mk3wT00WdC)AW8@wf-*M*B4a4a7Gw*Qf;_+ynQYYSc z`ULFyu^$4i=Mvk$(}F$>beASC{AC z9EZ?4iF;t0?!k4o7UIsDAbfr34YrsL;~&)>SwdZy=$Mf$|0pBHk6V1g%|17=PBffv zS$a<#mRE7mPYA zLDNtB@^Oo%;p~yp^nzvx3>0TDc~{{stg?pxyXg-<+Z_3V@c-Chb@iHWKSF5VtC8Gz zjybt^(_b|I{WaEd&X}GusDZ!^;8!~&c<#W7+-D&ddP!?R{h%+#3VD^RH5O#&iag@= z-Aizwd*W5>Vsx8g#P`;lgm?)EXa#H;FlFxYexvY4*XDTrf zc4GWjG?7MOKWS032Dn$IqjAF#7#n_%?Y-qrZ*0xP!E5U9@@fuN2|bLBS_@yM4WZ7G zi?LHb6_)AG6>mJM3UPO;V1bSawOJh{>~u(S)s!e9Z#|s7PI7}wlamR4)8@E5hO}7< z3i=iMaDGrQPS=ydRy9XDf6-~odU*zCtqX?T`HSe1d$z30T@%~BDUgHVcA$PShSmhk z0AI(sxG`M?_PP4QlHg%1YJ-b-lxzYn(Qw0`=bxiR<2`{lWDnU|gVAP%3T;$A1P2d2 zh3@s!ak)zm?8sfgCcQ|7G3!sm%Zz3ie0w0Yg#5z55sT^L{1)-ak6%DbrWLj|Xk*i} zYDk>#g;V4ra8St+c>VeVo1NV!I6>{$o{|W;; z!5KmyV(lk+I)9gtJ2`R^j$M9$BH<2M{k4rvH21?y(=w3I`wWqNI_z4MH^v!-gSNcD zOuT;@ZvJ`#MXC=m>xK@#xK$1M#fR9OdS~AFx>7Vgrx~WpjzQJ(aqQ`$uh{Bw4E6-- zfq}ga*qaRH7lQ6#^oyaG7&jZ%uR2ZoZDY|_=PzW@@Y5l*AHWI^Hndlf04)5MXoe7MBpn=tQP8&vyiN(L+TUS z;ZoOXl!^7=#Vv|_qwgmtiM7_$u11YNtG)ptqesGhC3{$5CqwvPef*(2Ir(wBTOH{n|4I|Jd$}%CuEI6JOtchi7%W(J*}}{q`mn zW|%N=EQxcR@mvQ}(-oj4zLJGhe1-@6d)UIR&6srO9kH4=82awWQ!C49u;8LJACR1Z zV_WSRo1#t4Q{&m(8g=oh0HbTBPsv(6pQtrfbUXGrnvXJ*fqw3 zE$>_bk7E}?*UV_~1B(QFJLfK2eo%v_Ht36I+Gx2aitt672f4AGz-`fk)v{V4NV zf1RxhdE zE}Kkuo{P@VN9wfXxypd?SQN06h+Ajz^m&&d?oG5vY;*x$zgYlJ`7FFrugq<~SHcaG z8pw&e%-%j6CR!upC!(K7^W`boEZlG;tO<(~_WAGDMm*N%Uqx~}Bw{s9Gw8w-2j?I| zRUSJ%1e{xrk*ay)$&lfC@P5!B9CRv;k%!>n-6iDKd!15#{t(Z8DewT#9fT|?IeIMgp!i$a&zgPB14!wvE2z6h#55e8 zx%Q*uLeIY*4DNg+;_c^gbZ{ij2wqIa)P4>QTzwmyDff!-e zQB(Mvo7^AxmRWFSK|j3StwFibG#Zst0AE`7gVS?y?b`!c5PQ4@`t!=*8g3w8MX4zN zun>~?i`tp?KUvM7bL^{$3wL@h#}|35CzE%4#o8G;Bsh2rK*1t(9qdVE9^0Yp@q27h zqri>dfLNnumX4*&h2?(o030d8>)l zhZ@q+74n?F8Vgs310EThk4l%`p=n(V3_UVHJnQ>pJYO%ze@s?pNrR^F+0!bZLCBNI z49Hmi1pfPnbsuW!J7ARU8E7~tB?CVVevb6Lo$lB(hw5|a?_&EqSDEZ)m7XztH zkUc-*837B=0k(bBh0`CUMT3+_G4Dzl{^ClrcUchXV}r0GH;<1}n~jTSTfwICOuXVS6tjlBW+(6ldA#E!Zn*v%5-$MVom}Xow)ZkC z48ALB+C7N>v+6^KE2pt!DkskK^5AiHDaA2Wm z@;!Gl)aqJzHmU|j8>w^I`Iqpz!2Vj>9*7G5`=GtZkZ)6%57PHull#ZbXlv~M z{WGnA4z?(-@di@mG-<%7av(w$d|&c(ObEJ1&Q$CK)0c|SeCrGxAGM5IEa}2?g4f=^ zuaKPn{)db{nki%yr(nm`eS+uZ99i~nEBxJ?i*p~elgIgI*!FjKu}i)H8~47$eIwqJ zfZPGR^MDOb=(gw9C9lPy{k1T2d;)0r1<;?#6~g!Fh~p=$!eAl8cCAU4>t;P6)iJ~I z&iDb)9wRXOo;=0GZAonAD;RLL!cM6tP|85>@-8A~lX;n|gH zFk!=Z#l=EEqi_s7+#bRR`hy zbfOt9#JqxZoqW`G9YFgg2_EMsl`O1qqrgMn2gfpvp)2MN;@f0+QutPUbiiq_9-I$d z*QdbIEh|~hdOg@0UP{&mHj$0j{ecPYaQBb1x$>&xQ0X$9Ti%kSnc8h)`LLI)Y;ZON zyp+Ms4@+U;Ts>G(JsVs0NMmn7Hd@>{2|d{_;FGA7(OdWFOwsAPMgk_2wZ0!qOMzw7qcs!OjnQNJuBmhUugnv zpTCRRt%!jrgY8%~d#L7qU<}1y6Q8W-fY9*@K_}{xDRFfBI7n zbsbMd>x>Q%jYCZ}hFb51{#*%bwlm@GQSq>Otva{*F%TQGZMkQ44vEYd4$4ACufyvP z_)T%bk@mLCV}Bl5xF!y)|8$|puW*)dP~hiHiGfp2$1!4&7L-=4#h35oc;v?m(9~vy zL#$kA{$B%B>+is8hX&V98~*`g8@u3OwK=Ky(h5GJ8ZvL1C0C715_z|q!d(k@kWVn? zM|PiJo^x+9oi}pO)BXgdhP4sx`q7+DRiRCZraVpU7-Uv2##Fa`qBI{1Vlh`2T6PQb z)0!oCzN1jwO@(^bK#~_H?8oWy*?4~IHN1G9)i`9ykejb}&|1R`NSVI{YX*0SmL)ZS zQubjinRyDIM)~4U!97@|_KO5{CE=wpBKmHss_4)0dQ|+j3`+#Y&JK1Rjn-s?^Vr37 z=3;Ny``#Da7Yq0J@;y%HCN2fup6}S&OdND z^+Z(kte#ljts*&>A|XX?Fh4Uw0VDsj17!yX{-^6RUQ8`O%Tj&*z3Uh(S^pK5)!Ojv z(P!|HjSb{jj=+^kr7Yp1G3qWGBUW=?4VEX5;81l5!9^iK@=Yv6AFl2fY1(PR_FpYd zL**)+hMZalLA73RP;Lr$^z{RewV$!1`ZCBW4~N^`b4b|$0H=*3ggr8KI%|A2N_GuI znJd}2QALSwXlY@(lk(t;*V{H3y7=Gc#S`g2HV2 zR8a%w>>Nf{3r^V!P6l|lNQyt)APsNsZy;}exR6!*YKT?uJQ^YqEy@;hMu&n|W1nU` z9`Q+}O&iw{i-13PdV-q3N^M}4hvc9#qY%113h~FhOqRRFm3ElLku0-T+%I+msSl?G z|4uE=YzQNZ!mIJSz(zIHi-gnNFIi2wEjN5I8|d7B7(Uy9o#_?4(?fMRF)0w49{B_o zd(PnJpA*?hYJsN(=1=MGI9N7Fo$q1`aLVMHps4+an5KH+oW{qH94Nt?B=(9br@C^p z@<2ScxCG|@=qEpNdx%1qC8j3sWw-Ozpls_4s3{siEp=_ELAsm3LC=I-6%D#(n<+`p z>Vw@2_OiP>V&PYLBx+u5g5ihV$SP%7+CP6D7-q?%uGwuE)KS1fB&7I;^owNV>q7Be zHz5}(oTYy&Mhl#Efh+RI1Z}L}V$|(zu)2LYo2UQDX-v*6{4&dg%T}HyE>8Dh!unO< z7!V86drrfQ76o4HbW_aacEPa2uVMPgzxd|P3=F)j0vB(pGdLk;3Hk!#YL*=T@X>PRM&ohckv9z$jrdL1CnT^ zegfA;6vFf)N1)9sidTm#;p#0h;5yiyeUdOGmeGO-NNXukxT*oB24k@#^AFmm=%9kY z?HXA6j~w;f#KdKvEjIY$vJM4^bu9tCrc5@e=st9|8u0o)&h(p45&4Vr1qb{IxNyrD zw{I}w?|c?xgl-W2J+KstL-Pez{5i7K=B4AC+Eb`vsQ=3n@7Es(2L4@8_B)(@FEuG*WSEbRd(|89hw##lTh(Ij?1m;`Umb&&6ZhyD4q1?=LsRj_?> zu6VP~L2MX18y6S`^Qr=S+~u>}A0xbD?6= zGO>@9z_ia&gV&bl@w1n(lUf=iWOf@#O6`62>ihxvZ$K{1`gj!FHUyyS&X4$}st&LI zY!&<=C)v~Vci5(|mROjKA~Io`D90@DWtJ60y>5iNGJA=ppD?v=`hTBGkUcyc)^T}y&(9*SJ5@;kF1{{`ec zwYa0b;DRxpL~s5O;pLD7(J$$hyl`MQ(a=20|WcoojnrM$Se^b=B2eUz0X z5+1m+Ok}532p4DXcUpes7973&MsNc3VSim3i(LJln7XAvMBH;U=s)JP{+uq$-)6>- zHM(Hh`#4yBHbd|zjpCBx5&Za4Z`?WcF8LOI9PSFwqWUIps$G>MHcBZZyGrAj*+FSO z&CFwYN9^LKLWAbM%}S1>IZ!95$T`JPlORJ~g-x}AR= z#&_$WR+TwVn|54$sVo+npUFX4kqSTYQt0(fibna620U{07AOk?qwN!wsnTVH-UV|} zRyf1LLSy*dU$uZ)srWfkk&GNt3HsNo@XXnl!t6N+8=oIQ$3xAyV_^!mbXy7jo)P3( zLnpMcc$BCVcwx)^Yf7&%VxD*$UoP~<(Izc$EbBO~SD4I4SsL>6otIcq+F)3$EXA$V zzQRV!6%rlSKA(rwitFs| zlLIxwjCH{vJsu2RJreJKtqlv#3<31Zgxjxmsm+f}(Jy-gIP7;E?8kEwz1fLejp>2m zR~JCN%K}{G`V1d4J2o!(7JhlpQQmKoP@ff&{}znHYmaql=kj6jt@d zc@mf|ZO13^{7C@K~U&x^AX^*D7JYTFH|`-~lMCOZ`F|2abn1e^Q85v{1R zqmkWlT|ySl7{F!>Y=-2kEutIUVd6(QTYx*pit&dd4JloM>r8W4Rih$xo2ZD#guKMT zfGy%CLs`CXofg_pT!$JbG9WCp1=LLsqvLE1>hqxi`j1G$KnD#rb+Zp?@i7tju&Vq` zMj}zy+(37Y7!LVL^I%Z=Kt9??r zC62-C6SBagycA`9zN2b)GqLX4g;Rw&Y@+vawr-w3Z~Cn$^3e!J$LwKnQr3tJ?3bpK zHg2UqbrVPOt zpES|$V?S7IfC2w6Wi+?Qkm2vQq|oYb({Zc7_#M}D1?Lp`!EoE_U^#LkkJ2%K33iuR zPm($;i^+j%uTDtT8OyF$45dc{TA}S-sklbE431b|fy{LhEV|18e-}K!u07Ip_ZtGL z``n3Q=mpZ6tUyxSAER=p2K=|kQoP3G2x)ZNOzI9P<0DPVmCgj>n}bhbZ?+VVSf-0O zyFhenem*()@}KyJSRU5SHs=4`GJ*S9rR3|OHzYT6Dr{(oWygjbBAt@qulxa)I0 z+^)3ZA+NkxV?aDV?^1%B^V;!`N<1&x$%#_&32~{AD{6QC1fiE^!4uhPaF2cgJL}d$ zZ}mys^;8|VUVTnpW>moQ9#gaz>a+*Rk1;Q&jgb|nSl-cjaM@RI1Kdq!Q5U<(r$yHQ z6#ygVk444#Rrq3(kkyG6VYz-3KJI+L%0IP%)YD$H&T)hjMcbhJViakZ6a^)HO8B3^ zB;W6qMPA*yiS(TztnuE!8nipv^A|q&Z^Jk8Cnf^7t_{XNUrXSE&o!KywgHtEDYI1> zzA!g5iRG@=fU}4G;9$uEI9=eU7cF=uGBsKZ`lGb?r9CHD(&-1VygCH(m&x$&Hp#V1 zThHQ{-)>kO{0y$R7NF0#Dwt}cjmiJ5=kj}|^2npISa+=pnr971GEiWsrRw9(*{4u> zP98>o?PN0>u7cu0CF(cKo?Y9xhP1D+gGaS5Sl-htT4-?;3-`5MOau}UDXE5C{cOaiX+ya*?RDfqyDrUzE_ZU|LD!(ic*NvFZ zVjtPDiwC=KY+?p0@M<7qXUWlo{nJoG^#i)hT~9hZe~IP>WsCY-DP#t<0x7g}J;4;7o+F!sR ze;VF;w-t6Kd7%HQ0RDBb2Ok)?O!Q>mH*w)(1N__n8Ag_@K#+GpUK}jCPEJEv)k0o- zz=hBIT?e-?47)S`h$j3#fO9svQtvgzP&C4o@3P$u71sxn!j4&ZOv*^$Aw9sp52iTi zd^9-|txT8JFT@_B69i=2ahBN@ysmW|Ki6l9LZepG%S)x;#heuAk0?P2uUI&!Z34*| zMR2?55R@*RgqG_i>9F_!$iDCvl)Spw@0V9VQf)kj)yr_-P#vyq5-+;)BLlw4RkDRf zDKN^a0e5W}A@)0ANxn2cASr?~+D>{jQMsqX_O;$X+1`tIq^KR9KA8tCPhJDDs)o#t z{h|jmmg1)hfXyzW;Mz8G^sgu&QZIL-)>kPOT{@Cl50S(F9_5M5R$95rVO zA8vtmhlBjZfIrZkxeI-_EkKE#Ibh@}Lw`13Vu}@;!F8lEDmMr_3b=`-5!s%R}R~z0mY$1>f5E8_%SBU~)4+$_6i*Gv+hy6fy=!E3aYy zm;F>dz7>9Btl+8jV+S*yi|%?IgdBxv@@a}Uek+ltizbMf`^u|q{@84oH+PSyTV9^t zd7}iUPJY1fm@~B*CI+-i^1R4+h&A~xxJ)w|J?M^ilcAzZVEeTz^FXD!;%S@np*-|C z^ZOo5_nw{(Qyjms1&8N3jp-ruZk-ozDBpqOHVqUwzX9}fq_C6Zr-1v=j(c0~g8K#< zROhKDyfJvdo~<{7{9U)8Yq$|BZdRwga&oBRq0ArjYyuCbE&S)kFA#Q{h)=%0j1&IM zC5t6wY4V>?@-;9D(~nVnsgnS7-ysa28b$`*$wJMdrx>e{M0CH|F;#(;UQ=O93%EnA zR`LnV_^=ySneD?_hxMT{Y$bd9^_VDnq!wRdd>KWT8FE_pl#-SqTzH5l~pH4V~5j;*7^`P!jO;oJ%-6?T!Yu2PGQIZ;qw){ z(|XNWQ1;l9dhYs6M%CSiK!LZLuCtZ}IF-Tib_;4f>J@l>pN@VXvvK53Lmv3riC(LC zgMJ${>8|##=q+z0aA!?0VzF@UuKxyet{%nkEqZvi{U?!k(iA5*Xkd$GBGxF>LClw} z7+R7{YZF(Y>tA(hBcn^Dz4rpzz9&+vuL~Lc0RAIh4w~u)QLB;?v>R?p2Fm|HjnB~- zd7WTkQwdHRDGC3FEdM8Po(`$?;LQQ0u;Ypq@6|G=A65+DYGw*l_hk}RPcY^qWY597 zZZ-U#^p))n3d56i#lnVR5&FAshun`&MA!5(%p1Cy^@f*#rOH4IIwy%kX35a;dd1kh z=^?3NQp@Cf;Ic)hgJ-&SYIc#e3;SOu8pvTFbD+f-3qQkl1In)H2M$Cbp zU?VtFnt{_>hU3+|DSU>Z0`;jj#jTr!J)Q}JplgUCEBJ95zm}JQzUB*@`Zkk%H|Zf) ziFhtvPshC|^kDY{1^o0=QW!KW6F#AE$|hMjxH+PYOx zXG9}YD%b}xK?Oo>TS<)l2l94HNAffMB_15=fL_MW$*iEr+Fa2vzG0;ps>GEjvqBqH zWCxP8g*v=HpJM0HYozf>1hSQ1aHsTe)@?8!{;J9Haz|BCaU=}q4LygdcDo>|HW_qE z{t7d*avY?$m`|NOMaba(=Tx}0pG*n-jh`A#_-)4saCqd$%7ed<4)K1`*kNLueo#)$4$Il;v~UuS2_Xi+?4@a^(E|?Sut*Gngv$HH_&zAcywzV3ZGSl zP>#Dg&k|YSmWhE}4O01nZw_=_kc)L&YSD`%+RUOIMx>5p8UIII4az9)^aekU`ZCKi+huIPz*Zxq0UsEN^oqW`Dn+ z{nG#}-g869KhC0ehB)(&FOKrvt|FS2b%gbOIY4jST?|RP=Q@ToD)5?o8ye_00Z0Ft z$X4`9(;8Jjv6NgIEFGEz%ly`2uT?#X*BwOlW~buVY2&!pgJkRpkApd*mh+|oS72ab zKUC1E)TdV9B)z!+@y%aYw4VW)Q+X3kd!#z9F+B|BZqcG|(w;cuxg^c{_0CECdNNzt z7SHTVr?OqI2E&gv67-#gIiKMBm}Ti|5}CnW=-JtdhPet{<%<0p@7AA_81ed+^>8TRy!f zj!(NeUieaWk^5ZmIGQyI{q~VyCaDlNAR%Vd!%| zDA}XQe{`yFx#NWb^K>{)uq#Bl=X-HM??tieu;au|$jIw9KZo@y()8h}hj33T5+^$lO~5J7(PlhuL0ykMv`7v0IK^BYa>}$SSCb+=D7lQ`ymeZ>U5? zD*euvCk|P{Ja6q}9n(V?E#HEcT5hz~;3}TavcZ3D3%E}I0B)->glqaZ;e>gX_%u$M zZrMnnsz(Dmqa4BMLoe*eUxW1?65L_88^*4>glV}lbbG>4=sdcI>)Ba=;h3}H6Ma>+ zdai4+GDe5Tu680H?JIHY234vvcqM-QqKS`Abb(<=0{GUM(In4<_&uPIzAYL7ITqS< zyo9g#fZ+X=+TsNX|4H&>nLSi;<7Tio%ci*l@}aRwh0g3%rXH*GAd!zn{gr8`ZK%#K z$Q-3Ve#PLAg-X z7_ZL<3aY{5dcodt&+Q45XMH5)GKNgg(8ppFS522HWyV6uqj(w>nnj z@VZ&Fs(A`7*`ZIitoR3f+C~yKrxPr5lxeA@FK?dGiO*a-sCVIgqG50YD=x^1w=Z4K zO>ExcpgH>mAMYMf`oy_#SK5KfzTJy5)eo8Vj}GjXc>$yD#Y3ISC^|k|k4UbmgwTc< zc*@Q(wWuUIEYgj?Gbs{0Imd8sz#x!xn+4*xwlH_>d01OLpKknJgQgb^A<*wWo-lgD zD%E{(uSz9tSY%2L2$}h*pABeG`+fFplZaxy34a)ABC!0&fzkGhEMVU{vc>?J`P?(u zI3f|B-_K^hG8?dM_*L@r+$qp>vcWf^#cbgHb1bSm8l`8v#_&ZJEOAOczByb44ToH4 z>d{#2db1ecy(_~lht{H!csy%46@#HiWZ{d?J{aCS313e;jnfJYs8oSFX1w~%R$Z+D z)ytQ}^5J4A*zb+2QkK)7!aPP*V2Dl-{89%$#Dd($)wDYG60Y8;NH_S-kOD-<&QJg32yT|Z3xmkh7RNyf1RtslXw_r ze&~U`6LD;8ny`1KyBzJFeuSDdpvj*{bDfq{%(M9o>ci_n%}SmsXLNzmX+?UsX8_&_ zl7pew=X1p;uDnuJ53-H=5Ep0iQd>Kk-n))BIfSA4k;$yidJGM3Q>HD)-eLD311A^r zd(i!+iLPxO#fBIOo*wfR)MDHy2+b^K*5Ec4jay~mUQlBf|>4k+t zjZ^aLFWfPYh8w<<@pHT(OxYYyax{;yrtoMscW5m9DQ<(VxT$b!w*?EHm&-~E4ESxG z1CTJo4&qX@;7q6+QMTESw_0Uj)~{#St&)w_=WpTLTT0aWkSv{i@H{NICHR3Nw0PWN z1*&M9gthP50q-@UV!JhroSH;4E=2Pdp}%`{Spy6HA<2Jd5zbmr#pb6CU_!7~OK>tte!{Kc{$`y-=wyL(>=S$G!hj z*f~o=RQ_AV)*0#u%tRYHyH&_tjYtpCvu_SBiec8NBb(Z#0qIgaIRuqSDM% z^w=gzpJ`ijU%L(baHKb1Tk!&&Mj(#Q&>++6y;xz4Cv$bzr)J%cz(X<`MLQZW?z6xe zFwQ34o|}Pui=^=m9z03Af~E|q$8d2pDgGD(>8crAYuaJ)In{9xVlkFxRvN>KCvIRc z`Y&dRW`V!KbMd=?n{2>Le{8vANo%fWahvLksFhUAAFP$2t7j_k#*zM*WN}t-PTpkm zr4a0gw8HWA$KbS`9*lIeB`+tPg3&h>iBGo}yS;ydoYrFQ(x=3A&Uo_p1Z{T8IG$ds z{13FQWs9@E=Fskg>D*iC2k!d1l%{(q;HK0bvUBlXn00+M=9F!rH5UT-ZzVNuV=Az` zCZ2+$LiPGp*fma#xFxW`o|AEZKSA{Bt2ib77uKzfq+gn5((@iBEX{rt-#mK&M2%JA z%Z2*0e*SK@a-KNT;HcoYWa%j<+TqkAHm%X*e}jUkr)~kz*+m#w zC5iJ_s?xYAr(t;1Ps~`ni5}2?iSOK9@TrWvD7JGQHNLF|o4Oy8jXPF@m5^if!o|oR z?8T);Mfj@Y5ggc4i)tZJT=SkK8zldk__Vsh>tb1+J?IU7+;xV{&&a?}8%=1jyfbSr z-a&_0ZDD7_)NsVBaeTq)dAzsTg0~EsO=4tr;l!aI*t=8h;(Ya`m^P8}{^C+XzAd9l zLw@5(8+Tslox;lcg6Qe|a;B_(7%THC0e0KKc|A#9J~f(HIECR?={rs-mj%|%d}mr| zhWK!I5RL2_NDNl>!`x0Adc-3QCuTV@rys{q;;%0Bev^YYgYU3&L+`qV1Ww8YgGfy}?|>A2GU^b>czJ?@m58dg6yfv{ z3KRscOy}YIOl#R`+OGEi_idYj&ga8uL{%B;tsF>lUn%1<@A*7o!h4*tT9$q+*a2g= zuA^Qw1Q(Y$(hJVDOnR{)eRuH^a}#ZcQ*L|6jnQAk(XIjyHz)xtRp-(2p{BU=hTx;5 zd2moP3)|&ZVMyRtoKhKuDR1q0k5?SLSh)#?QE6T^G)_#-g281r;Uzf(ctFHO7&I}B zjh*oo@1HHlI;JXcPY)r@+|2K*mk`u{g7b=GX#a#v(49ICD(e5$tQ9=~_@F{%BO)0t zY-4|GE+Ut;##IOW`Bz1I-iCiMTyGV*;Nk%DTU}sv+A8+3zYu?x8Syilj`7;d%5+EO zCsHiG4iv_8^9;U=Hn)9;ey=6G`aXpy-@j~)=Pr<3q>2mFCKKEGvsm!KhL%--hAW%g z#CD2fajSa>{3yAFbIK<2Sizm`pLzy5-z@`Qqm_L0j%%p)w3;1X>BiTmjf4IEyK%Ka zKdC6P!0Aa(aMIw#&?NX^Ol}^8g9}1=(TRCNA5%)Gao&RcrP(klwpetoYzuc(v8Ffb zM0{jdA&Ot#!|{?6>4e%~d@-erNP6mvcT|ps$B~0*F_F$R5YZ{|B}Sc z&y(5vUvaS0eGptV4gpVhS=xB74-`hdAQyiwU}mWUaCcrRD9FAAl^F%By2FPRK9ZxK zGy6csJB28V08A{MMY3sb+K0>cjDgU$_b;qfG#{;yA@JJ6K}jMC)4 zFWo11O@2eluo?`%wF^gKGSrRO4|=gjY5HDME}L~3mp5Toi2`krcBodz|Q+>g?HEv%7MBN*RBjcVhH_N^F^J5&{ zZdV6p=hXNO`)uruuL4u4w|0?3En~Qxtg8YXf>M*MKz?!sv0OxO=t= z#(9mTWn-oI`9^c>acN{JYCD}4ds3l zMJsu>ERD1^<%qMdW&9XO;|AKQDz!!p!|)jI)SGxfWW{_Nq)KIX!2tA|HVyIFNv6h6O` z55+r&@-ufI!|~R9(YyJzn3%Q@UiK@{HP*>6<$E&B8#@!eXkQY`?Ud)vPgdZAmOLW8 z;{tA9`H@MUosRF-n#iiKo$yxE8~pveXjhss@0{CBsN&hx){GlAC$mhw6})=xEcpDHQvE&BynIO%>opDng`Q9N<4-q3YiXMQcp@0z zwSwZCpUH3MS7dC7a1LZ=u~!DV{MgxneCag@`sqzI9-UzfwnOD0B=j7v@$5hkdITgd z$AhQmbXc|}0#s8Ek>NAP5Li~U63JC1Waa!^Xg>LYxvo+dKU5OK zzn&U));foTF3!VXCW9B6jQGMcDfoTj0P?(HAB1hb#^mp=!MgDRm+j*g_A^wOcUGif zpxJxKi#*OIJH@a;&s6F5%h$mFz7-#`vl*|>e@I@o-onzos`OB)q{x1!A1*ew=GWg_ z@O7K6qDxXePEm58E0Ueb(7ld)?h0d=_If5wUbve?_9;@yVh^4%q8wK!E5V9G<7kjp zD#)EJLu*NO_AxUA^mpCB2QquuneUqTczG0h8o$7>UlRQBb5As~74koy9GU!>=h&z{ zfxI1Aj=?SU5I4k(_qNrM4X3B!o5F4IYT_qmHVW9nkh6G`LycLUL zT=+BX!9=|@8d5EQr{);)BROaBz*J9k*?Ab%r|09tb&crj`5rdjZX#+!FQCb&%b>Sc z4v(ykW38X2(|Y?t(T1mANb1@om{b!3Rc0pzKBp?r7`6t!N>OG$tr4j;kYs7WLu%L| zYPQXUol%!b`dTX*xKj9iXxi{FhhWi4Lmld4u#kF(wy^G)r_ffjg~fU7A^HK+=!IFq z(3)@Ga>cODk+a)h>eUotASoSpRv!Vd$w1eWO{Dt#&o z+BeK1mtT#d-@?8yqiNnSe?kacUamm)RhKgjn<^$>)dD7O=Ch!J1o12{EBdZr92uzd z5=`CI;QsfEZ14>iJbd*#-ktIr7B)n~&Pjtwl6D`=J8=tsMQ_3l!+gmA`ElHRlLa^5 zuH}S(FQZrPB%~+$$c8U&^uSLevgF1&NSz}?-6M{};_=$BH0Cau`{OD}j*#X*#?6Np zH?rB@hEw7Ux53>0@?JKuMugEzQlM>O7r8%Ig^r9#$A}o z=gqG$q`;E)O^ATTHZ2~%!GU)_6nF(^_p>YE3HbUQz_20n1g2;pND9utY=bMOrucKMc%1N{|O`reQWC=cF4rA=>A+YoONi-2V;k-6|@IQ22`oOVaKMzkx&z9C9-eK7PDF zO1{_v?GI;Ok=3wb_*)Er@Rm$l;0H5ZCxN107`Ue95zn>&_!BNq-~Sj0S=Vn0d8tKU zUYQSpcASx>|Fc}wVMmXHs6<_0L(BT|D^#AY3!KD9Z+(r$HwsAq_(9y`-8=B}li)#T zf!B^+#LP5&=(u||wN4WrItDLy6y}=GiL?J+ftf4Rd2%)2|0okTo9rU)!&6~tfIkas zN(P1Rhe_~1d3e0n3651v5!_+h;h(!Q7KQ#{dGbOYYvLnu!*w}oyGDZsO!$R|mS@A` zlNm(Q{Th2FrADg)vp`gJiT!6-C4LlU&1dYg=WAb8!r_#DQg1#DR>`@Ngx#Al{aYCM zy-boGy(Dm2$3&r_Whl1IbLKBrmtw$~g7Ie~*FcHiYMk76hP_zYAl|9k49~v~fN1Fx zI8osHE{z_}2j^a7MH{7f^7Ja!qFf0bryi4bj3aAv&p?wavOT*jsfy7AK0MkTy24*! zmEa2S7VZd+!zHk}{kwlNF>p)xNf;txu!!-k?+MoB5@yMVQEIXhEb$Y_g z%yBUo7r!9g5;Aaps$9+Q%qn8`M2d_pG^Q$w2jSlbeQXoyk#yr$^zq(An%N*+c=sJj zPTh~PWoFd;_EMC2Va^sfbYel%W2hKVEOK<4$ma+wlfBw4czdi4G_PGquXv>3^wBO{ zR>(tn3|Rv{S--$w<6aiiV!%ujzXlL$+Dh3oa%G!JHjM=v26eJf2&I4GkaI zwt4G8<>Uye*{+5yy~F;;(3!Z^)J1VP4VniHDk&mVQW8mbudPI*$Pghj9}+24M4}Om zC?ruTl%%5R?zNMm$UKKi$&fNDqVk>p;5^U0&)H|M_4~aq?5O*X)i0?Q)&E4Ow?dQ} z8IF4vjpIL6YgyS_P3n2l8OM~JCAsGch-$ejXgkV7P@ExMF*gxEEOR9*Jv6w&y;K-n zGl~BEw)-(fTjYMky0XT(2f-`|Z16|Zo1q7IeJmLQ&SU*VEx zj7YnW<38;e_SURX?7YSTHCfL;9N+B(&^> z-PMv8v-CwC`Gi@meV; z(Y%a@OI;?0L!aP=3I{Ulc?9-bo`5*tZW6yd8QiyhBe!Jsk{2(&L)j8LXi83lEmd7O zNZt{8O#Wl5N9@C4Kfi+Ht)Cc~pv1}h0rZf^ODK=7!tj(STx-Hk65?@8=$YDh1y|q1 zagRZ3v>Ls!I3HMAyLjH~dT3t|k52pIZ30Hk$AD*d$g#LzN!*km5`W=51igK{63Do_!Lp^HaqId#2$% zn?qdV^Ani0I1V13&qwi@VDh9^kN;UQ5>;=>)4DC{)c>;;_n-d($HYG*;_`lx-bi)Y zpHc^HBMxKRsrAs+w~A=36SxwIQ{djWR`UMI7})exk9YLmN2xO=yl=G}Y`Zf7jtkyX z7a@Oc`N*7~8mdUOCm#Y)?E#|HbU?JXP6EkT4eX4VjcaO5xYVi*7`#4?nd)Bz`+E}n z%_zY`9&?BfwGk5?`4yOydysjl%F^U9=6u&pYnVBI6i&!6;DL!R&?QoW=Ye6xmO(qg z>f8}%Xomgx;PtIAK#h`)p7tT>>xU zzhb_y+urE2fj*jDhkMrwtdIFp^vPEb{&6g!&+d(Y8Yu;`t+5OrhaJUBU;j*56|jyy zHyei!x1Ql;$ww-53&-+t#`0XF_B}H!K8hJ1WTD`zEYvJY0JGILsQ$~Cbh_JNd)Ffz z-CYkekAKBtlqU60LO8OUGU!AI6+G;yC1eR${@Y&F_R z%#7vfiyi8GgjEE@hQ5Wsjgr**(gN|77GWn4)5)AVn?bdXiEdWzL#NA65Sx`irD-pn z^Gbsbm!5)lOT)23Q^Zr8ROzzwsr>pk4vuarboAK(c&L1k&f2*Iz9tIqHHYU|w=kbs z2BwP2_WnnsE)B=mjUJGBt`MH6t_JN}0eJtLFKr1nC;t2GsV9!Zwi`xt+qFjAKafM* z_N0(83mS{%J=qHTHGA7LhCDBjwE@W$E&+u94GirmSG z+J1a?aW7UVUM9iu%eaI08R{G;MU|q|P}$H*d^e*JFJ5iKt+J!>aFng2T|(v9QeKeIl5#{;^qQ(^2@(L^wzF+ zbaD1(>J0*?^?VjN`PmIjLIv((?Qck#HWwCV1J(Mjif$tw+xi!H(ZpxQprrF!)ET-T zTra(3E0RG>p}S-U|Enc% z17*XgruaGzIiZB5k_4S!WRM`4k$9wQ1AU3h@K5GgsuN+wEB(Hr#cwH?+?0#od~d?d z6K_}zHDyvSrO~8alfN5K0aK3oQ@yCQP`FXJmp5f#=SBwl6AwYzA0?U;Z3fjs$9Kl< z5hz)q%{_(g`_=q%vbp6xyql~|Z`e1I%$w!VEaZoG$yEYeD}kDSVu-wP2E6u6!o_#A z@Y>ic_*I<)0c8;|C%PWv>^F&jT`LCZ9T%`D_6w?R&4wHHA0hV3H#T3>nC@E7z&zkS z4m4MxZGPMN$JAHo{BJFeU8liKGLFO6Tj{vPX*B3YA7_8B6=KyMZ5o$^`08&Z?sjk% z&3sgtG_UN16EP z;8SAFyX{8P8^nNX8%9@%*GbW0T!pW`pTfkCVbQVGEmiTWmjyI;QY&Q7_t5pj1`T6E$ITM zYs@GfGocPr4CT2(s0wWfIf72r4( zMrTN%YV%)ssH=$jk_W&|ES&uf9x!#`WAeB<71Mj>!-?i|FmC)1y3t|?y*}{@%yhF5 ziM|?xo|P@dBxAbOuN@Ztv_erA(3WYb++=W^AT3XtZvocb5`inn_-qRhAg7TKha3wb0yzvNBN7FXc6 zC4FLb$2S;OnSzoj@i@x!7Ob^VrX>o;A;;i`xcKQn91~$hyW75j{ul)|e(DP9tyIV2 zRtpSGO@W=}5(Y*KMgr>`i9x%*V&gh3?ockwW6%RlwT_{wT?(=@5pbih3cW1O&?Ohv ziRQg)gGFl+g?zpz-i?2OH;>K){asT*`dX}b=)6u`G-L*+9^shqY9n=8bpq0c_re=( zNBZJe8%{CR1W{uE*Lg0>SFHbJYdL*B_--(VsRtB5J@pz3A@`6I@d{e z)jG6&wn#KPs#EZjpM_(>463q8k$PNFA85cJzX(_*bWz5CvV!=QJ0C} z(eeyCE*!^_zHHVyZ#Mg_^a;Y!E$~6cZtCe#O;YW%v3;;BR6h)0y^pu?O=mX?+3jTb zYyJ

~UhhfB3+j8@k*>aGlKl{7SU;VjM|c@PYAL@8Cj39oVmJ7j5rxfddz-P^z_B zq-5}eeK5&jSK4CGBzzC-zgWW5HV45phZ5GZ#riRO?K4k&u^yTp$*S1r{bS#I~;af zirTdKLHy2>>{`hfS~b&EsDwu~CNZUywsC z3@?Gf2c@acWp`+TC{)^+C03j?gFYX%k`ySKiPtU?X3DRRi1VAwL0xJ;yc?y@)5obo zl~`~WZ<~aE+hh4EyBXBScfD9SYYE>Nrw3+pM6_|=SSXZ}#f}OmytdY!DF2%8jWT@HoFka;2 z#ZMTlD6ZOk`K+yMMaG3X0K#7>@~Q9Zzx2Or?|Vj z5Z1a(5QWNTL8)^SE4^h479oe2{(B3$_*5J-7}^X8Lf3JUehqdEJ%eiD9@OTP0UtVd z1n*ZVVmk9{vF6=7sA{m}!A{T6^woKwfzQdiXnSl~{)o7ZE+pJvhsMo4gEGhLVf3g% zHve8EQ_B^>e=C&n)`)UsEitJ2bUWs$_`=`T^?aMnUX0BN#(OHN)Hv@P`5dwoimI$w z`mtO#>efE7?DQBYdYJ&L|7@iH-4=X?lTN|Bt==WJv) z|J|}3Rpg3AjERmsRHkq2Gr?-bMmj=^GBWc$Uef#zi*L5G=f@Rr(#J5+wGmu(j=9h@ zMVH#Qh~Q{h1A8}aK9`W6K+hNM0i`iVa4Vb2bsC1U1UW_KQ|pRiy;Q8Q>tp9N3y6Kh z6U-kuA3{14pesv()>rA!P0NH1hEp_FXm7$9`O%ng63{g$l{I-q<^s)y|;K73GCM8okJ(0(}x{cHsu_K3vEHyFpfV` zrj0OwtS1D%WU?+mFimPKiSVJ6x6|U2t2NR z3L2URVtSJ`%POkH{->IBroafWd1TB?dt0Gyq7A-#Qw@GD(&$=XO|SWTQ@hjY5F+qR z2mkkpC8bS;hy&^D`N=o1vswX`ZXA#EUOQk)jw78pXA+uy+|GVoa|QKJh4}Hs7g(Ej zA7WBI!RQNrL>hf>L04`b>h69BmfsJ6%YpS!>F|;T#vLY|%a-st3-7Wc?v=22%sLpM z9**6i2ib^eBe~8D1unX2k6F9k;L=+^%ENv(gZK>yQ{LUkIc&n8BJT!o=)E6PXj^>jlsPfv~iaboD zjk$8)p)|moSsI8yqje{Lq3#GJr@pW?az`<%!i687x)Q{L)uA#(kyfsg=8~nt+|#0! zJu3^R@qUB&=&d5G;i2M)Aa7DOa6Ejo*bO7Uo`6-+Pob$_i#DI!4ekb7{6X3=V(ZS> z&X6Nuzaksn{I>!A<{!mLO_?C65suZJr=dphP$}m6V2-91u2%Pg({EJKB6v32Ju3^6 zX4}%qEA8l7nMioooQtxxwm9~pfd6qENYC8Nz%{cTVy~(LrQW{qabOA=eo*+WYX|ZR zzfVJ@TqdS?-i0#%Qb^fzmrR*q!@Y-`fxaJ#*g05Wq`tQkRW^P`)4Ps1?Uo+X>odh) zFXU)f*)kej_=jCMI+-3aIn0utn$b011P-Tt4vyQTLAz}lS>C&)a82_*Za6cF92Iyx z+7l@|bwieV4)hhT&r(CIHzL_XG@vJ^gqTK*A{t6jq)Yk`HivG+7$aeCxkgeHaQ+>7 zecnc!G+vWPC4HJa_^;?i-8s>UW*eOFz6rE?4w1WmAF`TrS0Nb+@T{f;$|YS#xv0HN zt+$fh_;wign{FkozkS(hk3_cW$9Hl@KM9w+O{e#a4zljjczots3A-j{5{H;xlq)VI zQEOyidzL4d%v7SImzQHu$PQaQ6K8&NS_3%uO{dxp+i{MmKJ9l%X5$jVVAbR+nDlNZ zms@F#C);8XtnaYthC}dS+#BM5SPDXWk!kscLFlkN*xoXZcfb2dCZw0Zsx&$F*29%v zd0B&U&gxuAc@oVqs1jwjD?r8+%8X_gkR1Vo==&LU;_V5PZjQ|+zkSc5S8O%2ReS9sLNc!qxp9+Z-*jZ6@3MpTQx9Bb3QI00N(7j(68xG9qZb9mXe0Wup4wk>tV7A9C zJi`Bqse%cO4^jc?&YQSm73IniSJ~KF9csUS0j}FEiE&m2p6q;2n>sh14$scg&{-M=sjS?r5}=13zz|o$g8Obr^w{ z&aA>b?-KU-z-r8&;hlqFYh~NX?=;B_fzzSF6x7ZMA$ge4OplGiNS|VR4gqR4hFMth-SN5@~9A1;+v+4M(vM@a*yD3Y!rME^E2@7Jy%%CzTmgZ zop{RkKD#=x7CrQyqWn%PFwlNTy1Tp3yQBq1TQy;NAcJmcF=n|xBr0xsxS^7Qw|)e6 zPn<*_-_Yce3&Y^1!$-37UO!g7a^f?GT*8_QF6fb^!m}=#qfvAO`%_@RBL%nSf|HWC zy7xKTyh63e&10OtzW^S}tJ6o&H+YmO8BK1oo^(c|0yjN&t&PsPz+!l7%IAMBbn z0ZR0a^6nLm*!uPpq9;FupEB(}^`d z`nn$%PcY+Ox19nly@xJ8UW>)6jW~f%_YngI*R+?)bXGn5{@J~G^?t1VY^>%(@k6#}^L)U+>+0L9!@>&bvGKZF$*>Txrvv9bdz`hQ6 zgBM(bAo@Z-3mBxxgSM+s$8D7uQD#P;-uVneZa3iPp_%Yom@VH)55w&4PMD%|8t&dd z2>Tx$g0P{Z*_KfvY(FPQubmu7!;+(LmHt=ygcEbclhn|_tJYf{L{5r^@13tqZ3nBCA_yi8RP81P?{rI9c64Zs6(8|7z zOmx=|Kg_+33aNAP-%@*ZtQ%}fUjacr<{R}B^zph{Hp&^FXR z7X_CbGeN&j2U0&D#hq2nVBHl4+H+#aA;Agbbm=^qKYI}9C>V1!$+0-}TOoQM9K{Cg zk;c5BVf^On5KNoth^1#H(0fY@aWM6O+a9u1X5BPs6C5GSiUC{0i}-~r4X{@}6K>p( z6Lsgv)6(cD{7?LvX>SRp9nBupY5flf-|-Xw?w${4LQM!sy9UODvv-M-JW_BkOgY~! z(jVLgQre!V`^p_xJr$S%Nr%xPL67Yi6HKP>m7$R^m;QUA0uxQDAS>`7{r&Tmz!DV0 zwXa#kIMIqWDZRr3#(P-uw9BA(eviPF_eZ50rQAZx0WN>ELc_E)e6;8oUW>{l)8Cx| zyPKY@vvnbMtgXYcWxD*7_f0aS-GetRD}kdo$MV|m=GaiKLGRDF#D4k7bF)*4up%sC za^jpCHtFy)#$JBFi!Ft)LFgp5&5nkCMK#`a%mYzd2W2h&uqR6jzNQZVLr)3t{}Krw zZVjL#8b7gM&wL#5v6)T8IsAfaBK*8Mgnx@@1Cy)wuy#WR?Ad&bP5h_ES!n~TSo2;y zW{eNKsno#tAN%0@o8bsTUZgK+IE%PJ_+J%cSa+ZRCHDlt)0eh<-lhtovLhU|z7~)z zlg`0x=`m!y?reNv?N5DO_JeX`9CQV)g?ZuXbl%pNByLawELvTSCKkKE#cxy&8 zr$?gVqeM_U_X*37-Nc+33%LKN8*Err33eXXi`DH(_<6WAwN>;a8)T2eA@3~Qv(yO= zf0@eVlAhpV<0dfQCNNI74M|^x&zv0qwrz^E zH$b0PEXkvLEF93#-5oyleno}ddmwxNFc?VriC zA!HXydA<=ps~b!2`wpi?3Q5@Gy_B)!TkxTA6wmVa6S!P?V51~MN0t=hhgbDvfy-qU z_QU|A{LW(6^B6c7VMLGAdULLcfq34A8 z=Zq6jb3}``n#gjAKg!Uf8I3YcHv~SL7anW?59db~k57d9xV7NyW5jPxw2i3DN*zqV1 z|1N<;@}#ME$h9d&(d)^^$UD$ApcLLNordR2rAb!m8r%>zfIl@(!P=&9a10ND$U~Mm zE$t(jl_Z8ey9_XPjt>kC_vW+aYIBG6mxyTCARJ$MSafwx9UeRPgcSaojSF>S@q)xa z?s!sxpZ%iBv%(Che6-*I$#%stW9xCJml#`yW#XcuHjq85%uigL2&y~AgHI=d)tKWX zuU6>u{WNFoZ+G**t%t;^^ZMael^)kM(x3~i7jol9L+<_a3NsO&!9OklCVHHQ(=qe- zx$@IOzhOTrZU#le?8iu)$0;L5|rC_CZ~Zs{5hHgj%b zwCPJW)?z)at;xn=yVtTY>Vx?55*s*QV@30vpWyhwH{kT(KIvNO4(>Nc(1HRR>Ucm6 zV-Hc>?iWUzKPgeai=}Y8_y*`^4TG9v=Y?!|J{j6t0%s5D(DUz}fPZNOSYMhB2h^{T z*QIAr*=sa6l}N(>^4;N$X%c3BVL0Ng6|)xd0Ez$Y#@}lS!5}r2xG&S7FSDhopgRKp zT4Nsc(S-Z;yoQv^N1=af8kWx94w*xqz~{pe%V;Cz zswgrq^a41mW}vmyLmX9B%*K6nrdLm8un!yRaD-|hiX4xFLx|v-o3t3pzVD@PEhkWO zvtw}5VI(j3ngZ8dtH9d284kNy2z#QTD6j!V!{88$t$fB_j4LJ1VMEw{id<$FkOo{Kj z9NahPIs|2$#v?XwS@Q-fNeEtZ1aVLSPL6McR?&lunTN(bk_ zkK(nPZi4yDV9?t)nA+u8gV+9aSm@z``Z4-Ep`jR0*`&g>XVdAEzY}TGpi9KvQ()Ze z4C0we3ApdjXNLme(D*_kxoX;t4N@lL^pRT-8x#gR7hGZ?Ys~QCo}H-BUXP6( zMo@M3ApEp1#qEiUQTL-hcb?*a#(uAfTf!UB-u6ov^71nLXmrBkt%B?Kj*#b*5O(W3 z1n10KY4~?hf$N2IKyLE{GJErJ7S=J2^E06+r|FJ9e?fD<^x$f} zF}E+jLh?0lVpLe8C}`Sv_S5nb{AnJ{ECzU>hutso&glwP)+o}ySGE!B$%1=+kr5m- zK2MzMGq9lkJ86ARP;ury*b$t9&!$U*{qO7eG*A!pwx*G-a!F|OxR)hX$-!IAOg5@a z$Y=)r77ze2__qBEynVQnh4thLo~}Z%$vstU`V;{<*E38}PM{5@6-hgZTAPuE4?DBXWt#z>ZpPaqOdE;wmjgvGK%xWc1qY;vMIT z*;{pOoNMtJV|FB=(*#}IBE11_b~&>7_7Z&kDJFU_xDgkUvD`gS;Pw0yTotNzR3+tP z#qIIRTyn37SBDGt$m=uUi-Qe|_%8+>tz@Aq`UWfivV~sL8-j|8id5?QMX1u3AQ}_W zf&VN3=UW?~a$FeGK9wd)9()CtiPk~BI>Lb1o)rk@ApqARR>06Zz@gry+abbMVja#D=%#bm=a4SX9%;mYoV0H&qX! zXMWhy)V1N5lq$ogCdlLLooVd$-z#Li)>zt+97C?x*Mnhg1=Bry7JLfkVU^@+Fq@=B z&xX&XriBkg};GhzKj`0=7*QgN{iN6&bSQe^^np+JKltaqSOvenrY4KDs8ITE+8 zz6#$I?+ZD>q>AL1nz&%yeONfxgboa^N5cod;k?8v=pRxGqsG36SIZpO5S0~Bv#^N# zy{pD$Bhw&n$OqW*{FUfH-gQzHBseg_l*OBemEohkT`a8hEJ~h`pi^RBp=M(jes=8; zotm!=BZ_tL^g$iOx99QKrqR4oVm!=}$s&KQNb&sf+wibtqS$fG8{D&cHO@`e=9h&W z$3or1XfVqg4mqs`qoF%7oMzzl`b?OZqmCA@7GvegqYzbjm`bf5jd!b`h<>;!VDG|P z5IycYYdT_qMr<%W-5m*&<%OJoqoK&xN)4rqj+5h8;^FY{E+%>=kIlYoaL?4qSfle3 zmitemi&c-Z>*Hcr#Ck=%vws`58vjK}ajAIVA{odOGdx~;Ssd)Omi~%Y;FZ^ofW&YQ zxTic5|Ev;RQQsP>n$ccFQ(`4LeUV`7-PD7K-S{OH-!2A3Z z&=fMmJJx<<6-IYKx^6zI3{!z+LKmoemjbt}e~j)^1979!WAyfj;q_iUq@ef$Hut&1 zyQkIoqplumqSMJf6FEM3ejG1UimzCyS!}y)%~ALyFxmdD6NB-UyJ)GD#U8pu!yQWt zZWJfDkYz35MnMN$R+NE8xqNZQ=^eZ==K|FKm7+uX&VtnY@nHE}8E+fg31{A2@tlkL zJc*vhUA>i<=iG%8H#l?a-@o9jiWQpv)#NHUFW8Z}Q{W@!FxT7mq^W5NC>UHIBM!@8 z*il8kUYMt?liA89OP&%vYLY=w6TLc6%V0I=cQTUco?(ENJoTqR2iL3Rmh_5GqV1D-nPJwp{PCuQF za}>1r@Q;0L*Wm~7q5H1r=+D!UdT0DiKlJX0mC>AT60=bT(!WNv@YypO-C=m6Zs3+ZhV1-2+a8YVe?_L zk}M5zP$UXD_3&TtkP5nY0B#>5>_OZcV0`jbBFf*uls0#w=F#=wzQ-MEj{rB_8jE=W zIXKi;a6Psv(DC~<>3nf9`mERvYI|cL-@JwN?apV1bDW@HXC4WVOF(zEM#z_$%Fn9` zj5D1D;(_;_MGI#Zv+n09Xf|~ah-WOsaic!Mn{`Db{l{9)wYPz#-8VAt@N}xYL7FEO z1lYcuf0filr=Wc3f0*!8a1QWaIGs$P9S(b8i?Snn&a?pdB+K2@CCJK1J#6au57wSL zE4p&LPi)d~5KasK@93Z+e6YWXENZsrZky&4JTJ##uRom|beNtPa9tc{HjRe{#e?fw zJ@5=&Z9DqxF}UvTg5OV2O0ozTZ}frJuk*xtr!K-vS5;ae>cn{-4k-Ucfu1xB zfVFx@iTUZjxc`U@KhUxU=D9fX3FD41Wv#KWO-^1kYvLf@A#)j;XBml8LXF|}u7@J~ zIDosaInjFR0|R=D;kqzKx_#pbb3S^E^e^|tVGHuv{`|doF3tc?tX&TM=U0N;u5`Fs zIsi0VKa<9e1dtuF7k77=@-LDTka`HrWYa-h_fHFX9O@$O%=!mwyY7=ox6PTMN*>5J z=fHru;bisCsr>X$86GA-A2(Y4$M0{xN;>4m;Vi>)9P6=wEdQlMBc!DG^1|(?L>uAA zB7u)JbTD|O?xp>=74X}w8T{xGX}a?F3wSs55?UsPgYD?)WP11@$c%`F2TQehLg-?? z#>|vYjci5P;YqOEu#4!02=}IK@o>O7S@3e5hd7@U+&v%-?VBlgH&ehz>nGAG&qVqw z^{Q}JH%F`Ft^7GPMxYWS396VfzM2{C)BPe0{eaPUij;on6!h;d)#&n1O61=#p<63o$ad9LuyOHbbmW%{toYhzn6Rz^d`8^E zwi9FM;)Pb=ImHz6LR9ehlw2WGf1mXHy$DiqBcbb1I4Qq7oIWf02bZJgl=q#M6S6oO z)U|5}zqmk>7tIy3my0HI<;j2HsaybHjSG?ir(uz2$$wMD;h)dvgO zGQSLD?`DJfr%E`|o`vn#%1AOv!xR3G1)uCmc(q6iCR+_-n>q~9Rp}qBYA8e2dJ1fh zF0Fur1Nnz?KXknBP7ijjr=QOygXd*K{J6TC&3t?We!mE}T|7&JYYa_ek&Tq@=@FbP zSD!$&k_aO7Z^OdJ3jFTlCpa3fl>qLB@dNdTf+<<1`q~4bEP<*2Bvnb+q1JKf;c(m*!o^YFiJSL3&Uh|9T?$hHw z0_!4vcc@5diWVO>bs8O)nTFbKfpmAlA^5z@9tXXnV0dx}W)}^mng#@diq5eQt0rN4 zo+|eiX3!1~b3yB)7OGB*LkY`x_@S-M%zloe(&Yjtb>$KijlRa*)|gV~IZsjf(_GMB zcNFJYd?l|=L}2*WyXd{6hYb>fRE6VK(Cvft~&6iiwQi&_RXd z`__xl?qSRBS)als8t1`bUnGQRor2-wg*0!BGItuChsDJM>0FHquvB&*tFuXgH|MKK zvA#F{usDy8wxq!((RsKd%oY1(5L^s5u!nvsTuuHMc6Tj+{K4HU^mYXV3V9Tdc6ZoN zKc45V@W=LK4_vq9Bx<<{y-d?7`1ZmeZ25;oqk+Tqb%KL_Yz%(dex8j!A_3~g^=R`f zj=0mgEdSnUY<`ys&jil*GEZHa5`I+N_c{SH=`7eb_CL`Z)qS1Kvj$w+x0nZ%#iNm@2xpxB0w&&bNZGx^q$|`3P4y3g+?3UDKHx9Aw`McB z=M@0GfBJ2;E#<`Hz2vz{cqH4SIR{IWvv8GXFXrvl;AK~KvX08VFxT>r==Jn%IC@^5 zsQ-E%q(w$Ry4wsYQdMQEy;|AVVOmt(aUi)D(hcv;Lt&DMHO?8<0qOIKpx2r5*Qr*Z zv0jdM7ky*d^G=A0&DP!Ef6JM3SgeTKt`^Yg|_}H2=kYN zrd%qixD!iG*qO5}#!mRH_W*01orzz%(!uUpf#~&u`TWKEd}xYtCxv3+emkd)#T$J` z?F9p9zKq~4s>rSw+oc8d-jOWvk}feh{S+moWSHol4efmT2<*GI!LD{`+-;*whAjVr z?ziJHXm%`)T)T%f#f+gL&uw`?)i659ZwlBiSK&8$s?of82FS-;B!)$I#s7`iNdNiH zWY?neKuKXBZ;Bc~H<^Z!v-!`+uk2|0J0}|-6^~)w#0-XJx&gj2#jlas=wRuM7fsT{ znLC=;?UD^R`KAM1?mLyAGs}ZZ>ghQB-#}y+eOa!H9t2Dj*f+n;@Wvtw2%M{kkpi<* zW7tpd7xKLI&)$v8L>JhJKPapoI(gFPv7L5*+jyeu&b?KdA3X6rRLw0i{jk5VV4=ay6F1E+|x zy40c7vAB z8H~8!2*wpDEX48v^lw@QCp|ua;ojq5m+1)-eg=3h$dotqjp2Q}=kjGo-;r~ty70i_ zLo9ES6oz{ZqC;0~Bfnow0J*wqmj2U*weH=*17jY1xCG=INiCT{LJjTdkcd8gwKT^+H&1;#GhlT!A{t{j{Wf#k3N0P za&)A)+Eax7r>c0Fnp3^qh>ev~@w|f(cT*eAEfSa79`w2cnhle175l{&R4wG+o+hxQ z-ICn+!whOW|1Cc6NF!pe7Z@09!>~9Dmc>jXKQ>Q?+AX6oIYo}zOxY}gI)Rt_-U$D* zK2JhDrg3s=8GYDs1_nG>L_`zrV@7`_B&nIe=722BoVkl6zZ2%;%j|HZq2Q|T@#Jyp zt&m-DiR2oez@c@{NPV)<+h+`YRwYf&um-fcp@Dkebz!Q(eYRP;2m6fX(8S3ybhN@O z(78Pe($+VzsIEsW?3D~RPoG4$O}~uqR}283S$o0aN=7Wc^RTK=0U-yk074-iR_pW0bAFYW8~Yz z?Cj)WaN(XSrgYg6jZ-P${ctc(6&$_eB~x&L*9zuA_Ok%A=5ssez_*Gb(l%r>d}tcR zUk+&!_}fp(+>aV`!8k2CTjvvedD)Ik(a_7t?RV3IS>0Y6qIVBPBtuzBq{ zFfcELfRm>9Sfx_zYx9+?`aTt%MjL=y&>qZr_yZ?~0t+bG%G9(>u-WG_uKoF%R0KSL zxdIdYddOYjF26!&~IOc?#J99sYu`jo*V-6qVA9v7w+TR zvnFKQ;Q3@dAn9=mVEdg+!L(Wx0xCXMY#w`nC9f8Pre7;+r0TL*mv3UdW3>=s=}F%` zxBv^=)Wx6u3669>%G5^36Z$VB}ddFcLc!ERUu5@%a6ivC7 zy@nZTg=Ei{jXG7|)Pyov3^jW05knw#qfVG-=fzQMV;Fpz6UVM_lFQYy| z@m_sixzv%>N9EzlNd;gt;6Io(+!#YZhnx1#g?Yk#{=}Lb7}DhhPwO9|$yFt)B0q*D z`|9zRl|e8yCkHhIc4mUekm=|3qVwmykXvuh^QxL4VZ>6tQPKd?1203Ui8Fe6{DzYk zi{R`*UA{#33j`QSajEj9q~%E)sGD}e5$hr{U#*My&T1kpNlM^-<0sj$;x&o*CuTOU z_b}s%w=jqcOwZXlq~`boHX^wNH|1-h+iCgoWK%1C-b!lUk+Znu+heo{FTnPPcQLM}3>rS_ z^6Hc&Lg%0W*QEsF*Dor}+81%d!+6p^Vi=A6b`Unk1w;AUKyo$y7^zq^gog%Q-EuIux8zl*?j z(^EDiu+h@uu@*Zn6@?nBd*Uq){rLdbUt7_+t)4JTvrBN!XTzSX=j6z$Mu_K&$*%!@ zpy+cCEIcJ}`o+ySEo1`i?P-Pk0~XO&hJPVm`ajY=l|ba{1MIEhKJ*cM(?+YGl5I~_ z(PptB_!-zk$(=BW{k=!5GXDfD+>k{Ymr0764E%7ry#`$nT_pN4Hw2f~JHU#{4cy>! z93D_VgC@=sh})1-!3$_WFZ~`*Z-+Evg3Ukn$^&3@j3t#`BTwxfPT>FD9s%?AHpBUm zGjV_ZQk>cv4YG3e!ufMAOnkk9-jP@3UW?jMqV6dkC3jJ@^)2+;#xrIc4wE*ULPlja zbWh0zE!R$n_%26RwOP|$ZdXCR{+swlr$5{aG!(xwk)S(dYe`j7FcfATLdy&Kv?ewH zPmSFIJI;Ka^w`g+w>R&A5nzsJ6DoXPc-?)FA?HVxvk7YU>ufo%D{X_1k(lw z{#E#n(wH^~cTB{a0ypsZ*J!e8w*tD^3$7`Fi|}f+A69w~qU&sbgO%JJ*cRlD@3V)| zFJ)oC6!y{ZHa)h~WiZZ^=i<^ux!7g>7}Iy2B(;_QELmB-;4X-;DZ6tA_U=7~pT28A7wtoT6z23@mYTW2>y**a}p{c{)U{E`!T z-LuKK)2$>cM3yeNeGhy-L_ws%7kF^PkS}^BFv(|3<0+CQBHwd~xV@`Uw8D2Vj#ZsU zezsKOdh-dOBlxbQtwQjLni{;?x*JC9R^kT+Wx}#&m(b0w9M4H>5-acT*wtBq24WfR zBo?@a!6@uOM|1yoQD8mlCRBz`Bv1HdkneN>mtn_6|8~y8`Z+Jqd*=)iVHCo`K9=Je z$JeAO={Me7a|t)^tHvqMcd@808LU6EmGH_l7_t19Mg5aPT<~!{91uzjq8Yp3*{pWl zwF79*s&#Bfh7|4eaYW;B)9G19V>-)u5R6V-0~TrPan$Hk;?^w(0f7=Q?1eg=towsm z^il5Xd|vSWj9>>EQhE8%aqvg^BTFB~nJ6!lL{HWfJ*{tH(}&L?+H=h5gxq6H4-)XT zjxX!oTMVBylPq8B)xn^>KLJjk5xEWBh;jz~q@>9W@~?a+pD!gaz1%9&JLn#Ja>x?e zg7Vq!2xGKgx)cUBuZAFHIdW@NCX6?hfJ?jO=o7s$u)1%*Wr3_UfA}H@HgDgDJNvAw z@Ldj@GVT)&?e@pNUH8%Z#!;x#?Vn%hHhBK!%j9qQnjzb+S(Qe`gQSvlJNc<|W zzLKi&-pYAYd&NU&GVLbWLT1kR)^}n%H4x5ATi|n14@hk($LjT8V6=5KdnWY24Z15a zC0K%c#CM>vUktuCn9h$hy@H9IcSZd>Mxl?d3Ak?Mm~q_8R?op>P&@%$DGJ3ZEdR zGZ1^b4>PmTD`11nV7~O74a$qth<<7l%qv;L6#R;q>XAM$8>`3JK^<|0c?O1^uZ5GV z^o2}IAdXk>W|{lSh<(U(cDOAC8|CEi>ffitFxU}at%~L*p<}3__kL`1n#Q-*?Snh# zZbQg(HBL3|LFe`(827Q0JqyUfUt>M+)t4}0?3^R^Txo|6jzX?!_HvkUzK?`w6cSc- z2_7Z(!1$)0Xsm4j2De(7?f}8loSXx5O*-&#UnTbZm7wumN8!|_2N3n9AJqq47rzKQ z0tp&2pwf|z8-M;3%ioP9*V<>oBDq?)c>5#UAF0n{&w1i;{X;1GXE2?#HV& z8L+0rVc;{Gg2hcGYWnaiEP4A@L@TzCB?^;xZ`ETA+q4QjR;zluIz4j z7xpgHr*^3u>D2c%SQwH9cW=p2ZIkDgvNsAb%40PR{`XlV72N?%pO3OP_ssCb{-bo1 zcPxE)`7ew%P6LnNXFxugvu94<$igKW+)da!zABnVshI^IF<*_k>>o(_Zab0=$@Q?Q zBm&n?35G$_?m&=83V!Gwf>D1ZVb0q-_*&R09BB*2L2)OriD-J9{YnC#%W-G;f49 zuU~Ne&o6Y_V?$$uj9|yZoqY4}8$jOVh@a)FQO`C5_&HdO4_0k}%)))p?sbcW^%vnr zuNXW!ypB9q9Y8OhmJz}AlkiAZlcqnh#P-8Sz+;_@I7ddCx=T!_rRixRwMu>QfU)7w zVY35#-W|Zg)&x`ve@?W7Dus4Kl(3_FIbf95{-<8_K}BIt=1U8rbs1dAKdKmq-%@6t#xqfj?!K;U5LwRN%=^ zwFRf$2XLjeJE*UZ<5!x(A)-owew-c2#4C)@*JvD-%WlC{jp1-MtkBZE>RC+gKz8}QJLtkUW+K1TjOAYk8cJX^-a!H5YL9ouAj-@MJ6O&?RR2-Wx{w(8+ z5qgKfPS=&ro_h(^Y>UO=dTsbF>3Ou19ontte3( z{;&+UxgVte_FF;S`c4S;+`>b}oNXMT&Lv{CdDE_waI>xrS3AuC+u#{(Ve3Q+Ep5^nd|j6+|0ikg@TZ&`E@mga1sldh=H{J?=Udtf7} zHcb&jUGtHx5AUdfDSUq{DIe|A$YgoNAAfmtVgIhB{B_qUm0>!m!_pOcT{p5$Qp zV}Zlfy$C7}jKyN9M66W~1An_iIQU&T>&$)v_J4O-Hhzo10h^ZLjLGw%W>Y)3iWA`A z8GGV?W;M=OC=JJ-SHf%KeiC7x1({wUII_qCS4)J`%;m}WOlvYd={k&_oZm!bb#l?* zlm}#$k3f&W4v3oG0DYf#gQ7^UQqR+a%61F>wiP1;U%4eNEJy&iS%&b$wx7(Nrb1sw zKgUPK3bg8|Bt{O^WfRh6c=fkaFjL@o=oU%SwcfihvUe}FcpoU_|I}%bffhaFdIcK2 z2GG4r>p`J41s3@z(+lf;vCUk8XUoT8-}ANbD9MIxn`(ja*KQDwzc5x&iGHnI$Ci|2 z(rJDgxYbLH;^)rXo~$4_%PG&Weg%Uo4uG56G~N`c2eWA>zSF-1nTHzLf07Lsx#Aa&?Api50}V<}Apm*OL{qZK==XW>$W|nsS*CNCqJH_oc&A)s-;n^d7j>H-=NY z@9-nt4;?qVibm^R1W)UWctqngk@Ph0ib)naH>m`Y9Gtb{G6gsw`g zqQyYFSxjd{FLFgK2xztkqEmwJ+ts0IoDY6$d4{qb7vaJ$pk}{@L+hSzz)j~@10O$@Bp<8 zQ}Dl8tI#a!0mc=|ax>8dJo@J+dul2}4PFf5%R(2zp(pcEpakO!%|-O9KgS_eHQ?KJ zmX!qlvD97F|I3O}-=f#n?^y1;f0Zgw!IIpV|c zU}>}1xTun3c1L6SqE@iV3E`gKjKFO3bl5ygh7+AM2w9SaF4yM6gZwKPDlBe_=dER^6SQ3Tysx>fEP6KyOizoN;2cm(gCmCpvS=Ax*EL)D{!{iI7LPlJI&g~Os_5%AoGxk2Ipw*D?dz`r+ngCkG56I0<;Y=Vo0QH62 zkL>3xNca|m?jsvT_XZqiFK1_?ys#Tzn&t)5n?``P{6Va3t-~cY)6qsa+tr;LOg!Cc zMLkBQ__yah@yd|G9}kw|5g$eVR$?^w`)S{$c!PoodRRZuO7Rm~FI=sPu5 z!m6>`v0W^Kzua%3=2HU{z#i^@LK1S9k+2VTIJfg0YtXw!B)120kG3dbPje7F4qisH_!Nwr zG@V{AxXCrtzt@g0ax&hF2JeF=cjttWiWOn(QR+d`(Gvmz|KEFBXQEBaHI{Qfn4Q~y6zpwl zi0sEyBnvj8*E%1Rd2G*IHc3(Eh1TGeAcxXJTE)i~kEJIzzJh{}DWX?Oa&+X+B=+rc zINNWchmtxESnDTMSonP%6lSL4mviyZpxJ}A*KV`ZuF>%POCY{bjztxn{q*eNCa8O_ zjrL7y^!Fk~yj*$+Zj?BU4xiG&b)#@bn_>j(*YBa4LBZsp$qw<6l=ZOq z*l}E@2=wq7GunT8s%TC5Jh(XcCKG>GpfBFNC&{k5Fv~m^*F4t5(9JK2k>&>2`XUAQ z-V4Y0eJ^lj-%TbJ`y9x^A*9)PFj$}S6+L@XDjxQBCu=WXYdKTGk(hU^Bk?Cji$2Db zLPCEITfz6h`BU|17OBEdl-$PDY4gcCDJ5P!dOq>_9F9XuBGJ`kB2K%NL8k6e#7lFd zK$N@(*k*V5c3ByF!&jo3yB?Pa)W?3q-8|@_2maKWAYQI*g;^g9EuU}FrZ*Jwu{1lD zh0$*)bLA+0%opammt=VB#lx7tEw}2^kq~w**aYCE(EGeD1y*98KIF0uHoQiV>*W#CsTyj|0N&aW7#w$`iIazlH@>=e|ji$+@ZmBA) z)py~eq!ic-mw6y>QcOy$(^-j<0*>|jBDz;G2D<8=3L$MNaJ%1*k0!@K;=g#p|1uWn&SX=s+tT`3lQF;98TSSc#&Z{@fXTi{(aV4wSRJyE zlx{TVbMN)Taiv(OF-yV(fp@u4U6vQSr=$Jz0@R$@f`xm+nDtj@?!P?-mH+R$*t-dq zy?Mf-&X*AJj{?@%Ka;*w`b&mhR-#462#~-Mc%d5xg$umFulG398#W0pX{WQ!N5|n( zQX78WFF46^e&VUw-|*`pQ=a}$jfN%80TsEySnu(IEbEy7iwP&^C|{5O}`{8&yd zjigL9x|T>>&c=u5b8yDD-!R*&oVA_lWKspYpmXyIa1V&XE$u;Qtvr~=WgQ1~i%mpz zN*P)D&l^NWm*B(c-b>m}4rqNKpFMZ@g!-=9rEX134~jVQCrJJ(PBLKR{#kFszx^iyIDj8_s?Y(7E5OEo6R`Cc$#oe8>d`I9pZ?s9_Kgv=uUYW= zUQnhBY|Npf?l5f)(WjDYY;ek-7ew4pMvgtRU=UacR>EE~r1F~RcYi&&FSbFKrpAFBonTn0-s;oP`goB3W}OeT$;gRQ|KY}*%8qVc*?{K@wp@pv?bd^{y3vRX8Z z_XZf?W%pySaou=4KKcn6BRzo{-Pw%gzvtri$LDdqdl%7iS%4XTJVjE={qdKswy?=<8&Mx&nd8A*(xxs@`8?7Q#w4imMl31)PKfWE(=r9r~LxXxGK!9&O}1> zdj;@*5(l4>4#CXGNOak($`789;4QYj$Wn^nXXOhRA!O?p`@~}LmLzl+yfuM(#aOf0 zg-JHWqv?%xFrdB!CypFIb2JXYZ`c1b))i>Q`8Vu&sR5q4_+I>NxGC8fIDkqE4y}a_ z&Dhzs5+^#3go$IbN%K)_GH>JpTvT5|TwN}K)5rgW_m>gB3$d6KcmpO3zl!J1)v)iI zHQ<`618E*RmZz2~Q>~Y8u|xB+c$#4$T<|dw53{8>LG2(EXoc}|IWGPj_62_VSCFJ( z5`6GHRl$=u(Q<81GVyeh;4_BJ1X=5IEIa2kZrITQIcy}EAkV}OpHyhW_d;>cgvmHc zQ4x2|+amN_#$v>*KGbq}3y!zUA@RE#RZ~2G4>yF9cca$gX7y!kh37by^F(mHr_^G@ zp)~aPTYxKWYT^%-5?s39gx)?^2*;KyarZf`;55I4IsXkNtNW_p+lKLcgWM-J_?k5z z+dP^Wua@LTe*I%l4%oxBJ@I&>MvYf%9AEcaDfh^o>jKA!$HVrmJDUG?l~lP-&A_hQID?c-^D|9gsiCJ85ksRN9~UEz?0A8 z;o%q`@Gl$3rvKV6^uQH(d{sM9K3&X8?d)iy@p`e<@1c0SVJ6p>iiZCle8%)I1Nd&? zH(MaEl8uJQh#$nnvyR=`F!Y-ViTa#|>Ut@boxhd)FRQlYu=cZx{Z9h zk`8B|2f=@V5yW_&9F4JiA-e2T3tDDM#O=id2pIAdZho`nT0zYu`1D+GOsGeI;)bk3;9jA4R!EXQ4JYjLE&Rh9>d%$J>cTt3 z{^=(;zikSdjZ|j(_6mZZc!SPg_X{%uzhjMpFHn_!_AO+6IonBt%@967G@D-;FCk}b->_h{AYLS??%&>>47 zL-|{w!)NmjE}m4u$y^t{^6r7H4Tp7q23(6#y^LFBZt#+9W8Fz5W&qye!zy>kyKVB2VD^Xcv1QlEPbpF zf8RdCn))%=AGI4*?zQ63J%)V3Mho5}+&$f_2Q%Z*R-k0%$ikIo@Gq$vaMvS3l!6u5 zG@Xz~@?B`zBkUr_Jb*Ro#o{w{V|Yz_ETnInCJOB{hFT|6y6wpqD2Yr$wo!$bn=0|d z5&775ryR~lT?KL7aC)MAF4yYS=5q|K`0&M=u=##9Yu_;i`>wr*&Xw7`W#(e)e_|4w znx`PPd-8`^tdrw!S8=F0_{TCWY6(BzClBI_lTl@nIVhLN)4)9{RCZ!8&s?$>#9GI( zWxNhE{Zs*S1sduP7au z{tyVBF_g|dIUF-IjCuOcJlOPo6cx7#KD(Nwkp0UAYihS+pR;h+th+%T`(72eFfXun zj55tF{myd#FwE(^NoM?u;ChbIK;8|+&8=dXIP^3c^c(~KGl$_oRu059X=Cv9OQ`;L zA@@?9O{dHKVP+kTko!l1rd(;kz_42o(%?^L4bh}_Y3A4(S%|xSDbk;*SKv=c3&dug zfRnujywmMhJojquvU zHq4uxLiWnO$MV26Fe5DzR)0-`#8c9k3X^E;*A|d=>P2Z4KW46|&&M6?!3wKDaDHS4 znTm(-*GXmCrF$7?e-9Cyz(RNWat~f;-%2D4&k;Wtd0PF(1Wh+_d>I^#y{q!7(%0F8 zcwjQPb(vEKyQQF<LE zqiF-i!XoTc7|RyQD$@>|Z8+rWc+jhj1+AD*Y`cC64KV*sZg&cNh@?+UK3M2df0E+O z5&G17W(q$yei|MBVE_*=vj+7y^RO}7i%+Os$CVNv!GEt~AS^bF?OIWZQ??w2Q}f)J z?&RCBA!iv`C0+s!wb#&dKo48^^DCTl>=C+mNjTo-4@p-QlZ0oxaMo*);G;@{+h@MP zgFB1B-$oz>=gxp@iV{?@|0#J?+kvU8OEhM6(3!?j%R$^dm9Ced_LX3sZ{~YbFma9%q*l3n>N$X^) zP+Ce_BwhF;bqk{X^C;5|mc-eOM?mx>6VE;kp*?{i;C`aQ#CJ2kSqXl5LQsSPP&%k~XImt2Kyx#7lBR@j5- zN?~SocnwGzw4u_y647cHNC%IYPNjzor8W}}p(wzq~f_n|bRX>rD!I=5!L) z=emQJe}Rx=d4x|A^`JU16rcAw)3X|{VfBJlv}VvG;h7;M(_%2KnW_O-RO2uz{UH{& zm*M%-FGJ zI3$0L;YFRj zOOGRAW%+iV5oIg-vNZ%f_MU|MW^KSOB!h0+2{2RLPu#P=;D4P3Os7kedmAW0T>5%m z{h^CRUpa|4R8-(oLnrZjFateQZ(z8&BHvTGj~v|WOt&0M!I_G4=l~uML(^qgA+jY`J=9PM|J$w$=m9*vor+;DDrxeUxD33Gu8SoX&LZ`m-6u#K3O!r!Uuo!hB znB=ZHLKl>l3K^OT6uGo9pAE;vUlWcCj?Z4))%XiyBc!N<;8y!}VgPq_n$FhSo~H{< z*Ym?iUt;dbsITe14Z1sHHx=xBbm5&oZ$ z>0KanKj=p`)oC5q6~0Z6n-C()`>@D)9X<#y#_;@ntUVY+OaI2;lBbr`Dm@jPHe7*@ z`$gzqGnIyhHIVm%4&a6xDkS8Xj<8lM!T?Dv8YT{b_jWaKxlEew+l+VPMwZ74rfDeyq;%h0=|299rj2hVPf zfEXDcIC%Lz>N*?nt`0RmW^F#cSn-DCI6uUSEds-}ARni$>IA7Ph6L~1zrjeW<=-A$N6l@~sIvl?wB z!!Y7eFELwPjb0T5(|>Fb@7+HRS03+$O6N)(|F9klKDEHyj4TXGeadpz9)Y~K)3Nd8 z1!U6tFzuu+r9F~#zC;&#Tkl2FV}^9t-h4EQ3P8o8MVNK#Jlh~VgRad|^n0{249PX+ z6VATFuS+%Hz`GOTFVkH}z4|q@dC(5st0sbyg*vZ|RYJ1I4xCe*$@bNSFv?pE;^w;Y zG{euBHTV+Rz78eD4;gGcb`jTFS@V@YOlXQQzwftq;2-MuTDYc#qMm#%-?erjMy5-E zk?RP!c}bn`s!%~$BW3RSPlEsYd|n)*EyuT+m$40t(%>|0f#lhfsj)*JhFx7r?}cdd zVvSssc(p_HZ^{X{x>|zDtAvq9+RN~WLj)dQx)mmrnTxvq41*V$0tdWk5bBw0)1`vzSQGYr9fSkMjAJJzgabRX z8+#N57I@w=6qyv^vzxyyMH^FD5}C>uSLNgT4T>Ez^+|j5dN-XQi0F#UyI!T_)s<#Mt(0HvRKz06bgAh;+2z zDVyR58!N2|5@WtZ0VYdP$=xBa#Vre-8=uES z9TnbRQOq)3yl{=*Y1kO}SG4HpAnq{D8C@GGANEuW-zFPU>a~R#IgRDZqXqW{Mb4Q(iOj=ICWW7fKe{F zKTI3ms_Vh+3gHep-~c9_tbnzlO#%bglX?balHy&PMRJWLEPHzxIC^zr?W0O)n; z4R3)w4Iy6jnJ`yvH74utV{-#F`RcXOY$K*yW_{fc!-fx_ZLw0gH+va^X!%GCkdJG`A0 z-$}!4`RjQ7LlPV8eV=IubVGf{LyTeF;;Z^sG30OvT7mHAa*#}Y7Rr0Kn!@gQ;r;mO zuaIdP&djae!gY|sgor@MgF^-AysDdBkalOuGE8xM)Wr-{nnr}(FGB=-~caMqp5@J_i4PmZ|6 z7Ee;6hBaTwkLmy@j~dL|@6HA@g9A7-*^!-#nnm4{OW^2$shD^)k)1hefWApXF;&SH zRA;{dN2^NoNR{JJD_@hV_a*WAiJSO&M>E;h_>fJnRRhBj`e62E5S<==U%dQd9u)KO zR7vIx>{xY(eJ{$x4~^>d#GcVqzv~3Pm@Lbw@2i;KHMYVs7gzjy zh_M0Na9ni|vs?TdpO0C>mJF<7@%mDj85N0J|H~l5TyDd5v&CQ~a3!3~RcL!;47*e? zmdxq0=E)uNx%$RD+rPtO9uXF$m~+BU~sQN?fC( zgid=7{1>FemZj;#)a{$V!{-)UwNRyD7yn?mwJJ5+tczMJvMoK{xj~TQ4fJvd0;Q8# zu=c}Pn(=WlUWgyc#$*g2f&duS<}SrSS;85rYX!Sta)Pa|41xWhWZ{>snAzWA;!&C+ z_?Dh5HZhz=H#jx04THMT@Q*9iD;*45hL6HS`>u$86iLH0_j)#c?-Y^JC?DSP(t$o? zXHn~RH=F%94E`1?V)e0ne6{Hm#{5ZxWA@Q7?7IfaKTac}AWAEDeP9jeZ;BttNkenc zDONH37J8=%XPm~75YnYg51kp!e^=Jv*X+g2K*t{*Chh>!Wd@WF7{oWa7~>knZ8$L{ zl}%YUo`ntZZmr*E9-JDnE-1 zW++15v-@mHq#Hy$>0)^crVwGIj|JsV#XZS?z-hZNF5iDsU|-BcujVRs?1C*Vc66dR#E&?yyAtwxMhO^{)A^F>Q_F@klh7; zU$>GUMoQpg+6xv*)1d6L5-D*}1h)iB{Ne9FCBxpsi*1AWVj-IwCuGI_Zuko9i-C|c zK%Hvw?XXAXE=#_-kgbd}#NCQ{qGHQu@MfrR4w*iJxAY9-LCbx3^C~I+`Ex(czTpnv zn|Nwg(f_6{QmKTX>xEl5=lXZn zr@IqlaWlWB{f^+wVEC@%2GfQ_K*nDM=sbLu6yzX8wQYZIC-MVKB?BM#kEj!!-v7LDmChLF~cczwtW+Ltc8=kKQA z(IG3KBjYTF3ptP*TeD$QqdN2!&ciiLX-up`P$Ou*_{%(X{!GaHZ3($Y+-G)>hBXgR z>gNwu6*?7Dv?d8$d0Rfs^f?%jQhYGtC9CRQLFVSa#=An^&~vUfF7tEcrghS=T5_BP zHO@TWvSksMcnYLnaWqH!4dE|ld*FG}+JidAT@KM-Rw zKVYaw0>l|6g01sOwz*12m_hqs$n2?9U8O?g`v6({wIIN?!+B$YKO|+XC)QU3$g=%+ zg$(F5*c~(!s?HB)58}+|R-bC-W19uX2VR7NzTq%u`~$eS)``h)Iz+awoJHRz-?40# zQ0E;E(|P-y*DUU4Cf>K{Cr9_>;h{ypVezLq;(+uC;`2p=@q$kg{9Ae&7ngTf+BzV6 zqMs^o9`$Lp!2{B`JB=K(v%y0R*V&a1iy2R!K$}_lbi6D#U2IIxY9(T($2wGgqR#98*$PaxPY6wMaMCad=j#linaQj9f4j7K z`U{~W6@3MsrCnfCQjAz5m!`eH)o`wkz=r6Vh+UcOOe9)B%C5%K@HLUB+H)Nqe^LkU z6h$l?R|t_y4TNt(Bn#hg0TQ>2*F&h+p3=eCz26igr!nw^#na;_MTcd2kEJByD4# z?md8p1;5ZWMGZn_`bBB|WuUu%0beKX6wUUD6HR|zk8h#|(m21M3kH_6DzSwWf0VKBRfrVbpur1wT`sqt*BSMCNKE;md2N3jO#|IMH#l;gid2)J-(Q?jyYCNq+6;P6wjFmFKR}@d#R=D zqqhxP_dOh3wBQw)&{j*9{&4;iO>CHk@A_!tQ_326KVE{P)aC zAxDycS&OIBr5`aG2P@9Ky zXNkB^SO-}tbT>DxnnhO|_7iJIJ#xx^A;gqe@Y|BLOfe`D9vPH_u~DvA)vg?-*2<9C znh{*>rE=oW^gCl;n%M)o{wCJ*fRK6~cU%pxoz?xFF=8*z3V#W+!V8ORWB) zu17RdXFsB&*&_0pnkev8O5mqmn5eMfB3Xaa3|Q(`&@c&veZq`%$NXN1TJ-?#AR|-~XVq zAsH^eX@u*U6_~JYEj8QsmW^_*fn!B)@W|-NI3r)+0n1LroUU9vd%FzYCUFdq9)p7p zUO>x9a-tWjn{jvgY-pJE(Nft`4c}K?#-MTghjg=d8dFvwq+1z#IVOLg9|+W$&$ z*TM{t(H{%H6uNNsxkA$VWi8HosScqo-$b*zGGKAU2{vWr4AA=;UA6YIHeVPZK`*Hl zqMBY68Lc;f@0~S)KDRc+7EKp%eC})9kg13s8w_#jq9yQPC$m+WK)kEb|PeXM4czAKzf1%tegasmni%jf8PBF=B70 zV$rkFemv&WMOFo?!1}}$oUWG&63V8Ku#3>}bdFn=UqtD!i9A(7;Aq8#h@ZA}64~tW zFm#Iv+!>$`gRIury%+N=+-mh{{cZBP||EZ+;>pR;&A=)KyPSl@etUebHe zIbjZwz3YaJBX5|^{c@g-_E?NgePigp+XljJ@h}E{*aC}ZxMPf;3=WMIiRApR;m(rf zV9?-6ZOY%^^OjoJ`sN7SbV*{(s|th;hCiry#K31+A8465h1}NALAT&!V&@$zS{Ce2 z3r7n3;r*F#-^Yz8>pFni9#uMcIljulc9X^b@UfDL& zL|n<=kXs!t^y}G+Xi^*l2bUF~$F%^y#HXAbsEx5y^!)>G3XR#L0uh*Bw!)0rNrFRU zAzs-k!+R=6klBL{iFO(1z}@9tU40bssumyNf>i_qH8|{|gwvEIs{?qCYSt?|O zUJOCglD!}=TME-gd=V!&d;q-*@nED`2crzt_}eHOGUe`QV&pfL1J0yoF5BRm$qXE8 znhty9n(%?+U-;QB^7_z6a*cL@d!rF9+8+ZmrWZp*@F0j> zcO3^mok3T6ePG{2nk2dP68V1GhwR^sg=^0H#T1eV7zHeZEjfY%@S!SKS~3W1 z6t_Y6c7h*{Dhe5SY5H7X)WmiypgUz_;Pt!VM725;CV$FAr6cL=!G0M`$jl%nPovOa z=}25G+y~10)}Uv?Ff#Gsdkp;~&y5=QLBW$52$p_$;7t@t4>|`;AnHRqP{WZ`I(+8@Wt!=>1Dbcq^9zeF!~Too@nUc|``6jTtg`CZ8yy+kW|#xBUdeLB z3RyO!y;7X&up9=PyoSfO72$srop)Hy-y6qU+S4e7Bs7ppn$Nk9ib_iKwL%k_p=1jU zO{1Yf$|yvkB2v$}kETsgWK@LAS&cbPEc^ zWl?c>>&t6fXAFUR^Nx_bpT=~d+aCBN^dokLJcR>WZ)5uVZIGOH00+Gt#T{=mve{?4 zxLdTCYQ}A1A(EfVQ?4B2A)EKJBgxl6PfHGS<_Y|Pl_JzGu*dT3|FAl11Rrx|pQ!Ml z;C`w&0ag!P%coou?re{Qz2UBNENy`u9kUJ8E- zlzIBJ1NbH}o}@jV+oh1~f|=r_xT=(G%6 zr)~=O_ItyU+B@XilS^p$rW?1DGB_P2&3m@030-|tE|OJ3+mz{eKvkBiuT&H{B^APY zpQGe`oFaFy$zaU%8q8T94_`(&^3_cdm~DHF&Gl%+_y7E`;rnL@>5ql94GC~d-iO)r z$nxV0B|6iyMCA6>~Y*f_w5D&F!C>!!WHQ9(P!N2RCI_v?<(goUpMk%7hVl8$6#Yl5^1&L3bi>+PEbwQQ2&4N!;l>vtt{)@rZ2p9GR|JRB z09k6>Gy)we+eH4CmePR{IoLXSB(`0=%HOC4lk5F4a640A3${1n!L|An;*T=hS0=b! zypIiyw<25re1ec=y22T(n2o=;A1?;(1~cs&a3OUd4YhU=SUdZP+3Ll-v~LtY()fnF z)62xNOUKwehod0f(of_R5tnU{;td)y*(LRhbX_ zFUn)shjFmG${jom(&3WgQzCnDr+8nG8J+ge1nuQJ1%}=nSonG+tO**z2OaVOR&$$t z^>v2NxsP$>c5`|rT^>IKpCvtt3fxe0C6#slSoTatERJZ8Lahe^AI9sSkn#S@h8yV8 zjxq&0Z_j4D^~s3$^8_AVnhHC1U1oJ9N5TC_1jwouqrt|xa67CR{5>zQryH-rkd807 zF|Qjwj|&I5zDArGqfRx)G~%Kt7n)wC58<)4bVT(?)Qew_#dhVyW9t~IFk2lI9fWy| zfjjTHtq1YyUx{(!AZoGLfOi~C#CdnS&_L+1i38hVeRaBcdd+6h-Xqme6Eq)hO-I<< zaSxZwlf&b*q33EQ{*rkqx<)R;lvi~`dTub8Jn|XF%Vof%io0ae{YCt% z;bE9!`bIoK+7OK#RIVhe{$@p^rIlxMNnG$Mrzyl@I)eBZ&_ zU#h%6Pv9pxeSq}T4AyBU%*J$Yp?F&;T5PIjFrf(^-<5@jI@W0ZNSQlp*I*$N?g;YP zkoAS3Ur{p*bDa%8`ab{@3wjJ$X%beq)Xi6)*>p$W0aaM;KL*q^h8mz=we zD|a(ee*P&Ola2#BeO2rodJ{AUyu1cqbzntGWyD zy5VcGMnat?=xVV!tB-=;t;X^o{ZZ(so&~3hT&V7=DrmKKUtW-?;Lpi_$TE5ya#Hc%1hrSbEWJ^D3~Xx1#GLKc9`H&@)a@(Ywh_u^+*VJ zIRW_@JK$2uW6*a0iNdxJ{1Z_6RQz zy91@0hYEc~6|jGL3KR#<&^9qTh3x;Gpvq)R=VHc2$)Q8)0*Rc=Qg%8!s;6RQ-OuvVI`7 z4ZMtDue9jxC|&wTD+`9IPXPrZfdTb-E7rt+z^=N%; z)-gq=kFRl4Mi$Ila2=J8oF`Z953qXUJD_H=oAk7~anY>7nDTg~_}ROu{N&jYH1XA9 z_^#E1nQBquLV=f@QaXjGOg$lf)ist4j+Vf3*B%&rS+iVP+d-6b-IaY3Sj^A2$ns%^ zQP@_gg(-phuv#kI?pxH?I|)DE$aMqX+XnwGObP_b}5+nP}&C z;~8k^>;uo8Rpj|MKj!N7o;+GPQoP-`lD+(KnZ2BG6MTG=VM5MxoccB!yY{$4pwvq7 zmEeW2dBq0^dMWU%u1sN%5)wgG*BbN;22qpj6}YHJa1-3DBh@U4>oQfm*720-=?ZN0 z(nQufcrQ3)?gHm5L;CyBS@QQ#1sZFef|0k+lZfb{@J%BDE}t6$CF=i3*&+o9)!YsA z(@?5?QXO;x+Mvi=Q`nIohc}KxS!8c61W5&8wrnZhch4lMA!XP!b09QHj39*#qe-&9 z3KSUs6nw*a%$4S_0!LNQF*c|2YuZ31CK|p>KSz#Vv?Q8MNl>`84WdnjJ;uFAvAPC~-?sF)Vx0jh{SgA^5~dcq1`{ zoZMayhh$T+WoZPwtez$Q@3+w9P;UT3$Ni*oQa_`B=g4E=^1c-iE!xbj#M z|6VOg_Z|PrriEIQ-*ctlicKSWB;2)|>7xyH7cZhteGfv`2<&($%j;fv68sr}v$7|V zY^iAM9!`0Qc@zwD7U=aW`YrQ4-ACiMF zc@8+(Lye9xSOtDNolvF85B>F;f@lgSx}u~xvkGu;%qM~)ONRH?0=6j;@Al& zKYk86FC8N~E0k&2_cs{RynsF!Jd(DDMzNi$74Rb}37zGtnQu`db33;~e6KZ-WInLQ z%Fs5lX#GW2q3c6M0WL7->>RYuQQ&)3qwtRT3@EL(r;_1Q@%__3?1ITXa%Q0-hBd09 zp^*DNI{m2lsL~*eP27PaUab_h2_4bauzIrILX|Hlk%e{-O{!P40l)qmjk_#I^T#9q zU{~x9GOOq?^ZqdfdcDt*cH!tvD3?ZFl2kttOb*`;QIp z@Mj?vovh&Q2NrcapJlaArstZt){IwHF&8vry@1p@FyKmzblQLXz$e!Kx zOoYO=Meua#MRG^z8dm&u5Z&nWM`a-gG+Nl_|Ipt{t_cpKTiGXI#_%m{fc6Yfoc08k zZe50FRdX@U(H+kX{EOQU^h2BQ`+1bEgBNX9aM0tc(A8=uM&Ty>#r$RHx7-HuOmd-k z#w^Il<|2>Wr$p)LOVs)5%S=&Vr1^~|8V7!poGN$rt2zaK1diu!dU9yJ(2`wkS}ijD zn1;1QHstf!E~a|*D0rSp!QK(;$RclVyzCW#p^;harm{YtDCEU{)VkxURux((H4ZM` z2?ompV#r@Gf_jfJp-*E~`0@VX+;!G=tPVa&Bq12O4-W@*(Hwg9*jSXi(vR++F2Rcz z)3EQzZcGTNVog2I(Qk=AO`hXThOu*)5zBD<#OHXsM~$|BH=<1ft3-aCKUwKDofh3G zhL3}fVtQCMnuRUE%bQ=bA`;aQq{5y)+3{>R-E|1~f@p;e?nogG8twrm`Hi-CO z%1dHeV1|w|I0$ZFtIiAXceEMZw5<)-K9U9^^mrxeFPTqli=33RH)6|#&$lehIh6f zK>kM_nmDM?t;te+%+VW6%El1?R?5)xvkLLV4uPdvPzalK89=($um zyOtBlFD}vJviBrJ{<|u~&ojl~EgOwvrmrUMl~IuJNQE4$A409KpMkQ`cZkBs7`9CB z0(x%c_}!bMQT*SPW%L>q;*&xCJa)h z7gFxA1ODmIL%bj?QVdf(8X-g9nAXoa!u(ZrVD8>m;Pz-HCh5IrXS_?;n2%F}loca*<|W9W1Rb7C*?b$8{C`qR4Y!#D^vs z0pBy3$*kUjE1q@1$dOIp**lbk|8-$H1@S=sOMvpA@o;&VDyWV%hN$^b=<(iw4-I?) zm*1t4*Ksm5`QM#luSa7Vj}re=85tU`O8)M=Bpds5w{s8{Qk~LV&wb`AADGV zuah1@@x%L&vN(CRw<^KS!F(4?D^ zK9Wgp^1v5g!=(Ev{PNhJkol}1U5@3ED<9)nqZTI;HHU=H*$u#}dm(W~Im-Q*#cjch z&bU}lb{j0lXiZBdcjE^co3#-~~PqE ze7FjZSj<6V!*{ms;t2fP`5%7$uoA0pCxcR4Asm?+%Dm$J;b(^n|En1Q6CEy)HQ%P< z@xgW?$y0hH*Wjt`tS{xFhVF}^F=v+x8H%a!cR?vsN4|$w?HtXXIEk`@R)_*yhhWD+ z5AgC%Wpzotcs@Ly6<5T;kU|64A$Jk>uP=dKyNhhx*e4J@Oba`=#lx=O+Td{Xxxn_Q zW0U-QN#|Q9KJB|d$vij*)_w>V5Aez)j)I%B(l!=mm%IS`&57do7W;7C5GiyKUk2B60_?dwEgFL)ot0eYCMyw^@UFbZ>rw20&n z2g3Hla&%{V0{oemg1;Qp>?ZD+!X$kk3il^RTpTc%@4M*E=Gx4MA1ZIlzYJ2vE6ko7 zxTfLA%B|q$_KRKHoKDN_{K$jP85kwx&iz8R;ej)M*}Zgs_;+>|{`uG~_&3(F;GY>V zerG2eQahaAa@;3=Q~DV$p56&%>W*-&v|jL%W#Q``M~PzQR_sI_`o)Cf*#Wx9BxCUB z=3>0L=Y=TdjUzZ||6yKws$^EhEl`+Sz`7kOFu-LGMkOTJeqLh+J!98H-E3K!8&rb< zNw>*{Uz?!f=^VO)RHC@oUEq`&L*pSI;%z*Kx16s=y_BbLMsSVS&KG*%PfM|(N)sZ> z$^@sxWHR!f9G*c{F1x22PH&Ru)z4nRFRaC#mm?roy$7BPg_C`1Rz%hLGKOlMfDMK7 zVN`;?z^>eePE{fJ@@^vjRs4wVjTiCfgJR71XA0tyJW$`>3dK(+uoa(9!ubpO@Oy|@ zlYO3^B;-*Q{1Z`8Z#iD6QpSRRnZh}@6PMgJa0$v z-jNxgb5EHzcC03=t|;K#*1e!&=fcY3FTv@iTj)loiG~*(VEwm;lQ9!V!H(zuU|sWm zJ8mgK4$9`hjM8DSV99U1wy=n#)lFk3znk$tP45|7l*Kd7u0(ySnIwL`oWS=`rTSCD zA@=MaVy`81$=)Tigw?5{MecKCkozv*+|-Ue1n-!6zK9v-^mBvPsC<~7X3G9 zE4!LTS!SXZZ5yJX*2+Tc4pKRPQ*3zR4jNyHqV*}hfYUOUk_z&TM|u!qx#9PxCHz-J`=}VE@tW@Z4L_Vfix@KULuq zKbBy>!C^d8TLQ;a3hne~mZD7HWd7hkE&BOp7rWXc^fITbV1{QcOE@hs@qgLSK8ruZ z>g8Iry*hUO9LhvkHd}n2Z`mwX101j3zm^O@}r}Vt=$(5P7jqq>E})~ zNQonh29)8B8*U_~U6Pl0O9*{PS-9_(jyE4wp!d>IROxZKc#q9JI3S-*Y~St!$s2WW zY8ex{{44 zp#-JB{ILs*(Bg}}NO80NBH>P$jFa;3!^M5p++pKZY#zFkZ&YYO@dQ71B5Wi^*QSF; zb{xzLRwaYZEh45`JNWTMKiHA5f!scA6kTYQjB9pjac^05+Mu_Zwg`Dm?IGb1#z(O| zHPhf*upE6kP?M*K@1d%xJiqx_aM0zAr+&xW1xCIi*QyVreU2xHMQ|?63`^iAhGxR} zW?f-ERYvSxe8pa&V+6m$X81OBE=~8{#Hx+6VM9+o7I&Uz9oLglCtxYKtg(fA`~Jg# z3Ol|rKM4kEnDg$5V`z*;2)(#tAGWIGFq;C7X=EO`*E$6jSP7lXP($oJ`3zD%SYbiV zcQn#G0_9I*p~|^b;9P{$8B2m`e||nJW6>a;q(QfH3!4Ajg-U39;<+eI{-E#$>=_(G z^QFXO$4mxG^2uk;KhsOlJFzFNZN9(m3O*7vFtp zFZVE$;Dvb!v~}$<5@@Z2SN9L3Qg8i%_dmw{R~j*Nr-)DJd4!ISr1|^GN4P8{AH60? z((aUTv{klaAB-~e5oxN1^VII|%xs+! z8VWs^)OSnizp}qDIpP+&vnjas<#cQ)x8*+`HjB>}NYc6Q8X(^?N%Ufk1(!_n;>z=; z;lqN@WQC+YcHI$!Qqx|(EJ2fo#9V=IN0MO@M6wYH1G&=kL3Rh97@*&lZ`hh@2I{V_ zQL38Kt{lNh^hc8_xkd7=y0^(__qpiT;li|i71(T#<@`Y8GJIDg+LPI!gwt+B!`0c7acpxNR*1X7 zsq#DC-1P#7S1~ZnttLCR2&`XIEBgK9Sh)9VB6+{C0CyNPVo+fn%y3hr7PtM;@8Kc1 zp^%M%66*Y$f&>JHNx-t~*wh(+Ro@~X^;2Nr{p}Fw^Ic$Ee@3JG+v)ooqcQSAzBuK=1_F;)V0H5c zd~j2lPYu<u>=2unTs@e^0Hfep=c!Ss}8_LtIZJ>&xfCZ=G68` z5wuNl>H=NPW-j1Bb*3a51ZzbxXU^;PMkVA#psdK3vGlm#I;``h6HQ@|oCszY_0C zljSYj&3R;QIE4DiKPZAwSB9kN7x`YS`<;@GqTY`Fu%8RhnJCIP5pnY3bw1#e1Po^&Ae$abdY0A-wfb zCcK{i9Ui6Ha;FM6@Z4)c-x?s~j~l?%#%kErK8S?>SOh;+ZcTm0HG|dN^)P6QA~&5e zR{Ytb7z(x};Et8;f*Wi-mS+=Q-nOZ$y`jEtP71hH@Jmb*&hgJ2 zM`FOxaZnQ~$phOb^A)FhMXUWCL1C30$^`|AeaBsb&37}!anl+>ckW^?HZbFhR1)~Q zbD{JZ{zngPRf22MW@!4=2G_>|#_V4}EnTGfj7FdxU-H3B$`fBrzQRlcw&H-VLr^+k z4Ik=$ADa&Apa7iW3hTGh6*b|!@}~iAvpUYwC&ps9*$Y_ez8}u_I`QZ48)5&bJDBLM zMmOJ6q9rMF;mFoO*yz22y_>ue%_R+)(JNUd`fY_XMr7gLomP0p={Ob_4`(lI{u9pH zTX1ghYTHwSfBwe7@vzch0_`Z2a|I&^^^6!D5(=d~M-8Pbj&i0~hS%$n;IG?7y ztY!!DAHl{~>fk*w7rJIs8Y%|vtJ+<@t3k+jDqo|4wPyUstr6TgE1TMPOR`z_@-aF4 z4EPwAkx4y=gr>wCdj5L|U-s?>)*l;!l?(I5Yc~~>LFM_d+$Dw%_R)v9<0pyvf-ANs z1`dXjEupZmVm(P8vxbhok%wRIoP=o}rJ{j}!+}1dG_UMAYhQK?|7H&7Mv@EY#qu0> z>57W*45>neq8c8pl>?cq z>&Q#&@M&bG>fto&wj8NV(xFLOlkiZNz=m%+3{{yMd8&0FswT?QF@f#^b7Vg`l5If` zotB2M)0!ml=vtB0-N!_uc_~)lMciSs6Z3+eld0bf>6gtj$zFpNSbp*a7G1L8BZWO; zuu>9Al)ogaYSs8NqhR=@?#OqljfGt{ZUe~L-Ww7(E*5eNS3*P%TbhZ098pqj*BIGg_iW*+YZotM+l>vIGf z(E5u-`zyfg-Bw^s3F_@`6IUPJj5foQ@Jmty*j1kw*o*o^*VrD0#%WW#<1Kh|)inB# z)?jfT6@4yLz|vhFP%}}RKE1mD`($U*t*T4JGjf)}JeyM@ukA-gPBaI=_W&84`h>-& z{$V`Lf=BeXLHk$}@wPwDSg^6MJ8`vuId8`c%&2Ila7+V!+;N1&51HbQsi)D~{5URY zKaZo_##0{{E6n`kp~d_s;Tv)OW`ihDm*xU2>-e_nXIW)Vfb zts~=v-r^AZ-|+msG|%b{;%CK`8233Jmx%QEfURH1ltcMA`&1bipP|I)S}S^V`f;cA zx0uXqO<^V{!&l_l;DXkEynSFd%v-bqu1ZRAx5KsYL0g%d3~9scT4%xgAx$;!9e~Sm zxsc^@6kW5Aqj9mnNHnbs_ZkO-m(oD`@a!HsY@w9cO=SUEO6yVa@>t?F@H*rt4*=Jn zui4&Lu2@`J3U3y;;gb9X#4oI#$-nt6YOuIcjJuod{AI2}R^$hG8tN}z z{&X#r`0QgE9oD?*+en)CyBGt1HHLyin4|6Y_z;9QUL5**WxNC|SD(OjVEbU_< z|0$x^9}g^1_u{D?lx8WM2Kn1tAzQ|W$)1gcZ-a-@i+3xZiEOQ^+qi2Z2b=9Ija`BM*(raL}bO>`+d-_*~K=*0*8`x8AKp!?h2<(Yilq zGiC(Y3ubn1swug$wQ5pzMGOC$CLFB4`yn{^g6c z%HEiydI|EwRe0;6Xb5+BWcO715>$LPh;y?Y)nZCDPK?c?!Wwl(j6 zF2m2AeTuX7VxYTWwm4wxIoxjM4R*_i5r>6;z{ohE{ zcElnZAtPDyMqpDV(u>!2vlF%bFkIdRGPo3c|IP5suJ?E+Xd<~L9*)oFv=h|~OFsOm zE{~U#rNgDv+1{0^(EIgDxs>xo{9t?=wur}bpTA4kwdEuM3492-V4+P#=6<#jt$6mv`=o9gX zxeR&%&c)^I!d`XWVj3>&7A``qMqEQiS<#9y_k7go85F@d>v?@0AZRXRS8s%(u#}z~B;ri>TmDf4@0GY>kHUn+`*%oAyc3j7tM?tAsOKkiCg77eJR2XHA09 z=FJd3ZY>_oOk*IY&TG7mL7(DV7Qg=~L+!DAi|7c4re*H!QZ`G!A0*bvpTbnwOB~-zkSM7**zOKG!%ivgZDyi$ef21P3AZK zym;KK`?is1B`KR72d;yLaxGtB{x~{S9B^3TGM`oY07@MDbz?enuwC;rg#rFYxWm&h# zCpLoYxzhtn`VX+i`_HguS`CD^+wmbwy}2mO3{HfGCJC$**aJ2jaeA~gAJupYPra{VTip*~ROuUWmZ~7ybN6cqvB*?NwYip9V*0tL&qR+ zdKhT6Ab1}COo9eT;?95_FuqO+m)B>&>V+?eSzr}|UsZN-8 za5Z^$cp&SJaS(_)hCHf#G5zv7kZigd1>QEXU>o967cxvG2k}l82d2b3Tznm80Y98AsfwZ;1FeV);^#RjAwpEV~aU(-nEE?JF0Ry zpOO4^)GG{78ij7Nlkr(=0{g3@!-kmL7O9&|U>1++#49YNKs8^Unz#Igg!IR7yY{X~ z^7Kn`B=|nLmn(uBrmiB-AZs9hXTxv1OZfDsHNPyj!#wd=YSTB4hV<$%S4m^EFI)rf zQQ&H)#A1(;HIxQ-VVAizls|upKdx)w(Bp+rdGQ1{J$xIkx%rXt;c8qyzy}uz>O-4z zPWpdh}2omrQSyZ8C=mkpM1?6DV)jH@kANUFoSt2rosAuBdI zFdMf8q@kY4Dts6(50P42;3??is{fM6g^-P~aFiR}`(2-VDdmyarCvfFONq`jNn{bz z=74(m3_ehQ9G(-njdS#X>Z^93G~)%nG$F8K5C-`%4@hYFF?bPQ2uh>P z!Q88y#s5yjw2eX@$!VP^Tj?p@+2JPI9IpjmBaI=jZ!Ca)phzPBCWM@N#ZLE3gqrGQ z*m+r#Tc?%4{Wk;XhV?gy)4RKD)DbJ*-+-uk#T8Zm#jy<;A6eS+Iq+?9IeazQ46fV; zbnkm$$j)wWm^7u)h3g+#xVc9#}Xlc77b-pzdgFoewd&R1}XYB;4+hIqyXbL{GoJDkg)fj&E zhZ9#@WzE8+9+Zu=os5V7n+PRpqj-S%Antvqp2a10maD$rOn&rK!N!vJ*ei59yL#tQ zS%VIY`5w#@eqThz8a+J0{-NpewZvTcEQSv1gJHS(;5T{zUpc{uKmPR=7w%PqOJxz| zFIrFIUuH}XOHZcDWz49&+GpIq)}LC;1Mm^0p7GWe|rCuKW}mjQEX#4i3CK zYZMrMKZ@2Iph_)}4r(uAJ105dej#uB_-a4w+1dz-@&l-*(GRv!B?<~`1HhvspB*=y zN^8~XQPTcAs`q8XIIRLAqi{>4sq;hRu>Jt3hyI4O=Arn=s)ampOGa(^lyVvN0=1{E zr@Hz{$W2tK&Zr-vre+PhgFBVz{f85|Sm-m{6gC zi?tm}>_*&0afDwMJXF-jj6e(gkv9$+6wT0Mj|G<&*c9tdU%>A+ze&sAS#(E{Id^t_ zMG~Hufc@haIPgFYst$XFtV*6bF1Z3HYHM+P+aWa9l%R1MBSiCz&l8J_>Tq&E6}HW4 zEBBL<;g{wpQ}v3$JaC~Ux(+CXwN2KrYREyFI$Dx{TpJ5>bLa57x-#h9_7u;)mg7~W z3vi~R45f!$+51x=^wgw(tn7Y7dEle5{L6M79&$Po9FsP&g6Pd$_mvs{;M0mB8gpT! z{UPz)XCF|4sNJt5yb}h-;sBa z{cjLokgLx{>6DlkIl#Kuz1(0#6|8q1#(ykqW1lAotRxQwYOEGb3O%FI=9|DtHM>AA zj~7!JwfX2QdjRIWy9C2mU4&hyOlVhYASB;TCf9{-ph75tcpXFN@PC3DoBE(w=p!Z{ z%7(JQcBayO1&i;zgFg$JS>~T~{PcDqJen^wO?2G{*04{lY0_@Ek1l+OU2G6^mgex}1| zZPpZB4CQ?j@X*wUFnqrb^?rBpPDu0rVpV* zU6R3lbuO7JeI08;6sgwVucTS`I$QE&HVzowhAtO}qBKsyjr=+WJqkk&D;++=^Bw*- zqL#^r39JoXiAVQrqw-}&eCWDb+GXUy74wzojp@daTy%{28x(@M;xq;^X zHW>d&3$`*F{$fWC(Y{cPp2B=8wLy~K-Y}nfj&Y!E7bfs5p~z-hR>@hB$6N1{YUEiPQs$Nb{gLepe5)=bynP}N0z!;vefvfG|79%4XBBGqYT znHTIWZpZJIFW|XdG@rM7A2yu12g$pI&&_Iz=kWc&-yt`b|6TqkHY`EOQe_ZOWOErM-VVxf783n!o6VUX7xtY5L1-wE0enJbqQ zzr!_fR^^|#-_II`YQYmiXrp=3{AHW~hzSKD47AaVnYBw+B6lTb+!X z(_3nZ{%SS4Q`Z;9PBY=1*Of5qdm;Ww{Qz;rHoRlzVd1r^$3Z#)ylUYC80P+voIJLc zCN1{CTR9RoJL{&RuEi+6E@2|twCRF^^EZ5Wat8X>cL_eaQe2fbp081vCcL)~p^4Ec zFjtSj5xdlI_0A^HJGK~ZT7E>c2fbv}zpEho^%aJ0Zp6;{ROsI4i&FOGi4XEtv1m*a zs~)aR7s#lPk*#&G{9iD;@x>e;H)KI3yCX9CG9CIGE|HL{?jldwfi&w=2yI?^4%~$u zgVBdlkd3Zq4Z^dK)O7)inTs=JYT@>eCK!J$3Ytvk^N(*@@NhvtyPlU0v-@RXnQ%s# zSGtT}cqK{Aq|D${^$AvVs|x3C6+Ab8HbIK+ZgJj$*))23tjMk84tw?SENwj>$E9*D zY4w#(xVPjmW)$VXXPw{TBY$?`wUvU^JM1}ooX^?f;uDy)q7n@kg`>o)(L7pxB1?Ne zgm%QoL9(O*om^moIqeeE@cm;uU77bVCBzUFe>w6WQVZ#}tkKLSrUJ^ET51R8BXH;-6$`*RE)OKF3pQe}`@C50jS1-4&Ret>(~GKkY$ zgc2WWV3XuvK0$U9-ktP{D6xVP4ZWV!=mH7#n6Q2cj6szV^LK$6OxDk|^!><#W) zEvRFU;67{GDPGv00tKZ;DC2#M4^WNdJAQl^RZrq|VlQYr zkOQR)P2ojUG>o6Q2fwvn#oDg|FJYz*?e*t){&XO@_}6s+znf1`$A8V;M9_~q(k3&vQYi` z;O?Kr9Mud^%0tL(Iags&r##<0shynj&0{CMC3sxTF#a(%4aDgoY)0WFGCAe~7%2_I z?Pb}RA#|D@=l>(Y8S#*x^c*(ZE`iExlW>K=R~@uKjXw7>;jOp-BMq+Kgs$@>(GTHS zU+Xa+o``j!Na7*sS!fLh#tlT1^w;2AXTk5ksb$;4C$ST@t!(K2%g{6J0o+>=k5Snt z(8j@l4vP1u-5Ny@thWye^i_!5Z4H{IKLaNQ7vYfg)!2AGo4E)*nf2bWbo=zdc*)j+ zT3<$Zy++77h%3lwf%P%;!98;HwTKqaN+cdLo|1jI22(pc;f3&hPPJxeqwGaLw(Z9- zx7qM$#BJ7B;R*FIoA8|91l(4d4tq8Ck{h{a;ZmKz1J-rnX=@Hb?F1`sJ@J(2@TP;% z<)*~X70rd{g-_r~rW|h&7@=AM8`R+PFj`2l;=KAokumI1z`Gq(7$BDZ7)XB^_&QNc567IzIVbg(1QaHnq3SMH!w-J0S!=Dke z{8XFx85E-+k=+dYhru=?+%xDiDn?3(`tq*9p@TqAuG2>ubx%z2IU|-`AWa_r$_4{} zG5kr3$AakBqQ>>95FxV_gYK9U$Bsr;uA#~w+?oo3mC5`;^e*hk8BD_KqQJqt26p&4 zP_t!2X_$c)#@dU>sK`}tZ0JiAyN{%_U<-WunE=UzV=Ftf;R!yI`knU;$Krj?621@_EnZ9`t(E{S*dbJ5M$ zIZ%^#9_K$FN4M0-bC+e|qIjnX^p?Rh))_Jz?iKk!CgriVNy?z=-i>FxlVL=U;I@)@0&=Ry z*n|E$FqckZ)>Cb%t^Z;Odn*M#ER%W9i(p~JdQh%2lr|ek&=rB3;nX4x%r>>g^S7?? zY^jO7EqZdf@x8sUbDJ`EFYU&|x)Z5oj|6YZzr`{JJcsyCgV>qLgXt8j3bDB5ENpbV z12g0wuf1If2mLF$$Wm`iWcATdo(ugu!2PU6?oV>1uIt@@|O2H zw6%FQ9cwOTBfXw8g?m<9;`&)gdO4Om+%ISUpR+!U9LTG5&q3~w4j5e_uz)>H>DC(_ z+%P?w?35@Gy)S)FZY|eG%a!}!nf^Jb?{#7K;uhe===&nebT>-BSkuJj2js*Dcm6Of z34Tr2gOm3EAUHv2$GOG{3{x4}d(#=Z-U|M6`BHMq=Znxm-H1<(6XA;4NWSpD)A;&? zF-%|cn{9l$AKJ%HfaS`8c)B?nJlaCZVV4#x)jom`*NM^dSRB6FG8Q(qUMIS}NsvF| z4vg1m6#e(44#yr%N6F@Rc;NtCb4U&9IYfy=TYkbT)jt?uh_L*kC2lCvppMS5IPImmi{TeL6`Mb~qOCCs5e4!xi1rF!!D&b+2q&>xv``o)L}i8se8x z3$2RMEa><@tlZ{IUzV4%}i@sKj@!5=yCNJ^G)*@DTVi(4ad?uPY{tc-dTun$; zGqd(Ahq&|S#HnF={KrryeAJO4iqWZHYgbv*ntM0!&)L_t3!~1E%d(nW<6OjQl%Nmz(+8p3xgw-nSCA7PoY9k}kvBz!$f`0dT;a^95d zh(~{=i@n49VM4kDPuefAa+ao`W#26vH~Jdcmlg+Sn+J(|2mC+ls|K=#t|0m?PdDdZ zV}bdzaNSG`+7~2EaoIq+)%zdDzt^VIugPFox_~h;o zXZ<_~udmjU#!a_HQ~Y~j()dEupTmep4uv$&J~sByGm-N_X}aG%91}9;V_M@GK!q%n zd36A*Ce)Cb7j0Q{%nxXl7{&co2)@~DCA3U5;Om_`z_|G^=E*0+w$7VG<@jaTZn6pU zPv$`F+!G=UlIytt!p^bY7zVBOR=?8BU7)cEKdWQc>uQMB%fL!}}9vu=JCryuNo54Kx!I ztBe8&tcwJ>nYZzX>QXwl?llaq+zUUT7#1uL_!LFE;9gcIx`Z}?L7oM!ojFqUrZI&) z^Gn7>Xh+Sa*TM+>Vl1h-0O2pQoEt7n^6H1)FnM?~&f8T*8>Rfo=A^-VeVqnY_C6!K z*a<9eNGB((3ee_1Ynmr%$|LoJXKRcvSezV7Tx1?WM@%h_@B?bACS(J}m*J-Vd7Nk< z?Br}xh}YYnOeVMiU6*_ywnt|2e?nf;)-8%O`q^MbOanHKl4ZUx6QE+$Thv@3#T&As z*w2*hJUXJsx%NUlo_M>SWW`BC$WceWB(9vC9NL5XMz{&S_d~G!j5a-8d6>!C=i}v^ zTaX+gI4B!*>4>1KVpglbQ|IZ?j-yf-KCl2B51jy$e=||XK9W~l|A`3?J~Ph{4Z2f# zBzH-)0s~uXK2+d0y>+{bBj#%1-|c!dL0ug@4m3c-gnHbXVE`KkSCa8L!+>6jCgZ&x z6YV-i#wkufySwG=h|n9jGC5o{AvY464YG)<=pe-Jy$>&rctdq{uUKb_4lll*iYZr= zX_1Zve0(BwHx?|yYkH2jyKEMJ99{-5G(N#4(J|(3d6LbzKNsEw?`*kUP+0>BPl$M5|6$N9dyeL^%20jx zuJg3XWpMiVEl_+|EIKNwhugLrfXz&2*r9X;+*~!_N~I)~wr*z)>yqKg1no>SWJgi{E9Do%uv^Iu``eM?A7FBImoQ<&CUORA_5 z50&k8VD(&wFH~%0TPqq!+E*KH*saC&LMQQfhabcyd^eY!P=Xu$OkvI08YT`Fc=)Y@ z_|Cx&c>0h$f9Iu-J-+j}sA>jG&p3z!Hc0bmxw9~K)+6vOuOlzKWchrnP55N@QPva1 z@wC)m)Xpuz_A|M}V)q2*d!>&JXgtG|)vKVTp#%<(?*l36XmHtg0#i@=iZ*s-;h@3* z-q5K=JeH?oM^qs`UM@U$9{SL!m5Yc|yBa<*EhiI-hT-zZSIEn~1g9r4)-g8|hWVtE zL2cLY;`?9N+aJrft^Z79MrMQID>0U4OcHt&D!llYGhX#^$BT)N5vqe&Pp9C27y2Nx z)SRGSG92qGet~`W34tZClzyxb_KE_td1g7l`_GR2q?-k3ifrhjx_&(S`WzIgSkj(1 zSt8xRodEfMw0KGmj*|3;u&~)|&=?IKA?_wO_c$@}>>8NdxCka{jsf?mMWS&A@hIo@ z3KMNFJ1^YgfIEULIsa=+U4Ab{muIce@qIAyl07T%bG;D%`cmZ)2_*h#B$E|#T2%+W z33IT&jNIgCvCszf#~Y#SvM{{-aN{YUx?1nP5Hh^z>rye;Qs9qMt+dN zBBxk9yyXzutKP%Cl_%KAk6yTG-5oZ=U71GBI|!#k-a_o|eQ3XWARlb?9h)XRWk>d# zL*9^l2p#m1Jvk*!n^R}Pq*Lc1&Y=w56s);?iz&acW*VOv8bZEX&Bl}qSMa!o9CqZ3 z+5W&hR9$|8)pRG3uo43E{yY-zZ`I{emUqE^`U*1M=QJuA=93vBLa*7a(%B1{-YEceu&74P5 zh7IGPqE9eh7vaznTV4XeamQKNR8*{jIG#%QtlB$2|8-b0t z12^i;gpZS#u$~8p;nP1AT5T!AOy?Yh7;U>zstx2fkHeBp zLr`Yi6u$CICe)}#!uF)4(6X_fWW^}*-A~5C^fYhCyLT99$YoY`^c*Yxy9$Doq-n_} z89MXMWmtdN2bLz>g{9f&$#qRB^c(MkLvPE9^HpZRQXyY?_~3Z%R5pt1ZtR9w+=H7! zr6BL}eT<*o5jI=B=J@l!=K44$LS zPb=?5sqS&8sc1;u`#tHVZs9W>mx9M7ROo&$c@!RX)N9Qy^5dv6T~ck#FD0C0J-1Jy zVdP&hxJdZErR%9=s~t+zWs1i%?#1kd8c^iEA2Z{<*}ZMaxOXLD-EpBOTkAq!2HqoG zl0~9*e^N-dbrMP5>&6FuUW3*4l`t|eSkxK(RbVnC;^>jT;q8KM!P$5b&SV6@w2eOG ze!B}uy&23d8x`S%@6xP7(~G4Eyys2q9vQpltJrT(1=)Y&0P}V(Am=Y6ir=LCL1(R7 zuw`c{di*wrwUhkdK-UHQswSevOAnw{ydReP-p9A{(_o;$&e1=51%fm-^Zpm55G(Zk zto{|TON(AIIm6L3GNBVExH;qC$){0Q`!=3hFN;UpW%=U9D3Q|ODfH%k*JiuxA= z;Ox|!aAE8PT-Zj?HA*;l3LWPD+zj!DTy6X#zXU8^2Y^;J(52xD5HXdZg>XLjR$+AR(!eOZjv`fo|Sxjrepa!_DyO(hH6 zZXg|1k8bfnnDA%?DyIq^j@mc)Bwolo9Z6z6s-|p;;LU4EaKn&;y=?8uvDEIJFV68B z&R5+tgo!dIS+iyf`H$z4AodpmV|}T~m)&SK`5hSFOk<;>c9D*pC(N$@4l@XROakLl z@R7qQwC|V=o9;lu+L!g9-C1Ese4RqSrj&{y1_>DEkQ-W zfv`_FCtQ#32hZpA%zB~+bc8u_vx6f~ctFn{SSV!|NBotFzm2 zPAn60W0thR?it9rJQe>P=t{S}b*J+mn_yqm|6Q`DnN*x3TFpwv(!PhF^RZmK%R!Ew zv{u5*yumcI?><}ms*h;dToYxV*op1Ylex^EYob9%4f!;SUo{*4bAf^Sw&d-UU*u`` z0aX7n2h!e;qR+)z^ys6}{6<&}sIh$f)Aoq0`tLl}D6bX|c$`E&4z=J;RZ(mrm0*wh zTxe&IC)Y53ib?rTKzT+Z-d}TuB=l-KC^x2P^m*l~DWe2|bzdfQ=oqn`p$Zz!b z{UtIO=0Phz=dr~~Z!oww0e;r#(+@L57~qmYd~`#=bS+RjwVx1E_(R;_mq9NohtO|# z2GQ6JTHxPOgxO)2AxCjF+$}K``e}zS^9B*mua2YiTpGMME=$MxCtzC7a(Msm8q?1` zh`RPxcy#j#$QAN3FMr#KBMLL=jvr>!q9hqZpW4#$fDSBwdYrippUE5FDN#Sm&Eie} z?{vN>gV)n_z-5pe&$cMU-q`#2P{^ZR`gPCw(brRGvhJejy1+|((YK1s5jaiqnVB$2 z{tMZ^;WE2ta-2b&H@T>6!yh@7L9T5nibhz#2mHanLlt7YmV<7-aJD{i2nRICVEVrK z*knE*S2UL5C#jyAPS+SL_BF)BHzs`1P;2_3yAoe)5;A2;??uYFy^!%`6>+?w#-|?m z%rvc3ae#~=jrx!Zee1iO_qiQ{LZ7pcmT(4(nso8aC=GtsrW==Et--=lcPd`2PlA@b z5iPi3K#w+6fx+)FRC7rL^w$Gz&h=*}?zj9%0chQ6dKkspARk9rArpXlDnsc zd$3$QuBrNjNmj?HbnIJnO|VDJASYC|ISa)TwU~v;M4XiU3Kv!xgI{wb^Sjj#V-{z_ z`J^1?@GTzXSCruwa|yZ@me6Mp)A-spMQZDI5pCZ@a`Q@Wa%X57yLDy*zIPxrI=LBp zS1a%upD9E}r&O`tTd!1NhtZLMCdj7e7X4akqb6*pi1hFNyH$CuPyw z!iRfES;D&rWxB|y9ebn?@iEf-$=(ri@b1?JoD-Z^+ZFf@Bm#vVor*dYx0_?yF2NVL z&=jrTP36N+NI{cz2FzLJM&}(DI_x9Dx!gz#ye|J8vH~r6OVD4oc~k-{dm$m3TdYIp zOg{w{tA+hD>4G`#SrFg(1cTL1VDIv7FuX9II!%hijV-;nsM!U=_l(3BI&YwCcs=P| zsn2D{hrk`rIC?w9uU7W-UbZo7C~Bu@z?{%t(I$Te+s$8)wQXULkSM(0KR>~cDfdym zWEpRr^aOMZ{AsN75vqDOl0@-VSlxAs_1_$elcEZ#(UfjX5AGlrb=#fhnAei|{2e*0 z`iyC9D1@vXJd35iY&&;-VJ_c-Y z2j@$sFhz0(#eFZayjGTe(sbvBWoKd0xIE~S>cpT%WT!U-(2a#QV0lYmQ9B&N;QfL# z)^jMoB4h{dxQ)daw4g9>XNNCg$h%lh`y0%($Sb+|PC%zL#nd&pNS>2P*8P zbp$N7vhkoaZsl9M0k(iqycMg;vK7U_WkAuC~mz@nq}pv zY<54J7cvF>{Y|)8OgTtil&9}jq+!*UD0uWUpPfzl34V5az;b~pZ#pvRpNg`>cD1j3><$bg8sVWtW{aaIwT2M z`R1Rf<*Cj!3iiUExZR}cT|Ahd`v6-7#;~bIBCHzz19Ok$lUqB?P-pf7@vZvf)W%j0 zFD|gB%TN9gpZ3<~UNtXKuB@k4@8^7KskjDC9#5f`acN-dunHv%-C$(xS1_zUKn9ek zQuBsZq1!tZe@_vM9m2c(KL!3|C0FoB zqeey{T<~O4=X3v<`4IOfazM&<1CA=2 zN_ytKV$Zf6gVruf`c_7fkMw%T+BWKe?UPnkDme|WH`d|GkjY%y&6&%mWeNAz?Wo&h z!yU#eicilj#q8X%_-*3|+8Z&GF&x14rkxgFuvO*<-1e~zue(K>2mEQw0m47JS4XDSd7<^L<>Z6bIn<1P z4Bg5lT;=^aq9+%?-5ZqQj~>IcDOcIrSW}*LbQmr+oyA^e#KQGn1uSw%WRHHPVaA_m z5^^q%Z0^d$QD4HKNp27?AN>t`-FM*EfQ!thtq1n^A0fpL25`m62WanwsXW-wn?GLK z31>G7ObO4UaHgrE=3__!?k*im(=?U}>|$50@pvoyXFiJ-F1~?1m#^V~m`A94LW*uV zFq!5I|A}*K)j3fS?oLH1^hN7ixH4rlSJ1i$2bB(Bn!uQ7m-7M7^_j$De-U}M)`ef5 zbcaCkDt`W;I(>4`9)_vf@UYN?=~w} zXWSw1dy^Ka@C#e?XnIcqJUu@IUq2cO+6!Fh^e0v9<|ZTLSz7ev><^;RDZtGyM}gGs zGiYGa4Y@OnK)vlJ%!-!a=EDD-M_D;eKP-k+v(vErY60adwE3`+ndFtofN<_^VRvK^;794+hKI_)%Cc^!HxP2a%MvZ z?ZW@+SI{{#^>9o0O|heH32qxVf^V*J<4&^_v3kW_P<;HH>{Pu)8Yf!Qt5>6N^ao9P z$~~3^+BbrbQY2rt-(h3#uMv3EuVIOv;0rV47$9)XHeWmqH@|$qF}X+a_LgXD*w>0X z=}mO`)(iDD$C%oZRs7_OVf>9clJmMJ@MO#&K5NDevhl=e_9V1h-HJx+pw=78QBm(!Ynr`J2??&#NgymQE6FKa}9> zZQ5eT_a@ktWk}!FTVTh5B;1*-AUIScuygi(d^6F3J624jt0dPD6L%%jC3l{`$%rLO zWs2d5doaHz^^Y|b6u``uO>ph=U33|k^W~Yo)b4?BC%$fsxI7*&_*TQ4KUrvV z!Isw->+y#kxlF6!0xaUcZxOwm_x>y{EcP}VT*q7lkhl(LeRLAVlZ z=-PZOI2Q0naNb2g*G5@tzfYaM{?N**#+AX(`qOi-pCrpGX8^em`Ju%z1}7GQCBIXZ5MfcJ`H=?j_w z^99};x%?TvTlGVm>n9>-VavxnTL=$+xPsFmPxkU}B=*R6G3opVuWaFR7{M1}kt~z}&9t@pC3iFw)6%|c~*skZm84x zwNu&B%rsIwd;re*^a_$6$Aiq*f!ub@4zjy06_0J3z&+*!(HWON;E%rM4Mi zW#dgquJGV;d3I=O;R!OaCr~8hoi!B&N2i1wN&i>}XMT?n-^{&Cel|?z{Zmxn={qaj z9kd)Q#48;GCm!LyD>!N%Gfp!0J94!QG|m}~53yUT}i%{|R<^Uf^M z(dsa0upYqf1vFsv0%_j7&Jb11?C8VElDt$h3UWv|trFgybq}2&*U*Lbz3qq2=WFQ6 zpKoyfxhm)9PsRy*@HpzxSU^n19YLFu%JkM~5#C-T%ot4Uxh%%u@rHi*@zaO*S1Q0F zGkZFvL%2)kxG}p5!i6s%wX|($+oM15s3u9QpFV=lv0g%yjwEB;quo3)F^tHa5wfU5 z&GD7)c>bXM5N2PvBX%gM2B%4%QT)b=&vD9ysP`{%y5cUh+>p!`mmNcV_ZY|jY=;6r z2W-9`z}3}nh~M2C3NlOD$+WB@P%!@tvjs+P!U<(OCiGaXI_I$;sz2fDH-z)g)oI+1 zMSRS~B5ao%&hM<+B`&xlgFlD&vhgzuF>gmIKh2b>?u|^g{%R6a5342if91gccmWwb zcR5)h6M<3-RcOwO47feh7k(L~;6)n5j&clW5R+&=L=%6VUHf%ZX3Zbjne{! z3&YTLmMXW6ngLByQt*gZKM76Mr}%CdJ~-8ZwQc8dhuSb!vF1Jw^}H!IvRVm76Zf(J zVIM!_yl@V^XM;g=2eH6Gd+}DjKaaGwr;>VZIJr=8Wqhn*r*>R|-*%^oXG$H;Fue%R z2HCT3d0$B&F+iK5L>!v#Os3yl3yY)H!&1d`QDxv?aK3X7uXNPGjN*f6$5-Q@?PB~D zxP+UXKPFnRY$XPfXV80g0-yQdJ}dqYA!)gR^EHo)IH}=Bg4jBWw^mEnNxY z&p(7A2~GGRN>Aid5=15EI@6jSKhlQdnNG4KHI^NPmhH_D+;tnb3EB8V1202st`+>q zILPLQe{w$XMv7DK>nM|9$|tVQ0o$@$IN)nMvChkc<%N?;f>A0|ihO9&5Dgx#dI$WD z-4&$;4x@n=7V|-K4RPM%r=UGgxchy!7SAng<%3Lg=^3>`^lq4mdmicV)$`S{c~}`K zA2bqUZ!xf~9?sJOZQ);6HI#qLz*U>~Lx;L1PrVb3Ph|SYyfw0r**z2{MHmtrr&bKE z_b1a0hKllQg}y*?6ezvV7gw8ofbEy=h|YZ)fJKK(vAypqvpaW(r36N@{#OcgVsHX1 zSa=AWE6y?7%z=FBbWQ9TV8Hj)^+LMOOXhfNHSCdDf_1wFvh7k)QgmzaIWE*v?$ z1FXFdie?LQdv*6-R+hX4TJB$hcAqsgrs^`R4$FnAnUc8jz(RUvQ7v9pz6B?;qqxfF z7jP#&8+WX*Bw0(vxWTd(566$>o7NjZ$Vxr>-Fiw*`l_Y4;8HaNbu7jEbAw=^xF4-D zhoF~qJu2JE^MC#GVb3yzk8j#VKGOQ)9D$LdAN3dK{B@@C4fd2CY=HV3t68|fDs{Q6 zPEA7>fK}ZwfrmIA5%aO=p)2lKT7V;i<>|_%y}WFw6V?B& zO(yTY!mL;Br^Bm>S7!L?0k4lY}|bs^{SDew;iw zA5Fh)>J*%xI@IN`3-kxxh1t`rXlZpfT=e&Z^{XpclXV*_)ahW-HS_7hq1TA#t%X>7 zIaTySQ8>#=jAeb(Hq+SIda%w$MD33ZX2<^aqgsGEKj{CSP}6iCFJxp+`EVk+`99W) zZ{wO7lf|1FHsUI)nb2)InBT67qay@o(Y8llL>@XtJY>cJ9AzZ~y0_ne-zHm7pZf^*TV#lsttka}-$3 z^$%onun+qj^aoqJn#r@qSW(*^Eq<(|0GzEJ5~aZs)L!ViPc;o=$p>@6BqE(_|H^?! zGu{d3!`on~F`AD^{47p-<0E?MI~!)Jb&(E5CAOen1KMiU1U8i5fC|cki<^w-u#V^8 zzt|VbielNw(a&H=WfdGNYlOG+o`S)abY>N3kGEe;;?B7(;%PAs;5$k&WB;%k98=)_4H~inN6&fzVzltuf#o7#OQJe+v@^4`aHvYnUBtw(`MpqZY3h=QfSOt1t*F!&px%A-4?hi zRdqI;FZ;9D_iIA8c-08BU= zj#q4|#N#Jh(s`+3l4krFk188*SL08@u6QtAD_xD>)b10{_1QwUw^-;zU4jSQ|KP1= z6r26>ANybtMpL)hi+aad!*bz$Z*fH%M$`yB*jdW>?C~>*);YvJ4qr(1h8%?Mjsw7F znutsE@|kzN4-d={d~gyiP7Ue@$+Ftvd_MaE_q7j;Ob15dRK3Gsmh^}nT&zr=4;w;L zB2JRs7liBuPeCH>#KsKMfD`L}v6JZ&;Ke3Iy5)8rs^nJ??t$9%3eHPpu` zMoH8KyEIJB8V;$=M zETWt2Cg8+#HF$N|MIxm)9*S&bv5fwKL$a!T(f&Mg(q})qyJmulo!~V&a}5Xj%5%kO zIoRjrOYgrshkkmOSy!O}IxV$B=CzR(I2lrx1|Kw-atZYR`Ov}ZLg2FVKb$>a3e-Hc z!*ww^XmPSueE9JK^l+VqmiI5=5YNw~@A571acBqG2xrl$nWtf?@j9;mGFF^p8Q>iL z{yvc!nuteqfu_%w=99Ek>16+r+-lke_+~ql$>n*WKv6vfe>{=qw}0J&#xJT6;k5xJheeZ6$~ z&P*Rqug)xl*LH`TYiG{pN=7+YBrrjin#*$Obu)0tvF+lm%0l0yFQ1&OoeqifL%95N zDU>-(=!8qNQEKA^aeTmS(o(3#rJFB{Z4SmbwXXXE$*P)ME`K!~eiZC!21x;Od7PaI@k}*eST1roVT`tk)^rYjq-|ZyST@ zc9#4&U%-0*_6v8su_Vx;1-vYyd2WU@SnRXn`?kA5Q2uI^+p5Z!3(neFbx-&uii?? z|E%Jr2YMm2Tbk_D>?1Q}AK^@QMgAvEL1gsq89D9V0pYu1X?2D^|8XCa`;-?N#!~%aVY7C%vJ7oD716gY4Vovuc>GA9Xfgt}z1rrWQ@KGU6z@}Q#g77Gi z*wn{*DmRM;cWuG9)qdc<#*FqXYQeF0L{!%)isF?4G&H6e`UhIkj;YGv-8WD8#gF7! zVOvql%9nl*%A;)wU6Ax#p0|a2iIQ118{U_V=QD0%(YpQIaqM$4Bw;Jp%vc9@-ljCy z;uxN3T*wDS-a)5DgZZ7XSn7OO3zjSsGOMxPRB`nHdip3sGk;gEX>H17TI$8>#)^E$ zRu6uDiaI7NpDXOmXA^194dSwElutKyqhCyvQMj)j$&OLir`OsMKg%;R4F^J4>ImPE1{f6Y?X>eoHWAZWbpE%&BB(L~>4}ZtV zvR9EWaaC6ojuq|!vzt!A#lYjtFD;CAemcT~3I#Wrf-D@8AHug-YC;#N@{vp8U`3fW zs60@`Nk@b6o`V6#ksk7^X)cX-y@Y{IccJ*kL6|iB9=lmF64Mul;?&F~aKB%cCOg!? z$}RnH@~;XUyLbh6U}97JB6KqT!?ABslfuG*L>h;_jvKWZwD&o;Nsz*7Z&Ydvi5fJS>>r zo0g1!$L53RLO!hv_MrvuHKtpa~-7Qg{I*$_NtAOFOO`TBWs zwNH_D-}s2O2PDZKArVt~?;e_O9LWc4ujfa`&mqkn1!QM!3SXNx3soN^@T&^*A=BV6 zs%}Y!v6i{mZQ2c4QWNRkG#lPtGMo)Hsl($@8vN?e4^Xqa9y~S2UiY|%9n|h;>qbb^&~I6=Qs7-Y zZGV8K&(1TMC&u_g`W0R|-VOSBnK{d?f- zJR^?CsjsJco_QqJIfg49cjiCU!+7J$D`?Z95Bm4&g)_ulKGJ5m*n7+{UU19<+N^hj zyh0ioehkF2fure(BsJ)+nMCv5P68>G#X)(hd`EjFjCmW3BOgT58?M6Nb?SrM{sBD4 z@-b)zMX=!=tFSG1BA-8L6MGWTz#?8w#lOEw@a5PrC~{nZuPUd~gT)n?UT}-dOPR{$ z{U!O)2`6D%iWHUow*k`yPu>Q-9Z>&EkvDZNfwhf);Yj^suz0=<5!!6mOv@XL4;-Z^|dM0%d(W^T=3SRMlYe+GhO z-!@820%5wpAB=tR6sx56l123y%v{c&4v@@7b@B-87Y+p*4MS?ux0LB+?4$R-EQ844 zQ*`x-fqcnQS=x1)!-VZg;NgE*H2v>i*n7kRdQAS~_<1emo@3}?hr_s~SQqZp$DzqJ z!8f^a94=A#COm`E>Gc0DKvMQO=>43@dCgBKwMc=-h3??f97hgJ`^j7ekDzeu75vNX z!%|0muKPF%7Tk)Wm-c?dU#5NVA^$&&&cB3scfeO^1HF_k$=y|t zvuP%IaCuE0yvh_i)tLz$p2QTm+LXa6toD+yz_BznOqu>!DaTuGJ%h%1wy1u-3_?!Z z@SnPca8Y1`h8)<8q4wipp}DZz59=U>@4n)OxIK8GsT>a12<+NR+v&3RhSX}*BdF?h z=j%ouVJlT{gK_2%_H>Vrz%Wk01Ghq);z%}>DTec?fJ5Yw^$hAy9N?vg&|8nZfV+1p z(hUpE;Lfx(*t<}XdI)^DwQD4WaM<7k+&@kA9`YVY7=Re^b2=cbvVC8`|={t6S*sQ!g0YJycD~Ury(r6HbBY zZ5!|#q(oKkxzX@~WAHuiJIlM6grgSrq95CjlMS+PTRFkNcS1hoO90HBCREV+_oIB@ zS*RcR7M;v0z(H#oU;NMwBrclKd8%)5eqIVp`|*Qmt%w7qAU!(datmC|G7(rIdVKf$ zmGsT(PMG;!O_Xx$CXBi5K+`uD!r%}4iI4mTxU)r{#tB^LqzW5wU2H`Et!G5(=XD4> z7tNpEo68MakD}+K7pU87$d}A{A?%?7;hz6qJau~@9byv=)7;(YquIvPXv<3RZclx# zG~y>2x4}njU|s=fMnh@w^>&ze!h(j(xPn!-OQ2pF#pg$~(RKEhaH^sQKDCIVH7k)R zeDV}SkSdA}DnY>h0L(f+hpI+O@xa9;7+w)0JSV!DrIR*lG>oT1ETXBjR~AIYo@GHb ziad?ZqJNo`z`z_2$EB9jIExV&=(Zdb*Pmzqh8!aMMK$0v_Y(;^A0y03?Rfk^J6bMM z#*U$naoN1-ID3pVf3Rb-=+v}Qx^{5^mJL^=Cno99*58-FLY;EmzlL=9hHl8uOJ%-2 zF+|j1$Pd`GF5Reb!zKKPyS9 zKm8VWRevLX5^{WA)dcp`T^Cm;_uwh_JScsl#93h@o~C~>xHFbH!!eZHKLPt39nk&8 zY+UkF4r0tEfXdudRGqBO6YoaDqBpj1aq~G0_<9y*4cG;LisPVr_)WM`yPhnJ*#&=B zSaSQI`J}+}F6!H4V&Rb}a!po|XZ+0}&fZ46ZI%f){=N%(t#-kdoY~}!+caFZxdu7| z?6KyfFppgoNfrriLHi%;;r3f?X1RDOtrBJ?^P}g{nkN;c*0uz7*5&}K5M$tC6PC2^ z27FT8gFEb=L5js;+;`y%B;C@2VeYEb=lWfEt?4{M)rhr& z60kXLBrRKAM{EW+f<&Yq3ZE3-Qn-SW%?afDv1sm^NvUH=8ZJ2=P75Zh(bZ)}WRvqO z{Hd8wC%)`w8Ns$p;>Kx`{N9GC)hyuF%kM(huGg4;{~&%8Tr!X91Z+is4fWUE1vw@i zm~Z(VzNGh)RgFXV!tzw`^Sg__w?C6f<{P15pE_Tou@jp%ni1KP<1psYD|Sn5E-gvl zjBac7cy(YYd28x}XSb~7=bx>{7dI#*xy1+Z^ykxOH(KROd+TB8`G|IqpN-< zD*u_v6hiZG$`S+oH(PnK3(x&m48vsJvhfLfAn%C@mw%Uy z3gy>8a&t8K9p#5ZQ|^(u9_z@&uG1{Be;!>Va|LFdPQnK+$>Qb*B{213Hq7X>#`XFY z+JIV3v-s7z@$MA&Oa50iQdgvMrMu|GO`R1am(Ik?b_tgjf&qtVdp9qHV6A5#NMNVU!cZg zVbMa^7WN(T-oAxsg*))%S2M>}&kbTRVj1bS}vQPEjl z9a22`fWSK4gOYk#)MSVn`lng)XV!D+{GFp=v09&a^if+3sIcd|a~5K_wj3E#aGNZ0 zzK;sK&EWCsByvh81|4Pp!h%VAJ{26ZkUU9O+v?D^m~!{ zZrM&s5rhy0Qrv%svJ zt-G}kUNxO#8+jpNZe{rW?H)G7Zxs9x$3Va!dA@qW9kH6S8SnH}Z_;1 zNvc4%@QtwMqb*403*F)C+2RYOe$=t9Rq(bZfMWeaa=TY}ZfibtzFL4VaQk6Q7$Dp; zRH86vvK;qJ%M@42F<3dT3Ih&D<5j6TTrzekE_LpM-y1HnoqAGyZIq0-d`~i%3ohAH z57WgqUW!!pr3Bs*2LrUG5mOg$VUBSYdbF&GS@2vE;X08G>CCDvdN>xB7rsaH)>igL z0Ri{C!gt;Q7!;^OCk{#-H?0kLY~U)`@;n!s4OipPZ`I-pGQUNuP8*Uf+COl$Q4cOu z{!QGA-;(eJ#^A8)8Q%4X7ZW)nw!Ntl(}y30*kQwYpWSfrIh}$0_o6m3t2_}57VX1= zjjd3iQjC*UX=C>50bphIxi-1!8}zotv3m!W@@lD1XgaqJB_z)=hgqX}b#x|fzUs+u z_Rj^=mat@DFoLaD9taf2%Q} zAq&qA5$<|(Vnv~0!g=u`AGlIEsTkx^vO41S4if0xI9Eyw#=ylqK zx5IwG1(z7OGi4a6Se0Pbu&r?8kP??LU5DA1HDJ6=HLiJSKzC_Qggv*$QIqJwbPN?b z8WR$6?6I||(zpgD_eoKsC3@tZK^{o>lrW=pwa^>$N!;EvgQ$#nU%O^@8dNUvrl~(w zxZk_oOlgBL+!ATPLz5iP9vcXEd+##sRV!&QNn-83_uz;x0gIv%e3MvB`pYG8&>Dd` zR`12%?Lty?{|Kl}6cfi_W3IX;j&Z>~VrpAftCH%$j*i;{Gt)|O_3$-wLcL^!-vzk2RwNBEkz!2b{bn$ zWP|G6Z!vjJD&DUQLbtGL*6OIhi~6*Ld08=5_NnlaSyzbr#NCj*DUMD;DSGZ?8pfYh z#a*GX;O@h)>`}GI3U7#96m`&iiZh(kHsi3h7;Bs4F+Z~#!e^c=115a&7Q zkg9=CWykU%Dk1ddwlXGD`c2fHazfyFaa=#ij3(BfLFcij$g1gCkhta*S?iiF?tPXD zv#$Gdn>D|o($0z&ziz-KjcR;%zzuTgy9Wk+{)Mvy$4QezhrkSaBhJWwhjsUEqTSg7 zqGcL~1HTOwhaNr494rqwS4uRpafgD09%&Y24=x3EM31Jqt>X6rjGXmrH;P79>d?`n zmJwGaU9LasFNXh^O?B#>Q1`!NbYC=&mTbF17JrzFbHl`JLWYp{>UF_$$&ws~FNe@q z0;@PmU?pvTgSF>0xy0}Y7_)8&JP+=M0S!|@VMs9)8E+K_UMojmaR3fp@tNHp*v0M` z>d}g<9qgp750VWow6*XenbovW6q9}&ccp9anpxv;TC+L*c6J113C72J$o6i1{_OBGcJGfQ{wZsN+wXPB$uoPHTKjO!bsLFiEuJwAA6LQa zSWn6`k3g7I3qg}?0`C=IT(`XEpnTH_U?f~4l`5%~-j;AWYA#5*~;sz^i`PT0; z;{3I4EOi?rP&<+P4*DYQcT0g91f=xO^|CNEd$*#OHQH&W|9${-y8oYE%;_j}IqQsjj+@}2o z8+f`HWzs16f4&K?2mOztGY_Qd>%y>Eric_WB&0}G2zRd?rG!SQNNJKplM>C5ArcKT zL=;iVm?*h>?Z{NAXi}0&C7S0{^y@p{|M#zZ&OLXZwchu6?0I5R39k6Jk2~&EgSVpv zPn_>+d^lSXn*Y_qnB@23Q!mfJ?(1WD{^$ZS;MZ-OG0F+1#ht}II|bT%?Sp9BgDhAB zQQ**M2Iq{olBB&$VTFteeb8>tFM${_s)l{66|zxdzkzS)d)%t}39BdhQfp0n8YY}6 z>>Hx^w4|-DTjm1`xw!$dYuDkfwmQr-4g;Iut)O}F0huv=BHWql%9Y;a<0-@ExFsct z?d!S&M}k#&{Ek^Xb#V{0JsZxg_6??gN6w_9+n+G?dGRc-?iTVzTIjc0o|;XNp*?c~ zVELdy^wFUxR7#xA6%K0AnK!%P&`BfiF;$1|ja^FTNV(wr-Y~cyKY@A*Zcw+*z0^f} zCpP^#kNO{8fSz0-P4`g;gPW&W>a9i?-QEEewhQt0+SNSvZUuU0s#0YQTRy{QBn?Y9 zquI?B=zcAMMYuTfl>9oZoxPJjm^~Si*Dn;wl-I#88BT^Rd4;h@jZyzip6KxRbHey6 zihb^W#x$lJ$8QFnAg9#{4GEH>_MDA8YFGpKPuf8Kl}TW%M78LCyfrkD1$ca`Ds`4p zfJ4#3%qO#p`S;3z)RzThYVvc?v$Ld|-g(1)$%VMQvKh^u590MhWFhF61MPZiM#Zff zyw%N%FA+MQq5+z`deJppvUfcm-_s^i`sB(_s(k`|r}LnkJAg`07Tzna){2YI?}S$u z;_%9&o#OeUwt+*~bog@Y0Q{gY#V==Vq5J>%^TUP9$uhe!@XK{LZ>l#W4ehh|o2~)0 zc}XJnZrFu;M9Hw~Zz7&tQv;8^)aisuHQXDpT4d?-h=gh@;D`(1xJtu^ZI@Mo!DX3( zqeFrGT`TZJnm1yA=4IHr`8;|RM{?S!Nt+VXaO94H!OuMv)qi6 zu8*O8b(W|d=!x^b&%_r}BhbkDB<8;vPjg4AlQ~w^aK>X2m)N8uxR|5J&+yl{xTqJ? za_8}=)QcoQ>nbj}aey9AF2tFCXF>I?4xvZzoEYxU#b4JI_>`%MJSiy~x9syFExJKs z!%LfK(9{Z0IyI0L`z6xfKi%o^jH@KFz!g{OBoXtX({M{m4cz8>IB2hrU`M~sq>BRk z$dC02DBbV{r-kI>P7P`P#$t?c7VUz7zax0!+0)=KBpDPwZp7!I+d&_*Xtw4No)p*z z#(h#?(6JOg6zlW-qkk|VB?FQ3Zn2E*t+?^_9d38w1a#OPfu)@{(J7;a^{%K!lfOrq zM5r;opA$iL*8A~@yDe}yu?{xf6Luu$Guf?SCvft;7}0kZC0eq*4I=^sN6A@TY8+a| zjP!bNuR#Htb=vXL4?g12(TTXwV>rzjqsOc}im~4O9GmpRUu>f>7wg#yIB{pYkckq0 zo53XzQLqw&Di&bdmqc_sT!AaM&7hO@b@86k6bS8h;A&s1!F{|vOdIRZ+k=g%*Scpc zr_d8-JxYPIy8i(PS#hBiE;+KW^Oq)xUP7&*NheJ!W6crtB5Il3S^xFBaaQ$vL=nR(RhAn#`&1MPTq$5MKuT=1;*@Nhl z+qJ0XwSc)~2jRz{JfyFu^B&)D_ATfKG)ttSkdndYU6GJ+UJ2Cg%3#)9MV{bX0Vao> zc+2ePSg`sUwBH>`>B9ylFYY6e;hvyUl)5^fl#z;$8PIJ_W|bjvW1 zIW!9tlr_28pPl%y;x&YcKEsiOKVURqGTyvmi_?!J@TJ>~sQ#Q-UZeY&XkY7x8!gf7 z%+y$_anG5-Zvsb#N^$9Ub75YYEPgdgfi7I_fIlrIsM{3}_#0FQF!F`SUEQ2M7j`b2 z3Xjpk&!2FjaN9SO+h9X0j@GfXu|~A}q!Rz479%!vRH9{nVnjQCT7!}B%)B{h5-P0g zhlqvAIKeoW-?dTYMyvH{n4<yKlbf0CE61F*a< zjiip>$wjB0iQiXUf?M;S;%#MHYB^0|V%YH{SVw}%5)%Fp55Lt4r5FS7J^ zP8OI|i@4#*GbmI<;BmX)OJDQ^4sPmY!-u!Pm77VTKs#A}DAbkwxDZNxgbc&9sEeY` zYa=1~XFdEnb{#IrPo&pFOdz&o0{Vy5p|h}0IP_KEgiK6@-HtQpwM0R)6lFrculj6% zsV@|4Y(tUUR;LNxuOKl&le%sn%7c#IU~B4YP^7t${y8NHTlFXNN*8&m7vv7&KTf>F z{13i;rAOVjOG1@}DLVJ(z|lYJS#|Jv9Nd-yKb4EwlsJM251;dTOQ*8&9 zAAW|>MJwzBt#d%mS?+daYgZO`%2DIAMhHvk$#)|dkd_!~&`bY~tkwtpY78J)z z+jtOKKkVGo8^*;xda!@VTzRn~F}O?S@!xTU!aAj8n0_ z-x;QVx)17lMp)LS$V(pk;`CAt+SE9mcAHk?{?07oty2vi@gj&9xW#I^ru6WpZ|r4t z7Y0842GKQ>;hx}5m{qrm-YY8>9#Q!a?C}$3eVYc=w(ntVZ-{W+45^FBe7bUg2YWQ7 z7#yCz!x0q(9@q+blO6l8Rr)*@S|;F<*!yhl(?R&7)}Ah$xr{wOu1zohHlq)FPJ?o? zH9t2+o(~;AnYFL$g*PFin4Z&FQuIrhwGEW7vh(=?Te8QHQQx1^o~;LP-IqXg-X2dQ zUk}D-_A79i-)Zc;(I}O^Ns-DqeJP|2udUt_C{8M$)y%CUO7LLHPTO4AJlpBi~b>!K~@)P+L6&AMIL1 zf?k@_Jg{K%MkS(gUItF7EWxW9&-U^+^ zj=|S?hjG&Mi%jnP7rgM-obFRd#*;A#Fwjbtx>v`s<^h)A^kpuO+H^o%I$jozs@^5` z-4!s{M%Wc!k7Cu|)8W{&(U9=Yf?OHq3uE_a@iE3d_@e$i=v7G5h3+4q%u|i7eCEp| z&g*ck30X*QG~$67!`RLad)yhjqVnAuJ#IeFnQh1zAlB3q9Z$vr`y=VLY*-7&BbjoHZ znpKU~7Y5=ERU0ZT_XFE@PKDN@8APVPfm}?Xf7b}?AqP8j3V6o$ ztFFgu*ApQ;U>^kEFoS{pDXjRx3rO4X62c!7GALv{M0lJ4GJiW94Zp^C!2k$VxJNoy zjYXBU&)9&&mT)(t3TN(9q$~P2;K~pBu>6+@E1p$i_8xB>*VBW8R`tT)k6CE7N{VY# z7vprnrBR$5i;iwSw6eh;yvh$^_#_kPEf5&W@&VYk>^azYd}Dh8{*g&h3AnoM2J8xv zA^s~e&DWRV|^-fqa1B?){wrUhm8FF?7Z77Sfng&lYbt{U6P{@KY= zxfW%5_lPkXhWEonKM&RxeIAP{O~AP}4`Kr1vFM(m!}B_2`0u}9qGSJ(?Y(h;O@DGg zyrREH=q2sL51Zz3`tNGO zL+Go>hH5#6BOiOSkk0u3yU^L~7k$w6s+rt)5P}N3jOfeP>a@==4#(e0z>i5K-a)ORuP{T}uvs*VvYmPi!IqWDD zX#ZqIT9xoH`T)egc0=QvZ=jC9#E)`KP_OMwL=vO$@t#EN{ByH1cjtE&XmXBZhj9F8 zCr!f?bg*@d0iUHAg)=XYpo&sjthC1z3h=5!f|C<=A36!^mUNFfI2cUSTFe4qd zUGOIh`A6+IT+;RvqF1hC`@i;yZ=IWup9QA+;*&LrA3OtW;lI+6}pAXdyT;iQ`#_&8OTR)u%6TfaV#PV2)=X66=l>grFZ3{Ybw zA2rB-`X1nIv>M*-YjPUWm&~1V(ewU`*RJlU6#+!*ug$%trMRj5E{WrO$gw z*^E9mZ7c(gQ^R0NR=l`k#wq-MayiM>mlOXw=ZDUg-(Y`i94J|a@?|rBq5Jp?Y{!+= zaM!_(6 zo_Juz%0T%4;K{;mFl>Ga`!lHrRGX@CZSVm8vAPgSa6hJeyb0a~ zHvH?!Ib7}BImn1TP6E{KAn~5Us#gBT!lTmQ@tt{`#q7qti=Gjm(v!?PDT*B3>VShf zEx|!i_|HZW?HQ7dDcK#wLN1E!6S@(7ctGeM9l);}htNH9?K#``65~9DO!ZDf`f0_S+4AQB<^pNlDy;dGR znKqO=ZxxH?C(2T%5Ib!8CCs@aQ(;7Ch3K185*7wn0tt)5FTdKc$>Jb3tj~wz4I}t9 zy|*OSRu*HoT!$C?)8W3tJ$$<^n^j*vhVN^S!{;{_G3Qf~_@&7OnBuaY=9e76D5(lO z-=oRpM9So;!&&hxlNRyvqml4QcMfXAl!%M6Mv|$ivv7E33gkCVgP!%%klQD-o$0br zTx-B@Uv0n{-ck_yAcSZyIfpd~%G7h4KH)PgdC6M?$jk4-qFq*$Usym@$VI69HHgoQ zYQ{PZVfUFIkM2cBp#F#!U2l1Y^*wzBtG9WelD!(F`Hn`d)zM77F$9ZGXS0S~6R6WY zLsTxkNHiBn(e2BRVt1|r?7Kl>UPc=xmyv;*g8?8k8y79!O}CveNSbu2hNg5A2UO&3?n)6J!U z>^hxJPQ4vZCC#pYujvJd+bRV%xgJ<&myLULg>8=2F_Qkq1Ho4V&PR8FqJAMx@SB2S zeL0kz?vCxZNAP7YBH=GJ!-ugoWZ$$ZGBjj`_fb*#mP+#*4X+ z_k0pOm;%$Q`b<@n))4Hg_97?U{8;E?SH9?h;H0g1!`f%N2p(w#DxELnyhF;#8?_8} z@m?U#73SDEK}N#NYb=Hg&%xI_N-@vZ9#FU0fTr?T)Hs~pJe_PO}JSCFytn=wB#zeD{Dv7 zX01dzaU!i(vtmANr^JJgOr-&bs(_uH&JO-7K=Fc!IBm>2Y+CR^lor$_d*HLJ)1iK!A`kp?3u7g%P_|ix9}XJkfOQcp?E7{@Nw% z_BAJ?$&>dadBYyCyXgZL6%X({r+W|-^j$6LxyZi;0WeV-WAuE7wmS9fG6}ZLyJnV`sBpGW9p?$$z zXzpH#c>Nqix~CA+k=p#Oa}F!b+72;K-Vn3$KDhr-nl8mWQfj{$n!n1zcXbKgSbZ7O z&(ss=QxoBO>Fw49xN7E0G7k$sC&n1sBWFky>v8bQN}~I z08hf}$k#$X^BC+;{=;rJPsPCS7#t}cgOi^7gZhZmxbJurlp7p`#AA`{%>9!fUvGdu ziQ4>GsTH3sT;GiP0l3wZV(93n~&i*G^`nqpS;y^MS&3y zPQ8i`TlL`VoM^IGSAr@ZvxCLmJ+Rhg7COI+WFe*H=pN*alUDD=!7mF~{Cqz$$7?n1 zoVSEO9N{7QI8_5;7uZn$esB2gvl3Pn4`(kPUWWT^4vc@&z@1lT;rw3{n4#-8!Tom= zb#C;qxA~F64zCSVpP8YgvJLLn&V$*v6<~$nav3R^i@7FYxUaYjE*-l|G>j7YFsuLA z!M@ZE@}grm=fRXjl3oa(i>qT`0eFy-0; z>Hz;SC#8I`K~oxhY%hX;Ar++TSRA}dT}nqP&xNq0Ucn!D9!?&SX3MtkV68b@h_A+B z%$O+2Mb!g^UZ*7W`>cm+jtidXe=7Wj$pd^YtxvyZ7IWLG9OOF-@yUc4*n7yD76&-e z#j-1SX`!%7(AP;(xNVQ&HGiC<%pP23*SkH$SpKIm2OmxH$or?Mm=h_b-{7 zK8UZ1>kzpVSwXCjpNf6r41a(4f=yvPuDhQBB2^WhJ7F{Eb*iA3%naHjZbn1v_i$>6 z5&RAqijgWe7)|TJl$J(z>TTDZNs;g!&uYBdVJ#&ib^kH#V>u*@%Bh(r28C6fnoqU z8_gz8wNf-~bv#JK=c0kcJTSc(FVgUsgz_tTVV-O^keT0!+sT30i2pENoJB7G-icMS z4EfoXJrHQs0mId8DRcD0s`=*3WX}nZ)MI3~p>PkLUxVKZwdi~AVDJb?$K~PY#N*WW zS@iSe^Y}}# z5C)ZBBDc;pVc5>Sc;j`txV`%FWBl7xNiZPSKY=~DWdHb^qi>;^8D^jYY$)G~)zeJDxleiD|@29clLf3fP z>@@np&j3x7$FSM5YH(|oKXpBGAFH2E=KoG_AU0*QK~H-Jo@!KLlef%cHNRpQ)Ec7$3cd0cJBWw%(|yb(QfIHqS|RcU{r|_Z`rI# z2Ma!$@?2%`Zka;ug_*a}vi*!MQRmYg{<7Z^k?=849WU>g3k~&)#r=71+$6+?jvciU z+@~CdQG=6Vg2M_N^H&wuy|bqG>Q2I|hryWM`v9_bEu_bSL-0j?4ti<>FPt+2kJkQx z_gh9n?Uxe}7%`YvX;q3+R|$ND&I44bDM9Qvtb(o3>404`XA2$i)pTr$9QxN~maLM~twp#mSC zuXBU2Mod1Pxid1awPfhhbd%%GTt_?6Bo!1pe^^VqQBkQs%sSy%=Ebmy*xD$jtu{Z zUp@}xHo}~>*FPQOEhFFxoeO0TTG^<~qqsW$66!oZ4a-K%B(lo`na2VX_Djc&hwffM zeO<=$6Y4K;ykj9-l_pOov>k!ih(?ErPPuU6upBi`3Z#`+5AuiEV&U1M${qIJ#)Yqg zS(24IYzvQvUMeSWr?hd8Y5~^0mBc8o0AatH2Obmh;J3n0_%-PiI;Fe-O`&g_oG}Tq z)?~xMqmhE2)0jVAEemh%9OsJ@_A&ZruJEoVODAM6$A-;IK;Pv*T>NMtwUN-L*95-9 zm!&gEwBHcclXi)H7o4yk-QDo+!l&rvSb-)2Bggyl2^R371qa@aU{6}jsI*dygChw; zoq1p3LbfE`5bwecs14Bh@+es-4#Wi&C17s39j~0&%bIF`RWrE zSm;|0du|6y?+xL}DIdTrY`3VwdnTK0p5d_B{5adbAR0EW$)GN3+T8e60A1^#z(?Mk z&YSl|u#DoBVt6+NYFF$;-K$bn=S&x4aAOI|R#;%iSYP&U@^o7CNs?zxbLU4Z<*4*5 z4elo;oc-G`;ef0(c-7#-e|8*(q3itl>l#nEv-lBs?3Um~%Vr8}(;(4lV+9iS^f>bh ze}owtY0zZnO5H{KX#L~|IHh$R?P-6;MD`09KLNV!{!UxA77h*Cvxgzpi2Lqc~i6 zNCC>fc?gXC8us~JFwOauiNPsm+%L2kzxJJkF%LyFBs&7)e2(JwP)`=LBN@hoP239k_N6$c=p3{=_mSoK(tJt7S-ie~ zHQC#}83(#dhCLne;`H@O?2yn4E?VDlS$XI%zI}=wUUn8T6Nk^^ll`Yz(J(t2BvX$; zfg;@Sut4anBtXv+cbsW4LahBOpX{A+44$Yb;iLEVxS`@UY}2d5i8t-&{L9Va5w&)g z&o!Te+IN%>&vK%fLcaTJY)hqv_Xjxq=rGxMd6VGplHl`H%3$H9!Tj{WU$8Px4!VTh zj&@iaYlw1zn*~e7*N&yq?1&mXI5(P1mh8ufTnBs|V@~%p9AiPxOZhSvO-{Ab(SA}s zxsvh(zm~nj2rCtM?75oE2o;>QQ_OgmygaR`5%%rQvNZFdG7S`ZsUOT9!ML-vm}PO1 zEf@Ss^X%jJEi8n`rt;wSYZJGUc?~dFj(=*6!TzR`{BitsxcKof2F2B~t_mU7vebqi zUY1E+7M{lHMiV;Nbt?U?Q7LpT_CV?CSE6&}5#V2HfL3!4z}W`}(NJ<1TW5M0E}e|U zr-=sC?Wz;_Syy0J?KcQ*+I;!HCz&K!)ByjvnUm_pF@o<-gZV0^vWUA<*q?61my0st z$<$`Zi0FeA6L-Q5eG&YeYlL(DbKqT3dVKecvA84p1qpm7Ne4dv0HXC1X!L_<9I{1) z)}7lSbUT*OH$Q~y>e~c&gbr7ZNe8}NumgJbxPjsA3S#!T9>d*x0EIl!%BDqRs9F}C zo{k5V(hQqQnASZ8jVo+KGj_M(n<688u#T{s|9SHulO*Qk zI1D##av`yuMr@s{4lWnE%<*2a^wS1yeqStxFREu9s&9I-^Vd|U>J@GJu&+vNof6Bo z9x|jqS}wz%Ip=U<+bA;i)?T)IX&=a24;5RNNmBKmukbHCpT*|2vk|Yd;r?rZxs38*+eLiyy@HC5>Eb&7Z`ifwBI`bOfyd1ZASM?kLHXi4P+)QjEqv=l zyL@f9w~;=E=E&jJ!MS95)(3l+Eo;cy^mKl-J6ZJKo9*1RAP%z-KnHML>s~Q)UKY2L2eg7I}3BK~)KPmi7PZS^R zeH+&(%27?1wZuiw2^$0Fal`D%Z00Tv$lY@it-p@q;@IDCUurVV6?z@cp^m&2?l4uQ z!49{qE`sTm%c6_3o{}za0K-XEeBZDF-1pgw_dgr}HxKNCNEIFKsG-9(zB!U-1zMP^ zm4Z+A$FY%~Kk&*9Ir}9&9auZ}KVZ8C^F?o-z?(@$_%-?v9q9j%g$2oS6Je$v-LMPR zUEjlvulon~?Usnp|};J$OZiUsMnaN=M}>1uU$*U}56UkAg;fIg9b z&QZ_}_Qv2TBhV@?iY6XCic35vaP5d!#4utoR_*O)o8y=A-sV~8ckV7W&Y8e}x{jln zS}&N{w6oN%KLCHs{YwffiZDE*246q!#xIM4;m5?=RTJAcVa=pnD4kh@Qr`dJhU7jd zSZ@H2bS3x-^$U2y%1`L3oQ0p6r^xp`x3J^NeJFT8nock2Lt~pP9Pm?cGR6ep&1Y`- zeY+AhNUp<~kHTSEMmP*hXan~rbJ-w+V4nE-4{2Qe1eaY@qFn;_cjHqXAQga96l1~GqYjrT>GS&7ImBv+ut%ICWY2AH!i1GTEv062#jI)kNqIX=YKUVs zLJr6HQ63EWJd#_r+0aYr)u?c46Yk$>%HL^uz>{S$xc2V=@cMiY0y_oY^0-W_^vr>m zY&O|;^$ob^3cLg%W8~kaL?!(<;(c>q?e9KArh~fRMv!nAXnqA9Km9|ehlYH@+i&c0 z;2D_qu^H}ok3;I}K|h9OqRH1j80xzMHJ+q_8gC@3Qa<=2HWy0gh#>rIB;9ve@K4zs z!MndIAzZf%Cx@hf`~FCH@za?1yAR?$$1Xziz8Bz-cbuPlBgb!nKk5A+XD#=2lq&Lj_mj`NvVOCFS{g3^euEMm9;@g6!J`aHWayj_M? zMuw7CArII*r+D#>^g3|U`^iQ$EaEIB8F%)TfKE~}Jlm(jjRsG~h;3uBd0`;Ovr6>n zo;h$xcy4piUbbUDN97u2T-09&<2%Muwc;`i5>c>RqfIN8)q&NK0J3*{BN4Cpi3k3u z!AYBy{KG8Zn;i|fsOu2ikdfwQ?aR<0WeA%ou(@w)c+j)oq5&?LbNM^haMy7?ek$bw zc3qR8DQbHeaota2K0OfGZ1WHYPi(*|IniWN&0Ta2sD$dwDD>Hy%I<$DN3tvgBD62U zO8@V~Ce)Un(g4(GP2z!(m+VdXhz+lN(>}lit!FWb{O5RI~WX z!qO!$D)A!hsECG5AAZAzetC#;kc04XlS#5)JSkDlhrBLLeq$YFr?&4TGp_WAPpawj z&ZrXcq0}14`8XFJt+>E8J*DmlPO5&mtgQIu1v!Yr;&)VCeXpO#Dg|sl4k@;q7S-_rB5uQnLGnKH*8C zsBOl>Qw3hbuW~ZbMJx&%V=LBKqYP(Hk03J_X2XR&O)xfVAwS&UA~wy9VWr2y@I;U) zjgxS4c;z}3m+xH$j&~Eu-&eWp;P1s;IV6zGT5X6)_jSc50js;)7y#bcVN1?d!FS$E-KRcZ@i3d<8 z=)L^`KV-QJZtE*>U|I!^l5P{Xdl+(T35DR+M*MQBQoL%H6Jp$HSYvn-x zr}-j`3tYezU;GE5m0jeKN*75}845!#)L`zhVz54Vl**c#(ZBa3==;S5DB5!lOea?` zt2Dv?bElImC?CM9rj4RGuC}NilaJ3mACMCl<1pOv8^*1VXCe(hyq~ZP?eY#om#Zw@ z{BIV#NQfZ~l`*u9c;er+gmxYq1ACqP=;e|7u~+gx`}_VaP-~{huiom%O0QU6UL;Fj zYsJBw+L!pu^(dP&IE@`o4`vxxd&ui39|#>ik>9ita(6?Q!Li@lFvp<=ynemM)$h-s z;+ZSpw!@XwUGNjXeg7Rsx_`&1H|AioQHt1L*;JmsBSIW}U>}+^^ueIHn)vDdY%E}z z?C)nTlgjGg-f}O9o-&b!tUHWV@87aJp89-ga}hqDzZ6DZ`imvkUqWeg z4r|tNgnOS$u+zevd#{X#fREbz@kWgw79wLHZT&@ogH};{~{J zK|GXya)lkCrTDSqI2CF9X2vOY^rJ^2u(E1A<`RvvMeoS0pl?vyKa`#uY!1l}8qm}^ zgm-Anqx^n2U-rkGdQP}H)dkc%qUnBDaRf6ap+uD556Za!_x`=*nH|LT1-2NEg_R&^V9YG z>a(w8fUtS?Y^Bh|~I0P_$zUn*C`M9rFo; zf&Px%x_UpA7;Aw`6suw3E@z(ZJ`rqN8{kH)KD{(*245Xnso$mM6dAYiV$=$q>S z*5&L9avSdAWp5c;BmTo|8k$fuq6I$|XtUuJ22}b~H+EbUcAoM>g#Da3u9#wqzaBPX z!B2|N*8fvpZ#QRZU?1Oi8mA=$8M*cA3vUy@g7 z#K4II0;g3m5q=KHBI~~YVkZ^G&_dT?)bep2$VxtevnSG6dAS<+Ds18D5#1!iViau2 z98c%HdrU41Jn?sWv%&JyCFXKs5G)j*C!a+7!Lt04&`Z(bzn`};qdl6m^!-}!2{;Hx z2K17P!kl4XqcIH78HK)qQ$>e#rD)*93N{lbkgn}#iB;?oSgzB8uFKVF`QX=>d-x}7 zZ%skzsegq0-*b?rSD6016380j#M)QHprVpI_1>u$&@Lz1dO={{ z1T2Aq1^)1)Via8G@2gB~Em%@q2YYFz%-5Wn#YcI@!cp~cd^It`>M!3hV)``R))h}; z@@8_0hz!WNehU=CNAYy;&mx1SEktMSRc6Z#X#FBt+L?M5JhtsedSR5XM-lGfZ?@c6 z#u8jsy~P}rO!kIM$8G7;ffb)4=Yu|yQvwv5%DHlAv4)NZIbc~l9&Ph~K!ThHt^;A; zW-WAAEJx63Ul-tpw`EAQ;_31(6MFtu4pBfaxOVg`l&f5X(+6L$Q(iG}e~j?En)(nL z)3xabvXZWSR>~wzQ$@NV)*_D|kA&IE2(J8S9|S5}Q`r@JGm23q zr9+fjTo1GQZa|FZc?eZ6Cbp^bA?|%VP7SR?mj(+u+s}p#xT#C^OKqXMHV{U|ydn{f zXW?pR95I&~&cE;Z0WQHVEOSsb>Y^HZ8=FR2<_*Te<4Sbj(|2fZK9a7VKAHv_j&UgK zzK+@7Uclb1O7Qj3dGy%vf(?(2Ct*%9WS5LRy+3FG&h%}A^dE9`z#e-X(K{Fp_)h2B zHzl*}sKQn}+XglTJK*KbxT=oPHF(#}5t7FagM~`!w0~YVDgbQ|4JwJm1B zKf4+dpC!#dja9|z(L+GW=L7RUqeefD^upbp4EJYVW2P}#m%m>d!5>?^2B}GrSa|3I zJW{jb_DahkB}$f0iB@9aUl0CF|v&7<^2)nn&S8q>IoANq`dyr^s+Abs9C>3JkV$P`uTObv0Mm z%q4PMVM-_1Pdp7{<$5qAPFuA2+iY=jwhX>6r*POZ5-ydtve&=W=&QdeL}s5m)BbLN zy=qs;-}HE>n`4jFRD#F&$#LBu2OxUkUV(pHO4{G~a?z|rnDU@NyjHVXG@+pxG@$DqW8uGkm;>RkD&CXy_ql!LHw?Y~o$9AhO;@77OkJHY;!xh%3kn$GP zdjF!xeH@$>zK1cAb9sBa9=YqK#w{yi!PzSxofe1LZ8_u$g{jBbi6@e@Yq|uD(*4YS zZq?=!lYE$)xiw$#Z#m>8wV~DDw<3$Md0ekJN9^JC8Jiy6fOn18g?#|fMgC74dAeb!fl z*`b^Gv2!3D+8zaMYFVt|(h&Oco*wC!=MKv(Lg?Xf?PTI$;r?A|2{lJ8K;_X3%-?Ll z*LUtC7czaIDt|5Ze3k`^tsTUC_cD^6GZK|fzZF*vs6*w9Yp6j9CXIK5Z?;3ozRlw> z$vqUzU+&^xV#A2vIcGj)*jniE6}UD}6p2ikADLm2fU+Gqq`AVL?ew(an^K;E&$z|- zDs#f9L{~U-+!Ykh#RyC%XOI+pvi?SiTX8)BpP3ba zexNo>V%D6hTJ=%aeMlv|# z)g}1cbP?->T#51Kbey}Y6UOPO@+hfSEWcZw-qcmcz{UE|VlKRYlR z_Z15+jAPj^H&Ba=0kFArE6!YMgnPdqLN9^8XMeaBIzA2M|F)0jK0&z<+k6Mx?xYG% zhKW?SB?IP9TmqL8l+k+h6_``+Au#yDQE35#xK}2)d2%w&$v8tAT@Rx2ol2r!?~hZa zd4pr48`Ro*vBt%F;A#CAb}r#B)XWN@cQ2?yt(85Y+RMr8mP}T%#1{LON`X$ub<9*w zgp2*_@pHvBoaHG8TfKe6LsWpz^C#j|sYX$_vf#!2`-dI+@*h;5KaBx01sG+}gt>(e zNZOYLIAXjt`Z>n2lCS4sK?TgG&17`gYxJeLU~gc;w;Yw> zXGZt2L6QaFzi|mR3-84{_E%#^{b|yY=MKLv&mxBfrepoK=eTaq5$63?a6jpergPU2 z;s4|lx<9v}ivo_bP4(k(c8(&ZSJXh6Q4SHkO@Q7OR*gkx-eH5|SN7Wb-4HQmKeC zQe>n;5uxsLog`64(~8JSMwAhSc)rj7z544u=X74r3y$HbtUiVZYNUjg$$ zpUCUQQFv$iH*)HkH4C+O;5QTFaJw2KnLb;~3nxgE1v4$_n+Ac0a_9#6rX2@~ZNmiL z*(i`WGN1HmTEL^F)7ai@U0V7spBbi^!RAqE*gZd*9;!z&o#dl~!a{cRwJjMz4&fK+ zso-RG7oG3e(#J8Gcpx-YtZtHtXTxqmacTiMJxvkVZ9O{nr4}2dGL=lUSwWs%B2NI2S8M zTo!-WuLNnQTd+MQK**X?6#tT;rswmS0tnyMcvgW2*cm~&RBlPU)y?ANL zG8h{p_&Z*TV6#^jY}|JU4W<>LZzRWk(j(xrM>ZAJ=41})!2gk4iTWSpP-kff{-ZdM1>VlxX!H!Eg#FFWf9(-}D zEI8#w;ZSL5Ds#Qv^*>!F{vbI`mI^)eV}cD2 zrO|uGB`7q1N}l2~JftfybOW-8PTqT1F7yn4c|ODElF|Hqr8&AOrGeb=G`zFH4ZORu zMMFYjFxUGZyS`1RLTit*9KrG1JU^N}@92P%tv8`Dv>amE^GVU8bL{*Q3Di<q-<+?>yHf3kM7*A=P5ZaQsuRGTygT8FKlXd3QoEbLT;@t1TEdAENj$M zns2-r-|n-eTj#!Eu+f@{W;pPf%lDwYsuWbpeSqEeQ|X~=wV>iYl`fd6ht85lG&4e# zSJg$slPwY?pl?3}jaH@7UN$f`=`gWLm_l6!SktiUYni%-1|9lb6Tc)a#FijyAr~14 zF1Hgg=vOZ*+&+VC>Cb|n4V!7lU|Bv>_b?rtcoC-T6=njTror9OnPmD~C&*L&>+&IB zKYnnSk3-*7kbl};?E9VrpeMhS8VDJgTejyhEXasE#Z1D&PZC)Acm+5wydxTrU4Y9C zh7hj}ThYOI22{1(1AVnNq8p^md;cAWHGLH@UtNb49=r^PpFL$6p0|YkLxDA>5Q9IY z?}-MT_9lz&X~W`?#i$)#N| zx6{bn1uwwirYck~`6H_8PQ|8*^Qbs^6o&7ZiQOg(*&^{p=DPkV%NAL2Z{??Kk9`jY zTa-XstH9!8eMH4O9xGH2<0Kc3i&urhmmj`Rts4o^J{)VZ6yd_;k*J)ZOvmJDirsAu ziI1%^zuz2-UKifEe3|zJU1n0a;MYS`_Kw1r;vI0xd_8#eo&a_Gk@#?AKKiF0$Ax?l z9kSkA;D8BEj8Fg2$FD#vE zfWqjv@NPyrChpt{w6v0(dTz^oCa9pP&R$%r98NAuG=sl|950j+{H!m_@O08hda__5 zkG?RQo*vLD_Fj>K;qF3@T*-y3s!Sz%-xa9t%rlHfF2Id~hbZKJ8Z2+rqBriLi!x^ivh6y%(A?JuuSZ`KM{&VT zBx_2S`wAJx=DlR%yLTk$haJxU&(p*) zg7)&^gL-_oIu-{lyv-EzLeX-g1-c7a^=e-vzlFNR@3toT_^8*%CAH`kf z}azz^F2N2+Wj_$+tx1Pm{u}e!-s1{up`KUR0vj$k(72u6)QWz@mOKR- zf47(Lgf5h>+l-a(=HiOGR>-gQFW+n4E(o5Ng;>GUEQyGC)p z?!inwdWU$JVkwDuZ2-p&2Q#NO9X4c*9u{m{P9)xTv&Q~!L@p&C=ML)^g)RIK@9ofL zK2zqx!+uqo*>e$A1=hl`FAfm+QV-_e_2ciA7I3N2(ImxXrQjXfPTj9bOMNLO8~H#WjxGa0&jhZ6rB5&}nNsL=Vd4c1`-X zLx+73-$$v`6m%<3!QT1~lD%~hzE~$s*2RtEQ4gQHt}gI`2et;(xH1O&Ki?M_OD~0O zW;V21Vj$Ox7xE%EHn9c!r<3*%1L#oIxpY>xmH61aM07B-7N)Z0nXB=hy8zfh~K!^RK=&KV|=z1!L#CPRk`Pj=4Kx}!za0IfbiO9b= z#TExC^UJ20EdTv$oDrc0H(O4!q)rd;jt|9-UIUsp_!|4In#s&8{)%q=yTA@aoy89o zfX2HA!u?y%OXSFcO*qlbfv>q> zCh@#aSrtBHXBsg;3E27cI5_V= zjW6wAV$}#U`k%=?*uB7zhdIB%)Q~rzaHA659s4N?m}pBBL61y)tVHkDwh0{dd30&j zB^CS`A0vK%}+zY$HE!(ehUn<@EkmRXp-v`o8!2B z+(mIsWhjn`njv1V{+gKe=s~5fJ|8t`2sn21!JT#T*i$kb(=YABv;=AT{qsk(a`MOP z6J8O!rx|5$FAHvxizl(J^8ox;C(TxxUxky?)cCpAR;UoQfy>>M6&-PFDEBPC57%EA z^Uwz`%F9GK#8`e8m>L>#d&kQH8~-In8Hcf9FD}8tyGiH~=q{R>b(ZN2c_TicFa;kS zK8er!U%|?GQ?Ptm0{%94g-iK^L2*nz`@}D>;G}%G(=5;RjD>S5e~4ssC9vl+yD{p` z6!!R`8JMnJ4fkb2sIjgLJw3|~9BfN)-MI|>)FDGnmJH=7`=!D4$py$vJOW2yJQxY{ z8>o~eNn|r^L1d~>u;d^^gG+NNRy{5E+(rz1If_>Z|ru^WJZah z=yxZDYzlT3-by*Je&BGt)6@f-rDZWFaTvRz>y4e#2hsfFNs#|7!PA_tk%&QOFmR(2 z>^f{rbUb~;hC_)q?xnxkN$w4!%?_!vr^Z-s~&KZPyP3 zH^V0M1OpiUWM{&j7Ax@fdIrXV{E!MjCH*FMbuUIi`rWc;rp|bxle^DdS2cMfn&5dmGz{Xd_DQF z6Vm+HqxGn3pv%-wOYr_e!QC#e#_wD|fhGSnV@!c3q^E14>QFBT>d9uA{pXnXor(1P z$RXIjP80pcNW(hMBe3%4KsM<9PTm?}!B_b{B-?s7q4W0)n6uG}j`#A0jtzn%`rID2 zbW%G6jXZ}6!X3T#%_WTAxSR$msM5H7&NO#oAayqg73E!4f+ss%_?{AB-@&yF?#k)$ z*aUl!eNoIxJ};%r(+#f~6u_*dDe&E|0iLQo!;7*4FXGfwGJT)G<7yHdaV^Wyeu0?W zxJ$6`!EN^Qv@v?R%z*V}<|6sDA6Vd1Ob%^3LPl1sheQ8q^CN#&;L$(LqUP57C_l;v zRD$zxbm(GC2)_kCQwP9-iB-71pEK!-dGy6YD}imX0%W_-v$;hpaHaP^OuRlA%gy(| zm@fw)>!U2Lw|xZcVIZ@xcq7#Q*D>VpAbebF1-}HBuWpYk`VM-F=pTdmoKb+g z_l~FMH;kbn=0n6y;y)0t{*f$vc`QM zamx8Z{9Nk+e>^J)**cHyZ(byvm(QeHTb9=>o`a_+&j7>Q4_WNiv9wQv!Rgaq$s&am zQT*p-;(4?jwEFIgJh&t@7_KF+UEI)$wvqKJml2-tge^fa7=J1cFY9LD@b)IwoDXEj z^!Z%%&tG`R7r+Y#C;o2lQqdbdF*aU%OzxK}i56rwfznYI+9FfLqI6T)m-SM-Jjn+B zu2*y26=*~4tbrG4I^p{0T&8^LjChbrcDZh|A>X(0KKuB=o(Dd1g(b; z64g`bH$^Qvctr%xa4v?9;De$B`@Jw@Tqzi@+3nIjFoWdQB|z@>Of2S(U_4G0Q%kZy zyD0<$A1cE;w^`T`Hm`hd;(qKgIga;*JJW)?VVs%1@Ez6{>5JT8 z`o#d@J`%h(_0#yK69&wCTLe0;F2P%hllZv96B=#DVtIzyvyNQOF> zcX9^&DH69e>F~`1D+Mon8H!$wW=)$`khdSlU@3I~)!vsNSNBaMy#gjZKW=GFPnK|cKvO}-yQ%hqEcytvncUjWCv<#kvu{S;5w%kYwO zW8l9#b9rLQ5irmB0hYtAV|23)^z8yY0>#4&%ea)Aw9>hx3exVN4eJ|6*Q_6tEa zg0q~Q-)O4!3|pFyV$EMmDh}9#N#m+mM;xq6!1UbYG~9>~yvMIo4Oa~pKWoB=H+h4ar| z2Wy!Qh6rQ|s zmHDlfBF6d3oLrrNo2w4sRmB=O!1o}Ud50#b3b#5rWgeIWR)H(i#$ifM%xKu`C2w8$Qa$3NEM!9}T1AMb`M z0tXhmscbbi7 ztc~cvEPJ-JUYh5QKLX=|nnew&7s>Y6I_&x@jkNU`EVz7B=zW&MtV-zDgWkBkVQJ zQWLTbCm{XDb+&fVcTyB=fA#b0k+{h71DLy9!C_D2sK-`QmNe-NNLuMZoO=L!RJZ}Y zgw^3@$w4eFBN^XH+wkQ-TVT$L0d&T+BFH)O5dS>c0AlGKaIfVF3pg%8?^N&RvZk+5 z@y8h2`Bm`fJ*&ik;q4%QU+B}k&t$#smSpSdKv)`Did$MQLT;TKzjrYnQvaynzDqF} z=y#8K*BXk(S6qgmIoepcF&ysy%7(jf6!k|w(Fw$)y#68#miPQFwkheXcQ6wp< z6MXRP!TXq>wg)|wcLTg;HVX6kbIdmGDirjtAxY==L++NHbZy!odSvimq=Fy!Y3?Gp zi~FHiOM_+@eJl6%7lW0DGe04H8ge5KL+~(5RFi*!FT+*%zg1P>al0J`YpL@B!GXEZ z@+MrV{fiPFnb@IuTJ$0!3RZTNqRIki(aP&SZ1C0Fy^pco|npN-GyNR_c)$ zp+?#$WHj3r+<**L3PWy5z>yGTJiX!r(>pSY9g#~xcTB`716xq{*h{iu?|9gCLzDO~ ztpiyfhJitau=|rdR%BRaZQrj)d4HoZ!v|oR~`okacp=mUp9g$h?d*U3X_t@e`Wi?toNt@=B zJ-|z9y?FXl4`EMtaK8yt@af&jq_?SvZEw@WWi>BY>(W8g)I1JG_Y|XwVFN6C7tf}I zo?|?01w{7kB1XT(P_cR#HjfC$9=(T9?eZJn&5g$NDU^=ACCmsr{z01KRA%dj73uuWIs{cdG$iG+UppdHq-vr*1<978WE$G-8yI9&BB*8`fWH z#Zb*+z!mA>JNcGq>{eUuZ^m#$@ikn${sTFsHH`cVUxoeBOZodJWAO5>z2Fk|mT3!| ziG9QKL~)wSu{{XMg9R7h(v>=R1scc?PliuZRCw!}M|i&HDti@p4SvkX1bNBv{ASAs za@InI-%gjOz0cpWqah8fEaM8hZhRIK-5KloP%bv{lcqZ#ej&bw3)ob>3RmT(JMh^c zifoA-%Oxwy)?KogVuS5|ejf28WO9yzxG*)L@1g2+CV$-@+ zP^%*kW=$sCt{@64q$a}CCkODPZ#;Y9nTg?kG4N!xFnx5OZAiV#;@RrERj8DB4kpeMoE4vI@UdPaIrHBeCM0_K zx2US}Q(GR3N@fT>hM*)Ip1l=s=!^uv5te*d`7$gGNaW3@t$D+`a@;W92{%Tlk+#jt z;L$=WXj4BA`A;6Ah08k3SCr<{9={dOo^1pZH{68L>JNzV_CsRbbiWv=GLBkiz~l9e2v{4ENbB2h@`%7nK6MW2HJ5XzF*@+}SqHw~x`+(!@wy5Da8Bfm1 zq!(OM!NT1L507tyF7?B3!TNbMBb%&u}#=_FYnphf`EWV^D zxZYJHh}DGEU=}luS8tm@t9Iw(nDrNNj_d)k?es-xzq_3kWbS|oBLm6%YCFz(37UP5 zBFmgq>6&mAVtVo{$d?NFSRq$6c-kbgOz?RnMe7sQ;f}DO-U?oM4dEM?*I@ORNWA+r z6C9*u;lq{~s5Z|<%?(EULQ4b03>Wxc8FH9fWsM)_Pr!!~t{RaWPD zbGyWucl7A2dxybT#teqv+yPr+r<1FVx8Oz8A#C`Y3C%TAX=Gv#_#3r?<2gmH*_nl& zLAhkOkO>u~9DoF?$uRxDJ!DPJNH%zM1KbHxfKQRf#AizW!|1_sG*Is(QD7!~rcV)E zeKZ`B&Mk)AkY*_G$ioP)bYgybAm3;?6l-Y*v@YF@D!bZns+=;{PS=G^FZKA;$F4vDH-m zjyi2#B>yPC@d_$iOJqw z*gK+;xz8)W8m~Br>C>XS?+&1K5Qo>@z||sCgB{< z90zr?B^H0!?9?6nfXRDOVjPE4gq;B0)g72yY6lX3q~OQNT|_ad2=q=`;DDMzRL<`a zd`1>IxLw7VMi@bR6 zM@k)a>9wWTurPTJa|_%l7G>SXffmMuzjy%W9tXq2q-yeIlQV69>xe}yYnVf0HXEH4 zj;VXpVY2gP^2F>Dgs*9Em3|ZmCORRoY3oKDI_Dm^FG<4NS1&;L#+PV!K2fwK_zYh8 z)rGoYT0Aq;SMbuEgKu(UNKS?_H#FG57CYP#e^U&>zVbCBILm^5w#BnO5|Q?t~SIC)_kZjjl--aWqrr7Qd~xL^yNo>L1_s7=RAO=3RJgdA9A zBjlYu0gokxT*54Wwkj-LV2h<9w){blh*%gF)h^a8&1Tv0UofUT8~Mu-)cBPvsBDa( z8lH8cj+K8moY(UNTfTay+ReaAQ@4eB+58Vl9#Zll~jHVdZGp zaPb@*d8JBMK33po=h;9_pa&hS)WNb7iy`#E)AG>pc<^>x1_AT$lF(cKu=eD9Jbw5+ z_)PhS&m<@voH33o^*Q0x#xJl}PoJlYwWx!$1kFG26Uyua@8=^cIP*xz3D#>-t1Y>> zYs3buTHpx8#+mAzQsj02#o_aFS+Ljf3YtfG;f0P7JV{ev1!xNSvNi2Ysz#Ux_1?we z#mjK{(PJ>kQ2`2u+qkanI0pL7l4N50RF-#Jn_e6;!BxhX6IaP0(5sb#l})j5^=mWy zJZwPD-Z1C3_D&$5Z%y|+wBf7Py@L~f;id)CQYu+JL3>!B8-T>SP;~l5!_bgGwR1td&hmmZrW@ zk^Gy7E+)kJxPI*yL)UA4*l{WzpX7cd8@dE8wE<-PbzU;_@E!r-c=(7$*j@WqF3 zg(4djHh4rQnC z!@n}B^xJtY8g zi3Z#X#+oW^=ud8jqjH59KFpLZuFGYLy73;7zI+i6Rog$1HI46Gl7$`X zo0c;4)$7-I(94Jho$Fw}=Vj>f!P3-n_huU4mrJ5w3rxsHYrb6APucQ8kq>(caPUnh zhWkEu-ScrAYBt?qjZgu5Uz`K{8b%c#&7+zR^Wak`!ICo~JR$dxEtqv13ZAO6*XA0u z^L!ShOrF698TI053AYItIi5TUF$I_~>;Po$-DlwZMhzNnI+7#ke zvj^I{n&7r^vU91whoNKBG`9M2=wtPe-yCE?eE_7tV^N&VgSNv0aZ=Iju{#i_- z4O}rnczc+PxJa6o%TaURmE@RpHQXrN4>`*V@tIIR+}XMUR~5e}k2Uge+%D&`w_~ng z?yP;hF0_R;ElUx{ua)9oEad2c`Kg#OeF^&Me8Z6|p0KgO_QDxj%*uC}V8V4{K7Xel zdokh!yzS~BJJh3?u5gT&=|9GX$ZHU?U>_?FWWvmC8k)BI!P!N6?Aotf3hIQvD*|sDSGX-PpRaKk!K2&Pv%QzLG07>lSQ?Zfur0Ri{uR@mK#~!q&p13u;(AHVsAVKo3kUD=uo}Aa< zrJ0+^oNZZPX?Rt1I=&lcp0$T?Eho6GoP*Z?KBE60Ybv9=n0z{R3MY;cF})Gd_^-8& z=!dO=Se0;gKjJayu3QRQE)8J0ITU_0ARI{OBWe1D_;Y|1mc<<>?`&$w<&G-0d~p?g zJ?Dsd;=d&Sj0!)~evIU#8qm&Zg7ej)5=vF}&?m=K>GEu}sn!}2n|2=OS6zVi z^A>!$>T%rYwV(8zKY}%3Qhcjk5h+=5$92w7Ld=ezfOnfM_=GtFv8sd6u$6lJ^_BIQ zWilKhjV^;@?NITJDhUicDD-8mlxTL6EI-hvLPuv!VYV~o)8teq`hLM%GU44xQLKeC z6Q^6liu}WPJEId%k77`0)`nK8&za-BY*PFD2~KHJ63Mr`!-%PBv|eE%NX9wP$BGe< zKRQjkYX55-KS}5@Ii;idzDoFF>;OC4Ldvy!Vuf=!92@&j5)X$C65Z9u*8fN#TL(YF z34v{}V&x4X%g~4~a?k_N=pOA_1tnfkr9Vg z$5&zdp7D6-oC+PW#20lc^O*VLSfUYEMf@UWqLq9#_7790Ni(DP%w>&`JKddI+{$Ky z_uLT@Sg&B(JxO8rAQ<&;bQ80=SMi#!FF$`e8!GBgGI5|9^v=G7k*S>B9GOVZTI=$7 z|Mx^QYz^)()gS?7Qe1yeFkYW`g&ce)!Rt?rf~nKId7Z5o=IXSd+_Db#^3^6*G3E*C z=iY^V-j?v{*$;sSc^~rJf3T*xnfS;ok8SwRl+UgjNcVVUz(0>k;Qu}yT2%Il`wpi; zh!})kP#n$v>%i7$Nh~73?j5{GhtsA#U+D9qAJk=7{Ti;g(JV`qp`LnNUrF>i%W$bg_GcbpZ$Mcr#=dA zGTt(7I=nXS#wT9#%sp_0=!RxG`)2t9%r6@dr3Lx;$lDh`{FDLhvL3JtZNqCp&&b^U z&jFRz;$FoleA6=rx9I3mo5g3?+0FK}Rn`^du12HD{6}PZ$~u%j^9M9PYSHmg%^=a* z5BgDqc>JDK{E&DSZ|ygv<}xB`J^2HZU3&)x6t=^Th1QrdU5?BCca{b8sBrx=Nh~dD z7+OooaN{A__}jh;Yl}U3o?0vH-m6BR3NFZ-ObbS<^%339dQy4iH8Yacrc&}5e2S$a zUfEL#T{){@%Zz5&W3JCbR__7b4Y@eS{RG7QzKLmfb-D8;M}B|9Y1m6e-qQV9YE6s_C@0uD=6CblLgtGz~WcYIBvst z933?Uq7BR7_i05wXz^ImnVty`MLjT3<03TdZ)Z*>&&9tI50HQ7W3k}Kd~_RaCLWuA z0B=8WhbO{Zxo@W-PMRmj>pw0>x@;m`yT}L`-%nnjaD_cn_LC@6V_FpThg`dq2I~hr zg_1{tbKNtHkF0To>TW4vt`q^ewU^=3IY|ij4J#Yfx)$$vT4MR_Wv*9yOUQX4I|iH8 zXmflSJPVWH&rWuN0%0ur+D;f%WD2uA2GR=?Z0N`A=i)a@1;5&?8aB}QIH`&HiS4CA zCPdc^cDa~{qopFD!9$0u6dCbAUqimuN0N8=A3{kUiGC-9enr(I9M?J<`d?O{cX9|0 z+;S3YRf2I?g*VHPddF z7avX{9~_Q|G)!VJ`Kt>3Z^RXs5mSyroJIdw@zvKWikE8~_Ua>P+xo0dHcfB{Vkyy-~_4Ak9JX)X1 z**enJP;YGXE5{c?_R9HY8oCrFqg{0jIIb1m>@%kFrQfZHs*EFUbXr9Y#b<+#_5eP{ z?=U2Pn@Y994q%Pl4(uFtk98J&fZ{8c*g73QTztO-MjP~?xnls9XB)8TkvbUFC(Ob< z|6q-E57G`AVh>s`U!jKh)C^6KT-u%j7#0hmzZSO5=u7UFO@CHlB` z5`+jGs}@l?)1BG|xw)^&CWC5hDSm_dHQu>g8FU$+=cGVPN(nH>cDO!5kE>V8z?bUd zXg}^0ZqK`i$(oJuy`>(S_wFDmoBPT4(bpjAa2=%YJBJ7FY{U}nXN$ltB)4f*s8LU7rZ4SrFxyF#}|ANgQDmb}sE#T?< z|G_&g1k?3q+^l0rdC=k5@`?KtXky)dc)k80R?6rId3+z-n&^n{O^1`*xVXT%VF|$+IL} zqnTB9y=CT8<8WsD5qNM;0-0+YR>Y2=qm0Ygn1uVxr%a#A%&?$!I2Ob$6|m!tm}CsB z!Hw#h@V^5Lw3DA>{)c)JG$93D<83&+Zz5N=h4G4mLZ9r!DE9TuH{AE(JS5#-2M@2z zAWKVYS;bU6GB#O?KwA$gmJXx-!;2WT7JL%To?<2T3#-?UqeHKp!$Ylg>|V+P{4qs? z&EMaKLI2fZTf}FU9VUYF#s=Uu`5^v{C_t}GDXga1hb-78%}s}fL3R00rm*HG=oKFU zkH<6F`2U3SXKqK7k|-T_J5PLZTP-nK@QLicp8^qy@sOcZz*Z{v;XNBG-lAyHrisGebn8pQP=nwVblb*X{ckNAL zJ;joa|1h6Dzt;oK8%EB^eWh57Xg+$)TV^XH|*P3yrVT=zGeYQ2YF z=I=w{dB)Q%1kPQbGs&I04?YC`LV%>@tw1g)a+P7q{Pu{!^kTXyMDP6p7TQzc+4TZ&vdo0D@;%VgaF}3z zDkRJ&Xn0h>SdR^3b#u(;*5?!!5^)3_KIVu`{1xF>q8zGvxR6^#Qnalxk}erz zLw&mT!M9(MqRV52m13(X82>dFzb7S#)~?e<{mY7={AnHcySg0q#_dA`e`7vU`abR# zYK6N)4uWmOZMa=&3Ke-fq5aGc{2XV+3-@KPynmy_ujOOFp=u>jRQrsb0c~uk!avy9 zd=*<3O~rBTY52vZ4r7ny(EK;W=u{#w&lklKlDLU)U1-JvMjvN2&VHhMC%eT{k|kh- z_E#*8`v6zQ&j$T%4R}UM56ULJ1%bN@2G`wTTT}?DM?A-Kx(+l&LW^`+euQDau9F8L zW9joJ|6%T6@zX0;!%Yx*!ee3D=xw; zGbt{9KAnCQZ-$a-8nEekBU|@6&pr6e#hNypGXwc`wq!wF0|dBjU^T7Jfz@VX?3oi;XuT5yXT5-)AU(eA z;%wS}+>z}XIu4Y^?_+vvwfML4DcEO}fCud*XnV$6@D4NONsh^QQePSi6{dlI`&B4f z@{t_({(w_$K9Q{-|H4WXYQTp#Fr-}rKKDLSjs#kGcnrUHM2~9)JJXC+>!5yM zD%{uA1e5MG96BQwRHb)A!hvr@_P{edcEFO195#vv7JLL_?rST%VD-wwsV%1wf7DdG zC^|aUT;Tt00MEV3(0$XB*Io=jE$?-}1}Sp6IA9q*et5w&0oB7zXrIR+2-i2IQ=>+J z+T~MdRv!ZK?OlS?tOPHNABFbmizrDKiEfIhFk_nwe8WK6HAa&T5z2FM!2vWG|I}c-s(NO^xB?meHFz#`sJBbUlY@qVuB}2O~E7i z6n+xeC|c`0AWG%{S!c8oRK|otWvGhaYvX9qDrAa&c0-Ao9@=ghh~~pAFjZ24YYE>e zn@L?bOm7}}eB%;{$`%vnFBVwhV#B8#a^r&n&0&jC8ic>qqbFkBxreU70e;_#cX)dcs}y`p-8!6MO~U=8nU#liGBpi7YmKJ%qPg4zprwV{o*Q;*%qH zz#@&IVE*zhT${NYW-TugvzAiVs~sX(u<8liagU@mp^c>f?KyI0?PwbHX#}qm_RcIN zequ(`K=|Hd4yyjrU|{QyVV)*Da)vtIg=e@~=QDba!rj(G+TCs#9uKi$mKxiDmIT35eYn?P7`S%n_wpPIFQHR*hNmpR|dL3HtggDu%pUsH%#g)IL$n~m`m?Jlt z-uohO0vyNElAf4qlfY72R#n#66(h{J+lWEYbx^HKN0r7WXgzN$Ns^pQkF4H}X>RhU7Pk+! zm=&{Rt&>veT?3G0k^98vUhii!Dw+Y3@s}~daDqFb;UR*Sr!M~ z9?P{aoMGniADNwpIvqI5lRev9F1YuU`4zd>;Dw010?D8VTq8u^s2y~k--svZ)0cnbe^I*n4ZjRh0g1TQ08TW_{b7PQt|sbJec8w z8cih_-Q!60D&6qG4_(1cJr(VGB5}2A39B9XADq6i54{#B`p_|uZN)J>p0-Vkfa8$9EzbQETXoj&Z0Qz(l1X5+ryk42k*WQo7;EF$;o+?bY(4Q;lbMGx-r#@?h- zzG{BEz)rVkd39ezT}>m=SA7<3IyQ$p>(roU#87r`^(DOTH3S_anuxlV9aobZ&Re!C za$5fu8n2y%C9;k1FW?Yjfu;GNeAux+m_`!H-7 zC`n&~=d<&f?6CoG>3$gTn_(sRD6irk-yEX7H4h?;7vt>+3%sJFDT>~1%uIW0q+L$a>BkXXkxO@mcuDmU3xrXp{vMzS4n*urBO5Eh^XP7ct zkXb;ImiQ29B)Mzl*EmCLex>f1Kt=}ManHRojeawarxQwAIy7zO>d7k(C^}52wR?2cG)yrhmu_MgWRRuqd5`3Pf-DvkC z4f^!Xu-pgp=u0mdTJ$LwE?EG4G@JvyN%NpteIE?Is>}cTn-3F?r{ml7)$r0Ik;LgJ z^44Y>YJ2+xc9mYhC^`{kPdvcPs;l@&`Voc~3eN44vzQ{Pz`XzZVTX>u<{tq3c7zHK z+j|Kuy5{ifZwz7M-W(j^F-$mneTM876} zUvWDgJT%%_r-d7w&K}5zp3fzpD)+%>JPNLPi^yP~t4w9T2H$ah0u$~0!;M;38x2(b~2iSK?- zBo~A|=Vz5*NUhBx4x1+7%8r91`c4WpAK#Cge41cvdm%B^s1m)EvE&gU7WD3(7N!?Y z=!B7S{LI`l7~Yo#Q*NrF)h}1@9N>nZKD01N|77sg3c(qVHF$8c7CWdni)lvUYse;?R=$rqdE{a2i* zGScdF>$n!w7^eiAqpj(reebY)zdpBIXNFVZ96|f5_)Vi4z0Ho*?C9RXFWB|4>Gic> z+(`ICVZQQ<%JHL87Q8QOoyh#pFfKtYar@@CENWCF+!Z{X7=8}5Vn^bAZq08L$?;vc zb)nZ~A0Bh$;&L?&F8yi0__>}e-|7F2+}<#lWw>6%f)USQk=ZD;xtj)I_QmXz_F&$> z-Gkel*u`3edC9CS3-k`#i@_RJqEYWegiLFJ*zAWmS2U2q4q5y>M3rjHmw@_4A!+QK zgB_uS%U^nr7Ju~6pxz3$j~qhQC5)n{>%57|_2(ethrW zS@0&|3cMfe5BJ6mXEWQKAvnrR=)H+>$$>`pVvI3;U8W0R62%Y{XhXJ4I?M)L`X>rV z72_L$7u#$(R_L$aVG3z=_&`@5m5ykVR|U~z_e2Hy=Y>^ zYSYwz)@+uUK8Ac&K|Td>-{*tqFF11T1V$+)gpdTueil;k0hM1Uz$E8GqmhWyr| z-_ob>H(ow;_>TWYir}$(+>YvKbmf_z;>#(*+1d&q2nm8RtD=z4dDKBHz<5+K&C$yZf1U?(esrA-G8PBpg*8b(zQvZRYX%#mc<*Z4tYiBo@n_eTD6HuCy)pE*sYY8C`#%3 z4YThE+(46km~&U2CKTOwygIfRhDzmv_{j#C5x*9jKC7bww&T>}uC&KW4!1cB;kRGD zgp~4VjA^&zZ82r!+)RIBVJ&30;)3{$ZVR;VPlu_yE{faCX7iyrN?f(73Z|~Hr0cc^ zAxWsmm=DAG)~))ua8@k|YrP5;6Qx-2rPpYd$w%4r<(qJWn^tXX~5#Nc2En7 zgwVx#!k*NXsHS%!DGwHeX!}^kzR}|AU$&v^;bydy`^p}Z1g2`?1KX~+(wj>M;=;Gf z_!)t>cR$seRe7I7SNAX!D;L0=#AqC+UM?z)yn?2iEUE00ozUd`l&ozN1DX2~1|~G% zu1Ul2?w3AdQaX_CEWHQTL(6b`(+s$)@Q##c>7i^|3BEhw4lcIx^xc$Ll93@|lYK`) zqn{lQXnDvou?&4&jcoCQF#n#KanK{Q{~~s)h%M%&2E(4J_I_O z5+N={2{JnmIKEl#1;*b#u(VpCYcn7R-c_zcnbGd_%jXmD)3Sh&pM}g|=xbbV6GyV` zT1dOaC+r@wkoc7aK}lC44fZi5djF~NO|=_vr2jLRn*_XMX9qiwW##CvXG32;k!2?j zw8FiQGld-7bxck?OJrP`==$VSaOTTUfrQISaitpwG9J8{un(SWI|#jM zL0oJ8Nb>bmJrSKzrn@HZL$Ar_(D`aA(`fj|(n5PsS@Ijnxm+yVw=~EK>nLop&tYtM{Sod9V1`_sRGuGn0kx z^Wi~D)iK28Ihc?@kyB_b#(ncZ32zrZtT&r1^=}|k*GQ1^adU+(xGX={sfx!|7r?EG zdX~O*2lRX}Y@5wiquON%OX&-sjXYbT?fN)7pM6Oy{RBry4LnEjrX z57BF$p!JKrq^j}=`>@K8*pw=B`P>;)c26|U9+r;#m7GMFa7kQAl&J@wP5ia2Nq_xW zY>VB8+wX0M^sB1;sv*Mkb`cbgx24k`p2oTXk6C2ePj)8Y8pd=09+y22UzW$Bb=@m$ ztFI+*`wxn1$`MU9s#&YV1+d;+1ZQ)F-e_(dWMA4KHd#`EMc>{Mh1Otl?db?@9Sql{?L$7OQ(z{Qq#8@b?ih57XCxvQA=vz(ZEMdC&wukh^TL9pC@0iF-I1bzxdxcj^* zo%a1L(>{Hefbu|$4xNaFJ1zq2AvB|@0e^=?k|mKkys}N2a=rDA=3DlNyg!ep4S{b2 zo>2|t9980x@yprar4A%UuN8)v4CFU%zlJ=QA6T()KR(c&3SJ&jd{?tAS3EV4vW@Co zWH%QlB;RBq^KN3%I1^NtX=Q8roxo>VF)5vG0k5VPfbPvn*th5dXv+UYx3Ew)lqlhk zyZLy~xP~>@b%{!Ud?gO+ds*GwG7Q-~lC1F1CGJfbP%+#aUe<4dV6hZVmp%qNdKQsY z{;$ElC8mPgpijn}%YvBm47%NLIzuOuLi#Z2JzjY(+MN2wm}+x_4po zlyX!y8Ow(}`UO%+jd1X3Ke(-ah|9F+3O|407~X8mVtRFFgkY2lM4Jl)fV*GP;c%3pUt zW7}}p`7Iu86$8LaxRWj)l7|^`cVY6Ro#1bM4T^W}0rP{$;P#f)ByY9}mm0I2`)AAq zhiyM`?Pj5qa!{MQUkk-#YYqBA%ZL8UOkrexMve203~W4|O6u@8EQ{F5{!}FjuB4CT zkH$@L>X25nRAfwJ?Iv>V&LLcyJ`{a21=dAD27F)A2uZu9LW@%~vw!f8+`ex_`)mJ# zX6q!_=(hsnvx9MXYdldInkcyF9st%YfRKEA%&jV;4+YOg8JlWErE1@=H zHw^yWfUzYd=+jV)f8tx&C|xajdEgWAxVB8ZD4&4hXnUL>xW2;|#9_JfZnAKq-~^8l zxD`8w!P%C{EN;;uY#I6-i#*1##oaC_zeIyOyEfqLDXuVe#BDZctsW}O6=vPaS?qA) z8)!_(Ce}@Z@tAubIo@VW!PW!BhtEL#Eg4?0OASI|G2Q|djhI497OcfC zb&HzO|NpyBcEZlAGHi5<>iMSUg`MK--u=j&NbK2 zA@sPAxzFqzDz1Mb!?&#bf>sY7k zU-j$+=TRAp5;&G|1}+d^zY2QarNZJlC&2At6)1aGv51K0qLaS8cr436G$VQiPJGyh z!z5hTgf0<`3~wg6Ne@X_^*k(0GeY-|uc2wC8km%2kUuL5;C1qIR(@KK(ov1%YgANC z)gK#_+PEK2tv-fHHDieT*U@k%(;tF<1!1l5Ui8tJ%nOa95XZan9qX>*&zxKM=s_a8 zwsbWuI8hB&J0meywiH9(2|L@0WU}GKZQ@X2%KqMp!4*A&FxgJ%2R;hGjy^kD{A(tS z?=hv)^M~-`%$+&)euOLC?oed8i0O;e5RYHM;{yN5nA{!sXkP*mvn?*g0H*&xor5h!}tyr9|9lr83tQN#Y~nd@5}bjo%W+)0Gih!ETPw z4?G))16y=z-bD?9!lJQ)lX5TA>HD&Ft79V~!=CgE=f~G5 z<1hS5Ca*n2TmLh{ASE04_*xmJ%`+or@v69sy+h?e6EHCC1SUxs^4oIlup&a5j$J(k zDmsSpPwPJlZtjPqZ(F6fd%_Q#v1%@v-0&ML51k}Eo328tju)JZm_;5(cnZ(GjnHOw zmt5;i4!eHt;%d9n zAa&v_9QGs)obSKK{ptm{R4o_Qo*e}~Lp=o^%uY;ielMD`aTs0qe5wfBqAtgR30&i-M2Hvhqb z4eCUk|Ax(eAPc|8pMxwl1zuP<6Te4~!E4eDpdxXKee-{fCEtYaildIWW~x2^cgjv= zsOSJ|yB5LFf#+bH(jbx1Ybmg=;zTS}i&D2d9S`L>iA>TL@TD);@Orr{ToyBePwJ?J zu?vUO&MR?6L7Qsco=gcH8hK*c!K*;kEdN_R# z4hxDE&Hb`YoUmjrmgJSPFS(~t%~%esLdL@A!e`+7b26e;0r{j@#bz(5gX}j-3<_m< z`|%Vo`0I#QN2%bst~O}#OJ`-B^YLG_2Ckn<;pR$xJTm+(8HeF?mD+LG_+ubF*l$hq z^B=HwjRW}n^aUvS_l(@u?Ij;$GuX{>-FPbEwAk=L6G#4OOfH;o_lnTc;wuHlN&aS=WmwGLljzJ$F2DR?PWlg<$G{VA98$cMNf zDAv0Hcg72^)417OQag`jP7K2M>RizOFc)%cN8sF$C7@!aPJUH1L+d^#Zg{d12f3@z zX3Z3~+g1*zFG_=5+KF)VRx3$sl0}JqLS{cj3a$m^5&e^UU`zcP+|VKLEw0P)IPDnm zy|MmW<4cbC+Q9i(U;P4DTq2$+>?G%hMUt5^KXJeS6*jA5Hm|C9gd_4FqVbS4w##S~ zE|}*d+?Uev^pRwkR=tWlT|S4OnI12D*#q*`VLwna=f> zpnf?9&U&=MfMY4RG`<0QH3#vJt77F3qnFI*hb*ljGBcE_?ibk7E2cwS$J6Q=UytAxUqz~C+XhwFg`Rx!e(^Xj zC%!s=0{5$U37Hr4=!SX)u3p+h=1)zf{S$71*D^({OEaN4CjRgt$DFE%De=X7ZxZkD zXzFL7MJ-BS!Bxj*1)9L%>~*oWZ(FW{YAITEQX zycitCgOd8O=s!&gqV3>O^bFU((xkE@r^1^Hm+^^4E3PT96*%ObqK=7Ed3E=A-mca! z>;Zqlw3cLu@GfPmJVtYqkLzi1!%_A&_O;NVeGH2?dE(EDacE`|4iySJBhhp7X0ik0;Mra;Ly}EUeY~+-f+xfp#>RCB6-z^BHhfzyIn81~18+>z0OzvVKlbrpk^^4Ia08{wzpw4qct5uW{W z#Ad}_W|nG$=?}KRRE=(M8u$WTXI}#A(0zQZS__%!(7-|_#pAavBiQHU$=tvpk%iRA z^6x4Ubb3bvuHRMy%YP4`zvgE_jq6EVdGt2gAHI#F6;{)Q8}(u6?BR6C_-}A~wh9gz zmkN?@2~_;niP}9Ffi>1+P_yD6Y&|`IzF)0MeL6Vv^;?SZC00~-*d?sCGbE3MIey>v z`8;Am5H?;{; zZ(g5)N596y%3KHRS7~M2wzuFB&wse)YZ6Gw-9VGW%51g3Oc)cjha{gaM^nr3Lhkje zSVhU1WnT9ca^;0o`kp2?oqY;VnWw-4iM4EoRta;F8C4VddL|qw=!YBP3^@2p9iMls z`DY+r{uv;alc|@A3Dbbwt8TntrWJVd|OA z(72)j(SNyTdi;Qi*Tm)Ab^8*_e2^Q*;&ERI)+IQ}Dbe-hivizTnrZe?)HK zfTMnYU`}n*c;U+P(CP3JrnuVi*x}#s?4n~3JYfR+HCB)QE>Y&~f#&o{K?NQ&Y{8Yf zdT?^14eS_j3ns*mhfUQ5aMMm5Bq7`=7AC&b!-Az7})~9rM`$}gviqLeqT(Q zdJfGbq(Rj<4-Xu<4C>o`=nrLqdGM|XN)&Cl`My>b?!AjgHJO9MoJv?#d<%~t-ULj4NR^hinr_ny}5HY@EP4CRGK+_Eq!FSDD(ShDF@YePK#nLJC#IqczD-Wj5 zj$!a*_EegnexAgZ{sqsrlW^kqOe~|r@N#DZOtjU*sx6gpJ9rnns~m$_jz{6-8VUYu z>Jd6eI|kmac?t@?dhE667V*7zj}`fzg?)ck@-qEs`qt&K@c&xMi&_P)(7`+`U2=vb zy&DPnQL22(D-o@07I-#`Uy_J;J#Ig$ll^ge4e7lCBezYF`5R6~IYn!jJ!&QBH^}1@ zlTmz%#5?h=P;+{2!EWr~fqb{M}Rv<-IyIFItzIyEia* zcYz}>?DO^Vcj1+ZW8u|Hd)mEv8ays|in$k8!jFBbbZyU1eB7i$_1-D)c~u`p{$aOp zuMrm?cQ>FW4@!}L9Za)lHiFL9ZD5!1ll8{7V~XzWnl};Ccu2QA{i^f^WX?v?BVQMB zr!UfcMnev%NZf_@3S(jS+DpVOP=&_LDuIlbL%HI>7&36ADm^grAZT?bqTxR=-mEjD z+8PdE+kcd7NZ$AUUZvF$fD>?Whx|$3+|eiUlM# z|JFU6)h|)%_JjOqIrE z%KM@1?0J}U=O2_xc8RhVnqbUH1#UKE6`t`@=GO!$pQ559H)r+mfY@RBpFGigyhJL8 zPY{^qE?il85OzGg2bQmnflN;kO0SZkQ~ftVR8c5ocb^BhW?A}lS1vw_Hp87e6KL0~ z@l+JsNOt($gwW7IEUkMFG5eh)zU=G*la2%JTF#(({e99?8w^o{50ODC`{3f*UHr!P zba1F11?%dOO{!7iu?zphdja`iu+IVq&KLGOg?UgL;7wB^2GdPlx5JY6lfN!!QRB7Ye)A-{B;ykfjR^qHc^64|cL_BVo?+i@C_g$*i!Rs7B-(FO`E0>y zoTd2Qar2ruzAaXQUT|{e%{#og($wSd^k%MT-LREd-#ZT!7B8e`XH-D1RTcJbx{BWi zt)(U!&9L?SHPQTa-oozPo0PieV%ZmS{5-pvtyfm1XZ+2CoRucumL|zBeLDkZYLnUR zL6s=`eRs_rTW@wfAx>0U#-ZVA3HkSG4!tfTPnB$xDZTOr6_l)C`2%B^P^8S?MZ9A5 z$$6+XF}aCU??JP7=9A*Go8lvr7og<)CYEp?H*JO*?J50F3^(p+t zps9FRZ9P2Fa>q9Tsf1_DV;<3kWZSz6=8*Lkdamr^;_mz3g4_{LP)yTHOdALhhV z5q}G9cK>iUdViaP)7m5<#8~h(H|VkA-RaPyyM`qkGUN?83=Mv5!G5EAjNfU(MUW4Q zVJYx;@kx;Sn#U5>J%-(f{=vRL!F`y#mxON=dJZEB*z+ksQ-%(}zP01|j&T!k9d6+8w088_`Bo$}7mL*;%5Q*&cZD zd_H^kN`)$YjK|m7MR2(ME;%AL#|ej(aDGd-h?iJGk&tgmsEow)2?sIr%{we;dW1)s z-DpnjJvhWJK~Pr|97*=!Yle-W&ekn(^0y2hY(Ih<_kO_x4(7Dh`8kSwld<8CF@y=r z@%fD)M?zyVf7S z$<3xaU&Q0v?;)Js-a>3b9^!G$1AJ-6Ggev}&xh2tfvx8a(7%2G8)o?PbN;hQy2~80 zBQ6wgMTO#AYC)S)v}xeC?eufU7`8Oumv*R)=bH}wMXf~#2(L4y>LEaViH61=T725HQ49W(V-=QEX+{VXyQIQGVb+}-aRQ^N zt?92*@_brHqj;6Tyt&xUS>Lfj?8puf90+bWVcIM3coRCAk3(s%3C{cE37Z4n z2>!e{dhxL`x3_dgnVxKz*1QBBzS#-3bIKv%?J96TphTs14Iq=&nS=htJW$Wx!G@U~ zMy0Vb2Pg1FN95RN=?9H#siEerTzDPI1eR%2l`8F7BuV2{lSEqS<)UO8WgL1s6Q11sUE{N&8F!mm z(XYERSXZI2JMx^%=FPu}GJk}#u`qYajA>+pO%kC{=n`*ys6uV5CP8^f3L)=TLBID% zJ~Xg}{M`1P_-ec*>HGeJZR0ydNgtw6+PM)QOTWh0&lR}&h?Bt7dd<#-{~{+IsnC^w zPT-ms`mp<1COc;`7Va#*$CM`_gFS>!J!gnds&(nAIR}a9YzJPx@;X-QXTyPUNzh6p zNu!@XUHU18xmZnvtfkqCg|I|PhetfATh*L5iOvWW!mmWQy}HVS)!hVd;^ z@4~xf7w|{-S2*V<4IfKKW9dwFx@@l#x40y*!4(E#!{gh?5tkiqq8P$@(oFxK*=`eVXzOTD5E8t!|AN8y0XGINGbb_hX%)IIGUhIW zTcLH%71*n2K>a<|fTwr9XlHu~nmQ_Sd)+GhtFnwd-cW`;$q!&n%5;p5X%pEBKCDJ= zPZvCk6=^>i1;>QV^ z0?1T9l&!c^$={vJhc#!FgO`GIsP>Caw)Su#-`EfMt^c?(^=Smkxd}6xcV|bi|4CY5~ zW3m#7xN&bW*clXy6owkp-OqoCLyO(%TnS-r=6VZ8Cdy+=|1tdV$P6E9T?EA^CN$9S zESnef2$!q~6w9tZjP`Q{26o7Na;Byhd%wA1x!oaH*cS_LSt6PU_tTNptD$h{WWG2u z3j>R~MC)`z9B+pkaryF2jMXvVnz3HEdDI%7@b@fH;zAQxkvbQA5^$AAN4cidA_G6{W?pM{r3TQmVP*q%v&Zr<4=J3U=e;V{Q`R$ zuHf^x2>y+AU^6cRj#@n>u{Jrxb+09^S>KLc?rrSxb63p1oh;f}Ee9k0`%(T!AWk`L z%$27I{?<(^1)lw5Asbkzwcd2GDH_kX7yZfVZR% zWBi;pyl3|nc?~7~X6x|6&`8=|s|E5aWpIJRBV3$)tWaao|?fZCY^m@=pCKxhSmkOs(@YVkXeQo8$XlSB? z&uUG&tmqn?r-E1Fein&LDIk9i8G)b*hF7Z%sD^r<$XmJxAIyn@=Z$M2J28!HHf$F) zHw1|s>@L9iIri{9@V&#A@Q>sKRi-cegJ5E0B#~0v!g9v9!&d8d+!4N$FaF#GrwY2s zouTzGZEhu={u9D-yZS{xe7cCnFJp+vwBkPoX(5rm0!^=@@X!1P(T5M+#6B;TZ2Y$# zX8sE$-79s$$TJdCrX_+MKMD0~+;DKQz-KYJgJl7&5Zma?Z`pN_!&&akWN0TW`)?tp z`HbUb6Plo?Wh$5YqR8)?9^&~8&sgxzIP@s|%ud^-ldP2C%GAK&z0aU+-wzlckOlBC6U@&f!qi{QFnqc^Wj8~ycSa8}Pt8CZ zkrnq_U_c)S@5X=gJ8<*&boy-15OUzd8%TUUl|R#X4Nt~-fx@LEXi(`9HF>GgAYleKa7oW^&yEe{W*PgiWosdns|wjeHFxpSvC(|e zz;AF@<}8`K`WyLa?`Fw6=!)+uqzAAeEy)nn1at0(Zpn@hM~=o1I^ z9^q*RAA@{gD%|o+7xolOM0x8jkPEj8#OgELz-Prk-u+yd?Km``*2@@}bMh37oTE)= zZ~cw;erS?}PiFj-M-kJJ)W;8R6?tMag-dfE)U@Bz6_}*M$(#^b@<1~aGTQBF@d^N$82;>`3u`O8Pj!lil9a*9bYdf$DF=u7_w*}T&+mKsJa-~E3kdHcqrje6)Czg zfUyQ^N=r;ebDd%Pu?s}lu3JdcH>D{=JgN*(o5ljk~HsKGm=`235Qf= z3$o5epEt*Ilz*APFKn`+563)#`eiCKWAGRFdi*C!xyVud;R|Ta_6gLj>=Ag%#G#dt zRlFguhQphs=z*VGaF)taest$O*y*CcmnjC|;+P*8p|8lLDr-^S!x(pLa);r^Mq=&c zF`#-`ho(ygiXt{Bz?h+{tjLd^pv*)5ShS zXydHUd$H7fFFJMXgu1Bv?8SLU*rb~dUI(IpTrb4I2acoh-A(wxLwH7?SA*a0c41kX z91ZQbg0G$)gpbsX9IBAw!TIs9-(?9d*mM`GMs8w%ZQbCDq!c^){tY_a{Xi_s81B(+ z!V~=;n9Wsr(DVGqz6$f(^s=*fV_%=p&gciH@4H!p$3QT8G=`24yq~GzxzuOuJ{UXw zA;}qZj|7zn`x6yiZolv@)P$7r8`d(kuG|8n%GYA9&kItwQTT4NtU+(x`$U?3h6Sl3 zd9TYj_}%dZLW&m&?4KmK<^9$1)+c>ho#n&d_0(axlMdZs5D5(mV}$%|SIzKcf$)0% zPU1T+j#?Uzqpt##=)f7%MAvV7P$+W4Hs>a&UpYyXa^8s7eJE!R*28E)QZ&e{)`TyI zGRfnvjSzBmG=DCsKidyB~ez{OH3h zB)f#TNM9xw@0zkssYT-8>MSVrh{3^^?!lSi*-Xds1ukhFMQ^MR6C7j+o8v9X5ZecM z^lT_!b3af#*fx*nE{UZEExSQ?yE*^ytr-1WRJqQ&YwTl#8J<)YoJ!}VX|wYn`n&WT zv`rk!b)3($5j%s#3F9k7GhHG4KorX(%G;p2L-@qsSgcR!Xz*a?2hxrw+Yp#fq?DbWDU!-5}bH{O=M1B>!q z>Cyf?EPI6*EqLrM=2^lwo&j>d#6(tmHjcF|B^d@DeCGT6AbIvOygxY)W%dZHwU}~9 zNtC2+`fu<+2IYwv4m5Y{Dj~012{HpxN$<}e;4d4%r-bbx6S_x{b+eX=1{&Oj%;f^N z?1d#AyR;2ntuy5N$pfgBjHQX4_et92D#mV&L6dYVs@14Y*SyFFl$%Ajh~)X}-c(lV zyqdSadcYPLErG^cBj{h>!Bj4=3vTVu#B1Yr;FJIbc$N4Le)&EJKb{MrW_xh{^$`3s zGLt>JSOrlr3!ppXGs^gcqZejFf|C)>c~OD?y_A6hCuJzDie#6T*1);tec=164d;Hz zgejL#v)G;i{BuA#c29o9cB&hK+=Coci;w}QykrKSigAYPSFxOLC(g3p!L?&gL3xgx zcxe9`W@>wi1aDNOsvEOe`-O+1WU($EH+cuTRb=4!VIK6U%M{wK7>p;@hVbCaR(Qbl zC3_z?oL+dQ&w08g9NTUP0T1$_>sS{q87lZ|MzqxgS1;#@qjQ+{)=4aW;&k4A?GH@X z^JIfG4x)sU4o+Vy%yoNL!?9T*P$%^6PLFv92V)zh9+INpy^N8FO7Vu*ah%y%0{OKkKw?Zh zZnJi!y9#I+oOv%R2vEhx+9Cu=mkM8h)V( zO*{12YnNB7==g4G-Tes%4!Vm=m4Yc>szOGrGi7)o0atcr3*OYR+&TLmsZ%lH$+g4z zmx(&Cb<9-&3)7n1k#^!jb$vSCYz&ooaEQ!5u>-H15tv)WE2!$604y49M73sK6dhQ3 zjWtaM%(8KZcmovX()XFBNf^rfRpS4Bil$+!jmZqZ9-OG)1)g3b*ciV*=$Jm5+FWwx zSBJ>Z$vcWzckKX>{Lm(F2j`2v+|Ff=DFsZFttj;IPvf$@d3a6r6Z}jXhRGf-^xsk~ zS|T+FX9e1V=*)a>_Rt#}R)c|*J}>V$&SBFx|V3)rgN5Z-lLbU|S|G4C44 z$Ip1dPJcF~QkGwc)uU+j<|pHku>44uXetzn;qv){8>LwKW_ zvgovlJ$M%jxyxTuaO~z+Y`y7gyu0Qe9?LAk%19G(j;K+!uyh=^(1FXI+0P1IPO91P z+<}{at*P1gdL6N>u)>PoN?i0PACvNBVZgj$+#{nFU2l}3{bxs7GjI>xElS$fzi+4Wy4RX`Ogy+ zL=SLkxGf0^i6a|kbuzUkMXW3xL$|ruP>m<{*jyJt|1LH{-{rp`d)oow_xT9>l7j(T z4vNZT|AD)?Hw=Bhn&wP!frY~xSkTw?Q17_}ri6~by>e5rYRL`!>Hu`}1|{?|EQEsU zZqjozo?R(giFjfr+0Y~frI)_29XYEoX-hp(EnNy(Hg#BaZyH^4GE-o+$P3*HVK)Bp z0E)Dp!)xycq-}{D-|rEGAB@~Fus4Y+ti8d;JP~$thwVV(rv+Rc91P!WZsL)@^Z5)d zdDyga7JqhiC>^=I3kEH-f;IMkMA$Qnm>OxqVfoo~k=%Zi85cy;6B54?J1M)e$~qsby4e*8f^=F5+Q(2^(Qxb#|yl2_26g}4S_+M*`ZMutRq;CarsbDLC6n0nyyF#*6EX^ z8%2Vzb_uku&cc|pYV_#-YiyL+KO!9^#_IKt@aNpa;)iccnAT$%etWbdT)P&-9zNB< z)Zcf(;*d1m8rVcC09kMR5Ls&xE>g`z4jmU6RHE zw%vipoAv0Y84SkNSff(u30CTGg{|BDiEa2d6(`P{1w$+9aKo}8V7zd!XlIBr)q1(x zkq#?oOI$9AX7!0cO=~=7Ti+AORn4$!g@nMVttGjmSHd!_g-Axl@EdQlMPs^i;N}c{ zveW)N*)uQ~lif71I=BbNonn~uA(16#sKN5dC*gKTHTmwknBJJD!7C?7(EP>pb$;F>rrY&t>(2l9Wv)b9hhN1P67O-IUkyGRF#+?gm%^WhWn|xHU3x52np)dg z)2p68M5%BAt}4dCN`a9x$@33;FPt@JZ4MAJOl6p|Se*x&tMSHRL0oj^6^=Cs!aVQ& z%xc~neEB^W%6%1iC#$6GjjH_OL0ggb%ufUt{{n{zuVG9l(Dmlt=(al)F9er~LPtcg znvoge!+X>~T27y9KWTvQe*K!9IH8)TtW5_D9*8AA(p=L?0(Xdqu?wq*5z0BJBLU_4?2bYLOX5&-< z;u34BdFv=17iH1iLcZnGFD?GK=?)y!j^v|i)j-a24(t-T+mri_;g6VN@zA$@xYuG9 zRr`GgS1$0ufc7kGiTXkI-WGA+O&@WyM=ihD`G*W)23+aA8~Xm3%y&PnC6~;#@MLv6 z{MsGP-WCUo!!eySWIECEH^14_S#QKvREa(;KgJ8R09R^n;AGr+Hce|DSk4|#mn^V_ zfq9Np@wE@1DeQowoVLMPnHG3>HXCYd1ds1&3#_e7pv~>JJfiqLZhABtzb(k1M_whAqU7omid^vgzVOUT*03uSo;eGNjo}hZ18od_w($YO**X(>KQ|x>SDp| z7R^S__l!BU{RV^nOjvs_fj*AYL;7Ye1f4hLZkm(0=I^^W)9JU!BW*cW57dM*(RP@o zpMxoL9^sJFvNYiJNwiVvW<^YrYt7e136-Jr-QJU;ig$PM)Zp{5Eu$0+@|}5N&0iui z8BSW-BQ6InXv4oV48f~vCW;Se!V2|Z7&H47k?2T-6Bl2Sm_99dY#)WX^M{dB>#lW)Xo3B6c20Ts7Q6~N}?(7@I&#jUHgG6C>;oE_3-pcg; zP9?e{VGibOmZWOiZ(yC#U^>;!j4pb8LUg3$EgWcVLK4T=n1}o5xV-I5$Jh#7t5dLO zgbu%EoPuv-{@{`eu`p-(LV-u(iUy`ZkT%^6J~lYeoM%UH?92gBRw~TWtSO&5_9SqZ zoZ}Vdxhw+%mTuwED>S%azZd+?R|WUK^SM`!4lmZd zgTEuLqLjr)Ox7_5llMP~MztY#n{*4KUd!?$T0ijOq@OrtQn={0Sw2{4E7F=^d3wcH z7Syf7L34+|`A49JU>ws3YoyZQ^|DP&AC_~eyX#m;b`;z6Oaj~+=JF4( zB)DnmAy}Sl%RB9Fk$yctc50dv>n`xe-#)LfWp60jKqWjLKa<{Wwm{Fd5s*~=0VeuX zlcz%W;#6K0(^zW8(~Z{QksA~F*RXt?ll~es^NJyK>u+3Rxg0m2N`klr5pYS!BwHL7 zQZjpN`C+|Fm>_cuea%$4b!{~)^c{%}70L9-=fOl15TLhK>|0SdoLcScs9>p zV6JJwm@AL)vb;XsghO%O4?}S3EF$;ZE8)^}W9X|LM4zt-hb_73uzaI@A9423q>P;X!u;78s<7{^>QNvS}+$5nlVQ z0%>S`swX&FhV#86yTxmdIbis%nY7nnAdmh&lb_qI%BMK=!dw!|YC_dXL(6G6GpkcH zC_R(J?^s9Xd^}yz%vUX@Sxe5$`2FWz~$Nv*ciAN>l{I@UdiLI+~f&3 z|ENW?u@XFeo-z%ZETUOKe+2$vBaYcBqMg~%xL($VuXa@vAKtkT=UwuFRmxw9{nKEc zDrbR`*%lxtYs<$Ewg7+SNGNJv3ZdcckeT|9+}a>Tszxp-->DpelhQ>MX`~@hHBBn&Y1M zS^R9sCEF=AYVg9d2$#*?1CB>BQC4tt>5VL8PbF^Qn2=;>-JK;CYkT3XAJ;KrY&yu; z9>cd9TR>v*J^ZiP9<-+nrE_hrF;&6o+T%Hr%w0Pd&mOS>uNX<{5)=vg3)HD`iyHs9 zY6HCe?255*!ULYf$Y?M4y$|Hu z9vN`YkOY!sRVqH<@tc@gx8aTVO%<Wf<>#4 z%PPcZ)iz`-kTiHZYC5>)`zHW>Jp8ayIl*9`g})F!n7+K=+~=z2P7m<@=Hyi%_RoDHin5lt>)CI{>G+oW)!3>v5(}AE@_#KwDuZ{VwhnlEu9s zQ<%UGt~Lb4TmE93JDw=M_K4)_YtWCoq#@_g9{6Ce8j^QRLF4!NpxgWxo~h~K`OE?c zoHh@f-@JoF{r$M+z#QDY@-_JUXU^Xa-6;IV9^h-iv-{PaplsO-u=&bK=Pn!3f=|7+ zuZA6maoY^&<--H`_*X{MP0j(NEVUr4-+-HKA4*n@I0&P~4j6k=9*_HNh6DEm-kHfC zw$Q!|4;xLSUBUX;cf}JsUn#=29|s;WUW;yu(3{& zaYF`?J%|3WeMEs;&Xj^tP6yx}Ayg!EG{Ws&aOt2SnAr9Wp4?Xu_yai*^C242l}CWb zn3G_+*^&5PN&??W?kF`c5^n5t6Rmd<@HG;1V6+BXPhV2;s?eX(8t?8;97%7FdFrpbKTYC92 zom2WWo=XW?{A!&1-VoI#Wl^WFY^;xpwMn2j7 z%ali+39EFlbr-y_3+Qs)Hqt#;k@nn^#kaZL*n3(VY)@|D&PDUF|A!9$)tSaXK8YI` z*NQV71jd*|E_u9b5_Q)}C36pF;_oeSs8BGCU$uLM2d@jigHN95^lTnJs$GOb_jusZ zgPE}9ax784Ay3QH(*#E4LEQH=msr$l;=L`_uwb$`a-RfzE-{@SFSo_(p{qG2gUeoYMPKEpF$q#XTgXIiKJtaHV-^+!H4Y%C8olBJS`!P zzx`t?qVxzv7QKLuPA{f7Y9}svP=tQx8p(?qZTkD<8kZ z>s8!HzS^Y2zHDbv_V*FoY2$ZH9`T8+YW&Qe&0GmRX6_(9`wL@_b>q{0CvER5M~VJGEHE-8G|~feq&)FQ*blV&VZ>9aj)3_? z1%5K$5kp3A!{?H#m~OEH4G?`omAZRq7M%)_8gHT8v z=-}i9O~UHH9hqJ;eC&MRv60idc@7pyy*x{Pw{D|9V~(1!vWZw-2|+^TPt+ z+NcK*;A(__R_&v9nj1l);Wl}^?L5rbGZ>HVnglqc9mm}n4N}6I#3K;^{cztyyXa9X7wadR8Gd(od9sS51t_r5c1Je;4I33=hXmGcGV8n z#GPeEIdQOPs~4V&J%i^)jNwZRZsFr=y?FNZ4Tzp@%Dc9jakym6U*FW=2eN$8^`pS= z6wV;Q7e-Yk-)oI49nxwS&*qCj9XDe>U&@7M3_ufUK%uX%t1J^LLfaBxTO?2VU zC&co-a8HsoWrJT7lGlx85b$LHPLI!lVBtO?=kPWCd$pOyF5ACa7)IkE@kuLD!+BOm6dQbjhbt$;t8%al%Eha|}Y(&xdr?6i5{4`P(;BBll?44PT z>D4_fz-u7Cyr>zy`#eO(Ph%@S=ZAu(YZ1J=RE4<`FIWxOiT~Uz0YlxvAU60dlGwKg z)H5g0U!frU!+()GTN4GIIw$KEOY>E6F1X>K2X45U4L@!3#Y4yVa2+RAR5x&?yCe>Z zBSshFIX8+Gf`8<9lM@{>GKqd)wh``J_QVX|0j$54kpmMIdESkG(C~5!PZI9C-_$}- zzNeLZQ+^2TRhd|n^bW^S=fXpOCz!ac1ZUR05u2T_B}RSGpcA!(=^0#L-zWCN zlCleMeq#pC5!jN;hTG!am~fbtaG9CU8_u6@Z>%&JGX%YEFM>lmRe0Kcj_+0$f`4ZU znV;tm?+0awnvXf6(s(WYhWEbS+`8x|M{PN#L zd@^-9`tLbKhrE)ZH|y_{nUT)WG-VUvJ5x};p;2@veihxVZwxMS^@6k9l#Z=8!U)qj zyn3z;JvCMhKU~mbrVd}AB5D$ya%YbC`<)o}qF0yd(^k~_WWsYSipjvY87wsPHQsiR zA=S$g*|mSKS#x~{yzj~pe2{5m!mettf0B=ii{oKYz8xt z*z~;ze`OuPn7(gB;#wMvnRW=bzZ^_AT-TyoIuF8@V+myQ_}P5zYZZ97wjN)Mo{WK` zZD9URf#di5I1#Pa=iSqf;iz-D_;~Ouvb1Lg47F{7__>m3+8!&)tW%}62M6$#!%N}O zio-Z5T9Ge|j$)<0%fZw>6%(Y#fJSpP(kTvndbMID4ca@I&d${1_e^4-U_~&d&b=*Ow3nfK$YeS*UK9JP zBtUVyFcW+^6@z;YvTKKKvQcjC_^h~qOq7-8_xi@sudaGr!n#kG@eJju+uz~olmT>w zN)MEoZUCz$13dhr0HQuUgv@?1uI*67zY6+1C_ov@TPS|kI}Y-<4Dr3-gEYBQhu?)~ zsu`c1v2(fLKsXi%f0I_@fQKjW@Tt>eh2Y&dIq)`HI=&ar2!5d9>mRY>f$JepsStc$ zF9f;hJoFe9gcYsUbo-&_C=qRr;U(9>YDYg@92kZ15~{rG?r+k$y%m$(3sFXOFuiD3 z2R{Es(@AHX1gGRlR(|Lp?99j&ay!~Qb@w!gdmlmCu1#gHreuW>NyVm|FqU;?Bb~ z=^_lD=tv?X7r+)}CtN6V6*upSWS={V@X8(&Oc-_=?)FqN{k);{b8!N>g0I2XLpU1= z`fdI9RkPqsmF0HmvQdiqk`|!0)`6yq`V!^n5<8S^BfN4cEpkL=CwX!Cg9)Dlhtn7qm0k16v1S-dhgOmz*Hx z!!?-qeF=I`G8UTd4dp2-((#Rw;O268!c6qGpsnmcDkpS0EXPhHT~AKosxwRRG$e>m zFVg4ngF>0f!yZxPznMyiG3v^7zz z`F#e9+v|q=yoAqo(F8tgYdlO)VmQl7fnPat0=Hh+CGUFmxL!S$=RfsX%ClsK^t zWV-4hGi`=A+#Ye|#eT5%8^a8R9P|kP8s=&83?~?cK(UPkEf28ZyRS~;y)UcLsZ4O7 zsT_r%FG0ZXDWJ4;wQcOY6zpsCzz;iIFwNvU+U$%+4c%^3{FX^1&z9qcJD1tJN)z(d zcqXJ=7{m-i97qa}L!0GZ_{rr48~3&YOU7!!$boZkUCAI^^f;Y0d^Ur}5r3e6sUnsI zhlv~dbIHN4YH%cRC@;9$OKPU4D{Ye!}y)gvCdu(8;N3-}z$Z`CWqeTon9cW!v4or}z zbnOWpUUW?ly38*?U2O!I6m)_4tVpuzk)FWY$_9s>;lxYp0iLy%1U^Ip$7-F2zp*D_ zaJm>e9iza_W*fSGlO@SgFW`@kA~__Zgz{@IHdE)0_(IU~_(d$xf`^UxDfq zHehkuUi2+|E^563O#AI)a`2KmJ-gbH{&mTOt0^V6Q5BN(bjLy58aWAOrJWOxuYX2{ z+h@bm$nE??;96ix(^!eZ5;T5&0RNnNz`T|U9&Vi;2wU)lsae_M^0TXHDz&5|MEz*{ zSd86~>u~*AMRCl_x$r$s1Xl{H;mE)xnCp2@Y=7LFKU5jclZeoxP8`cWDGOb!c5U?k zybd?39>NO(`(OIKHmy~Y#TzQ4p)TbrgpJHb*HED&y}FWoU)ziWehh}E!wk@8_bU)2 z@igbI1V0*5AW|77qRXEfL9_dL%zhY#pC2uN7v**E=#=cVm z`*jNGOMi}cVimbX-dFOWrU#e)b3^OULTdTG3$K1J#X)ZnLVQ&1zgBeII#OpDaU{FVtSUO3L`cEChOEDEEy$!?Hm%4FUyD%F%I){s_Ga$my z2Q&8Hg(&CY{LkPUaQy9GOp&hviOa_-N3;t&yV^^T_dOjBddYywMt=y~a*jN3{Qz<6 z+HF_ul}7P*OYm5$1h*ujQMd07Rwhrv=KeGsc-D%Cbv3aa|5E9w;j@XaygI!cGa19= zqWHt9^87ZjB^utsUh?}ix^CkOOzdhV4%Y(V_WDHjU%@_%z1UlhpBhY4w?3*fhYBN|AS>_RrMrZT*N%fFf;W3#(Eu7Z zV>?^eav#g%$^^K-C$acdgu5~|Xy3gWGJC`qoUsOBS%p4(WcP}lcveNms^y99HyTiX zLmisAI~D(383!M7q;Zd;1a|of^U;cH=<6rLN1l&`gE3lo;SZ9aFY^We&pk4pAHbBL zCZZS>3Da)&koPBqtikTXab?~Z7~80eaaZ+mtL|vtxGU$=i^dzVjx=tW6bG3z+|9c_$hYzPbtDTX<39*c`| zXOQFtA29df9g%S#;-)26E2Wn2MGt>tA=hLi8oPZSuZv5CXf5IMDV2d?H%8#`qRl*R zk_t->Nd@osWuT{#h1Pn1VcVx^kav7&rT%WgYf^X}Du?=t14ANEdeIfuo@0&?@jiUv zsam|yK7=+-5i&Z}PekRqO(Ii=7S!2R&h&~Ep!Gu~d^#e{Pefh7j_-Cj#d#vUyD6~f zl<#8rKUa)ZNQa`|V#syRfp$+dROvsCX`)K}+!zDpk7Q`2>Lao!RGwF;?Pf>*u7`~E zRb<348UDk@3m{+w9jh-Vdf@9uH+H@tQ%|djNVh!w@OC71YyT?x|^Zqa+_c0{3wnkiN zVF0QY(U|vpJ07VVPgfpEz}ZtL^8+6rV3y-5A(U~1_~oj?5|d!6bz=~&pK6bn-zlQ> z+>x*@L4?-1r+l|7D7uf9>caxlndbZVWx5 zP(YaUS)v;8gN!&l3(jpm2#14iif?~vhP&oxaO%VyoM^uc95TkSM_b3jrq2n2i#8w1 z4KmqCvq)6%8A#h#x6dgHyC3=hmP#PWvk~%5)`Q`%ggWlUjzkLXl3%!o0Eo0HAT!rHMY7AK^ z#iuv=;r(|f;pK>E@>gCKC)W+&$EHl;XNFgROWJ#}q40W(UntPD&%3bU(sef3*O11j zCSmo`CStuymeUx4qjNZ2;GWH*+Vgd|-QYz;MmiSdj~rv7Ey{3wk~WxEFC=HQb?E6) zvV6Bf7dk%(W_WBP&iT-Sm9yJL{Y%Qwr2Z$o(XE9K?Jhj-N(6Ks9f-<29z^@+u}!DM z;`zQgnBKd9*CyxU=V5*rru2nPKYaj?tZ&Au?Ux`k-4Wt^NApG2aS(5qLlQ67z_Sq} zK$fh*9`6!TcQJrX=?NeUH)zupcJJ9P!L|KSSykX3e#fsQL^NpOW9St6#yd{56SH>@@O*g39cAffd`t$@M#O& zn9+sd;u4F2+$ZQaJeiV&7tCd7Zi^8=_U{nOvO;Dh zm7LihO0$U!A7ilwiyv;|pR0>tO!-Vw?wH3K+IsMfwGTaBP=l^P&UDK4Sd=VYf_C0x zc>jyP==nDc9sNfNTnTA-82U!+{a6N4SE}-nyCyTImF5s*RDfq3(jf5IL7et35td)^ zWfjt=knTGVr!JWA`^&2FZtn$lL)g_iO-%#Olz3D~kfE;^9tYV26X^v7C2n-r9;XaT zz_pJLfa`=|@M2pRIV&H7rNjms2ib8;VO}8-`~&c`6gQn13U3w~3(xAsB%ydQbh>a< z3T{W!ArW|L(+E%&vj3aj-o&N1bj3|C?a)p;mQ5@l&i6STgT~zBc$Ut`ySjUMvSAud zQ2&BT*T-_7xe{DmU;u84A4Yw1)G6)R0*}6#(kpcju_bmos;+&8+ay(BLyzEL*p?;^ zay=w)b~b^j>varm+{(-KhL9iLJ6Lt#VD2=Pq1=jHpx6@w>(y712tyMdQhgOGdmG_- z_il8{>cEP}BWc$7I`sKgMh1@rG;wTzW7{%F$&d>4x)v`A9_>#?ttfzZ--!5da|>)p z3_y<+lKe`J;Al>c$3+6~C#?61==7x(^!B7B6qinh!ng+3D7%=kJBRR9YcZ~{59T(F zF&MvYCdQ)`m;EI8w@aOQ;O=%1t4^Z5)rBnap_$-acE<8G8nndhXXS)Lg5SZ@4@5Jw zq0_sEWa{bg*9uKwz;WABH?XEBm^)hlsK%6*ctPvE46 zjR%K;O%T;4Fi^9+iKV?59t+R!r)F*-FVEQHYMtL?e$#cf(k}^S$gA=Op^KTBEVzD# z&ZJ(>VfgjVCML0RBL0zizydGk5tvaY?kos`U;hoHQttMcAa!44-s>%z_GTotRjxy2 zEk7d8w`h690rngnAHvy*rNx2v4?N>fyAIZwzkFtR}QlmoJCD=EZ-Ik z*Oy?+burl+wUa;TdL!Dgyc7c+*YS>OGx~1K0Nkf8N81a}qUtqmZeF2H_f4M4>1zWX zw(vI2eIr5@OGXwyHl|yApWwu}LO7^g1~2+=ifq5l7Mbkn1nyo)*v}J0YJvfrA8jR` zuUe0vN(=D%5<8YVK^2B=t;M)1Azk0-UbS}YDa}L_(lA> zIhiO6U5A37Za5`l4u?_+dU@ATu~XD^C~%iSoxn@*MDGz+Y|&IG)7Bm_nac`;1X zMyuF)Fw>_1{Ct(T?2hMT{Lja5Sb8e|SGxpQhBB)z7y5!0x5)<`8TgXy0Y)vyG3m*6 zJbJSaOHA9)&#H*6wAZJ*25O+ZkuJTP_C<8fs+T~UHb^y)?9}-!J#Z+pBb$Cm@0VVTG{vIGU5qd9+1%A2I_lt z+019cpz~!ge6Z^Uhner-pD3LSwo=5(w8zjZ2XOSw4!Bm`1N|rdivGr|2KhCE={AWi ztbL%es3+4ATn008_;IPIsD#pQqn}pV8AOswlZT)+;3mE)9|49EnqvDgvRr?lG<8Wi z0vZn#*tlH>1Qu!$+{ur^e}NLbDR~!U5Ch(mHi`ZiCc)`8Ga6mG4(~;W@n5G};aA%& zeDZ8L^N4b#H5Tn6`Av(swApl2k&&j_W!rGu<=ePTS{2QFJ>cx035=eMBV!x3;84p+ zY;nLv&>Yh8B?TxCw?Y|5sP_yRW~aybj4xSZ@|&E8fTdY!qn}{ zQ1WFl9`9X;_U8iW`kF7y$zTM%`^}L&OV|Rl%tOVFUzcN!rWTzOkOR~EwNcV)GBLRA z!~a?8!>>k9p0(T?O0GoW#(f!V&E$9F#KX(X(XSq^UA+mqW)1k~Vj$^=mxGU*qga+O zD_&P6&nI`=Lg1=TX!9|T{kQfGtQm0zwtlZE`yb_p+g&i>P zkH9+}bpSV?afCg>?D){uLGZ^_ispu{hn3yJ*;8 zzY=$uM6g`KlzC4mfwgYt_;BzGta?&FG`>}!IAJ2!cbQF>yi68#1X1Rm7{e#7)4`47 zw0P<^frI;H5Y?U1hC{4QqSP!^ep~a7=x2Q;*qt1NMm;KY)Q2}97oJ4!v@GJMhbLgx zGY{~YWI_-17qXehIeGFEaMX(kw4UY&mq)F~(7D-Uywn1C+BXezmO*$A{67)JgW zO{Yd%I81D9B?~P>Fv@Q?PMB>0<0KMsoWF~34Vo!>vt4lVJnzBO9}%qOZ8qE{Kgr~y zUMNe}!3a}bHr-)5CH02x!VwX1QU^DF#OBk+hNvLHSs6`l=|;B%sfv5^LiF!tIid}r|(oNoTZET4Ti zd!!Us?%fBMH=9!hJqMBL%=<)k`(WBQF$FG0m9eWwzv0*?uEL%qSG0Fu9sGAbjh*yU z1fvO&!k$f)8A>>!ZD9?LN__-90(-INW(}r*79FOmiSp%_(Z@rQ|0g$qJAE6)TMm@4 zMJI}p-YtbLn>4uE{FXdeZX{lp(n6He9eIoL4tRS_RXoNh6k~MW0P*Q3P8}MwEn_^L z;IJB+8YN)4z#d?Y8Q54m3HR6kh48weTqPi!7rcClZ3kSLP4ybq{zRKL*L2w`E!)f5 ziYr;QOA*ZI{tx0$^n>gA5p+q}a*&VdVD}_VsMnAx+$Pb40RrDmqb3pNhzIZz$9A~x ztV@>Kr;+h(x5Q<+fz0OJc$6-Zq>o#V04tKl^AV01|DPJ{|Jeqz_GM&8_bS_0g(>i| zbt7(neGrF*Nl~3Kdi<|<2T?!$5nqHwfsBwB{o9#>N%sOF_E8t6#5;(_N9*z>3N`FN z%U=FGr~$=QsxUQf5tG_|5`DL9#no$12-hlmY)k@b?3D@~(j~0V#hC^jjKh`t;xNH+ zC04d-QSVvLSf`CP^gnd5wFwr1OSK_YRVv1?5$9Rc97!S(2T%3tVdFkb@$B zzN}4;IG4@kZsIfGBoQW7DmQ@tGo-wd&M`G1f7yF5UA%vQ4K&WM$C+39(K@`r#^c#X z&@XLeohM}J?E$68_cxQWLV=O^(hcWU+ELN(x%`}v5!TU{B(t{PBTKgw!o;bSIN+cX zFLf8@vGTi##J=lfXNU>i?h{I922T**?-)vJm(K-0+$3WO_m-szb1N^*aB&2=)IJtk^cLJ^<-sVKi=_8VG1;n_ z2--hw!TjoOi0r+HePM&p>hTahan(c|_xvkbMmfQlb!^<_3dfpy30Za-oq3c7E0owK}qbAssqmZa|Nck z2E*>|I7nEL2-~d#$jQ}H=;#?sphasooppK}JK^^iXE}D`ff?nMj}jxXG;JcESf0mz zY?KAbUq(>F)8S5&GPf)D!xq;vxF0Z?zYz94ElVDeOH%P6B8K+=F z#2TEcHiN!;JDh6R{U%v`pK)qJrr;~+CGn$6Sk&=XFm6gHM*lYDw>k@OwRb+tQdkb( zI@NfSn+i4FGYh};w!!wr2S6!%8V~Zh58`Nb&Sr#)Ec+JF?BNBK1*fBklqTW^k6eV= z$I#E(l5QF|8P{el!u1IQae##**X)!ebxRBJ&A@6pwTqdzuE0G%--{Kj z$I(xrS;T~lgnOa;sODo03TLk4gZm7Nk6nd8yT9bU`)@QV67f4l?I0r_k3J_;;j5<% zTxrdR%t#f8%k78gcULfKsw~#H8<4@)qfk~#wsM#9d~yAvT!zLM**Ps$Y_1pu|9VTA z+~P2_(oo@d2PH6z6kkl}mY@^#>u^eN3=1iAVW~xz*95U`~6gtPBCpnt6m?`Q&^<#o-Q6)xndBZ-Cej6kzJ7rlpUg(@G zaPDG<&rgT!q9dqyz=QbPc0f!(2Hg23WB|TegZdjMwB22e3jNPuquw4!Pg;Td9?W2} z&(&z%iW0C_H6ew@1U6iDMdLzQwsBY+n|G%S7YR(7UoFG%wxO)}VuKOe@ACxp|JAX} zXQzO-kdtao6Qk>;>ELmW6q!gHC=K}>b7hwc^QVO9BTV(H~T2IU=rSL+?<@Vp6J^_3i7r!)tg)^qm7dJMNo z*5W&Yepg10JdCNoN5g@RbadbIl2uhrfUXhVI3a(PKtvsn&8EpPDma?}3xej$^WkAs zllZ)0G_KhF0yI5>Sml@*aE^JyjxcqwsjsV?niGNsWAq_UnBmS#5s}i{X1L~@;NQ?J zfn_$&MW-xN(A}e%yemp$o06|HFTJr?J+y}Tzf8sW^XgP4+nj|YRYJ=>fB5le6nA$s zhA*mXMLDszp-$Zo$8}s5t-AO1|6Uk)nSKx79EoKeKd0cid}nG{bpoc?>CqRP_4u{; zwL~@RBH8!%BKahi=S#!Kkfr6xY?i+V>fM!Nr~RGCrQF@9aj^(CiDhtMfg6}a{KfOW zjvVgW(dqqW+%Q&+=AM~DwtN2v`LnN*BN-z}Oxh20Nb?8f<|g>6q|D#X-VDng4B{8h z)x*-1WZ0s=g)C``!y&JJ!j6DXtZD5n+Z-YBJFM{%jeB4svC(_^c8jNpjB6okyqxGw$`F~!u^pJlB9&TL(2~U2C zLs$92bKTA0msiLFF1gTzfky189H%Nb&$4(NLcf|H!h7c)K#}1=Va82Ru|YM>D{(HeX9&~X94YF*zn10&G?Bq=0ylJRE$Vm0!jc44 z8b6a`o4PgM<+X#YP;my2SBmtLa3=hIug&&*>LIYoZ^C1Wr(xCTT{KgvRLJDbqb*7Y zF{en44>(aTzBsE7r~Fz-hV6eRWTb(A^*w@~fsyRV)*(1=`9zqfE=!C275JB+PCT>6 zl#VZXihc5W{M9239-ucAuY5YhFUptVm6(mZSlGGU8nXim|H~2X?GZd+r!hJlUqgJa zI^*-zZEV((9niht8|3*K(B6zZtSRxO&n@LZ*3+6Fw5$^qO`c7?9?zjEtMi& znkQNFI|{-(4r77y5pu3ghBk<|z~V~by^lOZUJWNiKi8D*+FA;!3Pt3mzbUWq94ffp z_tEc~-3U|MK=XhPj{ejys^AZxf7eNwsrNaakn`EFM%d#Xv-^b)1TMv6?|Ha<-h8&D zeJUO|aH8L3p5Wz9L$H%sLwkt`Y1?=jvZR%`cFu#-ADYDWxk_lO8NI1#ONOgYYh%1?56VVCGTX9(2>a9VIh3;0N<$5anCx&hr z;LSJQSOzr;)4_{H;CzQ#RFre$UrssWNBzNc)}O&#QbCqyJvFCmYZl|%|3oBT?IpWp zmW9_N8ku>?Fdk=bMc=GSVqGEyn5P#CM~jR>^7SlesV&6GqaSI78HSB<%O)l*IE42ie)U~kuK|dp3Z0H6rp~THjSL9 z0}gV#u;6A8dMr4PH#It$rGB~SnDtPhV;%^uRa*2>!3SuLo=gws&lhKxsL>}qeHe3O z7JX90m~U7KPqpg=`;9vM{(TXDWoiU2HG_ES)daRwdo!*#cc&iphp~Hq9R2BZ*EFI{8ErSkfQ1z;^+{)!>GM-0S%AZDiXt2Z1BLc-EpaOB6r7-) z`!~Ss0nflM?o)0!UzSy6LPPTDcq63Wmtk`)2H(?->Vq% zq!BH$Ucz>dp-?+H3%dMV`5`wky_N66M+c?Brp+?K^*t7(iyi4z&n<#0HV$tlID^g6 zI^1a{g1Ir*nUrc3v72du1vtQZ1a^B*2KT6=d{bmq<+$b_R`IdKSKHdIW(l=5X6zu6zzi@VqTo$?@EHxctqHZ`+%R_YXIT;)Gn+?%P#t zdfP9&*t(qjThq%1`v`l7lgD9d)DgU`bPLurWy3U;1UkcM5SM0SxkQf-9kb($upb}K z6RR_@UU>%^f9WBI&HFIuUfBJC+_VB+)=9G0a@ zAKX4ea>d_8+m=qFr<$H(aj+f71?iajSxSJ8-4b1S(uu<#l(Bjt)ATESG|!j#1V&uF;)(}GWG&cvw`a@pGtnONrDfgVmxu-G^s zUKh2Zo$!1SZ1oTo?}k9v$uKtf{Zafc<`(#Aw88Dy)3~Ns=n(C3W0@1C@yq}jnDb#M zU4OI{Tl;1*wVW6sZ}3s{J<$NxJwJ;U8?KT8HgbISrU7*4dKs#)>L%`#dIygpv}ky< z26}Eh4>~Dga9^d#;|*ka@{y0^$hH@vRnC)Wj!r&!9l8tedp2|15M6#+IT;ILLZH+u z6S6aUS^eE{e0`%eEq|g+u3gE2xUaUjZq`XSC}d-14!9;Zj$J@E+LjZ$Sr2gc`I)rS zsUPKM@1>u-CQ&b|;X-cz5$wCX8ME9=u_|F4HEEDW^J*i|71v^)k2ilF*o_w^j1}qj z4P?`e+Tnx1kMZ8U5+YOF;d$X-7-o731J3<~&jT4V=v{&;AEv|R3Oy>{KMr~ynW2Pw z9J)2cLobbI$3G;ItLGE&-MNvx_R|Qy-p!r1XbmIv&*OQ(zgy_HqYtk+>hYcB0=MO8 z6+73OLEPpMzWu(i+u3@EAAENkk8QW-!d;9NUmVP>6aS-!qKDA*t{-IdTW5jyIfYiO zdJdZ-%0&gM&5=IU=Nq@}Coi{4V$~^Iu44QGb8ctD36IeLpn$kqF0T1c(BY=fZmT`)Ffg&D(YF;j1WVtWXMvya~a)=Ak3H#f@QdR-3t| zofEXm=;OoJ4X}1t7TW6!;DOmw(Pz|1`pj-T)r?=kjsJXvoBv*c_=PZ+T9+$Y_VN!K zw{R18Ic$tO4lUyPk#Dix>l$glphizB%kiTFE5V>`8kRP11($=tbg1Nfftfd#|F`lX zO1326hh1XKYJM(wqfX+0s|j?%zba^KvVosBN?7s9I&gTbiYiZ1aandC#${XMkLa6t zwmHVuXKgU}THgjkp?CA`gFZj0`4e-jrTE<^rJ(Mi%67gArJ01Gru&jYq@3@CC2Ew^L@gjMeFHP@laDn@K9EAO{D;Nc=$JvfMSj@Lekg%)yJ{@Kst0Sy9>YKY<2*D7F=8(1o^WCBjf(w?)M03<8v4hZiT0OH&5rIh1GJ% zoic!^ZCpo3*tB7t_%jqv3W9wN;$86?{x@%r1%?7#iSeCN^%xG`Ry%e)AHB`>|` zDXBHM&)_|=7kpQPIx?)UhsS|I$QoF5-IrWZbA+@DF|6Hn2S4g=L-#FEqZ`tO@Y6pR z3Vgm-WS6xy3pAF3-*;4~zR_7YX{bgW)gEKHRslwvhJoC>O?3F;El}M#1U$imSb+$n zoyPJtw=}U=W+qqMuo&E5ykxuV6Jg7cYl3U$4STFB#+o~4F)j27ximKqT=!jvfB&QC z%%f`jzA#=9h0+`%jcB3_sqWdQBtwPDlp!KB6_N~vL`wB7G|@oPjLb#%?1MrhLJFk} z4MH>sQTe^Ue_QLW*1GGx?>T!v&+~cAjzZouZ5Wj=aO`^BcwfK@o+c@Um&YWFj%c-_ z#<-DuV&P?ST&fCIEZGWKvjzbCl;P;z3_jk1_k7hz46^e#R;R7`C*aQS1nzv^5BA5FqW6Vz{Jkq4QWtfh!Kky4ADIs$ zKi5xnSw2&l&STkFmkm<$b%$af>if1Vz>7j)REz66lR05PA8yf zN;7o4_$Y9q)X2Uag7$qT4qga8qqXW2c&(BtB&ANqYN7M_X_74_*xkm(Erapd@;O{Z z{~goY_>KJ?zKMJutcV|`euN2EI3#fqO=E1}#x5OGk zPA_GYIp)MI$1!ad^q6@ajJDLr8)8pB$|DLIzpIg(4NiRUbA3#|c8o|F^`q^OT9`Y< znUb?k#3fq`2Y>6ib4W*E^zYDswBeoTm3IZL;tXi^`-yn}{YUW+?-J&^-I7?&vcPg< zC9?c+0fs%igQoVEESvU5Qpfykv|6u#`^L6FPSq2v3?2vVyRw*fjWjK~Ihvi1{%xgo z?;bgFP*ZgJ#}$nJDu=b-3*gfaGaTQL0Igq5Q1|o*L3bO2kxpxPkB%vgz3?BK_Kpah zgBcJNC9rtzlnVR6N~Wy-Oab~tod7FxH4PxsCg_^6tcBT z*G4jXw~L^e2ap#M15Zz^pd03np$e;iL(>vf=B*VCRSMg1S!fX4+r65*4c!NqCFS|e zOj#`XIEy8Y5G3B}h4^yS1SnN115ev%cqly&Hu?sWQ!QESl*0w^IAn(b4tjJ?t{PvJ zaM`l>`(rpeVJ+;WcR{*5mi-P8IQ6#wAZd<1jqh)Smlbtj|7Hn_yq)O9qY)5Uvx^Q= zc`RBs$O{+NY-8tF2f@?9mE=o#70jRAPU1Z^c!%L^oV`fULA)&a*d11|SL>nJFiM!I z1wOHzY3rQ}atS0Wr52y<(xnwiNOXTprIx-4?CBw6!YABkD_>8eHOngr;#B(7#emM& zA3#^;2^~WpEvT;icKC3owx? zI4H}vp&m*l@NeKen%nDvhehtN)awyG*L}<`bSdyjR|CNNV>0o5ufzR!E=1RIV;-?$ z0`@GqfMNCe{OCC^xM>{(KXr1!%WNiZT%&{yA%_lb2e+v31@$>-9r>DU39lfh=g!4rsl#|&{1f&p_Nt|XGLRbEb*%jAL);?$nJiJ+ zEsm*bgS~kV;mAH~az-x#rhH3)GjXSha)LfuRlg^{R9vAz&zQH3)1ay|pA!vzNt(G% z4^KUm!`qv?McQ$rP$#Y$bSEBQag8caxrOiGL2}6?MBfCD!v|<= z+=Mq5d?s7w9|ps`GL+cx3KzX>Cr)DwAZm3ozS55&XP7-Lo{|Q+&Vy;|uMarR!HDmC zE#wI5m1*a`=b+WN13fizaoWKqfVjDA*QF8kbMgvqJY495wJao|XNFLN7pda=pYO2O z{sS;G`8~5T-voX_E`4Ln8tfT74RXe(;n=;6xWwQMoLDn}51J%qF>6nO(NhO5ancn` zf*xbVuskx`y%6O}OWA__Dph>TBOZHuBmNc>7PAhgtk!8)toJm0E2YYd3eCGq194LW&pG(Ht(tA5K)5adJRvid05>*h;uL?jd}_uC_? z-6zd!eY!+TZmOVd$O*BYQL6aOjZ{)JIfks$jK$?W53sHODhvy81b>i#;X=OXdHqam zf1racQi{B0jG$p&=m4`y11dXLMCVyJaeZ+yQ2A~v_ap~8=9fNttGi)!s}ptpP=jp~ zZlLl$QjqnPvt!RZAp1fJ{J!Oj_tLZRSi3q7%J|1(<#*wyxQBO|Dx9dspIan(P7FHC zIR^V0CsT`I1F2a!hc$y+VYah0AG}KFh3tC5G=+2eU*kKNDw&45&H~tM>^S~?UI{3S zb|vH1F-(0pgyy}-g3UQg*{r(jkYXpnvgLcg=A0v4@a;7;2X>0xxhd2)b%_NUHmN%B z6MyV8B|8oXOsR)yaBuDbwtS*K?0%L4hW0x6ySWT*HfwTqyJV(4^fdYEDR}MA$FqVF zouq!pZT5G^Kq%{dOWw^(g%d`t@cH5tvd}6H-r0R4DQPp&bfgOgj;{c%0p8fX?hm`@ z^BH@Z-;o)vmh76tN!XH{kAB$$_~L!l` zI%ma^w`P&ABT5+lt0axZlr+Ow=F>+*?p1K5~P3s{(P zH@hUEO@gwkL>FvaKt@9WLTCO)%@^{ZchLdAj`|PW$tO5FOOHEGI*fDV<@t=vH8^g2 z5`PwdiItqILFtGoq<;Mm95~D!SB%;YRwst?1GX2~p>mUczTjcpAPe}N!QqP z97cmy`?3cU1-A1SKm7Y$@MJz!=GR@0@WGFaA!FnZC=z^ti)tk)@ty)l<#*z>3@td8 z>?L|D_#{8M_MqM3!*C?PlbK>UbCflp|2dB2@rtj2oZ1dcHwWQt!LOV)X%?@wI3@BB zc5sVu4@5i9#kKBba9gng6vn+`3y*Ik4@Bb%q$T$7ly8GDS$QFvXq`i`Ya9#}bWA&g z614UR16$Er>{u8mCaHoay;lbIzB~u2HGouYoRG;)g9FImkk2YFW`T>Y!ISM8eDQ}-^i{1cRE12S zEHV8lW3pnEBrq3k??)RLhZzGj2pd%->qGW zy{5s~E+s)_Z4N@LW(KpK|6X8RE#%U>irKW7r#N)TaR?Y^k3OXvFhF)Hw)btsJ=X_O zor7E96l!31P7?-wssz6#f$KWkhI~wZh=-O>6#2{@#Z54@zT;h>PI!3 z=5mY3jYwzv3dhq?&I>rnl%<~K;UfPtF%Wa02C`Mv_((Hfw!pj`C)-@a(a$4rh1~{} zH*A6xb#K8u)sR-)3j@DULs0LvCi+q9*zK(`qHpO6H1yj9%=>T+PL;~R+$(}_s$w2o z?>f$;cM3YdyrH;R?-A?SUkk_H*n`C4dE(@Le==vG96oyG$Mo*xi7uuO`Jxo#ev?e6U5N-0U3Nc zO1x>KHvM*eGD%+|yiZ>x!1bX6=u6py*wS1C68O0Ejsz3qf>R#g&JpD(cXWIkK2 zlL6(={c!q{%V6zpM{~_q->N16VO1cSm4myC+G?VI z3yj}c28qoPLT`5>yM0cXkBAIm`2nrqK6oUS&#Zxy*Q>!s=zl*sM<2(Sj^KU+=kZ^g zo#BF91B4C}_GtfhW7>TimNI7{7MG{ux+mTu^J9_lh^yd<-CuF^3QEHkY9qhriX%Kv zGKKe-uxOz)yG0Qxb{td};o4Rtxzu_Z(h& zbJen~c@V$fHIkd1CS3jeNw#12D#RTeL-%P^G6SC{WN5-n{_@@e625%`-KrCaRK50`O ztOFW_JY&0FMw2yaBgi_B$uRn|C(FBd73WNrqtep^kEfv=EgjOpJPVyj(_SO`9#!E% zxEd*+fVg8@DB3ycK-2jRRJ!Fl=tm2E6&_0b%$!qfNtZ2n4L7EWU+iJ@5^s9@Xfg{; z8%7Ti1-kzAA~rL;UZfFvoTjUNhM{v`5z#Uo{2I^%)~bbgW#mSz)_;j_);P1$Ei&}( zk2H9E@HgaF4k16H+{Ih(jmCjl8L-kxpPy6IpgIrNP_I=rC_6R^T8E8;o-{`ocVQVE z-kXWmdY#~V+MA|(nZV{=ZC-q*97PcV3)?_UwC~A*xOkPQ?pY`C{;5SZqC!~4^kIDL z()Z$lLTBcKhjU@^30s=jQ-m|L{jp8($$f9D!JVGM^OungdiRgPFRu#nibj%e{W{cK z;|UCSP|C9Y>;umc@2s{z>%f4{i8$rb9kEU25}dL0IY~Khf*%BS)@VsHlG;3(_>KJs z&h-K0-bZ6%bN&vx>>bNui!DJmAs?4}y<>;H_JZl)S$t)9ufX_EVC$>rz|+U^_^#xN zpgz83kCSJyg3}|>ZNfu(#WC3L)&=0N4fT9G); zA5-N=(YGp!^!q$pzECY5LYAuXe>r)q$U%voRiDb|*!n=STBzV9G~x?Jy9sBR4cc$Z zB*pd<=|1}&81Q!vY_#ZuFQ3D}V^Ti*qbzCl)b28QVl2&B?PQQhvS5|-r-5?KQ0lbk z7)qQN#MLr%ct!qTh+dj1FaeU#W!)~2{ktD))P%eH^9rbW{+tvTRk583XYqY|3X%LB z4`E|g^KP<=%n)|-tDcUaLz^FxyLG=Hw^W|yDQm+&?_`wvBY1zwq;p%k;q%>CVtM}pO4}d9ze-;%NB0h()|;Z}-pkuyzjgV{zx@!)&j>0Y01cjF>PBG`m~Q9!dIRaKvjY8uTAL zJ!L}9$_(SL)=BVh``^Qkzk9H0uLAy?R|ey?=fSV-vXp!O1lP|T_4iBjWiD6nPEi;e zovT7rm3F{Co#SF7L4R3wAq+ZtTtKR{5R+5oVf4uo+&pIxA1L9DVIKs(@6zW?HY@@a z&JVzC>+;DL(;axFWie=ay~N{}s#w;`Xqay}81+t$;;=k}{X91lBTO`4ESZdYt%J~M zlP|T5&}Z8;CP1^C4oeI<0uLHgxW>Yvu)Y72z|64Hm<;LD+Jy6Z!B?{ zz68=Ts`2`ua%MVXF%5OK0lSxSH2C0KmUhFFwyJ&=STmDATlFEy7+K5IG7C|9vZmP5 zYAwEB+6DI4JRqhd4*DVJXLwtn*S!sxDVc#k{bjLYgd!+DdjLD|2&u3M zquUS3qD}g55>`8(wwT^vUnXb5t71K?V?uAx^GB(8&3Z8A)Oyg+iazq?&p41Yy$POg zhGL+(ECpe=WqPlP3@v+%jrX#?TA7%aBAIEFk|S%DRHV~N5C6)F>C#f@6r z>307=7too6O;&uQ%Q$X!DH2SzIdp`z5UZk>?3j}k zZ!Q@}*I6CK2R6cfUGcQ=%v~4HQ<}qNUhBcSvBkKfVJW=!9ZE~uPcx4@wtU5YcN|AP zv6pU#_#Ua-Sfq6wx6B`p_2(ATE(hR>4=w1Brh2xg`U~6o*8-kOtPxCB)S|67M^Hz~GR{ zX!2K;$_LLQQoaOrFT4<+wZDP~(g#5F%B{kC_b|FlKg&wSZimgLn_0|f8_a$ERLBaQ z$EhLN_^fa`9h)vKb};N^?jHrd!2a{1C3C0nQ;InvAM>jq^<=^vJ-Hlg*lelqHk3jbyoBfkDPPw)oMWA=Q{EjzZ zR3h{YBQQf|<=rHK9^s%~F_YxvY@%a(Hxbe?j28ZF!kx8(r?lih zluoziCRLo2|7QeBR%e)Yj}%>V`3ai4o`*9_1P0EgGJLe{0aO)@h7Dfk+*{3p-+b_o z6$Zb9r(<7WOtL$E86Jv}8y~P)l}a?nR0oG%yN^e=920VV?POC|Ih;A$4jDIkVErX& zydW_1-s}rO--c=2XN;h8P0m2)j`@64>tiVXZx=88Ziq1(sze4}sgR}}3}@B#gwAVU z^o=$b82mTrgtkC5S^FG3Cpl8f+Ktc~QwrUE))*%H6OC2+uqq=0c8m1b9l31u$ov8a zj4v0w5IQNOw>?Lf&6 zMZK5V4ZFn{`dA5G2KckyvB!`#E~j(*ow0p@C5*{BjyLT_!pnsmV_u)3s;j%<^1st; zVgGOVyssARPCSCSo?#e0(t-`}KZY+;qsiepD*V(T7yi(5Ucsk(N7->44i1Lwr>jUpc_e*rY0c-!^?})+Ac(IMu}GbBpl$9-Vg4%& zarjE4hS!Q8_z&dCp9A>7;2iRyX}wtQ_H82myb$YWnbSavX%Jd^1L8j&Mu*&|Fx=c% zB;N1>2T#2P-J}9T8cv}}qAip5IU@RU*owPdwiA4!uklc8KGBF*MLa2sMujr?OV0w= z|McS5R0Xb4&0SHF_5u2Ak}VhASV}iF=cD;|S8;}C8nKX^#G_qnAvazcp6*tl4(4T; z8UBU+YBc0N**$PvSI{oCj7TRFqvVbVJoaVL3@yZ>1|xpDU!NrY zDTbG|7eH!g1lT)YgaLX}d5h~L?rJDc*?>dvM=c$Cw11M0u2ifnx(gQ9((&g}P41x> zi>t2fq6772i*1zl;5Xs_hPBASsnFq6`Ee`MHB^!`Gfm8}Plgp41E`6L7y53jA+8Yy z9BXQ!(`N@MKahsGclOfy-aY)5&`CbqZ59r>)l8<iC8({`pD8Gg}Z#;#A=1~&2Uhr#4bi)yQTUKMW9S5l=F(>CSTs7uD zXe-=`O0TY=e$`#5vma)86e7{U;u{#I3jD;Pqa=2*17Fo|$uF+5#V9pZY+U3)XIW>1 zp|Tx>M5O{K$BMq4{*7l<@^JjX2)4!h9@%80f_k)#B-}fJuC@|<_TT9oHR=i~v#)`L zPQ2Kn9%0B$^pY;ZK=)Le(>||0U;&ERMKyt=3@oAvibq}VZTjOpr-)O zeAM~4BwbVh|bIMDI<#Y-9Wx^qRx2Y+ViWCqQ- z)W~)=tD-}>3fL-0QtLO?kf~uo{$1x-U!csb2K7VonXl}se+c-!H{l|~LUc5FNbZ|I zWp<(8;Q7QyqMJW%;-v*a7`&?mQ#xB<^K4Ci>+V)G`*oYFjB{jD4LUK_XCSM1=?o1A zM)ML0T|5(TiEVv30wki$xMR=&p>N61YTMt@)JfADrgD9nrN0Ya)=7hby98c4lLR_H zve}OAbIi@C2Zw|QbL*v-vHe2~wr>{t>=w+2Hx&|)8NM5*UsZxko$mrW{VQ&f38inV zelnR;|Bt!km$4I5Zjmq-|xZr&o%b3JpoU?jy)6 z+yJ?n!puC=Pi!`SIFE6d!hNRkN?B(!lW6LU43F2D==iAT;L* zj{5nCP1H++Z#S-^*YrfJ4|3%vtc82wQpvVIRSI+XY&OiU*O$c z;a*bq<<9lTk^EQ62^_ca0j7QVO)^TaL!{|OSo>iEe(!!$khI8zUoLgP(rP=hI`S6S z=mnx^WEAW+O%!$Sbb`QTW=y*-3bHPmp!SjN{che2o!5-mv@}C`FbUFfl zJvQOK`9fyrsW!czs}BLW!{Pm=m3(AD1h#+60V#zZRy{IExVvk!l{fswDLpyxFLo=8 zve`|}3Ef09XKlc)tZncqMu+)?K84RyL$Q5s9|oP(pvyA_Hl(T{)yj6FA#UB|d-Fy3 zlRg%%9}hrx#e6V)7(i%u8}wy$f<{9kwmp7^smo5lb7whP@MQ@9VfY3#D_|k!^(!Ou=M9g_T<%Y zuC0EG#}+%ok&mJLiSd0>sk(yD97i-uP~(oi`?z!3QH(Omr=z2HqWg-F+Os_%oVmOlrg3kuM;pX%t_-MS}mHpG)j(%3#t@!Nc%2guh(#3*6cRh{f}l zxYJ<}{k3m3jy2!F`Vvwg>(?pqrIg8hZ-*Jo-1kfTZr4FLKcEEOc3cDa)HAJU$d{_orZcLO#?uy}?7q=i!NX1-%|9hUR;Z*!;h?u%gTz z=l2Q=&CWq$kLr9;>PEngOYV@Xe%E2$$2V-|YoTj+v<9YEZQ|e7jG)bOm)POQ%}jbp zItbe@$h)HnE;Ene(0}sewdZZvtY!fNhC1>C6JNu=!nM$G7GT`)AV^#}h|G`_GBYW5 ze9xOmXc%RH{BsiCQ?}!ZlJR`%re9DuHw$|N=CGg8$)1{~Ni1ehg5EE-SbkoYzdrI8 z7t<(it@Qz>df$ipMKd8p$Rs9omttZ0PB@+CL2H)$hM=?V;C1vV`+Kbt)=l06qU1DI zFe{Jkf6|Lu4sT(sR}(u%y4a}}Ro?BjiHodua}AkrQet!(OK<5h6@@5BAE81YZ72q{ z&U5hN!%-Sgr_F2jGMHF3kC8n~>5v%|C4= zwM>`0+ka-pg0E*uLJvOOwgO&jxC;HKZ74Hp0i^wq0;fq6c)Q#Th&!XepXR4y20Vv1 z!7k`J>!E0LKF}-bmdLsewJ-Q7OWa}|rQs_am*2i!EmLcm6 zW`n0*U7;lV4-nVhhS6jM!ekQ(2(4v}kCo!co3r^UH zSwL_okA5ag=ZDo>{fp`X&w%mR5$8`QFL*Cn6BmM?PP{{hD+C*qj=`!m&vD=47BZp5 zop1Z)iPq%}c(F2$l{cR(ko!*^)UV|Odwm6PpDc5l97AUoUxKQ+{g&gs$D(-30kFUN zK=2Sp5r?DK`KgX=bVU9^wocay^DS#grp4hUiePP;>@&sA|(2UrNEE)DX5DvH*(G96wSBS9}yv=2HyqpMGDoYlSX`&l|<3x&DN~eQU8+uN34K8*^FZnbi70 z6dY}sK#lfmgKU8ZUGF1D7rXq0{hop7+$MO`FVvHtwr?O#Rs*6Wjp_bl+3c280()qA z2?DyM=p@1a^Dao((Mn8#VV~+S=W!T4Ud$otfGn*$x{GCQRpN(NUBDW_<9DpUh8up@ zpc~SS>7TD}SnKa-Op%|;n>M~?W$6pqo^TcZdc6b9YIJ~$s_HcE-BEt|{$#eeBNZl| zc>@=>RWP#VFl!e=Tbp!h;J~7xsA}rU*KeDOE5$N2RaT1E{JsdiZjW&P0BJm9zZKim z{;+m7noc-t317ci&|$T4cw}5GS?u;2=I%I1$5m}3$LHTC8w+J<{Q!GRc4#1pxl*X< zag?49tuYy5xdy|gv> z)tA~-b7c-)5+%z%O*RDOVXMjKVOI3fG$}guWGXQ_?nOnf&!POCNSr=4kOzs1K;gTA zz^KYlI^mzqT&oza6i2+0_LlxW0VuU=N4A&R@zsr-}pv;q6 z?07r{*$xMGYv5csziA39-|7OF4n7tcj@QOrxwg1(RTEya_u%~JG8CQag-~)9->v&B zX69PxY;hdd@2SKS3ls5t_dQ%&pod@g8PKWIpMuA(2`u$(2znj3z?ALd3&_ibbaA{D z*OZ(L&wiOOT z{xrW9&o-xk!}4%AUTwtdMlEC>SK=`H#k|FjHuWK`n3xt=1g4YXRP+=gI#X7 zMC+&Of_b3^ecv^J9{)QOgKBK>gryWsinC@X0 z(4IAdo|`s|etNPIvWkH?JdvXFyvos6#uz^S@ItRO$t6IoCc9W;$OU}`;{F1+)uuzE~Ik~s$soP8ytu|Ou4@_KXrQoi9XRF zD(pK?zc`HIan9DDIBGsM4TxqPHJjPn&u1`ya2?Z+)8L6S4pHsIBRKBKBNjT_79SKY zLan>@=%-o)qORTaguOA1RSiU?JWZUCcv~cQu#ntUbO!IIGii0~GrZq^l7(;D#Ah~U zuybX(Vx>GCC|V}P^N$pvdZ@6E*2)nLcN&5Jv3X?5yKLx^wdNCjji|hmz{RrZ2m7d2 zpt~d>*F%d(?G!ZS#6!enaRri?3Q^NKLMD~A;P* zl7(G|rs2w~GQ8<(4!-}f5G}IJQ7joM@J#zr{^3GFe;muV?pDSbPQDoba5Dzq@gf0f zfmorG2OnI!NvXv@mgM3>6Kq!C;L~#;NPLKIZN7(2$2(woqaxoY%!<~|MQp)~d9+k9 zg01VDNM$~U@xQghaMROL7%h5=l7Du=<@Jg*bG8kvmQtWMe53H-!jo{L!4cj3y4d=~ z$#BzZB)9pV#iTCJ=lRFx3V(Cr%6m$fDILM>1x=!UO+C)FJIpRR#Y6g?A^fjs4->g$ z@yXw|h@3Rr@x!i6jGVa@jKG35CxrYqie6kU^TXV~jh`i#yC@775)~o!j_|$=|`W%!M0YTEXW= z8PQj>B1oNst;l|-Ise*o5eAN9P$E7p+8}=zoIH2Iv>3s6`Pzf3*PJ76j$`QG!U4QV z(}%2DH%a`^Gy=DtI*AU$iZEB;*zYT>6EeP;{Ihm5#C=#wV;rS1IAsNF4xh%xi=&u? z=6RSHQ45893`y87a8znv;!KluymYt*Oxh_&w>SyjguY06YQappEk}vo)6s?pD&}-u ztvy)jrPI4lLclF_Gm5=yS@5xSwCQagYpl#-@_kZF?u{ySF^MSHmp_NtJ5S_$iiG#o z`c>Rm@CU`V8IkGh`iRDXGuW`>AO4nHiN9By(if+6Au?Hp2Wm>uDbKFKlGLa8OYs{S zIiwtoN4~_c$4%m$H#B&c;v^_k(xB%@YSJaTa{T%XZ{B`xCrm%z#%glp`AL;6IIs95 zs$9v!rq}h5WOxA=&J5y_=IP9!WF?{7qr`EQ&Q#oU13qK|R-ZgT?oJplww5*K?>_3G z-b{I6ZgQf>?5FV2?}XW}@-I%W+JbwkUZC~*eQ@C8TpGDQn}1lNPq|$h3C>7>+y0KA znQsT%4U_QfrXcZK)rWX=)fdZ^dpcQ9-y!HNc+WOpm_{Y1gz>P(p;Risiih~PfW*!Q zh;E+9KOE2ih4bn7{mf8|x_L;L%k7w>_6pcynkZiJXFhDOGKLTu!M@xpBun3Ql%Rs?^7OalLry(HIPAIfa#Fp72z)0a*7${%2|tH~h60a4!aog>IuVmk$ zGoX~v(DqB$v|2e$ui=}Xm|3<&*hA3IuLHfn6Bz)+7 zP+VzAKRY+W^%12=j{m^c32`jOehz;ukq2QJ8Q62hfZiH8i{Gk$0^Sk^SQGmnH`Crr zYyGca;;em6fYf)K>0$TYH>gCy{{p)56{I& zK8`Nm)PalSmvVl{9bQbEOP~H{B(PkXiSFOuUlS%!!!uvN-!v5;hsMyo zJL*No7aT$E$U*!zWf~@?cd%>&DO#=fn;ic#oKF5V54N_Rfy+HYACdc5daC+7Uza23 z;-N^qsftAB$BXZrr(C8Wl1IkZs@A@WOo?sP6{{npbSe z4<)5xb^ljF68e5_=HJ)7z|9R)n7;RQytVfOs|K#*t!+2(>gIuvyx0o|nhX^k)P5q0P}7CE@}1;b@I)@Bp+~nnoTY8M z3n6YiS5>bq`!0#FW>VX^Qv;l(S>uE@ttUVKI;~F(m#y$UcQCf zg}%4m(&60hR3KNCAI>i3=~Iujxv;gm0bP%!pj5G&FuU!8n;P*{WkVshdTY_&xr%ot z-V%BRqAs#27oXto^@EAKu&?lb;Q(=C8{ty@dp6~=GCe;(7FQqC;y-kckl#Jc_+ecs zM0^VaOI{rwR1r){8-hwj1NNxI^zchXpN+GY6RZ$LM9jTZ7o z-QXQRf$q?_%_Pbb#Mg9A4AhgBYJIb zE)I-d#P4Q=^B$R*bkU^(nBi1_7HiY-@`^rDvd$PjFnu;%YvU)nF5G7#;#6V!*O9bh zZ95)qbf%l)JV~TS33i;gir4@8@$peZ_;5o@s)QFI?pGcRsmX>>@~6lr&nR%f8JwI? z!u`5MxF9){ZO-mS`OyPuke;+ip}iZ{ggzlp>K}l0=}Q>q8$|N5#pH13Y+Alti*CE8 zNe{jG2KNgn_r382`(1W$QAjFE&G~M+SynVza$b@b3p>wvH&?p0;xQ}A(}svKnwS&iLB~58 ziX4ZGr&<^C;OmB6NtDqybeIh2e(>MPNKphA!<{%D?9R9e4yIl7!joXCS)lyvv40xYE8McdYD7 z-@~&{Yal-S6t3=>N)Me?qq}a|@|`0G(OW+xx!tuSlvPqfjaWleuQ@?n_ZrecT;RxN zO5+@(4Up{9h*>t-Vr$Dfn4J@W6J|K^*6BaNdAb_ECU=Gx^vYvje-(S~ZNRsjiV#0P zq|Rq8Rigu=rU)JGgZQf!{_KWsju{*E!!e?%@W@|D0@N4}6jlkYM+g-(!p z)q|T1wOPITBa(Fdp~%`n$Tc0?Bk(DJU&g@eyr+rqLL$n=qH^KJY&a0RiXR$y6SdFfp#39dIKFQAsid-4b_Ldc3jR%||rR(HtqswNY3 z+OY-8yb3XV)<0so@+FIMZbPg3tC(~-lKK4;b{szv@FNRBDK9mY_t6!9@_q~leLT?p>oO~tc{*kBcH^7DWktz9E<0L+_U zx8SSjw)sq?&&1-J1=47`{{^Z~`$`s@9f$oT$ME}Yb$V6O1bz$Lq94cf1ITPA!3VLbt%V`dwhW;wWAnG>*eHC7NM!9ALvnfswGA#fP|{y~`w)zjZDi z^gD-F_NlS=f0RM$*Dxx1T}BiX^%8uZ4&$<&y4Y7W6D^!`Aoc4U{MSDSw6u>N`_Cn5SNg66Jj}AG6)1=aG0yhHTSm-q}T-c=s8yREHN?%s7 zs|eNZmtn`G3UYA$PCOYu59MNoy+O+|E_Xp6@24p88RDY8)6HEtn%MwWHrqb{kg5qtNJ)B zws}k}&d#9PPSfbdt0}lqV29L<{!6SCheDmB8{|erLzged{hgI~@lylpBrjqodM5JC zAJRoW<;j?}tCShSJJ4C@h|@i`VOjbSA!Fgh58+8Tx$HEn`!trCR7&!TcM_@ewI$+s zZ)x0^dj>N9#B&}b=*agqKuf&^OuM9U$9`{S=QElQPg15EU%bK%T^EVFYYr|6YbAGa zJ3kaQhTkw-$pdyBWlEzA_?4b=jNCDttJ;L)*kj{xv7HnhH|Zp_os@;#q8+GEX-ijo zX^|oFi(p!H1su!|8{8 zCAedGJ?MqhLhs05c*}J;FDol%Ad$(`zAN*2HdSmD8-f+9CXkiiXL0%IkKsr07WR1X z82bEU8t&X@Mwfm6g1hIM^Q}&csJq}(9UYd5*H--yy5o<)<1SxXsADVSvF&J@g#r(b zu;cbyo$KY;7vdK~B6_xt^N(dz}9vGqg?o?m?dyaEo9BmZhp>yI=Y zcvst@O=U3+_~HYHI}gE(9m`3UNgHNg8v&`Pv|OrIaW^Oe=hti=@*CFl=bN(WZfLV|fDq`$8R zQa_g@x(HoF_WxP`gcu(fDK_Ba zlwRZDWs;zDVkG=^Od@pG3qDms6V%q8fO)GZ->ZKRa`FRe~f9&6F98LIrp z>bJ0Fx)GZs8wG3ZMzB$HT;RV`MeJjP9l!I%9H-rG7S1j`n*QPi)_*+4q8dAJ@fvr& z2Xttrg$c|s7u>YzHc)ya7`5m@GT!wsn3;~EDf5MV{?OIz1@nT6PgAII$68o8?-+AY z2;fzLg>WofoBQZY!BhJu;`klSFjPj0e@n7Lb8Tfj^iKiqKHCmk%+#pa#}7DekrUbG zG=v*{oy^-5mw}Sd`TPERG40tQ%$Wk4MJf4$BP?4BI$wXpxBFZ`EAJDIS>%s9hNR=a z+rqxQ`Xx-2h=H*akKqda-zaVD#gD)s-Xiqy;zxPl_yIsQh25H>sv;loRD#GhjRo_? zGW6*OA@BR1u(0+=>W{i5g3~N5$B%%+enEfw#nieL>uPlqhxMFqwQ!MPV9Eb7ckIZoNwkIN`XMy<6 zFatk2OTnBX4PJTaGNe6u19oGl@^OzR^614r z#=`g8c7dD@n9YsP+#?HBvdNNtQ*g?^y*#gZKXg@YBxe@MVaE?)*P)&T$rD}4?u=-x zJFW^2xeIuKhC2?PUw~Q<@8i#`QW%^09Q{+P$?SFWVNrrN{^{3)09h&iOJWa1u+e0% z?GMtguFEg|{3>L!2}ZrhB9G=TBsuYkd#v6eDy&r5tqy&|{`4e{U9>?#jYz0l_USd08t0-j70q`7mlFc}M z3z{R}z}Ns!Jav)a9QIo1jXKj|2Zyr9ZrP#XCkWQF)o7mjkgr~;+ z#M6UK#iI(n*a;mS$kfP#;)VwxF0$k%7q*MO>Mm!`TtZO!YY9=%QHC)&O4NFn3V${3 zC~h8DgL093FmQ1c`d%E0%eK_QrQqwJCG3jRpZl?(`ZaL2#{;sdG(BOHC`wM=Dsn&E z4Q-oW!+uj6RI|7RNwOzFYxf@_I|29~w*>CoQ6Q50RUi(Z;E%Vi=dix!!EpGPGYlFW zLl*`|h*V8v$hX8scJ0u3zSq)CI2KP%TtF}gU7WtmYX(}k_o%9?oktHoE?u!gT9NR z&tJ#a1{cJ0hZd4qGg~n5f`!m~6qB55M?i0h1Wr7r0{^2{-3wY>g9ZAkNWbGXXK|}sB@#|TM@`~Ru$$cx{Yj7_gxq2+W z_s5q_4(-L_-8UgPI!|1EzgaxqUR_=fimfxzF;o|?m5B*UjEAj7xA5(wGor-3$05BZ zM(E5ffgj~>z_sNYE)UPZnYAq}ulEZ`&aK0P97u{nh|r&zgB5=}$lE9by5y5Hy`~?4 z8KTL!*v*txwwUp+(O1zFu9BU>n?SK%M1Sp02R&N_9#XYPaK3#JO?@x}&Q7%Cm7Coh zhN^e5Gfy0`Rdx|vRt7Bo{)o9G|AyjSig@<%HFzO+9;&{)V|VV|hhzG8$uZeiI6zht zMSq5qrJ=nfrNJJ{n}l6xKoJ|@Qi5~x2k^4t7epI;HL#*C5|cbl*^Z0VqJ>i{VAq8t zGSxH+x1358uS$-@j?F(OeZb^&p%BkODwjMJ1TBu!M#=-#_L(6#sZjeS%UU{Du#K6Vf?*cEg908 z1fTj%$cXN3P(FPXX3aGdE9gz)VN)-lrSNqp6&tZ6rxIyi86mq(nDgaUR6T0NEV`qh zYgR30>STlWU>_#lKa1U%aS^szW?)BIAe^z-0sn&QnTw3T;-pit)moOD*1Qq2)6?LQ z!~QzTPk~0r1J5zv6ipPtiuR!3laWLEB1yiyYvfJynitg%bzOn>BIqo)I5Bkr7 zh=2ZjGDM@Yok%Z1OR9UUC+dBB`K1QYd zW&XS5xxu+MvFxjVELTN_NA?Y+AIma{X}Lc8Fk>DRHpjA%Cz8}??@yQ)wg)dse8aB$ z1@!W}WO0>8R@sLa4~RyKG)SfOk}GCg#9IRl_=NF{>@+i?4^GwMk;E=(19 z3;olZ0wd7kTe@iIoKUnYD~5YkDcD~>h>$#Mu)k&?^g?9#s48bDiB+QEk3Qgqt)uv! z1=EPjr>5~2zlvb& z^j)~|`#O}HBJgYvs?f}PX7F>zK#Z7`Bf56w7A8n_i?PQI_V@bWHt#RY>{K=U=c|IH z{Xux+!DR?NeHzS??+N!Uk?3mib!hdAWep4U(4t~Dx;`90w?CW$Ki$>1$+ER%ZVjb> zU&f-0u{_uN?ntk#h#}SE0%`8%9JuwafyH}ez9ss>Y? z{&@J(@B!Ae4FnaJl`JImEXq5jvy2KYP79*Qd$kRG+D>`!|B=oOEb38f^kkYbbp-DU zzRvcletszKt>Yg)++KK z)i>}zgRR*2NVj0zW4E&G^t9F>kf6s-n2{>B8sHd73nx* za4#A0$(&~;AAw7UzQWt?uc+-YjLXPL^5hI{Zt+f4tQqNnE$h9hen&cc^g{zQJetA$ zo#4&=yaaBgX|U^Sh6#C-SllFINyFYt!OI~!{Mct*ah!(0Nemv2qk4+4&^3&N_;^F8 zVk{fKU_bmVS%gFWe8!UKNcg({yQseXB&~U`gjtWhsjagtY>o~G+uk&M^A_QYlRS+U z_*`4Jyaq+T`>1YXLpAmxtlt&}Uha0FfAU1lPyTnZ7jk&~f;sa9fZngHK_(od=Ym`%>&+C%J2TJnMM(+yBycnKbyDRsD)o8)*R*wJK6!8 zP&exv5o!(mNRoD#)-B~4_6Ot|nrMTUk9XcrhFIp_nr^xx*^*wa@e z@b*-|ar!9;a6C^)&=@M;?S@+yz6bY*;jGqPj(5FLF$oaWWv@}F;aE7kI|6bQX zLHKP}yP{g)i)-S!4lDG!eU+#OE~c06O2GYqdUmp165X%N!eIwXaNDIwxN_$-_D?bX;TUL;ya}AK#VoWptyey9@j}kvfk>ruT{)r}c9i)!xw{R+) zM5n0}u;DWo)+!GXUXg?v%?6*Y^^m$S4;w!ybMJ>+K&w5Htx_z)5yBp7 z>PLXHLwB+hJ9ANY-!bTZt&OK;-0@DcwdhXHA)yOXMD)$=X-CgJ(hw?5-?$~g_{n3? zb+#k!t$2;TUbbMi`32F}e8he~)#be(v}lyadYo4_h1&ZahG`N@*hb5Ik)81FT_`lh zfE~sBDra$2TQ?{Kt^lIWASinb#&+$3_>uzTABWL+t141xR)r0>D#0RGnhyG|gGP$e zsieSuxv+N%OPXlRBTjY-nb9zyK6-4u;da4)BX}b76Ud_9kz^d4MvwIcxJW;oi8t#I zN81LFN%)H+dgH)nS|#YMdC!hFv_nF4IoQosr2FeKnd)XGa4QH~{nL33t1Y|nVdQ*ne6)#l#Z(ZRk5|dDzWvbbq2^E! zT!FqrKj4S^vG`;~U;D7TZO6mQ;Ea}NelMVQtIB(pWmM8ullLdqIlu_!l2XMJZ z7{8*J9=jaJXaCnq*4mB&D<(rl1%2>&$U>T=9qjNVb2zRW7Yy}BlVPCtD>hR`AKr}q zheHZvXrNOCXgD9IS{h?$_w;4>cI7xca3q%8hZoEyOp5OsGMMg@e~Wkayu)`(cks|% zBVqT#qdd?-LOi_vBq?uv2YK2HAZ>&R`JS}`U8f@UiFEk8+r8pzu@S5}Cjpx7y}+c1 zSbE;|4Eng~;@PRXe6Yn4ZZXmU%U}12B;tOOqm{8l(fqUMNTLRB3>yG?a#w`&J>SmI z&6aNu89?^+MDX`sAIS5f5MJiz4+FHmW4+r`{QXjq>jdAxl`rFQSJw%+SE!9D@&941 zkk3%^)}tQQ-Vm@MgLU<&(*Ri^?=x8FU5(e|vzv58LDm1DyEq!O56g1%BPxT9rg}#;(o$s@@M#BzOh@F*{1x2tCi1)*NUaI zc4h)*u8R>kV=vH!3ar8>Lm^zQ7)PWp;UU(`z+(3-G&wSwA1&8_F;`uQ%Vz^@H`d~} z-nT#m{fu35fdI8rVW5!t$euJ0Wz3}Uj%qjT7QbenooDg4K2#rqRg*XxV6` zgM8cJ1z0k*m5tM!0qOZgSeGlugQLyxY?tuAVd{K3cf?e2h2|Gff0ijqnper3Tejol zZhOAWxEANN{1Bx+sU|N!{u8hMrNZBwIECw8Oy(oBW$6x;;PSmY2Jq~T5qRaj6KH%L zKo9Cmz{Ku2AD?AuRKc5ejPxGD%!mwMs#<_ka*{$WX>F_o+hp+m0-_iC?kd{}iNjLW>qzOK$@ zKjgYd=!{rg8Q%*1+p0y<@<+h?Q720H2&{=nH$2y6L|W9;*&6>WP!M{7-@mwbfyckq)(1 zyN?@7L-DV$3vEd&Mk`rYoOG=iyOgCl-*y#KO9eigTnn*wKMFQqPKpl(t5Q|%9cb|G z3Ft5X$i~E9f@tT{OyRw-yOpn=sl0aj-SKjWnMH-+XS}+_@U{CVLZ57 z@FLFdLf0jmVLtx|n-mxFUEYb9`@yH&p{*Bx3w{0OA!C?g$YeCCdVzd{ESK%PhvCg{ z@TuVPb2Tnw%dU&ie5Ny9rQHdCJMNSxUK~r?+iPI^QwF2GtwD>cgWHOMeDjm@82Gji zr%&ugjjTVo{LwQqvgQ!PC7;H;PaL@IEEi1`n2F+I(*VJhSF1?MV=L7Ah)mx z=Llzqmg!jjeA6x%>pcsMXAk0*gPvi$TM4m?Cw$|(DlnHQhRj=MSoo0+yl{Ax@NP0f zHtjO(9j!pEfkAmWav6F@%jt0{_i2kvQdTK8l$=W=cjDgokX-QI*5gnqCkG%8vJv7J@s_T zAa-M}J7{UQvi+v_n8~sU+$E&~21_~NpV=Om@**7{yT!wrN=>@<)oz%1{{apf_y>;` zNN}l*Rm`MiAPqL)WUT3L=)AQO&YKSB{mS=Y#E^Gn!KOy2TxO3iHhP5E~wC zgk#dHap^D$-Zd%W@1IfcPS4{_zTwpE?>{1Wq@xuokI_@L#@;J_csOPuu&2_x@9#?yi|pA(?_%B*|A{vXpO+v4~3@}zp^~j z7WUQD5b^`1VU=s#GV(s?bU(wA&1{bxMbG|tUo+u3E4?hQ!H7Ol< z`RXQGGsqNQZ;^uIr$i8Qs-As)zJfz#HNLC!L@Ss1WYeGHg3ov^4vejWfgApV-%Ymo z(%cq3q$of6Vi*hjwtzMHZ^H$)9dK2=9Xc+LrzKi~4^DDE_Ahs*Rbs-|%kO4x`p6IK=^flszK;U%$dTk0BtRn+u;C zB5`!?5}c#$$!CVyz_R`4;r-$V_~5rU%B-va&zX5xoHie}tF48G>(}AhJ&suuJE8ot zGQGNaJ-9D8i4tC|7^vOA-gxQL8D-;Xd(A(5w5t)Ma?&AXj|eBN>BQu^fhe}FV9E*g zSTA^_%!GN9%aft>ecWK0W8nt=rZ4eAP6qhSF@(#$XYoh^;6M3E0`uDw#TikgaK<4f z*;7jn47`GiCKSQj=c~x$*f9J}ETNl^=H049^z3FYsJ4zJ$6nWia?UT%nV!nDH8@;6 z@fEh6zlJ5dr_xjRL~Q+(9cVV=0@xnAft$hvuGoZbGI;YKu6A-Wxw7{ef`t*w?5&1d zFCU8&63S8bzBeYijK-dsjS#Q8l83yWS$?Fwo2^)OQM@VOyZFXfhNaW4s$(iw90TFIt+-468G5{15X{ru(`g3G=ENpq3n#{MNpudg?mJ_T_+5@x&iX`X)wpP zs=Q?6f6RDGEVGX&#wF995XX-HV94Ubkk3>xW568zB)1-))46<#R2E8zCa@Lk1RVc* zMDSCYaH}n`@agYmRvWAZch8SyAH%7@kXB*7-y<;VZZtC}kmjYUB)DPo1+lM_Cm;L# z7!+Kc#gj`1lgt$_;nt@8uVXc|!i>cMSn<<(e}GEt+ZlMkZ$qgC+DJR54lQkY-eEM#U*WQ@>X-ku-< zH}2Qqm&qmg_p&yRUpyRRH;1wZmXXBw!UOC{aKfz)FR`h@iV~3=pXzc8j;Hky+p>Sc zyFwMKnu77=^$G~v8%gI**1&@n4e0sO79QWM!<<4Ze!O!yFAtaxk4J0JPsd$h*HL92 z=v~3UhK2U9rk&p&_7ey3_3)}T7N8uzJlfG^X4aRnAN~^FO{)TtBzy4#WuE7 zsi53pg9V49GvWO1Hj>xhk0Y-OTqNl(;^FDbq-7Y49chaj6sBNzov;^D7{yX@ykJ_& ze^BmjLch$e0A(9WN015!a5#zgH;2&{3sVS?sY18+o#drz5iE7JfNJ#_JkEa)eyVRK z;|djcezP^Vc)k($zCQ$iY^>=ukGoi)YeqVSH`i3Bd&F$74zpf&TD&1N3Vn_ni}$7o zzwhDAEK}hSNivzwRLo{TLSr{>*z1kwGH(-)#=(#reGE`zIm%8};scb*VZ(o4nMSTD z-p?H=N_=xmU|?xETp6$v+E?1*yN^2Xce!dMfw+zMTmpb%CTm|ILNaRrCO=Ua0 z#j(SBG4t+NeqoIgR7u#$X&#E5Z5XX7TUQ?%<&>hQ&`dV*6x$Xv`9`fnr;HUwavT zT~eoM`j_A?N{OP4U)e9dX~MVm$#ZqhYq(*c26+CN>99vml~=5GF}$`g*hcw@+GFpBy|#vh)uh)YiB<5BrsaL#Op?bB}J&m2E^YJQ8%4*do7T6Sbb z=X&sP7){0J&!F@UCy^Hy@q^2LqVC5nIN+Z?Pt8sv_cJpW zC*Y=SEqOfd9|@kTj%!@gM2$zSY0ktjbUHTyhR(_t~AAm#90E~|P2{P{mC*n>uw&+$3XqQTHDP?Q!vtlb=Ub~1c zAJ+nj1p^QttCF&)4yI6Z7}K;qk!sB{ru%p)s0$gcUY)^o&b~G>cf=zIdgTqPzsA9= zNl(S61TXE!&DU}EU;dBXNhH9>XK&Mc;0Fv(z3hv17#zQXc*bYimcc zwh9;0YN1997rOw=>U z*y936RkcR&V2`BJH(r7-!g;=3aMo%KSb&+6J!zNC0m1XCi#h_^$olMZ^jJBNZg}7X zM@CEVn$i?e^BgZ0(a}Vf$G(Nb#DK0E*#uWxWwBl7EUJ9gqGkP0S={tX@Jy`~PZU*Q zaN1>j5VsAV85x;pU#yoo!AYn>v|EBpq#ZGQmR zuyHua&xrZ-3cTh!y0k}TDpy)|U;Oz$J@LX5H%Qs&E?9H19dVWu9cVk8{XQ$OcMX3*{ycKeu0{4Gz zcoXRe)a6ruX2TPz06V>P=<>ejB)ZiS61Sa)w+^!Www*Uqj(>rL*7~$+;~>6%-d4QQ zJ)FC4v_iMfFGWQwykXq*mXlfTgm9mbp7XS2K0(8{g~R~kp*+@Ig@`0-*q zaX%aD3#90a_0909F%Qa?`Os@NRjgvkEGV9L39Fer*j|5yYSOAyN1=;+v&;oA*J5lN zd7r?OD70HVk*|()7HiLqfX?)JbminD0_){Dd^&0bjh?3Tvf5Fo3M#-KK97ZW-C8(V z;l|T$H-Dbrda*$^}cgZ0O3Bq^a&T z(4Fl~eLG)5_GS(%CMJt^MkV9n$rTVhPnpkme8`kto8ilzOL(U*8a_s(;f`gI=-b%? z*};FvIzvjgS}haFp)jvoEgcNVwH3<6`S0U?D|?9R#|e83PwL)!QA>xZVG)<`Kb z{?H2O^c~MbQU`IlzIk-juyCfoxdJx!4&@URGtlJubr{)Q1ji>E@H(F+Vz{Y4`yZ$1jX|QNMrR!(L9GYWd6yYByiGs zh*1549-Vo3#VU{$T{S?Tic(loF-?@OITiX>PNWZmH0aL{COkY<;HYMY;&od;yp`w$ zKVI$&6A_)~osSIztf0TSn- z^X_bMpIR*O$~^^;eGc>n2(!EXEEs5cP~eOh(II8Vcu^u52-J(xC1mNO8B+lAlEjIt z_mT30!aGms3hz+vgzB6ZIQw8U?%rg_&4LC|mF^0VI@2hw(jQR%ezB0blrCk*Lmq=( zx(hxsc|e->SBiqGk|5tnmS!d|oIpN7zP zHNqZP|1h}Q_F$s%d)#8KKmrWLiq}mTgUj18i9rl!4{YCqN|cR*Tx*ngmJWDaTO_xvVa^h!y{|24fG>jWjOe}T; zK-HE>;_)#-c=MMVmfjf7=S)8i_pgs($+O(i*WVT%E`Lfst=5C%%o5IR8N}bomqG0L z7&3cbBeSEsVcJGT7#O|`oU;Wc{m(*jM(!}o+MtK6-}=c!qcLRRy|=j0;t=Vu?Lv!F zeR%JuGF3hCixp0vE~+>#12_AXA!JM|c7N01yLZ_@%L5m(eAjNA|1KBpKWkE#4P*G< zRtfmgb&jQ;c4qDo9jtMmIvqE{lrD-dhCz*kxRlm^;&BtgdBaLQ*kI9tL!wII>9Y~| z{N`$MFfJ2BHdJlaB@X4{&~9u?25mzs-R#f^nZj`^gpA4 z!&nmg!;mK_Su(F@6@tI{0xSNRh0Y;A;oq-u_+zye_3%|EqTN31zbj{PyxnCG+dT%$ z)=lWXbq>_D%;&KJD?0hY0jjX~1n5^k76qA}!X0~6=%~OAw0C_r4CFCTYgh*6`|d*L zKMP)WPnTvWO=4YD4LH>^ijLQC0)=c1=q{0@H*aPzbE^>C^CSqQJ#OODht8s)PnLXs zli&nz97SM-%e#|wA!^M9O!-mykaN~(>xMt!-QJc{i(GnLSCuS2*7P&qlUFYn$ zj`w%a&>Do#4n5?rPGcDZ9v2&1lSA83_EEJN^ppBPJ0VxZ~0r{IkIl$`y3* z#UWo@G4Cpzb3TbNxwoL_aj&@eatsXpf7XWye8!gxz}a~|4BezaPh0`g^uQ1&PSn5{ zc200DuY$Y<){vm63W3cHD80oIlCKH;(hZ}~BH{q~kbE0f4OvQC1_*S+#*ZSU-1jWz z_Z^sh_!C>TP?ma6K7~6YV?m`Wl+dXnDBN-g{;Qis+t(Li7u+WsgUui`(+}25c`?O# z(p=uxlFPl{2wiWEpxT^fY|*<#dJif@m;CKWNyPuHfh>tGOK5bsAISa1l~MOlyq;i z5aETm&Dsw-$EG6Jiecl6O{t{xRbY9qFyfZLSqSSXw>{@X{y+qtEK6Z=kuhwW&l)&7 z)(^fZSkUj$Yx(aD^Pt?eg2d)~aK0r8cGW7w!(Y*)uP+vrT6e-q*VAOj#Q)&@-_atG zmk};M`VgmAXJTZrkg>?VgJ*UQ=WX5IsO~u(pHI1tU6zZmcDy~jj?HCHKlo5bCv_fX zAWg$FquCt$YXUc5B^GPEWACbUaeI&*4k!`MuoefM4$Ch1py^ zT$(Avo$lUbGw$m03u^@K(yT<0hOnDFpzB9tGVTev$U!vyL@a(2_(OZA#9&J-LgUvU zSZYyMK62Oxxc2fExfUG3iqD_L@DJDF$J70we|9Bl{MLY3Mp}IMY9%PG*22>%GjP=+ zWBT__42c*gIM$kVAk}|1$@}=4)!bC&rdpBkJ8Uj~KJZiYQ_US-*9&gBUMuiOlEepo z>qU=x@{tFpg2kb~gkIQ(6E6>fWyvp?TdFpWE=mzNP`=n+M)>dtxA4Uu3z{DLk|>!J ziQ~ghitGcW`7(j;qm$c0!fwCCT*cvBJ!QGz@LDD=X*ht{$aF(iMqkU1czCrVp50 z7x0+i%{lfF@ai6b;j+d28!!L zhVkKX`mpt*EVaAv4z2X%P}L4HM>7QU^hX;@E)}+a&jG$!n75v-l z4iPtUK;3O8qKFgG6N%ELZ3%q(|8FrM6g?MF0dUxRou=|oqdX)8fcFh?0XJOAwFQ$N7 z+I=FSmk7?YN1>mLI~0!pfPcrj39iUUY<{o;rq|nm&c;L2kIML|@o3?E^{C;?Vgsyx_jycNVZs87=_-Y`A zb=@F|ZpSdPbOh~R&J0zBHO^ zACaaWLx;l~nM!MjR^`nVx$niu7nWyV{n-zIL#p@=iflq_O0R%V#Z$hkE5Lx8tC`y92;`T z8~P7F!*!wS(fa8{d^l80^j#i`8m-VC`ft^%R(Gjt>rDa;W!Ew34K>}*8*^v6^CO?>!Ik- zG(I+77u793!Qj2~@XhSC7`SI43!9Q%Hgo?4Z|^iEIr~iVNqO%AQzh zKZ=Hp9Dt1nt?}=)m8`7r0m)hdEGf!?l?q+v=QCHM*O4o@{G;F*TRI;LuMiaNnFceH zrh}2dG5c2>F2qs7@Wr7gU*3#jbT^PsR|sBRqmmR5YOH*UiVLf+tGt z_Hc&~gTpX-&RH1g;6ne-7Is=&d)V`78=; z_@Ho4C`c5285jtPE52cjz%A1oQh>jI_zGup0BdcCL77c8WSO)*-!{6O)o16GNA8@% zdxKwLq){K73oK+aRf@!^g(2i-sVs&cZN$f0-D&eHWvF?q#B6tYL!kR#@}pOH-`d$y z56J?YYQGqjIup_TZXtUu%nD@|4x!l@voQMi0^I!XI9VwFkEC9YCS$)V@gH`!=#=I| z?mg-hmpzwr*gteEsm@phs|1%~;ND-XVw^4{U($qv118k@$|1aTJr18%yus9vHc?{E ze5OS2 z@kvP}1{Zom=QA7ley0Q7mzYv--)H2hhadfSvK%Lvi~vXRCSqc@AKo}NV92phZZ7n5 zb6xu#R6dr9##9d_J=dON;NfVfc&tZ1Pfws5lN3NXG79rHA7nB4+ePm-e#M4nC6Rk= z6vTG5;O2)qR6kJQmKq<&S=+;~-{m??OY$!deB3AWT4cxrhqGYtEgWW>$f3ciRub$V zFR*BAaM|l~BE4PLnAVWb_`@@ZnM@r^e*ZI}BJ&Xb^xYr0?lXnN`WK4__WWa0*4k0J zayn7bnSldrE?>bd4{t-(Xfd{io`5`+ zjp%e~AyskGh7XgxY1Ppnd^pk&4tNjduksEeS2=(;h7ZQ)13N%EWfs5*C$==^6ugWZ ziOweluApQnA4#h)#Y%$iA44GQx+VAfGKCf!ISan8ZN#YBPV8;TA=K;^88b?jUf8)G zCC^RfU()=rVc!qDZ(m5xC;EY9{t^~?`!U;~X~uQFoPo*>DsT(Vit}z>0?F#j?7Mp< zi)&J%(l_*|b3!Q|DRRdP`?6rBUNp@AGy(tim{H#+IpS}JNAlxmO__YlELd|u3)eq; z&88il3OmTS;p3O<22cC5SW5f}5i`=som;&C>-J@8Mf`XrY|UvX`Qn zX994}PBr>H_d9!bx)%aoM?;9zTEQ#P2VO%2?n-2#NWnvcd+whGud`2}Ph<}i+llyH zoi1X${SDY;wvfjCr*MvraQ`n^3(^~fTw&{TXxHq7M7bDLU+|Y~-(f1U^%oe6rlDOasMK4_dNDU}a|-;ub;vT_EZvUpn6td&^#;959|AZjXi%3v;@|bp)Sqz?|>A zE#g<_8**uLB|0}H4ke2!*;O&n>6K1UYw!)n`w3^+*lf@W+)97@zk+2t28iMBVE?x; zo-52*)%OYfwUNTl)n`Kgg>_@`6lu7AU>#n(7e-yGO<-UE0lQHxSa_xp7sq^pvpH&f zcg|YyNXSP2%NcCTX&JavcN!BDCeVwEHH7_v9PhBd$(ns~$dg?F;l2^DA|?=yCpBW5 ziZLv^bDR9zvXvcNX5}Cw%pZ*MZZj|Cx8*M-eMEgz26M~i%Xlv0rP#!&1nr{s!}{(a zFgE1|=ogNMs@th7(f0^$N|)#U+R}W+gx}@*c6FGlYQXL6^uaG)i_4u6vsft^-aWw) zVrurX>#GKG^AI5Vg$DG{o*MG?i3+h2KY;C5zrnw7S-7IQ3(iQcBX>sJV8h>?lUk-&XpRC%q6$qr-Dt;065%rPqgZhIX0PFF}EviaIV!F zv=14=YSDTg{yJaCX|;-sLe4>mFNLd4Cg^zE5>yWV7Og$%gGDyq(Qt_c|NY<>Sglt8 z|8E?`6XwJBq$c>g=QR2rs9>%^w?Nj(1LdAicDT|v63%bWBGp@#!=B%=SP`I1`wQCO zfpC63-l7SLI|L5gjBK`D@N6CZpvadD8qB3122qc>ciFgO5%^tPAY^9bvD|Jy#vUKb zDk4YVQ>!Cjvi=7KhDE>wJrujcR)@>&?^*GebtEX;5Pe?R;Hxi>;R5R><^THd#dBfb z)hc4Je-F$$Ac0%Yp1@jZ8@}LMEK0nb%sV19GlRpfBwWSW+AV7a0TS zvkJ#qr>?Sn!d$g8FPL?Y*b2UryjYF94h`L`#2;leu-c`c;cNai?0z1Bg@Gn$5p_~z zzK!95?jdw}{3WK@bVBItRgxRfOkSH-iH}cS%IgbzN&D#G)a&9WW>)x}R638L>9=2D zrT;Q`uwb%~h5A4wyX~k;^nV~}H2@!vzmB`DH$Z;o8dMYQ1UMJN)$#_>yV3I?+9(dw zvd6r$0X6{bm24Yc>*q1{l=DxX?SjuGdLXDif&!U(e_vjnUXmc zjU!Z{MgXT8gAdiA8T5eQ>+R6dhJOh z&(}CuE>mUQ`d^s$eSuG7q(VLG){~gtPpC`Qv(Y!NL1@N9Y*!m5@VrhUcYKBwLvKK* zkp*8o){i>)Ex|DVH6%K-oz;(72{NI>Y3Qp^e5P0gzJHB~;eoB?j&9bZt?wkPa2-VN zbsA#L>l|pAZx2xe13;mM@@FLziMDY5q+K+^m?jnIttiEel6YdNg%I>Zo{u_mo6UQ_ zgbp};h%9~U!dHE+#fG!WJjFMRNvFg?#Qx9tv7n6{-aCgFjs^ZZ*#%bH))PI8Xf!XV z#3$Q)X=#x)Z}uERdruUJV_#`f*H?G(z$yiP&bSapl-B@TQVDnG0)1N24Q|?cJaUt# z@b^^#vre1>@nCz54&OxcrsuGw_Ri$ug_)pYQ-fgXm5uxhG-I zv)mi;*aQ_i@7gxFb2}3kJv{)1hxVeawJN=tqr|m51#sw!(-`S`1dcSB^TS!AakfPs z{2Dfty-H03wWC^)FinNXCA=zEQ{Zffxhx$dIF54;q{9+{M>NK7BW_!`owN)v=fCQ6 z;Jj`fI3J!sA6*r)tPQ6`bwytMiEBA)Q5yhmbBEIm_ioXagJ!hOSq-b3^6{33IiGDO z$Nz*2*^DR)u*tOm^QKSmjMd=%*FqNN<_Xxg=L~!sZ;7rqYME-XF+T7^?!tDgQTA>e{6FCEKp1ESV!RFLP0(`cAE3EDnSQ%xviGkqRmcBZTZ8LiU1I&l; zPuquMc`1jwpgvM_&WipNn~_DSWl(!$2wWL8fIX8}=Y6;LBTxGWvgQi(bp3wTS#?94 zJ$W^IbjcM0S8-7OeFWdn4Zxo>8T1Cdg`2BZ(oJn`Od*Q1>4z6{i|S&Wsr|ZPcL>5#Hb9lb8d9oP$^61JVZdr12paYZ*M2AzRsRVir>s}v?tzO12UrKZ zIkQCkXX11wK3v0wXXit_#6C#qlHoqR^$?o50^MtqL3Z_Y&T`+uuTWj)UR{CHTwCF@ z+)C7sxdK+-^r>7oMW;|DXxy8OX*XxV`I4!u`W*Yp!oENO! zBolkA4?&_zCfJ?*4*Aorh@}K!`O}s8mBWm+F-vtL)_9b{z72!1mK=r2=`T<(sD&Br z8vypd@1kzy4#G+^*o-&6;FWH}!_<=@vp14Vx;~cn7u3PgL5*ZtU?n)pr=TcuDf`l~ zf=){-!YEB=(vfhS-4{5%`odaS-DpF%d{w9Eo;RT|KvXv4YKH+^M0+-?Bywiq*nsscBTLW<32cK88(oXv9z*XZ$>8 zJh)w*$=#h>vEj{d42n5~@@TX2w!>4$oy5^y$c zMx&-KSggMR9`5eOjHUZ{McXV`snv+5b6qk0T^efQI~=|&5mg()s*kp$!=f<=N~9nCD^uCDJ z*uO|5t(b?J3zCRsq6Hmz;xIfh+e93WjbaDG1#jfhDdJV%6{vHC4SEVco0|$w`lShI5rgmA*|_MpB>z3g6BeWc2@6ePiY5~p)(2D};Y|iq6?TnM&wOfzgl#^B!<)AF53o zKXkKYc3S-9oigJ2Q<~4&;syIGs=-qG6}Pa?&&}1N^N%FLfN$zJFxM8|os$Gh?`Gy`6M;ttg`%2c zE*?o8iS*tvh&+B3Ui&l?#m=#)vLYTjyykJ&q2(Yo)0;U=8%!k@SAy47xA9I6*T|;4u<&v_iD8WRufglU-0yeHFVF_XsYsiEM1gLU5bf zMwDJC$$&&%*-LVnCH|C->4eM~HrCB@J0erKBl!-Ul%RFquUYM#@l+TQ1`6`GON|)>$TRoQua7 zjG#9?-9X+;j5=W%;Nqu=hw3fpjOkxN+7V!8%@2Hc+#Y7iMZuWH3lndwRpI67+hcc9jZ?du2Atx)OhSI zIeN8)UHevpzqk2T)OYm3gO)wmP3bQrNkcH`o*m~Cn z3~xC@LXvjEf+;JZ*Z8ey^{pyV7C(VG>qf#x?F!l|`<4_Mt{`&*BCtL}54|)HERPq1 zQ}Hesc`BAxez2eqN=$KMq$a)cr+|!)w?mcFzd&OGz?OtV;FuIk*QS95L~lJk>H##D45a43_cUMHQENoE{O$Ii4^qJi{K$8 zcbRKY5A<<+{9alFJ9bKA-RnDut^@e|{iERU*V}Q9r_U&=ebuvMFJdUgO z!X492v%FSaetzdnxOMa(8+u8BP9U_&uoU_z$xmx4^;f z6KLbD#($srR%JJ%47WcIC6A>hF^AgLSvm`NMZQ#fabjx;SzE2f*IZ1bF=;vC^7si#lG zv<{)GZipeKBN5lTJ;U>JpP)pj34QqBJ~NIvf>5G@JZA&i?G@a)X;(2{<{{ZTI1#K) zs*ulPU%`5fOK@fDE4*o^#^Kgl(5M`TdK<^nPBlw5^6n?rA`Zp>`~{ywsVg+~ej-O( zNAQAr!6lH>OLl&)0eN3D^edjjcG&x&uIDZ=yVxT5TAcXk-3nA?rX+UPB%}7h(ePi^ zQ<3V4a2_;f2!2{wT%~?{A^Ev~F!iZTz;mWaeC)`j7!1Cwgs8yzd%etXfWSoP z`3wpg;gA#*!A8Y(W5wBC(W58U)Ue5jc6$FNZ!9KbP2)3G6Z#sw#2lTg4&uKjBA{b( zA?4jTaL%`&kB{9IjaVNe`kFkLu3hz%8T`(KVY!avW9(5>Kd69mQR9e)&`)0X-JKn< z$tBO*J4sJrFDumc#Wezl-*(V3c6Hkim^R-VymtQ+S(sI@lIhjBRo{`WrkdPz@;lPJ zNSfYWZ_o7XG{n1t!$96jMcD73W$QwP_tEBSEZf8f!{#^R0PPeUQ(;OQV@q**-#XO# zp+|L>A3=xYVbrVjA_>~*IDWSJ4p{yt8ooHLgC9#&&}(omJ7hMF>vV5K)7W|3ZFLxI z%sPu3-pmKf(s@kl$s-V-bA%)H1A#{7fXKIFVeNc*AOo_`i}4+%zHqtfls`sKb(c^%>v> z4QW`(`oTw8g;%lpIB$UjeK9W@&5O0Dcdx)q8Y!?AN3MlohciUZ?L~NgH{~PGN|N<5 z9W1TFmltl@4E62P_=S!rr&+@Nmtt@@ToexmkICkIU)Ft8_pzt);oIp3LvVRz3YX5Au73nb-ehvPYBR<)0Byr@p+zj8r$jfbpt&pk4`XDBv> zsndqBnyA(NP_#5*HEsxqCvV0|;HDc3pagW#eyawr4Nk*fH6e6%r8J3;QbQwG6Q&2B zar<0jbTpP>FK3&<``s?6EH4j}=CrU^vP)2L*m#<%QHJc28WxY#;`=mg8- zI>T;gTcpA2b1ALdT+(tj?;@m6~s%0^#9*HOBd zW30{-4o@N1=RFV|2=L>_vuQ$$TsJGgGe67ckT#qyWLp#@F{ zg>oMV9weNHbt;(7-4rmIttW0VmZPI97EtGx7vP*sB7RC282PF%Ps5rHZ7rluQZCz{36>o*(pYA`R zqKdy{k-aVN-#v-^hCFmt`U}e5Hq=>b9%>XeVZ3Ptna8Sd`D{;os~bLEN`C<_F zl=Y)8(rZw%-j46uk^m`B5Adz`Zh-Zdts)!0EJz=I0i8pNNa8Xn{!wivtSa1uGHs`s z%vcldenplZ(v9PZ->3h=3tc+O*DYF^$Xn3CCSm z@Nr8$S=(egYB)8Ty|-QlDMn8qf36}#FUf)%ff{`2b2a{1F$ncSJZS2%Z}5M{^BCO| zc+d9-!83KD3ug)EE(-W=e~{>pQXh0Y@L>Ne)}hZG7rgAq(Z!HK{@zw_UsVD3|89iv z>R~*`R1z)~CbE_^E7+&}A56gxR-(BSjn?l6()bn()I+#IVLgsZHWYY%O~keQ3QJsN zhey3%u(o}j-D<&Sy)n zQr`aY7;*1EOcFPpN3S*aals=&a~M*M1CDQEL-S3+k4Fn-w+ou-^*QTfpBGyxA@5z%cD z=kW8wvtotKu3)`Fo!+Un#~tREFhNv}hL6|7us7ep=J?LxC*xmyo-PVGCVWijZ}H}pwaXz z*t5kG$7TeBW=jLily4wXqnDFKZ2`=FRy#A7KTE!j3cw)-1+diK2OJM4O!$s(X(4Tr0#QL)>A?zt>oPJ{lGZ)Nq~r zKz#mG2P?l`fbn04qwTzj-1DtJq-_}vV_N-@JGcqMd?{|^)Q2;gHPPgAS@kkk54O~6 z86>4XM#T@Y)n3!g@nv!`ED>_dALp(C%S&1~`NC2e2@P&9fHlDS_ z`~!#Z!ypZsy0!rS`|mGqIKL4jBTRW(WH7uHvU&lxt@*_YQ}~;(4P6D-)`lyNcqYV| zY?5E-l)7&lv0rryW7cM{gvW+(a(=bIOCEts{z_7-Q`d;kKqIcD7YoSlc*pRKp?W==p_J zIQNmq{x322;&)5n;@@e3J@{2vvDInOV`t)B>xX40-w+Gk z*Fyg?6^E|W<;L<=?C2YP{^*Z7Us67u&il0zr8+uLF~UKl5amjz+{k24?g<`sQ7?Ec z8-w?zOT)X}JuuwxKF&(l5ufT;5XnWhpqH5|-W?&2^nf-z9G;E|xeLXXu4zQ(%N*Dd zIGT=IIvJLkw~;*=O_OLe^-*0n*go0LM;Nk_FTMz?PoBkiBjtYwdoFOEiu^ z*IW^dpLzgg4oE?L@Ke!;FZv?c)SDRVX-j9W2qu>cmP3Q>b@3t9v3#bJ8reMYm{?)v zHvULh$6OZXIZamgr0Fz*ecKw1$IPrmrXjMof8qn{L#-vvEj>-!T9%FM)pwnlVHbpw`+o6owl5>d9lirxQm2Xa-0(leJL z(Or5M%<~m^61Druc44OTYIZVw|2K@2+$;FW^#Vv4jet)J1Ndkv0SzjRxbf65J|pS5 zShu$o^^ZIv*|&NiVbfPEs;NF4L*EfuzAnX}F=;kHx^VZlWC9)VH5De!|BR{?cQLEF6*5Nr#)vQN@L5Zfx>~&^HNAJm zHZ>ih4=J{g+L8?>u3qr)w%|@;<(P555?>2m%I2|Z{I*mctb38g&dU#iX$Ak0Q^(K4 z0{{2eHp&d2HvIzY>c_-d$hc^1wBw$=YA|f*4;+-2JbuQsEK$6SC+MH3W^WYgne55i z7}^xdt6GEr==%Sl&$<9;5bVB+MeQvH zy(I!aVeev;v)89>Z(4}WZV_Z14HI3T8VQ|41p zg&LLHajBmgkI4%bpFL=U6-$mlLi;c1lFA3=?P}b{z7{4%EMgYX@wm_87F$K+(Dri* zguN<-zMVt(Zn;7Huc{6l+fYSHBsPc*9OQ+ZS~3>LsL->r9Ou6*1NllbernDui2D}> zSEq#HBqaqJdulD%>L}26*H2^jL>o$N+%Y%zAM*&%CkfWKA$hnHTqv@o1D!|nY45Ai zX;TgkIBS6({jb>tL6w_&W&=+uIm_CYg$e!9dNSu<2FmIdpq%BBL%;5o#lHDXpde~?NS(M24jV6n zQ{T>@(aGZ^dByx`T`pK2TmKVV_M*C(N@9tpd#^vc#87zjNlMX{9sD0E)3`M zny#_|1**asxDlVr9z==!2AKZm54w9Vh4JkR0Fq?sKc~+SQ#C-md(>BWAumUz#%Ym< z%9qi;?=_yx{{)NFr{TQecgg+PVm$LuV3t11VITD6$@Mpv!SqrBa(zo!?k2~LEB8~? zFRDV<_c*8y7M$e%g)rlQ79Bg=g6RF8incq4@s%0{V721`&@I0(o53}zpU|i%e_C#3>!zcNow3~3|i#FjeC2Lvm)lq!! zmZMM~DkE@=6R<1gPc^BPrhBi<#{-g?e3OGCpVa>aVhprl`Whd)%5gI*SBs$6-W7@# zIpkws@e~?1bvb{UyoQabRpz<^D_wK;04$sLo2-}9l&=hO~bCQ4{%S=4RYdI6>NKb2r}QbV!a7}rA$n}6on6N3ww}05v0^dR~H@X zCI#s~VS;KMSf-vMWtC%ipQ0yhl3$9GfBa%s2d882ekq!~^1aiIp-TM27DqZ}ttlTx zOL4>ref0Ic361a+jy7Gv=f9ugno)LKDLVzaAD+T7qjd0cR1BERpMy`nS`p16Ut&7r zHai>>1|Cfl(BZEhxAW$x=02X=Tb07n_+6-ZYZv`K{Wc7bb!5NSuHl2oW>$Kwo2|&I zc8ZTV&Ss}&LsjSueo&>5MQ9Ad2hxe)rLTZFjwv{Qsc;W&J&2TKE6{`K5kh}vE(*jj z$k!M`pXf{R7YTnvy&b=Cg+m+0&)b9U7oWnzyDvz>LUrbGPY(3T??J|%z4&^P4ywEg zgP4LtqS@wAXkWVm#@a-&Nl!<>v$tsw688*e>wjdQ!$j!1;yILcs1tjmLV=GFE^-q3 zeFNr2vlm>F+PYZLCHJ+sW?UPI?em1WRZpP8$drb9aulC8rT0BYV486EefGu=^0KK? zyggw!?s;@wa9nMrzCK3c-b43=!KH1c^H@^%+4w(dI{ZAmkX=l z?n_JT@wg{&aJbVJf$2No`b79Fv6Nw4B5rz?4RM3hWZj1a5d>NHQvU*Di8$5bfQ| z{lR7UJ1-ZOo_GgzWie#x)UsIN%yDd`EcNKM zWc-`dbl5@ixTow#i8cg2EWztXRQVx=l|0czn%dCgPT9jx364c?UgjxJ+eT)=#pfpc zZAcHRTY8O*nbk_JD4u71DW-H&`V*|TDJ8EKi{SdGkB~v8L1{B^64fAdbq?T`b=@rf zcoC-Aeu4$NRQMz>72awz7qYA0;y%BVB+y&|GiOJ`sdcg9=XKlIukKZNSGbeBTrW*` zhOOeWww8c=#sx5r_zHtmlJMlA0d)VX2tInH0cdNe@~UEvEc#@Q?&pp{H8u&MSZ{vx%l#sGU2MeYOVlCRo0gtgKNJ`*UkcvAD)6Xt~qBvtZ ziCl+s4~F3McLvnD;1OFXX@^D$Z*biaBvud1*py%^sDCYm+B?pW)bL=inpMoc)Q?2x zOT`f4oWcI&rIE407sVC+5{z`VVD~;XeBss0T1G$E1EZP`ZqTJ?X7}V(qKbOzu&m9%;PmwN16M*+3CvNp#4MXH2@U3wuwEPHz z6Wz7|s=qNUDi$^O4#J!70x)8X8$TH@%;sd1aC1tkxa{;|77?LJHGk}c6RQJJOI!H; zgiKy*@NwvktugZBon!D*i7V3v%tXpg{Wn^0pwosXDN&*g`!^LNMK<2`F} zSmZvi-!qyxPv}59^Nrvfew57CQNZd08DO%6qTLc9L$;>DNw=ts`0rjxM%1XWTi4eR zrR-`9*%boaCJsE&h4Snp@4ioK5&NjSuq~ zL^tdkLoX$K6*1qPI5_E;$XMu+3@-SC=4#K;yR53D`nx#Zhu}ZZ-kQtE=Y}v6hAS&9@l#4 z@>TDCh@)0p!)u+>qF&QlH2X9Jq9$*^t*7(Y^j9rrpIuD0J#=#?4An?#4<9Z-^!e0m^f;Tqu zAnE%#fKK`Gg}l5og}4jOF7!wSCCMoA^W{UBB94cthg9MF`2;6D&wprmOZY!tT8WBw z3uw;!c{r+ofq0Z26$(8Ovb9=hXHc9+oaTokNRS9NsaUxsC@1Q7^ z4pI7YbotmFpy%hoPGvm;t2TiRn(l^uQ`4~B{x!RO;6Aj!&xg3t5)kup0Q_$3VMAva z}tjkRC=u2F^pX7cU^cd=mWb+eAY~{t}Oo zUySo#sql{7W#Tv6WciPGVcekj9!dBrgL9%UR1a3GW3N|R(`9=V$XtiF%-=Q%h7OPv zg^sqsCVCoXeU{=YHKT>^H;XeNE02z!;7qs@Z@7^n+O<}T#tJM3ms!FMJKe$R)x$}# zfil$_H<-_AwxEe$l=xxGm+W4@iIdfqM<@<(BL%n=2KgU`;U<>i(pM!gekqdRbU!o; zuVh_C?X1|slh#W|;g!N;xWFeCywj{n)0$_Pd2=i3SVe&Em{+iX+HK zjMnggISL9~A-DlG%Fg2m7fmo(eF(Bdudw{6Ir^p@!4W0dsJ$VEe3jgXEs+r(Z&={2Ki z?YbsnqnC-!(UYKm`yG6Gq5=1w9|P`|g^(ax3*LLK01zoIJKYLI%6MisuT z{tNlPcSEW1AZqe&2LIP>$nv!>Li!^!+PF%6*0<=~VntrQ zGNUc>V|eq>OHjY}BpV%ej`&Lqg5F8T@%aNUc7mU*)*Y%$MGK}vl#{@45twGYz81#i z=2dF0*ax>K8&T2Mx$ODt1LA>Kci`k|feY%WL^C{OX!xCS44q;Qp4OJ|-BJdpkH3gB zsyfKdpU1#6dK|s3T?;bOi@2)NYTgj~gt#$vUfz{VUT$&2=QCW{P^ZJVAB@MB`^wPz zlqW201VgQ%IanL$2{UQAKtKKud}=iKiap+RR?k#0Q@n-2G5ehUSvb%u+lJ8S;Y(q} zf3k2~NrJzqTZ3EbIx*Szu4v!o6U-q`o_M%_BR{tt2XW&%w&r6$=$(0q6-8143nU1> z)m4d;l;&cU;Z2xR+eJ2PJ_y4M9$?@dH@qtQ7N!>ZLvF)MJPK#gBC|{6c0WaQ`Nn$) zKPvD9CQ8$WNDY|h?g#BX$MFt1hHp2YWBYS&5?*qieXALcbu)?~+B^;RS7czl{U|7q zi$;T=D{ygHW=BV&|gaBzb5EDt{l0Q-ZA7P``)hdu9uIR41TeUxv`l z*$;EHBJr~SbMb+IPV_r*i+%iDBj(>Gw z%sKfT^Vg=r@snFo>y0`n?LSIRY%CD{Y`%jBW0pg%fdU;J&xxi8x zO=ruDgWDIXpld5K`LNe8V|giis&rA9&y9x)+tXO>($3-pFL(2{Rdk%>GV$0KUj@HH z8YE5p0w>8GsQ7yyJmjRvnhHmdx^y2kM9pw4?>^gXSctuUYH{6-elj5{4>AXxLj_3- z2pDM~(()g{H){!Jq(8U7ZkINC+Ak+Tt7h>I`CsJT;uKi(*N`s1kPfcfCy`rGU9k2; zzexOUD`Is446FQ2#!T5m4)-8BkSbB?P6wDVLY}r;uYl&m#?#peUDrd>t^m6iZPbmC8J{(I|9|pNJL#pDjMAZ7klzN$*h0hC9$h-A{ ze4@)EG#pn769TW|Yq39G!$ zx(kQN6{}b%j+%&e<0pafq$1{#wt%Vj922WNsKB-I0$09fC7-MlL@q9x&z}W8h3?=? zrw_^*LKf!|>Wk8_cH$}c{Y;7D6nSia>&x$*7zP^N@0g@tCwg94hE}H6Nq@sBQr2Kg zugu!WH#*-EyC&Sgv7u{mrA{RdCcEIanIyUX&mHYMo8g?%BeD9lZ{%27I~mix`=+G~2lhKEHg@pOQYzwZSTA;;pJDvvTj`uK6n7P=s75&d!F08IV( zP+b4|HXJVgkGTFWMMv{u{QAtEmz4t~kZ^w4T^9-iSJ0SEM$p!JT3|6;LnX`eXx=%L z))&RVozf{zLp9z&mn+AH>yMH6_v0Qq1}#(U$kKoB$#xeRp5R}Mlj0rVjQAWBnj4bXKe4hH5u!_-}wqGeuc^opDta}->2&jqLL;dOZ|)4K`OH%d^) zrRr2p#vb<8$qQfq%eF5{V6-U?RC@n{mclryttHP#{xIf$=UVdO&AMpl;z`ErTa3ku z?r1$Pnnx^s^;%2zKU-`?-S zA#2iDgO(|!(w6*+haJtHc@boK-{TJ}Be9?SMeH`I0;?lO@VA5>&2y1PwR2M-(Bc9N z{XHDx+&s9`k`Yk$T%Uhy8BT|$Y$0P*6zO{@fpIzT6`Gt#B{BZXsan4#wYhH$TrHfL zDDH)nlo4>|fsN2ln!$Sn*UHqFFF-U`2NR!u!0p3VVWhGPw{VZbgYTAMtC`A6hrR(&1DsLnC(bgl0`W3U?b@k?pgdFw8FmM=btz2qJR_d=o1gw*dbj&!_Lp!^Gsd^kAI=y!rA2ta9f-PF;-C ztp9f4UWaJf9Jv!N+m57a??1z%dJ%m&P#P}mFR0qxoCGzs#{9Rb2$#$bB=U49NaSy! z`Wx2c>YA}670;ZRIJd&b~f&Z>#g^&YjYkM2c;k#Xu`{xi`6lEvb^i@(^`uX_kR<<<>mE#0E*18ja|`jBh0# zg5h2*F0*Yn#!IxJvi4Fw?V2AoE3$&F1^U$4_z|YRl7RMV6?#-lihc9?Le5uA6nHT0 zFgGR|#8s}iK-CX@hIEp}QM>ts;{~wsp$=Ewk}H1y$&M>-?ZThW?n7vR(6ucJ#JCV! z2x*K59j^y$|M6_RW7r81=IeOR>Phs6trWdsbpxixoAJ3d(RjfAFl@QG9UfGqL$X;M zvmU$`;+F@)=}1LB*=`XiY;mUZd>vrvkZo+qw+w7JJ_xEcj}Y_PyU;4xMGoh*qqa*6 zyVdB<{VuO!jaqr+^7Z4aHba}*7YG?E)hlcyO@TNcEnFOCT-~Nz2b=ppf!1P0K69uq zhD3~`1!ktue7Ox?)d_Q#<~Yn>TmofV&H2reAYS5B2wMvh#BLWOAkRGzTgpd?rf4_d z>*VJk(YXl&9BY`|`#0#i&zdX_YJ{0~(Kyhmr22Y9C&~x^VpED8n9UF~zPoG;ztg>+ zwVUbC4c0gDQL;0aodQQsRVcbxeLD!+sloV9O(Uf%jr+sIGnXT83%T4 zz#5{=JAMdj^&}^LOymXK1HEIj?UKAp5kfl3z3*OWiN1fvvs|q)LQkSsolY+>LWCouzf-{@}uw2QfG^hpu~b7Jsb#z$$#Ta9Y-Ir|6%rFxY+%j4JuW zBn8%Wz<@E;8{ZuPlXp9@@m>+MbuFW^4>AD!ck+8~0=LBDHU$5ZrZIVcN!|X1RId3y z+&Sd6Xs*LW6cORMC>62|yW-g<`_H(_XCCfTaHHe@oxr-QK6oJR72cTIL>_G^!j)&z z=$r|~cxwC_YEmnW6I9-?&eTvWGqk4tXTP!THc38ZRtB5=L!N(pW{XP4V_>e16xU5t zr76bFwD0Lae3{cu)HUXCo3dl<+6X0FX?wAHSbrw&ZqTMr^D4+8Duua6FM)7K z0samPz_n7Z*&e+XaQH9*-W(S=f4Zu4>iZrB)4JKqhmpAW{0R(kPXx<#a(umN5}Cr2 z@wZt!lhKE=P#`OClC4%l_aBOW zSC7N$ixa?Ir-^yJ)8h9x^`R_%2?rKUagyB{Fo;Zw?c>BU3eT>W>3-sec?i=9y$- zq9hJ0yn~9DJ~IpNa57?T4E8-xM}He_boVmiQ=PPUbOFbz@t(BcvG6WU(u0j&L#Wrx z7<_K}5*ni$p>}{g-&v-`^nl1rRtNswR7NC!DMWUE=MI* zNq#J9HHPfC1{)MDA!zpy=99S@x)%EYOD~5@xtTQHL5e?ar~{iL)oALYE}YRDYQ@`o~U@ul>BA!sTsv?Asw+dhIDLnv_VJKW(MAdTzmumhq_aPn9n%bcNYlwRlo^ z7)#m?@by1;cSU?lm$w;e8kqYX$mSeduw4zdB?70hA~T zgN%>@qMo)Lt~zFtvx7e3&tAbFyTO>g{r#BqJ}o2Wy`iXO{}ltzH)77F|G>b_5OVIw z(~ZI7=(uW5e1GLTl0)Z(=WITe+w}@eQZ`VFcU8=z{s)xz{(v}F58RzwNTXgT^E#nZ zIr~8z8n{)n!LM8?5uYS~gn4rWpG~K}aEDK)K9G?O+SvBO9sPtXkJ%L$x^~kJr@Z%} z&@?(7E~u>(U$9+HW7jsL-o6BI|2hON=j;d9bpmdrJNRM%lU(@MOMx^iZlK@;NW`Nn1xDe?R;+Xg zr8aAU2bupAANo`WholBUQoKF&80mujyR2!lf*P-QBth+B6Y)E3Ma4oJxSKE*(moiI zxo)dypK>I=|I{UF-L214J*@Zwvj~yrO-IaViQ+!HBn8H;D{h&f39EP7;fVzgFfQ5| zleXpJUcD=DZJs&bt(5@x`h`7k&P19KcneOAZv}tr^B~hdn(XMF0fU14aS5#9Hl^oD zqJ$JDrHR~a&J4QC$CXR2jb*VsR^Z;wpx-QpVOj7mRIiN(`Nh&iVcHGq*zuZqu40hz z$&b#Gq#*sFe*E*7XGr$XtB_J9M_dAj(JNe%8(D?o+{b3LV)saN|FoS3`pp2B<}zIM z?gl%4<~n*;XQ9`XaIk-T4Ccu$Mr!+*T)Oufm0xJl;|rX5^TMy-VYdR}d^5qn_9sL& z*o(gk`3Kj4cy`k84zn@-iK|~mf&YsRqBtj#Y!3MgTY`IVM&>>^Gf)YursjdOvI^#9 zeq<)Wd6f49|0b|?e+{_}&ySDhjZ))yzx_RcoY~aGx`&*3_!z!y{6v1a%hJi8596}6 zf-m>r4|Xp(iY}6LKn3MK{C7{1mrJIzyPZS%CY1qbo#MvLuUx}ogYkU(Hzl(4)PDS~ z{1A=~Y{JSZ*J;ktBrc)*8D@+Ym|xQ_lM_!Qs80DasGfNoL%*lvf7A0>|KM84JFmdc zetbcKsy?D;vp%gd--!l?&cTE`F%Ty(w0u<_wGP#`a&6QCBGk? z?G1Qe@LkflA(rnNXU^sus_`4C!EnU7qw z_k|%;54L3IXU!11n-)S@|9<{hUW^ePvAlO^4zsL&N~X3Pfz`$T@X|{+ zI%}{a_tP=rrZ4U3kIMu3$Oq5h$G6X5W3v`hc8sQ1?@r`*%$xDVBL%3jc|PelJDi_P5FCSwsv@PwS)}@i zCNXv!&c~W&!QUNCXcYbh<~OVI7K0UZ>dJ+v;+cg@;xym9ueNi@ zATy2MG2aXy>Q&N)y2G9L-K$yn`_};)yhokBP_Dp84;8p|zZ=h6>(ByA37oKY5bEDO zNcpKxs9YDt&zd>l_~=7;MMIy)eD&d{Dw|O{JP+l}f1=0CZ4j+djF09ugYw72xc1)J zYHxwppSxfL|IcF?e&Uj7DXW6zOHSkLY2V3-{jQi}a~OBe?jXNy&#|XJ?_%0C6X43* zh@Y@88$-X6pPhF}pS>atH|T*!H|+Th9}7}HY$bMUO7M5{wYkkb8JaBc+3u33@P1za z=q}xcE>Yiz-rZ8%5R?FI%N}CF%u=E@pMrbBIn-S|i_V#@Or;(z#>7Nt{_<8F1pg;Z zLN>~A$zyL|NXi0~{DUxTo&nA6FBTQK+wv9lLwTjpAzzRb4XuGs#A`OG!qS9x969&^ z@XMpP-*8w@Oys$_D8SN={)DTpX>U3-fyW0)RB1)EnJH^zR1MEA{QEKmxpz2W~_PhIn>!Z zhNlj(!87j_$oYqwqE^L=@Nl7`c-?Ya+PZxS*2=A-SV=z}dS?Eabwv6N#Bz)P@14CutVLT;W}a-OTz_s+;HJVLmCr&4Gb>X@LF~pi!Yo4i_(1{ zTM$Q5erke&&v(?CPVifi4*%FNlZ42sp?$C{{TiUe^NRxUOhqJ7ZvO;I%XiZ!ZHM9d zYDpfeph{;Air|s$9jN%!3aV;`pm36jEJy_JQE|`|K8R<2YZtdSxT5c7 zbx;ZsT;^}W#9!XL2c_4Ua5^#y53cv)vd)1#-z^QdMBC6G!GGazaV))I*$Wa+rNk8u z^3-pt6pV{lNwbDN7Y|cA#=e_-6YFLNj9F|-^3Dl;{$WY*@y%D3yjBK>R!8ANO+9k0 ztpk?t^Mw4l7esl}R)VkNI{QnlHz8H%wG9vOhI>z(Fy!%OoIl4ye2Pem?Sr3V&9nX3 z-B69|wS?EZW`y9+ZYR`QgJxyjgxUZ*2)l9>MVrqsM;lrG^VWA5ZmA3*mit=NTh|FDoLAuq zN{!6J`V=$X>y72yN8p1CUKiuh+`z;NmP#qom=y}(*E<7O&OQYCBZDz}za~92`-Zdo5OFS(xm-2JYu7<=!_F|P7`uT^O2NX zy64d$*6orAHC;ularrc!ABUJLT}K@4oam#}QLw)!gx?;bjko%OVVyiD)1pR$c-ISZ zwS69Z_bq}`-R5{FP0T7%H0;N09l*ctjl->`)9}t)J)YZIiR*7Si2M_ZK&jW9szr{c zX|e*-Ay)#gs~sdR$CQb^t{A_>)`EOP4ZI$iPWnTlQI8*D-dmT$sO{^R`=re{cI+Uw zHXL}$WD)eXslibAg>@cZ*rp4uC@sw1J)X@Mn76ge%kwMtf7ivA(PMDmvRr6>(g&lq z+40G99@{TYY85@^UqyTGPb8-X$qP}M_oTqO0`6U`B7v_);-^dx8aC+$oBn(#{e9O{ z^zHt1nArRew%kd9qchEEajya%qxRrOPvOR*d!k_`i4Z=(jA@nHv%0eed}*{LaXMp8 zKTEi9t4D&L(+|nT*XH!xR23*le?kiQMpCIN^sUAcRNIuzUL|C){Lva<-M1Gmn3b|h zTLT_{gTwX>68uAp6Dn`$1K&(N98&H8y8E;6VvQHH>-VAmp8(jo{}{XWp9OsqAc6_D zKiPvz68Ir*C%is&lD`hKgfRim#H)Te#y&5ATrbM4a23uuYEEP3%TqEb3~D5_n8QYW zNFs_PJ8TFn4laSQb2o8QH6;vq`j1qb|H6n-196?|R<3bw2F_RHc;!F{#1}2b;pI_a zq9;xJ{+WYHOf(6-DoLlwy<;sKf0M&w4v}mdCCEv9iQB(k#L`pRBBkh5xbP$%Cj2|d z;pKF|W7+89Zp`}|g3zfn1rE;rk1x_ciJtctLdT&79Qofvl#}-aqtI0RUZeqaHd1_b zZYsXpFc~u59Y){9z5)ln6H=a7(Dc_)_WYlsUi<(ji?q&J6;f9vh9PPlg~p}(|lMq z>9KvgL>W|0{mkaB{flkC9N_Wr(c*7QB_XdZjUIfH#Z+c8tn#wrldb>a=JawLzdV>c z>sg26Rr0V+?*b;Q&&6xMZP=ndGq`hQG$qGv;o{00pyFl?^Hg?#W7Tl5Zd8TmbOHw4 zQspLlqg=&4a$BOJIteHn&O=a9vlffRi{5 z-}JwOe4Roz>7X9e?@ps;($_I$y$&7tOjYz+$l;ncSfa@pN!q{QDCUf-fY7O0EGH(( zzN)PhlpeIgtanAI)ZGg5yHnX#4>kMYDLZM$UU||#QDECWKaZQVs=;GdF}YZ2NEPk& zf;64PLcFSRo^LFeI(LgKx2~omRP#imrW~U|_a`uYT|dZPxC%TUSTe)JAShB+q&G94 zLwD^=*m^Y@uS>+Ct7Q)S{?-o*W~rc@fXn4CaQI6Ze0u5{yQL5< z)|A|j$=adp=9>zV`g;ofRZVcA|CkJac&w2amEJ zf@J4u$n7mB5=)=L#~mqbgWV|NziTJ@s5L;_<$*A~I~j9^58`do_fcK07OX2xxX#hB z(7MM2ns#Wy!RyK7rI$98=k#Itr8ImuHx*3dRAFoKF%lds_%F9uvm-0skk|5FEGx;3 zlzj2Pg9dld@9+w&+N_6p7lJq(l!gBe{s1+!gWV~qaD34@v1861&@NP<$p;b}oPfK>Yr05(C*gcsJl1kEC@S3o@72S=&e(#x%9`SD)o4sVSdC7? zGxcJRJ7kYYny>IWSu$?U4A2^?!#9ozW&_4?l)pMa^4XaQ137GtS&B?rXaWKPD7H@{<;*prcT>@CjxXJ`e{w zGR!P*B3F$%@uIg8?suDp8~T;;>AAaP_)KTMXp%Z_HWFs4)_EYuRWLhlK7N$!0r!d( zB>8$IS-yM}CF%aq{lS>m$Cu)Rawob#=>5G`Jpy6!u^{gwux76BVhufiAz;uT+WlVy zQz%owjG^PO`;Hp@bib4-vN0kns>$ktfAv=bk@@Of3#zW2`oh_{jzqk3 zSOVI|USR`Id$37wgq+==aqz)w2#%F-f=}z;gXh~@U>MT|!*$Z(Ri)q{Ieia)n5Nh# zYUo{5OeGRHk-|a-1&$aJ@xQTxIgNIheL$WuUvaqjqbEEq*gthL~8mV zGC!Q*DS^{^HE^tG+P=jCuWvNp_#qNTI1i>F>+I>0tn9C-TFvrnwVY>^PXD}Oo{2qm77D3`=DTOfc z%>b$ytWK4*XQBfch)-h#p4z2f?D6P!_`XRIy#MrzBJOx#wBQZZa5;_Fzn&x3p(&^@ zN`gN})Wz$hG-%om!3F(pr;wS|!=}cOXeBur7ncW+4{rHTlJ|)W?QrE&FcbYJkB86o zkJ&H}88q4&3#)M}UsBUAoCO7U^_!gxKBS8`XwDVSD^C*GZS7#@yqd(dpC$?C@8HGE ze0FktID3{b4(E(KfDs#R+RvZ!gP9wetUb-Z}TH&W_ccp1o!90 zlu0e?)*vkw&w=a$ab>0F;yfqFc&-K949-2wfVmJu`t6~5%XUKv+p8V)Y+ZJmSs55 z|K2CD7p8(|Rmm0CIz5Ei_ZtM>>mt4^+L)fS^+YE4l737&AZ}})fW|&zB5_#_9rBf^ z^%`aH)fmmLiYJJ)y?$eH=6$hjy$XBU>~(Mg`LO#GU?~3 zCAJFdh=WfoM!3%a`wiu|LopEUjT=T5dT2p?G9?KgZE&@tCf|`-N#ttv;rEic{9?Nq zA3sWyH11n~8!x(Z=T3o7TX6%%>+k1tD+2gSt6?~*S{m&AKY@#OIGoZgBF~dwVX3() z4X&JrBVSd+=Bb5j&aH`j?5qT=GD?JFt5vz?MkO}) zgPDQ>KYnu$+1T!ZM!hl2vDbkgUaHIW-gV&@=ZlcBF@emZuOa(!6Hb7&=x3GyNdlwl zxww$LZrWyFGfxSJO*;e`Rr+-Lcv%v>cr#3>e~!u19QgN!ax$mrJv;Su0Kkw!@m7oH zq+PoLwC2R|jYjoEW{Dw$Mj9KC=VpI$<(jUxRRFFXqi*Zs<;=`WPJ&Zn2JYSWHHeVA!`mo@zM1H&=PL3jNa z_9$*IWX-H*8GX0N!G^Ew>z@hC>eduKHE%fP^(A6)5=FgvSD?@56Zwms;Cii_eBRK7 zk7rB-y~|bP_*)^*_CbfOX_Mk|w<>W&N-0=37%}f-I<$17I@4b+aI_9=gw6{Z0*|Uf z=+h16q9$QS@6^SNbYrpKM+rYKvqCwGcxYLBjI}KvNIQ$2aN%ZIDEN7dtbcZjEjRYZ zC$_b0$`@BWRG7lV9Y@)Sggp4q=M|g1nZS(QVJO>@!rCOYFre0m1#TO|L`tTJa`VyS z%3pEPz$;?&0XDSfOfnol+hPCxSvlKz@i?d?2ws6vOL1X#9l0fN-A<0N<(scol2t8k zeCx?-xbJ%zo#K_4wciUg>oXz=yp{G4i$rukP$5A(zw8 zt>XkPNY!@=#!0hGnnkqEbfy{FT(<{nb)ryk0Z5$DTyv5!1MeeinT1{Dwgz zp9;LIR+x~cPFmcfN_yJ15moDcydAF(sk>^~kW5Rou=Ih9=4^a!5{5qvzTm?ocWP_= zO6cfh!=_X5FeQ8f46RV4Up2Sl`lcKxjCm#&2I^q`F|EXOdLevz-UtpBGuRW|9#KH} zPux`P3XkR_!}P`HNI5%9TMHcUQ$iHnP)j8T8V5j*%4#O5*1~Q?HDLO%b1*sCncVZU z!mOo~lKUEb@$W>Coqr!b);5tUAyfF}@^+fFOd8@OE`eguWft3z0*!OOhz)$oF@5`C zLYx+{hnZPm?jJ+$Z0Lk_D_dFQrV>%4;(nx|hFmkM9qM;E@aeIRg1dP=9^l9dlh?Dh z1~(jUJ_=rX7(wW=+2|Ow4IYenKq|t!$WfU9cDwNam`e(ImxyI}1@DWf0MIFQ8wu`) zBFs&*11;ZT@sqR`j89%gJLelv&6VBaiNajx!+bZCn;VABJ4aHh+wUeWBe4AgncLE%%)&JUTt5u}x2I!y-+}~io4N!{m*~+sU*cfFv3soZ?n$g1 z=S?0J8N*`zB{=40k9febQ25tX0K+@WMB9?o_{&APIOTX8n(XyQv!EiJ_b4Bw5(m(^ zid7il{EL{EY4ORctyzk&SM0vp0t0QP!24G#@Ur1;w$^kg{h+s#$ut3M)m~3B_t|1X zOEXJXOn|)sFUhPqS#ZlS8~=_Q05gBxgzUf+)C$@FWWr@IS@;2@H%`GR7vjOzycV*S zAa>q5j1MF$v9V$)$(=25^U7Wkqazbp$9QGjw51(v-UwO5qp7g^(rXrcWg`D#orLNh zW-z1l1Sb0_l$`S(4(d@!_;mO((%thNzn?J?UgtkjdNBi@sBFggf?FW1w;YOdgJEHB z8k}Ay#nz41f;W=y7$@;aCmIE}eiXp%>3M&N#vk@P@U zGaIm4j~ee+;*<4KabJrf`{Un_qFyr`a99@uPllkp(m^mC;mJ)30{G}j2TI1B6aF{p zf&+H(30U#)8oTsy6P*6D8QbJ-_`+?4?7(wpW^^w&xL)JN6ciR<6R}Tj_Xb z`54irp(^JFRot-}aFK7%&Zyt|k5xo#0 zAI6518FF2%@%+(vBf4hW8=^XE23t*wVV*GO_wAcN&hJpONBiV-|(g`Cxt3^0g_4t)|oO~9xE{Fe_cY2+qa48Iurilr5a7> zybsYI1fF%MJE*;tBs+7WY3a%#d|hae_+jl%2>o~skNMd1cLGP$y*O9M!as+9zMj}? zGzOl=N$7zikmL=DQnB>o0}{MYf`i zzhbbxya0AcwS#*2ZP9=6HwA`IAI#|TB`yA%xbuoGn8awpw;QjS?zT$t5Vck4`J)jR z$#jU{KQg8Lw>7xaKY?Mq;3B)-8ck0LY^4gC1s|*&h?Z+QCT^C4Pc;eHah|vp;;kaKV+;yx*mw;IES?4#@xd!0+Wl|7z?h^cPk;8ij zUyFmTykY6DV!@%tgHb!n@fgF-vBeGw!&sb6`tLeES?wGTjE^WiyuE{lFS>D{KWE;c&g5ZCgz_e zbuB~aLW@)$-Y}cK9wUq2hGd|h(_q+pzzkHch7;E#&&irULe9r`13k4#$Q$g|$9+8_ zoIPI(-#$(u&P6Nuv9Gsr3s9PRg7AIocF`YNf{(5F9Q)Y)nC$z#6kD7pvbK&hpl+BA z<-&X10}{|ByG7hHXBOYt;7>Olu%dNIGx=7v*+SMonVy$V#;%=dME`FWyjbOlPV=VI zlw@FyvAOuuSdQiuZlr^D5HhQ_l1*DVn7!}TpgVm&VRQUw{%?~F_ty>=xN9f*lXsLB z2rT=ai>b^ucP(FIHGvYQvSH+Q6^7QI6`!{+<_BgTVS^G z2pT9Y!JjVl6|2gxq>_$-^qONXnP{ww%zP6}f6)%<)Pk<>oFvvWGv_O!X23d+MW~!$ zj#HN1N28I)Nq{H|m(5DTV%y2^Yxf_lIxA*If34^UYdLX#(QNR{iluJLmAOuwf#_uY z7Sbb}tLEth^3Utul2dJ$;o>Uc>^D@%b~di#k!ze`;q*b=H7yI@{?Wi^CTH-$*zcl$ z+WGM7jw(?IHR2g1ov>tTAY6Mkk=OS85vQLNvR3EQ@p7FOUFFs-emHPD@P}vNsDvG> zSfs^&%?$^6KMP1}8A#h6FM}MRBXvIA2W^gTLXniDX#ZXpEOB?k;hBm!yyYs?>>NmW z$4MCVPvDZd4&wFaZipTZ{DF!5kibn8i6=gmhRMzQ@XdfSQTF8roZZWoe`#kU#Yf=DwPt*l?*#HEbg9v>0n})C2Fu%f3TpRc zV6>e*Bvc-RKIKNt(_a9$MsA0;r^P_Lj**R?259M{kMFno@Y~YPG(hzXKNF)!ACGuT zQa*a&)Tmloa#hm#L zSWpa4J+x`dr7NrQOZbH?^PZI@rJwVrKdxaU!8_-If%_FqE>5}#>B=nFOm;YOW zN1mwR^y)ese|jy3ZP(=$bt~xb&kW>+-MEeGCcfh7Fev{$fjmzy29HS>ME21h+;plF z)m^MY@2@SuckYMy^6duLn6F898+NnPV@9&cH!ZoN0mXk8caqHNec0>!5k$*mp>uIM z+_f0N2j=MU?|I{>j%W&9IDRlrc@j?sEj$mI&Vx|>^j7hK8yB&yycr%>Z^QVXUP5QQ z4(ClQ#fjR&EYb71Xy20Aba7+{RzBMg&P!U!R9_J&{}g!cyElOP@CWRD-+r!pdNbI5 zYl5KDhBR*aJLK0+m6;CHJjr{AdUagyje}cXB?J%Of7KV&lLN(v& z;irH0tXpLdhRwVH*JrJPVejw2eA{R2?egKGohlcJ>#h^<)9vexQL3uk_xM|MI5-MC z48+)_FJu!n|G`O@ha#)di%L+W2z<-QLMB`gy`OUL8;GFzo zT(LNczrQwH=T~JYV#;UWc-oL416*Htb$phV|WV zna0IQNZDnmaa#qd2P05H;x9g*-Hsib73n?e8VKk-i#r=%69s`0@$g14@oqDsGiwNa zGc=ehzEBnfNlWOx`AJ0j(E?K1_X|vBoB+GQC&?nK-^_peYWnV|9_?LS05>N;0+Ed| zRk_?F8u!u~HrM4~*wF}7J+J}QyAEUe#0OZN7J@pr4#F1aHa4N)C$t32CghM9hqfGn z7cJ*t_PA?;?_3v~mJ9upOUCr>a#{A_lPz4|zDn>!1>w4YY}Pc^hUk_5M>pSpjaxUi z<81eE`fp2{cxZ}~u&0{M_co-HV(kQMUT#GrZkzM(*L2XZS8#AjOQQ1-z%9#Gu`r>p zVjL6)U$&d$+;>iVSY|41Y91wIn`e?kJLb@@4uiSQj9qxse+*90*bQx)lR%s|25Qok zxXjxi?0PQT|7^Zt_V!AwdcG3fuIMq7@g>Bda4!9@;u-3dTGHP7$0e5rtB^6a_i-y5 zNM|<3lP2>5?2)y^wMi#XY@>@OAEeuBPdWx(ipG$o?@CASD#MeV-uP00;?MZ<9S1FT z!;C;J+HSImG~|z@&DBSlcSjV&%rj+|ECk+~O)@bRIyT4spQ1evqEm&u#cdZY8vI=X z+EQNHPZ_%vXMUc*yT15B*5t*gtYeSbU$sg0?A@sL_;^YC@40aM#t4A}yoC*&@E@k$ z5}{tbEtba(W?3U5A^p1toJ}|jhhO`l{-L8d$hd^4wf5pK+hy$Pl{WTy)?mK5ScRH8 z-2y4Q_3$i0hT`=vxWe?G_~bHmE~#(;CjDN@WJOvqai;~(TX+xRr#yhikwM@htxDaE zgE*}cx>Frml(^*Jyd`dU^I92czts#8g*V~Ps6%Myxs*uOK4ls;i`bhbJ!Ht*kEpe9 z8AhG9;BjY^>92}~{MfyA*lOQ`sZ;Ki(3LhwZlnBMJ;pNq$JJPl*)#!=0Yme`+aNiz?|;>G6&uHw5Z$jp=KEpP z^V%(NPMt;X$1=R{=OXOyjH%)bEt)auHQJjVpzW9AsKS-O_6jef1%qcl7&Lw()5myI z(|jJqC~%|`(oaSd)O*_l4biiL0h^5HYWrC^#emLffBTK=qmE&(P(;C_#R2>83Sq8!XbFh06r?f4G$N5MNJz+xSG-f6?HAp zpRJ7QvjVy616w|{YckVVa}1`xietm#x8PX2O#ZC19;Wx6g2)46k~T>S?x?%r*ej<{ zrTnItY|qCDH!Y#wBVCm5kRlqt&W5}wlB1@|+xe>g7W^^!2L}0-qozZg;04^s=dKAP zTdwJ$%TXbNYIzBEnT6RKoydogNsSQuRiAzsu1V*Slk7lY7HA&6h!d|}fxLJi`%UU^ zxMzC7hrPMryj*ZVm01Y$k58EJ!=As2(4aZ59>TY!Ie2@h2VJYM1X9P&fh9g~@R#dC zA;&u#-1H>{&fFoKcu$yvl+8ow6{B#6W#!I)9H69+=fNRQ2UfFSI5&UL$Of6O;`EvX4fbn?hVKkw zg1*C}jh2`)YC3$+@}}l;q4fQpNX#%##P^q1V02as1m`S;O&hbZHpUNIl7r}tclB`R zPzoL####LR6+8$WcGTg4;Q6H% z5(&W}KC;{>?ylI-T8sPE4W$ExT=bFIqp4|k6h>)&6hCfM;wcWX+%^3^RR6aQuht1? zuuthAYh4G0LdNi=#3HU)Ux*hxL%71-Tliw@4VE>p5^T($qHEnFY?>7ZuM=c(!sdy< z1lQMuf`?3Io)*35UQOc6Ea|YWh2Un|BYNpA!dj6s9b=Nh9<-hV<-Jur?!!GOkL<^! zuNR5hEnU?5Z!1;=n{XG<1TE)laN+SCOo)Gs^=)&Y^iq=WHa&%VJloC$oKVe^u3f((y z>&`!h=3_&PJ>Bf~9(#@yh~_?;i{5utz(Dyh({bL6H>4O;#OcDX6l4~P23}$g>-72j z{(Vp$_6Leb4Cd4NJaOFUvGjmcI6Sg!z>PzN*}dTe`b)THn#-@J_CJoptLW!&bddsA zy8VfzC7g$IGAWR{rAbI>VO3hWoxJ~cit>-0>dYumA7ahUszy|W8^E33PeMI&4`B=UE9^A#p z5FWOKE!Z*^F26nrTIQA56{|+6tiYL)z9gR9pob6QdPF@pR>RwiPPj@}gKpRI##NU& zHXX@_S3R=4=jtTxAHEElV!}b8T@NRlc6ji{N2AG7+lfe&8c}EiCg)WXtTrIZoDt4x40ltScR) zBaCRfs{(z6f-6Zz7gIM@3g_)-Y-58t-}p!g^X0x{^RH_xJfNE7=}m_G)+VT}RS|NK zTk%@@2)^M^2h^zi29J}H{7|kVXwMMX1*%D;wO^GUuu-5Puk>-q6fZuje>?qX9nVs; z-myQgZ0Lwz613TU3N8rlCDGqcK<1A;Xb%p7hTJI-Q27%=GIK;3?a|~8ZsY^w6Y!%# zCb?5BBCAiL7@|@x(?Gur$pLs{~es&?D?Q8s`x=*nP-oE z2*=i4Atfz$;ayH3wF;EtKUb8KpV7PF)#fUCyTzJc&v=aQO;V`f2PZ5z9|zxG!B$J& zhk>UKqurmQkW;b)O{+_=YWQ(%`{%);3bWbMKgDEM<4D@~@&9a=4D1YDj!K2{v_n~! zCi;$}>!!NXxcYzSarX?C8{2@M;DjSXJmEU#VQxOqHC#WcZt%h&MI`ZCnt zqp;jMSyYsC3?A6e<|nu1;@JcZYU4T>Qs>O1WjW^b_uphzUg3x`&s4d&%tOqb6pV7A zm7;k&XJL9mH7jmW!h_Gm5U+C+cI~?kSqHUHvMtM0S(RAD_4rGqW4&(F@)=r#blet9~Kxhg620W zQN3mQ7-J#HbW?}YTI!zXDr4y zI)lSu16GnjNyF+0^e}mfM5T!+O^snU{s}wE;#Dx_>j}YQI}QJ?^`c?FE9@WJ$U)aly`5R)#(gz9#&sHGM6V)ZQ42;2dyQjWQ}E+f z2f8U>613Ra(qw@}aCJsJF7uv`buGgoEu9fp^%3}Y@hS+K^n|Ukk>Ihze`EDZ2`ah1 z8)xhkGJ+^g9cdUh+)@WyR*C3&YejzC#0lJ&UnUk?dLRi^a9bsoWNTc5B(Em;K4cLD z?3u+fbz1O3Y90DbEx;FB%0VH^7p@&~6`O^hB;%e&!`<^5bTH0O?u(G}=z zWj(&$a1Nh5`3esE_Cus5ugvMV2YBW}64%?B4l6nggwtjrs?LkyU*$Wn`c5n)1k|$( z;rX$w{v)&u-b4cxEos`2arj0hl^Q2s7VFFwW_HzK;wcS!bjExey3$CJe*d(e?;E)i zy&{v~t92C`jmTrS-6ZMmGtI1+g`%_o${D@B2-;KhXwBIINGtZo^Irj<)(hvSk^s8s zOeTg^xZ|%y2-#hd_4en0DGl2+0(GGB6doF&uV1g5G3v6`@cU~5a^Ikuo!vE_sx?;Nx7!MIu=5jepR)yX zR!Y<3&ONMY&SQ3M;$FOvV$7dYycfB;PLlolj&vz;y5d@k?DHV-ueT1Ki&+ z?3*E~*tC$pi_>C<}bp8GdY@SUd z4h^cT5pQbtlgMph zp!lc-H=Yx&-wt_R>LVgy5)t(2_X?a<&<1b93?Tc)~0(TZ*{OyGYr7ZEDV$^G}r(~r~S=q-n%BwSw(f`(}d z*Jm}|Uo9ibuuG&KN&WEtlnWG%Y+=O;pE0BOBV_kHLtoeVkT*)14Ko?UW!=-^!pimV z?{Ea{S8gh4Gx5OC+26=Ag|#eDc`UD3>VwQ*gZ>$%0wjF_Bu*F%di#p-v5g9s2=k_S zCj&s@IAg~)?H8$AmEaX+O}aWI8-JP(tZWNDytf>d)W%dgNE_WwZ))V zDa%D6y==vnGCZ)(6b80=Q29khd}YCJDA>M>y}9bc-u~g3q2xynVmXA=P8M9(!L-1q zOXOhJ4XTv|Wac?l+T0oj#<}4z6X&2>n>m+|7z!G*ub^Yk1oZzK#*E)a@f~Y-;l0k^ zBJ;G5FxB+~R(TJFx9(+laBwaS7_Y#u`ObhM#Q?z%lmmBTPQlLWH{p8IEU^4}7Vif< zgZyj>O#It`8k^Ed-rDOdzgL=SD7e9_3M**}0Er>5ti zU*CnnH`KUUkl7T>}_6RzUz1AVCQ$OX%51NlVzPP90Z!*icSz_CJU?zUaHm+-ULG+lvbT{?&? zuvE0+TdjCoTqERaOYzVefODUX$mf4i;B#X(eC`l(E8q5^Sb7n^`ENDTP1K;xKO0HT zDsxflnYmQW7WmrXf3V}wZrYvo8mg?*VSmO`Q^XAtnH0bq1rpizj__ zcoN>KeZ!VL%)vs-+icZ2P5N;69$e8FkKX^duAtqD*<*QQ@-@dk$_1=LfwjTKtvi2x4IOtK^)v0Y9QtE~+Z9=l+IW zAm!r=t+#f;mAb*OyXH0ii;oZ+pL>ovX)<(IiqKgxJc61(Z$jbMom3?_5+W-Pvcmo8 zP+q$T-_6`7ba87-&YO6$4QppptxKJ-Z|`V2tE&h71CsEDZWsi$%D^4(4luJFL+2`u z=Hb<2XijB5>#8pxN@)VK;b$dWF8l|%=9nEJQ|;+50ULC*zCpU$O2!na`Gtx9+pHX7%ybmYZl8+fA2dHCE~Mq*Ed6Pgjn zwoXX`2@OfuIU|Zr(f1Nt@-7I`C}GL}I?&**m=MFU^zsQw>RkFBHTD0Z%!?Grn>!X0 zz5j_H8mz=GK_^+3ha?=_s@dEao@WWQ&43@O`x>zQ0FI{A@l%^Ux3T}@y@zql=)ZVW(iGo(wWSMBdm>I(gUf|2U7Ok-O@M z)=*c`+aK3>k-8I=IgkvdiOT#}%xQR}Ii9r)Spi{7Vxh`w2>AQ!vu9`8VBFMjkW&2z zZ_XSg7kMhoJFLttRo(gBf9^FY8?GB8OO#;@?_nOywJJ?7G^4-MzI`i zSl5E;>d*1$jZj|qq}4w z40Y%hiKExRK>ZL%_>;tgyNvj2b1ypfKXtsPZ-HN8QlO^dl-N)3In@c?trA^Bx^GS$ zb}c^)GuEnNW%DTvzU|4U{q4jUzq7F0GZjmNmC3LF9K>tayk*O~FOftcZ?!Eq8#X%} zL&?e4$!2d0{`&_bwJ9FxT;R{|OlT3@*wt`7^bQL+F^C>hUcl#n*QX}`OR z2BKfV;W*XMlp5|j#Ip8D(gkHY+%MZ2i)L1^oWsi?#HSWNm{#!^zJ~k{S#hDo;>r%CMiEw((D5!tgie=4q z+#vKN97x~HZLf#GGm}T~e2oFI-ZqPQdG#^x_FJrQoDwaWB|{(T*rH!I0w3cbIw-iO zw~SKdLtqBVEm(t^b!$*-c#~+d#d$Gl-;D-80W9aqm^9ExZ@aFun}& zqnCqZj|9$36?RLbXYj7aJy;xc1&6Pg3QMN_W=#{hFoQY(X7*{g&LI*~-IVEsDgTL_ zJL<{vjy%v?_YVFD&-QIOOZeZ<$^fS-Fgt6d_|KM|@FVp%TnM!0b!~ znYv7rF!m8{l92TRgo-;yF4Jm)$pX=o@Jg`}d=)R0o@cmMwL z@*g+PxzBZdKJWKB_U^C>2t#dw7o&iE#kFE%(F~k^_$->pZ-(E8df{mDK2$D~hhMAI zD=t;tge74u#HDU6{BgLAvj!P*WA_m5ckB@h%do+qBjX@O^SC&|B?T{b*TGuMg8;`A za7YP4=h8APzO5%Z5+Y`c4a=a|d=ESGDG}3tJ{9=yLs36I1Sa-R!3LE*c%n<6PZjpP zxO^u8 zV`!zPGIi-VD^8tJ&TjubNu;&bf+*nt+o|e=RvYc;vG6wWgDY*MJJX$RudHU_>C3Qg z%rne7WCJIPqVQjwI+a; z(<&S??+r|zB6LlAx5M-RTNZom0Ia$!fwINV2_H2;H2J5A%bT(e^5FIm8XK7opJo@} zx}w9-8=*~qTa}VYx2!?0dpqoY;K4?J(#OX}`XK&o$_*#CL4bi4S607_&e9jaC&`Lz zwU^?xZrLo>dkE_67MzCx>(O?hGr7_JO!S2wVb8Lo$gGoYw14Yuyr6a;`!oK)wBx$s z#Yv(3){f4Ku>7;)74wU5VQdl%l<#D{4~<=7dxk*kQWsjUe*(s^|3Km8D^e1vz!UFi z@a8ou;jn=`)-EJ;+S_RMYPA=>+cA+}H@Bxw_Z;~n+e$FB=kNsF@yfUes?%^3%{JN- zclk!<=5QDmox8*IIt^+5I1l*#DhB1vUtqzFOmb4n7((_((4RVMVC$HRAQd+XB)$uK zv{ZE(c=QL<-@1tT+umcwzDzt;+V1k@wGsV2UKWj%7hp6Fri;=d$@s9pK!Lu`- zUZcNZmr_T?AgdsuFFS?L_Bw5(3HVRx6vn+OVu#M22mb&G*gtPI z&Z{YdfdV5va?)rqHaYMm*D}$_KNk;KABBbc#aNX;n0Krg0M6?_i;QLBnBlT0q30AT z8v01^%nf^q=f2G$hR+&N!f+(+sCGfAi>{bqDM6+3q~M6Q;Dt^Y!kWMIvB>dqRC0I{ zJ*+sIPY84u_!lbFtXPHnjg5e`((|HSL3vEQ>xo$3rB~FsZ49Q*xGcB|B1NN9HQ4Pc zpeCo}cvYGK`ML2QanhawjNf9ay#`$U^gJQ$T7X}#Q@YJa3%2A*)BV@FVBv?07`Nm< zNcTlhY%_xPBhjGdqsIap|Bwl93sEItJ2tFRqkb)OnH{NxJrSeX_W56+;_Obi@aGE* zPEiw`%6W?8<6bdiTUov-U?BUo;4<9I`@kwzJQqnH?g#1mQ!Yc^HoEj&nu4R{?|}MN zV|XM7G(62vlx3pB|GV%D9_GZu{>X8#^{X47MVDeo%>Wj5SPKhFtP5oq%lMFqzZv{pUzK^~IBe`O$KQ3<- z{9amxY=Bz<`g$J56{AA9_mVfPWZ5@(cUlhC`Z{9tUV#mpwVYog&rm8F$Puf5B7@;LCu#@05|}uSC1IrZ+!F9ieTuSY9)XrcGjp06!=EavLWijtUu>OCs>)<& zw#Ge(R*Hh2xHv3{e2Cv)pN2{Q$*`jj{$pBYPf$i5>$23GJKY3Nc9&@AuGL;;Pay8=x*%FTkL+| z@*H{Gj4HHYeJ^P)lx2gj=elTZJiuK0YoOlHk`8?zOaFGCf^`Xl_#QJQfuUCg>wkn3 z`CeIkKHMI9{tKsb#=XRa-p56my?fz245TI#H$ljpcEKh?W?4t>pH`waj@Mzs1a;PR=`3Nt zigA#P4EDW02Ola`x%!Tk_$=fDNxv*ZE=?Ow@6C@VCXJs(8Lr-3B{+t4%f1sC%f$)Z zmjK>nV~D>GJtIfg52XLe=<@ux$~61lGVF3UBK2+Q_&Iq$@!qkaB2Oz2iSHxWqPdfe zT4>H=U99QhzD@{{OBK&Q6$RBMaX9b%dl&y&CBAqa3Yp;(s9a)4SN9c?-MKl?>H3cC z67v5VW;3zyYZ08>8;`yd75VnGAyl;6hkkwb3S$l|fZe}x;n!aSzF_HVmg4gW8`n?3 zyB??Tg+v0_53Uef4btXM-fR;*E++8C=`8Ao=!i-VO%>S8!?CyN0^T3zhmjIGRP%H@ z+}tRKtFFe0zvab|pnVnPR-*41uTU-OdKSVqH5B9gEhDJHuQIq_UJ1*yw!y}I>1^5V z1{fISfIjC2L3T+xa~)C0(qnc*>?DRW4k(k8gYu!yFxllwtuMc--~?Kq9>cRO?Ib5+ zE^J!nPM)ufApR~z#P6CeUog8Gt9IGpVbwgCxN!{azM6+)^nMC`m@8oTas|+B+T1bl zCUe&CB*mL1QSQ)O(&n%e<8mr{6ajg^-?-;|g=e!pA)h;6I0yxSGStsq+Tgl>U z3V6oa1eaR;5Wm|b%`}5Y;>U@7q~zm%7^Y0Y<)`4!deVel7iY7r>JDJ;ABif=nO-PW z!iyt!a*bPt*d)IXG`6i`v%ZSiwDD%VeDfRpC8tRv@96OywFc7W`w6cfI0(twrl=bh zkE`|`!K%N7EU|e9XxLb>d?{0I+u(@OLpR{4&_)y|%kxtoj+4pPoX1(NyOsK%5Fy)U*f3g8D z_7W>$w;QFseZF!XIS(cR)el}@CC#oCvUqG`t+Zx`Y0S~ps_O^?pr zz61^1Zv+m8TSJ$#^)f$* z&gZS-bHe-Od4c8d(e41wHTcO+Ico9z!P@l3`9$onxsBF0lHlFmL*VyS4MwEv@DV|7 zqBFx^u&sqzAX#6|&TfE5#u8GSeg!#7%pbgP13gNGz68L9_ogxyu9lEBPP$>e(G z5zyVc3Zy>&2m8H#GyBxHsJZPJqzP`;oHPF9&`K@QI_39lUgu4?GE!aej|my>kacKw z>i{b=NGJCnuVq(Kg?!`6vHY!^Ihil?WqYC{(WI#gquFOva~lTpJrzjUA7^oacpf zB*1{zcq9A>cPjn_HbJ(yb59JM|L+@73VQGA}AT>rT9uzfwC zD$=8iu9twsT_ZYv@fEo5`U^DccjLW+Xii&<`Ca2{U=%C(G4;LafVMjLGVPSuPp1L& z-~Rw=TMWw&6X?0ujGK?BiwdR-@4TnO;Ps5laN>o~>5d(W6&=gz(5iNF+(HA&eB#Kq zq-&^qK$ZvG`^rXmIP-yPH^QvND|@=lSAXv+JV!zK@CP(0TCGX)mUwnGxG7(L}>a;9i<85lejU zby_@R3#t|5g8P<<_kl z%xCHg-{J-PucAjc(lG8@J<$Ej)MPn zA(#6q7cZ_jP0PyLplU<~yiIV2AEC$K)pBVVqHsstzbu6pI#$5d!Aks0!+-3G;K}JM zufWgy1cut^Y3LPcOW$lbB5*GCK&k5!RCUPm!+*oT`O!zV%HslfhewmU|D8trsC{_& z!w06Z!vNb%I4(^RxVc3-eCqREFlu`zG##BoBsvy@7Csj^QAY5~)e!#5U4-kTqLMhwgTzmy`+pAaxk5 z1Z&kif&KDw{%jch@EbF|LqNAT1($X^VQ0iWGB0=wi$9S?syk+)0mR{2<&{7N3%o5| zDRk-xr0c9GOROmomF2tfUy-S3zsHa}MCii8?IT#=3u%5bbQYQ}*2Us&O%S;B7;AkI zQ(-Q<6_k%1C3nQPg}jRb?>S`6j9WfKLvc9hs~GX7QfvMwMv`tCaR9<+s}R%Iay-N| zjcky#qk0SU#0EOqkhHKBi|o?K?}3KG-JNhe8 zrgYNSLAX*zk6)P;1S#2*ab&O!)cGHQ*q0O}A}V0*1w~vtN}1RtpAzfLw-)WZs7jsA zK7r7Tub7nm69R?1@kakRXe%c0Z{bgI_uvA2A9oYqcfWv{54`C6O?%2YJr|9f5kF}qsVplC^%Lfhi&O$(Chr`F}uqpQj;+bD7OMEe-TP10z@H@LUX1HkU>zm-{)dIB>RUzWZJQCJ97|bs#L9M$7 z>=G z+VM}|PiW))u3PMw!!^?J)mS`lss%oIE5-sgkOxU00$lDQI2?b$9WRDijR!ExXbNc; z{9tb8VW<$W5;s)Fh(6q`XLm=}luuW4!3$|7_^-{H-gM)pAUn8F0*MjB| z9E~@f1?T7CRMkO>Pcu$poi8FFY~^-g&fy84)3QmTsQ|`%@rf;ZHCSq?7Q%I9HbN;Vk;- zP`t3zod2Db%82g-Cf)OmU6f4~7tWCdza)F=uqcBx4jM$745y&;Rs+2D#$Rmz#*-N= zyNzbUYHKKo#E_>`&FW~Sssf! zRJaB1A{!l!qt!8E>|AvMn)j886;?~oHx+_&X5%hml%@lbsSYS*tOK3-)2T(R4Sc*a zii~^x7)H-o0cz^8th7iDoi|fvnp-5!R{tuz%ij`b+{wj;>SJ(koFtXUI5c*%1XGV`LEck@>JMZDF@wG*TPNxAy^as36Ezh z(19oJiX{u8;9blVQaAJfW;Qg7?IhpeV(F25*`gHEv%m;L=On}WJ%ZP)O$j4zyHF{K z)5PbI1My1NAhp}|$2ch7 zjA6MOZ=rY2VVLJ7r1Baz+CeDK^i6Ddzn62XQ%^v^al{zzv|SfZ#bzmQ|1q4TiMG$kA0&%&i<7(A(PVLf6rVNJMVfV@Ne&ewf1;8bHGBRR(lm)GUw5IJ{g!^?A3b#{X>6mB z;4Ycbh_k8u&Gf8}jXN#-*h!W@jM@{kj$U`v;Rt%LZUT!bv9m zc>;)jPk~RD-Z8#kANm`9f$@LFC}}zvZvPb+Xyc6_)Akg64$Wib=f2_n&|KEEBn`U) zf@$P78J=mnnR(^s%>G9>KrF*rJ4$hb<YN!;I^EPQ=w? z#Hh6?1T-9-*;2W=^v?HvIOzI5oH@n<^rTPX$;}=xaJgEA_ni)`w<^G;MUQc$YBg+~ zoeU-|#dy^%0h~|CLb$Xg7!|1T^;@oz*3p;5Td57lj3S6xUJPr-3+HI+8BkBE!E**v zaHIMqCU;T*`2UNA2|q==_qPmv`cfW`^~#CM{iorxq%W|vSweLAgpR-z4Zz$yCGd|? zqc7(=!MmKX;`j}jG&13Gxo_hH^zQ#kPO3j6rJ7UmQprJFr1XIK`!2xc58FW|#0E1Y z2Gf8yqnPdE-7L4Hiv_1=L3E5heygoQQNK3-UJ?PpZewY{i9V1GdnD@E?n3NljwTb= zuDWtT!Jp|&u7xY`O!u`0= z)f`O6?6iQiJ_GzUY%Y1OyqnCIXa?)9PEqT#ZkVxi0DUianN9e34;;2?)7Y1?e2jM* z$yha%$sTygqz3uo*kxPLzH}UGJ(dUMF%Gmd&X(Ri5eV;1)wpq}r&ueCp`+6yxMkeR zuF7PhdYu-Jj5>}!FU?5Uo!xBGq;}k~I1fHd9?iRNS~0~BbzuL~P9!r`n2m~;^Ksti zS=#pF08{o+nf2G<)3%o^dzT}1`%?f-ug~M{{!>7DQu(Z#au|?037^EDg})ZkWKcvM zi-@|7bJlKP3mjgvDzj>6JHHJ7=GwuzXQTKS-(>dp=^FmBvP&$^ynz?;x|yfI%js7a z+>Rd}F!kyyj(BAT~*RCJlKv^cW?A%$7}Dd(>b27JduAO*=#^cAdv=AHgp$eJpP`nTIuwnwWP-2J~7C=sIy;w&diEpGhA(6Z62%-4025A#a6{x3~|VG&a-Ir^oT=h_JwV!Z<)9d>1j@LlqZ#a{h z^)3Rd!@h2@{(~|KY*fioN(*$C-GO^;iOHLf&aJ_%-*Y7bV&U%IPMJPGH=&`PfZ+z zo9ofM!-FB@e2K8Xs3#$(eX*mei42)5ML#Z?g&xcQxM1)QuGRMpw*C&oA@%d=JhB~P z5;nq(_3xQe@=bIseoVfqY2bqa?{J075MDcODYUkvfZq2^Y<3TX!t|eFzm5cS&$ARA z{ae7=4({T!{<_0#{3voepGTHStwELf)`HjjC9ZVILysH|rRUmEeZB$>&AtN$s|NA| zuTx;e*G4uqOO^(?8IttxS*Ud608BVFg#YZ%!_n?z`3L!3VDDN}v%&*e_u7ndiQg|P3T9lkskK@L6=IH{X*!Dzi4EnX^x1xD-e!Y5Oz zzcPv0tIGoQABuzjx?{^9WlCa;g#N^5IQmfzrQ^)tQ1nuwG-WghX-N`lI)JJ@QemGy z>)^e&%J@q>kbjYshEFGNip_c*m826Wz8V(ZONB*2GFpgT&&uFWVKr? zdGC1(^Zn}a=52ZU!D}*KYPXDQe0&Cj1tzdRnlGJ?Jf7$vg!kOx5x9Fp{e-TD0@ zaC%$;nVn;($V8I+uiJ{A$Lx7vN-X|6w444s zZNTrS8i9Ik7MOhVAb-+@yxO$ep!P>#)J``5W2VVFjmA)o$%I?4>&2J33q*6m6{u^| z8_b_1xFxUl!RJj%?18`wyX!RuUtd>%o9aVpx26{+77l|(ukkchy$W~fkLOQLZljI- zA<4@~a`|iNLbv&7VN^*hMt-an$C7n3kB2}$zeTfm#x6%H3SnFKT+-bC4A-94;!63xFzUlo zcvVt|VN4V6Y?A_`K`HomL=1>aN}#LTjy;;bgw8DsV4`o?xGw7`{1e!Qhy8EjWAoyQ z*rqm2I`<5+cDJyfcPof?pftBA*e&!g&$3M?heL(*aQM?=Ln^v%vrVBQeo98zuq*t6 zS?O=!?PUYl-1u_^uGp^on}JgNSzUh$698aB}5CiD-NrQRy?TwXs5_7%kP zsw>|FH$gde4Nip%zYE9!j}zqj3SFv|>jH!NH{h%c1+IN$Ak7R(1@W?LF!!)F!h1V9 zbwx2w*1QXNVFg|ide82aLqN+r4tD8XV-Je9^2DZSqT@6T#tT2^n!$fz0gS_#$GR}s z{w8jAc?9eCN8@JO(;&@N`5W`O!Yt}0tk4kLLaI~fg2b!1V&fF{Sl0j-PHiGmdSAdq zG(fa&k~wR4%EXF33mSG(xU=40PnvdBBU!&4#_v<)s*Y=fE_6G&=x2?#_kvIuOVfvQ zg5d1GD(FA#NslbbfZ$?Q@%+sboH^nZ8(uJ(4%@5E!UTBKe?GxtuWNF$gNUh01T5JnPhtX`So2&fF4e6N4W%QdIfi!Up&y8-?x$($I>sd|cfO zm|2;QQbK+~`_fP3IaWM$c^5fyVi8!6zW@o-eqdW)1=)7-JZdQP!f-Wde*LW)*PFz# zX}1(yiWXYEV_fO)jYc5xX*=qC7y=Q3%VSv2`3v_VDUR#uUP}hKZR$p z!yQuXG>Js;GUAlxN``;z1sCZw*6aG3^vLHx7&eo7jatExrbsV}Ye4&DR+adH(o=dhvRMS)NX}iey^=rg4nJ_32ivxBp1G7VfEAQ~7vfo6a zgEuXBX7?O2#db3o&D4d^vl)1$DuLXJ)Tg&c#xilWz#Y`<1~+Llnyh8aJ4$ZDq({nR zUq~Ai`ec#I1C;nw+dt4@xE_-eUD@IKc>44iXWr8X()}MInD^8v_$%uV3%c1VR;Ptld!dTpbtMMYAi7g}5ghamy|nqW4xLN*S2Kvm1LWB3=Ju0f+A6m8D7W>isYn zyzmo9W<7@XMYlxigC>x>o7Lg{x!D+PFbuTIB-lRv2cVg96;AD*%YIEGyiX+fbShqn zuX<%L2fO`(*RK-qyUI}27ca@H-(`3;>^a-*YmdXOWw75tFL6qR3huv`hX#9c1+Uuy zTq8M{uNz;3KcJP#{9b^Em#30tjm2p1sRDuG1QMS58mr%bgtR~nrmUO{I%D|$&Yw(3^zN5ubbM%Pb6jNlUyzG(^eh5vpF6Z zZ42_MOJHK)99DUwA9`c2L1)B87%}bvURiPxler2mD;Uh29c!Q~FAth6f?&kvf6PEn zjfD;=WM9psx$npnYz|uwX-WfAQsqo$43buaV z$<;nwB(t|YU`{&&VP5w_Z0nHcErSaobCZJbzgPcJZu^NORa^(PB8gQWmiL%fax&0j`mk#Cm|8A1^+0WpRXA@@KT**F& zMi2!rHF_^26KrnpM5Hpm;Abu@iTwD8RRymSE?hS7@<& z4zA+T_&5DCoE<%scs6_R-j&O!Alh?TB0RsbvKbY=iVmU$tN)Puu4Q-&M<(rIPWf|iRXtnI`NCkLXRcOxvxJA_GvZ7{hv1)6Qjz|CqYI_~@iGS;Tl za>X=2p$j&t<`C>YSb|oDJ}55Rf`5GaSmWIDn5CXb%~Kl*+j9n-mkYh)ZSmywDnk%d zE3oR;3Yfhh4vyWhqqm=wLRm^5#Cn@hTVq0O?7DE0yA!T_NF0Yp3BfrPu zlv`G`X)9vmGD~(y<22|CUAAT^W!k5RpjwyDzTJHSIPn4eO2~)$RtxBBJ%f%H1IU@A z7AW7813x5Yi@a~9VA?eaYB}Q+)9yKgGA1%ST+dD5-8HZgXv70Q2~4K zp&`ROai9GlbU6}^qu=(T)46K)$@eF-e7Z*L{=k*9F%?kKuSzA|D@3*3d+@MoHGMR&F9$HEa#L7Ld@N0Yno9S>7EnmFF zx*{9;Wd)%gV-Jg+YOHX*${^TuI2rYas?!&nJaKI7Gwi=y4Zk9DnU75ou0K&Kp8oSA ztlirH!_%V3>YD@M+u3I**QJI>b<#vr@9A*&qkAE2Um>wdTml*y?ckrAz$7hSkfO<9 zuukw-8_jr6jGRaEJ1^xRGE)NrY^7;Tel>jAxEb8SB2ZHIHu`=%jTcH~xy69x^l|J5 zkyG463_oln7Ef;%&2t3qD0DJc+;QQ;m4c2`kVW%(n&35G5AOeQg(urDl4jLCG)Xm$ zomn!7wr!aLA5`}W&YK>H>j)(oPs3m#x8sd086>9cVT<{Dc0IV9tP9FPiTXcy&MOc9 z1fPQkuZ6Z>y90k*{~R`C{Sbd>J%Zv1`=GzB4a?d`z~+?uEbeL*WN^U)XI6|3N*N*@ zM?EMPx{<$MZNr-W{fyid&i{pB_&N73bF#fbDo%T#=D#eLI;ADxp3?^hrxM86-79c9 zlzHI(WP!7wf92|x2M{J{!3xUWLadG*Zi$m4NeB0W+qQ*V=KDij;lB^BAG!lqoOXiY z>0va{?*^NG;wk%Z{|H<;tIpN3J4DM|bA)^IT1eWQ2brTZarWl7EOf$5)U(Kgh8P_% znmdcSOKIchjF~9Ym;ojOALE|k!rAF$#H;vE*t_F4IcjG`kMuk6jE(8gFS!$GzTnPC zT}iaYX5z}$1bE+S0`s2x!hJ0Ru9hQ-r)J3Vr=mV$l>Gn){2L(pvq=>k?+pi`*oN2s z>jcH8qv^_b@5IA*oAaGl22(!o93i1@G{NK@7QI%a|MfO7v-*BU6i%UoO%M4os{nsI z8w7{dgq}r}CA(%cOK@%nL9wYc?;diL`0HF@srx19Y1;zwIdv~vyrUk{szb?_cT;im zPc=TdQXMjb){xW>hcPMVEy<3WK=y1;gwb2ZuusFYV8cAd#ud8(#>(P=kb7|b%tNG= z&0=pMvt|-{8IS&w#I3Um@#ODT*7#DJ+uyEb2D;Y-=h0mlv~B_&rSXFt8dL>&ZYF$^ zurq%%LJEge2wnexDzsOWpaJ{8lS2YSX1=u@didJX)}|v^omI`072P2AYvtRlc78S{I<9efJ6H$CED}6x$GvE+VkjJ3txc<9 z50eWg+|a)>A5O{d$GwHWn336g#?XtdQfU`|F588bJ=s|EF1td;CzYhXQ02B=PDGn$ z5%1$Oz|nOCZyeZBk=R*?QS%qT2U$5%J$W6TZdr+OJBpaq*F@Ml;xXI3_z7F2R00dO z_2Tix`b2A^2E^CgXG%h@>A>J)==#T;b+douzbI3hUX#nTpZ#0I@1WPel|YdF~C^6+jm?8q9!V;nkRs7D&A zs>{GA`IY70*Gl7=@?>y5_ZZI%sDO6^vsll%yEwI4;Mo`mEa6MdPPbK(u+*!$-BoyPMf2k z>qiMT=LmDpkz3e{()m2iBnADfBzVT|M3JOfC;9QkpRJjh1Tyn8Ab;mzcI)m)(0-{w zE4zoG;ih_Kbkm7m>g*ILg({+h@pL>@7K^>^Qjl<7i*M%&d_%}Y)GTkqjH&H7`_(&C zxReFzzR@^;`9-Ys9Soz7rGlDk84k05io35`aGgOu5UhIv!p3>yyBR5LPjEiI&prjK zjV$=dKj}Cy&|m1tk49B}9aKt)=3DLMpj}s$W~yiKt)dtrk(Yoi6~SzuN-3|sU0EYaL zrcYE)z+NWLzj$`Rc47zf+OHBH%TqAv_gM0K>rz%-wVGejNsi7{~$P|2X>6nqVq~h@!J(I=<)0%iiNA_;jOK>n@*r* zzh1$Xl!5%@y1}$)RVF@*Z-Q%!4Y_Rm3Ji@JPcPmN!}SRV!Tf{-iFR>^&=F!B`rVkC z$c*66xAe2gb92dv_TTJ$tP6g9W(tAr>!`TsH4KJYEJ0I<@GpadF{5Zf(r_wgGLXiS zL9oT=0=DQ@VbXI+FyGXSlKah|yI>n0)70g64+-;XVLo=>VkAsm$>4tN7h+^}MC|(C z45em;H>&nv{_k) z>T){l+2~I3wvb)uVq$^gUl}+#o=5mMYkf>pDJOQJ+H}j03?`>Ll8jk14UGb=F({&3 zU_EVz$E}oK7kK7Zsxw$(?N6-H6qqi`_poosV(h9^r3Ka@7~`7GL_M=;-s}YNoQo_(0q&D7QN;!FvpjI%#2OY zG(7cO3iU4|uxecZwKuQ<_2#`0ksE{01ujXi(o<}!c+Mmt74<5l_~p|#pheyQbov6I zVYM~}9Bjht?}}YsbbE6x{{!Hkz6vYhCwab50pcfX!#Yb-e3~49)>jJPytx{tZmkgJ zCL3_{_ctUwx{uZD@kYBS}3rZ3gN}ThVt{lBbm{-ArLd)980ui`7XW? zPky}wE^GCO-`XiyeM61D*%Spqaz*fSh%)a|>qDLKhtOujO&F1&ftKf|!K2ecru?G= zKil`7byxml#RfmwGyPYrG4>{`6L@JJO9|*7UH}UP9>{Qk*){QuF|*E4Wq!fRq7Sp* zK;L&?{GwmS?ydRF`oa#dla&_Sui!9yAkCox$Oi?v>tN!3Rk`gz|-9+F@Lc1e41 z;Wstz`oIir7UsgK&jR-|a}jfD7|G38A~|;U1Dl?PVlyuhyd8Z3rQA3a+;F7(^4qa- zsycr@z5#e#I(nRNAi-JREBrrQ04u*2ATcMGYiEsv)764!vGfqwE|lbk6$<>*f^23| zY>F`T0NkDPl1xr|f%`;>D2~5MLfQu4mo@$PZCyIrnPj1PN;3Qn>jRG~%W?a{>FE06 zp*Z`eJ_eB#^0fXD@w03Idz-6-eA|a_?6R25sy}SrYE>H9+5)l-Y`-&TwQ?5B9K2KP>r^5gj=3$~D*}TZLMmMuJk53JsKOM%gBJ z;a%|}Y^YAgFFDDg)`-{S$sS`m(Ca+}KL`*y%h}LqDaS^qToFB0jDw3S5H#sq7EqRh zs~6U@5}T_Kcv_P5zL3RPQTM^beIe!xS-P1Mta(`QGnN0Wxa&{(_nZRsfv^5iADY=irL^^4XXEY0QlT>#trY6(d%A2aqW_! ztduSVy352x^Xf5B>A428OJ3sZb|H6GBb4n@n$gfG6Pi7Lvd*xdqVQi=p~>R~t5@s9 zna0DJ`;}-s@xT$vm!yJc9fE&CFwLB)iX(qa2H!E+@LiZ|70;LFihDUqsR=!<2U8() z^Z=Ydmg4Bu6KKAbFf+INg-TPb(R#;cymGDv)Y30PcJ4P~y~UrTUCtsG6T-Pp_kS!x z(wIL;9ZTY69Z6&JG`8!(0@yxI7v@XPrPn3*z>N|cqV>K3?hO%oeBEaJ@l6l(l-?=+ zF>)tJJ+-C^&bj!i)`+WCOS1;YPk7?#b@n%8hgeZd;99$vFt;5?pwBBtR1_SHGrW!H z_Yq#$Yuk>>H^Q)_r;Me07J~Zn;ow~m!@K9_inD$U#^FEq5g8#f({Xb*@u-Yp37N}@ z<>pGfyyPL)n=`g=4aHJnw;D9n6*f*!B14>8N!pPrFxvZ1bnu!De9rz4?IfyTtmFZq zA7TrwBenTmq4V@4K1wXFBJ^=QD6@^a4!c$sqS6%$QtJ2yA|Jc5KNW_|(ZCeP34F4X zQkigeu`nwO_y%jb8T)6w5?c~S@QaaS#ST{+DhlhvNsp5>&y>815fLL%K_QAL{Orc@ z3v==5)H^Kr*<+BpVoWFHuNI~1%R}vURi08+4zC3M<3+8v=&Rl!>qwo>h@#gOo85*Sxl;@8_l1%}~a42{oZ69eR!xT68m z?h9vUL??PL`7ZFz$79K8Q*LTJhiJ)s19SVasHw9FEj==E+Jm1kOGSpy(3a*mqby*t zTPN-TgUP}U+D3}sJtE0BSUtidw?GKK^oH0f zYH$|g9|>w#g6PkSapj-ou&g5==cKP@n{gXC^0fyd^`1bW{73Lf9zu=p zyVB)pU)Uz!ZZ>JhD`ICYboaoJ6y@t-f|s7q2XLb2+MB_p&lKiKiO9P2?aZ+111QZ` zv_*ZLD5WJJpasU{4S%7yb+Qf%F;)d3ao+e@c8)wm>+YCEp~AwK9{!P z&UtFwOFj$q{%Xg0d_qi1! z6-uQ=DXC~7^lj<)`Tgfl&+~dcpU*kxx~}&HRX3Lr;~W{D>a>|38>q}nA5&PNVgp+n z96;7GhhHlc-$CeNG80x7?S=Nxab+rk|9cs&FDugC=Y+M}VA z6Kbe73*>DBSgzsD(tR1y_|fMsqxtTj+&6^keRzcyrUx-<`$pWCWeQ(@Rv z8CYq38Xqc4QnP}6*q8DiYpt%~lTZu#>HSugJX)9u6t=>ib7PrdYdPAqzl9$=+iD%mj zJqq;R-2z9sEHdlCXxvxsj0HDhQDW{K>b52Y>c$!JH`^w{qmBLmce>bQr)+Th7YNA@ zBcSK~W3=&bAg?!HAUZdfATu-ss}s$T@L?wXJmwmkn(9qWygEf*)%Tg#eR*zNEJ16W z&XaUMTcWUIHMNzMdQ^otZi`>-dFkgklry9D0TSZ{n@cmg)%WlwFXK1pLF9O1M| zCsW&*i&fu}$RYZe6&*Z_(i-xxtGrj_=Q9zXZE6x&omH4T>M9;;QKQ3FoMH_P*a!)uo_V@*J*qYK3XhW#D&sGN#lU5&6bf z*qWb>f#+=bK@SPqkUx$3lzb-NK23zef(RySHi?c?_ov&mrgMuogXm_3Kjf2WAn#rp z&c@CjK|aS&_S8y>npz(~`EW&Eo*9F8C&sZ$tIgTJ|Kw3e=eRCzh7%_)eTa3aYzl)+f=`L7vR?y)J zMuMT>1G?fLNnHy!um_Uvv@fj`GhLnuKAiJdlM@Y3RK9@w0VVo%awu=!a0~51vmm=Z z6s0T}?vxU;gx)f6!qJkp&TWLmZH;i#c?TUdrwBs1J_L-&!&0^wkDqj>_XQ8^PlYS! z_eqV)Y4ouzhB>gh`42ei%W$iHA)kIjhi3NcpzXyvvhQ>k%jx|k+}BTI&yvY-be0m5 z_!OA*N}ZnG^y`N6iW4N`hZ?5ysdRDGR4P5hh<=e&pgmC*czC)2p7)I64$HF!;dCMsOgk4 z@umhBusWXvYY&WpT7Thtwl5&Y4YA~|Z8h{HJz(48zmPY&XK;=49>F_mKpf?x;Oqr6 ze5CoA3{V&i5uyrsG4CbDw4X=wp(fTlmnopxe^NpgF9l!hb%7s!R@7JiKYVGp94ba% z1iH8sN8J{5wQafBIHyFkdqFZRS#|(LVSn&-d!S8ry*6uHRZEhbg>L44OWaj<3rO;1 zY*HCdUkH3iWk-D+w5fq4_$?Q>ENkh5C@-P=Asnn`P2|L^4TiURvzpva-0?XV-Ur+O z^Ae%k%FB`7RrSFq>7{H`c?o9f%5$UKGtk!-jdq>^{9w<1{@}MOjNS1P1}^OrCkL!4 zRY~p`Fd2z8@DaNQbeZIoNRg7|W4%1ds8m^hztIb4z0I zqTn|@A$TdDDf^Q3;ycjf5K7b*&4QZg9{7(T{QPE)JG7VJ=4YL7@ouDOq{}cG)oYD^ zcO+xXyKl_8C7mc6q~M;MtkSs8muzH@3AY{BYAAB4L)WD@;h|MK9!_W`?#12Y>E=1K zV|pQ6JnDouCAMI_oC_MRo62WwJA$oESAe+4(vrJd$dirQw9<1s7QO!hy^eDD0Hfj3 z6M?buDvij_yh9z1Zs8R{5_FT10odIb&b7a|@~SUoLf&ya&8l$$UsY2&Md1x;Q7?xQ z|16uWs*8x>!CNeG$a9$d>j-fP%)+AY`B>EwOe)97aCy4|LVqjrFVV#)JwJenb{~WD zQV(!Fj7JSK4X)kHXrC{KKd*mrdj~>eHE$Ud0?|7S*K!Os9IYcjd9gX@`f%?Yp zasBlY^tms1y>o}~1N+rMC3F}T#rLq4%Fp3h)FSBn^aRsaJx5t(ZLE_wg;cK%Vo#?a zI(N?${&(Xw>h|v#KGFygyC_SM;u~>%q?b}@!JL__X^!AufSDrSAB-)tp3eJbeIgx( z%|y>ngI(WS#@+YXVh2v7C}G0N-plh(b%CfN z8;v`Z5v13xWYaE3;`*Uw&?mK@T$L*pI#VS0=7$*=Bz1ws6u-ov?>R8^%>z>Ax(Gb= z_2C$+f$d|O!Dan%5~6fX=vI77IF!>xD_5o$kWt&@^sT2M^0va zfSJGb}RMg9-wk0|(JlUI}p3Ul|NOt)Tisf2Q|H8@jkekw&lI zk4b5=v|39Q`+bIBHnpVl?5|)&UIvVmXLx!1a9$YD@_*(i%LuJzAuElkhTMKI7Jf%A z#+UIx^*pL&CG4lCf0H}~!N<5w9yK0F!Uv0Cbb!$=Dk(~1En)fSa)f&8hg^94sjG|8!Ys9CM7KmE+9Y=aD2}k=J7BV7px&P&Lw7lyvTW#hG zUwzBDudq|u^_>Mf8y}uJL{s2aorVj$wv#auN0=6Ef=(*I>&I%*ZqZq=nUXBpT{2ws zeVjcyhf49uMv;8XfAjg^O}m)xvnm*&XT`hLJVd3rwh&S?gRc?t>y8JSMUu@|z<4{s zQRniQhMXC`%YF>jM%N(I+m3I@vc{c~!VN=2$>#&ha36~#O2nk4wWraSw{F&_~<3*laEfq#B-XW#Xq;f@3zylX6{G$`}m{q z4myHHS?@3>(w4{0RG{OwJ_7T)KymB4GcfJ&VxoEf7hF2U$p@<mm5ZR9dlU6WJyGQt-Z9FJ0VGOPY>P z06ifOt|L`WK7`yvbKQEhEv|=I=reX=q$cgjbrP#Sm;^2=ci@0uG`>_ZL5boYAhmCr za4LO6RADYA9Qe%^t;l1NE3ctksUgjnl#Wl1>>*vv8r;zTK66mLjz{dikp&k@h>~m$ z@v9&>&tV03J>No>e?JLJzAQrN;e*KW3+*uf>u%Ige8UQ*3?VJ1gpHb=f&Dv8!GpgN zZOC1MeW|^WzC4En-mylRwMu;L-Tj!+F_gX;IS1;Ehf_QApQQcqX@rb*++a*Cc%M2z zGpcQPMx`XFT9`;ab?c&G-7s!)@f*lzh^Xp>Atdge1piD5tT*N?fJg6ychaz5rDZdZ z;pzi(Nr|)_O1(vNc39F&mqVfK>n!5>HxwQ}h$i}J>-hd{pV>7C!7n9@ zyk7AI9-N)dbM8mMu$eAm`Lq`z*IYwFvX_dvhtEGB*)k7{)>aBHG8J!$@w zBwjxRiZfTD&SNJSy+MWcX$s^XH)jfK?~8{<3c8?SAKny=fcHio>{e1E z>AJKJmPNQS`Io7nbnay7g|0(Di2^y*V#-JAUcyCAJ0WMXH14X{4&MbniK=CRIP6yd zeC?>i@Dl@x!-OlCt#=$=zpW?bJ8i+C|13V(_|0Z_+)ygFJ_4+!R>Z0jw>jJjVpeM3Y!j+k9k9Jqt!xg+>1P^llMiE)Z>SmLI4I05_dKiVr!KoZ|4>?e(e|7`syeT>aE4iu|@dm z&-Ky~5l>NiKpnfeq>B8C-3@`yTcPl18eF~MWAo$XLQJo}1h-5#;NnyrcwN1prC6!Z zR^!uTl-62k0~N^jn#xPIGkjq%i3V@=!jZN*q6u+dBS3t_)3O*Iff!xa}UF3FQlzO7HqhS9rylm0_lTCMDlAQoLHkypY5E8 zgLU0;48&rv@L3hzk7BoG4R%m-QoZO5;Cd$r@m<6om7Nm&q~2^mcRM6hO{U{jXLGvu zI9Os6NnLge&Tsfc5*9up*IbwJ`2NpWJ5rr4SS>BEZA?+w`4*_udZJ`XHyWmTVCx5a zUcUD*;^eM}A}PsRHoivZzrtPO<0{P13xTa;8o|Xj3Ove8>9nk&ew7q&4YAvVH!e6st!@^zQ-lzpDBI5DZLJ4+ICP_3(Uj=8$m*9U( zufY(JIe5b=ZfbK0w-AK|2}csGA*qYb}nPT=3| zTiCPAG>F?8EcE?EVXgxaU9Z#U%0J%Xb)ie;=^GvVvn~&E9Ng)7Y6UgJ2f@S4ab($Z zORkWugPxKruz7*NcDZCrmp&7+#i4(p?+Cnp7JyEXVn_b05T zqz*Jc&WFf_IoOrAmszHULBsFsXyiDTdjHhN5fdMv;*|q1_CY?b++j_f_ANyW9gWUu zbFs6v67D-pVR1?Vd7&%|lB)xt^4eMwo8tgJe>d?%US&Au;u`w0;}oiIFeKIaf#B*o znh$+B5{JELFSXqFM(_>B+Qf9-$M{M)zWeknuw1G@x)sNf$sdi;Ztiwr=TMYy z*<^Zrqk(mMqbXD~NC%%mZZ@=pKDTG$#Z@tE(f72`EPF(;{#G)sg@AoE_`W z6|b#-1v{MWcxiATF&VuUBmBmb!08iHux^SH|;5Q7o?IehZ`WOJrf^m7LcJ^ zOYpsK4AalZ75FMC5GslUKEMwpw@=1>LVowgi}Q@mx&t34nn2T|8@O}sa5S4$j5f0c zj*4m%OcwOkYnLslwPqz#{gTN#Zc6jowA*;GQH=);n}`!`PT+s$RIqLPp8{F&0wz6( zp#S1*QD(PrqXhbC~c_8^6qa1H|78<1g=q=&s59nM4hV z_DI9;bysk|`)BdoV8Hi5zgT;27L1?20{hCQ^AxSIywNdTZ2N90J8O`{rha`6qh30o zm2nVj`-*JToY8c-pdU1Asq_6u7gI&aU>vz33}bd>v*%$~#Md_s6@75r#++pDlaK~A zKBz&1AIs8)X(GXAYr7ssHw>p&ip9*wUxygX9>H&T$KrBw4Rw@^>G%_)d4Q!RzS>#^ zo9vI^7O0u=HXnv7F1m_ayj}P*S|J*>d?q$Egp#@Kwm9*29-D0? zhe}sJV6k~GnR2QEhV7nAB_~`(8;k-q+aF?SuUOpnD+0R)hOudDUO;TJ61OUQg!eZ| z@<)z->{9A^u&#SU>ZJxlzydpVK4SoWmR%`yEe8t>Uyl0jYanM|4J+(F#-B8t!hGSq zXc|}|%&BM5J6Mye#qObL+Mi%(p&FiE>xBlb$za9QvvXB==cm(X`)m-8otMj;x)agy^d@XM`bS_j4B-nl znUR=vWkj^>F1et%2X~i;lln#Dxtjeb3@U9zKg}j`^Q)j2T{eKE>ykXBAq7%hl;QgC zJThx#Hl9{LL;NnC#95LD(VAAn?_3)g^Hh>5RLp@deh%0tIgG|z%A(i)B-9yK2M^`U zpkBw4Vahc;5}JVP!e^7#{45?jay`5oSq@8M6u9GhTL^6p6ZI6C@_vmm^u^&`@^4#Sa-GO%XsYjDWV!@PgD!R+QfHfV1I#69+4-%lv;!klnSeBBQwC(J;0 zm<4Y#`6()|Sj-}as?d{y2lC;LGtj+VnqC@HU_HWVGw9s#N6*#jWT|x&@!nVo6~aB} z-IDSA`Sx(W}YQcFw~uS=S+Qk`*5|T?l06s*(1+DLCl+ACb6rKKxth!Yni2 zK*tby{(u*dUGL_=8rl9Ew)sPmyUn5nc?Y@P?sUw9L}Av5WY2~MkqDD8OfbJp5)Y-~ z$&UTPJAFA_^&=P`=MAUR@12IM5nI`OsiA1{^awV8>?6y>gXw}qMgDr}X<~R^6102! zS&nf$+Snh*M$b3Ic91DsYFKOYE+wBRFL{Z}#)dPQiV0Adbcftr@_=Yo8j!f=evB}F z0xJjQfDUOQE5~i4I71S?&AW_M4}Zc))`@i;%W0Cp9vZdU0qPC1pm{+89$Tu4r!L6y z{|3v@3GN;@76i9KT-yT7YH5OL;eDcay%Xqf6EVJDeFwK*3gA;y3SmvivFl!K1M$q( zM7VJ!3++n=!OBt*%_t}$GfS`G{xNQtrE&{S_#6>_2gT%m{&93m9L#^7It$nPtJ!%Z z4w4_+;P1*Lgpw!d5Ml)N%Vp`QKu!KP^AYoyVu$Ol$Pg=t zgrx(z&_}Gy*ZCYHW6pddsIwC^e3dXQ|D8De!3&%yJX3B;4ubdWE10?VgLLx<8WX2N z+cIiI%fAb=%9$rDphubibzKVc+P0yj=>Q7b6G_YCv5?^MnoT_6&x4!F;c8YTTc>S6 z9vz!ca=O*1w`~)~tTW;hzXW1kMh~7ldl*NW3(UHik1*tI6F$t6!KONI_AS7Yre_MB z$meWn!{R*r>wOR^+%#bNMR^)5ng|D93T*n(QFwN41IWL3gogvw=?S?sZvM}Z?kd#g zI_sW@*Yqht>Vf6LZaSR1TLzP^{$!|dfwz6%6e%+ z+vQPL2l2~3yWm&je7<-25O`U;1!C?G zgNffZ(5Zv7!07oIP$&z-U7;#4@uxYOBn_bRGJ3CveNRKln0M@YKpQ+0d~BaK&ZC#Q zHiF~u4fMK)EFON^3Y8ND7RG}P`18*VB?`Qln{x)9t{O{slf{s-GYAT1o@JXq%z(~` zyFh2;32g6r1*24RVc?FVV816+eBsh%9AG>UpW9u7-auvEka8d1FUyBJ*$;60MpGW* zQwkZsp0SPTLqTRx6i#;Sg@>#1U`xkOa;>LVD1P*TEk`p&-?teMjV@`b`ZXML+Xv8@ zI$I#)E5-TW!*AS~Aj@?H546o|1^&(KBvf-1o_0G}bT_>WFKigdJ3`!Pc9||V3S3F0 zuqEVd@B(~Ercw7de+6H4JjQ7CS=g z=3Qm{vn-!lm?_0RIkjV1%d)Y8hqJy2WBXIcr zP2%X31rsx3!NzSPsX1H;Dp^+i`WaVz=pKZ_Mu@RGuHxDwhaRZYoCNlv@^o*#1$<2s z^gVA=m@6AXzD@9Bhn!WY&e}Jub$OS#-S{9e>}`jPV?o$Dz(aIGV+QV)^TFWs&3Lrw z83yJAlcT{gq_1u-lum78gY-1vLTCwD3YB0ApRxQ*5bh~6#ydmAI3r{`Y_XBVV;)uL zswT!4sq@gpBOgM(cHx)CYp7zige_-yke6S%0=A3RNtex?xPv}7jukH+j9Y~zf+>WGIZFk)gsz_ z@i%H6IR%wli$oq`fxT3687p&bP=Yi?jb97`GP*%2sJuouz2t*_%uO|R-2@Wb&Up6d;bC=vw9N!q2EPr-f3bl zELQV{_c}0aha#sRoN(LL9_Ft38y#;YU{aS1?_3)I%{R`FP#ZJ2-SAMn?zcWv9?|96 z>5{Z~vpLx`)RJhdI}1kAEg&;#F8tm&k4xMP#pg!yJU3j2x*S#@TQzfW!8tQJXs9pV zuZ;)i4m~*XD;B4^X`@kl64(n2vPZKcv9)qH>r`;VVS{(0lF5HyepQ1i@6@4T1slZg z)oaL<@*-IAQJ!B|Iv(FXxdvvEfJa{Lz~YAu_$D|-;4n>wvwfB9Z`egVKTe4|h7s!Q zs|>aq<{}ML#}8p05O`S!SHB%fmo?tUH@C&`sOSjTYK(vnNu`i2)ed(SKey3tosOe} zU*cq)!QARiB@U4vLJv6${pl~Gz@=T1W=4jiRmCEks(qHc?c7*?>bn}f++PRZn-r;K z>j@YzvQ6Z_SAr%)JOZte;b3Z*EuJ%?7k>}J7yafDHY9{z~goiem0 zA%K+-e`d6&n|V$Va;)LX{Q*v+k_99pMw`nu0!$l z4w1}FPueEv9a6&VsH;{ls<9bF_dQP}w_?vTk;EJLwWo_%1m%(jZ$Ye;c@Xd{?-^<0jLg)2@ zakV(iXe$P_8NkN_#o)Q&9uD&Bf+q?-xMgz>-Wz)gHGa?FrzbRn%2jz?7WKm(?gykzov;9dQpOV;4fT@;qca*2D3{a%}O4 zft8X^M4snY(r9rQefe(5Ug+MX1*C?xJ}edI!ITOI~Q+-6qhlg zM+vWpldTG+vNDFZkNlv)c8`g=~?K0rlDoFO5#Z z@s5{d|4K2G|JcBy8q}%c_GBB;xh&lO{%h&&Q$aA@#RS$1jE{`O8K54bf!P;@IqLpw z=(uwM?JjDHkG)5tC{@Oe-Wd42D-9-%Ov7@~a9;Ab0wmIA(9(TV>F@v4`M0|l@xy>@ zurMA*4^%1Aiwi2*lHnE@*pew4CvLOUkx)D2BI;Po zvHpG|hz|}`q2c;pnEzsV`m3o76~|vDa?h6XD^;QViDm=1i?bo(+Dmd*|BkRPMT7T& z<$UUlM)b_@#&N$F2tKG9+*Y%c>`V=Z#!XIm{#Oy0*Q?>6)$4KOxo&WNcoVx`$C0JN z%&X9I4#NYsz_P2|kYm{_mb*L*-|YQ|Ez>5`I^i>vORnIZ^c1KsHpBjrCfNMe4!)lq z$-g+{W952PT02JtZ@tTAZ!MkZlfW71@lTRF?o{NjCIw?>+5zjU@W#0yPaYupg4Bf>z{#GJ8-+YD?_nZQ);%ito<)8S#kE>*T;a~BB znq9Ej=@qtLQlaO+-^McaN}?CEgB|nD;d>oiq3x51Pe~od6yK=gs&&DrFmM6&R67TC zg_+o*1$?ajBVeUNAj9r1oZNp94HXNS*3lF!v7SifcWPm(@n`Usx2Mjx?CFgadT7(5 zMR%Ipqgo@OT_sP6<)sN=9}*2!PhVh}*(vPW!9b z9~O$QuNk6*&Fj)PEx)l}+kpCbn(?hh1L!EtpJcGM61kJNQt((m#~oUZ;-;lH$@h4n zqr>qdELM(#pP#$LQzX=R^7Sl?yZc?_(Dxs)OOodr9bcL38$V>cw6SG=&sc{*y^|gOUeuJ_0N@1^=|^aS#J+A?W;-j*bv^L8$pKV?_#4(x8PFc z<4_he9frNtBLl8ZhfUuf;L6L1c+m69WXKTbsa$8jDt+j&jN84oDy^5gg$gqVW06?| z)ZdH4rpt2xkb~PVRSLfSe^^Vm2H2K%!Kf3Gbn%Xp_$^b0 z&-~m3vG#%J)?dlekLcjk1WhQkSH~asPBWHa0AaEP5c=pOS1OuK<)kkPnXxID9~%YD zb6wcN6k9eat^y1VllfOxgoC=DkjP#I&SE*+u>=K$aM^BU|I)sXpbzC*!I zRp6UEAXjg+^EaFlZmtcxro!BEAF#UlyT(lgBqw)vB0Q(A< zzEz+{o$g1;uXQ%RvU8}1n+ZO<8V%BPFzQ8bB4rN-3w(ke(l%)lsWTL^J*G>+`{6HY@c9;himoV=K*Q5V8B3d z{XC7d<=qvhEij>5y=1`3I2ucm$HQ642cS!O&@VDhl=)E~;`Ma7XKjtx_`(Lk!)XsM z2i(Ay0t4FNBr0&*87% z>2p)B5zrW>2R5aBq%@vQ3G8}Y|qON9=jE4att7fF!Sgs}3NU^+yTjOv&O1+KTDeRTGN@dFb@pTs72qM;V6MCu)z=^IB+tIe@CE?Nz;;84>b9$&8-jB!1?XBVBh-=%!x`T zUi&VSe&PDVa#G(wLDbPWf7Y(2NK zP!zki>(j<7FGMdspRw5>x`{QJ)9BatR$zWR5xtL@uODsbe3 zL^&E!VD@hr9=ml5GB4|4^~@{qZRvbAFmo6_`7|4(w<>|?>8nVGH}56N7o$ zGO#Wwo^8JvCHnno3_m7a0=EJ$!d{nHbZhw|>Oa{p@_NupCT4zPUyDaT0%l{E=m^T0 zeq@^q25==OACRpSeD0Y#*PqFaM68m+=hb}!-OnH8R&f8LjJoU>_iKq;L^GkXn%PQzm;8$kx5CIUH+bk z6aO-iO}Kb@Ri{mgQVjgzw_(Nk1)%xDfF2w+6C#ud~#RlfwgsJCsd2f;!XO3BoKfZ5aUSq$Z$H)%v7Q0dr9y ztsb1uY)5C?3nXFgB04=>jruG6B-KF;qEm-dX|_!bMEC87Tk4DX4@X_FDQkoLZ;L=J zLkjez-<4i4dW)u>3t(QrV{m1v-0DyZ8sHG_`S1nNsX2o6D>Ui7#q;s+l2DY;F{geb zr6Dig4b{KJVvx233v{1?S^G=K_Nk3TQoom&sYPMgheVi^9FB*J5741cNAe|Iukb|R z1T39Z3$qfoLvu4DHZYE@(>;#kGw1O~i(ixRR|iukzu)Y(h6-B$ngKm(Vp3PzPsSFl zVUkyd)A74gF)LFRt&EoOixx59(r3VY&$Tg&l;ONJNFD-u&A7GhI3b&$fv3XTh=bRE z;D0CN#^tUCTt8_OIA}<67wYJT1WbOE|1=+>MT-_tMLT0t+MP1o)SqVZSF@ zBl9j}b)O^Inn%lU%JkV7=$Oo$cK8WB3Mzb7e=%C>dr}_SNG5(E$+dt6W_3C*I(566i0GLf5cfcEyN{u%B62k`_qf#d&uJ-FT|EM z<}B;_3iNB6YBOt$8jM~(n5-JoO^(8q>IswSRneZDTggH*wFePzF0p;yvg z2U9!@J<$5?3kei7G?%N1M8$F~Jy`Yt4joMsDU3|P#X8TK)y-_?ea#R2KgX83{FA1) z^``OHKC4i5&1oDi#qjl&!5|~QhKDof}fnMFDs>rt=r0@R#PqWWs%i1~u!=v`>W>v|nP?UtZj<24vG@|VC) ze+ZS+o5=Q1W6Tivwr=}e$h{wP;m{dtG#e-nXTFW1FvyDUOge&Z=1(Bk!t_PC2bIvd zd<*Vp0jTU*Wn&^S31c+Ih#hTa(?OXvt9ShGy zu^9hJn;(jGB9jCLiSEM}cLjFT^$(Kz|t*tfowt=LJyx7ylFR;$(im#=y|;gS6|8i zk2?#=&4t2mlIh`C&0~CTP#4~RHJ?`uvxIpii!pX`CEM-d40&c2BD*O$P|tF>k%0+Q zeJRbPGa8s=;(SyWbi@y950b$#^GW=UL-;-6CcF;v0?84>;BVt9Ui>_b+b=YS(o95fi@`OA5^maG= zC-n-odvozZ^*Ek>TY@s5xy0kA5p^6@i{m5Kz;lD|rI#*jg_xv3jA-+R<1;HUQ+W2B za=s|qqoBkc1}r_bk`Z?}I65z;{CPa4oU4XEw?3BsIS|Ir zJ_!Xy;hmK`t_iLRnc@`HV3I=q>eROW#O=(|KNbXKV6xk%4h$JE!{NcANjM_jDK6$1(W7IAXOux zuu|Y*w#5Er>cOM2|NUQR)l+0A2hM}^UMsq2z%rg$M&M|W9}C%%j+H5I*p2i7*jVVt zL~d*8QbPd_-5CJ4icW*sLK%APha#Q5>LEOnJC=rYDd$YJ9<3d^(6V3VTvhrhJ3?N zcbez5n_K^|GJDARD zTO#n_gJD|XBK+3WBlu>8PC4;glvo_fwqCf3MH2$~xEXfPA9ISYlQW_{3HEfg_E|LP z5SY0BQLHg<0r8w136Hk^7I@YhA@J}s5=9~~KWPuolo>^p4-~z@e-6!_O7pP$tir4{AO@+v+6v zP77oH^u!-$-Z)Du0NmDl!oQ^TRA$yctTz>W zk{d_k^tePm>FsrRc0z+bRF{{e%1ep20mUlkrH)K%vV~lMYuY=5mLp z(i0vTkiR6trqfsjd7c?`zO8`f+DJ~Sb@-4yI><_FM33x&M3&@}@*oTP{a`5fo@vid z3h(9lau5nCKHh>JX42K5OYhtMx<6*8+583tNH?$;8fS${LP(Rt8vh=~c*WM78 z9qxuHmJbQJVh3Xb(vWJ413bV#;ezK4(q~ zW_tPXx`sw@vmFZWWv;+l@gQokWfCzH2SV134En2CO4#^ck+JuaS$e+_{h7ax%;7bV zduIwLHjL+*o%3k4)m}K+U;-YCzGBqLqb&8R4ln*Qi-$`7kD)UUsHuyhxF$_BDJspA zlxSAHvrm*MM2HljBtwXhG|*runx#Z3DoU9u8s6Qf3?Y;h$}EKprH_$kE&5S4^Vr;b6dIiF7&RAI}*lEG0lf%Ux&8eg5s=+xdG*$&~ zO^M+9)snf{yJWc0c?vaa{NF%km;|PeNf-8hYvZin#$!zQMiL&7#WkuQh0FK9;XCPm z;qDa$a75xC@zBgb`TSV+{-P{fZ5RWIlHS}&wgCFwfEHoQF1mULE&^|&RuRhK} z_aHT<^+TC%T3du;%dWz*3u)Xb|94OytBAy=n0>D(h10(db5k6S;p+KYL2t}A(0_55 zyt9f$hm|L}scA^9s&wb;^Q_8X0gZkCob#T1oJa>TEZx5Y ztL|)JeR+{^e{eH!fE7eRm+Epifb_Z-v}1|b2@A?Ahbp!h~oTX0s>kzV%-Pf;Ib%kRo4-ZoLYdJAMi}; z&GPh6zcy8V-V5ckj&r3>v9N#Keim`-61<&zoRw95gYB2<;NR!fcs#t33SY_cEXH8? z)w_V{+3&~3nW04cSrB)>u_1mcs|R-zg=7H@!@Af!JU{a$X#5@CF@wQNc%W?f21`X zdVhq5)Q9qXWhZ9lJ01m!igb%*Av4I`KpPJpgX~>$tgrC_@j26iMk~If{QQYf?W)N} zKUhF(x|?A94PHB{3Se@l{D?3x5=8#nLo4S>Qr&arSn4BAf64xY&(Brae#wLE*2Pe4 zx0_4&K>mSiHG0iv$O&F`6-*y40Tr*EC&PIdBT=&i7(g^>I3H=MYqh zbm2NfFFNUC0G*TCL$->%M@#V{!NrJCRDn!JC;!_ZQ*4I!YcmA)v-dG;A0w)|o$q6G z`GM}qqBPK{9D=we*opy|r`v?j`wqbb&m+uN_br?`^;URW*MLqwX2tgO&wyM7Us$$M z71sP5M`aFQ5-5r0qlTCvigdg|jV&s$q%4b$Cs8~%JpuGTCS&-(3>x`c6mH(rq9cF* zfnSeLqufxna8LRcCgSl896seiXI>4=Tc$_d?ugNWuHD?!rYjH?>j;6g2t+rJr;oKV z>9{^V+pMC5PnPV#=SeT%u%s@WtWRY+5NoGsZ6I$mI=%Z>F88h+W1kSx>=Y7 zUOG{5(fccx>^Fh#TKS3B=pNyk?^D^+AZ1+g{vEjeTZL~#JK!Qd66go%;y}9%oXQnt z_~|Bp&lGX1Mty)jqXn$|r2@>!dkwJpJBe7E}L8)%zjQ)V?Mf?6qf4J(s|P% zwlp4Z#^(w~m0U)PEKiCF34+^)K7yZKJbW1$0-t;q;|BT@#g-P}h?>z%rspbm-Lj3G z=rLpgS^6~pqCS%m_eAK~2}WA#Y){PvF#S{j+NWdjcI19==-Y_LSBO%tW=~q5Wk)Bi zZsY==okt1%F>L)^Q`G(?&Dz%6LHF<581m7GyTP-58>4+VzTyK`mw9mt5^30^HkH-( zIl)&+ZTfrBI5u-^Jd|!63IDyZf-JYCRMjQ{{YSAlk-5cekFsuQKiZy6sc0+WjP*>zC0&skNV=DRc^rJQpeK z_VA?fe9lU=Gz^a~T!wd~%+O$?5?#>Ojc5Esnae+5nl-A_`S(oJ(iqL`-mJrs!zJ7c z&5u}@Zo+56teLK}8qB_S4;(e$k~)4SXiynLZO+_>q)(nWhfGD8xOZq&nt%Zh;;3iM zeJDILNJKIe==|`z!i_RBVNb*ywsz?v{HI`wCvRTE=~EIQ)@>T~mz0M$Z=~tY`z@%> z@8wtBJWhPYZJ8TzC>3f48qXHauOYEPxA5%A zUmSh#4u7AY!rdr70QL5~4qh}Ho%p@w<5&C+_^=_z(o^jN?@G~JHB3_lQAO zxmbQ-6wWKn!k-o{Fn#L`^7_ePZcKnV^L0+e3l60y`8*XDTbJ=2H#~>7x`tTH?Z>!l z99N$E16}oJfd1A895ZSsi|(XyVSlHAy5VH1r+fh>zx_^}SJaVb89Ru7yg$0Q-$&s& z9j>j-8cA;#&bU>AL3$iyj{bt`;yjbkD1toKn*ck*dB5VtS@3EwkneAJOmgi*P=a^w zhHns|sx7XV)K&uXW5vndFX#B*;Q?0?;tVSTBFU5Qk6_I>4_vb}h%W0Lh5IJQL*SVs z*qRWB?+zY@5ns!}W!gwKb;}WSNma-7@l6=@%Rry^gBERX2mgvPC@?+;DpZO2?4ek(R0}s5{|}v+XM6kkxxo4p|D`&F}F=gCCBZa01sxFQ8}s zjX}dlRVX**HIx}76R~IdbX?Xi_&3rGggyMTHaHk129LujL6=~MAQLOqv@kSNjvm}C z0QrE_Q< zmH=Cy^>Z055-bR{Xsy^2v^$=}IczY-{mcG=S9cq?>ZK!$`E5fEMw`R)CEirAy&65$ z67WgbDPZ?U5c|YVa%)i|=V!JSr5c;K80|w`M%f7*)IPx$DLT@wJ4aF8o`W^!O=Rf$ ze^@1PmIyxj!KR3#=wH|kTf^Uy#BZyJ+K%re*;GI>R_O>=+fQP1_r2lz7tJSUx-H>o zT@85EjwGY^9OTwdRLAov|B(k5&S0UjEkc^RK0ui$#+3vfxoSF#{&4!N=I1c($izRr>H zkUux}e7kboNnrk~kN4idmpU>@4(1wP$a7^10NS)!dP_ z8^AdtmQ&B#1@b9JP^2=A#yBamw#*br-LV#%RjzQ$YbVk1Z4UG#@8!8RHlR9Td=pl3 zDG*g<#}u|bAwf;W+;f`~u=T)XPR;o_G3C9jlU62GhfFp{zd6>BwJ;UzD{OFgw1AY? z>}MemMqWOYXIb)#1Y@VwV3^xzva`Acb?YK9Ozs=JZ7YTe5uf>}qC8t0TLG2&QG6dW z&x_rH{66sw9#eOx5{a$wO1vLW`}UBmXm|Fs=MDGVtqzl8OS!K*l-UlQY_9n?|2_X^ zWBYkNU)iu2@B3-8gwVf2wNaZ`tC1f<62G?;?L?QiFL6%9OS1UTUsS7VJXhL>`v2sZLuEgVOnrsFLz;=L1^-=JW?@0UE7rA&Fma{%H14(( ziDTZFU7ZLg#4D-~r-@>)LK%sxkHWNyDEsoh+1%Y})7ZwIeQ<~02c~!JWLf?@xcqc+ zRIt4XHxAx{xPPY9xnO;e!-t*t6<=AGO;?ICj9yNp|D`mI{b9{ z1=o?GNAn)ElOzjemNYT|Mw?y4S(nB^pRNdNR?5U5X0S^r75#`ym^}_AZd(Ei>NM&5Tb9^-O_V=ZHE{C5e{r$=Gc0X=OHyAQNBUfh z`pX=Gk!eDx%&p@Tn<}{7UYW2cYX&!Sj6FRX+z89v_}_M;fKD%d4_n7bvDdb@s;{|R zhx%F#6bo5L1`-AMq_-2dFR-Tzn{;XHBp>kax`oP;C$adkFEk%C=2F_X6RlPmYW+o( zd;D4j7J3GgsR9iy)@}nnZr;tkopepm8e$41QJwHQbuSFAyH7UkUrsf5Ns$LlLAcU> z2Q)sDg7M|Pbl^amP&c9yv%>0NkHaW?WyfY{EnF>(QVhT{)k1vZX~5KF|G;qlb-0}Q z6r@M4rJo-kz}RsFVxGproo_9$P{$r6w;V#H3vxK8`wMBw>H=vm6-MuyFh3Cy8Zp5f z54bJ?&$RL2aY&DePCkg2?!^m0$Bb6qoy6X6e1WkOVyZvhtVPQ~XK1@I66S7c7R0?d zOaip8bCEf6=xQ2^D$Sc%qS}7pvhH{A`u=6Edw&hS?7B}v!ZNrO#wSrXG#j2BpO4(g z7d$P;4h=u^%yYwc+}1$EH){?NQ^z!zy?6uX7FsS`HE7Fji}IeLA4%+dtu4PWS0XK& z^YEv{csi|g0=viOi&Zk-+O1i2m<>9ZL*(%*!k3=|A)uiM-c2cl@_DW3@|@TE0`GI7 zPx7F|dlr9oy#s3F%CTxnEL$VK3!gULhBcx6z&}#(zRU~3Ef@^7mi)4s5jmh|o=;}r|J2{9rJR$dS`zC4bT-Boa* zPb6FEa)(U89`eYA=QeMjO_Ulm(B+{Ddn9@lEniQer#oKaa%U4}ac79EI&9DS9{l1C ztP>aPAnUoR%mwt8lqGmQ;%|Z1)A3MBHh38K@b)@!y7A)`^edZ*pS&kwb9oe$IyS+K z2fDaZ&JCCDtas4eX9{|MX7c&vZfHtg)wqx+6bgbKOoAnJ3P*ajWqCfU5er+r^I zBb{TU^P&lh@hX7nHpf70ZysFP<|XI~Z|5P(a?H(ZH~d_#&AIg((oppR;f9+(x!YpW z+_Lm9xS)I@%>SMZQ8z}?wfsEGBl$r3qYhmAPlo6oKjHWlHZiEBVS3%^pUXs#p zCh$MK5Ua~Rl7+@AQ0bl|re~RA#|>Nbr5_JbQjUE)?)g+C)ByqiVa;< zf#jc2d?ri@ZmMVqL*~R{`&~vNlVsq3~aXeKykOpsudhnlJ3g1fCE zbbaMLOzRaezkk+r?7>;&wIA=7*gTH?{Wg>8&P#`U$wJa-DZ#o=C&E`SAQBir1`o!dGdJ3G+V$vD<;Bd?@+3c zvVtfrGJ}UVrD?~!o3Ki>8}!$fV4>C-tdiBGDbAtv`oue+bySYz@3Mh{QxBkZ%R>wo z?dAI+*Re;(dSO+tGqcw*!@t26JoB-X^Qn7>=Z7Y<6^&2u`^j+nB=;=L+Qa7*N~@rB zodNurpL1))OFHasLPw1=J!?go*Qk&9XVW_7&1a`VPjV2vOPaW5>cXbXD5h7)UrX6+ z(8<^a7bfNlgAHo&lcO$eGYbIm2@y=A@+$FO`gp?O1EYXRB(>%k0 z1gWALKXO=JGhtm$m&m}8+nA^I0VmGC0%K#=<5#tlFveY<_HUhlw(TZ715SbB%XO7A zjyi#7>o#)qmJ$_+_@OzU7b`#iMVM0d5QRey;3X}MQ_sEOha*Pb`Fz9C<#zZt#tc?Y z;eA2JvbndWDMZuCn7#6@1a7|{OfOSndsGUcCh!>EA9jZkU1#~7V<9e|bqK~_3+9wc zQt#wnXor6=^-&;q(DXJ|uTH=>p|`PE?*~--%;mk_KgmPwujE}zI2XF(Gk*F06Sqk_ zur-1Obg(ZKtfm!%!2xI5ob(Knbb3L>@dRyfv80~0n$Y`Dh<17p;Bx9DtUGmq#8kSW zw3{Aljy(qdfroL2$lsaC+>yHDO z5sgA0K4BN+y#?3%)^IuL^3*wI0(%sDo+QY5I22Vb#=A0lbWiOvOq()?GvC3Vl|$!4 zgt-do*#8(7?L5MB)>YZRo=lV!zl5`fM^eXm=eV;`s`SjAU|~R$8-5?N18sVEgwgkh zBx`FeIKTb?%Xa6HpA#>`koH6j{?UU04K^5Y^Bzjoy#=?F8ho5RhK4DK;ECwZ#4M;+ zm{oUxjZ5J>Nb;{?@o6TgS>FP+yHx4e6iuF2z^5;NCvyU+smvtS0;lKmoRhoPh*;SR zflqA)oS##UTXy-O+onP=%UDjljwJ9Jr8yk-N+gPH%jnrgTTsia1&d7r@*u>3mP}KJ zjd=tz&J?q*i_PE?phlLi8VkaYiKr6e&5aXPWR?a8A#z_4iN1e=$Oaz4+qdj!c?<71 ze3AnPjjrL-COg>SYQaRiN^#`r2QWnrL5uJ9_K;oz-{c;_rQK6mwulGK+c=e$-JL~e zNAh_;yHQl#e=dpa>Voqt&0vA9EK_XS#m%!WhLOfbG@kDz-)Sum;V+_b#zixh^CcZ@ z8UvZu##@4Y>BUg$>5QM1^XaOH^IQXe4s%z2jonMzv0!$+KSJk= zKQafjUCh~nAZOCtxQDA;s*JCv+0kKdSuX3OfC^=J=I=UVcF42}b434xM9o7?Mfw8O zUL8#&^Il=Q>R2ed;m-~3twi;KbwY)~KUn-Gl{$q}$kO5Y2}z}F#>&^+IewPipxRG# z9%^&#C5K3f+1Kha*H_@QY$Dq{xPa;If56Q;Hif=^p$A7UmV>UY1v3r~2Fc0!WWyUv zW+~WC?~OhQ$`2;NO}k4-1`Oa3xdCOv$6?i)f7~^RG1UB7FRb%g25j|ANbuW?6&6$I zy;TBqyL}59rl-KZa~b5Bw<*h?Qv%QK^S&e>!iwMhfXaPI4lh6R^IzQ*tQ^P$zuC^D zw=jx@jowYg`uINW4+6SdJ_|3xBvx_W6nckFU{|wgz=Rc>|wC`a-Sdc4X&|@}}t<@Tz7zyy`iG!q_gz`g$6^x}An|b)Fy(I&5qG zHG#~yuduEv3$2#+;irxtkP<*)desCl*vNl2t&rT+yGY{Ad_g9vg6sS~7Zo#p3W5jX zNyPG}WJ>*VE+`_6@1j)09Yl+5sIY`zmYbPdD=CBid41o zHaaETgTf*!rsQ%Mua{)wO@(z-)J}r_cQXfTtP_OWUUiY`6VbR>TamurD#h5obcZp2 zZxY9IQRuYrDmwK~g0KIwP;1U3oKW~2osN47Uf%eC{?6{RRk{Er)xyUe&O;&Wboh*IH&vu?Y74RUd9Nx!zac91rBMRVA55+hk(+D{0n{bOoK>YYS}@F5>o8I#hp7Cw||%ALk}V;ao8VG=ArUYu<%$ znf>GFFz-+5G_qq6*HU-}G~Z=z&F5;cWJ?i8;B4wzSNjxU39zg$na+q8x!S;48rT)WGn7m*Tb-DK!46e?`!V3y) z=tDB-1qH&~XPuaIs)bCo`-v&mrp!rq0yPs{CnihVK+~+x;ogLH?#smqASL0(q}2$D z>`uaP>Y2L=e7#j* z0EY4rLZ>lE5BGmg4^W`CxogpIME*Nlq6HVo5~--pv()PDdsXn@+W9|?J9VEu0yNcaj0yTF6e8w5>$p<0kbcILRT#Z;k8+TsCLMRHe?)!YOzsF zCU_(p;~C4uR%p@>A99%7f{Wa!E6Q9~=N@?e$OT)UN-{5#UZSz#AUaSDa9@+iPI*MZ zJfk9fmQ~B0emfoJ?fOP0+D#^5iI>3VS{SSLIR+#1#aZA50b6YS5|*S(f$3{~uKuhV zWN%G`xTMR~82A`!a(|L17Kb8Y(W>QbUpDFsn+Iq@S9=%}yUiv(jida`F+( zl%nboqN*NGpDFx+kbUr--Ly1VZ(3GnN$P+eXvHW`T>D`f+SfO zRDcebB-pn)OO_7X@R#5o_vT+G**7u`4!FMNv%IRTB}I-~sLJo|um2}3GRP-iKKin) zyDxKMKVEVlJ?`MUjZG+Hb`8ImB*X08%GA3x1wQ0Hg}H{^P&7FJ-`g1Df8H0XCi;ug zw_v!V?{=F4zxUuNUKw{gV#XBU^<_w|-ceCCzfkNL(UsMU7 zQZ4$4&t;msvFOe-WZR6-s8*pwH;U{*i^&(st5-|xgN+s0HZ==oI{>` zxxa?bZ71M>+Z1XqlZ_9)O^2<%HuQAkd>Rm+2rJ&zpnJ_zl)iQn=#6^Nz8Z=@gDjW| zuQ&K~o+rJJ>QGg*6(5)RVU|}n=BO*OOw$K2zTh#g{a!?T7hBO2yFI`m=nKiIil#H& z>+xpFHSpXMLwdb8avj6F*e^c+`6;Fk1`KC#o?iUU_uY5q5+23(E?>u(FeA3<*HKJX zS7N1gW?-czLMs?ctjOo{`!Q_qae--O85$JKqFW-SqKGlyccXa(y-JQi@^?1}vwLYw zRk{)znp!Xcb{Fb@)xR{|%}!tHT?fq~aEpy{qL-LOOXkE?x!_%-h z<2iai4}up~c2q8BGMH??3(w@7X>i_S;wqC!-&*F8MxNKc@V*L)n<4yqWs62rXM*jB zE9^np6xt1*=y6RQl=t1j4{B#|zsEdHnL+9Ih5S(~RSXCiPMwZWm>=sWpPwpHXd|^oqhdcTGaRKCQ zUq~-%Mx*n~F?3_=Chmz*I*yAT3qEhMpzO^V7@l(vx`KJ0yip8#U0Tc%kGasxIZ@1U z!7P;dwErovxec0L9W8xVdW*dnG-J)`qPhT>(wdXFg0yhH4>RE{2EOrWCfr zieo%`ZuT4y4Xnejb63ILtr3LdpQC5Z_s|zNhrnZZC3HN^W?^PofHGt%{-KYu?3 z`A$!?8aV=f>bO8=(-Ih^(gJDZFZ|=X5HqI9u)CV)z~KE@s^`bx=%+uZpYd7HBVkRG zOqE#Db9MYZou5?=#*mMh2L(zdjhx`O5*2?tfD7D0z)$ir+Bujox7+!+Kln8+zZ${i zrAOgKK40pv6=vnY4gY0@Y1NA#jB) zrfj^z&2q9q)m%PD6~7iMqTY}h>&)2_tv~Q?q8RplAHj}am51+x<5=IYAIQ&Z7v7Ob zVdHLWv4%J!7u-R@l`K7v> zu1K=Qc#SM>{>!_<{M?gOS1)BDd#Fh7Pt;_KKB;prL@k-9gpE+o&kB#+i6)EPx6={P z(zL&U1DuN1TdeWieZ!l`em6k7F#peh7NxA7Fwkj+JPOY`T z{6prrJ^Tf_p1Fos&2sU=25-9Q(Gw#2OOgJxy$4%ospDeHPS{-&#SF)eK)vN|xSm^t z%41#$^Sobzt;IUwo%U8ps$PIo{)WJUJ5NFL-czKtDs0)57Lr^dLTBW;(K^}&aXi;S zOqh=itFNI|%Us<4^Kx~-q8b#Ilw(WXDSX#d0Aajq$K#$`Dcbkw;AaRyn+KyaT(Fu5hpG^aSowSzPSOQ-a0D6KJh? z0GM8MWl9q*;2O0PM&B#I+)_zS=Kf`<)mTSH*JTs$Ho))O%klTd7XrGj0PY7#!^zKf z^oR>T&y77s{h~WaNc2sfNl=WvCzisGC0*>!-5>6sT!kimFxmmjL7-9L6 z3kn;J8qp(|Y^@#s8vhdJTSt&`Pc0Z9oJy`Mzvp+FJLYi07SnOqF?0#6^~-Rb@@niZ@MU|JeIv8O#F&Eo3CNz4#*LkM61sUkr%~Rz z+9uhQ3Y+HA#hMH8t+xkV@JEyhJyx>z;)ghA>3;6jQvh*e6*O!L!&Q7Qd8zkgVzILX zT~-ZpYB~GpJ1oK@DbI0pya!#)@6Dus1u+$=VtjwPoLhP2AT#?2cvo4Ub+pJ*wW=~s z2m?5HW)+M6kqI|9DbOpSyf;`{$gz+-Fl`{T_jN3lu&hE4?F8Co5rfN{wlgogXriww zL0yBQ=~>-ZV1~T^u-6T}EA{EMH=~%qaSZOx=ido>dGJy7GOQXIORmPNQMZ{90DYx! zsof3V28H9Z-3jE6zBsi~oq;`jH$&idexC6>MuMF_!iVEY4*Fp_c#hA1k4yg#I_v*J z?Ok3Y-8K?M-Scp%Fde7w)qshwEVvzF0T6o2fsS}~06$1OVBLusY-#B&FsQAE58A18 zX!x{H>CRRB`n#XID_2Ucn=GT7^oOzVj2qgUye0bY?hvn!zXjXiTk$IXD&pAz5wUzvf)a>6IzbwW z{Lwl{QP3_|OHNpH@x06Ln9}M?WZ!wBu)`PzLXW_eTSHv*rVQLU6c20vRg?Pg0F=0W z6DqB;IlW1B&~<+nO`9|oHD=F2`+c=sf6- zH)QuE<5;Uk((3V6;2<@GI(aHQqjD4*mVXO931v7eJjun}NP=b3we}-7C(`C#U(DX} z2fS`5Fwt|b;aT%*LEX25*m!j=W?8Qnp5-$Xk`ESBGNT9^lY?h)@^`zF5pz&wO;kB13ru&R%{%sZMGJ4JI{Iy-K@CrnIO7z_4n9kV?<;c9!paxpbFSmU zXJcrf(KeJ``V@c8ONIkKU1+jYBV9KB8n-oFgkIpYQ;QoXLRhO6mezkEXp#@x8Q;_W z;s~rv9>ZK$j%VuzjOo&xGo0q50rNaGvh~DKlOyJe2WT__9VG7DV%U z%Fj%g{jpJaK58ip56@(K|7E~|hX^@S#o_2q&FZlvmCSwCfy(Rmp}vQqyCnKZKLXLsHC0=N_DKm1VzvFXN7^il=`Xq}YZpV)Rh>L)`E{ z9%WZ1Vi^A}2-Nq2rx#PWV)<<}@>?$So4w}FPTs|59^~k@>vkYGV+kKhFT-%dHEc{D zgWo=U!I{rGFz&k&?rZd6fyJi0mXyLNsxAgu>4*5yyqgq^U(9qx_R%9j>P+uJHOMkK zT+egnQ<^nsrr$1TIWXjq_WPjlD}Hl`vff4}-4$?a588pS-5(MP=F{{PNw#@t937>g zPF*Ex@%5{zD7$`$`;t;eR(~$Q?5X*{I&WZ)zC8;ZjKlsZN8$K#zTI@LP_|kEH@u$!*~MpzuaAb!4xjOjsTw^Nl#gpmKEf#eFN!pEhSt#IY*`l10}N4N zuN9iP{ug7|bk`u5G43&jWNwE&O3%1OHVChl8&h&65~izWq0zf`NYE99rsOWpYg`?a z?TTVW9cOUqK{J*$)FG(kIeeP+YP8>IIp?l@kor$O%jQ(}*|1OO6Pvr(=1_Z&~4%lyg3oLh7VS@e;t|mp` zl@SZ&7apQzqXz3Ui{{SFG-NlcP3VcC0`U3PO7bmA!0pdmmL8=Dd*3k3=^H~uKHMdB zF&y4hNn!N-18(LCd3J7;D_eMX4u7V-E7-SpDTZ&>M*ptiYArKU)-N6i-;V~u%kMVS zTlWv12|J4mTL|1(=i`v^?>r_Byh7Ot=}`G{C-CzSyS_q-Od94?lrA zz9-BfdMSp^{UKcJH5t8YvIINoYB5AJhI38jebe_2W4yK-TcZ<)rDfN-xOg)d47iM^ zI?Y*HSOW%ac#h+iGj7+tT27ho`f(pVE4;E#3&u*n$E42j?9vto)>?iJ2ORZL?nM=O z6q$iVnw{9?BhK2F&4ShYvteHTZuGyS!GgjJgmd(-!?n7df;*e`;w%@S5?f|K-lUf( znzxk8N^9k2iJm|%Vls?Tvjjk-K9G4|#Oa<}X*t zJ%Jg$JmEFC9=r#49gS$HP6LSwkz!VN2H>=pF=$`xL%)X-Li-uFh-s@3Uhw^^hg?d? z3}q80x0KhnKQwUhBC{PDTn%B$hoA7*p&eH-DSH0R-(8$Df}z@0lz;z{tmQr72Hp;= zH&dU5?(|)sqg6XyA&6XTz!CO4h904BhGr(R5ZUE4i>34zx)C z96t_rb02W`-~R_0Moz5KdkChM*MaB2MVKO(4P{~FAW1I>ijyC4UwlQ_Z9x*wZTm+Q zCJo`Ze=cn4!yv2;o6A&ep7C1rXTg8g8{m1n5qD{aIGZ`639{Dxf~V^}>2XIbwzrIb z-oJSX7W9;0(dk#b@5P*&s>-lX!)pE`DuY=lVJG1d(by|F2r|OGFAT_(8eC%n9L&nyc+^(T6ehl zm!ClD)+{`&m?HSzw-mOdUnINUzku`vp6jgT28(|jBdC{@b zYyD^ZK|1gY&x_8ph~X*dqu4g#cnF`Hk9(t|NQC!tcAIGtjZubZH(80D^O0kU$0*G` zAjfVUHRQ7dd`I@`To~JE#Rf{^xSl@(*jGEq?U{H29%(gkibpkR&)F)@w7e1&AABP# zre;9?yiS~YcpF&|I0{2+l!%^i7M#daX8Pujxk;(jAo!2h&F>$AH7m?nL9r+VD;)+u zA>XYwyB9}V<>0`=)mVM~F+jBr3<#@Wm}gCR|5nF}*=nprU<^)Hp+qc+&)c^C!hdU* z&`k{+n3BS5$he|G2Y!!){1r#w=fidk{$0*lspZ0`H6!tc#c0~8AO+FB=kSuZ9rL~# zMa?z4Vf+D_xUnvMLJW>E3(*saRJ_VZ~>mn_QB

^R9T>UbBb&P_v*9cXz<9oC5BExEt!l8uL9+ zA?UWzhVELD4!bWqVt7IhC`Tj^3|h6>v(jz1NfK$tvhIT{eVihmbqFS-E1sZPjVIhXGX<(wZork7<(TWKr?8`$ zap%^)fRi&NiHL&>PB*CJW*0`G$m|VFC(Q`vPCpB_txM?#=O#=EP7!A9v`6=`vq5Px zgD_Js{B`0JDoTa1QwU+>LiZ zxX|$wx8+a;^k;2>gNLV(V~dno@u+&Rib#Q);x(wNron$U7m9bvgS_i#b~o=mDKag< z)c$oyN)A^?-Lhc$_q$7PSTnn*cu8Us_dXBCo zxl{K+U2PA}7TwJ(`Mp;SufsX{M}p(m9CGFG2T;hZ1N~<_`+nDr;g{Bx*^TxzaG8yuF{(&^8?SF6PygVeuwU`$vj_c~(&v(tV;uBPiaa9?xb4r{A= zrsqQU-&+P+>p89J8V9Sl3_dEIRWtR8ckxKA*k(x-KajqFNzaWNaq?pUxz zZ+)P@SIAi>or35^Vl33)HhI%uh&QezGhM!ytmOJ9;p9{GywsL(ZIPoqiEXgc&OlnvNUr=~=e8K~NE-#qhhncG^nQ~ofU zbvG6Q?M>jjO(G{-B||Gc6Cpw(5~ChU;!*E;7(4nSK0dk&e-!iD%1aH<`eM$VzW$ah z`A4COKf9hCc4KV7SQWorS<|GEn_3jOh?mm~eOu$i0V+(>d=`5gE7 zJZyfef(_HV;ovkkw0zh{(xlDNx8@mCt2m?M>$TK)TrMR4x=u$qG!yqvv*^xURWR$d zGIjgg4lU!32{TSUhGfxHm~(`JvZXp1v1c)Q4>G(k*#)(SvQgq&96Uz>_|MU$9fzbj z?c9EcVRdsB-7(B{p5i%5f1K!u@}=-L@;1tL7%}%^87{;AF_E{;o#W;;tCG*+i>kvKA&kg0QN2|xccdIb|kxsJKgaf3Rh%e zT1GjahhERDo;>EJ$VT$sC0iy8<9F~QEvU6`1L*E>#7lqDVY=fYI&ZZNz5944$r+nY zw!W3Y=uO73)6gEL7AE58s*_-LRhwt7^F4xT*;tzW6tqrlWP8WTQYF_AA{eK@`sBWI zk0w2a01rp}($$QM)gItlt!VNgN1NHNJP$FOUW1soA#KvA#?5K`URd4%Ld#=?A(zL{ zN1(?UhOPlqp82w4^)JlH48dhj#i_#!3f(>P;nIcC!k>1B>C^Y4so5z5__y1WXojh= z=HO14rnHRxu5~8G8`DYP2yg1XYa+Rp;6zXMWpasbdYtTL1HOMxlt!;egJQ2dxY)14 zg0l+HS>Xm3{8x>N6h4KKCJyXT>I1<#-zNCdF3Q4qzpjtLJ8)GqgL@b21?L-^$obVJ z@Y$q+WUL#DD_@=xIRBUoC!}WMf+b(UNHPgFPfo>;-2!sY_>Zv7Ari-B$WSBa9Q<r4gf~*YJdebbnTRKYWs4o8ZcM_TC0cZJjxBpotBi{x`h`9d5t<)G!rQ!MBq7EX zFG)6|C}v`W!3=tRx+`m2nE}78M`A#^8nsQ(!xK?gado>0C|^#+yUPdA^u_}svGoAE zr??&5_KsmKQY*1(Um98EP=tF2yFt9f6pp2iXNzpVknpG9aYyYscpc+N=Uf>}{kGkK zJ!y9EM0Nx-^N_}wPrhJSMILP(qR1|Oxc@SUlfN0fgk`#4)-!xJ)ntl}v8Jw_tUgyXY&| zs{M&SGrYpQXfbFz`kE6&p5htvA5nAVPHtQ1CYp850@Dxh9fYUf6W7%@@zz2KjIlTj zm-U+Xd+RT{aWBX=33*tVD1lA_cbJt`3gxk4thJ z{~0>(zZ}0Xj;AGQ?~EogO0?@a*P%otD?}pMlJT`=mUh}jG(@yfN>tCe4wYTV$Oy@7 z5DKYC-}?{fmtOaC-{)M{=ktD_4kMcvXTUvb%jQK3J!fAXs&MrrS(F)qJ02);#XiAT zc>gr^Y(0jnu4#%CR;@-IB*HHD0Cl;hj<<(xp)ChzgV?$l+q+Wn-y>&8*lmT^mEB@AN!vwBH1!L^mV|H|elrs)D%-K- z5Qpx7B4)VJ3Ae0XF7B$_kF~!|;a=Ekaxr)${%iEbq6wkw^|j%2_IxYIt{=dRU6LTR zc@{7FlnkxAl(@2O6o1oOf$pGj3-U5vh+rMI63uI3RhYh^ProTP<_iq!O?BSTMx_9s|Mx(D_((JXe>@& z@ECS4y$Oy#X0X+fg&Xh<^JwhuPMu{KHoVOj=Zok@cU6 z^8sfTayg_Tc%1^;to;Cwd$j1cF^?EOYsoAK@MCYfLx9PT_vj&2YWj3-Obs z<3+No+s6BS(pdr;I`~A+%vEY&NifpB6qAMvTn;@?#2|jC9po6 zHr0vVw2T`Zzk}P!w+!ng>W2H`AGa;%7)zus$$dDrhxK|Pz)(s37?ZvAkuXyGrRGT zWe5yo$GK7tF>mgWZ-Tk|%WYfkL>GxRW)%zb$aFGp&IvNwbPH-3%w(|o1Pmv}-1Bx9 z1Rbu&gv)pELZdX;%N60czzKZHgOSwr$WydT5Z(S2m5St$yVb?oKpT`$m6Q`%Y z1Xn8L?pZo4tF;%+5YEsK`s>N8VM@eJ{|7Y8%p(g*(?#r02>MkffysMCI=o;x7`@)j zgVX1;(xx9Qp+kx`FV>|7!=q5Q;4lo@Z~)m}Z9aRFD^K1f!zagih_7rg#jwOYJpV(R zPrsE1Y4eo1SDrG<99d7UTBJk2g$s>-qK`g$47#>Rf{S?!liqWleQ%c{w@rS+@!}X* zv34dL`@Vve&oo0-S#$Et`y&o~8;qtdM`7gV2{e3WFyz0MrL}){linW zgD?Ar(f_VRlg_{oY~;g&k9gl-;7(}1glz9vG%$K5D)Sjno6HR`d;bs`zGpnS4Tg9x z;_zG4i|FC)i#o{Lfsd5hIf9AWFfO3=>V?cz&*6S3l543w@0J|S=vW=#Q{ z5_k&j!}dGuD*prvgmdD6&)#UhwhAY?{DAouf%vU`A?S5{71c>-Qm=*WaK$kkSHHM~ zJ4Quwz9$MlU0V;oO$Q0jVgj2qs*wfT{l-@xj)O|-c_MxtjNTS6K@{T2Y$b)cv&$iN9Fsj3XXBgv}i~3~C=nlalO(qN*kxT=Xg#KQGA_C*DrPYxO;lqLE0R zay?u#!vf6mUxTmgPc}1A=z4F9#S3Qp;Pm)SaD8kQ{tWpIne`RmG-v}+wdn`hm4Cp| z|1;@Ukrup5v2e}R37S9UfTPVAd_C+Y4AR>NQPIoz%omO{Ys@!vo!kakmJY9+pAgFt z4oq5km-uFO5ivMr0ZkR@xGC}kZWf;5s9R;^`oa`^9Qse#ala89b7@3fUWpG289{%B z)CjECR&;Z#!v30mSXV!QYsA%%Y{`1icRGPaw?4DWF9qD!i_Ms9A42Wlw4q<~b7J>$ z75QB2N>*)bAV-Dwcl)X+g1a>7`B9<7%5OUM4obw0dp|)psbay-525@)56R2BDe6)S zg9Fi_sFBct8G97)-q9PgWaM?ASTiuCtUh;F`& z(zlGbRg)%o7lFPx8hfOP0@H{1PSsGL!yc^S3I^_a7o>PieeAGq^yAi zL|L$LE4}&SacfCP^fWv*YX_~~`T?uDPJz-5Z7$uc4+bvM;F7Whtvu_<#}qBNR8s>h z!Uura(HQF4u!3t<2f+yaM=)kw5p+!13WqZvLRf|ze?PGT?|sX|6dg_K)+vpzwiaRK z#3(RLDXIefa$yL7mWY095cccW)x7(qo?Jd%w?+Dwwg|oOs0EFjN zLYP)MWL{2ZUmiB$s6q*zm2n7Ww9BEC@O^nd^|4sNA_juk0FX3@AW4I#W7;@j&fEJ- z=y11Uo8u1LFi;lgDpQyqlFFns;&5kYBrFPOg36c6`ETdUM`D~hNIi74Q!Re#^zzeNG(6*r)z6aP~*~~J~?vN#im&wo}#vM?S z@f7^Cgv^q9Giogm(Q!kXA-77Ozx(%Gl%s41s}#b?Ew3}sTXI!&ZD}-oaejh2&yV8{ zb!#%GWeDAV@18jAhmiL>6$BpY4_NN!ee6ky5muQf@WGp_aF~1_^v8xHnY0=|Bs>5u z&9CI=I(@oiog!ayRE_3@IHAl%AAT?C7WovU%#A{>imOC(@amV_I?15cDqtOF*q4c-n__olm1pH6% zGEP)FT;aPipY;8A0!H*t#gfUNp`v>xzEPLvPj~hUuE8W?`|2b7TUUuMPQ{4vy%d%6 zDn`fnFYKb99~&67TsX(<2HP}qJXunKB?mQW;Cc$zy7gE?yfBOYZHk+AXJDtMGdNsn zhQdc5u@rRRw@eKkIlTf+Wd&}EfhW{FZiJcvinQ5c3Htk+^U#RrP`T8emetzOmKIHM zjin^*>G}+>4~fwE-7>tCE--B31y{foRhX0k9``!{k!AH^ImX%aqMl}9(GF{$=(bb#bYy5xEa zc`)$-8|A3XFIx*Ui4l#W$Z0BQ?r#isQNJMY_G?yqFM#};GE{i}j_{hBuOZ1}2+rI4 z5eJ0#z@+}2JmIYzb^7lBlDI*w0PpK^MYNG)vRd6(- z3*@dpM6uK@kk1=UC%D(+lzJ1CP@*{6;2mVAHnPQGKOyIgDt+kpiM8GUNDDQ?pp#?y z8~Z5wd_BQ|(-c^fO)`!Ya-SWpi)fYoOcY70^8H&Puu1tE8<$&#%07#z;-3l3@{9@G2Wga(fFrzCqeVF5t7x0-04DatfXq1%>_RG~3v!4%SoriGtoacpBEqe3MH_C-)^x1#C9=(!((S@C{r9pmzx)0mZP9ZFCykBpss9}=4V}U+TiZa=c8dy2 zp&RDxwUG~5)5rQ0yD({~1eXd^;F;SDpv6{+j_w;nlimixY?A=IIq)&uYI25#I5AeP zErV@#Yf($*Hd(i3AbqB*%uNodk$+VQtU2v6`o*4L+)1 zmE%^ZCKi~+ez)0yBTq@8?gE??+ebDP{A7cp0?@#5E!1%-mUs6uW`A3UV-26O?hWZI zu1OWsHx`2RjXw4+Cy{yNe82;_D@ER)4sv-Lb-H1fGv3*0j@d$%Gj*(;O~zK9VueJ(!d(Q{^r9_u%X7^TfPHiGJ<8i2t!7 zf$3xpo2#->oZm!}wx@xVTPImp`9kEGwhxx{On{z(p(yz!8sJGL=2^^#C)KSi{f#`m zj^6hBdd=l{7y z){U0J{M9WWb>0^4o|mJyS6pJBCibv_U2zzgVnfOPAo!y*l2)Bb6mOgH76$EY1WgZP z8gj%Dy(i{_-t?vb64_t{xj+2IhUE+xoa3O{WpvqGgruRUL>P54uiVLSYS?+!K9v> zxY+0z=y)q~ds`X)c0@8{v|WO>W4$nWj4ls27YoyNUw}{#j+>rt#kk~np{FR^|4q!X zXzu_zQhZ%NM783JsRfW?@es9=iU2KN68{yM(0F(a;Ly=HMYRv&N3W%ok2>&{&O(SP zigUoeoA_pdB)3#4Abm2YVR66{vM>JvG#`(E+jSkpEH4!;>IF7N@LZZUb}#>xd=j&6 zcR)*E7%MHG$L6JmiK;tSK+y{;-e#3RP3CurMGF<_-T#FD?QUi6wCo@FFL=ZL^PPdi zue36uxPVtmw}`dB0rw2Gh9SSRU}dc;Jh_k!n}^(DAzs4y<*^POe`p=V2)*C$>&9`@ zq!3X2k%@_VE*R{70dCFprls3$$QBs|NJ%Y%R<|7xYof|^Vq2N&?-p`4Xaq#(eZZeH z9MF9lLY}bi_WJn`hxi$aOO9Z z=V9HdS_~*#g3kmF&Z-Rw@bIZDae4WSO*kpT-51q{n>~xEtaPJIawa^*dkd0J z2%vm%^zxYbs8B-hyAeCx)gLiOO;p^cF6im(dr za#+724oxhT`5E1MSlIgzy=P2>7vlrjlf%>au`C(X=uv>5FML_sU`e{Jbq+P(C{Mai zU4)uV=g`Jh0u!skFxo^Nr;g~uxTH>IS}8aipQe(X-6QDrs)snzI!=@=4;6pgb0Fku zEL|UZ8eWCp0>gQx_`S;!KMHwInH>(qqcsS-Ni?^ZwiMcIguc!zWjr;kkYwxJf+R~{ z$oFhP`^KBFHAh#-?T=s*M`Y-BGex>&^n8+*VS)*gQP$vtQ%r~-Xn`ACZlX(ExuVSN&n7LVO`_n!CUZ=?BU9o z|3mmKjLAeQp$PILY+;A+JpU7B!B>w>;<9#5ur?_PGY%YOn!5oF=4}AE@2ki%{S7ol zm}_h@RiQiePC~@faV-CJ04{j04Hl*Az~E#gtD@~J=j=bc@ZKGd^hQyOOhdl&l@VPh zbX_fNqs zBqz!d3p0d+F>qD+5PVtOM7|{C5dAmyd~T*PY_}N1|3=Njbsi~rc9sp=y0@_0AM3g2 z$Q0aqLV!dKUrk?JPh=Nor{SEpk@!n+%Ba5?N@PC>eDpc@#ZUK4!Ubj$-2aP$IQqbM z64km9A5;XB7fY?NK{*(*>|PR5X`UvTzO8P+}>M3sbleaF$Ic(E~st=sHF)w~41x@Wwv3g(mWtB}bm7*Ivlj0*tkkO%OY=)y(Q zaJWah;Xj?p7@ActZu%gJ@%~?#VRs19w4e&* zp(x9%o~2}4@w|j(V0nKw;Q4K^Ns4Q~idw3Iu{m`Q!URQBXe<3tYRG@xuVz7EjvslmQ87}u5 z$S-xP;+^d6{L2|(kd<@}7JgIY{r_EtHERd+aMM20A1<8RCoY4+9e>HDYQl=&Aa*T2 z2lLz45PPQp*krv3j%QAUGk;HE=7^cln5@Ozs$B3u);}_?^Vh`qDW$8bE1MXBWOQ(HEL;V*PwA3U{$XFf&{pu5J=sY#v zR&|U!e^8~V8@J+tDfdyzSa82r+{LLex4`7TP-^@6J1EG1he^N2Vw!?J+KftM?`9^! zGr3fBJy46@>J4O&doOm{T_B?th?$>CId$IvSr>Y@ma}z3`zaMtm;?MAB+EE`Y#0D!!Z@E%hqA>Tn!q$ z%ND)$5`gvB!KwH!sP^s&h+q7Mue=`%@*QxBX#_RPROZtSClK`B40l5vxXcVEGOxB0 zoC_-<=87jg-8>U|d!kTMVkh}Tc+x5Gyqy4vZ?=H{+!```f*&skXd~!2jGQ|?opyD`{{Gr zCS)we#1OHYE^RRjAetSzEI&}jVH2Iq;`7UJMd5s0c*=#od8yB((dXCJKb>n4E-I=tTNA<+nkBo*Fcv2*lFXu2aw`%iyjeewag z5iM!3??NDHQ}OkZ$zr<#MGQ|*VMA+TVerC(f`4x+&6~``=bmoIepw;w*nN&{bo1d& zb?Nxcx=V0!30bE}OX!%xdx-BBQyT6l#+qp#VMgx-5>Y;a{(5GIvztrEo{)1e+s~Z- zchC~%AC{++hfZLsb2Grh=sPxT3Sstp3gPLuQehvjhO6$FviY0N1D*1m4On&oT1GoU zwUZ-0#Yu2->Qi>~V>G#hsU0rW=o3(;H|HL~6OHN%xxuyfe*P)FaF{{8`vw~UJ8DZ~oO@d!H`VU@QmF34P53uP2g*~Lkf8Y}! z%UA941|`pt#5-?LdF#9h71t#n;d%8;PzgT{TN-}gV%K{l{C5a@z3?Y-coYv2w`$RH z)I)gn*_6#FSU^W)Z^O;IlQFaKCKyaRMcdjkG~y1lW%l73Y!v4(A{CUIHt{qZ%p}5 z;NTx)CloB`$&G{QVa?A_ddq`_cZ8vO=K}Wi_i%oqhe6oO<1FdY7VfZf7ZzK%5x6J# zCze{!bjh=1>?}>V(xrlreGkKdMa^us+AeSvdRQAk9!q-TaayD!RtCzT>-Re_OX)Q^ zZx#m!*J{wJlaa9b`XScqiD)hV1)FRQ;OHC?wRPzw_wIRu;jKlGHTa=0$Ns@??=j@; zy&4>^n*~=~TzTr@C)g_WpLpN15wPXAB82s9!+G9Q*~@F4uzj2w&2C+fM^_50+}U;5 z))&oi=rHOP^M%bHV2FvEY~bAk6Kp@31#`;1Hy3|-2t#OPZ?lNix`e4Yh zBSie<6Qu3m0{gdI1XsW7XdNBNKGf*a{gDl*5br=gNlw7Ua_ca~=@E7f{=sCN2~NCl z3JXGWF`60hVHG)G+))fql_dGMtFO^|UogL~xsTO1Thq12R${5^KCvGrZX!J6aPR3I-<%J zFa4W^iVkkf*?5Y$Z?PZ#Qn|}+`wBkA&quNIQ>iF;|6@X%$J#GxY!~$=C*pDk!S5iI zhq-PG=+?Y6n6p0$TUPGmu9>Mgt0@3%u8m{^sgS!WXaw!io6+TT5QKOigLLCoKt(A& z(E2vX*!Bg~b{;|1;7GDrA%q;19}Z)F)?rObH3YcobG7m7VX_ReSwC&?=82JbN%W26 zIQKw-ay?Y%X`#b+3$(d+4(FTI!3nQ5AYoky=Y@IV*A;!F)m#~e$vzcrI26mir`xf1 z>67@&_7ye<2EwD?#{8v_b(&YT9oHU@Vq2^7$g8j*@>%j4d!=p#vl?e%Xpsb!*}e?| zN2ZWX19DLA&@Hm%U?h7Z?}%@7&OrP8bX>oo0q-qVM>&~aV6!!wP5;jpkLyYB*LMQQ zj@xDI%%VVyIdU1t)U}F7^*4b3*buU8TC&hfOM={cf5=?N198S;!i}Oe=NTm^@PcNGJ=!=pCEa52-NF7gN5cQ z)Wbp&1FoH6ou7w`1J5vaqCEv?oqsGwC&67geGKL;ZxsI50qF4RJ^G(H1Z$5TW7-2u zVEC5{=(tsQ7alGEOQV4_I&ufR>2wxFNN0dnssVHh=d5eh(pddnSsYNR&%WuFioPx$ zOjQREs6OvbOU#dhX}6-d>{=e~l`ey6xRfP}LIeiFTU_uu2)?;DF>`fo(42XVt@CMVdZ#K91*)S74RTDB_@h z8=o}Jz4F&&71_UUC>W<+CRYz?vAD?d*iUEhmbY3!4qPNx|LV|_Yd6r^=><69%YS&q z>6J)%!TX8_Tjyd+`4IkM>^BUyoJboA)A{Y^Mgr5#!$D*&&3yukAiG-NN4eZ5o1YD& zpIc|q3zBbG_Spcm>d%I_%zTWS;Yb%vtzjoq|HH{`JJ5v7)5tmLpgfcc%;9Tr;A%IF zr>V5yydS>M5X0IXhe`Ck?IfXTARY5_7S4%(Av!GED4cb~#Ma$`WUoJiafz4U(yDFv zuXQ%6b8o@%qz1)Hqu3u!1>PhZz$}M^lFou`HuRVQ?N%|QU#@16oHJKNwG4RGZci%Z z&_c%PA0uY>jk(Du4Zd=x8lDjuk_W1%*mJY7!W`3-zHIM?73OxZ=;t~7uwgNC>zCjM z{$7I_V`ITCuMC~HDFP(tU$MLFPDKHWh}~0JsH-wXyUR{s_&pcudec$gE|FQIbV zC1FfwII;ZeMc>S57tg-G5=W~zf}&S38PPaSVA#}S=k!={S@=bKv3dYk&$NO=i>|Xz zw|}!2!o7c?)nM2>X9@Qmx07E!cbe!exQ4sF92YMt$cEF44C#)QKEBptD$YV7QX#^6qCMGgUw4fw%Fh!(^gVM zCH1vfGPn!B2ssefo$GmBtpUt-|A()?K8LmEW$6Q5N9qBq@rBN7xIVf8BhwGVwC0@z zY7`(KHWBVFT@RL$4W#UGILZc2fM#VU@NzzY_fP78=9PG8-!4HnDHf5{i?@SDo$!6& zTD0}gcu~s)HR4+vFXZ|^;Gs@WocMSOm5R73+WmVj?g=DxhY~Q)VKY5j_+y4fn^o{lmCd z`4&tVXGV9JU&B=o>fnt|7Bc0f;(!6ecudeqNc|lQA5Oi*it3k8uyYW-H)K7~am6G~ zI}?7D--8J)N;tc7Hs73P$E_>QU`2u8Cn%TZVQ<=5pTaFB`?*P^d3zHm95#XMC5lwp zNrx(4Y6pv1K#73?m;Kbw?CP9IxTZT-(bDAYF{k<8X-Y&|FA;B-tAW|QN5s**2+fR^ zWAwCc`&Z6GakJn+nc}R^KH8@8q<%~K`<601-R%UeFaEIDE2F5z?;p%H{-7{F45BJ? zzT)^V=ZW0;Q2f;!!PEw)3(S|}B+qC8EEQ&-e~y2G_+xT#>(D%EeX$ChH;%3Nbo z)og@8;!~tY=(J4zu$&w{?|?zQL(#@T2P$6KlH#96G-<4u&8Y~4`h}Ks^%xJ*wXKeH z+)o!zdom9e$I0<|hXc?hZWxXH{R6f+-@)y9SMArT2cW!O4Akb_g^g2#u(D?kENBs- z&GMfj<*$aK&efSB$M&J1IM);P?uCl)Y9?Zt#S~O-Q2?KKpfqb3%37$;Qos< zu(7ZgN|T?!-;veq(yKtx;iW&|Yr=GTUivrrU~R~gLk%(L`z}y$?nbF)YoRis3YufL zqv_*&WSXWvE*g55O>YebUXg%DCFTh;`wpgG`vPXRO3{+Q2WTUa1!rxRk->i)vEqin z*%o$mJhDdU<+|~XD}JaRaF5;gZ^QzvmH2Lto4^7l{Qae$?7XcU->cd!YQEcyd+f?! z#Bc>Rf*v6UTx9T!ks8#@R>XT5SHOOJBgDTwM56>I$9!o+9=}hOCTI9Ci*_HN`9&D! ztIH=@j-ho*15qtnn$kpp&1s{D+t2TUsdv2D?C+BN?-fC_yu^n46d7?Mn#In}h=3DS zHW;BXoY&eN7M;;Bqya~+0P#(Pz`fd_YHJ8?{pIYz*#X4f`lbC&n_*P>m^$=COZ$JcuD|E?ZJ&)wa=-$Vgo`k|*DP^u3 zcojS!~E7Rmd1j%LDnWI?#30#Yd?L z@XIm|GcCuX(dR(C>=eY<6ID7VGm5GFi3PFa6HqVaaChYjag2T|F7X@#Gi4`@$ zINTxR`zwT`G>1u>lAx<;6v|g-;zduwK7N{tpL$Zo0TKdNJ1P*q{-*}G_9l7yY$DH< zv*d1@dcb{8G^|<>1WE68F~GD#yyo3Ek$YeYXdINq%#si?XM3o?HXM&TSN?*YijPEo z*-}_;v=9}lLs0kcExa^q1lXLA;nAK+bhpcYV(8Z6d}-o^Bf!V^(xk0kC8<`XuJ zqglyE7kW2%0^e>n5!U5Kvy4ZHWZm-`__pT|=8g{r1=B3(9W@-ZBR`<;CM|xdNXStx zsswpM6TJWH9{fq)5$-DqBzI`osRQpZ~S6_$MxOynzq3 zo23Qrwx;~X>01jF8*G634i4j*w8PrtB~FI*ABv}N7#=()?}SDG?P{1Y-q z$=0Z=6O73p?~B!+6v3;MOdOLF3jQkt$lyZ?xckaGG@7stjszcuDF&)k{fj!zxDdTWM-NS>p;~fXSa`ysE zc+`(S+HSD^)gNGLjSsHO7{aBpf|$fvVedXoohvRm3(?((cMj!zdHlDi8qE>E-|QgFz4kHFHj z>3G#&mjC*DSCqDXHKxvsMNgqCtM!DC+@CGX}6@8zcm$z&kT>KlTg;*+p*@M%)K zNs>P58qMlcgzTojF`s5#!3>Lqzw5n(72$7T_|$=zk*dOf2~39z&DF4d+g_ZT{tM?; zo72jT6Jc-Ie%zV+5n9}3=+aPU7}Wb8{zy*1c&$RBScM3-+SiRG6ZUvBG&9w zr+srL<8aLkk>98){4Vhv=8bs*3%3|UxO@T3Nje3ahaSW6bC{ZZ2~n7*N9*ip)^+Aq&?wMQy$5IK+H1KYr4U|1?sh{m0XB!n_r1o9SmLlviVx zf2N@062VJRyB-JGE3=UHb7W}lbBvSw2=dXQoQ|hDEaTI8glIgY@u8) zJ~s%3ISow^k{wFk#+9(E67~2Zc@ZXkOJo5h^WfKtAa=pz0Z9l|f>U9`VL{{t^7mL8 z4)T$u>3=?h`m}H&Ek6-v3w4~M#bq$VX{+d&`cs^_;~E3K zjeU0c1qB%q_`E3^s6hz~bGl1po6YgU*b7+SU;vw*dy$(m>SFg}3gGJN0*+6EVDOMW zBJphy&$11{^5!pO@{7f^!^a9OhCYIE=34aPZhwAhwohU9I@cse2XIf%WCptMB+@l`QdG1eUm1}4F_4mpr3-;eRD z-C5G{RuZf$L0v8svff4CSfsQ%H7RZ-gAWRK;$Nopu7uE6y>$R?-suu|ehQ&?t|XyV z{%IV)D3WBotq^-RSBvxyyIys2!xxyw9{}hHux5dx_TP5%>ps~R~eJJ^8>x!#p3}Py^6kq zM11i3Ec^C0jP1L6lU*L)j5_ft=$i2c{1$G(u1n!Ka{N0Cc>I72*ONdOTj8AlIZoVj zzo;U6?NtbyqfN)x`OtY$v+;WJIDt9xv|?3m7&N(!#CHms4u&pwFkgN=IKI!vTID>J zJY^!5&+ZYJMh1&h;r~+Y%0%%vrz&wa_kPgl1?T+}8Qcf*mk7spqO5*S>a#GE%SGNMk2Blrq07gDUT0<47f{+k<- zFyh5W@hZ=&V38%o{~hoV=HN->Wbts?F29ORn6VxjyM^_jNiun7@mk!uCx|Letpiz= zdt%qKT4>n289bYO9UyuS%)hG#vB70zcg|rP*YJaVJo*HBB?4iuorth5!IAyP9^MUo z$pR0l(v68n$mQ{q;ima^yH^0FR-jdv@Sa2sN zO~K3tNw)TQ4|eDFz#=7C{!c}k<~`Bm3p>NGA^DiV`Elj9?I%;Uvb~sd=O{6`l?w0g znPBMh0O**oif(dj#ljz+^x(u_aLDrrZ1s<>@Q+EuXZ}X?lEz1}LbVT?T`!BOm@aeF zqxj)L9)_$P2pR3!7%|g^R6LV$Flf93$#0r){k|@g?bU_7PP@ccr1IhPw@7@GaTla_ zY{ZMjv7qH6u%WkWg0A{(7-84SM!)!<3%T9O9M<0Rj=c@B1ka6`=%w9?vBkY& zXO$lI+EbXD%A6+aukYmxR5T#)$rL{8brHL3@PwFbIe~9Bo`TV-Z_zt)AxS)ahb;E( zB!9mj#Cv9KByDmG1kMF@zBp2JJM z9FRRT8glNrqVN7JT>bMoi~89Lvp%D6zp{poy>|GkJO`bGUGB$W(8- z(-r+LAl;Y7>}prSjGcc;{_6}f{pT=hr{KWGl*&*$w@gwyH&xsm96~az^o5*(Dirqa zXEl$Kv9e9rMIEK~^d#>UNWe;e(eg)E#4+BJxXP+Oppy^X(W)Zua zWe-`1%1O`2#=aDiY5X7g5m8N!^qG(yfiBc@mp$(PDa^pq&%pT#z!$T262FzV@P3>= z=HK~_278fBJtRdR*cOrXB);Nc;#)BJ{E!84a}1@2_`*?1ELNJaZ&H(~S;0iyzv?xN zacV%9BLGW8CYnC`~AN{iwAiX-rsl|bs1AoSLGh>L!{jB$0aX|)g29W%BfvQmXQ4M$OLPb{1XFy#3`NzAL!hKhCzJdSr9 z`~L<5+usSNqSER8al!1O$}7;lxeYV7rNWf)gTTh&6j`SD34{DK*b4brvS(o}*=FH{j8%>@TCUce_N!)VdtZxFYA7(VWz{C-FWX%x=y4^_(88c~42 zGRb0XPnTfzqY?DJwZKrb{VSd{U!KlHN1mXQ3VQGQu}+F&rFsEO%bZN(m4GQ(7O|~= zti%Ub*0PWu4|?HCDwIaZ^HbgyI6F-p=X~sD>+Oa9mhoh`Kj{iK*X4^|Jd1*|L?2K} zk!5dXFT#vh+2~-{f`?}aImylWM0J!8s{dAk`49A=`prU=_t4`i8a<#}9Zff!w#O^7 z=fS9K1T43>j@qvtL*ET!sCr}wJLp6fJbD_9{BIxry{yfDwNUhIx=3ax3vNy;C0bDt z#r8fujW+j##ao_D;L4gSVYcpX$jJIYV*O>|+p{#Lm=%t*9vh>B*Ah$$61b4k_GsB6 z2P%b+afiSZO;Nj#)B6j_PmOL?+wzIExJ-mK!aO=dTf{>w1dmbm6L#G21T0=lp{QR0 zqPG|0Eo^|%DZ^>pd>O8SdU(??S+w6#6AxWD4{b_|=r*%XI9MS|Bj&1LZR32fIM9Nj zT6JW?pdiuyaWe>e*COzj<5Bw4Q7|0W&Ys@<0y&+^{It0e)HmqC-vi~$dDT(DwegKj zFY&m=r%;?^TAibWG{*)o9m-x z)=4tVPL6A9-z3&wo5gCvynDrmCe(`1<_munizaRU0xt^|i%V40XoiXfwHX;kyqBy* zjf|6!f9fHg8#)5+tk6Waesi9>WIlW>QbB1V!?x5uVOxZqRs;ly%|+3>yOMOM?-{ zuaAUn#y^R@cdifgyn`dFCZ@E-;1N zP?D!1Hx{yqd)^Bkkt0IBXE_Ed}u`H+0B-A!cgU5afLaYC?z5H{JOH6J!S~ z(KMw0X?WrR!7J1dbr~v=(svm(uw48VPi0jTzde)j!`9iN2M3GLwbGP_t)9XZ7F>er z0TLMgG#x&CTuE}*oJW~M&2Z4Y1+oY3fzKN0a7+6y`wqp|3+843hd#A>$*Cs+Q!JS7?FVWPdytPVl#vjHh{E?= z$7m5rG^8XM?NZWK|NH;IGY`D*z3+3b>+^ZP&sI(6$C(kfCI7&nw%Opa+!)nN=Y!Y# zP0ZZyI9U`*cwJW?76-sfN742K5HI_m^c?&>sw)rgO0N5JD7LVkG>5~U4J ztXXhx&8RvZ_{v`&|4XQjgT(o}emYr^N>4-wcXmw-HXf|keu zTrEN97#nNzUB3oHn{Y3*tIdGV#ZeeEFN$cvOP1T}(bCSr4L8de?^Z}UPQ{_e-)s~h)`$<9dVNr68A|LrQ z3=0ix*}!@4TS;rWLsF)u0oWSh7K3 zf>*8}l=+o@Or@3vrb(Vz=(I7;9evg(+*;G2i6^t5^6eUwlGpMV2_`cnmBO z+zr7mV+8i%T&ywGr+RHV0>3x`8m0&?leT#f8{h|x1$umj^*d5J!kqhs>OjD4H{4rF zaM|1ED0Rz%#V@>uSz1#tz*~~b=4z108DdCY@(8-`#foKYY(ZW7i8$w@konqU4oT_j z;7^Wl(%Y_2_NvDrc1=T*yesUi>l=1!_#Yy~zG1iM9X$S?%$}W!#vO@kKq~bq@O#Zz zxx9;Iz8yr(W}m>fy#{#3MuKlRV@wx3aiPB1dR(W!l<9<@gu@c=K&>znzEfv7y44aV zcm|3Fytps={z_pD=oz%5;Bxp3RMOZ6> zJ~>Ts^cfkNy6h_nFdK`G@uuAWnj0t1JIQ2sd!CXU0Q-`D!|yL9qL)!_SUzb!XhiAr z!mUZdZsZ+KUpACBSGW>v7k)QUPPlM+J_Nt=1+%i}ict)J7PlL>WQ|O@(DY~;t5pt^1gfoN|w`$x8^Hxtl1*x~pe3%WENY}GJ zt^3*D)uzw6~26460;h&y~nR6FW@bYDBEgay)gW zoD{5(oDQklXIdE;}l~x4}!n)8QekB<^sx=QWz_&nK3$Co%itdh*qgh6Vk*Zz={=#3mxv%&mPtl$<5gW(_Z$@xe-K4_slNYcrg|@JGSV*Eo?NE`bL>^umrAbS^WnypoQNFJ~0|yT8hAp+P!An<|u`0@QiPU`2I-ia7 zvWX7-wLXiE3q4V;xd58q#^bJKAJNuL7yVrgX@Q;=t>{oC%_?z_>Cpox0{Vbe7O^>L zz3}YNP{Fa?K?3c6!$iONoXj7FmR6^6y{;cFkDtcwTzrR@u>!Kj7QFPJZ znUH;U44f|*N2^M`aK(^~@K(-;?=lR9Ia-eR`m7Ah_sT?KBK*8AUhrvoHZj{33`IIJ zEZN~J?sX766aoj!X}2l99k2wJm}Xh#hmV5uMwda&?Khj1JBa%XQ04E-4&l2SDx%Xj zyHHR1AoQq|;g=2i+##uyd@|nxYKOSdl#ImKYfVaLHb~hhq-<}iP6(j-l+#XmdF%4~hb%V~2YcN+t`Oj)I zdinWka%sUhNPhAf6P&V`-?>dS6M%R<5mdz0IQI;+o5CpmQ z&1H`xDp2ZhGWJi76fJoj!u}O*7Vm!WlGF?T?@3RQ>^-4OvklI{`#IBav!8{~AJN78 zA<0;jUX$m?6i&)6w@7P8Mz|lpGuF4YjNeX71+G}Dugtc;j}y{n$RG@M~MOM z&3O)47gJF)uAf~nI)i)03tuNEV@JY#ko&ogOKJP^fggoD?7b|}+ZX=mT47bDSKtno zJA;!CE6TSY8Qc-W+WU-m*gn|tKt3coveOR9ee^y zny|N2)Mt4Twz}MA$F`V2m~tIS+rEs2464J9oj=j0x1HSkTQ0V|bY7JF=rW|OIEa^W zzhZ!v0(|MKfH6mXFn9Y!aGE@hUtJfZX0iv_b zX^n{)oSm^myMF4;>i_QG(4ER93n>h?-StL%$xYI~;iAaX5IOM|Gr6Ki#?_UA=cI8sSmh3`j7=qG>cd2V!VX87=+J2j zKd}8ZhraOT}a9CONoE^U$($9T@5IT9sEx4Gci90fR1a17hNF5m$xKa%Dk zAIy0;j16Bh3N~~L?vM@JiK&9n4IU?AJ{|$$ij`wTlkD@DsY1VaK)X9IjT?p$|V~Lg!C8`fM|Yr8;L|)R9%-Cge%4v(fPV!+-RW$7KF0 z&x$KvAECs1iZGrP1`nNOPBAeI$e13`s%Az#?_Cg#ZrbE77#SNXt#MF-J4T}!y% zRbYvy6?%{A1ewK8(fV^eF10pi>01KGjGHx(SLR3ZuSC;#{|#f&pI)Ptiyxj3ZDZxP z$Kloldsyc98BQ;_40eYv!o|aK*y8mI4fGVyEomFy={Acwn>3Q@Ig-@Fu4Uc2CyH`VyP?*N;3BnRG| z8c2Hz`>;0eD=@F`8qu4wQdB9| zfy3rs6y~Zc*hYtaIN;cHUb3+j*0gzH@boZTA2f|U?RQpD*#XI z`3>@ob(sA(4f2L7!kN6!=<=x#9?iT%^wTTo@2$<^reibcXwNrrs4JLZf&%Zz_$X>T za*Vt=JD6_&Wh=~u9*X@H<)BR7i6{;T!t_l-Uo6%ahk+xU_U{sV=c=OAs-5^(wgXdq z_u%Cf=b8C8;fyi!4vedd;4|x{(?Xf=@V$CH-`A9dCEJSezIZOxQJTu4hdm~xd(u%a zQi;}8s?&=6u_f=~Yw`B(qo}>QpG|w34kNT>>5ROw;_0ca;B4wdwATwB0Z~1ilBvK1 zKYRMAa00hg>c)MAAK2NXr))w?5SpG|4~bj!F*$aJz_U1JX=@{1=nFfPm-yN}f}a?) z4ettj>>m>cqs^s$Y+nD0h+GE2uAE79vQaS_31^cbLLPed;VFDHOJf5z>rt<8efq_3 z0r1`w+_b?CUqyU@+yC0}#yCHS*?JqS{{+)bqrzaK;%8VVe+51~?}kVFtDvzeg8gXE z!f|HF&~$kqebJ+e=Z<)hi3Nq=)_sTh+L(a;mOj$0aRPm&c`?J@WSFlHI4f%ae9PX= zEVf6Y)PW@Y(Gy6PsYU@kqD)_G(WEuEb_htcdm_6!DQ@~nl1@9PLz}ZdKxd{g)++_z zjP1VgG+%fIwZ_w%sjA%N@df;Q<}^O)+D1MIJf0`>glF(vcP1ZwjAl$6z$eDmh;*#l zvH4vj8l7_GYgQ)F;`Ya)r$-SaX6m85rzP%bno4tg;R-1A-51>KSnXn}bJM8?l=Rd`tK5NS)N+ zsp&>Kb#66o+oJ}1N)$y`u1N6IQM(}^-xfU%xIm@gm^j|!ji{WAM%N=jY2P`lYdpw4 zj2y|9ni_GL*@L0$?hOpzzL%D-4#e&c#kj=v45^gNfQDI))ThrH4=L=SN*lVdAp8_9 zPw;1&GNzb+x(w&d*+ql)TZ?37SW%91qV7d$ZP_||jER8FG(NmA`dfgFx zqvvf41AYSj8-0RJ(lFz;&)1{hmVU6_jBvJm2Ol=v5L2!du*y}nV0cjv!jGAgaDySN zqhJ#zT6nSnXGUZ5adkdOX&@aa@I!-dZQ=TsBdF(~EZl*%7-!Iq-+rv3D?0Q=6LO4s zyH^1`Oe=uNvoF%c8Y%Gpng%V8)FO+vycFlT)Ph>{N8!CSAM@=u;I{e$aMYX=Q=3N^ zr6c$WX8Hh+UPj+1O4GLjQ)5@&Dy&*N4`iS3!Bx|avi*&gbX0y7i+dan#uBnz?L!3n z=&B>Q$r{0atu(ka-zMH#8g#E?0q(Pt!`~Vx{umDqx&$Rss${YLRNU>chklzQ#p#MZ21)TCy?G&5s&wL6n{7nt!uxk) z`DBv4dImLCl_IZL6KpE1v5XhGt%gR)a4IhXg8v&0SFiVA)-iiFQ<&XFk9>$FgVk7% z&SbvY@)MSJoy6KJqp`ib6muGOK-4u0t~Vx&Hn_=fsvQoaer3R1k2tsx`WIxZt?5&n zji}pDgbi6LmLoU52f4^hd@0o@KKX12zx`Z=hFw+Ui+x_ho|}WH^61~V!TA`relEa2 z*Lq2f9$L)uN)g0aQP{5AT#^(jSrStoV2lX6mbh=dCnuqg2MKHXOwrgVNz+ zfWXgF^AI=xo59NfJV*ma5*s)3Q!+o2_Lj3EQ@A^!T3-{!U7iM88Q{^|d zY$7Ai7qJU9z2x$SyX>LRv|gwj$`dbc#Pi!ap*QUm#le+`p(7-gyIbDLe95h1W-&cQQ!g`Ic%hi_yx>Auz{pmX^WE6h{j zJ3|t|HYt&N=wv`a-Ydb0sSQIM-ofCvLA*OQ1!LdlqprXR6PLMKcD0?v{ZFO&zY{K^ zmj35#pyPd%{W_Pu%J__n^tG7$YAMv7=LNrP?xXzyfgM)A1c#SLP{lYUd@|OCYd?$v z=hg2Z^@1ACD6eG$+OI-x_e1!q*@DkMdQ+7L0tZ~N5@o0KqxY#vv}F1NkoOV%oR$=# zj4Op1pd2+kKOS%AZpT;41^30*K#`()08ja40kh-6akxY|{57=Y;ib3mcEDvEdUPoN z@%$e81nbbVn^x1rwbdBBHUQn159Wov<~;7_4y^rP2duXoS}vT%RZ9_nWlra*Jm#z?exMOeLg0A-`#bF`U*i;)v z3ighNKbk{8G{=C>^ibh}+J5Ybz9;r2wvzYOLvhZS@lY)BgmhY*B(jBy^n`{AXf@=D z474}V`wa_u?TA$PVXZ?IF4>atcc;=16^fvhUyI8>DAU7Bez5e;tN7p3I#hH0hG&IV zRdmyDtnQD7XLZNm(xLYvm1X|rvyTuMKp1{53 znly4!Etu#2C-cP+huofG|74b>2@F-;II?9-4OCRFoPH^@g3C{O!E zZmM5~v!>O;tla@SD<8wmI!PYz;5tS=u@dYmmONHjiI=Gp>Ly(+`f2o&`5#`#{kQxg ziltxC#^D72{d6!r`DX+?4p|7FUL569L(Hi6r`xbZ;w)GETuSO{^}zXLGR*or8n185 zh6(Ry@qpiQbXQ6$NTsxskUNjWnu6oSJY5HhG(x$|Ex^F45uyt#708#$mHc|r4b-=Z zhRNP;d~L=8P&;~(gmw<29&hfjr!7-)*@;CU<7LXXP?-gW6ERvuZ4GjG|`#-e2A@kU-Wrn8ClM`?*5i-Y^}FkH4? znOEGmgsc~H&}H@&tpA({J}uGYQd1x;_8*4QCpH6}y9JV;4M!{Q>zE^SQd6HB>1>FPgdC(#;2>(>TL?p9Z;EZs3Y>z6rj{?`tBB)yKWNC& zfZoAgWXwYgOnhubJDvBCw%psWq1;70n>Q2pI4gE=_)_RFxs0a&Bq2=kjpb)C#S8gU zi1j#MHb8YY^jh7<>sJlSUjNwz->+9QS%Ld@PH6?%@6(Q+?LQ#rOBQQxTnQaT8_DG6 zY^X2@C8HNkfI&hoX~*U`GE?;$bpKaGUPKu3qT~Bn*%k-RB4S{S@oui|nvOT6w}QX< z0}}M@96tST7mi=pNn++kValsc%Y#MoTv5A5^gLrE#QUDZ*yUOzaDfhUpLZN4FI9(> z%|WPnU@8_UuEle!N5F|q!Qga8k*P22WctTuU`?YsKA>UXEG@-VU;2>Ul1VW4=K;Q1 z)rRgJx&S3N7lVq^0NSeEgnD~U;G8=mu)n(mMo9f5CkDR5m>pm7bIJy>`IqNH=4csQ zh|-7Fa!*ifJx_{{#FL!SsZ_@ zU|ivIyyqPb5zh_9K8hDWC1E~$UhnVqD&N4i-Ea1JNFJc&N?-{U4-5 z*Yt7hzUVo+lpe;aYkNfFbo0pRzB9zKUIhbf+u>c<9??WeTRt?s61|2F=LZKyvxt9N z=%q1Y*tu{tzK*O!SAm5XJmoO>)FfKA7h9Gu^GNy>`!JVjliG6ng8*4OK$np zgpaRlhhcx8lc<+vI03hbrf4EOn9)M`=zB~#<_K&SmXq!OITHUtgXp{7yVt-;%Gh-SN_%z9Mw08=|W@B z=!=DjB7q(3vYpK0d8G28C#x7yO={c>aO%Ck5NdgsY@O*uKbTxav!ENOJ;a({JKAbF zuX82d-Jk~Ex=(PCSqAJ+*h&=XG=A^Pa9nU?H4ZsDj@awy!y%2cWR}3{U7e}T1E&w= zHyq!ixnwunb?7l3pK^fpdRL*m$7=Rt!7vik>LixX8Az{K3>VKGUM-ru>o@zE6;Cwl zr_xU*S75ATF}al|CO@vHlD@1UD17e>RXIBR;AI86$W4!*tBEIRuDh7EUI41R{EIDD zT3LR98YBhVQzPF>b~;2F5-w-rv4PXc7h;SiQfI*Ekek5H$|qMejcM$WEO_)#U`-kq zlkSCXXjr@npE^twI7Na#N%AUg6lU6=_BX@1?W6hQxv}t26vjHNX7E)JHgHtc8po9g z=kVHHRQrXikX4j~s>?@t+MHWZb7n7BkL!ZwI&<=z%EPOvM`%}mBnFS@C%t#AQ1Zql z@QoN|d9PlBUctxEy>veOCqaqauaR)|aw6=WxsFabD!3g+a@Zf@&OBWnLH}k6fsM%^ zV{ZlfnbCv+jYQMce3biC~<8X+X8 zR+;=1x~Bb@DVhhPLVA(uyTQcSVc@dPgG~DDhYw?1p~oWz4u2nqF@F>Vp71+(UH(fX zLqT-!`)a=5riQFhw*s5SO(Y`s1g3YSqO_I|Oz`l8zqhT(pT8>DWc!`ntQ=15^+u9^ z%9Y?cpaScHkK*MQLBd{E=&*(ir@sA*Vg6e?h?w1rZdXDfVc1YQ^QpAWSe)p!kivqYVAl~WiDo0rzmVm2of!l=Wu4fJm1?H4icYwAY5$_&Gsy|OfM7W-}zDG>AoPI z8qooFY7g+Up3~6Ue=n4`DdOq}vSR1@R7i`yh0vS`D?VA`->S(};dZ^q#@nCl|9%fI zUL1v~`eyJi_a%w)svvJwTk*I-JIQ-1!{sLdznBq+i)lI-nR}y8#|Ci7J%b5RLB{eXA7wR5ZcPX?)wT2|XQ4L=!KE3Ge0YmK77ssPlOjzPL7zEi$}|+y9F$yHjLpdHGlwcJ~kr zJTRHHFD}N%){$6$G8aQkO`zn>2)?uX5$u{Ni=P#5!$|8Uvh%70*Zok4W0k!@#>Ai7 zTbq|Ynmid_OI?6rD?F&2{unN^DTe)yoXA}63ye2QKZqMnaI1kKjCh#@JM5$A2wgKO zAxAJ_#1{NE%^$6t(s4pVH<&x!LXC53B(X4sZOFV1y?P}uC29bVH*m+}-8tm^Q)_XA zX9id+ZU@urE8)*h1NJ>Np80L|1DQ!DV6#jwXkQ9r7V6{Z83kFo&TbQ~`_V!|H)Me9 z%vnrJWe={q|Bk#~I17|%6t+$fzMmdtN6asgs^6aYue`Brc*!YDwzCC=DJ??x^8+|* z>zBQ6`^aua-Xp8+$6(4hB?!LhO2?-Y`bEfLXYA`o->d~}!;qq~Ni8Gjgp>Q(iw|-v z+~5I(9PGw;E zE)|C}qwf({x`1RmkHx;1Kgm6(RqRVb7zSHs!KwWZ;8aNiez-q`E-h^bWtCi}x4s=h zM|a`kT}~i--3`x9xGl15%}1NnH;8MkT>hUhBn8wM0Sf72891cLEwe|)E>iY zmx0uA`3ihq8!GC3F`D|WjVHs0gp*MYr$O3O3U6=x!faQ{Qq6W#+;Bjbn=CYe*^4qT zB6=94UWtY2?hz=f_=F5U;K602kC5M;YjNMLK$sVo2idn9Va>}3fKwmKG8gS47Sg`r zS>0){DKP-YKI{NzhZ`_FIUh>hp26KyCoyOL6uxHuaa_A9gl8uryZ<+j$drD7K6gJ+ z$C4IYA??iag8X61ODWp3V=)H(xsSyYeDMZN07qA4-aLOjeSF#*mrZ;_!b>*6^x;=< zNwp-rwlSeId**`WO>HVUqX2c57GhM*N%8h&sZ3r<4dj$k*~f;b_=|Rt0VC$a`owWi ztaOR(O&$)bWOU(R(Q))WvjYo@g#E{{{aAT)G_C&onYi0e6F&AEz`He)JUc#>$1L(9 z5y6UdZFL*k1-FQH@4UlSr=1ernN4ZZv?nYg(w!E(3c~gNt01p&3OXJ4cqR~Uec+kj*M!X-v9X@NI z0|ujXa4lO<8;Id2TiABN1$FbFkm+*|$A)4%+#OmD_ZHoQw`-U1PFY>P&$bojZa4^a z8rFQ$%use^;e*l}`^IrUuV&n{DhE||ETbC_gut)IkH~p}k?&$_0Gs0l4v2OxC>>4} zb)IU0xPVt=wd@eOFhLeeeYNPu{5W=cXd2osSx7c!YtSdsn$+=v27K@H=fSqO@z0r1 zY&6y4FOxiRu*VU$`q^NrZnYLy=a!+Q$#v)&*agoQ2wgKKfvR3YH#Fraj?}1vz|)iY zfUGF^p5X@<*5p`np=WetS{j&5Jdd>(I?0=-?;&AoF1-IE!KW`0`f+pate>-LE_r2H~AUYko# zuajgdKOIFi38ifMLtRp>qX&2_M)X2w7GyNvgQmO$p>Nj;$DB4poZJ^&^8EyUNYz5` z`v=irzXxpbw1i#924c77Lre+@U}tYEga2gLlbD?Aq&aIEcxTwrninSYX8%Z$#=ci* z@og3znbJh$Yd*q_a0$z;InwkPj|UCGY5F5^AYWo9Nw;<}G`0^CsTYsIzx!umMZp1> z_)iMPN~RDyT~l5YAB%qi?~#JoukfHqg8td5$-M+8k?p2N-01m@tlKLEPY)#HE@v@Q zv{1&T&6{w-1qC`L)P{eP{=(kt+2bj}L9!xl56tr_$DrT9Zzl=+ledAe{Xc8CX{;sk zoB9`qlo_$S-{Z-EX_KhVyd=CGQzllOa-X@$P`c^!bz-*MAFkOZf%R=4oHFkqME&=h zOl&dX>ierKFKbG0v)fnsUE$f#**TLBb@3w~Z=Qn5;e%*igd_gq$21`fp>mPaei4VY+lmlR5Uk z$bkV4CE)XOHn;rQ04bJV*v#ZHf)AI%hSkgH!tn({ZeS*jywL_kxU(%|yHRV^CegzQ z-l93zw~)KD+rjaSz$97~gYB=b<22PwJlbi5x|>em&um#b#5Y2`)W)B+?yARatvev1 zEEv{K6x;<9D6WqR7Pv?T^nilDSboG|+&?lG(kG5+r z6z4#;LLTf9T`Y6%QKvrzuTN)!Bt5-$Du19?4yRu`;awwJi?Nl;G`^!50tYX`5_>Zq zrmMNWlwM!}k8z!;BqzNP*sSbnGw2V-t?ykH>F?xz%E99i@W{hxAOU%vf=@mg*H(tHbuBu`hEu-B!;bl{wBkVuGe}#V992Da zt*m#&kNf^1}y8$0Yw#AMJl7whbG*wo*2|#Y zk7lOh*(VzK@HYIHC}bo2+kug8{I;+OTc;HDm*#@T-$G9-S|Zavg?DC#;TrJvIufTME!T$DEeBW->Rg zd`Mj>@N#^Qq0Hk zPejjz9z?B+Kl>ne72eML|7@fQCXF3Mi+8ud?4~?CcO46cx-o%c4d2U15N!!SqxB78n~8NbfE0hWoyB-(luKdCdA>gtcAg>?(SO2`18zIFu{ zdfx|wA@{J4r=zw3vVl2Ea9j2WM&mr7@^C3BUlDF`ro4`IL=CsxaQh^ln0pSZ)B|z+ z3uRDI{D--7^3ilvCN78@O;-#$PZXLO#R=QBd4Nd|#;DvD=A^l(nfX_Ab;c>Aba~cQRn#M zATxzQe)2SOG1vv><;B7*y%apY`y5`1@xfyePB`Dl8J|`=^QSQy{JM!h>{xdaQ+yr} zNvXl;aJ3mO##|v?8x8Q<5-HF*cM?+8`a?~)8Gm3Khc6_3;K$4);*-!x!qi`onSmqu zmt6{Umw^<|S?`R-LSCf(Y9;2Ejl*9zMlm-{U%`18jn;)$q6BX>s1|=^Uqq)Muf&#H z`bA)^D2_a1t5NxoHXSs%l~@I~!f$zb{$GYPH4Q(Fqv~G?&Q5hc?n?z&mrsG*wRc3a zIlqKGz6MmEd{i3k(?eFit;3c)f$y8J4^H(Rg@0Ki=^YtE6mLj^?D4NKz+?#fqNECK zGCm~Qz#LiD7xCQK?_}}I^?2Rs3%NRAI!@kkizRK@%-z(-z`i@z!N%8EbmLACm}X4I z&-WZ)q*5_fmT1DR4I;SIVJFIzJd1U==de=`uEFg`!z# z302dBRjUW%tKsdC*`NdKXH=r*7=fYpE0eSjUr)|CjfVKjUbbA=x3`3zz}*kZ+4m|% z%uee;=>-*F;j0c`)*mJO>{~peYQaW3sld<3t7OUTgRswQHHv=5z~5n~AjWbJye}m5 z_IDM2IPW}kt*>Mjf9zpKybV4*OVf zm6}ZTCxw$kPd}jQ-o+T&B;88NwNdo+*idzH`5d}za; zN4wzU@c@#0O32+?9>xsD*uPCWyl!V2)0n7^@rA#4fh4NL1-Dlns}mZl=G%>qnZX=d%^rlbMGZ z7Zn62WGGIG(W5EL{(zDKgGKu#K*12vGWsD~wJ;eL_oQIdqW8E(`ypx5JdgDSzXe{H zK9l|7##HBJi~ITpK(UDjN-j5m*r%Z&dvF-9&3C4|E7ka;f_k_$_#D2EZX?n&6Cm~d zc#&9hI9WDiCqT^~F!;TUHQt*`Q~TbEW+#S&_+vKv5!yr4FU%9N+5`Eg5s9LUn|GjY z>1}*BCyIF7G2ln%%JZXf!?7)NFz*VtrFUiRFxvZ#c#+v!XpdbkIOL^x-R+N<9NI>7 zEM{WfnaT9-y%3gH+ex(7w24}-Yoh!?2iWy;2mZ4-$xcVCWv5rf!GSAgxG61DaQTFh z#3OMK)*1_{XClbJWrgg;B^S2ro-$S0dYs6*gh7&gCZ6b1MDrRodYi|IXB`2Sf z$K1Dpu`e6o!<$Js&-pq0NQ@J+2Sc%DFh_lhrNrw$d$_AHiZ9HPr6K1ZU|?`58Mk0J zbvz#kPvRd~sum|=$^N^jHc^3x%(#Qf#ZB0T8z zn;%YIh>dOk;rOBt=xDkf6jc*p?Rk6JwovdDTnU7ztD~sVnO+>#G!INn-=oyV?+~dM z3K_RD*)Lr?3>0R`1{wB{IW_^N-PNE9yQ<*vIytQWwjX_;jlzYB0dQx4AE`Ro%i`Ej zzBxvT&NUB&2g;n4SPiCAw#Shi`7mDjaTIoEyumd(H^Iim1H3v-!L8*X1~r{w)ed58 z6?UR6W9(ViupF=*J_N^>t%HG#j#-l+E9|`@P6s`M6qc4{A{tLyT-VCNIKY*6!4#S7! z1?ms-5#?w^qg`DX`^Y{!O4(z_#jOEJDwf>rO%>- zTvWL0X~;jafOweYkfLYNa7%t9T$r4MTYcKZu8o@TX11<4#I_LZYp;-v-(-0D=x=ba zMQ}Ga%pw~cpIScgcZ1N6EqLm#H?gm8z*{LMe68eN_F8iw-u-nd%FQ zH|xZ5%W~mt*D*5t@?hGfug&{fH?X3#%P@M90#!8L043VGILr7A3|_bvRX1qSG}l(~ zhxysWZ;K7wSfWRwn21TLPJ!n8V|b6>JCy!;9;1dJ z(--nA;3H<7GN6*d{vsFAPQ1|C1s*%qi62}Q-(|v%(jo;G>PC@CvDewkrpeq(R^V!Q zFD1#NPGNt}dFap?Pd}dPX6|L1;qmTEz!mF>x>G(Hdo6}oft4ozQJz_BsfRkN!)1Ox z?a=J{7aDW|P)(-?&Ntm5K|f^BBwR!XC8|P*^k}%d{s!4*vj!tA68Ye%Z*jgs5?-?( zN*5c&!6V6EY)?rCke&b7$%_JC|NbkKTmBGt$vU%8zY*l<7<1M*bO^VvOTjBnD`9(o zJbvg67Hz-Uh0=TnOR)5TuL?)d!9rVbp#%|$9}mR}s|sPD)^C_{BMzT=2IGXc70`Q( zg3)fl6LX=FoJiXYmqdx={s1W&;e8Dpe%e9#h;yW0!bPk@F(33oa|MS}nN?-m(rebsl1=OugDv;q}!5IQID* z25hsSBe$ine_RZl#t&hH8hP*9oFzQT8BTdT;_#~Up zVt*me(AzX0XBFRKDZ5m;@77CfV8A=pUw9R!tgnHRJ6}LKApu5zTEUuL3H+Z9VJ0%@ zACBug&I=AzqrFqVMTY1cS|>fp(7JCj%;&WeD!=d6>^w7SKBX(QC#=C1k??Z=3{PrnW z&20mXv;f#4_>RU1GoaBbLgui}0M$FwQJhqV#ful=DYf%>FZ(9^+jx#87DU37#uhxC ztqTP;L_Z9_H9}rOBv-Zus{hoKATOyB^u-AgU#T!(hb)Q^=BvX zDClk+#pU*2W{uINP&Fn?wEq4rGW+Wse&9(ow%BIF(AF82@$XdxCS4{r94!&0ZCeTf ziA-+-F`QrJ3U3$goX z2i!7eDNKn}7FAnJfM+q?Y~p+axYm^o&6RUu>DZkjo2_9Gwnp%SDNn?gDY`UI?Jskj z?hIK;SHMnikwlh{fTjaw&<9Idg7_2J?tL6;_x?mfNrd2&8KNuK?vs7xome7Qi^qmp zLtn@R;*;G=MhL9kJEv5@vAhMob7P_<^dKsSmB20g>t!_~e!!N^T^K843WdQ*u=UG1 z(0aQWhKA&z*F-&BmJuniqfSBTGEJ=h5KZ1oPop!=pCg-vY=7GQG&W;eDqzuSDkHsx z%yQ(m@U;@8G|1eQrL|oS`4E_H#HM%+bV(B5!;i zGz8ao`O$la^F*p!i$NkthE=-Fz}!PGaYln5x|1Q?MtwL0%u9y^u`B$KqVo>K@_WO$ zWRtBZvPm+MQQmW(C=I2dRJ50tG<@5ogpg23iBKroMuhj=M-iokq7(`VEiI{(`aQq@ z{pEe$=RN1Xuj})X3fF~CZ5d*tIH5m1)DR2$8${>FL=hWJU7Gl`4Ap*V@C`%NVcz4b zr1#TGC>Gv>ckOd9KX(N#SK0;Ym-XmM%jGz=d<;DoA$WJo0M<({hhzr{o|>DBEwjAw zV5&0DRJn?pqtjs-3cLv>oXLZ!(9M3y{>G=H^cFQBauPT>s0aNv4#O`v9lNBq!+6Vl zaC@aCQLVM)dR{8kEHLE!bIzX-mvrwi8!$56e`*c z+e!la`Y8bTNO(9tJx(dDh@&M%)8i_ zTn}-9)sWbJ1-1tD;S;Ts__Opp8F@=wa{8~M7?LZo$$b$28XN$R(O3kxszK8815Erf z81rpTz~LNk?yORduSTW8sk>=laN{~F4gLYw7YVz7x>2OHUPMDae1g;=Vfg5e4<7xK zNIx4@iPk=j!mSa?^qsjj8~;PaRbp_?;7L> zUcmAPQ~6sB;jVHi5iXi6=d06yzdF0O8qwsCpS{&=+&p$*3gP+?Z67}-ENV3-+qH335`P*K+-|!or z?(Zab#2w5ik&pwX2JHCsJ@C-nf<c_AIA`)s>CL2`O8_%G#99-6}N=l+zOxZ;nbBc^m3exU!=Z}Z21kaD)>Af zV_Js?4|EFMWpDT?b5=ZbyCh#Au>tBeD_F9r(92!rLU!94qq*5}l8}@Qra>>kzdRE9 zCP)a~dMa@CCc>jwSCP)3G^l8jk*uM?b>6xn8tWJq_HOwXo9s0xlT$7z$lqLAzF!sK?(FO?rIceVZ)( z95oF$dLP6LmD61J_68x#V@F2E28n8N4A9&2Bzbr%692YkmMl(+gyqZi!Q)LiSuY~g zjIPJW%YvaXYz3VzFE7gVI7CD3N5FZFL3E*S zfjf7q@o?N|Ojx>v?7zAY)!emERaFb6-yDJ1ErW>ppehpPyNiv@&BjZu9;{B~6S_Oj zB1^K{pk!+-8+PO;WQ*=Wj>&B}5S4@nswY6-=et<7J_Zs4KEjI*3wra`G4$(w%{0wE z;rq*4EJOk54%N~4ZnZWYKX4q&PNwv6vp41(Yi2g4RqRKEGq+f!MvZo5;XmDOGWv6> zAoAM^6_WLA_e$WhvOi#Sf+l}uUBv=YXG3&DD1LqZ2Td)9f4jIE& z&6K5*w=FTHc^G!({3I_WMvKFL8tnAFx%b&=Wl(3&V*h(`8`zl9iEEMo+`rUH@`slxD!r%Gg0im zL2yZ)k!AM-9Qd8_)p&6K2^hXI0l&|WpznO9gV&sVVpyrhx6RhX6KSgG_DG42k6wri zzW0q=desW0PPYj&jeXA28AGXpS)2IeK56RJGzZoYp%-?;65owoi;I7xLd~oOaNKLl z_pTj9op$d>a}$BBv|MnVo*j;_&s*cSL}%EVPk0m1-2{#=nmMR;_b7YKZY|b7Sb|3JmUfj+&w0Z4uvRvnr|8o&5~((D5GZ_X{UJYgiZm2QGFie+GZrHsU% zdx$?%c0tU$YoxktHypPV?x!wM=)FUOU#t2iUUo$u;`APh!N-i?BYkjMu?`lN2Qn@@ z4Z0?9lJ#52F!#=-+fTkCzWMr8Vv7}LJBtOjwiWew7R-LG(WV}Xl+D*U4sG5!kfwM8 zzpI78!-=cut`2pQm?{>*GKG)i(E%qcOmd@Rzbq#vw&&1r-Ak~W>BPm#H*lrI7(vY^?flaFKmOF@ zHHN>Hh4)*_nL+p_2)I>^Z{97&(D#x!(s~xt8SHTjz3Fqa z4m|5PjHrhs!VfJmEYZ&voL0s-`k^cz3i15RsZ98GN`mHI9LwvAj>9gStN7kPj~{wE z1tyFcf`%1B59Dk%G{3eJGVo6HSl|N4G|nT=UXx+k+w0&s{W9|iY+);mm7(&b$2hA& zZOmrkK3M+u3`+Mauya;INAQ$6`C%1?r7=%1MLrVsy=3@~?;~KGrr>9vYtL&&tr3{I zCSbpJ64`-|AuqfSBpM=chxHK>E$2XY$v+2^bry8~#)06lR)U6a7y#q02LZF%2cz95 zkTX_B(4w>yj)eV!`$NtUO}i0rx@sTh89YHVDs&_hhb59U&+7w-&nHh z9mWmw@ayh8aDL)S9R|E1)6Z^4>m%F2_@FFx9B=_fUr&aMC!a$4xI3n; z784dY+DPzq?8klm_JUiu5_CdaMBT48i&~F1g2B3_lt{!2IbUV^dS@cabRR4kFZ-Ry z=nA~43x{B1OeKlg+KBu68}UUOrE>?|ASVY2eVQx3F(>N~+zBhgV!=UaQI$oecyxfF zt_oeX^O!jJp(J*#xlPRVESSL%C9YccmHa6<3tD$Q(D-$Uz;RdM`rm&NO(BzKb6O2e zhS#&|`PzJ1TC^ym=p^gjI~=|qoJ~&th=Satdtw!(au`?{O&U!!S-smi>|c5gYX?uj z!XJ%LGwc>-=O4yn2G_vfxfb6hW}wf76#Vb`NKwF(8fu&pSL!sv=4Y!>DaizX zWlo0M;}&8*_TZa2mB?C{98oU4a=}{3>e~kyc z{wsy@p3m`0S_P=8J!a-_-oVPGVrcnq9j3|NARQ0=`0uS7Kzv{vtv{d+-VciL?tVr7 zti_Ou?|Nd9>1YaJFNxOUUQ`g>LVqU}S}NTy_WH38Y^#kSdZ#S*Uw=9FvwtvaRd3ikr`e;r_Yie0Xd)jLqG`!ZLly())KvVBu+K zS)Pf8ZEx_W*;=0FIv7{a(x-vgfkql`*fR7L?ustM^Bx|wKtT>%6kozfopkIy{0Dxz zhJlw|6N}m&fz}m)Z1rz7x^8$O8$9PWId`pJ*!fk6W)1p8rnWzF4!j{FIJXjT(aRmE zGj66ZFV2AN-CJSWi9^uSuEp0GeL*}Z38F!P(6jv#nKG@ zy<2Rhp#jU5w4q;>zT(OIjd*h6dD!*(6?Pnu5Lc8lESF0LFJY*sy-Ah37WwhXr*j}_ zyfims75GfL3b!0z1=DnF=t8aI#N&cGE-`6`&Hv`Z9bs>9dC?N^8=M7^C;G`dxqr~x zxDTJ5xdt_35}>X!g8RoB;ojmNcqC-R23lMs|1CTZd!{DCqI@m7+~^z5y4OIKS6w4P zs?H=@R*tJhS0Q{)6x(EKKx^$ z8B!wsu?BQbLoAoLKA(Q-x&+2E|3XH}B!S<(5`JEJLpFCX+<#b?!q^%NAJ#_-YR;m1 zX_C-==w>XzhR)TMAR`|BgP_1fT=ve_IX7=7tly)Fo&A@X|Gxn=+4~Z1J79o19TnJ- zoeT1-{9&MRDeFtU1Q&CR$Q1`0BI{%X=_(!QXRk+R&6+5RdOMruYFTlGqG9ykIw`)# zOa`VJ2p#YRmr*w&84FFv!1~%cQFr5Cw&415cwc`LLe-9;$LSAnRDTP|3;PWTtzYcz zWo7PJT?_Nw)k&p60wx`rM0Z^er~QVT#1HnmqsPFLc+)5Z)9e0%U8lf9(anP|%fI88 zB@bW)+bpV?Q^n3H%cA30d-B?S1og<;vGs~7n^ZACeA3p(W{NBPRj`1r$ElnS(lSC*6br z%9qkBQKzvyY90I1EU3*T8WLYRDR#jfJtRSlJ&Zw2BMnDq%*r%UO+t~XSmz6cYEA6deuRG=Wugz~gRs)e6SmZw z^6Xd6!kzXn`Z!&J-Bq&@YLsc-li8@Pw1wUAUB+)XOax8G$D+Ddhv4_)9pZ`6Ww60c zgIT(?p-)T-=C)b#!?m6eduue@5eu^o)k(DYv?`X}RR?n|2`+Il4Thht799$Y#gX?Z zeVad+PZH(_-&Y-iAJ#^EMY;s*y!)FJ?2x4i+8f~GIbnBucmqi-$w$=*6?kX53YEIK z5;FPw}fogOo;*<$)5U|1(x0r_rxiD{NI-3S5zav?Fy*2-5{s@jghy}mlCcOQ?6KLNw z3+^9|W#<;15})~(1Nt}`=3YF22Ese`bKAiZclqIvr7(~?SZ2VY%@TakxorG+Z5}Tx zTnTa+o_uAW7mmz*C)y@+1tnVDKoCUYr-{ErZ0R9zsSe>%J!^5j#}hoKYea3%PD6`$ zeflA1l;A#l4b1Tt-k3I&Z~qli)bXW|9o(7#sxu9lg~I^no|6x7r{g&6j_+o(BA3D8 zC0gv}zx(1&^)UX=${ME){|l~*OW4$#4^hQnyy)gVLrCuqLb*szERDC|-Ic~dM^T&h zKS>rTSnL7m`wPf|N?V+9*$0lMDD!q7OJ3mU$q$TN0Q&@%eMc3=)gA3*ov#_3e{9F6 zb@budGQpj~BiJatGH}eZ6U}$f!iCfBgQw9zezEd2cm?`lqUm!o#_1$%{B7#&Qg?;~ z3U}#$rMaM`6N=fzLZ7U35-bj1L}z~94n`}+Vf-ec8+E=Gmk6J6<)3;i`IUy(P7Vd7 z_@lVBI$1b>On{8n`&jYyHF$B!iju9v?f7@Phv~(gfXPq7aNvRduSVm2_P8Ma8#yKal}$h1iA8x{f;Y;N?mfOu$RRY~_C1*pml-eA zlDCo&wYTuYZ#5s9B?$%l=7Nv3B403IH;kKD!gks3gp|LR*cOp5$V(c~9>>*i1E1r1 zlP0EN$&qc;f}TCL#HvD$E)fmm71NaPKgqw)G~R}m&qx+1Go#o_-*CM6VIci@b`R^3 zC}Jmty<_URW1wezgALXx$7!9`ENjaX)Gx?|;r(|Z{YNuYte%Ok35q;?^cYMvc#S#Z zT}7>KXUM&HOH!Vy%=D+6#*CM`plx`YG?fqHzYVmB&b*mObDMDbzFts&u1%l9NN#8T zAJW!D@#ax`!1tgp=%vO&{xe~8QsrURv?>S5yiT}S>c;Kmc4ENUD5#fs%1)__fE?TP zpmMGmSG3lFp86NORd^SMHr&S^o5y7Cmu2`X+Y9tC0gvq?;=|>dG&}qb9Q!z*YJI)~ z-_<5NYi~*+)j9ugOHdxcWk*ml{S_H~M4sC>sY2Y7RN~oMAUgc)F20&Fghdp`pw~bR zn4@(X-M_`dkOx(yyKf+OjZ7zsB@$d};9jQarorRnQ&4A!qL7(*4NDf5;F*!;+`s8C z97^4e4iPtr?u5>g!6oBh&N64Xary*)%wQQ!&Q>;rd! zo6471AYMy=fVwmor9L0Z{k{t=!!E3yV@8M0FvFGVD*V#WOsJT-9d9ohNsq7YAd4HX zL7svW%q|auXrbde$!tCiJtIvoUa}S6dHVwu4yjZBw>O~X=s7UV6Yl1ly-By<2wanu z50b+Vqv3lqQ1lDJcayE5f6E@woZ|o+1^$K0M04;NFBU(k5c;u>C*Y61idfEHoo*CZ z$|H}eP;G4nAAPk+z)UN26B@WPl_aUS)}6yHInG>flaM)IKq++|U-iWuCBo`qe%F10 zPnHM2#(yFg{spr&aZK2=DR61!v&`n36~57mz=NHVyir+~h|NkwKhG?IJku*84RItN zl<*hB|Ekje1kO{5xBw2Gw*^#k0k0-gdac+EisP2Ent*0}dUp*=I_3j=w>skybt!%~ z?kUdrD$F~Z1rDLRDkwDsqh@6U8Cx&H#je%hnx;-?oCxMA{+DolMFww)GZKwiB*U*~ z#6aKAX_)r50n&aAf!R9WKzWn`+g; zi}-5XFyENRkyyCaC{Mp-EaX#a-08bL2k7bQBe34}Asgg9hHe)2>n&rX>CTf{{7=<% zF7rf}e%217-cr)wpL7~3&M47w%WdfwBYhkzUyGkMUd1AZC*b-yf}5xQg1NUxQ04i^ z)EdrUiJJ-UztD=^9y_S9@C@?lkC9wdpbhz>NPzqZel%ng>h=U-VQ&`BFA*|o62o}j z2z&AB_&gX9Qv(torsFibv)tn2SWy1F23O8@sUel2y88OWUa10;iP36A2YWCs@9)`*Y;V&^S!=EZbb{aS4rZ=L5Hzx$$CC7 zOVCw@%){iAZ9wt>*M*co@TJ52T)A*>+R}_u4Z})?T6m)`Q{fK=eS#_P>ehL z0+%WK=;)X(HqL1_pZ{k7Z5Fa2mvhpgZ(IgUZA*v6`I!(HVGYkSbMSknI%H;Ng6xW3 zwDQPBy@$eFQazshV=6SFVlakn9ZW4940vRTz}@|z2>XBfW7qc27?^vG2aj+iJNAU~ z1^C`I3cfaxzj_z&@&Y;Pd(xbyOALp;H|8wofEGU(t3tEhCW;sBUxH>ewQTAF z18m)Y2gQBO=+-Q_?yQ9~+ByU35p_~HAL^jYd^ZZ&N2pC}8$Pl$qizpQft&VA7^_bB znBUbRrHni9*8DCS?Wn{__mA-HAw%Go{~^)wED2uw;td(@cZMa0*t2r0Wav;m52Bta zTw;(mtP=V;s@45Cta(4yoOR}lm%G7snYWPlY&P_?8HwTsOobhDvPDtucTr#IGxHv5 z&$qg6gFctd=y%_c{^u>hbtE3*x1;))wsAc(%vz1{>D}TsJ4yH?I0hVt8qmJ+H=%x& zg3zDp7u>=xF?XdYU7~#n_g{TMr22n3S8Z4ielc;R{oW4#Z;jABX`ast{{CZQ7E8d_ zxB;}~P!_pWV$0Gc_TryELA>aB4(pQNAiA<*BD0vSg9(*-qPK4^;SWnC@r(K6Y5kKC zNWQC(C9Ai?dfLmJ7wo2uvz_R>`bdoIyDOFnJPP*%#^H+Z&UDH)#-D4>qv}=5aB#0z z$;H>Dc=N~*KBvKkS1bcI!t)1Q7<&D%N4m;ri^pgai~97lUo4nsBD8gRqar{Dem|mDbb-r}%B)wrC*L z8n_pWQ}!dZ?j}D3&iCKWQZO^RRg``xp6r~lpPRio2%mB<@X_hI@c8IN`m8V*t1>Us z&1buq&!UyAvP_OIkhH{AJcIcP_S{0B75rSDDmA-QhmUM#!bgj%xXxiZ?Hk+)={x1&rI-iYFq+lNF-#qQKxk zXjUdkp9;O5nv;iU&t5;)@X~}Y@;Z%&0%|~EqytZJ97iW5%hGJAC;_Y*4x=}y;pbXS zwrI&FTsnC$-(ot7&K~YT8#kT>wKenjg8dA$W2>1BJS2wD^t|CcOFx4e`31JbXo(yjMYafeGJ#A{;);#<6A?O_%GKaBcD# zOSTet+{Nu~1-E2#-3Y#-c_f^DbPAkzbi?d9kFh`|1Rb1Bs8Qz;Ua|NOOjesz5*=9yi{=jC zZvsp(TkvZsr&Ytuiyz?Ey$I}hx{KW1B=~ZgqPc{m17>{qk7oYxWR|lGpy2&bE`O*7 z8a2j(d*CG4cwi@*zw1DEfhDSEwTpWTZ0a$cUf@?TiJIs+(K_|9wBU{dSr%9eHY#-> zvGoGWRZf9S1qZ*Cb(_DlN$L6F6!YnbX^MFeOTcSDf!+wbcpW z{q4B3mux4QtiM+z_DhA$t8*}9lRy3M=}$J}TQfTRIfk+CVxjxyKX7ipj5S-wz}W|? zr04r3l)GRENz(V&O6gJD`ARvPICDRos~29}?_%J^p(^rha43AJcPA^=RJr${K=eF# z9w!$|(mkg<=$)Jb{LrewP5SR+Qsg}nxJ-gJ$rj>Lf#rYq%s{?m{u9!ir&;p#Zxqhj zJPX!r-^sUMu*W}J*Wo~u5EQ2Opd<8eKL2XR%Reh|UZ0TnJ(vRJp$}omPJeFx*9J_B zWLajZkY5nn)9x?sFeYdPly3?a4KEnPpP!rswIj{=)wW#nz-SDoSC>Kjjx(6iR}HUo z&FE^Q80Pyf05w%iSk}CSux+#*-IkY2EDR*5$%ROqTsNY)aqW0|Z&*9f5+Qr66NDJ- zNh7jUso&!^Vz;gaR+>psu0Tn{E(7Q0z`3A*X&H4^-V0tQ&kI@XgH&$nP&n+h6f3MW zxr;&^ySL*Ygd0ksTZq7z0bsNf#2E?D|zIdut-5VB7b`Ja~t zP!;h6>t6Q2Vp~L0Wfin~OXysOXgt-K4*DZ<1y&WKz8;D^wDv0QS*k#rzW+jR-xI_+ zI~AS!2GZuacbP$;6dfmJ$#*{t6}(6TFw<@akqi)6^P{;pxtL15QD}yxy$3y*Bc|PG`Bq$I0M6S=SVYwgLF=J{s z#t%~GkM=ph&X;#F-Rv+#UpA%F-akiY;aR+UHH;_OtK(8>EfF6)1#`w~;-kvB)M#2R z&J=6VqZ6M)K=f_0=$IUp{wl`4S)6^ns6)TS{31-P5S9`Zy2n|bCwwsHZxY%tV;aZ5 zE&vC#*I;M72_9G!kGqdZfK}}V_!<_C{?+q9&Ng9Olo)?-}YP&xK2R+2qFb zY&OMvuF!L9C9!KpfU~FyUnpS7!+OYL#e)}j6U#LOrUOCekk>DwMaF!i=aUT+wR$-LI z3-OF?l31!z3hr_}&^sxQ926WL|DCQNZNlH|d2VABpmH z8O+EUOuLFML2bLho<7kebOwT$+=L=*DBFzc*^99$$_j#ab&>wXgHcUO5-p-q*$oS4 zx=d*xn0ikqlX&6u6 z_!7?AJVjBDH?M9t5qnIyL#96u#rD79+CVSjc#u+Hg$tXYhAe z7kU+wzvPj(c4>G35@D!lI{hTD_7w}V=&1Nln6P~wC);F6y!KnrOSYttZ+MA~s-22D+~PNNUc1g6aBtRH-lka&OOuRIv=2 z2yFM=lPu}L`U-qMbR!#>q)m&ZbXok#e`K!f74q-ybvP9BmSh)SA+3+{AzU_$P3w_? zUso*n`@kO1Hol1Qi!Z|~*H`3BOg)Qt7(xvcZsC`IX|P7=4Q|ZVqSifk(4favG{JBr z8V)^+ZdVUtU1cAs&Mbv=`ynW^WBCaVA*9P{G6>G;* zJNYZj+B;P=s{OoZo5f~)Kd2gC+V$hOrr*%8qy!QiIT~!)$zm%3eJ6g#4Ud;G#WD97 z*`11KUYbEc(^530E%0=qJgTi!gP+qv;pSm$deweCRaCmbyxq1_*%zz%&EjL=S5Sy8 zr>^3Fk1tuPvnLGtrbQ1o&Z0}QL-@|P5rWunJLZnRhGqsqWLJ?oeiW#mhTcWk6KP9d zxg3BpGbjGKJpyYl3(Rj}=YMjrI-Td4El!Z^#!f3I98x};{af*Y_V&7doc-ZH|oV7|J!o?r23%@yq{tXyb6G(lh zZopotdGx_^Bazrx@Jxj*Wyj`J5&JQ|Jj^qSqy}h%Y=j3`w4H(>J#(1*yf_xuuECp5 zr9*&{DqMVRO=CTx!Rxvqm+apts?}qddh;hvZ3K+pHwz2l0%XdlLcj8CD*I0G*~)VA zGWsTRji+D_doZ~thDd$#rX@SNu++i~JoJQ|Qr0OPy}J|7Z8V`B^@em&s4*y;`ccnx z60guZ$0Z}`eQFf^K619?_|{>(RbNbuvd$2dUvYSD zha6Q>oy>>SJ9CfO4{+VaLUh*M%m?NI2Hw&x%z<>hwBS_SXl#p28tc3k)3Y1ZQRi%1?A&i~nk zkg0VC;W|8GrQ>ek{)y>qtL-T$Y}2R3X^-LZ=)bV=KsbAqmyc()+-X9$Jjt^vWAz2< z+;)N``O{!YTAY0`u3?POv6JF`_YdL5S?TB-UJpfogJ6r=dE7rK6TiiqVw7JziF+W% z-TP~C<769Z`&r1+n)~pah-`R~@PS#((ZRFAu75+#K}@XcU~>GFsB`{IYGbmC^gb(q zxCxVB>9AwyUA$Xdx_=ioDERR|n|HClXAYK3-||Rwdei|dOpe7E=Vg4F;5U4H@BxT& z$AGr<2b?pwm!Rw=7*Q|@a~|IS-{cy282~==cf|fhkI46TKGS-qY zd_)B-c>Ms%Y}IgSeLC1(y@W#)?08dXIYjT92Fqi62Bd{&e_2{ z+imEkY4s(+ugAj8t0^q*Q5*d0>>^U_vtUE6JiP62;_8tjASOJ5Y$*_-e$BMeu}i*nS?9GcH?I4P5AVtG^(x;m|y=6^SsyZafxCKY8}rJ-sx{KbGRM3 zyki?GhwQ?`e)9a7^kHPbFNi;!bLNu2HQr*SW%rLF z;1bB@#5juIn0mmZ_+9uzQ-x2J_T%H_VsXN22eALOM6{O{Vx-#%+}Ju0CJ4@$s~Y$4 z)pTt-!2bd&RIP#gB};gUg998dGlT7aM)0xKg^-e21sD87!A4^$tlOkdpE&CC9~BS4 zVV5;-KYbnMdF{rrmFGagV-Y47MjS*E zZ>NLpe<9?*sm_>}b^!z0w&BV)p}!|Mat7Sr&M$;rfh_-ZWRd<^@jB{?zbD^fFC?7! z!>sSjV7xOI>B{nJb|bLju>@7l^AIw$h4@e}AD&eYNDqFj7j8!q#X|xdiaTb{6D<-}({cv>g zc~mm%63I?Ih5?sWGb@2_AN-^X#{U#JDfjF#pKZjhUNb(nd?26jLl6L?>n#QnjW# zcr;KNT)gUF#>O)^wJ8-tq(<@=@lPQ?-IVWA8x9@ATF9qC()5zx@*J-k!so^;=82DF zu-$Yqaah_03M7{TH$?lP7X?Ed*jR2G5nQJCEju_g-OrT*b!ESRO2ab z9Xk@;DtGefvp6Va30?M_4)VQY3OK6S;@jd-K6U8#no#biNZ8D;|r@n^gxatHOyTEJ+Zo6BT|@Inx=@P&(!0HPRhPc zb%h>*iI8mVO6!`VS^t|d(3GDGpDyW8XYU9y)osbf&Y?lnrIugUp1g|*Mra}K%HDU z7zsV*!hO;D7XHnbVU-~_pf=)?v)<=XAgGH_u~Y#MN6rV|>1sUc-7Fv@!!W&LfarX| zeR%JfD0W;i2=o`(K$3Gt@#ojs&>-W6)dw-QsSDC-y7hnoeC9EUn7h+HR1YA6oI&hCU3{l(CvB1dVgAjoWF>?nw1O*qoUyZ5ii=3{1NAQcY(#gN20FI`)q~U zEhgLC2u{YSWWWbA9Cch&@;tN@R_~1gpRUcAF0lRWb3TcpbGD0L?#_mp-JjX>;@@QN zt8JLSw^pqCITn&@*C2_VM77=y#@>CZ)Np_vf79LrIzgr5-hENx(#c7%^YLHUVe|tk zkMzLUpBGX3?0z!CMw-^&7BRKU)4<@?QH=Ssi*L-7;5&-?#ELskh>`}4g=f{nsZQWE zynp@yytXu<(%t3GceyK~g%8_%#S=R3d9kVKH(=h4N_duYO5C|c3x>V;%%17bMBCmm zm=6YN1AH=gSZ*_=;GQlA8cJkonCvv&*7(G90A10Ot z4{k1ho7l>Ppk-gvOWTsOn{M!aW$q31OI?`?QJAswHKVt^j`zpr}&zZ7>IR^5KiI){|t zX5}R?>P8bjpHcxix0dqX6@n2!d8#7lp=~(^b!ZIqSXIhfCy# zz=O}@VDMEvgt4+H54kKuQs4@!b-~zwl6vxJ1uFb}3!&y8jQA{849NjiWctra7-FPHHtazrO#;|IuS}r}GM;p**TVap zB9!`KNT<9YSY1Aj>sS7So(DU5c)Ja{|5r#l($7HVi-(xzo5eoJOYpb7t6`!3F?f7s zBip^N4_o`%No)R8ZW&dG9~N!pD>FVq*L8g+pB&Gg=Tu?kAcp3_6Ik$&bnH;6A=UL- zg1>Ajm>s+?a6T^LtUV9NJqbx#?H!Hl%O0YqzX9*bsUg3|YtXV`7S!O<9{$g$4_4_^ z;owc`cp&y7Y;em#j{#@FYQZyc$H!e>{k*yuFFv`(=4noiV+-ya_fo#9;j} zMK1Z%L8LbJDMa*`p<3h+9Clae(gzg?vypwg++hkPrT-<%FJ8tMwu5QWY!@h$x(DOM ziy(AJo~T^w8haLZ8HX?B;Qm^LPK^%}ho=qWC(f;)zht6HVwYO+_4~FGw+>^nJ3g{F zuq+mbd=*$tJ^_&4=}PB^Kf(`7`o^h;nqrdgH8ziRgZUg`$MEnF{#l;Omh3aZ{kj}x z{(Aur_N0N-ty{>)R<@ zUrpXN_B6lwGLnSs_GGKRDKi6`VNBwfBo`*Y-1U^;d9g`>UYRkNKXL$FyuJ)I76#&g zuo-yv*&BA#UK8wtBcZ+A7B?&vd?yQ+;ZMjw@1EW8!M6=2OqC-y*2IFgzY#0-_@F#q&dapwV9+Hwkl(Z)%Nf^Ehqv9O}Tm4%Z6%bxpckQJ4$J<$~S_ z!5L@K&s;qn@&3ujB<;*Q?0;nlMNw(c9RCx42${U{k`!=n_=Ik#|0bgkyx;w-L zqpaS;gWiMe>cqKpTd*m#8SW!rj-=zF*>-4tAPtT@wxSPH=0o2dppCaDantVMG`Lfr zfBE8s*&Yw^a?n92n=6a|Ngson{#o?TDP6ihqfD%ENyN_2DZwBmKo=Pfpb!hz7t>+h z7l5S=0`F_YZRl8Y60d~GqW?5)(J&i#a>6kJJTkY5MrLF|zR!1XnbghpmS&Y0DMYb# z_clPQQWQM;D7gMq{Lv$NAdZf5fkEneWWQ|?d>OPA9MunC!7M#mxazpbx@Rt)KjwmK zHj7JsUl9JM3pJSZntw1u!HSoaBKsqpLl5@FqDGhwEIaZH-A-L9`E*N;AG+}m$6RpY zE6oScn$5fL{%jd`ug)8^m%N8r7PBFCTPW;qEP@dY6X~AdAXt@a&YC9aVEG2YE&NU& z?*Dp(`3r10|2K`RX8nSc4|>j{jG8dgeh#+SxI=H}44Ay-Jo>LPhQEEE@u*l4=9f-G zox8JX@K0wtX5&}%J|(!Y_W7aqOG&t1|AN#T8PV&H1aIp^dl)8lilxnZ%u>JH0hI~Y zh)ik{bPcrR?{5v}wJR*}&9g~t$RA~Xbii<|-jhwVKfglEKgr&_(BW~~rueW0cLl7Jv%&T}g=A68P^){FB$uXVu03P7dI4waI8}cnIgT)xeh3vfNH_8Q3g)3!dqR@%>(1)K$GJ zN?LA<$8O8<+c|TgY^oYGoKyl+IEU+3c$28|;jkw94zB*HO_J8!a~?x=xYne4kxhI! zs+BVMd0Q1uJsb@#n%Cgph5a!1$$6ZbSt9BUtOM1=%h)z_CbmA^3J=d*1(|Kf;P}7+ zFz3iI<})F&_}PR5U|6~Y(!EzPudi=d-r^?A&ZuTNkF2?Jdnhzc)a45s@ZZ^z|kheQytZG#X@5p=0!PvMnyq`ow(ucB0L%Ent&#Tbx)U1A9l5z@pwC zcp$I?YIH`zt5OwQuRRKvwxom7{Vr6Ta1g|9y5j4Zk)pcLXxL!?n1nB~!PqOeFzb;O zemDOCsOSV;77y^?Umqab0^v5pF?0Sa=HZh7uS1_QNsSxW=Aj3Z zzRblZ-&1f-c0a`Ui$t+|c4Ow;NHF?$+Ii=wpAfOwhIZS$RkC-W(8@;PgxxNZJ zy?lk9yANslY0L|DrNj97p^%_f1f$OD@)J9KAa%DkdT*ME=dK2`ALS?MtI_tbb_0^u zt1rcqP8!hcs|9RjwrWZCfAV~h;Zb~7aD(L4+2QuVU8pL15yN^TAb#6n)Oqz<g0VtV^X*Bxy+I zWO0MJ8-5`wJ z@df;rC~(PTrZm4w$SOA5L79q}t*UFm66c|~cla_4PZxI8%J)FuWH7fMt;780J|a9d z6q8;#&}9>EF&e1IuUx!~iE~GbUTjz(NeW&Qg^b_z}U@f?ME&%Uo zmhjup3d=$!(CiXtI_RYXfA_>4Dz{kD;WHPrP*kLw=Z@mK6(5Apa1@{0a)sQtwI=Zr9kHLq6-q7emr^?1muBMozyC44cPH@ttYo(TM>-o8?}_r?op{qB?K|co2b0M|Dy-Ew*YP#6=E+cS|3deOX2heC51pHJ5dAVjJto_lzJ|+&O z5sv;ir1lYJG@WBpJ~d(pacA}mBcNh<2@8(%!lv*xQL%?7ZF_eROsD?@-InVtW7SqH zl06SAl!w!O@`_x_*pQo@-U3e|B&ccBAK0!QBGxEPA;*W_7M7`hnd+(yu(RheJfDyY zHD4)}Z+^%w?Ak-DrwciY-wp6sR}svAsnErBS+MDWIYIx^D1Mtu5*(GGA*ByrOw1$y zD#p{VI3HKtyoz@(t^}*khOqIFB!+g&QS}6Eoc(k(9~TvdnpH{SRc7O9(OTn@C$Fzz z&E*Cnt`5Rw@^9FpcP2D{xViY8jx- zqs}6LQO^YK+8(gGxrR5t5#g1W378;c{}O%-qGwh&Z3{y2!4d{X9>)Xslu`iU!c)&1Hv^ux?!jc)!L>B8U7v2=0Q5fpB{jIZ}agX zqkNKDB7_F!z|)W3;GEV2M+4G9O)G>Xj2(fiHD5z#$vZgMo<`pIYS8j!b*O&BluFH# z5VCE?=sUa+za(pNqno3t^qjd|)7un_wj_f^Z#!xGJO^)`ea(LDK90^x($pYTnvbiI zp*JrIdGRSKRNlUY$V4@R$k86p3p*2?_VprT%ZKE;jtyVASc8r^U4zjRYS1fiB(M5) z1ooAsl1j4xVTbWoG$}m~RxB(P-5Owv-rE--?NbKNxD#ZRmyr3a-;WYqe~7VEFb2IH z1};5f=JD5r{=V{zHOzd^9=uB;|0QxV-f1S5MAyS!VP=gzIjLmQiF&y4>?w}bi2?aa zb9lT*4fQfqxbaziepSdiPb}gPv{xCLB`ZPnaRR2T@nUDP7SroC(b%h@%*Tuwgy$p~ zOiMSyr=O#kspkmZbjV!vLrIQqD@C~Q&0g~E-cVYjRU>pDQ{Y9_T-Yyj z0S9Q7V8<#KF7MxrCe!j+uE8zr7T#x_E@z4A8U@xhPRKsXhT{53swC)@2fTCAW3Q_X zK=zOpP0M{OO8oW$$|gM)80(|iuDmGpv@8=mWtYh5a!vj|ScTpUosD_2Ie4YJ3FdXh z!%yvFthyr{=j}X&30kx1y=@O*@y|4{jQ)prXDABU(tMWW^^|#qJrS1%?0}tMY#1zFFk9rFeqQJo znUa`2DJ7yxp@*Dy5rVcWQ0{!ExOLA~X4tCE>p%O`#0UpG_QwgU_EeHB^Bl>>y@tFb zHX9wSWNFHPdob@^G*KM#0#M)M+oIYC z^-{v7jq1!gIs?^PZR!0f<`6MsKC15zW*#?oF=wAsWJiJ(R))whiD8mxuuteDOYB1R zQ+L?sqrN?nfSyV*O{kCH zZZMll*Okr1@AuZS_G8;YUDpg(J5Hbn8zt!Ca4%HYG=&;x8S=0e6Ta$gCR?fYl0Cgq z2m@^|lGm>lxaF!rysya!A9mG}xxHx+-IWD*&eo&*$Qh_qCZao+MB>$#%ej@|X=ag^ zi_&gqc}B=}b|L8!&wQ#&Yj-jBQdi9Pt zQ)@O#eLqfWwm&9U6WsBtJw*?(x}p=7E%2sl>!O&Nwm$u_u%e_?Y7%}t zUxZ_o%!FB}5_Z1yfm~NrT%#y~7w^@9u1gSU&Dcz&-E75nWy$P7ss$MAxQ_44$HU&$ z7tvSsGWb0*5i$UZ;OnbK4U}d;*Y-|G@r&g(*R^Q6^?v*|WE_Ide9|CvM>48{h?DyP z8a4GNZmf9Ej8016zobTV3^$+)Csm@qbr@e_D9MuzXEPF01s&#P*eEdf2i(=c7L{9~ zPsR1%U(h1>SkGX&xicJoZ%d~Oc?6HBkx+XiiB-Kb#;(V$px9o_9$w19wcqUU=e$dp zDflT4-%+P8Mo9C>Q(xJv^*-Em>PXuEx{_R)lZ#(xbnNNLEXbx)aYZi;zasM$hlYjo(8|&2GW1) zqM$v<9-a&f5jY@MSxun8dJsA&Ub#K+I{P9_&e{eg-j28;GJ>orZ^1z}6R6kRmsk+f zK@KnUrG-VtymERWyw;eA%K9hZ#-u!)dipdpoZLZME1xmf;*(VB>_U<3$&QklA``-I zSZ95%WsP^-MqLHK~L5$|vy0(OWEi=yd4!nv2&459dv? zBgL1Wr-*UuZn!wr6csyksmZ_vRQ1#=aop${9FlhsueQfoZ7poTo$W^A9jjmAe_`+O ziKY&ZaV{p?zsYgck#_icPy@cbxDIElgu&5^USJ`iD0HP=&@X2x|M7Jo9G{R1k1zYs zKl5wwS?@OL*mwpj1*b!G+c7womCFBnZv!*So(fLR_poQhY|;~+FH*R)pEntrK;kJ! zta^G9*ZsYKbK$^@RZN=rCB4dLI~H-f|TI#75yfjnPZ zkA(w1v+RX=Xsf49?|Z30w&!_NxF$=>4cG90$un_9jRil?9*Crm{Unz|l&O7RD;}wy zPrXfc^KlcSa7~9Ty>%}T?63Z0^S1Vrvm!qnKiHW{T!`V85ts1D-OIwCb0b}0djgF0 zOv$98N4RgwWA@znDO4^E!7o9T_^?ibrlc!Tr;qhmn$?dFrT&q|jH9^UPm5Mee!J*|5&C+0~@n@9Li=3EX8JJ z!F`^G@v+S9C7_Ui<&G!KIyKf@9X{G%cD2&Q&NZ5tX1IqE+n!IgOEI~{{VK62a9d)$Z&bj znY2pU7o(IdMU#d)Vb7pk$XusLEh5|DV&z79<9jH?tsYFi9N9>_PcP+VlEyUqg)JRr zpHEgg)RP@EE@IU+f0R>Fq@;g0JA7pjN$s{^2aEi9LB=9}fBi$Yrb-I-tvpKA+nx|x z9c%hwwhs8n6~mOqU&LwFL--=>&o2#qffuavVbCmDI2`#IyoNZjO~xa+Q@bHJgm&S_ z!D<+|`L9^o)RogWlX&1Pd5Ao-1`d~}@+RZKd<$;FpG}jwlHo=C_skB|V=uuPZGl}X zEzcG7hw!Ao!uKtG8?RLkF4<)|1Gd!IQ~z(4H00_(xV$z9&VK5KG5;)K&igj@b5uMW z-8P$-&Pfuf?JL0rPZ#jKng}!u?S=9izoB0G1-t)q6D|uf6&e2?#_Ovt^EoP6V6jS$ z|94?9hNzw3y<7X?{rYpHiE@0*vja8%%O8kT2F%Kli zB;J#;S>5EN#1MR8p~ofbRQS_8xoD%tVBDf?&s{PYATuLH+wx0{ ztJ5)ORUr174#sG&Vkn&&N4y0FhWgScsCD5Q)TQcD^O6rNG^G@N2~IDy3?H^@(qcY( z)DgT9GZ~dO2Z5^G6%4AFOFFs>V7`_zyS8^8ozw0{f>&@nXYPv|AI#wOVdm(N7)GR@ zh2wZxFFNx6Y`Ch{#YW%Cz_F5J;mo-C+`jA*lzI+?B_UDFX%i4X*O}zR>RYgAQ35p0 z?7#(^f>EQ#SK$6BayvN(`eR%n=)C*`b^C`A<&%f8GgO;SVLni!qDIRj7NTS0a2z?h z6jH6;;Y8t1?XI>0!Y`?z{=yhJo$J2nhK_oqA3AFrD5t%#@(W2PPShh6ZNUuI92hv3Bgo(U>ar_`O&z`vG53mIcsJtW*8^I+e;;2t+)yI&F+VU9d}4X zjz6vbS_yHBBw@-<9o(e%49s5(E|oieEZt%glzJ%A+VP)7lx&3uLxlHeRwJ3%naCnK z*5aBg#n^V&1{*gCU85(_sBtn1L(Gq(x~1S<{2nLtgcYFUQVQ@;eZFc|0vvp=M}0Rv z#ul*~I-Ng7a<`qOlZ&d@W~YnfMeGRNJ>`)|HGZ4m=ICQfJ!f)<&~W0OJcOHXdk4vT z*MpIOWV^n$5$Y@ck^&if+MDG{yZWEw-*Q{3WaNZ<58OuW=NHk#!xz_Iod-74;_#q? z7N2K11?{t6uxFt}8uW+i{0y^YjAYKA*I1C^v~Q;0MknlZ7rjNvhl^o~k*9KN}SWt7Z$|f7}i@p(^qpyNh zLa(%ZmJ()fF{A4*|78`6Jm^W~cJLnY3?I);0PQ0oxUWuzE_&95M|B2*iPjW0|5r!x zj0vN#p(q{KJz(OGk!K)1y9?vBgdE?dPHbG-3p-vZ^Uf!cbiB4IPkLZW-&VIn(u^`k{I_l3vPbBiaG19;BGB#WXsy%uCN>2r~ZKz zSY*T7g}B@dzCKL9Xv6lbh!?j_*WzaG)3}|^P4Tz~nUEd#nAnwTL2ATKTr2hi)#bH- zBEb{(#|OnfUCC^{!8GYC6WxrcfGtU<;K5)KPPnlVdiswM(ZKWg_S|#0c0#xnNcwXf z$M3Lmk0$rLyA}`kBohmTSjg5n3w`UA(Zpo}xVV>)<0c8z!N>%9K8&DmEGuBQ<`o$E zPl{N@o4~=rJ~)1*9C{VI)0t^=&{sEy8M`m1ThDtzrjZU6{ktV@%MHVGWfFXMwxO6U zh{c@EgR!9up(RG}^=SzAKqZRo!&UGscHq5kDda`sQ8?T-2ij+avD8_Earwg-oOD&1 zD-Yj?tI>&=-`j-quBg)o-~C_#8$g|PO?YMium2UnPDCr4$S>QH538CXdQ?!uHY zRIfRit?0js6~en`z~n;MFm*Z3d%Xw~Z@TmLDYN*Nz9<}dy@XtsoXzd>cG1Y4k1-1) zsmdZduK4u?yql_tyOSHBt50Aeb&jV4JEseIU?7Li+Czk_;Ha_h!1|PKvDxTqbjdr- zimYsigzsxG3EKxk+ZWBftTFQBar`~L7Y#p|<3{USWM$DR#g6wq+3!1A4I#UGbDlW}ApYmqmA3*oB2?KWh#9EaFJv$G#786&W?}vK`Fluq&f6F`} zT`eA?e@oFxzTU*6FAJlEef+f{{-E|e9G8_3?8{IZINBqPvSn$59@*@g=p}IkjrmyP5tnw2y@WM^} zGw3Cn9vjWip58=nrU-oc>KCY|5>EPqhJ8HU#)@5a2|Lzmuzp{?mNEJe< z##Wdy*;nXA%JTW_AUJ2K!)mK#=pQBt849bo+qft2dB_RY7<~zqKFz||SIZt8IH;!-w>mC|L)uSpbJlnocRHW!d2$XM zrhO85u6Jcd77v73RT39(JHc+G6cJUwNKwU{EaKUxNdJ1>g~($AarMRteEM_B1BDJ| zKw&fZjt+#L?dRdg$yQ=)S}Rgt=!hrU1y9Qk1L|tjgcGx(*>B~y?9t64EKsT<7LO9a z?!Gy+uDAG6BuR<}oE!9u zY`!APqtZ;tDeYnWg7-y|Vy#aVhUdcCbw?mb<1cf?u{5pVf>>F1D8GI^MwC_;!)~Z2 zfa(KRP!Ai}g~rAa$whEY;83@TOZsJB}y zyjiP6*`j)sn-oYxa%-`GI^gZ=()|9kCiszZ5G2D3;PvYuSoi21OgcJ}KI`a#k(u$R zaJ2z`yqgBLkHc|9z6mVPsfCJ}&xpUUuL@MG5{2EpPCorAXN`(uK+)*|(K#~@wL4E> z#w}AUReK6;pahp@9Unb1*$@KYhwl%57f%fbS8p5N=Vy9^bzVt8W$K z$7D@v(cVSI%gM89!@Fet?N9LDEekH2bg=mw^ti~g1#7kaaO`*^Fj;U3+I&wikIsuQ zI79?0uUsJwM$q`)HCz-ppPt-x4-cQ9cxqT2*j6tm&mR9QmNM6(Ws9P*dEGCxI&8}A zQhl*7_z0d~aRCllY``f4?&2B0Ug9ut0bDtGoM(%JVaX~RqFI=XsiTD3kB1w-R490> zucru1*|pe!tGN5h5L`P<2I5}|{$84of1ecKnNJFIs`eV1TNFhWPuoL3v_%m2Z`D{* za194;$%G)A>GblGAc$A<;-xZ5{IpdsDRi>pGo7cwqt@GSo2pSumyx9P<$ughPKB8_ zrb1z85`68tf^Fv`$@??aZ0Xmn^vI{t{KUN=Jhi_DvLpol+&Y8-zwDqjL5chLtY-}Y z7T}_r%l4jBB+`cSvDT*z!^-3^?bQ+ZcCDX9?lpj}DUXO!=ph`gUWVP@O!zLFq4dg; zXqK|@BRm8N%n&@o55hl-hi`dhHFoDLT5&uAD+fBTuqk43aHk28UfUyny3PW3MZXno zh>r*BST&GY)CT1~S+j#+oj8AvvDgKCz@1!jgpV*Dib- z@t74C#(=8AcvxC7k?B89B)KM5;Bw6YCq(J+15&Bj`rHDhxjclJ+NJ#G?g!xX`XdXz zmm?^DNLl8-zvv z#c)vPFjPI7frm~d;#@a*{-Li1GFLW(dRigbplZ%0-|S}x9zL92zj_>W>LkI;^XKTd z#aVb-c{E&`P=U=CM5OFnE$dva!M|)=C!Y0WGHt{wNS`IZj3R&ZT@wg{CPbpNI2ZT5 zlBBmbd!m!fa6Y|_a(nN0xa9H|xZH3D#V*;H@_vDMmlFjI^;vK*(~mdYtbyGy7#at~ zv)PU6v`X?X>=#_y4I4nXVP~@Q8Zlt;-%NgGgB>&2IhLCi2JuDqb);a@O#bM+56Zpd zB+gJ0%q#^akjHOqIC3BV={5>1tO)w;)L_`#m$`jc92IchS0XEm!v(p0dxG!gRIZ5Wo}D^BoBf){(usF}GN4wktNi>FD$SC4Fx8K4ZBJ%-#Zs#cWK zs*Lu(exuA!e^PkZfFF$(ybK!*LA`DQ=}=U_ckTn}@w2P(lgwiJ)?)%cB6vHty=xQO zngxr3)5k*UD`^^5S|o5^qA`9bpv=56s5jFa|H)}$!&L{!I&4KpRG)%3X!JqC!Yq$ni`Y;uK zh*iOLb_Pf-PZO8ikHChKYUjMiOrM@PiOZ;EK z6RCOYxoC*@ zvf_&_D{;@aQrz>}8}Y#b#$Y3H9WqlQK(;Ct`U@yOZ&`|~;wIB37YEpHZ!UZe`pKQd z2{2sXog`Pu@y%)@`PdLO((`WuH9Qy(b~~go>c>T5C+vA4>cc}}Xkn80o3{kj9C;Hznnq(|?f|YQUm|$)4A|KL z|Bzn0hZzh0k=JhF`1^=(8_>xY-V(mB$xMr8AAd+P$L5gT6>ZRzFb)*mQk{tHdgowJge9(-vz{N$n@T?}?!a$8b9un}4JExXYB*T!BT-%+k9}d& z_=~m?XuK^N2c}5U6tOkr`BlMIjbu^!Ap&2WO}O*CD3oj#IyCyuczCk0m2ud6c48gJ zNY@(NCcNSGT*^R0@ry{S`7rMIybWE~MGBpsC@?9uB~ca&q5Yi!IUZ|4<4vDqTJJD; zwkHd1iWI2+(G}SL@flfoNgt!^hT+_#09Y9lK??pIL2chWwmp0SxZJqM3{J=4+3;ha z7$1Q5%U1-$R1kclZn;di32U+U{e@4E-6epWr^9|$aQ?9l_G_F=&ODx&o}Z44ggLw7$L z2lTQS6?Sc)Ua>Q z&C>>9@Es+-zjQNP(moIW%@?D+z@v&Nyv(*Zt566140!QC6BP1$$;;>}eC9Wd77oh* zh29gO_2MdO8BE}A=M_Zb<|^QYxT7#|j4yt*?ZRU-FX4<~&d}1cm_ALN$v;MW|sTr)-= zziJ2yT5!NAvrdwU=YxbjM;qW!KahBlihDDbk)_(h`CA!h?(r`TP8{D4mHvVQ*iwey zHQNUD?&Y}9epku*BU4Z*v>ZH#t^ti1KUv~j1t=Q6h_2W+o?h6{g5huExLe+ zYi=JzzM@7}zeASGjF=7Yx9jlofd(8jrr_M~d&%O)8{+-Rx_rr+m9S;K6DZrR!+(>u z;Fbu1J%95$Iaw;pKgM_Ax9tYtt!9Bsrv=c;OV7ytZRITN&m2B&n(&!(kO%3G>tfZ~ zE0}TiI*b2r1$v%cC>{g)R+0mr9Pjg8SFyHPsmc6B*b z;SzjL;s9*?F%@qbw?p+4G)-$@zi02ug_oMm#z27+RPE~G{p-a3{}L3(FrJ17lRLX+9LetM;_hy zO}>x4kNSrx*!o`}HcNfrD2pJo|9oVoM-Zy-<}%5x%}_as3qErz5_xnO+mPSSW-5jV zGpj83DvrgtYbT+3<}Dbp@Bm($ZiuY46`~xrf=hobK*tb%swxCmo|a{Y1ONJhko&d!|9$`Ve!4)k1MXu914lAr0( z)|o=zg1TEpo^Ih8gl?=jX7ex13z8{(#r|w7B7bN<84bgr1fAMW*eM#C55O z*mF-0w)adWH;>EmABP`g_(0}0g$O|L%4T#7*1f*X?LfXUmsB8L^xo1}5 zF7F(%@y}DNZJBT@?fU>zbO&M1Tv-h7`wh3hXX0*iAB^mY;R-8-dz+fTK7XbHJwqd* z*dqZ)&uf8qD<)v%lv6O$T2s6rSeh?bU5`)yO=Dkb2GhIO2a*ppDHwRs5fAvpqNd|U zP~18k9VXwv0`&-Jf4&>#hnxYA%cof1<{4n0Rwj1-u$W(I>t@#+>u`Z{2D`LIiiX`g z!%CM;#BVF4dEbBqEajO5Zmc^k@I0NEM92q0rad3-KA<=y`x7efsbTr0C72SU#vRTi zL;6c~0-+7)qF2lIuKP~()b)92Pbuj?kV_uEx(f2%)ll?n0QBf6ioX_jLF%lr{7L0F z{44PCOS=A%|5nBW&L4;4t#9DPsUEoDYXAxxSIz`yW%X@){FSLl&AXhz;rR~e5boO1 zw?`v6bO=u=r(w$x3oKmnM*MQ44SN}}ipHLQ3AfS{AyNMWBtM8JznXiMldX5fApmat!?xaU8e)m8Y&-;@Q5kX)v`)l6TZ4LbLl&I!rEG9291U z_hiOk?vIJ!v2`>J^323%#r^DWojwE&`7X|zu8miRSdhbk$t)o1EZkPv3$k;3a94&V zyB%ANS?4apikVN~cx)lORO(p@J(KTw($>CHk`+=8yO~CErFU1 z%SrkPJM3D}37g*zhOWzt;b_BM=((B)S;`DE-#gMlpI5`uxLcTAE=h~MG6lD868PCx zfw(>Zxbreze@}z|=o?M{_KoAqa|P$e=yBkzYC%7)_M~I3hv1^FQ0CR`gRWCv!Ja3< zWR;5%?9uWT?%*Ss$qzX`c4;K|HTyyMW(|6LuNh3C?_qktXQ->aUm_DBu;b6ahV9uZ zyvEfNKYX49-3QxA-;U9^=|v7coc0H+^ri4{c>tcjune^h-39**zhRx-BD!E_I?GtR zlaKPagF&~B!XU>2ygBe7)K1$3#|}%f-CeePPVywQe{hZLf8RsOeWS#EaW3Rr?SAHR z(Y54^>kh8gKN*e|o@PB)idn>(;e6TINM=)KL0bAplY#G6q5ka^JR@#9lX_VK-yhn7 z>q`~7Y}H_XMrAVZT6!MpF8x61?lEBAG6H;>I>Gpm5es*o1v1?dbWqnOy1&~Gr-pol zOUrdIxJH5R7T-bbNrj~T(@D_n8UQwNGIT?x0ffwTN6+jgjBM!wM^|D09>?)-x+3lU zEd}Os!)SkLD7Z~;6R)|sx1=oU2{Owp=*T_`6`KdrtF6}Xxn+dt&W6!^)wp!a5Hu}&LCDb%aoeJ~(AR$+ zqG!s{U-7~YZnhb?#CfCMAAfAi>qO@cW7yGekI&cTTDfQRvOSU#=s%$cj%PGNl#c}o zm~@5d&qrLnC>1sZTqap@D}^3$E7ojIhDQ~x$d>*Pd-goT1fSak1~@?8gL*g=905<7 z{4vG6rld?}9drfMVf?WKxchL}^!X)!M0q_g@k{zbrWe0VWM?o8+ehnCPJd}*W)Q_G&i{xCJl3Kr61 zD-__zDs32~@CEGGJjba*ryUKqK%32=mah*H+79vS)22wI+t2%Gm{Q;wG`q{_!;nY*9 z3uHoKnDc-+ILI{+XC`XFtGqFEN9S2lrCSqR4VC3H!ro%i%}v176{%&>2eQJc58^Y5 zp`$sBO^wzQS1x;w&4Epz8l_DxeQG5y?uXO+2R7lC5FH-4TWnQsxe!*nn6iNjHqf8r zUWqm)zGacSn@e&;tJ(0q`MAygmZ-pCA*_|?gexcmKVSc0Uq{D5%62ul9KHwMzE+^u z8;+yoGX@^RRdMg00AidtOXPEEIP&60f}2*IN0FV7Y3~Ky!;SEVXSCI}E^C-<<^j&~ zXQx+x6P!fC4CmGNTIAwoz6_PxjAwR;Xzd!J_S}|9TTAd=_7)}4AKtTTJ_`WzZ3$UB zoxA!7JlLsm%wOpgOc%MsA^Qe)_MneQ>u?ZzTk`~mHA>MPD{FE3oWWL~XN9B8uVl0k z%yp@oYhkd{H~gt7M?=(oacSujsL{9xRRxnV??alv2fZ)eFm*1bZFJyP4@dH-4}v3U zyD9AG4i`stGJHl-Sw|2@gQp*e%mX)EljsWb4y9mFLJ+S1-3z`s`Y8G|Snx8rqV^mq zUQ~0A*kui*QBEUq{Jul8w>l@ksMboVPxJm~U=l$F~X2ferFJ+RL08T)2+m-FYy?dotM0trOg= zlpldBC3E`1p=Qv1mi8!&b(x;U9rn%e`0On>Z8`)V{kN0ZMRk)UH|kiX%Q_&lTTxL_^}2!kr>VRz!G-i`WCWt2hfd+-+<56 zZkV4Gz`vJ>Va2PF-1a~^{F!afI$kYdyE`+Py?H$jtsla)mjO$Xyaq}0J5Zv0Ie1v^ z#*xdzh+B6jo_HtZHpBN=MfoU$pLHnl|1CJ1dcL##=iA_Ua0p~9H>NA9mNEC1l@RCZ zNXMS?FaG*di>^z}1WBp^J&v2e^=KqdH%Uj!A|s4nTfi2RDA*BX!@Q(5VaWs!7?XPm zj|WPTcl&igPF9OrSY1TkID)DOzxDD98A&=PM^xLb`D%GBv~aB=kx}PaoADCD8~TWC zc`BT~riH8C?&43EF6KYx8B#B2S?+db2!6a~2GUPnu-x1$U>zO83F^}0CEo0kjow%6Gw73+dvX?Hd@m>m+@5j(Iy@%mygBc zb8++eJXkwQOzy@9BZ;3zsOnkh_%)c`8afwzWtMYS?``bx=`rk9z-c@bmj}Po=a!ti z8^ttx=0Z&FD|YAEAgVEAnb>Hd;O_kGjoBuzF<426Gv)4Ak#1<~z*Dwf{8gO@FuhPt=<$>$5#A-D4zs;cFqU%3}W| z(S);Tl< z{>~Ko^;_nFiq-;@|4$P2(=6#SxtJ1riAwTDIt<=tG{Lrw5wImf72nO0;|uORB>&{w zai7Xf$onLLeGzhW|KeD@7Ws@g3)toT!S0y3DwP~8@rUC+;iw`zff({Z+)>8?y-%j1 ze=UWHJEuc{Fc&NJRj`0k2OR%d7d{`nfkAC`B=(mPUbi>reJecR+?!Q+;H?R@oWF=h z4xLM_Crsj}OWV2()>5QFw$rN&e8!(1bz0oQBSSe92>9meFvb zWJ#|bDJ~qw=gZ1agOD+F%ElH}vt*{Q1J4rgd@Ck(&(3#Nf zL9fNRux;B09I_tRD)tu_?wv)H&8`!>F-6R1Kpp))ZyewEt{oPJd>3!&ehOXDEBF$J zi{R33iY#&@J^Uhp1>C=myXF}}eXWnkY4%9)mQm%qUu$5_yXo-V+ltZ>9XhIiAy0Z^ zkMTJIhbmOaEAC&5b4T~E-ldIf$)sucO>zj=J(G#~8so`9%QmPexkFm!xWb1LDqbUW zbpub&W=BSz#OFAJN_lL>B<(1O8d(m{ZyzZ+Hg6A+9^wN&7iEauvo|33(wx@aT|^62 zr@)pa+ePAGQn(=KI9Q(8EV|HMj>bopK!hk6cYj+CD@Ud<&tFr}OxGCgOjV%bWxlBU zKYch@A>63aJ#mG-3B1b=E*6q;bU7Ts`#F+4+M)-$8XV{?;f8FZbQ|t==D^>va$wF% z$t{m^%sSeDzgNgmw_V-Pd*MIPxHm<_SVaQoym80j8QRpOpoRqmoh4FPr(uuNYkVs( z^8(F`(C>#11iL;E4=~PP6^Db!+!yxPW-q*3;wIr*A9IoR`Lm!^n?Q7TgkZ2wHL7V< zlR>xjctMX1Kap}8wE&)^7$-gV%!OFvsJGd3cTzNrST%+;kyl6{z1&*dw3FudS z6bkM3L$cx`{&wOml#&0#t}W}qtp5Vp&@v-pyF`X7Y*qoG(MRS~x#OeR!FWQ*Lh8QN zre%S8v~m0np6DmZ|Ezo~{D1YFe4dp72Xk+bqt)TC{JJAf`CCi6k5w}De0AusyD7dG zI0}=(IFp)dkF{^&S;hAhAglB7_q!l*z!-H*k_sc^jZQ(Ijfj2eJjWJGgtA)`X5&~v zTXwH01R^UQLT76k*|@Eiz1rf&7D|64hH~F9e6$<0{qYfZEgON~9k!zKy+1H|&@jIF zqyqjNA@s!7+k@vzCmOVCAZ^CIg0qy1(q(Lsr}{#!lm>m1qCvM$X#wql!{MEkKe!qV z<%%$!h6%g0qj&Upr{G`+s*@BOS3YL}CxswNZ!PS-HiO8kZpFf9@6l(uFb4Jw!=by9YP?#n9Wig)X`;xJjRy z(Y+6gP-S2mq%U%ZibJwc6I%go!@q;U^5>#iX^M1$V-2L`1d$K^S zSt1r>xZ+C8mc{^3$@R*_ejg1D~+a3i!JKl@NSi7M_P9!@OSPDCxKZ&cK zGMqngJ;-IWh_0@%f??s=a|D59MdDJ@bdP5L&hkgW)*MA~JRb5x_??7I|TAA|Q220|Z9 z8KlH!pzIKiwe@@9;m0mG)?Exuc}Dzqyfocg@g36(#&K_3XQ=rv1M>6V!-_q(A+ARk zTin#h;iknb@^dP-3A2Qp#CF&+BM+X>ItC-6JIOocPtftriY9n^u&KXhliLqsa7Ks& zcHB4u&7MJg=OrQgykY^gB}C!HJTF+CnGN1`+WbPD9(2Fcr3D^;!ERX+{#QJlD;<~S zd;OlW-ulgiuT`Y~>4brX!cQXXZ*Y?K1J;%=+;L`k!^ksz@IkBC?%3FMSe>>BCOIWA zukj4W1p>WbrHy|@uH@EJ1x$S!Q8DN4U8wBZ1Ye9|$g+RJ*Q(tWSf>L-uXPPs!Zk^j z{N)^GaWfh?$X}doJsNEuhC-v&L2$IQrVED_u}hb`@QsWr^_W&cblyh8n*uc=)3Ahp z8Knk^e|uQu>0GdidRbnUS_nCwKIj!`hYCjTNR7KCS_{snUFVh98iSD#uXP-5of24@ zqlNR;wsJ6p-|#R`f~TL<=JKbE@r|T3m?&O_j(8Eux~5^kdL0_xxfi#U>0|ufA>#R& zgYfIXnRLN|38JaWCt=&*Rs7KNqoSo=!=X1h47Uvpr-z2l!o2ZWPjUSm?2vbkv_mnYTOnov-fPc<5(X zbA*G&At&xUq>lW3H%agvYSP_j*3nU~cHl^jCczV3h>~4durtRDvaa5OWlwI2q24tPFzt*QFBSNG?vv}p&NG&h)8`K3DuJ0-qay{jhCmX{WT=!>Bu4yn z}8TIz~+T2OH|x|$|lS@T*rTb1DE z-_G1=pccoCo5i66+C>ve&4fN@3j1F98&&mo(~j0S48N*HX~Q)VGiM#{Yr4$(9a_QY z`%?57>e;+RPCfrrXu>Q%I#Pik8!kKPw z?s%XVHo92AvU5^&2DyoeHsvhD{XEfkxr{P8dJs5-K-9@NqL4q8-Zjg@YE(3y!9 z>F1x=VN@CXZFMGV4*h|?l-20B^bRJz8%5VC<>3;g`*7lK3VCyXx%kif63BnPlMfyd zgOk?DgKM`vT^*6nG#w8S>xYNL178-xMy+A^Z*LB&^tPk6^+~9BA8!|*GaBDltMOSj zlJxMVC=AwDr5E26fQMh5=-AHHXdWnyU!|o$?YA~xc5)J&QP77KjTsmcTQ7pG=`iMn z1og8GL6OE5P&@ET+}~+~6Ot3i4aeXvj#DrsI12Ok4dqnvAT(c* zCQ?()n7rma(ZPX5L^^dSO`LlclmA;ldm=~jyX$?R-(V6iub4`z3<;g`$_2MJHN02t9I-anB5;>4ci5tCdzzkvIb8zUQg7uipZ!E zWqP}8Fgffvjm8ySCx+?w*}x$~IBzn+dgY~jp@aq<;!{)c*t?U2KYU91MlWDdKMmLm zyQviegu7jzv&EuokwbXTf(V%RK#^+1$e~~PJ63kb6$%74>vOk!JYZu9bxDA#Hpj_d zmjYa$C3rmFI79k6c^aoFM^~Q=1KVmz@Tv2_A?4NZc>e`5;X(=fQ+{4>U&o;1cU{=O z`#J2NH3TliwXpQz!4Uc_12MA%FJ3xH&by?sIX$gVm7z-ijhYN`x4ZGVu)|%|G9Fz+ zFG6jgG9PDs4zwlT;*nAH#XZ>?<;(v3Enz);%bg5y=Me= zYFF8vTRj>jrnU=vkXW1@`%lZ8YNPFAj)wtz)*33u*@pM zZwEAKQ0i>BnIFoW%JuQ~Z$(fsNfEh^7|-iJY{!k?PGFExCA0Tw!S`EI(45~FDNe{j z_vp<;2U|qWbCEa)xby*~)do`xKUeCB>zf6CY0M zU+1&8zw+QgfHg0%aONB1w8ifasBx*;vRqw7gdUeiL813hTG_lz^sMqf$mY_}<v zT3=DISqvL9>^Z4TjbqacUSV^12DE%gBoBW@izic>A6(V+u~r4M*zi zCVU=^_U?JGZioap&WT`Wj{E|LPeo|yQB6``Tf>qJQ#`N#Riw9aDcKMnNQ?j5g;wp` z*Ul6Or6JX(~Ny3!ZppkGl zai+JG^eCJm3$2q;A%3vni`C|<5&;&S3WcmsJ!npZhkn-xI$`iIYBtUh^h+YJI-?PO z4VX*Gj$}yB`9^GJ%YoPDr|e&)1s`S|1l>*R;J8zna9{RCtkx|FhiZNZyZ<;WoA!vz zc+n%|kA{M=b1U(>TE!Bit>_~+CH&@k8LtNiK-<^?HuA&@Xxf&~)b|5jIw=m*Zkw?N z8+l;rbJ>lAFnaiq3tYV>%+pr(s5eX(Q@1Uoivt_T#>pY%CI3gpj(^S!CP`7BvPe+a z)eiTy%HR?S<(tfW!Baj2CT*Hc^zU=jopBFtZg>h#zXe8%z-Sn@APRf~X5h4r2KX<@ zfU7L66<_fh#*Z2+30&g+czN0>%vM`0F!Zg!qN@iI*WV_IQUu*U?cr&CPvE_^6-_tp z7ZF5g-hLR~njc5AA^Y)WL=28O7fE#l=k1kVZ(h~%oJeoAL`8vT8n-T#BrG~BT32gK zHYe|fznAmiiK{K&Vsr{t+8q=a6$Gaq^JObDx?u9Z2#_wYh3LUEp+-fCOI$xlYOj`% ze|aGN>8nQP>i%NtYE$^knh}tzI*9Jf zABFbc_oL&|29#Q+iwf0x++dF#rjNGZZ%5q1$l!YDYE;37tOrEFx~4*|x*F2mov8GV zd8qkD4ZJnSQ)|BsFn{(~y1p%&jET~q)?TK3=>T1Bu~H9bt=__xe7{U?xYpn<`!vwA zu|}22Dnd{8AbxjM0i}*8@>^i>YTiwSlkqyR^N2rmR~gZUV^QSdk-g-Kw>ZM+81`Hlm~`KdNUFZL=6 zZfYQ*)}icWfdro?%w$&2tpJ29K_lhiNoJBZX}Wkm9>0k70DJ z6187DTENZkhux8Z7#1N*_Xs^YT)~G`)?&>|!C7pW$zt<7}mF!}+$p-vw(@oInw8aeq zcj--SZAF^@Rgvq%O7hxZG~a!5n7{@00<*s3B(ZLaD6P7l9WncjIc_)nXj zqw(;f^*#PKuS)dqz+fz&6U9cDY0;b?id1H!;E-~wM2zsH+DjV2SkU+6Z9h~IldDTV1Ra4XigncIF^S0u++Z#ximm{}I8O#-SDw8ac3l2N4EX+EQ zf^+ITj+k=+#~s%s348*TOq|Ol_pBrdN&|SHg)|*?eY4#PNk@8p&w;2ISBeDAZ!_mhv!@B{Ty1Dbln@;iIL09x zyt(3oO4Qc)$~<$5iLqV_F%|kHb~~c*i~1+{y&;~Cv$4a3ofPvPn$eGH8eFMw3M>6B z$EAnwCCO2x*s|gS+`IV|N~}ixzu(Wwl>dL$)}@OV7|_K&KXK>60=D(-0Fe0g1@CSX zc*%kC*m`Or)U7Ol5q&zC68ag}1sd>Y#qaTh*H7HOCs#Zu>l0kU&$vTE0o?f_n%kca zwEYvCd?`ho6|I52rLWna6ZeHVSc04^!Er?di*&guWHc7i*}`so z;TcEXUl&OVKOV$xiwCUFFp!S4EW^YmlNS zOK_5ziNpKf3p0-3@Gvs1sMgqp=cY;v_iUS(-cp8(c8%d(-fo~XHkuet{sI%=|s;vl=3P*#Zvl-Stt0xBi@5sfa z)`Bl)3EnxQKxWp+aV>voKGV+(4!6tFccwyL?r#oS_=Q%u96bbEL${Gz^@qt=pI6{C zWCqT>pGRURaB#W15Nua0XF3ttOikO!Zv27|?9{9|sJVL{&N3QJXU6oi3yUJ)%DgJr z7as+dOp&^NsX+9#hrGFkkSqHG?_N@z63BDqI86@28MWovp;HcdsXA=AVh?$n#LD)Jvk`e}mxxBXD>)5p!*1 zX}0ziR2?)HXD({Q-$%`b`EjJ3bBPXC?W)C|BLsJK=HP=X$1qZ>8D$pS!Rn8;cx=mA z>}*q}&w8GrbVfA72@~RcstFu?W6;E@SFEEFPTv{G(lMVCQA1=1X-c1A+P?iTyZVff z3;)5Un0{lcFR$TI>4rSqWGKziOoO2=pRiobm4`pegh4WfthiR_qQ0015>Nk-O-8nK z5C4dgd-dp%i$_7ZRG-_vl%Qt)WrT}E#H$`0Bc*G?*;e`eMMuPPIt{{Z zwL=tzH(auq-QA~TTxU0QepKR7_ojmH6bm+UH-gEdVPNhk!Se&kaekpImd<#Ma5)~& zWu3r{5*wgBunKIar{Sy|;qy$o5B5B|16Bo*e8izPsCu#)C8qCX%PUsETeohaG5W7K zc;5$jxUB``E9^m0?1`sZw+K7XVZ2{i8UC6I{_4jqxJ6xo8<;MHf}gc;@}oYlHq8)y zQH$iN)+>pExgrKAoyAGIOK7I?clgIW(MbKZsG3U9@jBPqG9#!t=GC9C(!QFI>wsh7ur!+JaM#j9qt;HW8?DPq_v z(G2Q=y|CQ9Ta@ZLomxC{7j2ul4YnI>Bh&tq;R!Q@9qj~7@>uZs$QoG*3^P42zFLp% zho-U{7af>k*dkP4vl$;{lrRN$9=+TPV6?X)-2S+$LOVK=R4UBJX`dEAwwyehqZ)w{ zf`9#PpB>*KZ_YPAybOE$<>`@%64CMa^QaiN2;7J42Y1z5LI&eKk??UMR*T-T{GXEO z>1fWk3BJO~V|94@X=%Rr>?)Y?UonKAx8bKAor0v-MxtZ)(n#{Bh5Y3+p`ZBE93KmF z?(3_eSIgsy^Y zn3W63v^ zzElod8dLDbtwz*RrFP*aX?$B&3V!=sAYNG5jO)!GVXOT}ntt##j<)U+Hyt_*J9nCp zNjit^_N3&Au6yQVpZY#H*Au}M4MyOfJ-)PPh6SAvI*4x>!_es3ESfdRna*%_a3%F$!#;7PYZ;lwZUd!`F4SMi1o!5-rNCmCoFavs~FWZ>HY zWg6Rj3S*PUA=Ou>*~1>=%1xzqW-?6}S{cb?{D(k;p%L9*=SSY|TLIRxuAB<{wB5 zv3BHCNQ)Us=f|kQq%>tT5I(aiPFAx6(Sf*W%0)c3Znij;zeN4uW8f<=wS8;WiR=P( zF>+O*xcT&K{P@m|c64WB+0F>zJnAfXwVOnm$BIBb_aIyxyp`);izAyqB_QVRhemc0XmO*UCV_`~g(Ecsw6nP%r-3|BZCdKgVjaUEy?F zw>bAp61%6LjhlP*X=b|{X}Ow;mF2Z;{_%bIVX{B^7_O%WC)DHK-s2S`Pj)c-+sU|g zrvqvSDe;e&i}0d;8FM)%ba~pc1a9kTW&FU@4svw4LY z%NvNbttPCxZwlL1%>y;xOBGWt&x6^grqYpXGU2o52~e4Q0pm}LX!{4@dFN|M?*EM< zq7DB1y;~yq`)r0Aj$U9sXB_a>9+h-M53jG}wvq?h;0&&~ zeiW}PsDYNG+2}F&0|~xA2{s&95Bs_vvhz1YkXBNS8iR`Qi?Sw;8>S4qR?5Q4$G5O! zm<-ZAdH8XJJSg7CrNb7xW4E3mEk5y*1=J+ri@CBsu$5LJA5Ry2@11y`iL0a4-bZgTSML6iugrPC`FM9*nF1!KdC&dUtPJ7uv zIeyUO8c~aVj89YUqsHWMbbXg8Z}+~-j&FO2yN!NB)2|{nqiPrpR*=H%x(VQWOF`sg z?@FEdE8^>@NY7_VQNL@S;AgH3^=ne6dV9lA-zJBwyCclMd9iqe2pm7T7`DGg7TVTz zqGX#LdOdE1ccYS7*RYj1xPKch>KV>0=Ln3*&Pn3ena7~tVK6VWtwDeHZCq@gi4|cB zVE4dW^pd;HI!D^WF`G_y^@P9p?#XFr;pj?VJvt71&Ztl|`Dl!8e~nHPIUDkB9c<}z z;dfeBpz{Y0{5jx0tW3OsqD8Nnw!T07`2B>WOnk>e7wv?tHSy$1>jko7Z6&O+70&7g z>%mK2kuJ+0iaCE9F#Jyws!rX{)*h{esuOkScfuD&%`m3ZGlGc9d_RoNXJA`!1TP3V zPDB6GFmK&K<}p4Wtu9%jy5~Hq6`=sXuRSIvDm7&FMSJq;bsW?Dx|fw+|AbHdrCFry zZ|s-;49jx!+1=2MjK8wLs-cJAyNNn^n^teP{zM?&^9qCIuN%StUN`8zu|eWD9j~UZ zqK66(!0@kc$$;dQ5cJ|2QC(U~roC0AMVrov#qVbEs*P8u04H|is_JDJ1zc#jHKg@deg-#<~= zk6edfPtTLm+22@) zK_*#gAkAI2_=z9r^ayvfPvP3xQu1NM0#djs1TEYBa8TTA$PEc5`P#Z%S5pO6r8L6t zDJFbq(l*>ZMv@;%I>F{_NM#$76h*`3GQs@wJe+!923`?%GDSCgn0$i;nVD9R^-0obau+hfl=!Z30bm0I2R?PZAwt#U^z-ahYKkN)H&x?#{I&cUMmY z*Uu_AcHttZ4(XXZ?!rkpmN^#9=sdIv-Ot|ts)kd4ufiDfYSAORFbp41h6)KMuwdtR zmT~e5`0LB_&@?%2zfqR%jFyMDXSd+g8=+_t=D-pr24ixwB(?q5i%$i%obp-*3jG66 z_ms5Yd-a2=1*y!O^}~mqS5UoNa645RL&xr2@Z7mYba<8j?d+r!P;~^;!<15|Ne|@JtDP={i<)M=CIHB)^aPWSZ&4TZcWCy z3+!lR`8g(eEtBZu(4X&}5kDbiv;(y1`Iwyjj z&E11%w5r7)!d=*zu0vRp9mn1(w-EQ#4Jb<1qJ}}T$o5-Neb0CJW!(q%-w8)pRzC=1 zjE3Xf*+NU zzQi2T{P+My1U^Lz?LUxUHjwVfp1?C#d(%*(;avO6JU++2m>e8<8o%^rirvl3sC=^$ z`)o6So6caQ^4>!HT67yCk1V8~zGnQ3tQ9|Bdl0(cCt)tn;0o_+@Q2%JT#%*D9|j!7 z*oodeDclu4wdRQnpQ`hF_v3h8_NVCr#v0fnWrW`C|5(JoAq+z7X`ym6#!Wm*zMV_8le;1X6FLsUszrYA z^xtLNbY~GbD;v-y%cJm_Mn7vmbPprf*yG&4{rI%7isaABXS>@D30z_oTG!`+j}?xP z;4@DAd9DX7t)%p9RuC->i~*IRK@cZjj~l04#>C;?w0_Y@{$PEF=+36&@Zv@?%#o`h zuD+wN(Nh{-9vRaewq4lw(->=a=i_pRHWE8?Iv@CN550PEG%Bx9qAqj3fZE9C%&KS# zHLMZNG0m}Lzwp1h#!p+w0kp#4Vfh#`R}MG0`@?F(D$zS5Aj6N{BM>u)R)41WQz;B~ zb0IJC^AR(1OoL@fOVLqd6yKurfcdD-q3ZMX`CjX7j8&WveVsH5bFOBipGFYsN?(HR z)mPzXoETq(+{Ghb#qfQ814}sRfldX7V0zqHqO*4+Xs0P~sZ~qpPvu?czs3gpUJAd{ zfx`DMNv0KrbttK!4f{R6p=bIU+Bo~GU6#-xYu+3umT4GH4X=rzZkZdkb9Ce##((UV z4V;48JiBqEa8HsE?2hrycKq7mA>8YNJSj1~MNAFU`OJTd&~a5gIcTYlUb`GHo{+(H(0gHW?fUNMIubABnJ)vL8){l|kJueESB74Dm=vZ>fu95t0 zNg*yL;&75(6T5JrA7UG(2%H=ak7ercWs4=WYN*1JnG?YLvfxWyehHj&BWPgkKpwPZ zJ%s%2BMp9k(BgC)F5Y5FTYHRX?N?`L^PNMl%(wst>k`40n-cpJN!n*hz(02wb$N1# zbuMVeioQMgAvX@!3=YAvqphs6e+mDfq{LU)tY+D(-x42%pLi!C4^Pb#KDQc9(*uJv z_$&K2pt8jgdGHJz7}O8b-YU~C+Ntc_tQpvyodOXX-9T#S36$~r1zxhId}?VDERPT~ z(d>HI{%?@*8d`DGnKyXIWg(i@hJwx~V>>mGz$9B=hU=fU;wKvizTd2txk}IDqc_OG zl5J*uWtA)o#s@@HA5E_35WMZ9hZ;LuQ7k=|X+PP^)GdPO`>)E}&nT0&&#@Ek6+H2u z_jA@~bAg|by2i2xIlUD|$&2{#!gowlX(n1df62OY@#K2b0c_ISL?1VM@a|Dod}O>54WNi$lDQ zegVJsOr-X&UNd$n2lE%ZL&ByXIJM$C*nG?uyg-{-Xr?ut{bn9N7_f}pd$0@7T4uo= z+YoTs;me(sAK3&gQ5; zX$-wNa%ja}BFoFaE~mk<20TAClrOoXhJU*{K!3(Xk;TFR{M?MO)Z8iqlPC6|xO6_( zND87Z8-~Nxld3%6i2+`9Enz7-foKu^8p*uVcv{Yme%_ve+n)$Kg(NQwUKWjB*WWO& zJ5qduO%a+6iX#`tX)&3Ndu@+_;n!(z}_@|VE6ZDHeg zO2EVVCdf*C4^anX;np@ks&L{Inw}j;)fcGI_fES|y5l2h(mlsa@`gY`-BS8gLrUOO zx549^h*^?@xWV!XT(PAb6iiMt&q~2ZWbzC<$Jx`A%8^9wrYhAKTPW@uJ`1)jAHm%I zo5V+sw4%|ClVI-ZDn{_{CkNtLxtE}NKOdf63FSM2 z;-EuwJJk4IBAVy^k@@3CLgjzHyd=2*Hg(qHS(hvLZs&dMc=!d1i&}A6mEid?sSpWT zP-NB8v~IEq%$lgcn+7K1vw^|<=^b6ZdvH9|Ua!VCyHcnq(}xx5D1z^b7hrSipE&5- zdFB?B2$B7#S^R?c?6TE4`U?{Nh zV)x0QMB*)|;>)Sx#Z%DQI*E9W*o6^!=S0cNW?;HU3{3g>naGR6iNTj;P`}Po^w=be z&AHiAG1knA{mL4_Z_CH9XVE2a|tps26bY3PS3wq7j z7!#F89`y^{%lLeDYGVQ{Xc~y?f-_lvRulRUpUB@=QkZ*C=|y^f=a)L)7~sX^e*eVdhit(!z62Y#zk*qf8&Gal zia4Ge68tmzAj`jz!&$!}t5+IjUDm=hDV(W0)7uwXHO*rr`^k05WGhoLavC}xZAVH z&wUYWI(bg|wWFb;PJ=cty-QBb%EzQ$S(0Nk^TfhYAGdg#@uS|S;8^o1h`e|$fmb)k1 z@8(6qfWEIHwe`PQc8DvE%qt*w=6UhccWQC!I$e;K?*ehgR{U?*9cECY$yN>;1-c_g zqSS`(*eEA3V0Ci&i{M;=v+T`&#tnl^-+FeLl;ipRBQfZ>G>}z3IJb3*NcxN~tgLAk z7>t5XX2V++E~kn|!er>8^|`nlg#NtK*@_C&RIK@)3tyLgWQjS`nZ`b#LO?xgq{^B4ycX3RRo&wrEpP(k>BJ50eBj2RUz$`+3u$xwA3$zXnnFL@hpPdOLYqcpcZA_QCUhIV8j0fT|j0u_wn)^8b9Qz;NC^ z_})B>PVwJ~wl|K72X}X}UH>kk>(WS)N)i|mSqwSnj9QnkVgLGKn0Pn> zXRW)2*XNxB(V$b*_3Bu>(xXk!_Wg%9XZ%A0Uw76!3b;eUU+iBR&ND2^Fv++;)F)|< zUIO#!eWnu|+%OPez8Za0xrW+VEaGeLKLnreWh^a5c*gU`Ea!HG$Ybkkd@r~cyZs{R zN#hAHMO6|!ZV%<3K$gZ0w4@WtPl0!>9$KrNgSJbFeEP9m&|0|)n@3H+*yu()r1%o& zm@LPC36YRcS%cLJYT&^wD;V@R6uU!S!g2dN{M<4Nj|CX=D8-36tC`c%BX-`lx7nwf*=(rGYmxbS1Gu#1G^+iT!ilM~#0SJp5W9hZ0ChpX zhH$ZR)kINi-wjyzUhn{3azNwkp;R(y1gKtm#Ee_6fa7B$C^_{KCdd>+?P3dfubPd< z{iULu!8=jn=OCWF?mTOkntZ&=zz{b>P>$L;Ufy&n#P@lWtq5jX#YC z(~A>^@X^|Xc(K`0*w*I(ofaxs5jt2@7Z?GCqXe#(#dr)_HJXV1OJPE@aBi7=1MWzK zi2_CWuu8}j?bth*Z~r_~!T@pia@$>5>aDOVuMk~RX@%!lE-`!v-?~Qkd zm*XTkH~c&GE}Np#Pn6bic(aL-jUhiUH*$n%h2%6em6xSir=;1J+TT#_(29;aLjFi% z4RzFYLj$GBT+MbNdgN{;Yo9lZ?VUICOJhHfQbPyKl}LkrYD%0JWy7(6V6gO4ppQz8 z==trOO|HHV$!kkVw#h8WoiT#H-g^}-7sunRIhUDxUj+6EyYlt_9bt1f91!~BYcNML z0 zAx;aL{H6DlgxN3W2}HZksDa>#qgCxVlk*8STB%1*!FVt){CE02S1x;xRNC>pL0AHv7D52RfS|AP-k zZ(x=1`xm#30||{jSRJ_>+v_AC`9~fmZh3*{f9lbiQ6~7KVk9lE9S+tKakyF0jmCSe z0iTd&=zJT6b5FV9qHF2UeN~Sc>!+jK3}x!}^f&3P>Ia>jSK0A=;kL$bjEviW^RPC#K*l?I%p{RTtrh-06;InM67E zI-U=6$0nyk1bLTyasOv?dPi_R z=)0J+Vbm8hN@Mu2tp#k~jkU0OjREgpo`RUHgKNJWh7dzFZfIvo`wXs&?&fWP%&5D9 zTh9l-Xv~IJjRdrl=-!YMWOZ~@I%{LTToGt?0 zD#7)3N*5SVKGVR77s&BZ9j2SNci~(M#nKzL44t^(mmTqJ&g%jY& z({i@W$(oj3)BroX>+on+Bp$K20DdD{$N`aQFJo9}k;O{!i}P;ueA*JK`ELfa*-Fr(M=Z(pG4sW}q0(^n+GgDLX&i3(8V@4N zx9C#whaGr(2?vynpbmA1VO8`fG!^>Ccf5zu_I81tc)k*&Edb8%Udqn!O#G5PfHwDe z@|=ZCy!31X2p}KKinz<}SR`S=-=BE;jVxqcoKIZFDe#qDW9f=jx7j7(>@WW-oc9dy zWhOhrgl@J1PM))zY?qx#vWtEAjkM1g+`fSYj=Tb8ljlKRtrOn8*pC5uKTsky1D-6e z1*g5rIB$D656C$N=F>VMH^72Faa<#G2E8$}lzHUWm5?8V8I z1Nfz``(%Uf2MLZz7?O>{9x{nP3d3lF}P!EI(9Z?z%z-rxY4ix z%#xj9Wt=uuZQBbA&#REMlTR__{eBWKQHh$~bwiz)G60#Fcvo;^l%E%zAfD;J{vnY=Q4m(Wp7`k6SSw z5VB?cr4f)dp^s!lZvrJrDU8gV3`_qs!2Z_(BLA`1SmVTFaK~r>nJDbVR{XGmMd?#$ zM@c@h6?VOT1$}TV?>Tgimt}JE-jOo}2T2v!rk>aU8v-N+~nhU()0NOc|NMl(Erv>!pB5GX3<-_vD&e;+TVeGJ-!hdJ_!3DA>Z-C z)Q%0@R0N}A1M%>7TXDeI$E0GPBxp!>6Przcup}>9%>Rpk*@w$9L%JCMX559jRGpWp z2V!ze1-wuw!XdKr#HR{2!FA`Iuq#Om?!UPyPTUHZYCn;E@j)DY#{sV@$CJVD-$CR& zOTMvl4EPl$iA`c3$Gq4 z!RNL;BsQ8thw9t~4A|TU7uvE&Qk<|u+F1rIr%W*C-fYwg8OJ4;EQTqTX7tMW!Q4W| z0rZ8;?A&rYKG3QFebU5iXwD5h^5YDtOdrI9>mH%O^sMr^-?u`7$s_V4sEw@oc$;k( zpM~e^dhuD73Qr%SL~m|I+_v^IM&Dk@*9QlS7yi@3bIYyCfR=BdRQd}Oy#p$io=X7J zY6IjYVQ4hs06$+mfL~U*0n7i~g5Tf&3C{5$+~;;QNs9T1?n0J->e$opXvc20y-}AB zlMJLcUAJSMycyH*TLh~{oDduK9LD=*?ySM@0T>>3=J|b9fpqp)On!TXg)TkC zQ`&;~yanq~GDnt6Xm!HMFkOCRof^2w2%fWlf&7N?bEJj4Vc8c|-hM#^>{RDWl8K6f zj}@BO>E(tuFV~^F?j@m1xDxiXFgiOKA$jWplDMf{EH@w@c1`!@^4Cw`^A(M_WU(b^ z&Lp7lKaS2jF30bUa&P_4}hg`{RC|^PKyf>$*Pgx9%|BpKlHR2QuLL(G_6WdI5GFcm}4M zT(RWQBmA1J4FUPH(a_;JTPV!$%6MNmnFv4pcjPyJSIj%DF zl*klzolJm>?_Z!!pTO!(-Ah#*!|BLLC7^oFmgG;ng|GJr@9Al!kZ!aWrhk;-x_axe zw1VLWqj?Z9>JQjmv1flb0+)RzjT`S>1)cOBVt>Vhzsm|FGv;0+DHsnESrLZSY+?WY z%!gHfR>5D_y@Cf(pI`PX0@-F=5X~Au2mEw~-&!p&(6Iu}OCBM{LcVX~{5SBm_7wc6 zzW^CS9)kIP1Mt4<22+QnfXn`+XfZI2K5Zz+S4)1ArOPYHvTtW$>#Yt5>MI3>kg1@u z@HS*-n&6WrDQ^Bu0gG0yfWXhbbgxVk_UQM)3ek8TT&DzU+4aTf=}0Yezmd z0;}*4xM>#SmY5~@m-j<%pbP1n{sr{!xe58Wr;r{v6fR7Q!aD|!;b68{9I+3k2w_zzvAQDuE48At3tU4BJeV`GaOpJXG(4Qj1*h3tc>>jMtiWj!%UIIWV5r&I4POqNhOw>Q+@PWi*32lz z)H|E_J&Otqo9f3tXnjXmdk>EsS_8*Z1Sg(T5WER(gO1Ou$nlJ~u-2j%LQ|2Qi1~n> zi|yfN9ne?i%2aNeI()c&4W|#9$k!kL1dgk6kRSR*lJADV=n=z+mu4Eq3%#l=VP@~M z(68ty8jo&c^RY!N)Ti{iMSXJ$vEJ{4!_1OMl=^5+rK48i!s@A1A}|)l#=S+&1Zld- z@*>Cum6Jrl6CifIfw7Yp!1X2te(13l9dj-OmmGda8e`H#D|!tX6PZ!nBYW^{QZ;6s zzKn%+QuNGCS6(|piQf#^R--=R819+SfOEt@A^!0zGWGKw;>M1W4}0YJttZ#eZb6$+ zdmBZakL-jsjgz4F=pUA|)R8*6s|vkH8>sbEB(HWB5pS25L{Th7gAWP0^5#hPzCMa{ z&0GkF%GFtRn~))lX%JuA(+{FOHSqMS7OxL;f_c5^csyR1C0f@5v3p*V?bq+%_yVC< zR1%1z>;)czWvVclf#eIeDvW$i213@K{P5{|AX@5pW`%tOG^86*lC?vnBeDFt+OtR$Zg67nUej&+ResG z1H&*e`xjiTPa>Z^CQ?iCR?nf`Y&qsU zi-E^^N^Gu;HSbxJ0V~cu!_4_#;H>WnW_&({%$NL)5iSo{+Q%TA>TJaiEtlb=>r2R@ zM~S%U)?p~UEe}f3i*Qd(0V`gd4XKy>yioY1o{`uBn&s&RPjvT&PGl z?N;CmrG_G#Ih=q4#s#RI2~t+wx=qX-=ZosyfBXcHz)unsO%RmxKa3K z=vKIVZ6^+HngfFyr;%Zf#o%Q#A4?=0#BV2D#0)20oV754JkX5C+E4@LzwtdRdf-GN zM*U^9LjsqMPs90J{xBtp7OxSOkDeRXYNc!i~IQ}QXv4mF9^UO=IRBsi#kg*)A z4_~RV9&iKFWM%mGPl8}{P$5|&8xFPR()3VJG`nVO#{ZNc_79ni-GX}|Awt{1(r^b$ z%8lR}xQI-PoQ9LE2x!`D$D3%&CU#j7=QvMnOwh%PKKW3TzKaccwG|sI^y#AG(%|#& zF{_ANLMIA$Of%*TFP$KDf8=4q z>;W`2UWVFDz9Mcho5V%?Gf3j5nPRP7I(YU@0h`&b1cNm4@RO5{c-d<+7@GSG=C1N# zg-awsbIf3tG5jC~W<_GXl(O*ViN=fzr?FM%0d#FlfSn%?L%u@`{MurPkGa62J+8ug zKmUU>7lwnrUNzi|)}`Bwmh+Xl2SI;~j5uPW4lbW%&PID5V_ixKB2Dg(>XH|#&rF(v z4x?kyxNR!cnH`Es&xNeiT^n?Jn1iv8#b|ic5jWlvYWk^K{Ld3VxIm7R^(G7wwNK#W z&_43F-uVNdnw7APRVjN;jf_94{OpXmp&%TKUH0Y zbq#9Rv~CnH^=u@Mp9#5Vhg&cqK_9`6&~Kq4j92)A@(u-}`f=6Bu+j*Q;V z7#VB}6EZ@GkM?SQFyl4^*ysxT$7PTi(MAT0G!c~!RfKQCcaVPcCDe!6@c6jvpfNg# zO)9nIaZ>M~Nv92+eT(sHY&h(7SSa+tw~*O)^I`bO6T~>S3bcRTh5n)dV9j5IvGk9q zKJox){g{qpUgofBCdYLbUlOtc{VcX9oQf9c;M5@*5XM*>lKwg+G5 z9|aja9Rc)dsq9(u_~ixh`l)&1-u@CC^QsK)d9L85Z_KIWwL_Tc^Z@mJm+;>2?=eEf zh^Mq11cmx$_O(^9ru*@BHtOYA;ZAx0y5Dq&_U@43-JgDwE1N&oXpEi*Dw>a=m*&FS zb(83V0guo{@t834^i(XfejZIsUMyCa8YXTmFyud`b->EwGFE@Q)F2E~!Gell9+!LXvLG@XC;posDxV^@Z)?AdO|MvB;Gb~YD<2aa3iL=1Ozay#XxqomvB8`1d?qpjf zHiL!+1N-g)bYNl*iI0Ac@mCah)WpM3kR;DD+nR~^zgU=ARR$xLOVMFHw}iH|aL+u` zfeHq5==gWXNtuf-RZ=U#tJ+7PJ3#@D-x)-m%8GHysfn~}>rfb1BGh{dH{j!$(~19> z>oDBoBRjcUhEA!_pwH0&5}sbeEgx;^_kZqCvSbwMl%9iv+GninOf1fNvx1(F^@k&Z z164gSk(?PdkW6=L#_K> z596E*V^OPY5=~5f4D-vZK{_V^(`KHB{&9!!-}u4Qr(J;06?&p;u@x3roX5>7U8J<| z8vb|tl4$iq4@lC9U^xfvAfSE*IT@OZdoq$qm;W8X`!XBq9t#eX2`BigArmn9a+`Q( zxi^{NWlCEgjpN$`+(B}w6eUqUXqkMIM44;Srqw!p^x=3|DKi$mE#ASf(du-~8$bF! zdq1<4imf@-UXD)(9OEAb-^ay)qruj63lu6>lb?Dm5C*4U=et3$ddyAy$cmuKVj^AgyH*UHp) zLli6-r$YNYPU6V}?ZjYa0-i3qEM7B1L}tm$3GcafQd$y@2mk1U&G{~7D()ou1#_V4 z>|*RL>cj_UcY)t?d3vb89%Wu$Kmd%VSlLHf9KpF#kd3 z3;C(wx>wA_z=G$BQ?a+ehw7+I=K+7}aAD9r7W1DBm>aLbox)W(Y^^zdPTI(?o52OH=IvngREO5%QJos&8!*}mY#3Sx~*gMjZ4E^wxtqi_LG*I}g^SAI5FDD3l zwJooXErQIaQeeib@!6u~5Ro+x%sVf#7lru_=^y_1-qv4Xf;{@hV^AP;Q2jiZ%L zVb^_KZog8NI(#g`+I!o{=0C#Bm1;D)pP9_I%a;(NU*qXgH(m59Ek?~rzO=ooDf>WqVE1M_~ zLp3Tj;x926)6aTc)4}WW2bSq<1759*dHB`Ayh`f~(aok$=` z4~OAREk&qJ@Wl{M!O8qakB_}Eik{BQfC+v#K~3onWRG{`<|lfwYw|=sajzbGFmxn$ zxnG8Cz(Be$@e_OcqYbn-2%b!vIqcV#t8l4MhgW^N1&Y;o#1}`-<#SXM@K0!lxPdQ& zDdVn@9qK1>>}gdRGI20feEkGRo)>|Ac@gS;KgI@srLefRlJw=wAyX7}=%dq&H8`q+ z^J;ni>fC5@t|S%QUC*%1K9yKvk^ri=tznDc{u=JJ9@pxgCAp96=zm@bWWzaKy3h4I z82_miz09i;o>zp^wp{?y`KD&MX$x8K(;LIg3Hqfb^$}2pD{+s+I zVjU|3?vtBwy{Z=)RcW)by~3QbbSW9|_cZw_^sn&=2~^b1E&#qaWzpH3C& zwLD;-XCEZPW@vMb)k~msX&P%9_Y9qEKEmj0)?7uo6k?5~xQy^#{-s%st;aUwi$#4H zAbA|G{douy%4_kb^FH)+I0*sEe~TwCmt_wV(}~93^UUSV7T8--hGyfl`ED6?8hlX~ zw#_r6uE%b}q*z9xAM}ytFW&gz`h4D>@l;g3&Jb*ZOUYGXCa!nlU@W_@DN-`N00)gm z(DoyH@ya(p;&gTs3^=jAX4Q@`m{e~@<$5;4fyd#Ra`ppD#qGQ#2-zS_~Nh{@9r|8jSJ1-`V0$*v@5`&N^9^@b~2VN zPXeoeN$7r1jOz~?(Jz^kaM!`ln3C+qk2mJAo6)M=W_ks7EY{`xVisOnQV$*8(XiFM z3_^UCBlD<-r!l(h2lSn68Pv@8U788264nI zTq;tdHirl-)j7oi=hl(IIi@`Cb^`i;DhH#Zjl|vdDlSzU%ByvT!|-3n+5Y{}BGuH} zINvmfnEPzv)j#TCwWA_?{%`<)ATY2xKS$GV^UV2yxe-DiKL;xZEQR*SwU}=6o)upI zMz;B!BMrh2$1|CHTm zm;~-ybFs2w2fTanmMuG}fJ;^NA@A8o_QuQ@G+qk+hdFZMwc_I>_RuKW>ZX96CxuyV zDFxp8{2(0P-GYT1Bxr8cHgdaEiYt8{4Fe7*Vbg3yc)##73+|eS$81*d_kRQr?oS0# zq4<_CNE;^}IPHPJw){byvaS)S6E8rv)q>n<`-@MD)R?wv9#b$$gq2^UINW~-70ngw zThkWu!66CEwpSAa|9&<$rvvMZz4$p3UpO~25l(m6Q^zhvQMGeAs#Od8D+c$*?&J4GMJa!;v%X#iwbExY5EgF7Mi?^S>$XSf!6hB~6sCv|>H zMOnzjT!5=%BYWppRVD|gZA8x3pI*W zz2XhOOYn_+E(WZb#$kCPHqv$!ttmtA;}v*7YNNQQ$c@fz0w(07VO(uC9Qttu3ZyGx z*B2%DwWO7e(71~QW(MqZvLdFeIVYAWdW}PxvOsfY9=owu9zKVMvg8(XKJx4bQEzG- z8yvm^+Gm8q?$5EXjNN68ZRKRg+z;UQ)EWP6j>d71N^wlmKgvR(S(6_e^Dv!TnQ0h%X2SzZ>iiPz0w+NDI??f%Hy0FRrq6F{y zGSZ!JiY+tO1+$-iIGjFY*Pbaj99)%)r@Nz|&L*H7KZ@jV>t8}ozI!9&%La4zAHPYP&2^aS7bsrb9D~OU?=jhiK@>;3V{6ee z>Oc253159u$P^!Cp2w#19bZMF-BYHb=|V2Hb;!dvS7f=od;utQO{cA2USh7WE|m5O zkH4`~q;7qcHO;j}@AtsYZ7Ijc-Fw;Z`02QD#Y7&qonpc{EBG@^j;i)`Vuzb8opJxJ zF#mHL;#W>(@2%@e?Zj--{rn4FIWd^FMiF>iE2wb)Gnf6W-| z6aP+weyBF}HBiDm%WZLD7toeNy6nkuBV6=t1u2y;5RFzl1rCl@Om6ge+>zsn6B4d4 zl?|i$v#3-MPk2eT8qB4ciz5YwTPO*#%pm1^&yu}Ij^o|a-(gw|l8sUXCiFjH^DNBp zm1GU79b3dCJ!8Z#z#83nAgoUQC;on51(wfi!OU7JnkU~2@e0eynZ`c0W%(20Xz~TM zmiK_wj7uylbO$`PT#pVC|6$axGw3qxfY>7<7njPa(vqD&$w99wnD-|MI`ztgdsh^6 z>#ry78%DDXVbQ8e`N7UlIrzRT9JI#Ua*=g7${z`32BJTp-aCo9mmC0#-jV$2$`jV9cztpC-ayQLH=p6J3bEdbZBBXGG{@MPutLC@afBw=bb zre-CH#vZ-NzF3dOTbiY~rR+A0uAIaTtaWJ9KV>?h?+$FqDnPN~A^dw|8XjID%y3=$ zB(}-81T*g+glFOevSU{q&gVjZ=I|&8d0YamT?SMy_d1s7J|+fMYvEj*G4t7344aA_ z;bNe0uiM}NT66!3ULNUVb}Id#A>P793ODBj zT{uC`ix>5zL)6cOD2_e_HVRqr#$XTiksXJXb$5x3vLU7>rhsff5nR$GK%&aHqX?6_OE|w5~{w;$l$DXr@7mZ8>t5Lyp3E%o)7Cb{K{&}O| zJ?1%>5_tsmzO}&tH62>DN*y+IU9zIu42G9W(qDIG z90|t1~vx_e-D_h8^7S(<3^ zfmql?V~W9L)c^PZYv09S^k=~{X;h9qw-yqqC(=~&gV?_OtR6g!OJG%Q4B9pe&;3^l z3%VWP-~LjFo+uJsU1d(UpB_xV$Z0aQivT7IV({(hF>FV5I!?)y<31YAn16UJ1`W6= z=FiGNcD@Q)cSwTcZCU=cYXeTUFU9w1e&`+QMB_K-Vq%<%cv@j4cnO@LS(i%5rOr$| z>eGQKMl!T8IEwgID8Nj^txRI?0GcqqgB%DX2+liCQ_K1q>h z-iv2$7rmfkoxpLn+d#^a4)XDXZi@ahsTO`u%P~T05bPUuhg~0H#riLQ6ZUf#sL+li zm9<6qb0sI!Cf)_#;c1vX@d&HRDrG@%nmFw8;rbS`R5g#nukx2ao0RYR@v~ zD>3NTa~0Kl<`RG5PPKT&bu^fo19P1GSig8D+<5a3W}l4YDqIyME!}Xj$6geP1hzLj zif#@^@quAK@T;A00R~asB@=jy{4z{`HUY)I)uAGBCzcL71Yrg-@F++Gr52J@HO`F2 z>K_))gKE4}U}nxU5`Jg*?}@AS-mA%0mg9E&L*P`_RNfgL06VNwq2uBitgGD!!=;!w zxLAQ#-K~LI$BA@wWdw=JtAeeW7l~%c8tQS+x9@y#2-!wZaY+LFiQ+wLDEw|5`xNH*k;_!0Ia^*lDc3WY}H{V=9z zAdfTb6|LKH6XH~C1uj@U76czaGIlmodZPgsg*-;8+-tJf?<&^R17=*^fsa+|$q?uKbmJWK(y~Fb1(M2BOwp z!-;zyV!5s%mk}94^r?>+zsQ(Y9}QtKJ+o=W(srSCGK+|79PpjMF5ELEkPCy~P$BHo zMY03vkaiP#@^%}ZI^qKEVr!aSDNV=CJb=IAyHLSB1$-K6;Nr^-Xq7Pn#&!&^F*IF6 zeYVb|+^GOYjw*oHubbdqmo}gIRs(Ez>QJ?vR&1nG8f=^V2d?HCV|7OiT+T_L+Vzi6 zLtFz_B9-y}aYJTOT8Gmoj}erp;iO&TvcT9&k2@#mleaSZ{-HmRs-VVCiKEmVTwIalj`b z7x|NLvZAoW%PbEc1F$NrVGI%Nv7BmS^_!9zZK)+v-V z7V6cGVRY-!Gh{b(65GBWn6Eh<9%uIm4$#G-3o^?<{ntBz-;fNY!XD^4vP_h)Jc4V@ zItU%ji`JjcX9g6dY#dU_d7j=ll($p;pAC>%rd zIJimZv0Fo4p=8|@+UOC&u7xy-ml+k{s{PI6jmC1EGio5Ud89)%pQ+>Pp*lqKrw{eL zmJJ(VK2&EV-~c6o8<9PR%^5X>-a&!Id)OVmDgv8blOW28R3NKoo`8Rg=5mYH9AJj= zWLjY}+WEv&iS;*$)Twlo{Q3@a%HmN!dMc^zYKK{4T~Q%M-C>qVK~1*8dbqz)0hbv1 zP`hiAw10gL-Jv)X9UJ871k;1i<@OeKZr6e68((Xt{5t@R-X;Q9a~K(&tIq!HP{;Ta zhOBi;0scBM9$nx1(zkmi!$sA-pjqX|wvHRm|J#cofb-gp?lO-9r6w234P|ABF9 z8nJ!ZRN`HD9qpe8`^CT;ct+q!l=&%Ft1p@kHrwa%k->TBzgMV-IayOl>&tjX{~>#k zR)`xyoGx_s?!&I<-%;IhALN8e(=uBRjIPt78)nVK!$UmKj~pQ>TOD}Qg*I64a1XwH zkRpc%y~B;UV@1Krez4@W9ql_jgpa>`kbDb$1zq)GQK-vnRJ;)elAl5$?n;%Yc-}-x z#po8q}@6m7o>u4a1l^w<(;kZQ#T_Ak+EsU(d!ug7IdylKDt z1EB`850+=obE zZe!QNPHG&4WvhmYraZN$F*-+t?3+KxRQ?Aou5xhfKoivQf9%E18n$ZXWAJyP*el;5 z8t5Jbx3yP7OYIutlin`HSQN$={-`9ERZsVscZd{Xqa^*1;lKZHp;reR!~ z9$ztjKgO6R;a#Ut_;86*+im8!;hrz{Z{Lo)uc(vfgX_TT(jfk0{u`3-+ak_197r3= z!tn8PKQOA>gDHj+dHIX$q`yd-bUiu5>!!VhJakAVAsCcu;U z73}zWQ@VM+A}`h2jSco+*|kbpb_Y)5H`#btzc~_TxcwoESC+!=`H(z=>lQ_(o1qVLM3W}0uG_5pbDW*Dfr{^z>JP-rU`F(7Fng_j>n@#>6G(qd@ zi|C=db1~lFA~u%&5Jmmaf*=nyuIkwfVe-TH%-=)BWSttH5?vuGdR&h7!(Cy{^SfZ{ z{1z_jzawv(WHB$`3>*`33FZfcxt>Qq;hDDsru4MI?-LV*UU?A&y}QheJ1T%JC_tw} zI(TxoE*1TzD6_?nMxMB? ze<-@!s)6^+WSkv62(QS?;gBuS@-1wRAXk5e5=#wXGv0-c$tg^sPMVF2|4BA| z8Nf|W3}gFOoANVHw8*!GGhvnYSKRvIAz33#HrT9igRzF+h*sJdG&`jXN0siOli4l| zd|`zvGRE;(jahWyR}mz=+)J*VT?>VWPoRBxD!DQIJ8AjVi5@Y^6#vR$fZ!LtWM2YQ z)tLWC%f`m5NCI9B!-5w@#O3TRVysgwaX0bT$~fvh z_#RBQ3gO?D2Z2IGD1IK0jT?U#g5;s)xLI_beHAiQ6UMsI)sNngZA#9VT05R z6mCz`<_zWy#TwK>BN~g_4Oq76at8CUX&1rq?JoS+u#z4=x*mL-D#(EmBVpCzG2HIT!C<#M5{%kDEa_+-HX=gBO5#&qPi>&3qR!U3Hs&|lIC245UO2kg}rcnxcb z`jG3mb;&`tH+3SN>~slTKf*;`rxTVFE<(*1=h$h3oWi^{Tu28E&`8|;1*;*em8f=tE-=3;VU-`9NB@{QEkwd zHchDQEaA5EGWdOWLo}a10xT6WVey+pJT~!{Xklm-sR&y{TWShXZjK(6<5gH`JChe( zOscVS*P&Ne1DzNz_|F_y@VR@hpsTwXWn;$jkXz-`+y^q!4Pv>=q4^0Oh0vE=@Zbvn; zqC;Ky-_7vnM+18=8BFj+h4`$F70*a?rfV0B0y8BoIB>H|U>@smbX!C>G`&EhWyzxG zW8XyPv#nsC*$ATP_Z^oG6L_P85*>QWqC{FFO(9|Kf27$(6=rW#B`(YVV)+e!ycwU3 zSGSp9@Pc%bZ;*$Yj;YYvA4XR{8O+ypS)y*{3fPi=3J-^+qG!AuAL0@RGbDnjEE;N$%7B3_k2Qk98t*(dn92QNf29P`~RS zo#1{MnczveGRuq?w#m_NZ=*=Uh^KgY>qqe!-4#%@st!WdyU>Vp4cPati8#Np;Cfr$ z;?xEGWJ97FH=gVfOE3Ol^rH$f!YyPr0X2NF+%*Tgg_LFA8?{idrBo7WM zfE%w(;ZERLkc?;n&!qj}6|Tf}I#a-5dmTPGY{>VPb>QNCmoV&W7@uOGM5U7?_)s^mHvs?WcOf3iUh z<;1&P4;rc`!*=;vSTahJt6f!xUvgJ4PpCI^_*Rgdpp{JZls1)!ljQ!dd;xr8afR-~ z|L5Q4kJ!hCP0N9KpW@*Auq;}#UxRAI&leB1R%7iy4w6!VLt#0Pk=62rOzDU;SN6%p z`(@JL);ka1ozTT<=LFu|SB=KsTS@BN3|448k>|S&qp`)K`M5hLX}!cpd~T#b_owG$ z>7^6k?QH`?o0TY!n!&b({s3nt%?Q4p}BT_f; z+NG9A!eY?+uLCX0{X{Ybx)QJF+Prp77St6!Lj6P6u`)3m{X1WhJMaDZtRsbZWS%cy z)F9-8^FLtE<_~DM)tLC0R+7W@L)q7@7f9i9bF6gzM%3dC@vwv)c^^w_8lqo_v*&A3 z)iqJvwZN21r%Ukl7mkseQr|)H`!eWLZ@|{~>u7>$3ZI<*0cUp?LRL~Yq@ENqM0$$k z-secHIO9sYhez>Q+kT3b-43Bnfg0@@_faH%e+fO)4&u)4DC|A(1~v_d5H&VEz%kt) zpz`Jwc;VF!&7Vf|Yx9r8tFZ&QW~nPJ9IpUH@{`#Dk2Xl%+l{O1v+=X&8lLQY19hF> zV4guAwp3bh*;IYl6FNu8Z}s8+?+RdK>xu1W6!Bqf7~YAkWNVgH;`%+KFyeML>b#l; z=I*|C5&E#tz*G`v*hj zXJgd$5Z=LxgQ0%ZZgHR1Lm0PE9aUWi(Wd)a^pwD1o;1{(@5~8BciG#LW!!B_A5?{ep;YK9Xo=p49u3;eOD-4keCNW5 zun9ELOBFWSl%lJP9L;HYNYZqr>5t2wA?3+q_&%--?D{=%!0X$X)OR101%CAhfh!as zw!?g-0sPmLHr(G_gDcc`VfPMS7}lY})HbI;<-}&9I6Iw;8Jk4h8phFx%W?4d<`Zm< zFDADoA4C6IEt=-7gx)h3aieXCBCkapm#NGb->jCyH|PBMNb3>Y!qF0znFhlRovnOf z@Jsx$;1>+~C(W~!EcndRQ&~odz`jZFB}WerGdp3oL zQ}iIbUXyoOkHX=Na{Oz+Mt7#8WbPbrkbEy~gz9m15azs{o6Wrj zt1|Q9*QW_&VO%k8?J;6)Wn(x?$`_rLu;d4<2jYd_tI@pbGT>`VbXLxQlP7-*{nf8n zce)hf72}AU*$4b_#t)<#-sAnD%KYak57D2OsW|pT4)y#cLyN!2W770{DCIPlti06C zwAMF+j8U!NRNd{+oHGeYm9)OZwK(C zGF^;){fuP#>(eJW!|1=kW#F|Yp~mQiw#fImFDv)afu?si(fdX)4*wm6U4^!2xltKB z9e?337)BKa)r-t_l?y$q{d)HBu ztUCM}F^|p-bmr?N7V&>ue-QhDsTdHJ1LuT1^e1*5bAuJQg7O%oe7HS-TwBPYz%#Q2GzH^!>5cchz$y*-!8lI-IENcg0zU8HjBjCJ*Fh+mMLw%MXB4n zg^(G&7Grl0<*qyP9BS3{_?N~4D7h?4=Yf!ApB>>~7@SAC-mHU*Uk}5`-Z{|9PU1sH zhQ=k@SlGUgj`(2A8*lZn8C}XXA?btg%%e2$o||qbZ|8_ROm8_XIH5>!jXF9cYGb7R zSynWC7j7s>#pez_kTpvV(?2eUOM&Oe*)@&g7{Sxxayt)IDq4WOy$3y+>cBo5!|LH- zqJ*Gg`+eUIV}|7lTBQ33t6qEH%Ge#yea0D#hV3B%`!|t80r{{XYAg}TpO_bt4=HYy z#06fFzNIg*C~quHDbBTj8yE=<7naw=eH+d8Xukt%w^5k?1^k2d8FKcp1z9cqqdY3FQ0_dR1ER)#iL|0L-_JgES~8i zc;b$Jf{3SP{LYiX)a~#Z(iJg;uPfMwD$RxBsW)4Q!nYEb0u4F(FG>>hx3EJR&@RbKOVDuFfkn^@C}va>Cx_D ztn@yP^!W)e5-os(0l~EN;tULVRf!gt&O^$OFi>iI2)_^di;U7K^vBnU#X?VD$y*&L zOEQBmhC-fm-fZ^F%nq7=?_>XU1)%7*j`&E5CfN|+%w04NLx<-;x|ns56@%Sr&_#7@ zIhKb>jN5K|0WOrW8t{= zlP142NQW=o@eY@bU}$K(7aQiA!N0njXa4^Dj8M^d&N;+5x;!Q7%ov}D13 zFeql2x_=`(x<;G7)s`bt4zrkIl^p8ru;90~1V(wtMt<2}o2g~X^7bwyX*i5OFqw@b zZ$t~TGrM8&=_J^7FcpdlF0kq`K5%Gw7#kCv#ZDSLw%0Kee#?^YA)wHTS57fUgIGs_ zRUgjg6di;sn~%Zz%JVo))skLwe1;XR9{g~^0Lnvb!57j+^Vbg%-%2^o26(-Pe>=Kx zO=v$l-?)dD{mp5Y_FDEmHyRI)IgMZB9x>O(N;3CV7#`4?fsuk^)vv^u-kcl5qBh;d zpjoNRAV7s1*$2?4i{6uu?F?g4L{$Psyii<%io$38{pvvavt0+&-n8Lhkp{P3If5?V zmW(!HE;wqA!Sj(19`ZVH# z2|>LD~m>;K&C-t0a(rnJb-E%*ge_C}Y10ly(gS}GlgrPxqp!%vI^;sx*1*E&kUx%}}rgLRYl;J7z zMd}urxBEUOncQc~h7^&LI;Y@WPXswO^(G!Do(Y?!-7u}Mj5s{kf#hp{asHH>Fcmk$ z;mzyGzZHL3qel@O8PF!qkE}tR>CvL1L6=c5sZsSx8~Suk0jcP}kLwpa!U<}saCNmD zsAok&;7LOqN_tTz=?XZGIzU8cjD>lkS~Qm_Cs(Hqql#~YIDESVr4hA|W08R^?Lu~_ z@*+;YH-z4(s}d>3ZGj6rM^H(Z{WU>LdN6`XQlohu*z9Y9>niHdI-(HUPYmZ}=WEH) z&VkUQJ&g8iL^9KFlR?$%G^uVKCca_y3)Wo^1Nj95cy_-&_vz|~?HUQJuXR7WHsUCz zcZ88S^ZdcdP=1tOYUSLFRdU_5&PZ-FVqzXDvWo~zU8=3U81Nx8lkgq2aLE-Wnal1?l`%lP+ zW{(L0O_>np<5-4jY5IJ8{$8?mb12SPUyK*y^;x2<8g0Kh6&(CO2e9C=lL2CQsVz-dJf_-tArI-jqJ<*^3B%man%gAWV7HVK+DO;T8U2^eBMm2aE! zTHOCTmsr~$f`SG~9z3)W@2bCZm{}nBBFlnls=&_t&v$~@CSn$R@w_LFToVINKIMy! zWrgv5M;jn%=W(=i{{mjkYP{p;1K~^}%NzGi#biTm81qm9)OUS_;LgW*o)6$P<7VRR zl>@k4$_@OUUE`4IZBJ9lQTr!BO{57zk?>^svILnq@0|XP2)l(n}x2&?Kscf1i>;C44McPyLU@|1;zN{!WC7ty1(* zT`CJ2EXPBpFJoVFD_}kS3gJe_a2{mg(~AQj=i^!SsrMQgB#y@L*@X@&^(hW3 zLyw9RgzQIX)=n(htO{{UikRmK3vMj%^DA4X@S<4{A{vmmq`X_kaRf!$?%J~fxTaCYY>b~(Z5n_J=G`h_sZ%ZaZ%y+a&t zW68Kd3z@id84N$LiCQ1Ki=}P9;6#2e?kKey=-|zQ*pL1QW*Ymla^!?EwW=~YG zU-cx|^h)qR|OdVFnlKP9kk|Va6N5bEn&lPJbRk(-SwkOyJ}n zE1Q85DL%-SQ@-7-2VR|-O5<`2_?1Da&@?T9I;{300n_JzU%MN1nR8Jj+dhguFVy10 z*SPT3j4r`r!d%3OD`~xkv7QAW zX{d^QU1ofcz(Y{|F9siY1=4np2q@mvg*izt!MiO7{+z7F%z)3RJ%2EY*QMC4Ts@S> zsg+{K<3ng0rb_LV4QR`hbSSQw%0<(L(8sUV;k>O;cxTO3)QTj0Q}bn67Ty5({2aqL`;jE-2f_!m>MdbchY*8y$3EQCuuex{=E6*NwgM)=!(CePcisC1P>Y zjb_X*pAM_$wUg&pUx}2y&V~i^Rs#B-Bx+07gVhB~Oz*uWN{4z9S|kZu1>nPp2|57R zCy*7h^6;$Y2zKD;D*P8Xi`(zXCAkwv;+s>q*_gtMF!ih*?y1-a2k#xlE;oH1P-+cx zj=PdK5m9(QCKV3tGXv9}X7;j63y#O#L$_;}K~Z3cjZ|F;E=jkEf7Mk~6*KV@lbPK6 zVz5}-YYJ~3+5_?mGx%-um7)hJ77+A49Nz!VMX5Q7Y^mY|KC{)C&f1v96m$>5lP5BC z>alFx;57sl$1bMWpiATGg%P2f3m%bbfVHCvz^CLIY)<<~K6U)Y`3)oKj3o+osK)Tm!SS)b?^ei5f2ju>N=M$##lb^=WuEZ1) zVVn=Y#(&1dOAD}SP7nm7Y#`k723t1!0#{pimIQxRz%e0tXr8$phg4c)>HaimdlQA@ zy8}tE-fmQ0eH_+nB|*-xvpCXn3;Yup&POktWHThzQ)8K-qP-Sv2nR<)f9*7U5b26t zH~UGS?;t+?5hv#_2EpC7;b1ObgK_e)7+x45x>EE9U-p*4oSW|8_24UvP`0JL`C@o- z^8fj_7i2xpBI;Ck~Ei12X49+#i6%U~`X3lnYPR z+luz@yGne+jA>?Q4hEi$qH>?x!5}0IB=hYttV)`8yuL5wlvh%fC}FQGaHag-^x*JI z5iI;_H&IvEgyC-Yagcc=JC)=8m$a=PVhl628aKi-F*hKNg(dNbvfU^Kea+ zDfqmW@-rVR$w}RF?DkXC9Y#2h{6&>b>nx~M$>>zAB zq{G7JA7Ya~b>iiZyXcySiLj?`GCMk89Z$II3=(dIFleY2b)gFZBMP=yxnCROCI+ z(s7)dFAd9dqKoW3$QccR3&|VdxKboEdg-$XzCjJU5s7d)~w<)a0rmC5~Hn44|@ZSzO+ ziw+9-b=)~2EAD~`2OpESOC(`|y%FRL?I)*&dd`_w5%5B1FTJ!9;qZ~$%=?leRIM6M zE!G!!NbNc1jBao~&q9Fdo8(x#0=3IYfDI~?t|W9cNh|%gfr7^P-SqDutyk#pZ0vi#lm@{ zw(uNrTPy{C{)+(PUtMr}p*R1fl>?CrlJVreH<-vbW2@3lRBF!<-wF3b>v{WO{!E0L ztQ)w#y$-&!boAugc%}0SFwl;N&u4~RKn16V=Sn+I;eA<#skA za5_J0my2royJ5hy0Q}n@3ax+5xr?qQpVL1BENwrd)VGCHtNRqmFx$#wsvkp5tSWyo zMjL*o=L9C#$fRaQR0eAXgy;WOpMUslAp%21qB|Mba@y)Kp`)< zND8jM%t7h@WV!b}ZJ4pW0W8cZNm}{|rX|HeROC@?6S7R#Pfen}-Ranzsmll7(xCa1 zZ^AvLH1=xOJ=ho03QPX`Da>M(aiot2bwBb49xqa+2edZBVM{&gam$aqalgwXuS)R1 zD^DYR=>Th%n7#2^k~od=~6=rBTn1vHmL)X`;p(=pU&+O8d`ML@KxpS@{FSo_UU!b5n|r!pf~*@b^In`( z*GS?^SJJM3!Gg=qiQZh$fLSv~kjF&}@b4ZO`mpU5J8L=;hL@P)nH)vlaZ(c&jhq1O zrA1gbaSR?>6;BqdkAy|;H=s5^;PtE=OT`zWp;g-vyaps=;OYOEMf4WDw_z?U^dCtg zy5vxGYaSZa$kB`I&JovfEpS6A1-@9dVL{p+7T|M&NBm1f?H*II*0Y8ko$bfQK1_le z|A_d@gC%6ye#bn zJ@&s?pRlJq*fRi%_7#G2)e^oVZaC`79VHfS!NbH3bM18KhBqBz^;3-%lXFbPoxxp@oOlSHs_Ek4Irm|~41`15qG05q z0y1a7Izm&-czo|8(b*(Rd^SfNf9w=^`Vl)>vt$os<_+YI7Z>500jscW!2yxV%_7m_ zRZ6fn`4L;9bC}M%j_`g-98BRn zxiE9Fkd#&P_Yc9afyZFk$`%~+ zqJYtI;KZaI{KTL}ObB#G_sm=DMF^1CFL&@o zvK<^R^c3l4Ul#wE6$m9ta(tYTJEjdWX9I+uo8zW|__=Hc@3|F^n)<&$qREMx&A2X- zzpqcy-)6Cvc{MQgpaD+#JRS?0&Wcklim-L;2pYM<7oV3rg#~}l982}r~&hSZ1p;%lj+*zw=0{O{BxmYLKJ zDOy^5<+cy_;_D&&(meo1L=2=oU(+!yL5k{{?*DdP^|=ann) zlk-P5?LZxq7%0UT`LD&IBaQHN^Lu#y@*zpp8$e?k@1g4WA?T#Ipu%sc3pV~+%Bo@o zAIk`Jezrq{-Pljrc3Vwa*d5IW`Fg=PZx>$iXa=5YcB7WQ($vL?2)$J+cD?l!=8yBh zgQd1CcFJ+K|J^Y9-?-bL=hQ$ZcPR0~`HApk^J#pVsLVfU#>1M}H{!(#Ln{^)ZNQ*M zzhFy71GcTbh!X;5p(LDyPCZ##_{<4iO_qb{0Uug3HVblow!-{@yWm2DB9C2IMQB~M zNGv5wU&o2?XWUKJ()9n@!d+QQJ4U&zU{DP4dL8x6AZd3Fnb1eN`%LghuRX>W`}pC)5gjmVixbgPnaOX4IYY1iM{IgsM`UZ7 zVBz#4>}pt!J2pQd`<*YN*4J{;$cptWXR!q}a0mciJ&ay5pACgwj@U zBe@`^qGQK3{u{?f{2mSiqvi2jh?rzAZHD=>QoP1Gf~!O5siE($EvuPMQYF8;8)-CSh>l>O@|nFZ^!KyGXR8Txt3K-MIAa6IC(o*7;RT8d#<^ezo;5?0WS&K)pXrw^0eBJqVn24tHl zP@j2;#5M5;-tS05`{>uC*l{?OP>RKsXT4za*&ebdp@F40#URlX_VuH>S@hyAVZ*M7 z$Mom&Myn;zsx^|jehT34CM|{D1Cmtrej2_EvF78)zQmkAF>r3idB~XC1(3XnASSUX zdDD17(X~m2Y&;{v`_m!*h@XQPiF}g>2RqKPaQ_V0z1kP81&+MFLNG@3g|Vq8p5oJn zGI9P&2bOW(48~l~z|7~?xOhytc*{EvHgv@++$}Xq$Uhp>3)796>d;tmOtu=9=A;PS z2s`4{cLH0J%|$kxRT0JrSZ_@J7U$mHb~vwD4cIRVBZ%GiiJIx7d02B z%A93$_Z=5@o@01-vo>+GenmQ68=-Bwgt+_FEYUU_CCm?qCMRqwDx7N%K&JB)yNWeE zL}9Wcp7OO9TvfHOG%*(T_~?H?oqn3aEbBUO7;@nm^`c+qYV zwHVur{ezdF)Ea>$TmJ^uYpBt)6A}^R?TPcYA+#&miK>4(f|k}1K&nISqD~IrpVy~~ z{rvZoZ%r&FRU$9GYv3rb6LzVxT|+o&UPua-7sIlT(y-N61v04#y_O%zWPX&e9bc}& z1=W1woD|E&KlY+Z?%(pnswR>r+~GGX1~XZO?Xc1R51H6WVBaDi_^S7VE zT8|`AufZN1p=$$Lv)b%*?0YdkC=o{r9J=SGZldmz82I}xL6m-}jeI`*o@9(RnS4NY zdc_gHaQv@QV1dgBp1*CfT)V>vH_l|_^6fV9SE*}k!@Hr}(tIDp-8hY&E@J##H<%1i zz7Na)c4HgthuIQ>_r^X2=UuX;UhiK)ZAKY7+87}b*on?3?vs_aggfLK@~@g&7_>}< zmsqJ_=~oFFw5JYoPIiLd^EhadS%l*z=+P*%R95H{0KJFCvEjC|IPFOizEbTVv5k)~ zq)nPj*X$DBX%#FEZ^ikI$>grUqAL5Gk9B{uFuFREotSeA;@<_Jc(|<4E0_!m9v%Z* zwTr}L$74_n?gTh~7j++XLobQuuZ(4R!(u;LxO*3*hhD`~JKaE>ohh*P>~Z{#{bbhK zja2>ZJig=QLwF^970;}eqMuJL=rRFgB~;fhsSMlg`CPmob%CIxDSoMJwZ|E(mw%xP37^(kOg!kbU>fL#YN$r zd#bV@_uM>wC24dsy8XE#{$+HU3$hC^gxc71^-XX~y(h!*q;E8Uy`x z3&~Zl4)W}%6dh$;0FGA|q*7|`2 z*Z3ko@dB1Bt>6l7!D8<(d(pjBgmV4ms8~FkZ#${VOIL(I-prd=JZUZ;W?2aC?vu&n zwT5CcuMM7Eo-Mw%)tJrPaS?->>mXd)o?FO0Kx4a5Vi|Ubd|DES%Os*uPDzE$Ub#-> z5%>}%4?cpLZv$EI{R;VW)<{+z5hD8j*pD)e%u0Uu?v5>k5As5ZZi{p$oKNQVJ! zwA_uodB$|wx)Ve(%9xwH`2@)i^5AaeJEm|>nlG`mVg}tRe5b`#(zwExG|biG1OH0H zu6P-`O1MkU+^T?k&g;;d1&7ER>Ph}o?W3}u%OLc?MYt979TH_V(KY@HW=3qsIw>8D zTGWY84DYkfd=bAbWD?D0+GC~qB5)tQN$l}WOouh>ME&f~%y2{mcFRr#`E(gNbK6&R z2nok8cmBh{m4f>?&X9{P&G;da z1m6zj0fouz?Cuy0gmi2Y@)v_2?t~d?D&U>ogaJv{ zOp+x33I98%_Xe^_{vqVg@a3>t`78OnVTvfb;TryUp8}J@A8<3nc=T{A5SP;mbZwgn z>jjp>lMEI9r~4pmUo(K#?TtjYeczEwONz!#_$$`PHpY1egGrdW61NHwoIN%QsK4D5 z|C=T-jIT>lzdvu_!4bkswU^?>*&X8U7D>E2&X9&(x{i(M+Qe;j9+~?48hUI@1mhve zbbLb}F5adoJ~QnqY@~*8@si;2DUW9c7c0=m*A3)jJ@^^l6db7?&ZWoQ#qfi=xNEmM z7j3RX?F~~Qz^=siW%vEW7?l z$ep&^C4IUm3UYI%x?9e%1UVJa)FGza)KiQ8`IlDVNDhiU#`VH~LYm%ACmoEJUKbb? zf=^=ULWt^`YR9hy;Ez9F@aEkjtiBtK$94?jZqJPHV&^`(WQsk=kCmoVca6b2p|9CI z({rS{T~joq^Cz1toe84(XVCiBdeB@lkvO_Z!Pz=tGVA>Tp=!c+im%It6C+m}j3xl8b%$!45jN;WTUBYQeHxt(ejo zMLxmi2^RPnlhUf8?3OaZ&V!{DFZ5nu&evq9c2VS?`8If1xt==w3B#wE=dd){h_>I= zq0tU!+30~0FkPt^zOH`)QPafensN{~N$ZkB4KCEc@i`tFa0Gunh-T!c0W-c8D6kB2 z+0qHeV7{_4Pqb0vISSg`#QHEA6g46Hb`Y4?F(qptPAneCm%7)1%r{To zd;Grm^Hd!?_jD&){htC1wzvj;#z(NJ&719v9*aYFK1ZchA_zWF1IN*YD}B*q&K)oC zm*WOfBC@6>-wu)cQzRj7kqY&lsfEWCDDgLs0)?z{bm*+YIlXJxy6w79a^Neh9cYSo zZkoWACQa-Tdew`~1m;_I0=z><)Xkd4-p`zlMpX#!R>|_qJI3(e|Lwu>PhZ&Y`88r% zxd{jM@4+nx|KPE~vDmPu8N`>{NZEt2q$zBZ(19l~W~Dctmpd#XgYJp^w~qypcn|Co z-x3*rKSHPNRi=x=58=YuEwIL3l8Y2|xXi39*lsb8OFr3#u5PzrgP{zc8>ESw@+9HV zODk5CT#sopZFz^0&_S^jV}H?X&~Yut7JXe9Hue-~*iM7tqf4+YH^Z*@qds_+3PlXs zd}RR^Er79|ySa199+U*11oee$KLo-0lVJqW5q1)ZPK# zCKSPt1VujD-hrPilY@+<1sI|Jis5;6zDlQ5?5^8{9v73*S#AJ5aqI@3xK<>}I4#Nl zj~9RIvEZW^ID$3?7=y4z#GUK2P*>52Pg`3|zGgndYF}S*cBnJj#EjxKRRVW-$b7JG z(B$f;`f%2ycF~rXGvV!-M(Fc45q-RQ1!VLe67^q0xU(7HPR*&f?_4hC4)>rhUG*?< zz9zkX*_XFNB-TW1!^3@!BuSXJZjo+8#lBcb2sNh%joV?*KUH*^y_2Q9k%n(=LSNAN zl~|(J3%1K;{wNY9CS z;AXloYw`aH^0F_;oiZtiQoaU-?*fJ1mcMAZ-gsU&_z`YsHN{1)ig-Kn0{DFKBQ;f9 z@sj01YP)4K8b(Ls&&XKjk(vx$Cy#(#N(w{^?xoVI3nIyxj-Vxfo$%BP;JtYU&UpP2 zq&km5@XsKT`KXDg<`sycKE6Pl^Tkdf6-<9vI|kBWu#HCGX%i`Qy*dXkEj%cy4$pxR z^L4n@O~OA7w4)NMz~IU~d@}kCtm_Vf#l1mrf7b(; zH*OECPdH7ag#V6_i-th!{nwb<_e|8LaFn;73!%BsOsL$**z{TaUWV5!=_q`*y zqRS*nNAEK-d(;i4wPXvt-Wx!_9I)l3<(F`d?HF39B+nm>-46HeN{a?Qtc1=px^S^2 z5Kiiq;KzzmcGvPW9-nvy!-ZU`_o~+-)sq<*vA+%ygND%2g{I`_xipNKtxA0)B1D(+ zEzq%IFwu_hW!^isu{)ZwRIhUky|Qm0o0UET{;JIZm*rmUP(wW4FU?~Sw{%(G5Cgh7 z-H2LrJs|D9o7lbLeQ0lFf$^3iJXWFyf$m#a+F8Ma5oQijwu-#)?FACL$AlJ)V;I&v zjF#6$qlM36b~<5+$o%$?^3jhh@P5})?DLpRC1)+B2WATyq-GiV>SZ|#cY2TB3AQBc z#9Z2W(2Y{Y=>CW7hW`@qcupF&r1QwOy{mZB-Lt^Pe}k!#!f*MDD%>M=j5$re z3?;jT=X9$y40~_McRbyJ3W@`$bZ?2!6COj~nJ44F4>7bUUC6V0ykJ!hmH1`aM4Ih< zg-m+)1jX~5=+Sv8P}aGat{aoh9915`xREW8TI$D+Yo?%A_ZPOkvqiLPP$<~Di?Ud9?&? zNFGMXb8De#%yY8vp#?-WdD86Br{VSfP?$ginW^SKA`ziLdvtFy*J(vy^+2AZx;kc! zS%^_{W{`oK7GuTGYdBfRvEPxA;^PIcqt=~wY`VX|p9ndT#S`vxn1Y5ptNa(X-2 ztojf0&W$4HKZRnLhAH3L^n(3We}Fb#qo|g^1JxSYhLP6hyylf5N$Lt0UnY;xU}`xF zU2R0J>l}g=!uj#|NoVv-90eUaGSPp84o_Jz3)eoiq%WuI)6L6oiE5j#qVoF>ENI>^ zx}e;GPaksB?*4ljnjs@aFkrL4Ta*5-2>2LiTCK zTDbB?Llj~92{#S;DOOyjObhY^S47!G{GoarY)S$^c2yXv>DJ+br&ozX$x-Y-ZVrR6 zg*1IV31041;M5;NUb{&0nlf!ZS+-0hd-xYt?MJZRxe1?6-3Ni?llVWyQ&5zA8?Lpb z;DeIOIM`PQDuvMk__pG|pK{1vm9V+a;{{()8|&QZO5z6Ou@n1G;w{xo+_=Mn>g$E! zm)avxd}bW#*_Gj1M=iRwCKq4dC=;cJj}l#3vWh4KTos1ShsirFVP=%E2IogRvXq_% zyz5(t?n{*TlScxVKU$qnv-=OG|KoTrbQP`{&d?}!Fg9(ffO%I0&$FW7B734si|+SK zo)MeY?hp6ao_ABYTh#!; ze|`?$8pKndGiH3WR4hub{DW4b>v5jZ2Vz-#7+u$>@Rg&l;IsE;5PGc~y825|QQ;jP zvUP*(R71O!A;Y0wZzblB9gd;T$J?nJq~f{emdP=xr9fxzfJl2YF3L$SR|&Zba*{uA zQ{o_T#1})Jsp`iEZq0&oSD)jG428)VatRP{r~(|8WwJX*8U^RE3Hpdj;a18v>Y86K zR_L4$nPvuENQ> zyQ1F`jrd(M4UOVIimz-gA!nZp4ELKe@Rw&0dn0fa5*KeH9g{|Y?DsEN>m2~kPY;Hx zW>RFbmc@=O1+Ctn1)8-ZnNPd93W9GvAljwp02cos`Eg%CQ}!U+x!#-&{CAS& zs;Tgppc(ix@3nZY+ABPGFG=9T55-}f&j8LL?3i36++DA+)4mr#!t%PEY5Zl}y?ZIl z_8G)ghi>GroJOOi;b&6uVKzsVg`~PL9Iv-rhRf+P_;R5SE~p-X{lfS9Y^mT#__ssw z?+u_!0`Gx2naAS|-03BOaWsB#6SI7y1C|aMe9XEGvO#(Qwp6;q>&G(@qgC1U&A>Nb z+eCPa23$OK8sBFe78nYSc9#~PF+vx5h6--uH({`{ zM;n?d2G9+4`CPff6EEki2Hbv{gbmI|_s!kxZt7^Xu^dP}1C{yk$;0{DhAf;v)sv`r`^xj{4cFoI zhZ~~X*-_-cFcH<8?!wp2dcyi^7l3?(1pV)VH0?`r<9>>%=+iv~Yt~Ibmlqj)R7Wnv z)M$g2)Ql}M@uHMC(s)CB+(kAdg z=v3X&as{R8N?bZphsT_ogEyCs=90&wiSoY1IQINucy#j@DhT(5um=a};0hz$X4wNR z^3O!}c{#ZCu_kvkN#&OftFY$J3YPv_2UhEZqtcj3JV|~T##wy9iSvsg@~0l@yAlUx zs%6-4M-GmEUx|)8FNl_RnIP4aq(8sc!jmD02Zelb*ZcSjiCV$B_k31NA%@-df zpA*eqHb#79`!kRzA4A8RFN7`4Q^dQh@~~d$3!JVM96xBp`Pe9Y zmn^tk4fEiW#2ArGS|Qsboq;~_+El0XFWB<0(7&loe3y^o)5qz8pR^f(wG{LOEC;v# zK=jg9rw4rg!UMh6uvtpTH(ghQ&fj9#U3S;b^JXO=O#uB|eG#e}(L=5TP6+pj$OFpY zqv=Qj+ZPB~Tx~krz8=kXNK#L)X;{&&N(=h}@Lj|Jp7TqeIqDXpkz*0=w_Xez;;vw| zw%~jc&RR;T>zMLZef%=F%a@c_?dFL3NEX$%OnoIGD-kF^GaQ1izvw%VgjG<#P) zD$pGm{h7ZPV3e)+3`Y2IO`xo)5KXP=b<|MjU_^cx}7qDZFevmg<9>2wWguQNW z;M$BYcEX|q7OJT5nxi#PE6fm%rh384oheZLD-7Shi@?Nh`Qvb*2Z=o;VVIy}HB(^sCc1ucz^BA5HpMXFl|0 z&4LqsA&@2|1DUq^7;LrxrEA@}lt}~VF1#o(R`!sh%ysP<*Y*6Uqo~q*hR>lM9}&U*Wte6S!j%hGv{a}vmmf01mM#!a&Ed>ot}UJHX(*wVW_LRPmdNtEST4+@Wm;kit2?&|1_ z+rEB*Qm+o&^l>cL+i{ufGn>T|%pXDa`fn`pSuOjXb`8$>9fIz=ry(+;6Tj+9!`q{2 z=ryJfuLT{cSo}XFjC!ucn-_f`n-wGBb$SEfc^hIQWK}ZV^l8KPVq7V=4Zg<3qpQ9&J+^H# zDGUz6-F*RUe^V)rxxa>d+#ZEGxgp?IIG+X_JO#65-Gvh08kiB$S#kEM7GK|RmW-c& z7!vmRv+1$)LJKP4KbnafjyuSF$;Xx>;X>P5C+G z&XRPH-S&=6UEoITc9)Xw!*8IZJqp4$d;zCdMo@X(3q4~UN$Ot_JP}FY^0v>YW}n8R zRR>YkIVN2FRub_p6*|B1>hMcNg1;`ZFnJM&?hng)COl9I#Yt=SKmWn@8h8ho*KXM5L==bPrX1KIBae%o7_f^#pq z6i|f^2c2fCoU)+Q_%1f;+pw9Z!_l0llVvB94sMk%l+-8Ft0;~&d`a#uL+;w=gy&IVni^G zE&3pC`u&Qmk6aA?i?_j9C4YX@)*o8+4`BFvI}#w12)(QUMj5p-1Hm72dt5Mt-f_gc zqD`AlN&SU2J^c~Eg5UR?IVTeyaJf36h$6PO^U zRWF07@_L*(brqImjf0#76`r*t3KeQ+ip=B9`9gzdutj9V8?{sfZ=fsuijQJzn*3?m zxISE6?~Ik7oS@VAFn5#LfN|PV{MhGaST=97_-La#w;&SKOxYOJ-(10zdH>MgSCvaN z*TapnP8L!kN7skuf;DXgdBIim!P7v93VRr+|wZai;v7z8JDwfKbPe?-gEdtldp{!BE<36z~j z;5e5oJej_ZdS)%Ni}O*XgM&6=-R^M6QhtJleetMlnZhJD`|+9p8@h7G9C-J%L3E^} zn*IFJ!%S6rz%uzR+4BAn$v3lw*P@4Dv}GStda2F}ksjX-m6A#xkTv$bC zD%7Q4fu9Ch;2^V*-Wq=bm*x!SuRdr(L)ZrHx0uqIHHEmr+*(}v?h+cw8RJAXAAInx zkKLF33oXAwiP71ypxWL9Rtf{~o5dgI_9z}K7YlvS!?pP2xA1I_RVUv1AK94ie{uMG zf&G_QkN%Rekbc>i+7D@FT^&!^mDmWVaA2Z`C82PpWFWJiI~4{TqqICt9=-{T;I{Vr zFe7^dS8VBneIE!n8FUlE<_EHO-@L$cTm+vpJ3#0RSi*Y40o41yezfU-3=t;lu|mTZ z#`(2~q<)5gj=(Becc6uhmNBGO5kv8>vk9)vDkR;xyV=kd;2n#sp*rX?oQbH0RhM#L zV$2Ij`4E7m$}yzA$JnlPpgcRE*JoFQ1FBx-RaKZNB z+qzm<8?#LKTn|HuQ!jYww24~B%Tt%_No?$+6L6?5S2VlvA=Ks5$P@TdB9Kn^{D z!De63Y5!n;*C$&PYqOdyn=A%r31v)uFHeta1cJm&eVo*G4-+%XMRRRsNJ3F6M{uK;Bf+bGBCgxzMW=P1CKvUDz1c${qxyCm6h;&UTK;lGsr>|h=yMgsK?<~V z)k*xPJ`Qfi-5}3Jm2m#-40`|BbC?iX$8hU!U=$@BJHc(|;cX`gX{fJvW-->`FN6?X;Jb-6LMWn)=<(_DBy zr5cRM9Q--5l&viP3iZ#H!><-s2+zreGg8CBCSwWgy`adxl-*`G9=YQ24r_91sv2*2 zzLPB+9f8Z5vx!4)4El_kK*>E@lAEs2cU;#&3lDc82Of$}M_<8@w%L5A%MG|PSre1= z`oQ@9H6|<=P^mnT1>W`G19HcJkNsM9<;Ehh&-X@h=a{+p$Cb~x$>l2SmwJG=iU!h* zHFj)q#sdCUdjmL#`;-4Lgr6pDRf7=S6n)-nnRFQUhhG z<>H`Sg-pq1B0pBAPKR0;&>KQ;Va*dqNN~O=zFV}E)Lc+Og;3!vF((DBmdoMw^ zE4r#U8FSC?XATXsv8g;365m_}_4Y?>nbv*s+xadmELP#nNSz&uGvjkg6XBYJ3A=aC zhJW`rqdkWeur@yjugG?wJ*E?<2a#AiO>p;Kp9zlB?vYQrYw5&O516s{cU0v^;M?#l zXzAZT-;l?!AVZVS^;jY9t1ky@s3BT|tKmZ3QQ_GSfS2=*kgXyUKJ#ch0tL0@JAE1LEfj`Jsq4p+$U@_=7 zLY7BJPD0n)?f?>wG*5@)i>brek{i20WMBfa>+V)4wVs4ST7_`nY$Tk%bRIu8W-^EF zh1j=y0_NA^z8cdD93*3ymup?ZBuhHKGXGhNiP2DT7rACgY-gd*BmnZSW`JvR}w=DG^?8?`R zBC%=pG%DBUj*~UFVv0thU4!92*tc#XEWXIeGF?+qjC2`lj&G|N)9puZnX2+%sR9ox zZwZ&#xt1MSxr>jV@SV6U8;sGqq3B|Mf^?^Jpc88aZGpWz$n_Ms-z?=O*-Z?>dc@gr z(RP)^N^o4IpLv^|7AqxYkH%W?C zM_u5(Qc);XYsG9N$I^pyIQEQa#Jb{qR8l$uYcBqRjaoh6bSjIDY;;54_3KE6#bb;d zppG3q+qn%`^3}QnXyLaxytq)Aj7Tw~Hip6U!KQ_1efAQY+cAQ_Ek6U}ET+QS|I#5j z)Ef#vR-)+TE`ERTXxcO=R`4kNMM}LrOzrY`dU$tfjtt!w^U{K5{-2jpCKf#Ur(9mRaUg|!T z4|+e5S6Qdx(rHUjqbQkW4e5l0OB;Fd9)T0JS#T3%IN-pob41JQYl)OZEo5xzocwxB zH~P;`614<)iM`#A!+7JH;??8iXmIB=p574%&#RX489Su-ilIYbT7?yFE*oU`^sNbo zy4iyH$V}MfwjXC3=)#`-+0^d5kj*(#fP>0#vS)V%PJjOmt@;!M@4{K~?$icceYupR zpNxmhv}q*YViCQ*tPr0R8S=5BAn<$8O}_n&WBzXTqMU7~*g+RXCiQk8*M2k~rw%uU zs@G~LS1yfa2EC$88#5Z0F8q(XM?vALXwguo^YFOPnOF1@b|^e6`j5|meVY66!QZj8GvOz+=WQdo>+E?dXz|`&D>``QDKdD{ zd)$3!0ETYS=M%0)V))mY{Ni$D+F$Do3p5KLIns+(r`ib|iBM=)PNHs3!}%vbq z4xas|+0UnAx%haOcrqKucFyyMY=1+ZcdVXY-(*baNqrn_p~K%~8?yBD7P8Q@0DS+A zfUg^e(uR%ISf}?0pB}1#LV@)rYV;G&*V5#Nzm~w(gHven`Ge%>R9#p(BAC4&sfis{ zs@(OGBwJZv%sm9(v$nYdPKhP-n${k&wJaWkEbGw2HWc;mpM!JbLO}YhCOyt^*Kxi1OTyAqaX@ztKXdme-BaCyTLu}S zj)fN8Vzi=@Fc z?bJ6AdhVj@{16hmOp( z-qt4}2XEq3Uqv1gP>6qz`oRHh9kgDd1(I%8uy^7l2-f&WoW1YDBb(dEX0L*|an*Ru z=Q9?x7sAaYfsi`S6(_C|yr#wh0Rp`HjBl&&46sTA>uSj826+ z;csF8w>jvxCY&kOy3iAkufmxjY4CcXz>qH9jr>a@cMoCk>EnK$A|zNG-#bBN!5dcO zUQ1&wFEi5e0?f*bu;A%fQT*xmB*sOL8vjYg)&&dT?aOplm!MA9eV)Y%eQ#6g6{|_r z`X%)9^(Iz6tPT=>9bhFlZ&Z~C7IrmbV< z3sw1v5%cJ4$vPN}2kC?@f0>4>6#tR18V&bq!;fhf`0O}Mx?6BE+8m$EQ{SBz^^WMl z2W5(AeWrsbNyp%&9R{>ICk^_QRpHO4Q(PtMwfL8CmpZQK4DNgg_>FSmN1pBk3l&K^ z$<7O}$;ETFZyX#>717vJV|k%kIe9p&UL;sr*gb(gY<%b~*2NvB1Jwq?WtV~UeYZW& zsTRC&N@*miNS)3#iGsmRek`US45p+eGG+U1@ZZ@DxcSsj*x=fMVgIA(ydP@*{y5%N z+R;`-(KafLdtL`g6dB3LsEi1O%*@iJl$Mr|l0HfyrMl;Jgi2`0O7@6sl8D6j{r&0w z0r!3H`<&P7`FuRwddZouUMTIf9=clM*#Z*_(lM{))lya!(WX zSC^sN^JDPKtCXi$YEZj7`(SL#KDf4i0NVeh#GelWO5;NHIQ%(}nmW>ev=uPP8t1K+cxM)ZIskmkg2=-&pKI*0;#e zVZCbbaFZeroRBV3YM2Et567c*bUNFzyaaqd4}h0NUqrvPJ%K!14ARB|3uAvh{Qe@t zzY30${q>8{$M!tFx!(tpC)-iR@;G#d93g$GYFs6unpo;B)yBW3OQo*$BY z%bn>0FHej6_p4F$S2J*q!)V@o>>yk^6^(bVe1fC1HDJcaTi|`>t}u^sf@JAq7?}5x z9KE`X8!S?X@`1M8Do&9GR>^b2lE-i>{v&*>UX5FP@1x-(cW#L@&)rpZ7 zRL%7)X|lEu_z=r!p<+5cDR6>=B%cZ#T|(zuZDhIA5=oSiCMGjIJnN-Q%%?`; zRLk!$gU3TegDU;^cpQDQ!;^L7W&tH(V`p+f4cH^wWvPX8sFKM;=sr-W^!GfXZ)0)n+l|ae4-cIJD?hs zW1=99jEBED^PzH`AWiK4PCR=4lGUR|;UD{Pbi>%WP;17B{tHif&h018tk)%Ni!Ncb zPb29uA0{rJ7Y8zuPq1&e1aJEH3rs5u*iVVYXe-=d)~n^BLCP;on!cPyA0s?>+A;X) zT@2G3{=n(UwYcKfV0wPE8|Ev{tiF0H2S(TlUP)&eemG%!XfkTaOrZ7K$w~=7!pICUC5em!9#&fq$AvbDR z09{+|5V&Daw_VGIxo#T#@A0SXP{B;znytV~@>Q`;;Tn!;&mtcxhVWQ{9dUB~b>aTI zLG0qZ1}BJ}+10Gq=mduR!o$HNAnhN_zxNA11XbX-7XnXinn7p|N{HJK}xSiobZm=Ixe57%Hf~&9}{Q@o)r&!Y4Sg`A9K*fwkxF^icbU@=-H+dcSkyL)I!?fMUAn(Kv_)kiOmp)d+ zQBr*opL9X= z+Z)wRW@6cnG_jIYtT?THFkdld5+CEJNeiN;^S^^rAH<4*8hbsWyUzvncuZ3|vqI-R+@e}<3(L)x*n6@M*rghfs<^nJrlBQs|CeX zT~?gT2lAIB;BFQ)ggz%qk7n?_R$;t%;0ZKtkf5LBa-hlO6oj{HP}QHuaLuok+OLD`&CXXU@FA^%SCn6FA$KfYX;Kw*7|&PB`@e_NdH5OUXu@H#eSmFOMO~ zv4il?kgst6q0oKg^HKi#8ob2?U(NFG5Vy$$?(J@Yn~~*k;9EZ2%UKP1L9Xndl^#Ub zPo|IB@4!*f4NTL!K)l!N#o-R`9JNP(#d*WmGN+yDR7yXSFIQR(bK^ZA>0ApY{TwLr zDiT@&d%SBJq{`? zC88Z|Vxx$~ljWFF(t{y$Wbv!{K<;+s2&;P_V65H?!~eqFy*(BJkA1`a9{Z5U^ZTH^1xF6=Mv_NW4y zc>&f*cR^~x6DWH5hso3*6zh!Ar>W-#(wn*i`SF+4c;eb98Y|L=w|#Lil2zh&JH}+5 zet~a3Z&=1}M@U)k$ae-!B>&cqU@%jYH=SDv?+WvA_hThg_$2rslE=ZsZbfRft_W&| zw6p!W`{`xx=IZkI1L(KZRlH3mi~U|95_{?d;|kFx;`cFuPv7&F%>0oL!FpdY)1#hw z|8~G4osY0OJrdpzsziljUr9H84sWEQuvhISKHYz+y8LD>svLNL3*!amPHZt7dS@z% zyfYxy^n~!+ufU@z=h!W!e@=^xw}8w>&J=bj(!XPzSox`An3<;n<`2WL{r4g$YL5Z0 zu^d_gIN9!~0qWtWq4P}!KB{lRX!$zyS1E+{8%yEa?QyW=`CoQn!y*V>CwA)UoXdMx zpCmuFZbA>=vtV+d6ckggmIh;@US~K*WAPea`oSfF> zIPs|NT4>xm7ccF!;6`#L^pK@7?69q8{w`ZdaJSIQEON%%rtb9Q=X-EiR$pWeE5SeM zB_tX-!K)!cP7AJr&fsBiftHK@-tz*hG2`f=3BtjwJQJ%mNAlm=_ULGN0tUJ-;;r4e zm|wXAu0s-e;dYVU^#i<86fK(R8izjW3iOZLJfdGs>6KR;4@O(TAg`S2pT`K*4gAJ# zJv%@j@6~`&!A)SY+6;Jc-;9GA zFSF?0`*FgPL_|>hB0>zS$y7R|5Ew9q))lXABH`a-A(&x*DQ#$FXfr z^}qzLR?y#8ygR8IN6AS;$xjD*^Hn6?Y8*w^ZI9%q$2Z{9qlaPBG(Z0Bj3+%bd^9YW zb&0s_YhYuC-vH5KJ^FT?kfVHX1)Yudg0+Dbty=pQR89`yuM{N(rpGQ8STT?!ofV_g ziyLS!u=PCZ-(k}xbxaS*hPp%MqVQ?` z>Lz)1tq1C?rMRkxISze%PngTeaJ`*xU~z*ndd971HtF6X9`znur02qsW^A8hlCj9pdop0ZYHH0l~(Tc}H3} zYD?_Hb0PBuk6;~{aONem+P@Rc=iOtw-sF-+nnAQ_j6BzUIt6OqHj&XlA~h8G72f! zUZcq!TIyifbXS<;oh~@)T-nSC@mPJ{2uz3AQ`zrUD80TPqKoBe%W@g+x#BFm8}*TF zZ3_WE+X(V~Qv&;b{t2c&5SV5UbgA}sPgI+=ma4270Xl;$#L`3K#UEqV^PV%0@wEF` zh;r1X>P8NPDYe3KLmhGVMhEJo=g964nMglqPREBh6dnKb!{415@H0OQUO6YTfFw)m z@Aw;cw?(6cZapeqZosM;H<}g>A5NWCEvw2f^~*C{thv5nWs0XV^Eq+wcK)SEjQ`(h+o2#XhlX=TLfJ zq65^Aj6>O^a_njuO1ne_=swYr&OXIN$p%tza%>Lj?eZkM`lH~kayDLH*o0G#cfz;| zX+C`71AKe52k*>&fyQzjYjm9j?^8neGGBVTK2{{1aZR+jUztic zg+RzKH9GgmBHE|o$hGBXQ0t^MIA=;Xx^(VDE3@OGtk4i_aQh>ga?~DIc{ZVwsVzh+2=r4nz)Kv%){v?zY=^BWy|rM z8C3RK(5?to>MpYl{^4R??k;o{uRVYrSu40Dm1I%%yPmGI%h6Vkq=3Em%?O}CWH5_|o=gZ7(`gRf2x?4CM| zR^A7?f?t4?|C~@&Djyfzdx6_6v*>L>L1e4jDl!~)3-m8IkcipQIB?1)SbDsJgl+l< zo?lYg+49rGLj3|BnO}fQ?Iie!OEc--d$K(EuNFoOn@;zPRK@4xROs>Vw@|<02a&I} zhh;Bsfl==^h}otj^h*?Z)cF%w_Sp}ccjvLXt19s0z&p|Vs~7NMrLb#LJ%v+V9bgLb z3;Ai|I{Yv~72lpT1%q?Ke{An~R^9v&svXo|@sJu(TcQDeUA7wgeA|hXn--pXUO{A2 zd@xP*DMYsH#DmF3u>5W%UK%R&pLGY|ZNER_zREt>`C$rn7tRpt+h~#oJtvrXEP(!e z_X)G&oT)&b;r!HPh**|@{j!&FD%nF0*>pfNIYPFW5qh?20vd$N@kWQ~y!1{rVuvjq zs*)+N3OWDsK9=9JI>H97JOh6dxjY~nh!a?#|k z>x^lhcPN~@u7-&RM}e90e=xZ447Gf34cd>pU`^s*AxHLvTs9hrlA}sUc1AV{OD)B$ z;M1aQSD2ZI=8eli z-JU_{pAppLupOP!Kb99cMS{<}cI*$zg|{j?d~xed`0+WEX8anADOVrDOs$#Vr1Otd z-wWg9pb4y-Za}*auK@*Z3z|?H06L9d$e#K4oDv;g2;ZR&4fkG-*S0p2!V63BY|T>= zDEKMHH-+PI_ZF0&Y|ck0enVBsSeEu?1WKg2@hko2a8pW?v(b^XKmG+C`~DD8Vr+2e zMglv`a-b$M^8y zH=+JL6MW%W&whABqf<#YW^K%XNHtAv=r@6D#SGySQ|3U!0Kt=U|0n+S{fd#Vp0Ul& zL+F?uW08rDB#)AA!EudMI5ngiB-d)8g#Hz%p&oozbspVdmxK4>&C%8;5)!J8aQVnz zOm2QOnwZr?Y|c;A_@*q=|Xck)hoI@wukLD8%boc^OPdee!e3<{~IK*Vf!N&`x zBKcX(@b9EHm)|;z4@#EcQ!I07;_gyBFk*%LlGI2tjNRH`man59)S8v`htNmKoFH+J$_RUKE+}b~INEw+93HF;2f9 zD02VZF}O}D3p$)lxb5LU9IWz%{64-5JXS8n_CYfI(Wi^B=*SGB@Z}(LKmCjKJKIvB z*@p2;a?$v}3Tk%cDXf1HhTA0yiT%o-pw^c`Hb_-CwU=+Fliv*EueUGe>u>Z4eWbZ` z`=BsbT6P)tY`rPE{pbuc8~>ZUJopMb`d7ogF==#!A`G|RE&au;u z0bKjQVKU_VXfCT%#WIx^Lwn){@s{W5@NN8OGf?}w{=myqRC(IT_b4A!1`b2OVg< zFqdDla2wgvFCOtK9A#VS36Gzr{!W5g~I6*6hS^kx$XJ@$M<-8Hp!Ix6U z=3k_Dttwag`c&wkPb0R*){+@O19&*8v*dLDH2DW z^ann>3S1)R!kvc6a3W5Q28K!VSq}tDys)>Pef1t&yS*M3uSvlp?i(>cY9;-lP=Jqx zyrQ$xL2TZ32}cYv;BvoY_-VVf&}C2rnmNyy*Q;#sG_r;JitDI~YywX7&V>Kew6JNm zBA*fe2`1KzqLI}zX`LehAu7YWx7`B8%L!=L_e%WADi3>ZkKpcu0{QFz_KHn3RN+U+ zdcNhWKAsS3R!hj+aKGHKXyV)?USK+pev|UWy?+;SS9^7Su(1g*UJvC_sxsJ;WlFZ+ zGNtzy-iGUUPKzhW?1kiinK1cc4cI)|h@Wk8ptNlO*Y6Hzt{;Z+)2ows$LU{ambsp0 z*;>QneI+da?n-{LKTX_v)s=6263N$x=@Q&+06#L$;HT#AykyKlc)9H){JnpfZ>ckb z@+>U~o;A2C^h1F-((VXT3++Ii2Rih<*;BIj;d}P0d@!6cErp%4wD_*Ywb&e8ir>79 zKyzy$jQKPi*;Y-y`M44fdg;$Ud;Nu=StrC>`aD7AMFcZ!)ncWOPBB=w7zSRFq;g5! zShQ3b{C|f*thp7mji6+Ez-anufeoLlqeENP`fwg(z?YTpV1>%^w5YKb%jD}tHph>X z`I6xv6?zqFg?wyq(+)1#D|pwniI7JQ$JV*Iuxy+;hNwl;6X6%3dQ>Fwe|8G(#s#u@ zP{hjL5xnPqz_F%mGdUc-nHd;%VB?r5s0c2BK?>vMoxmBI3FUBln70B>)CL+4`QYyIz3$64W|;{!C$!uh>uaF zCPv$Nu$4T0JYW=GGR=>yF#Qi4wqD0yONZbec`?&X{>L_tkAO3;UD@#?32^sI7J2T> zVELC!RJd`A6iv7W7CVj;@rcW0E&KrSNK_8$=KUBOrp@${=n&ZLQ%Gmbi z0E}poW7mRuMb}jJlKRZ?v~o{3QTNEe$tm+#fo`4n%zVI6XGV*A69n)3#B^9La3>Em zt^tQB2hbokT`Z%03H|rqAm4Q}@M`KF_;6?f`JLm)*!sy(wpEVWYL6F<5_^(lgLR@0 zJMW2_VKFud9cm|~efa0WNj&z)7G6yr&I=w5K(ig2K%A8b&GYJT$6FI_A4d1* zav85kQ%5pjE__rkfmEdgI6dJFt0_$0-scHDXoye39sY8_O${mdn!TKj1qhZ)fZW3ir^AWdXK{|492KfIr{Ro zKlPW4684tWApIs8pQ&1rVIyqthWByEXi?$~@=cI`*NA7@R+9LpO4#|X8xH)6hxvPj ztoO3*P<&5to*K``(4Bd>{Kx=YR3=cqgEqpF1$V)CV+>|?XF~I^hghun5|YE!>DjD8 z%)T23(_%fzrEM9*2wszjVRQRoxjeNVcsMAO88?_~6? z(d2MkFw1iZCp&wGQmL;kaQodZ@$b|)wErtO;qR^BYu}szNquFiB@qFit|$w*rO1;e@Xclq2-H&y9fXrw!?X<{fbShn{#!t2-D9`QiAV zN5w7=>&13m=5Tm(JSxbCa=K_8-W!quccx|H`wJ>iWiW#-%X-BAyM>td?6Y{t<3XV5 zdx16R4&X5*&6qyoF7f&P7jtjB-yCdEa; zq@2+-LH4TPU|vVmGM_ zz7N6G=ZyIYXGQMgCc$@YMaE9KQ56hV_?Ez)J6Buw%3jR10T!H{D{gz4aY?{AmQ; zH#32_s}+EHcPU)n;ES{0?!l!Gp5U$j3c&PWKjyp)g6$g{uz3C%#;?1>_7YtjHhwpG z`(QYniN1t3eQq$k;ybvl&V}2_Ww6HmHct6-o#lTqB1U7?s8vw7=;4L}rZwj>%6P_z zXQr(}Ex$A3(f{h;=f6!57I34K6$bvRM%Qa$BR22Ayz z07J%KBtH_YQFg`{Ds{acyV8_JPZuYV)#1kU$HSi_?R*_ux#cA|-|}HKe--%d+KH@a zoD{s()esM6Y~RJK9rsg|bbfxlci{QFNr=wHdQ z{&j+nYw94l>Aad~hi8))Njg-aU_G1?G7Y3Qjy=Cx!Df~9LYn0RB7PW$W$N*GXW1mG zv1l4wv}zbOndrfwx5gNydjN-A31*&S_v59N#iG^U2k<}lEYW!I5%N*{oJekTJ`VBP zNX)MIp^rxxTXXa+6iehWyVV5{l_YfF+mqSy!a%q&Xa?Le?}TGHlc7$ycihz31-mxh zB`fGF*!bl(XopGT&Z|lSD>sbw9k~S-Uq+xv8`-S?reNg7Q}CxynlE3O3A$(VaG2CT zxQH%zYfiXm(`msenWYA&J2c>S-6BkR5Fs*NUkQP8mar$nu4hz$;O=~qiWB}>i+n9- z2`nQd(=7hNMu~k8@2yDo?rp+1^Ieo1T7A< z!>Rez;9j^FC333p^r)xg$tJmMQOR@@~MKR+RJ7k`3bzB>4P;{@mkIL8uwjD`G$JDYG@ zPT0H80juAOxn<>USm|ae_zF%U4%tO!{FR3nb)QM=voNNv_!`Qab+CAH7)1MR%~P5iIuC?KuSlGG#gG?l))snr{rLA|1dgm)A`aO+2oK(ufky&= zaq=)#I?*VQJ6^g(t~U;*s#XHy{Y(xhrAJ|eaE@5@_W)Eb`Gh`Cv)M|8IpBY49Io|o zqWeG2Idi0REPlgq89bymu zRy@|m2Tp6Lah>P$__I7)zNSE6lkS>M+)FBNlhYYQwjHG7|Og2Yh79aP@03s9yOliY))&Gqq?V;0MYUJ22qnFFgHYEWNe49#WUhg1eRj zpenZkjx2EDyVcFW`#3|}PwM#mB0!&LIQ^7r0B>{IT+bsKA8@eF{xqo0_k zd;xx}FJ=;>D)CgjGfp;-#Qru0?Jv)Y?fnMR=2&4))T4rT&UM0^Ie{caW)18uqB!jR zBNpZ^^k(iIgl$gGK)u};H>(Yxdv;o3K;>(an=J69<5m(l7s$0~IK1>=?B{wPxH{to zhR80$2SpS3Ap&4&l?Ga5rZ+G&0^Mh3RG8Bou+P5Mb{alIDE6Gt!vyF3=3v@+ujU>jq%%{#)=!=v0(k z{YCy=N@S|mnQ&&~UWa`rwYW>=ERou7!J||qfuS-sJTBk_>}u7A^E1A&_IOu#?E4=K znW~PVeibk$XfXXzaDzPPP#}hh%}_mHKlqI$bgRal>M?!4u-4%q4lkL?*YEj8{D#~H z^`cROcIAq_q%Te#voz zm7Ne}{ThbI?E&X0erTXK71~3O33oj`RR3uJZvWm8?^TbmeT*~yZP+C2*o3T%v=Ys8 zD1_|Q9pZ>zW#BD0y875{p$lj{jkfPE#b1lJ;ftO|@kYZWv>24Y@4d5Pb4TSudxoUI zHz^`B>-72T*^>CaREpmW?;#!Z5^Pwz8Em%ZVWsUtxRvAz#9%DV)rw`iw)oTc9u#|@ zM2l3n?ZI`;j3sOc#|4QSplsb}ftjd5GNSX?dV@Jw`~J4reOCtaI~Od9OuC3+mkjav zgiayrF%nxhAHjpx?yv(B_;(WC$+{7rZ-e;);a#w&(SS#f89+1kdGqrLW#q+vfKd`^z(uFfI`R!z z>K(zxDX)p`_LJ!J^&o8MxXwZc3fxU~S3LP34c2;wVe?BVJZU5_SSn)au{E*64D2GY zzV{M$nLU6bQ_Sf2YJpG8M`3DC2hl6o!j4TE4r9izfc3tYv1N7wcFosEt4>SI+`Ez9 zu@boF6DwfRfIfWZ6G+PHE<&5X6mQQjgnCoUF+*Tk({e1IrdcTI)8(fLG^iY~M zr$#`yqifszj3$li3}m+oWM?CMdirCoa!lvlstn(Zt7q8$uQ6#hiDn zqp6WpXN$B$~?hI{W4Va`M)KIz>Xe44q2OdIzY z-x+VAtUnEBO;9H?{-;D<(Pl99f(h;(?nL#g4Y-%H61|=B5?r+3gV8jd>WQa3Xy?Jl zcrE-Vc>g**wV&!N$zy*W zMnLqjNZ8st9e1ZBVb`?)ydix=bZ(c>eH@_$Bb-{%d^97skOq3is5k|dlTs0yd% z{so(dN;tE_fDR&Gv9!yC&u_LQ$Ao)$)Re1GL@&bm!xK=34um(M`=Qf!5y>hrC%W^se~$V_FPGdFRiC5AlSQvN;iX5rdf2ui8#XmHb=Y{{6)CDurTiANiz zFR{ioI>RtN#~m)8xWm>TEywNcJK1oPvqWph8{rOp3X96j_?$djk~A~}|MUEVvtEqj z7PH6V{eTECskGorTq2qIfrGfZCs)*W#S;Gxo&{sO?&5{+>9kjCI1h;Q0uTR95OM1| zbjSz726uJ7*gsEn>Fr6OJ2seRNxsG9|GdOIqhx8X|5|cjqOeEvJ_&wfQqgSucJO{R zSuD9z8D6O@gv}F#*~Ik`P+RQlgtpd!X%?D!V(N-%Q> zf)&LCJ9Y9=?T;2;*;WfZi>q0Ji35G%76&K3Ytt7~Ou2;DeC!F+qB`G==iJ4Wv5Z*V)J^p4FCf3~7R* zCJx)}2)DcTkflA^cyvWEJ}ipBB8wgtkhqpeZ(0g!(I?@#e-tWD^yF%{9$~JrFhhAd z5vxp<>F-O@bal*KCeCxh&Vmv)S4?P0dkT&`_y9a~E2@KiKeJ)x8BpUbxY-g9FuR$) z5LT0c>)V8V-1&EKtY|G>5bk77lCgxG>VOe>Le6jfN_;0%hM%&=Qv26Yyl1iCjFm1T z_TP%}=I0l9DWVf^Jud{?exavw56HUM&$w=Y5neJCp-)Ucyjq!pIcuy%Uw(FC?xik~ zanmx`E*}PSQ(j}bz6~av*g|4Al|XlC2mDT&4()YcptQ>l&K?YcZ@OVZ*Jirt@@!{R z_c)A?yD0yCtcBf=wxd4hXFyv(Cj7i>%u~d};fvZEcpR?Fk8gd?@b4+{xUM5$tNaDt zPi_`6K$5gX*#TYr9x&Fu588q*;i@~cnM^@5>YU6F&r03LNA}DWYkfX~okwgSv!D-k z>wJZbFoR$B9^u7-`Y`G3YHmN(4t?h}qHFqeAt&KTv~wyz{|;j-Up9hr$!xx(Hx-q} z8}Y^!4+VdKkTb0`6Z(c@AUm*@-LC0nE0qV(Nzt-&b>TjA`4J7rss`|d{{;6%aw)>& zU|c$^1dIx=Va7sNY#Y}P*~u;N<=ztN;+o21_2QsSD+zuW1NmxHh~FB7*_M?7+SCo9 zYtzT#qQC8ezw#@-Q@PH@j~1LSn>J!#>a|>4Qv!IIJ2_hdOQ*M-}LQD4U zL(?I>#5H9V=^CPdhqGP?T)1Si;-56c4Qa${#`QFgsQEXhCh52 zp>3`!zVRSj$+|~0RL+RD3w+`m!gIE?(41@as_=(SZD=`E64%KTu-DnOkY~PympxUX zs;yRFG5fJ-orgQR$!5U15HFUx%7*uCZ^QiXeA49igRxf$Ff4Hhn5{2|@sfo++I=am z`P{(9S%1aWwLMjqbql%tZw8gKLs9CU8%wzO2vlVzfq9Su>~QXdct>aST>cKK_HTq6 za_;DD6p1+N64QPiN3z43$Xs7*@+_+e>ZJPFfCP8AJ!KGIoxXu53i+b!2Nzi2?5FVR zi?Hv?c#V4BWoY{Cxn!N!2Rzw03iIA3vGGpf7?Ktay95U3#HM^GJXZ`cWhLtPJ_?v*wT+H3qIVuVE51H2Ia{ zHqjQ%82;Kr4fSs+;4@_a*TG}yGwC>_`%R#;vY1}Jyo;_Zs3*yB|M0?+iJ&zTiP@}j z*kqEAQ4=VSU9*8M$PtsLT8eDQ4=JIWF3rWqJ_NAM1e^1g+3I?2=^zH7qSy*nsEou^9~dZCv%C&2jUrP#}LU`_Ei7DDClczBu!Q%<@b4Z?`t@l+&ial8ew$aTs56Hk`{+F|_MNvO!b2n8&VEHd5ug zFlW=nEmsE9)@jPTan(FloLh^Bc8%vN5|&dKzY5NUpJ$>oapcmk?;#Xowfy==GhRU@(sprD`Z~gF3kEu zgV4JZcnMPl$Ii`GyxL-mHFAfbx@a($lFz2I<8t9w!xCDY*iM$O2;?^pv@?r=AE3(E zn%8=1QUm+1;$N$8Vv)24t2oy#(pWed^rfGQ63*)K(Oy&O*LmqIcx4uBdz#5_53xo0 z*LI*?oDa)F{BX>p$2d2;9A!b6o2pFYy_;7e77k)FKDttesV6Y5L11?-apM+Vro^vp z6U!_Zie=r~=p^eT_DW+P-Mz_x|EMa!1~WxE?`#L@NN7V>P^NYggdVZXh7Wu6ao!<2 zTs=;YiUbe*PM51r4FcCA=Xn#0Z#crQ_wHkUi#)|K_XQ5_`3%uL`>oJ4*a=ng6fnp3 zF9u}@Y$@&CJYakXs8`z2-q1qWQ@Ni%8xqDs(zDpyrkn8IZk6a`=QS)h8coZdPlW^4 zQ@DxX^9y@CoVu;N2-bE2>&X5bd1iARloVRUxx((zb5|BzC~w9`vK>UUV<5i}GaY~2 zYlPCE3}7<-PLIMA=(y?UaCTdS&@cbaf~V!f)zNc=Ug!&$5@&^Dcb&qfgSlX*FYv6F z{Q;klfqaeljL7A@H{I%H#PwQix$hD|%sAmL**iN1m=`O$r~K^Ed?GQ`U@Wd3~A<$A7n;AIrCbQ#A>%( z$C(5F;ZONMoIgT}FL;>=^~WbOVlNGSeMiCQ>t#G}_Z(hO^F#gQGcYeU1!fyg;M-gW z!OK^b09y^|&|S_nJl$<%zQPN0o z%DL%6_K+ns;;RcyUNw{UM5>WbITj@RsXY(bJO^7^=D^t?Z#H~}g^&f*5%hiw(IPAz zFAXS$XG(+N7!0GGd-l^e?^D4z+JeXVoxsy-$ArvO0T^zSpjU3j!h}mM^rSTK0iSP( zB0GMu-;*0@g@+Ep4;coExC>45%HSIDx3WiWi^1(>|bjejfDC8xcF zPDOG$InbyJ-3#8rjh(+h-bsRb^`6H`_ge5=Q4gd{0`R;jPd(-))6UuPc+MskWai8A zI`ZxQ?cy1JLZT&o6p-_=bjGd6pgblH zH@x>EeP=Vc>9A~U)?A1mKVK!g!wT4s?;dpNfd?ebJ{`0!1YxXiC|GnUVZ@0asCw}> z`_VIk&ObQ@rcXAZD`P6)piC$BPjjfAJVKH0UA+c7w^8xbS3*8~-9hry@H)omGQ53r zE2bT_L1Jkl)_ahJLj>N0?(Q0#{jaC`;Oa1lsh+?#`pA$+^VeZx@<w79oE9>H?-` znuGnnZ7^Lu3F{T_lfgUNVW@Q#)11G6bx!($%Vp9r!(}5q=<^-F-Rgk&E0SDNV-eUa zO=b7<2eJn9dfX=^%MUcE(t!!lFsQ2wnvw@o8_8vS$3Hm?u4{y;>Thvst~xi7uElq4 z!hA#S7u$Yt5SJOOOI|+v0_`UbKF`{pIXkQWccyK>f`zhV>AIwxYl+6&n6 zeKMUyhQm^!qxwbm9;AOMfQzPeqH}-Mc#HXC5~VJjflu#(@MLX~d+bz_lKPvOlq$lb zstydBuFj07&%tNQV{mrCU2-BPm?c`&K#k9FwyjGOI)oYY)r!wxR{ayJUbsTk(QTr^ zj>nn$fDV#yGlR)SzJ~dgb4a1D3@wklhZnWwiKo^&wtA#0jU2v+O?#0DL)1-ZyR;;K zrtbp|aoOl>Xvs6;rts{l7^kJf6vS?BIgs{bHmI3az!HHmtFeC!zdE`G%LA0DO^y{d z3f!#cx^dO}gOt!&a{v_8&0u5joapo0J|cVLFMg9sfbUJuVS;*^cqzW@D)%`1@P7F&E56NmrI7i2h6ngE_(->_b){lW+*86Y?hu8OiyA2Yv$oBmV4|wuzIZ0rGIVrAc@{ z&Zc#TkF(HU`E1hy4IYk@NZ*kSaKPGy)%rgnbAF7%FGq*b`04KAi=?LMNB6mSrD3>`O;-ZP zQJSdvdl64ldrkr_jKvZi6&{a`Y_j0Alf0LM8oP$U7}5r_FHZusJGU@UdJ^uO=8YGt zchgCZ*V*lj)x^m=jaWTdz-}E)C*BY5!m7wlAq(d~jvC9csN(rt-bmn1#hLND{nFH9 ziWQ4qG?5;h5{G~4wBT7s8C<+;i$4s+EHiX1NuD{kHuR<~ob;K=#+Eyivv%_QwOsSKZ<^d+JoPbxacor?QV0f zv*#Atxi{f}cP^md?v5H?4AIH-03PxmftxoQapSc*eCuF&To`->!oRE1z+MYFT-cS# z&ke=wQ+Cwlt_Im|TLh18yK{f-%ec2*8n(6i(k=lqetQ_9aplv z<1X$f6S6^fSFlwNqo6jt%9xSM2=d^rZFjHSLF9`JTzAscbrP;_V4Er@!s15S+$$He06 zaNg`Yo2ynr?0+F-*6$<}Tpxi~pcNzx*^j2%uH(CeD#-1ACtluu5%gRdp?(~Wb_;LL23j}`<#YaqY}{V zOEfc5nFBFbH0g2oTkz@DSMn|H7xOdjC9C6|@Wic0EN1Bv7#%H~iL56J9`eJ~^y5xg zC3zH;E{}$QuKPI3e-2T9TnidD1u&y;DIAX!=B`rRD4QCNb5=$`&6XFK{%Iy%susrg zJ3hce!kqK7{zbSMbBs0o&VZFWba?0W6eygNL;h6GMZflF_G-*AyjO2db7seplcz`E z4kHtA1|zh1{s4BgzhE&R_*+vK@I1@0|5d{LG@ zsy>Pm%W`nk#;@dnUI;d)?}xCnzO@m1mFc1l_aV2~4U)?CIa&>p6C6|GaHQ?{R%(y4?UCUs^;?2z$-76U|xOV+Ho(kuXag zUVsB~%GsXHT5zAMQ-9T)tbSoQnf+4&A~PqF_B>>+Vxb{gEnkJ6~Xq;|*x6`wsTr zvk%UtooCOVI*896r~>&@&*4l_CiA&E6OIp3=IeGmfo=6mS&q6jJl2b0r>(w1pK|~n zN*YA7gx>R-ZHxG6iT9ZFeGX=O-xhb>(4bq&khl(PW@)Yi_^h3MEL~sl0GdvNzhXPM z5weRcCTr+F?JL+PR)7M>wNUZGkcMZUXCsb=3G?Mb3~4$E$2yN-<;WdSmC(w#(tYCg zUdSs&d%(ykFVR9f2a;??@$ErX;Gln-oS*WYS^UWmugtI$scJOB@Wgdo<4qE{O2i?a zaVApgX%Ia3I(u7t0t%cA`N|alXQGdwna3aU?>`s#^l%NUQ_!UgZz}TMUE|@(`&RMo zcPC(SNitFI7yxHVkFz_wfLxEtBq`1&v@g961Ap4##vXl)ne$EPK9-Y^^@Y%-u1V|C zjuPidWuSjKg?suw1dpLsIK-iwg@!#RJhKZfx=kTtGH1c|kc;e^sRXpn(xwBAHu6or zUjUaY2)Nu3VUKf~44X2Z*_Iu{WIf@YH~JI=lzztBVefE=t_qFLI)ybuOVDp-F7C+u zCNR0jqG*c12u?F6Mvt6%U;6{J_IQE=0~hie`AL|*#uNKw?&Izm42}z~nRd5iaC`Ah z$mBG!xcHO!>*rfC^Tc!>JJMDxw|BItM-H*mDw>R{&PPw7t9nO61ELpQ#Y=wzK;5F7 zNnkr0cqR=t4!6f?0%t^YAx69qR`burk?i}T9q{m38XM>_9GBVXfnByVhGbY^rG_?p z*~duCwk_Z?70%vP;OaTjpm}c%|D98dhu2+ack@jFh4*=X)3WsFJ2u_(1 zJXdkH7>q}=bZpaA(WxPdbXb8dE?uby_LFpY@ykm@rOAWr&x#V5V&!;h&T^4L z!ZAq8y~|c^Ov95dMqFX!8d|=_6UGH-il;aowjl>=6>X><+me~KJB<=6K3RheF!Fh|2mz}#222M-EtDo+m{I3Ra zMyx;dz59!P_GjVAbxq7P*JSqPZme>5a&4Ri!H%X@yfM*@Yi!pN+h)yz9{GDBtFv41 zLzg5y`*|zxyB>tiM2%#OR^$8BQ`oO(H_uqix=P5JU&=%p>7$IGS@!^jiFW{)ZVv2`Q8YC9ju z-gEe@Q=Koi{)+0W)o{ZoZQOppmJPvwtn*8ecxUEBZYGXruI>e>vB=|Sbg}SN={BD6I{_)fUVu(=?tT7s%Jhi25P|N;KCg^i6 zhM5=a5Z!1OI@${e|6^GX1J#TivgQn>9|RBHr4zbB_cR;!b|UV2RtK~1d?8CmDZ?$X z1id)z8komT#t%ZrTV_frN+{HWCcBLvJEoCUF26)8`e!i~lF5G08;I>OL&Zk#wdf*^ zRE#~N#25JMp?$PDPECzO=dp_Xn_ep{bbco6?=#_T%62$-ONJNa=3=5+6BfzIaJd!{ zLXS5D2{D}dYX?Zzs|XyZc^D>0j^w}J6#{QbuZ$)3TMER3C-;3$H=ffOd8_z>+@6>%jBgH`wPL#QqS{9 zcPjIz5i0cNSQmIv^ps_#_kr_z8Ezu6R$Mo&7Zz4tLDl_Dq6SSZ>Z_rEEgK?n@~<*> zf8QR*T@6vhah?_gS>0o6{i;~2_z@=ji-&8U876lh1?*i<<=zeCHSISXsEsPz(XA2h zevu~Z`%CzP)jy-hri3#yf&N|<8@ZTcrtE>#xIc;-m8X8AB{`MYGxieWS=>k0(x z+=K5{cDUt=Gd{^306zKOS#ef6zIJ-VXk!}lm43)_bjRYpRAc&EQ~*Q!-?Mt}fw;ZY z5lWpJu0p*S3xDZOIj7o1eeWPXj+!kna;X-lhdlNNQfcRmH~--1B5;Sf{MUqQp()u6jq zB&*)9%ai0>@Llg&RyRHjMt{pD_nX$i3ccwV`y+u|oF5A!{u@gqTVQQ;HVI$!6_>vs ziuWhn!bN>LT)m?nUFHP9zvo-wyLlhkD)b|k7^(9EJ3nJs;7H^JYuNaOWwZ*U~{*1sUPgS)1cU@qf#fWK8 zK+LSUv{K?cEGz#7#-=gi{?G=j7SCquyFZgr!dyWb)8KNS1Nra3SM(Ry1{aD%knMR3 zB=@<)#Jh{{{> z$kAgNhY%NIw!L-o0f8`Yc3P zJqKuAuCSNdriuFhO0j2>B3U6-2|G0p@zE-g=;rzqKDYK`-H~fVx1k;cI4<5?q(d(( zsv>fSzMLE>ni-8QgQr(lM4O6Bzp>ywZG@f=}{KhPqWS4%2m<3nx>aQNiD}Rj-7A}USQ#0v` z9iH4`tRo}{`A*LsP`qCo<7B_F$d}#1GcJvN8O36foj_L25#!f+&hRJZ zFWgTQ{6?OkT+zmwYP3xQIb~UXc83(#Z!+OObIMTdyfN;vok$nC7}3%fx;$@T4%A~F zwkid|f5FReY&gY!r9Chw&5`&{y$7S8je~fs#1UUd!VR_8;swfixBzR|!S>6nqjn&^ zU(kk~o65n^Ydt#uejyGz`vmT>L@?EzNe9Y)#}(&rCgxUM<@6_rf*oMZYkUB4L;uAC4RB_oK6KGgKVOB|Qt2 zad)F7Dik_`*76R(o^JN0>9v>+FvZ^7FK~NmAT?CqkB-OIQme=txYz6j4iwHS^B)fu z?w#7Oe&KNO`@hW?HbDuyJY_JeI2%(BYoOlc!L-y$g&6q?-Rt+I5O=%?Ive;P-=f@XZmOWNp0^K6SW_j_ta_S?mm469>Yq z{R;GoUlE>>2&3*MYW$?Nz@A+df$KDNX>?*VHQAj6=DDeu?B9or40qz(1YgX!7Y-9g z=EJrn22>|D4e}*>pvct;9-I~!g7+JMKGQ|lmV=n79ScjUMbt{`9G=}hlw>cu41cCi zLC2~X=GNN+w>Bbv4<3P$ox5n-_DXpFwG!^ip2N)G%lNGSoao6ld6+QlI17o|272#L zkvrnGBJVXqrqWQE4;vs$<6{TYu6>lc*G8fJ`Wg6R-DvC+7@>Q+jcJ?JOWgMQG|};U z2LfF7QWA|)JYW?RNVZKt->%SB5 zvup|pQqiQ-M#l;J?ZvfTk~OH4qXBDeb@+eFeDSfm!2B#dg3sRT5h*3cS+l!vG|A^w5#vmcN7`2`Yv-%!0 zoP62|4fIMu@xgM)IQEXMOVvi}qwO%~)&O2-lmsqco7lWdj$EVt7MvgS9>Nt7tfqikLRbH7dkEv zQRDRt?l7?g9!%Ee+t+Tv#y^Fqx-SWyy_pIgCJM0DaX$2a%7H0e$@KUiJq(c*7)wH@ z|KOT9C@3|CX}3;@dfgP5jOr>3Sd)X+Su#9wVmA7T9+J)8O8DO^DLN+ZErR=ezUqQN z?prmO-EgXAlF$5vZpUoa{KyH^0;(Y>+(Tq-Wdt7|zr(I&5_HB~7w|n)Lhi+1f~xre z#3TDGew*+cM-F?z)NPzFF*8oIZ*c+4u}c=ZFY#=fnKHgLmJ@QQd1%vZ2Hm03kmS6E z-U(`fi`0`QQQ0j&w);N-P&K#T#%&1InF3i6(nC_32p>NKg0}Bax$K%x% za7*asGyjHy%X`Ku)Ug}P{m?%qEPDj0hG61!QJpC>JAqiNdjkSZQKa1t+F0E zJuG;IYb@O#IgbxbOo!I@)$ApWBk4_<;Qp$ZMD7wC#8Ng`C&R>tLJP?zrCOBfMDlmU z5cuBw4{p__3*G!dv_+!_{HMwDK`6(6)n_s-pD?mPp#^RH!*TD28N94Qnunh%A`j1* zh@Z6#;+;L}y9nDa=L`x54uT`VLEvjBD^2xx-hezFU)eTGLF7>0oD~# ztZE(zIz742rmKlp>@zXYPlfZn<55Xq&*e$giHlskVc+5zbmb2}GKDXt?{uvBU9Y3K zPX?1obyl>qY!p`* zVFm9_s^L-ZbQrXM8T5L~@eMB~unV_R@z%TBwWHszWY+~}j>OyTux3{!R7Y#GM`ba@ zOEv+Hc)o=D;T)P8S3z4@0ukNzWuFy$iTrHR|TP}Q-dr(UG9BK&}-^;qcYsXCe{{!Phw37x?=Nd*rD@}Or zTLqkWsRxz5U&adxBlvK(3k{p+@x#}rvMY@lP!*g^@_+w;(QcDSPMjrc81@QZO`gS7 zFAU-1ms}QYdR~m9Z0cCk>)ZG=u#@E_-ozb?&OrXHGUlVA#r<>!;;yGjAbwK`P8$D6 zfnq%-yw8GzuZ4`yi5ciDoF#`{j6(gp@nlNgKv?x82z>uN$19&U3U^yWXeu;;0h+P` zFFOm?4c-lp##M>;W}7%BG^N7+*Al$Degte7YD(WIy<<(o-{P8dZ#a9(O8naADk@KD zV3wImY{{Sw_#!x6raTG&xn(zTSKT1K{Q5&uWp)c*uly?Z(mxIBJo2&P;eF`qI*FTo zhQfxw?#xj~6*BV`U~%>nV)DBj`klwa-G7$2Y~Mu~JFcINxNrdIx4+;$pW@%ET<}%z zz_9LJB;}^S@m4ItFS%i0@k`)kS$8rG3tir+4(O^+aEO~L{d8_HJ22}noKT)DQav?M z*c&}!=k{dR4mVa67-janp}rNW<^93N!W~kpmGHBz4$4%VAhxxpJavB})6z-9QFFgx zNy0WfuH3~``nuuqXkq^4F3A^^zaU-Jn}uw%3f>=cmlg0tbn}kFG;=4Ujd`fE;vno3 zIN*l2J}}EKWhCv3DII4DwCv^ruyR}~_K7VNn+U%Np5-xE@#75aeNuvL$BNnUget84 zCC_Ia{)H<0Byg6;ySPz&W~J zpe3B|8w*`|MEq@$E=-5#?bAdz*4I1gZZ=@~AL@m@=6L8!m*H>pn(=^3F7q<~2IaN_ zd;IA?vV6^KXgZt?F{*OZA3dS|r!2Q=J_u$No;+{vNPg{(D*UG&imU79QRf>u5O6{Y zm4(jM8>@9t{6K=I>AVxa3H8Pq_8pM1Mi2AurZbv*2W}gw!$@|W*}eJ3B8Dboxq||V zN9&;G%5n5ywD7!Ka>B-AIpQlquK4BdV61v|497)GV=}_u24&o5XHA3*RCg=**mQu| zbVjDXFJNOQj^K$8lCZ8g547{o!-mS=%vZ+}zG(J?u2&doDZN34{G34zZQnSIv8U)@ z)DEMI6v?-gVNB~w3N&Rl;aTGdg85D4cz33_MrJ+NX^MmqYwwUdOW%^8>onPxsAD)j zeJmdBZzFF`Ut(WZ--H`Uf+z0ZJp7(iM1ouDNJ*sN8``D_nqf&o9^nHq4%`X$!rind zUg$}Vnn2@@Rp7#2b13@n3QkmiMCREpVMh<0arCQ7g!@&sWWRYViY~su+|AQO>qkF= zpxHyHndvbIkWOI-Zd5?^R0cOCS7PHM9bPCf#d0PItT8wQ!a@ixJyRqTRi2?Nb>Wwb z>&eFHQn>V4gV=j{BRqHzjebta&{MY$3isT^mtOnf^1+ihv?qf&q!H%%X)Ek?X=e@n zAMsvdG%r6q3^W$3z>qz9aJeRe6eoOy7@<$}d|DG;Ztfvt0|WW9`=2rI)@{g_h-DYN zTQEe=pPjY3f%n`M=#=N1d5i8zOfxDM+<2+5X%2;rk8fkF-XC-_e2o)_O<@0)-@-Sp zeh_f#5*$qoKIoVwyH)j7kBu zDUD+3orz@P^SkU2e?$DezY)u=mjn;D0WYb(4s>7#Y#DMHKRvLg3kF@pQ{fk(s_z4< zRro_zT@-SxjkTmJG8%$k2>T|_c+k{)0FRa1Fwx3_DWDJebJLji4*CPT?S|o_hk0TN zg*Wgm+!HsM?Et-0FDN=|$E%k=hq#6eEEcVWbjMI~W>+p5p!yx&_2r>P%2>2JEeofrevo-Z&tb%a z2w?|lOf^3&B3{c@;hiie>g>E1oe!u&PNWr;p;AP)^es%VUrg&u4iW3u1a71Z6lZyx z@={qN)YEHW&pL|9icJ#qNaZD*tQ*WLf+eWe@_ZCa9>JmKBH5p-3V3F27W=Z{IBtp; zgT#;-Sf{p-*7oIt_RAIAx=lm)^5nv~3(NTHkx!uiNe2GD@)^$5_OaNi6)+&N37>4e zi3JUx@o{!IdcJmo9dQT1Z|zI4jYtvqH0a`3KG2= z!R);V<>rNet${zEyUd6N<>}!3LJczS+5xQouo}&uOu=NASGceE8!M7H!6rWV1k)G1 z#2w8-PU`7182Bibt$L=!|DITYokAvcl!-dua8iu-ibwG67gSNxK_4nlD$(Y`N|0#E z#M3o`U+%#=93Cxn$~v}Di;GH_U>^&u2W6?mkgd%9$7_7?>JYiO*@o}aN)QbaE8>sd zosi);S8Vj-Bd&Tp3Y&|{z-7bC2|G%^*NnvpU^Xxx*6-8ihqmZb^HmD)eN_Q&Ze}dl zrxh;`$tE>XQJ5L<0ccv8*u+x-_MK~GXVo(3rN5SFayAQ86HQ2$*4v<^*x*ykTG&-fnMrnQA8j&p%K zQi}9X!3GjgYC;DNIfw^mXTg?f#jMTShfE1xz$3md#-poj_^vYs^y@rRQPX&LdVbFf zwz7F5+ItM48+>Kq)iPsjFgbyfi*7OHb`u(Td;`pSXNotU$C5XL9AU#fc^cMLN0uB# ztXS#`T6$qr%IFl7y^x34pE^vbA%nRr{s>8poa~vb!F5^w)dmy zuaUTCMLHPN>=Iv^dK=s$;{d91NcxO;wpquHE&US$3G$!GDeXsCt+Ed76jy-KVgnG- zG_vNk47ZC&a=h)b5IieQxuV)f=>DvMaq@Dc?a)zp6Mq?pKFflv&@N_iwt_Xt9D~@K z|1e(QF>O-ZLRUTe4?9iu!N}7E1tc@1MK2^)1AAH6<>CAwpAFT$6@vRtA3whEA!p^A zLACJ+l+7)Nw|~w!%38Z)LXS0UGFuBOOWGjwSPCdOJ23yeXuNBz364^2C zu03YJ{e*p0oOK%5u1X~L=e5(372?%M?w_BQmUgo$Y0wPXl-k__QTQwePg7cyjDpj_&6^+eq=;?uN> z8^%adPwA<+YwjqRvoZm!cKw7+n)_MZF?r~icUAnxZUHm(+==sJ`k;KNG(FgK3v;JL zi8lO+$F1S!)Ymy4+KmUmQ2%1s_k0<1i9Ns!4!?m%C7Z#z|2Whyo5F50E<6l zv2#M-FVeLHEz}0E@{&d@RV)??)Y;TM{+8i4UDT5w4Mr|pCG0W4yA+Sq4O6`|;vDQkAe)%18tOwzO z9$&DVuFlnH3UjYlq$cxEu=fianP-?ZnERZ;%oTx*KRJlHoAfyS-AsN>ZO2PrHsQ#C z>8KoE!xq;Mrtj0e+0LGW?2fNKC}z~d{tQ(-+kcBhwa3BV!(v!}MT0&c@Q}GanZVKx zJCm3LPf)s0lH-YoY~Zz}_#t;3uetD)UHW_+Ba(FJo1TAcmdSBwY+_J9PMEu@Z@^K7 zpTXQD75-HYqGtxm@JAaR!Q|vw$P;+WHSuB467B#k26y1qp#PsGjp5O!47k=;h$uIM z9~z=douVc|=MDq-uqM&+lu%eQ!w^zCpRqdSGdO#MF1N}N z*bZ%Lamm*MlSFajZwKT(2MI%0S^Ch;ZHj>M#jH2gX>7laD z3an1wi62QUX3Qyok+L!38im&=Z)(qKRq`+`a|S(Vxfx>HKMLO2_r&3?A}!C`LZ@q- zA?E^rW75r3_|)bAm-M38;|=*lwSON5g>S%3W&SvI)>}d?9+8wF3qxY+{DpM}WLJ z4$_ZzU`~e$cf0!qEClvivvwqxQt4)X^TKes++pl*^kh8wIgWMs3X7&r2Rx|9dYvmV z@k+WZzoJ?h}i*p z>9Zmk_7%}Ip$uoVoP$O4hx7i)$*>{9grqiXq+SZT{Ip*!e0m#COi~BZQ^|RxW@EI7 z1s=onUw25F>;RhJvWd6;9V(huwE=oaFgT}IOti%X647i z)${LIr-K2G%x=QS$3jGU)p+LO9)rj0Gx6}l9`UihxqOqixu||-06MK7NW|q{P?Bzm z66Y_0LgY$na=?eb%20%rfeTP(i$7cV@iR%f;Q}>BG--C;3i$9WgYd}`YrsnC02!_$W7p~yM&Y7$(O`ClO-_m$qlwpUW%$3^${bXb9DAm1x^>sk1`xsU$ha+Zv!e6WM@Oa-({G%nuKFW>bNp`7})wysf%UtpGNz?hXV~w6QrVJy1JP#a9MDhpp?wj?I7Q%9e7YSE9dmD!u>YiaZ|)0RzwNE)g_AVS4bi04 zr6uI{Gi%;k-3U79%}cJy5jm?3khUB6?xa(&eCJ4hYV~ZgOldm!s+$Uq`Y5=5*O|6e z4m?)A&MC;(5#k*iVi|IYUeS`6G>D1y$Lv8wgQfJ1wfQUDEN*22332) zC-}V$f{!nk&=p=@5Hl=HB){PfKKjbotgLqU7%lL5#yP@jYcEv%a}V$3zX3-pfwA@y zF@D(=+@QCakC+^XSJq3x`mu}nJc$oDJuVz}Pn-zO6DQId(>{DqY(kBY2{YF~;!rV( z-fq4HnRX+1^#xBf@QuT&$+hry)iL5MClB~ep4YQ(vH9Wy*f#biJl!EpSFfrjM$P32 zE}^icRSTl0nez#g1F+D0F;Dnr#-;Nc$-5Azh}+h?{>f5C5}?ZYxX2kxv}?-nTR8JtZeTS~~=u?X4l# z7N-!$3ohtdm(NyLPT<=!29c+ZVMJlv8GN5rfGwX7i`rp3FG%r*RgSX!U*!pQJZ}?Z zkGoNON8SO8TebKm9cPdkU?MW@T?LAd^1)cN6@Q*K2lLK%XuS*B#jn%Ad*VEvZY@V_ zjc%e`-)MMF&k7xdd4h{&8!1}4hNcY@arcNokW07-!`^>qXlf!#3;2bd=%fh zbz_Z_G`JUU=U0ArLr{mSaQ{7rHdQ;prCXAl4&}rxLxM}Vbuj+@1o-Xo<_ZlmT)zDP zq}c9Yq3XA=!(ltN=*gl%Wh9KZ`ztOgEQHxwk`VN1988&=iN^-$Q;AK+5OUK87qq_> z4O`_3{qH>S**hgVTkk1&rCwk;Zg(IfL67d-Zoo%Qsud5ZlE76e!(h$7F>upNPWT^p zLBn1Ro+O=t6?$LrO4S(X9~T2sew-NiMBw25c|>jTKz_g5n;b0CDf{Sv3_m2O9OEwiS=*M?9=GatH ze{KqWR=x-Nqut1j+FA@UFruN;9+Qu=LfPdfFHrj450JC+qW^Vn6&Jf1!D0I$q8CR8 z@e1c{cs9h67zMPEAzQj2-_HTtj|dy!$8M5We=m^*@2)uZ9jw9U@<%~q+BZx{ z@dpbXMLJ}lJhz+yVEbzkGaeCzMiLHe^Y1pX7jc6GiJ$Pe_Z~Rrk0<+9p2XQ3n{iQr z0D@nqOn*)mc&gpP{kql}U|cdDRjU^G+)ZMrk|hVu4u**XVzBV+A2N5F75%9$2Ulfw zz<0@ZXm=conVlL;;g&KrdKrr9A0NW!zXSN;Atmgp{v&8`9!##ft5bzmH7uN=D)a$@ zP-W0nyj5k0qxSWZ-G8i5*8V@(SA9(sDZNtsOyV>%b&ChZs1tyT19+feBfQV61OMo^ zFz-z}N&n@_3vJ_p_D3?w&;b}IHHA4e<-@!Yow#A%QoO#^g!qOm<)?*buHiyHsGD1g zmfh_kC(e9iF<~E>){J%d=!^!>{X)=YO$aW3Rm@bCH;GT%4S`jrLT~KWW9U?y18xg{ zp@Z)*x;6hjoHR-Ye@R97c6lb-=YNdoYo5bH*F(5*zdoN>5el=$=Ht;HRy0d*J-o5J zMg$5duMsk6RR&{W?G}Lp-lfHx|4rxZw$jvZ+f^|1cHkqLDzy5AFogKvGr zPpTuh-+5ssz^CDvPZyxk^&YzWNb}eG{V*>o8a@hL-XWep@V)s7Fm5men>W2MF2hU6 zgy2G8VBusrma404eWn2YXW zKch!b|5TFS7*L8|Orwd5akwb3(UUf)D$)~+tZ2PM6|OzOFrJTuTYs*TRM8mFSvFg| z@v1s+bytE3`B@NsbQfx8>j*i%4Cpv~1I=zGpx@-BwFcMU6L|+$%8p!Mw{tRK`i#fq z$(9vNB}m|?>I{I1g3I?>BZp;Xs<12k0xN6q1sUHM)YNx@-LW+o>$8ZI)HSgKeUres zN1o2#avoK0|Aye=B3M&+8E4+_2RGN@qSuyXFwaQn=H4I57e}XJ@!FeY)}8;bc4jP8 zwx5;6r+ ztxTO8H!Ro-J=#$q)t!T;=AX$N?KT|o(~z$5_NAxeBl+k9^;ln)he;QAlavct@Mr!R zeD%AYxg2R0o3>Sei@y~5?4i`c!x`J}zr;$@IXL8%8NF6Ko$faM4`vqc!2?6?;lyVz zA!`>m-Hd!O#nMr?*pgO5s&A(Ys;m|5-Z`Pp$%(x5 zVFU9E(}BrTA{{S93H_eo2|TBz4r-&#xM*G`PD@B4+jn@Q*5q`N%?)q*=t%+|ye7C` zJKwO^Gd_^o;kG1evNX(EcNbb?pFr#NF{rip5q8TwsGj_jawC~(%*VVEKeyVEkE3@% zXPPD69>KvQOvn&^3MRp!#&qdyhDSD&)jm}2*K?~tQ=QJ);Jpo?{Rn3_JT{zdL7I4yA5;}YY zzNXG-UOrT0i;nbfwkI$3Nn}aUp{Sbilho{#<}E`j!0X9;I_+{SKkRw|)Q20Ox;5qU zulJMLMOwA8`m6ZhP15}Q&;S}${+L34MzF3K4K^1J!p|H^td&@ zv&EM_VUTAyTGtD#Ki6c83jHK7BoBh~2^A>1Hi(w34}iY%5A3tfG2*7L1jWu#u+(82 z{I}E+MDg>n;^-ZA=i_1iBCkg1`lRC;*PB=)0#3awdI-)i z#3+K$SH0rO^0)9MyOm6}Qf7Afuf?Ad9LW+RL+-6*R)va0>&yoF+0~do-1Sp5d9xV|?LC0MuL&HG_8{U^c^owB&r@_-xYaO>9 zEQSTw?}5>_PiQzoa8K8GVfCi~GGEgWCJ+CPTNWFEy<)QXYfmRQjE=zSk~*ek;m*gL z`h<>Bt6;6C4fNi9$tHRzLSNKg?xH&w^3TWeFhjwq8Mcnqgd3n%dL>4Ts9|x_ujBm( z`fS2-4rA??5c%GN=+`3n3%9?*^qDT8Q(J&*f(lW^%?3xDjYRp1AYa(Yvq#4c{9Pjbv7>y=9ub#5a{DsJX82m&D$3Z z+e5FCe;t+ZG{h90ueTG|A2T3g>p=SSsRWH`7$kUe1Gx2(0zzJYU<)H`c~QF&49k1~ zuW~ktl!UWRy^;a!ihIvCv}&NtgUhTbeK+{21z>*0bUtdOVsyu{l ze%JzqCj&7g_ztv73tf1J$9O;^3q{#qz(1xD4k@0+r|ySfg1Z+F_KZUR$5kv)>nEVL z64+)6ToB0$bX__QHBEn^vcYhX_WBa^ymkWrd$3R79t#e`jge5dOP$I}PNd?c67*{64?G?|=8+&-tA9^M0P!b9Ur#aJsMoZ*MZE?|X&bU1zpc0?3lA3d(X)7XM?juF;603Z;&ylemDtFl9MsWDuOB$>A~M$3|z-auxX;N zINV8^Dtr7TBbwBq=t4d|`W=gRP9MM{^AF?dYnGJ$9L*c+ZLB?VF+pB zuzvO*G|aCpCut*UncLLgUC@T%8!|!TA z^pzFj#p&6k%{c|UvIFr`Q6e}OIbiFTWRYy@TZ~`Xflos6kS^_k9WE6Rux>H!ot_En zO#1LZ!veCoK#@N%I|`5VuHYH_EWzJC2X~qcVp~jGQM4(BuRmx>j|2;_C}eZ~c*7^7PiUxk1Ya)yf}VPt;Ger0y|rD38?70| z?za8GNPh+XrNx!pe(#LO*2>WPix}z2nLygDvcwKqvGAty2pzq~h)1QTk=%V6Oy+Vp ziQl>u8*V5=ORFtk6;jB84^(4y>pS-8qd#~r9Kx%XC$RiwSIAhy`S@z{ESM9~4BZn` zVNkyrmpc^>CV#syG1m^Qa^gjH+vKoq&jBitw}vhrp+LUrc!BZdba7Pr0XV2?D^{C! zUhux01ydU-`cgVi94dDZwx4^AHTSlcPA=RBgH86}Tw=@8N)CYh7LlNF8o?>|2pBKr z2PIyIVYPdKpuc6|AlQJPm*tACxXpok_IiAF`w3`SYJ_)ouM!U^yaXAW*2Aa{Cz0fY zLu_n;;1dfu1X5F#_?cnR>|W9dNYFb0TQ?^{-OQOZFfAS89v8si?9m{brXrgD^@l^q z^bLI4E5XOLbtQW|B33j!#D|}d_)O$uWPwjy26r;*!{!X zZAZb|#S|k~_X&J=S5eQ^Am|e~CdRL4K5p5N!{B0{=w#g9F zzYAS=DQDqlttQvmI1$^zX27{)llh(t&)D9Ud_Geq0OKBwCkH3YLV2mjxbvNi*yKYl zxw0yYr2SgWO->rKm5LsG@9xu}Bxt1r7q21;i@gLLst)RO&ylKzBF8(W|Hy$w!{DW= z7@R!f_{(2*xI9~$7k{HXAzF!QrH{dk#|}KM$B3@;WN^J@9!Q-@;nMOqLEXFpI`kxk z-l%AF9h>LSI`lX!@f=1&e6B!4zB)Z`Jc~D94#D1v2aZXjyU^|H7o>HOXc1V1lea2T z-=ovH(b*NWYsNz;KYN#1dwwLBu3g5Itdr#Ohc)23dKR5YJ_~xi1lwCK$#tiz^NpXE z(azw15dOh{hrEiTe|BWjOF;{TeBw%|e6W>16moD4;Z}5z)mqWvUMo%&E8+d2YxLI= zg!j?sm~~G8oC`7$cdfPH-(NA*?TY2nvERu~uLSNWm4FWuhR{0gYhY^cjUQ$^@)7ca zzBSQ{ng?mp*SikjP)LRGnMcufjwE;Mwd3bgzKgOR49C&-SFq&wVr~>_0?$u=C+jM2 z!_qmC&@pKT&j`__J3bv{2Sa|btSM7vEv(@E}szo+Zqg zn?SHnKu**#vQxtaw=cBCHnLSbQ_}@Q95#~uf*QWJP5AE!9WPEjLdrZ@LZs)UPPb=m z5&WiwSTE?%*)vX)ar4?p#FLqH^{Hl2@%1dy`QbP=u2SX-5BlNiA6L?qmV?H#vsjeC z{kYnnhW2iwsVbd~(-(e%E9Z2$>8}Qo?;VK=C9}{%?;v(tXz_>-v2a!J5&Smpg-`4g zUiLW%%V#LU{Oj&G=%ccg3dZYA59;h#+fnSaIboW;9UbG z%_Hc`>~Ngac9zT(@=Is3^+C%b1Z(fDrO7j12p+gApnGrtWOc5FiIcl=~zuMIubuS&09M z$I@*%VfX?vU}K^=PAQLN!_PlrZ|AMy-}C0ud$;}gNQ0G(h7PB5=dY&*8mYvwO`5-! zS1jHAB91%Qv>@x&#mA{FY}c9wyk8T|R5Whk7~M4@i_w=wqsug)zV<8=FDVkTUIKq1 zb_SLIH5KElHh@NjG5OxSm1?Ys!0Ez{{lv<0zAavfI(Y}9bgC4{o}G)^8x{DY^TvGW zr3zMhej0Lv1$d(}6XjMoigh{$5dJU~rcLR=V@pnhWt=2$@wkc;zE307Kg+-_+Zw@+6arnaO3)!CggngRw z8@gZ1Q^O&l?11lL68FH2hjcj6q`|q|e)@Wdxhw+`MWZ0qGM46lmxtbq9;`S=lJ8f# z3}vCKF-So~EAxhNPhk(UUEwYhw~U~31r4&l_BwUYOoSBUQ0f_Dhs$;uQTYvb*?F7! z;NK>AFvR(uzW?Va8HaD z*!O;X-llKpQRpIY-`)A@5xc1GsAgE_{0=RjCt<1nX*@Cz;NgU3k~GDO|BCnxk}@a3 z(e*!2C|S=Jk5DGFL*qX0{3K(J1yHWi(eYvigG1xv?Kcyq}#j@`tby2 zdc4qClbTIdH~l9bwI&%`mL@~?qVYFS8%+AaQ!fX{3Dt4s*gaw`$A{4{T5XGZOeBmOEZ3I3~x-B z!RPEdj-&3Cf&R--EVCO7?(VDT=fhplIXK8MXxs-}x$-@hT^!BFElh{(e=De;(04K` zeiG*A=isE+-8}c&TgaLwcmamBLb_R|$ZOt9cBAnX8<%^H%vNZ^AEi#b=c=Huy_2OS zKM!!BIfO<>c=2by*Knhy<`_3hjb9h;kyG}6gn(07yyjyG%)F<9(GvHe;gbPvzobSV zSAQh4jrR(g=wjTmQ-j&qOybrRdZ=u&fE${;CAwZE$n!q4#F1xV`ksBbbjVU{|7O5v z2vNgqqjvb$yAhiuLZJW2T4q3snA7`mz!77pe^4L3Ss#j%N5<2V6)j+(m;=9U-a+`& zzYzYlo86ifjTeuMqifbTL%&2D9Qa^J`;L21lRXE>Q_plFzwHyY@(OhL?12?h1+bEz zL7lxW-1wCm?b|s9l_pD5(tVgbuu!7U->B31LcdCzx-x%Dl0=s89+SDchIFpNInp1e zP0x8q(XsbLTsiv(JYJK7aa*gX{h(QVh2>WK`fMxxQQa=S7!iq|96GS)e5vSf^b}N) zUqNq27;)wMPjKonKisoudFit!N6{yD3HTeE(XM?NFx9Dpxw|BwY}pceS?VstPH%-V z4&k)eSm@a3JL?!KE4)L6?uPQkinOBOJI54VH|w5 z7BseJih|tsanq_tOs7bNu3s~b9u^6_^QaN{BJrd6yUaf<+}MY%PBmEK{F5l;AH=Vx zE8xaUO1aHd`i3$G6&cPCn4_4yZg>2NAGtTCk8cmKipqxwYsks{0L_=)8T zMZ_mNTC_3J7c<8e;g0j#Z1%V(XJ7IKb^GL>iuUtY|Do>AG(0HF0D*Qtz>LL=6nC3x)=}k<>`> zC!6y?3-@OP!|a|ej1D&h)2HLf`G`=w!iIBe6NbyI``Pyk6R`Z>5U6~7gtf}L@eR@n z{E$gG{yaPicU&FFZA!+&C&yttA>kXlIOPYK{G^3_)%-~Ox_ZdmsX!$3){}0p_vB$Y z!CNb&dEL)=9R2)GS)MRUUWR_?-1M0QUG0Ljp+4B*dj@OQ6~U#>MDYJ_BY)7e4*m?7 z3W0;$aEjX#@O6(s+7ybvcB|9=zHaCs!^!%!(qv@%T~Xux9z2*MN8Qe=K=*Y8s@%AQ zSWU_&xts6d*ChPr2>Nv0|=R9Wb4sgt7Jo*x7zXD!wY zJ0WBhK0;dKcC0q4ilXf9a~u-yG?JOXIZZfbhXEX61ddGhYV| zCyr$2dS7FKOc0(kQ08TqDL8#~=JK{1+0cuE$3%J@{BD1YS*zdT_XVHX>plajF@7v< zsds>h-DWVeUXpM1B3P!lK;$Y>4L2YC1G7uVaf+-w=AT~3cU_1hhn|>|tGNyAJamb* zZ-+vOxiWE=HsvplSHp#41NrpfLf2qo0c>4wM15N`asAUFymFf-{J!}bt}P$J4A>3O z-;|FAsu%FC&qd!QM~Ts*}G z>b1F&Mhy&c6lRStd1AU$hYe}Y0E<*Tu9*4_MWr4QRJ!F`kcgg)eVISk0vZSn9AD%-$tI;ly?nKN+JfD`b__cx}ML^A%E!xOvR=&{e2J@$`*MaxQYa+@T`1j=)zP8qDbTEptU9}%)i3RJPP z3bn4@Vc9nhAvJR4PUT+s*=ILuq*sxfilaze+-GXpjF?3~DI zw=YEpL5sXGsGgW_6<7%hjIFU3vqM{^Kt)U&9`g!ddk+qT(wn(t;&>CG=co~yYc1fF zaxIGy*Rl=2Cb6oeVUB zt3Oc)+x&$7zQV<M_(6Rz^ zF`hgI$EPQYG%t^!Mmuz<`&>C%_+>V3&|E=dhaF-2>L-vG%{cPD|0Z_6u;XL)=U`rq zm@VwS1@YH%V8hZc5PwdJ`=5BnjGml8_2>WLvf!uqv|$rj?mmvnaT9#(pbgc_XR#B9 zd%?NwHv8%|U0~ep1y@sjx<6cp@j*J^GFUj(re8r>dshs+EX}KH#=#j!Z7QXaO>%^+ zY|l(JtiG2d%s44r&h8ORo1w~QMM=LPW!YngxQT>!iP=S`=QzQ?Lo6>dkiK;h zi%E1n6l~}RD~&iT6KU`*dj+nw!YjO?^%ri;JOMX$>cjNbY*=F>PtF@iL(qdK_=L|J-v=qSH-~SU6R-yVou(UeJ1*`Nsfl==b&oDF8V7h92CvV!$#4gBOCeN6VR*pU%rHOI3 zm9Wb9DAZ(bLAk5#M7CLu2VVOPm6P4!q?ZWXXShx@}EZ(F0fk&b(XG_IH_88Nx zm-gZiIZ3=^-y|~l*~Av%T;c9Anz|MT1KO-1Ge5e(8})o~%EK|@yd-}ZWt{|p1zYfm zfi8buwSzmJyu`vR>O@T)ui2u}?{e6e_mXn8dOd;SF*6kMRs!3xzc<-mj@ z2_EBSNd2ZR=4-txnBkCgEVuoR=hedD>3LH~5zeY{&KJm3^?}en%??lYorJfsCAidL z6;_PcOj8UCgiJ^{q@2)$Ph--^uXV%Vr}-n)PVQv$tVi;=N3!I2mN7Jb@?sY|IF1QB zj_H0kVfULB(O8#Qwo;`BvMp`+xz!h7+L+tox)=TA>K-p7Lzi+jEnP_eB7FX99W$vc zgl1u1|266&{uy-zM`g6(1GSHs6d8+MQS-@&L(f4kqzE58JxZcooWP*xJ%rw>fH=kOSfWfz++{Y=HJy{?xJnPwoi9Kz(ftEg)2W zqzzt_k7aBB45p8>4wJm;JuvzGeA;epLeE`zg-Ws^us1%2O3BoMIMM|-Dg1^_mm;Cx zGYr9}4)%XfW$j6Cpy}^LoNku|(ZgPWZF>_QS^EL}<-U_AfBV=9#eW#+PzZZpg|T

j=5@uW-$>LT`f=#anqsH`D7V%F(^YL=t zLb%|N0WACrS?RGGmTY;52G!O=-fBLd=zAER7X@_;K_FT{XBs+dQ0mlrK%j;z z>Ru+UvYthrr1he4^M6p177Eu6Y!bf=&qC6B39S4Lr~!$D`&U-rjuL4xi;_i1Fh{@r z%5aVLCbbr+i&o=fH~o5IUi#z4JQ8u-pyip`o) zqN($eu{N(lwAghdt_v1}U!fR0v}+uLdlk9nNn_ew9Re0IHq>t0BEbtH311{n6YI&w zxZwUxxISOtTCQMlCZrIaTpUEzR8PVnHHN2dtiY|OROvdeRFWMU1{z6knE%W7AYr^3 z)E4Qm*|o=s+|79yQsBbsti*8kVmp~Ls1GA6zoCZDD;8YX2Kt(bOmkK^>>SX*`lGth z`>~NYSa_CaY6!Dk)mpT0bmVOxe?a~2e3Cu38%t52hR!L$-K&-fvwaX&=VoL2IH4n8 z&1$T%PK3bg_n>gw2V$`>5Q=NG$(@2ESfBh4-dvZ#XEGaUI6a7C?hfN`L)7Ve*(@B| z*@~t97xA*P0@D(7x%ByKQF^c&FSxKD9)<6rCI%U}rs4)}o-F~JJF)`EvO*Hh=fpPKUM4L}22n=|CzHYf1T6Z_&?4=KoH4kU;POE@xlSt3f)v(to4~9=4$~F}`(}80z;ic>M%TDzig3EJ+e&~;n#Rb~>G&jo~H%}41 z%ZV%4oV*IQ;Jp<6(|!vVP0?pPZE6s_qgNF8DF>V?Y?#GgS+4lJ2Tf&#yiHXyIpqNS1fw=NQSm5cw)`Y zNi2M13!bo=K(7n)Nzt(dWYE}!^kI+-+yDLmx>t4+2*Y=b!7Tz$JKMwt_y__vqr1UaIH%1g9K^Hd9*dgtTQPf= z70VqM!Nx5BR6J=zr#_Cy-kH8+!Hd%v`Jx-tD{ZmHF%5@rNrkc{-ytt|1Fg91#^e?s zpk=P*5MVNhEmwceuAdA?+Ymjp@w0~2p9C%DvyeZnD`tNVtfzrBV!Z0U1VXRN(Ap$( z-j!xfW>hKT6~TW|cvB1RFZY5g8^@EH*kkY_(j6=Zl;ek(derrxY-gzw=vc{9=6Vwo z>J<3Op%HkY_Y7QL9Dqu_jShRmH8>q80h-f1%Z3ZO_lLpqT+8P?=`~g4HWkgd>(eDN zDbI{PF|(tEQTy?`O1LQa?GbFM^MJU?K~OU4EvRgDpe+v;gL=zPXr6ozJ{Wy~(OMhG ziNUHA)OKOK%{0)po&d*fGuS8@2hP+zV9 z*o#r_#5FuNV;OyV#*DwS{RO8RZisU;62aK}4a|LWhRnWll-b-A7=x*Ez`JBB_J<31 ze~n#`(WVW3(m60=ps{0{<4o-NJBO-As^Su-M{H;OLa-^4Wq}m~xkJ6c(=_`v#P@s`@QF;9l&q-`)!w|o zGX8~fO?#n7DCHcs6(R8&E^sX!_VTuGn(%$?abIe8UKnE5vPi412zAE9xBR$D)r7SiLG< zbZ^E{tUH&1Z-kv**|QMg%+!GQPvT(3vbEekLW?gD&g^p2WXG57r-@72Pl0KOY~QTO zka<3gfAMz2MuSwyb`m^kkHSDsKN36!DYL)2Cm?rX1YRr26uM8+;qAUDRB_fpD0!BS z4qtXc=AR?@TPhCH$HcI;sxLA4`5)5QHJ9GFy$XK+euq)q`}U!Hr7GX`{XOb0?jW7k`r!M+ijQj|ct>dm2F-Ru)0%wDQneFVos*TK4w4dU$8kB9C?u0Uwmfc!R0)MqUEqbG&bExJS;d0tOn(Qr<<6h zm^R~zyB4S_GnTjBGsck~GgwNZ30<39f`=||!Ou1;$n-M~utHLUzqovZX$KDh@0^Xq zbb&4n@lC)9<5#lb&rD#vz~I)`i^IIr`@pVFmq$$QVdWijpfRq4y!!r~TxwQ_F$dp5 zTcaYZmMwvJt29(w@PbTmv*$5Q-{AAE$>_NuOkC)l4DB_-Z{|}#t~8|Lg<2<}uh|pL z3)0vP*R{|P{f4#ws}j!r)A(LlhhLwj1A!rTNbMRRIB$%=H*mCvHte>TFyj&61!_&#P>9fPuc#gIN$i?lvGjNgPniL#vu>^@rQ_$Xos zt+`rFKDillh5CGGSgC=Aho2V9_v`Y3KmOqb85OqeY^d1UeIQ@!s?0s?EaBaX>0Cqa z3RBh(W=D!Xvy(4^dCZPHV)5#LcwX>4I&Qoqy4WUYlL^7b-8c!cQRU}LUYHolHrFb znvDtANMvJF^@(aQ!Y4t1IwTW(TDD)#0k7V7#_cl79dB8teFLVs}6XO*RbR z3v7h!{(CL7IV9|X{n}A$Y70b$$g>kgH{kGuMeu4K#j8G@tnsogHYT;A$wwVX4ya6?yw3(vAs&+dTBrU|ru#~PYZdPcn1e=g~q9}bWFmGJJNGi1G$IGgcLw)g`W-AaUj zaxG}J{K#hh4nfy>n}l7d@O>ZY6g|=!jY}(waF_EQc5|kIc%g%h_^)IjYaG}I6RR@e zW?BX&J~4!>i&9*D$xAW}51=n`fwDy{Z2t#8$S}Cc`Zt84>j!K67!VYvDsz4h+Cj zT`z9b@CDR=m{8~Dd~vIUG2i~Zl)RXvO@7>70a_9_gniU6@x|Z<_?vu>w48l`Qssgs zJtqXM1fB5r?q$rxvkB(s5bl=Oiy!hF_=XSDh2D$BeAKtEr3!V;q(!X?*T0viqaXHS zgnIz7ks1x3`AEd(bkY4${|KWWtG0M6W1Oawq?>suN3c6{%gYBOSFOSMY`IN1ttkEG!Yab$#+s;nrI+N!W|2 z9z6z$j*oGD<50}joky?83#?VQu~@9F!>{ZVb~`%*z(`V;{_1{<)j6fmP&*vJHysTP z@8BMghRdeM+1B|VP>SC|o1(RjCPt-Dvg>+T@;*t3RS)3CC!Uhz-H|xyxhem*s0q%h zj}_vm!?C%p912?`gf6PN=%iPMPj_hJ*XSZxcTSZCU+ICH)yv>lU^NW(yiQ~fQ_`oE z3?maCfVHYUEckm#1o%h3n5C)d}Gcbo3mqT|A1!JbwZK z!d+EuNjW=gJ(nBIDikGHU11ksxutw7#*WwXw=6VYLd67>lgKs7%4 zu@Bxm(Z0ikiN`P$O&Y?tzg>tQebU*pjT8Brt#Y(T`6jDO)M6(+F5(g{$D>nh;edk; z+;ED5&2Q)7qGDS0!&zU)18d~xNs=I)^b zH1EKVlU8)q=nC-Ebfr54JvCdy1I~F}Bi@64!#9@?EUa@j@KHBl;J8$FROTa|39KMW zqxRz6jq6~5;Us+8;U%yq*HGJvcp(RT6%s#cp~~^};xo z(v(7u3cGxdKtJYK5rOqHm2v1+S)t#$4eD~jV9nU;FhwVsAC7N7GkoimS>5NU7 zeKrO4JhDi2#S(JQdKsRneS%8Gr_lC%F;u!g6Qxa4;JQb0xa>e6yM_*_{&DqRe%U&=)%p57$6htH9ac?Yo7V+~X}Ytpk0?)Zr8AY&@7vzy<`N&PV) z>!%k08|n&R>bVNIyJ;W38ZwA$b&QAGvn_a!(qdTGrV5#zYD{v-A6U|@fhzaR*r}8n zI8u=Xryf@kJJ(O7bBQ;#4bg{(`;6!VSySGpd`-xy-^Ha)e*Eq7;V4ei#e`UExUs>3 zu3v6U4gYpBxnLzUQ4E76@tvf5d^|LE&Vc(LpD@viJh6GA1kG8iN%2*`V}oGQ_YM^H zSIYpG)TUuewIgp*j1>7jkfP2d%HZTT4d!0S2A>y3IH^qFb;O4A+`Yx9bLI=q%M<)r zi}gg0g=ch{N0T_tFB+WfyKwEmd9?rEQFcSlf&Y<{=TajyuyNx&{9$hiR-(JiEAa>pQTn!G}=MFcCKYx(ES>%y?YQB(Tq{!FQLp~7H(D*kz(EOa-}c6IGZDG*@;`X+^aG?M-6eCsGz%Rd-^jW8cceD( zFme5o22S<;#M?|7mH%_+i5`cT%i3FT^wU4lewC#-U|2ib@M0VeQ98hgbQ4M0au!qi zx=8(iy_B7sLYwc5;V;dNxv8`~ooc+3sA=9HoyJArFiVF1oH-iLFOP(+H?;6^lp1ZV zvUW7@u|s8ck|y$x;1UxAQ@)5<*RvC4KTdXIyzCIV!^0ngjbCBQ_j>%Hev8_MZh z3D~&7g6?t6XJQ8vfH_mjY?RYMXZk2wzp0Y==iddtv01p?<{&lB<)`f>c|bIOQcoNDCs0-%XO-N@2{!B)IJ$ywhDziT3$tVoK~-xLfiW0){Opv)#~x z`xWA0ZGaZM++l_uho55biPt2ffS}u;ftY`2r}%iZ1^?9KFYGr|fb@MOqYRBuVS5%c z`P(T9eOxViv#FEGs*j?p-P}N>H462UN>MSf3ZIS1C6|w@!q5x5;kw}28D?FFV;mB2 zq?(XB(~HFhVRzNBdI!3U-;LjI+tHuKa~=DvUb58^JMd+bz+m4n6fDJ>JfTmG*tKU0 z{|67+K0O7V?dI4i^r8m}`#{NLfu-F(6*EuUV$`I|sI%q|KJ1AB_tr1uxBqvRc*qVe z{EQ%GrWNMJk<8Zq6}nga%8UCB=n&I3F(PZlhAiv+eP!FmGfTm{i{Z zLo+jY;PRHVeEbbcNiuv}zaxG4ZxYT9xQS^w`*CD|9hwczhVE&jq2uj;XzSv`hg#iZ z-zIhoIh_hh#nTYQr;v+kFqH^_q06~RaPUG)xxaGED$yH;(l!)E#Shu9`bNO zGF+^>NumvF*|srq_@k+ed5`>z#xEqG=ei5dGqVvr3%x=N)e>=FS};4?<^!QdQkd~+ zp^$^oBYTb8P_wiWCZqz*Xqtls4{J$q^Lde@R~~Nj3Pa6TeRyu%b#}O4o92AHjNhBo z_^=~&f=}uZE>Mnx-}Z$}-+eVJ*0@J%+lw(gVIY0E_9^DR6u9AS%Spn2mN4A$2;~+5 zU>}%;Y9SxDZ4S>}_!gdKO^5eq2k;4PH?i8c8L6!Yh>Mod;oH3V%@e1^fnFJ4H}C;V zn!6rGZtW4ZJ>E|vy4^5-MSyr}SfZov%r$(#TUAGxtiUxCLU`*}J9@aKnzSXU;Kt5S zT+(MjeU1)+3qurm%=`!9-s8nYqyG~14jc*%$^vimmj<;bv%qf3YEgyFNZ~x}BQGm$ z*%M1K*<01c!cuqPn#NmT{Kj42U_644q0-EM`5i1#up(v4qe;AO7n-GiC!U#OsC>^G zh~8HKIiKZVtx_Vc`Lc<3nMMdX;|q|iGZ19gjYB>AXl7^Q2R~04^0$NPSYWmk&wi#z z*V_)Gw+2^(%Fcmw+q)LDb25;?H*zhq4K)&)m2zM!T_6;1y-lZPZ9bZilJ zJ63;_NYus>u$GahI{y01acMH!yI6xp&y6ALM_BUL4^EPdNj3O!Zy=O(??a;QK);TV zp`vV8{GD_QEh?i$?t7xZ(qaNu`n`r5Qu27~LcUAW~>~hWh&6XuiAX=0VCMBHJ#ru?ZuP5 ze%vuc9pl%V@=V2f!h56w?FPw0OI+xLLur@rKY>N%Fnzh`?uzZ$D0Ing4VFeNhuutO z!2_5TbAW@f70=w;haoEpS=w+#n%-zf8EE5s&&(&AEp_oVX07cCNtgZIxK;+%J{o!4WL9#x$h&cc=N;*FhmVaKB9;IKy>Ho0BKpZ^9x-|Dr@WxpC;-XMoD zHS1_%%|tGHJ|3Og_31>3a!*7_#fRvpra&7uXJnj;afJ-T?JS1<9f=qt)_E> zfH5?xhC|X5C;sG6HB3!Y;(zk%h*gvc#>6dT=L%L(xkgXae4fZRR4f7Sv!~#9ZXEfv z(V8Eh6M&h8#W-ED13~a?II(%S$MPy%n;^xFnqo;nk{6DzDZrk8d3fusCYa83VlP&$ zB<4O}Sa|sfl%GA5mqr$WYgaw7m-Q5KNJB9;<*mRCk0-%7Cakg84u3)qY&0+-uOv^S z&do=n+$WwmS3Zcu6|~?g`M=Hdki3q#SclW?%dif8QBp&CM-=t!nJjNzjwjh~J6O@B)jl4PjMm;wBovJ-S= z3j2a98a!!+v~c$lItjZh$-KFnVf>8@=C=0`EMHm(X0#JV^ViHiEg6>j|3_Zlyo9bH z-Ed*45$%~;7jzZ7<~EQbvx!htpU5ZL z-$ei4p5o8Z%3McJi;M4`B3kLfo=n>j*FUbsg+}MZv)iZOK}{=O`RJF(JF0_yw*Ce| ziNhh_7eMpqXXz*k1GP>=(WHB7y8`y#o+DW=lI`7E1owniuXNC!mpRKsrSG* za=oh!)pptQEERe3X;3nzjvUTok9pGly|eIZtP}2fQ^3mwZ~emV`|xSiQo+aU2P0%7 zNY~*)802~qC#0&=r_v7GLf{`qHx22x*pS>AEX z0EY^h*!2mspm$uRXu4Pn8WUu=scjT~zP^-C(HF5ZM-}+}*^%%$H61IwQebx6Hu3%B zVzSghnp(bBraNn<^WgA6vZYU&n|_K|iqd>($U!)nyBW25DW33HEt+#!o*$MR1DjXB!}yFlrNKu1 zI7#;gu{5eBiw!GbbJ{>MCq4zcw?=}O^J5U=k@&mwnm9VfgwDSaCSE-#j2(LY50&Oj z;G+`yaZRKN6m&)NJq_~M)_xeZS{9NYgDf%8QjISDTTG_z`j5QbqX}abN7DGcH8^qm zAELaxk)=Hni&h(*A-;M$=opkmKb2`*MfE2bczpq+AC zZ33MZagc9r`G#(-!d$V)1E0NqOx}$a0wW?-c(=+1*P86aw2+k$xa=eL5*7OJ;2a!R zvWPi$tMk*VEJW+zBFtRBoxJqy#1qLvN0zB49zAHnOIngJNZ$^}{(S~RO}ojo7ecT1 z#IK z6Ng}GUpX{RS;#X!@5ilg#)FjSB<_B928=E6gaA_$dS_@2q+K2+Dx3WtbnMO&y~YNT zk}So=Jd~$;sld0y3ovu?W`SL+Ep!YIfCSSC+l46f zRhua5=tbf>|0wBiTYw%Z4}}i9Qgj!c!UMyDvB%^N8*#S=?c;uc^}D~=A2ORYHx9?P z8NGtmwG$Ig{38&ejV%s~>A&Ka;QZq)oZ9Om)(EN+{bzOz7M^~~JTqfi`TDf~QFI>u zSblFDH?qklGh3yE$av0mQW^?Lq(P;kJ-?-)figm*j3Ppm(j*O@bDdI3N}@$WNolCi zkd*3o|Na86m*=_f=bY>MeBN&|ZHyF~c;)}yC83LUKaDh;`~uPbd)*GT{;hO(%3_u; zkeKJ?l2JVs=&BITA`3$bdnAmgF_%7maA}A?CpU>>!q`3@W3t- zGQ|gyuiivgfdiQCm58T3BXLnn8Lpq?#`pK1z~w^sUhlOfyq~-jLXW(_&Sxnw`j86W z<~RUKpANt=rtk6i7-_!qLPjmD386AS5yk zLc0UmGjTG`tcZuUf&<|BCL2rLQkiM>C6P_F2iAK}L4$=OMeP}p05a0_;ubG#Y7K`A z7bjxgzHoBWx&wdwOn`I4uCe?l2gp|gb9z-%1}{p~z{*8OVZm~WbGvOZBXTavf4qTt z0W0B(|88t$%JiV=7mV^6!z*+=$rzQr(Aac_%_!(6L+00D(fJ$VEvpRSl2)s@sob8< z^3lcEfA;)mbr|Z-Ud$Io81RK@h4{%uM7|v;htMU~Fe~^F))p$^w+s5%6L=W&-^Squ z`zj`NGlYiJ8t@-OezE6kW7*8wRNVFICZ0QY75utJk&?wwMrjY9B)kPs#AO844gJ(nDn{L>C!T zT)Lu6)S?>!)~$K)`@a~{upmyzgPNh_2|21=FcFN03LeExx8Obbh1GKoLug|u=BZYJJi)g`Fw-JpO`~bJ!N@jd>u_(552eOKZFy@>DSu{$G z9;0%CqhUXI$XQmr8lc8U>$~!6OcB&nE5Xa}DSSA-3D3HeL9MKiX;%?=j1%_4yOzVK zXA;kxKl)GuB@{?@yxIv@GNh= zs5kN$>3#Hs%vn1HDhEG--suOSUhOzDlsylJ!~)xD(rDha%19JDe<(G^IFhqEi`5!; zquD1FS|-4}J&jw?LH!W+Y&b;jJ{4wp>T@A>_yf$I5y+1Zn~Sj%y=mjenM~PXK8O@m zY5gDIF#>D3OMVp_8Zld3ucShqPW{5?Rf6ZX^CtAV4yP#>zp(LL0vGhc5!krk23ph) z;%8*Fu;cYk+!s;Hq(ie{@%sHlFF{x67oBCd4^rOw=_Zak+e9>Hhr;uVYWT|`n5t;| zL64Uq4AM=*q^F0OqL7&w_3j0!snQUBKUXrzFGcLpupwM;N;-bI@{cq%)RSQwBKV;M(SMf;*@P(*)MS%qB@#o_`n{oqbVCTTSHq*Hditb}RgheTYUOGIX!I z1Li1~3mo!q_}gT&;1fuI6g3_Gc8wbTmys_TA9x(yzx%RXie{8QX@ZxkOIhxpTHy+^ z4Yp1>0K>oiVpCJUh&E3E2ETV;ZBQFd79YT&#uf0-b~l8NS`RT_BO}X9u1_(r{DJT+hom%HUu{eEC6E(;)O=FVum@F)64uj6w(a!OCyt;3cg{ z^fnkvvX70UDf4BZu{sfgFKP1)^G5TT65k=e@Dnk}7T%jrGnulR4iBvRf*Rr;JWxB7 z2fuqEYU&blyjqS#qb(Ch&iM|bOWMGCN-zmt_6GD)>_BU=Bzhh@16&l3iwUVHWN#8a+!j~DToEf+)^atTeHtObSZcEg(qiu5#nMJ5f30_C&Q zm~7fU7T0G83;(=A`QIOKUULVo*!hn{%3npL@1+pBCWVdjibXTkRO0hWi~Ekagh5IR zFzxAKICp9xl%LS##jA>V=+OlJ_|Iz?^ooE*@?|WvS&VCU>vP)}8CW3jU_SN>vt1V< zd+)cC9i5(rqsPrcudd%1XTA!*toDGu?kv1uAoRZW>C-};`J%p{0enee3Yfn)Wl1lE zT(8-Bx=8;ZMhe-%XniS|;O@d}yyNiX!A<71I1l%kjf1z!2^e1e5Zg7@q`Q0|js3O-hQ0iatE*d}(lmt+9O!}3ZwK>Skuwx+RKT@vlet8_0`D2T zm>s&k13Z&%vO+HdlD*^=`#!e^{zPc7(*2S6Fx?jqT-1j5d0%nk`v_r=(9gO%>Tu(9 z8?!o+ELNL9H*6M;oG66xP6!%H}F0w{^5K|_@2vA{g;3W(t>B#@;VM1CCgSV6Fhe= zUFen|2h%@vz}trmyo|Q+%%GQ8KQIZ*l}2I4rz7GHuP>zH-VGdB8HedxwzBW6n7nXN zfo;D9N;kK@aVM+9MbeUO+Epn>7I=`ERrrid2(_=6zxeLyyH(=k0xx`D@ z#mCX6`Jb1aocS*+L`ndX-p{h4{#t(EhFH~&1}*0h58`sH=xfV7Kv5vPk`(xDtxEj z3pT#yyl8HuG&jm0F8HG2v7%W8ZkY%i|ZPJjRKeRvh)EhEO(au_HbUZ)Zm68vOB`;k#5=PD|Ic5+o8t2lUH#I;iTSqJCyGR; zo+IS^bsso;tQdbDBk))91o1dCme2mt3saHO6P^EI-j6{zJz5{AK`A#LI2z;L`r)!A zor3fEnOIJJIQ%FL8C8dc>Ngk*Bl~24|O<^eaC|Kn4tO~ zC2F|02n(}Kc#UTdJUiSh9%|%>C5K00!R3=~l^GY&pBY5YNHN`!$6&gO z6$H3VA%27R!^}W|>G%2@h(p8hX{#K*Ht-<{W-;LO@*9klmgY6@2hr6#KA^wBLoiuQ z!DEE8aQ3Mu;c_qWPJ<^cc1^{YdN0@&{fImX-vpr_l<9?pjhH__m&pIrf^}ogqKxNN z@H%&aRVL}etb_{qEISQu+dI+Oj%g^2%i-B#PL?b^#ZLGU?(@QmdcyPgZ&(#H})e>8)$t~V6^S&!%4 zqjBW^>G)~)7)}?rc z30zJ7DGqI&jim$2aNMyuaMrep6g+OoG9L4dKpjvYl zHq_hjwv)jyxG^7g72E^!@){U1p$4RP7s7`9OS#31Pol&F&)t66PonnX*R4rGQ+1mLudM+EF7S4S)6O<3I~f2r5KU!?dZ6p#=O0s)nSKj(pVCIA-Cqlh{1U z!QagW{Dsg1c%!T>KKxJJRrc6+NC`W{bc-87W|iRWdpCsNx#kQDP#P*{hp|@Mkr<;V z193Jr%=PAGc1g7nB+rlMe`mC#rn|tUlp06#3Qkt$+kPVZX6_Uh3Jx~?S{b_F;ymuU zOAp7je}v*2zlmXc0D1DX4t?I`vuc`8bR%XFMR#+s9kzxY?<#ndhp%4C+LY%Ot$g&USR==)crMfOU z4C^I+x4W20$$i%F(g4m^2%Z&z4cIiK3-mAyYzrM(U?{MH8<{DAXd>fz|JTFYZT95 zzUa9~Q*VmcWstxZax}#@xqfoxVFF#dQcpMs0+{|w1j!))b1VPhh@zc%Dq|P)Z;Qv9 z@5(^uRtpRot4}=xcGB>)h1fDU5Y}tEfa|%#?BpS5_S8NLPwK~ELrsR5rDcLw%^0qC zc0CM|k0r-dv!QyNA$KxaM^u$ciPRK(G<;k_j#qpIuXZUM>#=|yJ!eK!taUJB@+I8- zvks!8oK`nvz z74vX;Wdu5PSCCrQY|`qx7rV3i$%L*})@EGdb|DoZbDkwh_~w8+zJ7yOwe@7nuc18D zZ7ZHySA{hXPob&HRpk4>;b{47xOAx!o-VSD7BiUFymMs!8ITzu+iwEXU zlfWRUR4^WF50{V0V4FrYQT0%QHJMT38(O1yrd=^c*mqSL-Lm4R%#zVX@f9YF@fUaq zvY_?PfhWi%3GTroXf2)uRR_Ppz8%#pYJjeI^wQldVT=iHD}Rdifkn_%bQvlWI#5=z zQM^`j9}oR76|H)@;jEA?tuLOyoPUJiIZs;%nYx#33|>sj4;16To;tSf2_=3`GGIDU zpS#JG2)vSRP-#5@|E|A5kC}dWd*>xc@V24GA3AZz?k>=un=h&k9K}uicEH7~1t7mk z@G3>Gg;Ce)ur*7MhieP-&)28$_NiHlQm%L5de_` zh0H;R7LQ*4luX|+9iDXqU%K=Z@!8l-j!Py1uXq8o5+l$O1p z^iWE5(+w2fIR~V8%SfT0eJuu^+if! z1yN0jkgQ@X>`hjRnze7jCLzBZp_$FP3oc^I@`KF7W++H^nt|i-n@o3v(CZO=2ytzy zH1*?FIDO(CTb`wb!3jwiv;GktUj74CmmeVgg$elhs2)80TFB}mLfD3}8RW{J3N$ZC z5_+YmFACy!o;UpJkuj9n+e$-F~A+a1Ltwy5xX)6zj^mI+=pSqNuVJ|j2m zLUG!XY^>W;07>?Hq3rSk@e`K>keoLkG$0D~F6J@QD1rZ=VNO}(UHG=6n>Y)6q^>iG zu=*s0$i8!UA#EQyo%R53RGQ$C)8(v`T*p4e0lZAtTIh>9!v`~6dgG;#nLM?DZN6Cm zjl-pA;h`?LYPu8sU8jNirz7~np`6HT2hbxYv{7lg0Yxn;k{i-YuD1$#=Hpj!UXmgI z7$wWk-G798A}AaYJ;kEUW59aF8S4NlM&Mv;ngM;-o1D?MoC@; z-%SDnLu)8Murq+vMumwRf44IE+!*X#V@d6$A_YF)Q#QFpcn-VwCY@)v5`?4r_CUAC^jBvzv4}}a>zbs!ktc(>o=fHFA<>--d0;MwtQRy{1;g9|; zHgCVcw7)%&PVrEnJ6~qQs8#}bGj5W@61H^9^$jph91Oi*-r>yIa@=IpJn|rJCi7Fw z!yN4%=pSRrhpzgI4RbueF1!vG|0pD1mRZm;cUAt+>+K;v$WoTtcA$fRxAhgG{ z!t7KFDC*E-70=CJ(1OdXikyUnMcQaCuu1Bsjl`~l$>K$qq_{-LM0)P$DbO9U4~tG7 zhmMwXyzKdg+?f<83d$Zv{j&&)8{U&AibYWQ#2w7Tbot&l2T8V_HKy4JnS}99sQp73 zhPPJ2(0p|sU68|^rf_^CWW;{O9APRO)VTh?-^4R(FGe0NM8g+O!d-qAAK;ZB@)Z0k zKZb=v{a>NS{@ejR)eqp$w*Fx-DiBxNp8~7UKPW$LD%$MQ;gj#pB0v5bi5$fox3B8Q zd417fExQsO2R#D)5Mc(<=Ehf~oyM@QeJm>75C_itM7pdO!snbH;;B%V0c_Z~&7Y?*pSZ$605}Mt0tz3X@X~Vf}J}$MMeuH7dSh z%+)kEx2bFSv30{yy=f1;`BqZ-!S?`${L6$H&grOGI!5TU{ex@A4M4Sf2pXIn3$b>? zh*dNdo6{$(HuxXjUmO8(g_02S(3CFD5xVjb|IyBkYVh0km#DTws^IE@Fdx@ai6V@s67qS(HnUofS{oGiJoO-tMQpkZ?q4)9dvp)(hv z^z%f?ps6EuTYGgeh&33<=EcEi{X_{6mP5fOja+}6cRadFiB#lkW-PQX0Fa6)t(%f zvBsJ$xn#&+%^1ulzdkBbSTcmB>={T-J>AY~W*%UFpERNRr4%;zwtl6j(r3|K4QcVP zaDm}|cpuDv)lL-iJ=mOC@#Mn8Ly)ra6g-|Vo?j38$(V!`otPsJQ;mnxZYf(nq&^5n zPWXY=J_2WN@oAi-dlkbwlkoHMO9C@{876&jU^Bjil1lqWm|E6{mHsi{G3_G;+B!qG z-eVZ^PJ>B!_@S$D4la>?4^BU)lEv@j_~$q|J~69J7-h{C!y`-d$vuRH7A2MIBFBN% zR(oDl<0hz}MPk=_!N;cMf)&pWL)8ak6csCScb8(wF?Xgd?Q>xE=-ULUT`iCnHu8SKU0G@w+w+S-zKbzBO+fFOToJ)M=Xn1 zvpYe9;oRzE{&J!uPn0|a(4!-Ma9vMu51oSNM(kDIT3Vi7Oik#QZn@t^oCximu$wDz{RB?{TsLhUOMmok`kPieyMqOUAq!!#C9 zI>e>_)-$nEsxsX2%!To#63nM=Hx8d%jYnMe5Z`q@*yfo-l)o1XynHLN=JYgNvb_Yp zKZqjX6L#{E*Z;um-Hqh>xMVK%XbQ<_UkS~zih}=4m40z=fOmNnXcX^7hXww}@`bL{ zJpJpqbI42xZ%M%Mi=)Y=ipyYKCjvElV;&o2NbgP6!I3YdxxvbnB&R`ez<#&`gVj$$ zwq2e0Z`~d8ye1XBH06nVEwDJ^P`LME@*g!H!+v zws09*{?!Ae#6>XY+#7OVJcQ-PgkXHN7x?uFyYz{6e3-KqJ}~J)`za5^-ip7(H+IY5 z)y7C7d>BHRsuOxq4E3i9uWVSZsVU2jlOX^69Bd zaE#_STDsyFGrb&4p4DgKNuMXEc4{#DwaJP4Eck;#jYlD}R^Yi5YSM(enc#L}B(W;F z%QoMy2D6FT%z4RNHtX30tO~gS6J3hgD5q{Wxy{u=r#y&t)TiLBl?v#7T8Tzw%hR)u zhVq$?OW|qyVO&v|z@0n`F!abu%qv+4?{*RJXqSS>F-@%c>&CFve)!SD9-c0{ ziA+a{q*awYc4dC-U-`t;u00Bkr9+|l(6 ze%+`JPg@3ZNH~qF1K-2PW1pbx*DqLKTO^LxFr?c;Ukdx$9cXJm0Ys|1pv&+)L_U}d zmfn`UL`{~T@cjmG;|%7wmEqYVe?Usgl+GHpmpSZ=LXYk-@U~?(?kn$a$2l@_yD#n*oqrv2J)q8`>{#5``@t;x&^Nf!p+n& zJU(k0+I*?Ps~+wwyT}-obOyt-`u!O9@e%HjwBvpWp|~x57c?3?0kawn+FW#xl`Id! zdw*o0C4LuvTQZ&IrFEdYkky(|J_(xb=8+!3BkeFL6VLyV;+sp1>A=JeR=YX`MZOn^ zgUnYv$*1z4&QajH!4AWEs@Z^ICukSuxGz1DAbNfwmOtoW+WwNXYua|q-(dnFs;(6U zGSa+U&6RZ?mtiZi27q7b74ex5$^t{GoDJ<(VLLU7HUcJ(QhrX2ICxyLuZOLA8 ze2p9pZl1=BT<@{3ZW-b|*Vp5VhXy>Z_r9BVj*Kuk%wV1?f3x*pBZ1n5fxl`$X?#2j z0<+}#qF-mB?Sm}9moBji}ZPja!xn8wfhj!)t|X;geSQ!*Zf zZ-^AXwZsPV)iN+MHifVrAuE-f2St_-@x{Me;@yV&+|SzvH+=1dP!((DE4hVVx7Fl! ze;i&ziJt<$ zS2&{7MPCLdg`LJ1BW}C;G-)5P2M+J^=P#}qQpYweUR?Z`wC%r6de`a_|Bq^PtLZ(a z9^FTZ;&R1(g5z)bqG#B6R0C!D2GE{UwJd3=HC)cW2*0}Qxb2_UnBsg4GA!*y!q^4B zT{FS6COR-IDT!7DNYmjyEiAY;8qVbWBG2NUi>J-mj8E4xh*NqidQP^|j{N&1@7G*B zS0TfblW&u~@7|EnO6Q4tXbnkUt;72U%w|`=|6|IXW;}XIJbn?mpj_2_x^k*JEKq8L zPJInNrLqXrqm^Lb^91<1Z36ntZYHWmD%87Y4u5>33;Hb2Vo18cGJoBH_inCb4`zD8 z9fgIc*!&nQbN_??j+H{ZNj$DM+6{W=4MhPZagZ|i0$dni!8iPIBduS(@Ja4eaEynrS4dyq$!11k+4mZt&pJLb^GB9hQ3}lN=ibjJmX!57*ubhxZupo&ZN$ z@z9h9A033gLNEUKzRe&XJ`6{V=n?zp?!yIEwdgf>4DakYDJt2Xg6aMT$-ni={8?TJ zx#jMJ1Eja(9N|uqxp6CV3?f_%M0otL9Z6k`;MwSt9dp&R1v&o*S5hc-@7oXEJ!lhIfxFuouj z!-6o@cQ1RE-GMFrHV_mu3%>VG5C;e&?QFq&y17*eb;o>T^=~S~l>; z_uXMDvWxKkM;*Riu@Sw7&V=K8jcCOF$GC653k*8{80$8N!1OQkaPwdW7Uuep`bCMm z&9Q^D!yNnHx1me_R=Aop69)Z$56w-{Y_aw%h<3k-N!t=pC+9AHI}%HV8hYX65uq4= z{4MJYSw_ON8_;FKOD2~7?vkKf533rcV0p!4o)xc*64PVJM6X}qFl;8*d=rG~3xyn4 zYZm+D??hL98-zON1wNh1WMUKMk8)84{LG4txJ_S&N1fKA-05cF|WHAybI| zV%K7+(D|RMRLq8c84T>n6?97;fnni#)NX+`aqaztvmSJkvU$ez$ga)eU)wZb;d|jc z`){5oQSfK@S(xL|t@F^@+?cis&rJ~SB>x7@C*LQIfuT+}-7ZU+;WB>$Q8$W+|L=7u z;Zp*w+S_UT%5YK^RLmSZ)-l&d7Hs;5V9Yox2VSndtV}BjtfT*eqVYPIv2!A8Hl5AK zlVWns?g%-1U^n}CKngy%PUMSP-Qm`|ROXW1M*MbkiN0Ss3A4B5faA&IM0&H}lv`II za*^#|YZIo?a?xU8ei{O2z8-+8bpq$)L>ROlY{PY-GKgY5mNmW--~Y{r*Ji0KaD6)& zxhxY~mxOcCkT{b5tpfhosc~&~4V2y-74o~5bkB(m*l2x~J-99S(%-+u^*!rgnTs2B z%UMsHEWU{E7kcpY$(69TG6c)sXOJ1Mmtoe=kJvkT5r(Nn;dCh{dQb2)OqqNGzpZM8 z1$K-r$ePL|Rt@4(rE`cy-FCi6*9R4z4#eM^_hNzZ03N3Cio~4hWHX-lQ2BNPdUWy^ zeEi}(3?A`XR6p|sOI+xNE99<&@27m$FR(t_n{0W{&BJ)~;05drTn(~){$%TpL}qPl z#gC3V$XJ&o7PPG3Czl<8S;r5OAra?EV`daz*Y$(UZ#RN6!?&2~f2eZq1T83flgXxX zDMF)_sG7Gkub8BPzM2-4iL6MyV>-EgVl^3lsE_<8ryQ68pEYL!T4$T!n(sGod(#FK zOeCn85rY`LEb{&{tsgq>3apA+`f{FffzvhOb9gbOg>O)Qk_ z+ThK|0F1C<_~2qAQ_7gfwM-NE+hx~rZa^-0Rwd!l2j#+;ZY``EG6(&GGogBvm%uQ3 ziHaXDunp~g*wdR!lov&l>5qa;Tq>C?EI~aGd=6Mp6Yr=#x*|qCz-k`zE!eapG%*n=IT`lZSz-4mfL=}jPgf8U#btEe>gN>`| zhtt;=;G>doc&suH29^5bScjAF)pHy~rOklVHvl4fXTYSAxe(p-2^0F#L<9IjT>7a; zyyS_H(H!oN8;0pn+5J1&{__2};E^0e@@!BK9?R+$8By_<1~^sLg2NnrK=ROioIleN zdWL4A`P_PlfBuc!HhIFbt>pRG|60i0o}Hx1`7-`(H{fT3B4JolCtBV(CRY0|2Y<%b zkiLp+NK5;K&+Arz-=d|srZtn5&1oSEHv4j$)v|ofw7EP*x&uNggdF?bpBQ}56l`Wh z;ew-qxXt$g`*vTBKFrhPq)rpJ^snH*#f~U>za3z>4}iNuVNLE_zYeZezuE9lVUSSn!}T>qGGiuy_xVgLUFkx< zHz$dTl~(ZN!vp!DS?_WEmlL3v>%-H9`C`M)(RAUlMG)ux7PnSDU?wqp5oI*!9L?*H zS#}X;<^OE_qDh?r-!el7svjki?H>p6HsmT4-9;_K_q`N26vU);`YUf1Ro9ptDrt|=ZOi`zPATX z-%Q7CU8V47R{{yPEM?Qa?n1q_;SksB$?oQvg7nr~qJzGxh~3c5kXapt8NSQhATp)oqe{$b+JU3jOLRR0pNK!rp!W7-jpgTtdpM+fY zZx3BMRPiNlWv1NacpP`V^a@<(M4{?^ft7T0B;;k@#(A>GV8gu(!P`0vRE!Go=z%C4 zmHvpa?^$r%u7lXZdsJ2aM+Q#pWD|Q^!Ti==+%d8pbkkzt<9vBm-JUD54-qB`Gm4q< z*VACsmO)C(_2FPgA9ES2K(CGLLDf;_v_(N+orfud_(wEuD%s3Nk4*vXcN<`CjRkI9 z5Y07YZorKcMf50`kIC|K9F9$8bjQ?M_^DfuriBSs*`nNu~BGMT(9YqS%** z*f|q{zaF!QU)h(%-pJ}>!>dA3WbUaiOS9PIKU{pC>O=I)6__GChU7#9JBe0+M!j5l7 z6)6EX+y;q`fDQ}C3s1VpfLnL*_J1Q`>ctb-YkwIsKmQVC>JQ+tr3*2*Yags~y-8NT z{eW$gpF;IReSG@2fh7b#t@QlSE-D@JgDFjm#6NrNuu3|ZHZR%(wxuS_)p)O4@aDU0 zzG^nEwoU+RV=2gYI?X2O?I5o+T1ebxYwqzN5j>vf!rKlvZq8TZs*xOiM)>2uMfu>I zcprACr=XROBL8)Qg4-)sZg8zytPvRkKgKP?)M{6ntTGKcnx>K27iRD`!)8O!Y;$s% z_Jh=h5@Pvipg8f2GkIE<4{5q%FwohTCW<$~_!p9}#JiML$^L*NYV)bWgELfG=(^0( z$$_7`8EC(H9!Ta^pl_WcX#Up0SznFt#Gz;G;9F_l`Fae0@P2 zHj&Gmat04QJIrv8WckUrA+uQywQr821AdgVmEVHdl1>-u)p8R)c3BI~y|cLG=|DQ{ zrQkkXF&yvT_<|uPtkBKQ6RMdj>*)H#KAQ{t?$FOT&aW7L{INyJX#z_$P8D41`pLr4 zc>;Un9NxUF%5Q4?Aiu?~-2T7ubmROEf%E+si2-~PHmb>p)OgNR}a~WJ8YX-@=|TS?$La)+s40Orm`7ozOTTW+Af$M zxESp39EW$*hJD&o#lF;ChkQpPe6UuIm-k*lo-`3mua&?%li@H)K@)bR`op%ZPWbkD zFh=dPBX&V4IP9{(u3qy2mXA=O9iHYmc}A|-q;nX|wvj>EgB&&+&PTbSYP|U?2R>a@ z^fs^_s}?Omb)_m$SSED51a7R<#Pc|4Qw(k#b(1`iT8PyvG-$kQE%y96jwa)8AwBdK zy?8F{^*6^UZoNeO^E=slNgZ?S*9e@X9%fNC0qNpQJkD-G*6nhb`rd-i{ThoQLZ3Q) zX&(lMo6rm)a~9j7k7_gjgCoZ`@jVtfFy29lf3#Q!tF4d0yYcaG_`^YHaw4#L$x|Hj zB@o7xE2Gy>eMs1riyK`P>8`a;aeAK$d>k^E-WWZSH?=H8Ie~$0TXZcK^pP#~Kt8nNI`X!1f)uZYcYH>xg zkS!4I#M)ErX~}dk-a2+z;P@KS?`5B0)2T14EMH(#$=Ea1k+yt`q7=0#&Xy10Wb$v3Os@jWksjtYD@KyCwQu3%>9)(CU!HkQ0Bf?p6NC0$O?c{~VPeEZ&Gj_@z!MiCY)JEMM zjWzu6MCBR0{yqEA0Gr z+x2PG{bUF{a+FN{+=a`MM}W(X!_en3iLWkMgx+1b;z~)OFYc%aBaZ3w1RE({XEhAB zjk^TjRc~O-n_KMdD^-3iREEAXna3wTz6oDDB;aMD;NmVCjXPrWpk}!Rf0rUJI4aM; z$DBO&*<~~>x|kOzs6f=6EzA|wMPREX?8vnx@WBBO+;o+*<6(!OTe#zN`aEFf zsR^WgO$+wx1;NEQWAxhimJHP_h5HlslbN9g%<1Jv$ZmfKEt%R>{*DwC3E7nA8#cmU z>(}sXz!>!Rb`u+pVWW(F{(Whq~LuP~|S6LpwXML4~+2bxlxu_ogDEg5Gfg6AJ zW0#x7?Oc#lOBWBj_!!%3eId;A15UUr%>VD%fc({cctlwm1O6LGqxa+r^UD~NXiLWA z^U6Gb<0Z0CW)1Q5ZYAX>+aRzal`Q{u8?5yjNa5=?7%%Ws8uY%x?3bUwa-K0PdAbLE zEoG>zLJmeJ2|M}{1)lixEJip1{axqHXY5OX=1^(eaq2xTLX*wYca~4`A8c(1p-IErQo|V zX}mdLA=2j`(bU3|P8@rUZ5>F-+AMukeCa5-plgVRgEbv`{)N!HDgg5lrj$GzNb8#X zAvbG16AE#7c85OS`%a&ySU$pYTPpeZgP-wEb~;OE_2Lh69Uw-}1-w=rfu1?u@Kopo ze_7r}?v04&YJVJQ^sh~@LdKgtGg}YS`aiI?yM=83{VU=hx&H`0xd_c$LTJH$MLKEF zF*1T(6Wx7z4Le78P`N-&vGVXOEIc`ojv3|1iWe(`hSylKK7uu? z+ykeLG5G!A5pv&L2c$~J;*5-O{GN{j8@6OLcicY#@{W&%&i!pT+iL{;vE0N~*!{+?G0dj)1LhPYuq!npzE{_j>IiJgxc~Z4qc;&;PAbud7w(YvQ@rTDB>`|~ zh8tWo)f4Y(2Z0S7i?4K}N%)5{xF0FFsvf)W+v(FNSsF{e&+j3F!$$DnW2cG2ih(%! z#Yb}W&_iS$--)W#X!MZihI5|{@J(4Z8~=DPv`U0vpV9B8IiKZe>hqvI zqhaAm0h^KQh;3CSn9?m|=3+TX(zk~pKfhtz=>gPhN2oY1Rhp|L3Z1<>bK%Aaf$7}8 z9!kEKuz{Znuuw09O+0v#{WnVu$xJQsOR){~kJgK9en)_r?^3ehdJeQLKFPoA^d^oT zh4`Q5K)&~ovv_f^8mZZz$v;?b#LQP+V4t|3tva_5SSF#t!={mjTkk8i-dz%3c0LRj zkLgr4E|7@ad83_}O~&^Slwz)ENwChg-#y^` z2o35`{*HOyz5tVt*TV6&lkoNy3HoQB;By)E7!Ije5mmK#$h-B3joP+_*vFOP1wUV$ z9%R8c1{iZ4of`32Rd=YFrv($*Dah`RAd^-sg-ydv!1l`~tlrWMUP8X)P{Ibb{r6So zceWVrTBkz&ntYtQUQRT1KoPD?iNlK<0Z$!yB3|%KnaUVyzzf?bNWEi)`{&Bj_61_G z@mUSJPFRh7y>}kt74M0^+1`W8XOG}}HFt1G%z~&twc_RHHiLV>C-}B@0+$ZjjQe!n zVt`%_?(kNH;vO|ns2BLx6TgsymHXJz4<%S?z7SHPcSGX|fm8RNH?>P`AtR?U7EP`Y ziHI)pZks1gKH-D;8``n%h_NW?X)XMpk8-Qa9>d8~vj0OY-s(t&TgHD;LTWy24VR}` zKU}zNST<>#0c297xpLe|bXxWTdQVnXoLg6k_Px95c!f(sr{^vt)IR~M z*GynZS7EokIfZkAyWQa*I;yHs=ieddxk8Cv8x;)>N(yX&ggYG(D)8jO4&crT3Gi$y z7GEC$aPz%7Pb!`Qmxd8+SX9guWa?nTA8pK=Qil6BK8GSLF_~<74b@`G;Oegs7{8?o z&Xin+UUM6Wwd^Iwq9pSCD#}Yoy=is zc-aK7I&8rGk3^A@d52lumdy~~VM=7Hiasf#Euc{-@T3(KDBG+j_R5{MIQIW9PR3GvJHQ_w zw|YTNy$t`-7YSP}*9va(+qmiQ3C!AH1QAx1V$=OA`2O*LE1ViZZelxx@9Ra!uWFoZ zQ{z9rcZu(YAxuho2z?7IG1z+(fY(KEJgQE=xK!hXHhBPb1o4?=u;GL!Jd%8iH+NRSo19(}*sy`FeRdE^j2}a_uA8_~suhm!w1)ck zCD0Q!1s5IvjuVxnc@fNDYt_fVl?Wk&KVmy}Tm2O4-6_L{>7T_l&j-?tUs6D;;WxRK zkc&e-7r+Hq4f1%&O7M={ftB5YM|z~-jvBg}Mpnqt{Io&vr_2|>+*}H_HXh=1`$YKp zDg*D?f560B_i*a;HQ?=P#p7n4hmqBtIAQBRc=Ov3WExfJy@qJq?eQP^QfCCCP>uih zej9O_k%Y>lqgeEzpUfq@nf*8H2R`xb6WvP#X8pZW6_Bj-Pd$Ypr2Pn~wG9nHnAx-d(wha`+R%r`GjB0Fqd8uGo) zl9!soqhfyz>oRP|fHRToyU38`?g_#_V|00~;Jv63cC&MY|7}J@JWP#B#FniRJTzSw z&dxNXX{~1PD(X7;3!Jy=`BC7cX^;AUj$^yw6r4TnFcHa^(W2dPXqhzuVlJK(IB~hC zzK#j3bx+~Wp-BVxRN>RHb+GUHeNvUX2=gC=;>+?@OnIH#aOJ)_US}4fum2@MQNGZh zG15u_K`D;1Fa2@2zRcPuTljfse~P!(xUFg2WG7VJu`rz)Cmv(o2c1DEW)CD{EM( z)JwQEL4v02cq;fOmV>980=Q23z|Je&X1#-($>!3FFvrFLMxH#0|2~Fe?iYD(EI2B> z-o~JU&=olxJ%UXAGYFQ2RzgtKG4yksCo&CgA*#K9S-o8@(N(R0b5(lqd*CrXvpFB1 zo5Zkwbw|>o@>(SEb~?K6t0XlMr!hvm4Br`7!R#$ET&w;UF?=Vui;I--(9O|c;IIr@ zTNQEB-xU}JFU8h+miR5Lhxjjy!5yQch@++y&p7oAb05BdrOl1xOUh-qaWW28SqCvs zSv7j*?^A*8G#5%uO2i!-x8U(xyP5wBq5o0iN#-81qXoM<$*h3};N7iCT?~J-Ve|Ac zKdFtlB*izJOHdNu+K`FI@iaO9Phc4oWTBMw2Ye>wOQ(HMc?4^$wGhtb)sr9>d&K!d!MlNki#{EttG# zzOaYchtIAX2_D@QqSZa!VCoh_9~oG12QPoDz7~lY!Gec1dIT$;BSGJdU&{H9*%170 zK2%+^5c;Yiur_oHdD<iZb z30&*l%>Nvf5noty7k}*9O&(?q-w$p@1igVX$rcF&$WEOSWcg}eB2233sYe1gkVub_+WTHB8{9n z`57Bk1K?NGIz0ZOlmxc?h4ufMNn&jRI zKS&pQB;;-;L(z!`pq-<_i%zzP)JHVKUI`i4aNC=odpH?%g|pJ+b~`$4h~NWx=8XpV zZlp6W77nVou-Vo#a8r*uH@TS!4YeKOCFwGdx>}f<3p4x5w>JEx@IKsMAA>#;>1_F? z8nMlVC^~(RkdZ>*jPs6Yz&1rqu4uIo{@vb;hb5HRfzMarsoX*yd2|Av^BW2q zD*urAUf*%u+M6W6aXZHIuP{aF04R391-Zvx;E<&S`h=$n4jvI^t~3+aX#a@usjI|5 zvJ=!zwPACoI@n+{p1(hgN7~&1mHV-5T96Cujv0$#g%@D)=WynBqZC%GA57&Z2M}$k zB={EHi)V%2$chxf*|K1`)6_eYct@Z+SlC~~8re(W|Edp~vP3X$?R$}8?ojIbRF~y+ z{fCp50nc8oA@qXhflGNExe~SZ4ZEUP`JQ{T|+SSDQb=t(P#22V8ihUrZ?Y|)(E{7i&eX!rA^2J z%Tw+xdWkJV&XeIs%pgQ30S^;LysD#7%h?#iz z^$NH*F$HJm{R89LfuOgv6AsI!hz^tw;%lpP`1rYpL@CnJ6vzSAU}6rR*Vv-<#3-;; zInM;&JdRL)02ZaTe5S<;e)@npFXZkx!ps4!D`lxg(0b9sTpjq_sp6!lo{xDFM#4Pu zO~a<*8+h(>Jh4lZqdS!~FhDYeC|I3@LE#YWKvf_VN|TGxFdQw*DkFJyImRjlrs-IFxL<3u|IJ z*bgHDayBz~icT2op0$cpFCNI%dV?VNaV=QfYr~zhS3*$#3mo*<6T;Rf;?ibQ?*37h z$3$&~PqHS=>Qo~fBC4=?i7$JjZV3ly09N1G!v=m>31*{=c;JAgAn#yGN=9$ydt3KG zXGk?(yJLz!=GkDRmm_U9ZDNUO{lur{BJ^86BhvY^`M)2npwwecbKBdA#gt6=?IAD( zh%Dy!Ev4@!`XLG)LyKLh_>$g-AL5}TGhiKVpBIc#@*5$y<^=Wzoky2-jrjh!z$9+n z0NduSg~|0=?1%IKrhCu`zkNH36;%^?x&M3c);d9c|8?PAA2Q&}Aw%x2f06jg?1zw$ z(GYH)4-R`1(f!9UteYLrN7No*HIXR-H%gi>R@z6l=oLam{AuWRdC%JIUXsoNB~DIV zf(K8!ApctylofP?@*aI|ADsz0d(VmEq*P(}UdJu zKij=&>8+Fa`>Hp&zui|fE$I*xi~`tFS`5wS{t)Gd8d$_HL6({pbUu_onL~X{KG2DO zke`JKOC#~`of;gVrNc)^AA%>fnXof!2~6~LB7D<#&|I`1bDN&y=L3&%$g(O?@BAn5 zYfCu{yXZ(i4bOIFcKxjc(_7_n%>V_FW!89>p_b17sjUX<7XrIkLGVJX8_17zjfV(<*}ox1 zq9N++BbaG8p4xoSpqf@g;r7OQ7-ZndSIg{z6vGwFaeWhh)p-pE#vaC2)r+Dj`wOwj zTY-PHJdRfmt3Y}5YcyNtf+}O~5RU{g3#)m9Bci?v?m{&argx*D z(1;VwZR+f0|8qQe#Tn+hnxp&|Iq=zIfs6k9ga{J^ZN)D*bKW!XujxkdhkTT|5DUH% zkFoHng!rBdp;ae6uq(P(e9Ue&`?BF4j{Upo)I63 zX)xhr9ZIkBgqYx;7*IKmU!S}Y&ZsmHk3G^5G%wd+j_*FduP&hCc^W; zGm6&t*I;VcNyriA@qhghT*l_X)M*~%eZqOtu;w$=&XS`gekQcQzd-C7o+*khy9$YA zdmw$tOuV$9ocT<3Cz~{6F?dU@SbOg)w(YLJ=!@RhhTYTe;^|ACWNmB!b^312o8C7F zXZzJWG2k`nnY&z6oH&jeFricNnK(~r)}!YF`*COBP-Zl54eb(dhN?l0jAr`69jDE# zJ>w^M7emWbo_K3y{o$l~cqiD>J%NP_WCQG;5!ndbd#HunlONlIu-sIRn4j2$9#5*7v3(ZCZ@mm}Y@0}*Od@V+Hf2%F8}=`-<2%S~%(PHv z@^2gQ@%gjtap^*Vo%0WaxehJeVa};Y&{0;LMQpr zuz_?aHO2BV=h5)&SGL&fGMo;50!3=U&{2H{w;DE!8+EGifsoA}=DU!cU2Fu?J=4MF ziQt2uu>q!>ZDYQAT0Aq~4gL;IVGjF!_(kz=@Xv~3(rNc#jEyo5k#pd64nnYV{c3Xk z`60mx)y~#TI?V#*eOUM}DN$Io2a`E2PahrCthG{kJVz9B@?Kh^LW9Z9#55T zPo;`;tiW%GALw@J(-DGy@Y3LZFk2(k=;H0r-!BnHn{E?!L=K>xEqJ}GR=`o?KNzxm zB#5pLV6FDAH+YDV2Ry=HAG0w~y$SX&yaJA4T z*tcsxeE1PXw+UXhy+gG5`KJTupUai>{Dc}f+O~l191)3E3&z3JfD0%-Hh^XfD8n^U z6=du-f-5xc;eW4&VWg%7pB>zR;{zt}J@Qg)e^fH$&L7D~`-WlMMNPDRcwOxLZwt=2 zG?U)lIu{*3H=<9}MqK6fj2+RJq?7jwJnNFnf=}QmoLa00p0e%fTbYc_$@*rd?Ep7VI& zHlZ^Y=E3K!9zel+rT9QtIruF2C+ct#i_VV7Lc4?#RBA~S8Q8pll3#_eZfq*Z2i#y5 z2cqDWjSgRAXuzs=OoX*D!hA(>5H5(#z{h)pj?mJlbrQvR>yr&m z4tYqlO{>|1kV>4aYQX<&u@pT^+s+UA4Mq7_Uy}Bp6g4aBz;drj)CgXSXFkruLy3o( zS8kQSPdSH|M{b8z`+uRQlRp3OJr*uysEfDW3k8)+yRq=gdidij>~1^`3GR6Z@THf9 z{>pXnWThx}5-;Hy@1qz~)-6&~+K$iDm*dj=w^43$4tUi_lcWub+$*IR%w%pb?pJ{- z4vMgR)mw=EC<>%n-QDPL8_z-ieORI0F~PrSdv z=Zkkx^{ckPnK7Ur;#ZLm*D{E}Wk#Fth3Gf23G%1wV#&-SY_C-qJcv@|7n;YTul!YZ zsZoKOYue%InFC>2<2OhMH=->k!>M7_WhQxlIi0I}6LzfriIW}~vNH2H+Ti>XzPYA? z%9lUT`#Kt4?uo?1ih(Gd>W}l2BUrqt7=v$Wl86Rv9JtaOTS^&wkmC(S67$e@M>#qD zW~adBKgtZlW-!O!8laK47Y%e2F!X5*#?85f{J|5DO*X~i5M3NFAs)>)bzxlMM!Yh3 z4(J4A!$RLLxS`2}c8)mBoaPwQ2!97O{E>-Y{-%?Wd(B{%f+LT1HR5f8H@n|+BFH%R z;mzL`*wdE`GjE4r!JugLf3%b|k5$3%URA95`Y5>6qR*`~UC8h`cfjszB$!y3^6+*0 z;g?4b^i0SHb^m$v+OzV3rF|Bd8>Ol5i7EJ@nFJA&Bx+=T4A*NI`VhUmtD zaQfO)a8!P)Mdlw%Rwz_}cv38uO>J!WGPqQ%MkQf;uq5AZstLH*LfDsC(6RQj`1_67 zpuhAF?)9(|uZS;YdfCJIUF~^r!l)8W+uGPG^9)kA<&1dq;mhJrd3V^|0N|YkLayLj zHoMWUOH8%ziCgs#kyL}@qVX?|5slSn#Sh~O;ed$_|Nh~W;8C>ZgZLFtv$DeVK_>-I z(q$+t{6LH@%occ)ze)1BMXK5X))@-nP*@?+fe!M#W7%C|~!S2G{B2S-2@>xC_w3Wy5MXAHk?6(gT^jyHX zn;04k-`|$pXRstT0P-yj1tDq@rhAO%X3U(K2PyEMM@Nw*%B|Qib06$g2?Obw3!y(y z4$R|Z=*pdO>|p#jbPtf>uQjyskiG;x>lY<(?qn%GmErYkjG)X(9kyIpfYl9;!05dq z?ebTGn6Oajj2cHL3^)U8$K>L8gO@O3z8U%!?W99e({SJlHNJP?5q!R&ojlKqW$TP8 zS@L)te)MbxHiZnt>RHR#;XPV(?5P}BP|D%(=mWS?%^ngeZe#L|7>HpHiE+k!qC3%q z-rnjB20B-v?NFSN2Q|I3ss(PE5(n_oCpu|JowAXXc%l@#eN$(uyOr^ z=-kn&^rn#i+n$>XH}BrUl#&wXy0>re%i$wzv$qm|xwOW4*8zqBLAO!kQi1sOt^HuK zx&chfF6}UchE;dj`M6@#`8y0A3fYjT z=F4#2*p>%vHpIeZuh}CtTVkvGh)6EBha{6pVAr()$9_r z9ypDo3hrUb-dGGfo{IfzI7s}u%5FEE!%J?P_`_@0QKDuIbG~^PjC9|T!A63+T-B3s zolLRLesx|oJ{!*~cM-=cIZ%B~7GJ2z;ztF98_reW(0E$lqD^GBCc{C)@;8f0iHD>s z!i?_U1(9lHG0d2wgv#4wxb?p4xSYHZ*KEB5RpI>*aCJOYA8pO84wONrQ5}A$Jk5mM zA9+@O0dmSs*z43RZjjj4pj$JJeoKm=-$VZsTt^g!-Ib&B;|}8LaSw3lygZmgX)v=gKO{kqRyL>~k$%Z4l<+^+Ltwf8vfy`P3e5W#9^vlGLt$kukL%3-@m_~Tfy zR*WUYn~Bk}!vIk_q`w` zuY|kKw4)8#Uo*L~gBZ_TG{#frH*maKlX!&lPS#S^j_X=vv8a0?*_WdSyS4~pv5F8Z zk2?-v+l1%BZMf&xDzeB_j%i58p~0!!p!cLqv}8{LEGP=cjh*A^32#F_AtpjR+G#Z= zvNx=J#sT=Xst+?eD3uXi&R6fx1aI;?{_9Xf<&+xir*-tt)y<<}H~8$A&x*=fs~8{V1Hu zwp-m6?z^)%eK7zb&s@B&WC2qS6LDA6aIh5kEJRxgOxDUlWSBI+Spiga z(|i(f=NU%K1*QS)(Twa zKob&gH5DxyW`OooQ`)2?JjSzZdhg@L0PYatHUclaEJ_d=g-S9p9xp-WLBhK-c=kpeskw6P4n9>@6>F2b? zdJYFcGvPjYc{`a@_)P{Ag2glyr!2i~Z1h&&q zm~dq>NejwlS2|_k+rn+2HzANMDTrgbD}-E~?nl-!|0F(_Z*iWT@`sV3TOq{gIP{%K zW4pz#NC{p;;}8>UUUCH+d=r@E@5ywV$>@f@4?(IB;7viCeCGbu$ z2S2USp)LN7I4mzgysl?DX1{O7t``$<%Jw@V>BS3}lZ6?7J=q=YE-r?*37UMD%nh+! z>rh%(S&Q|9f~jBW5xCa)7rOVJTYjdYjM`RQ@-1C_H~lkQvwQ{` z(_48&KGfc)yy@*L|&qG}CmrJu39r!XD9<<6%x=52$#y5KeIbEVr3i@39 zes^sFz6?AnIwW{tvc%HpJnb^<5IRszu501@?hD{j_y_f4ro)=9kz{*=z^;EWg3gkZ z0u66loYWJK?(Oej>5eebo9eZ2d`&V2-4XH-_xHl-SD)a4=_hhaLsMWy90uzRnIJb% znJ<#D(2!%1ghqvZ(r^-lX4hGUyMzt`rf-}j7s^X{P-xGBuIT}7=Da5Gt z5{Ge7;#YI}kgUE1wslXK?Y3$BBW=RMj5T5CA2FJKO$WJZH5e}s%xQ!z@k@Px zw|<0@K`(@Ps7DA+Un=GD)a@0~S8e$Gh^8C9O z#M4C6c#O9UJ)h$tcFHsm_RcMMR_I>^{}%FVL)B)#-G3^$%C0A#f$DTum=@j9tcija05t6f!M)o2de2fJ`z~|z09AVFlwk9T3u=3BBnn*i7Gv_$uTLa>0Ln;^#R~NtS`L&Lx5aq=IB8=+Xu5eo!OK zkDe_$0xJu4lf?msTz}LguBUuWBzl%A9XLb=Z_0+-ZB`?Vqt(p9v zoA4}n`W;3I99_#TB_ejY4T6UM!6oXE&TF41;Ikpk;L;+;Z?3n4K^@CrysRH;7MJ4c z_apdqg%wb!1e~5w5L1K?~6E9tVXbF@f zYu&QpzStMAdk$p$Hy`YzCHa9@DiCj>&QaQgv!{MEU`#yj7krHo&rE2g%LEWYjqqgD za_$W=aCX}Sa!2a1$ie3(`)^XZ`1Lt!7Fc%~o*2wQsguUAWM3_A7qaL@&M7F}FR)fZ z%ZZiEI6ki2k4G+?NhgFx@pms|sH{W@>Fhs)XA}Cx0j|H<(1=!iy}S_8f5}kKfN(H1 zR)(XBEok*>5?^y!3?g_9eY~OHV;&zabi&?JL)taY zm6a&hV`JS_986zez&soJ*Xp2i^?fKR1arFQ3Nxv`}82Cq*;I3VTNXN?bf?9VvVA!`a&pP+mdtz7cr6^_W#2>L!$N*w%npcoF%EC(wBz{MC!vPT078sl*dR@vnl&vv-v!x^+1){XxZTE#mVC2WpX@mp*8r~#*htGWz1r5C|Ob~$xl72 zVD2-l`J}g9aB7|%_Zi~Ms6m`NrQz4J5QrXF$+8AG zK-NtYZV=Uhqh5wVQB@|6oL(kgoV0?M&5mQnGb3Tw5hamEj4_P8wGtZE2II!7zw7fF z|Kgl?dVJ8zTu?DxiBIPz(7_IAXp@yKFoa@I)#5om8Jvalx;L=jA=Th`>KpqUaRm;X z@yBn4nk4bxXABjd;krZKiPq$t#E&ftVAB2lc(eN|Gu!uvyt)z12ZZPfGuA)&=s`6 zSP0uU3?Pd>PQ|!k`?&iKMYt*C5WmITV9o#SZcvtXq4C=oC@y;>i<%bH0 z2o`+GQ(xe#oRRp^`WeK1QKLRL17Kq4L1unc9j&W6@KmQZTsXFa%Q~vkm1ElAk)a0^ z&N)N7GITKHR4N#~5bKi)yLz(g`Jt`+@V zUz0R{Z|d$D4NL6p>FSzx5}OUYxb-W3t4f6@|Ap|8ADpO5oPy}Sg*i{k8daxpp&LuC z3R#y0U%`L93O_2pjw-u!kWE{X;r2C0zPMVK2c@V$UccaCyKITuMn>@4rzgPfqXX#d zDW0V9<9$5eA_d#+zJNr74F7LjCtG#tH=0&`B5KE)oIU6;EZw|{zEn{Kd*v?SGq%Pl zvonO*+Gu)ZSwBcxf5JPDl&Id*KEbm%65OM^nDwt?qOrlX@c!-;9O)$VfXy;ktMN)~ zH#X$!{wx)#8mQ484HcfC`iEe*FEv_N3HxpdvvqGjoMt2o^)uJ;sJds6f94DGZAu`2 z_TEJ~$psB+i+;f2cwyeRLUKMJ|>yd~t}P$gO)ItPYWsId04$06|iV+?NCjXzHJqsJ9(cynYLsE+AlHBA&h`jrkw1vDSc4(A#>7&5WMJ-}QaN ziGmx>ahi;fZSkN zTJu#jPT8L8ecR6h^fO@WAa`ze^&{Ld_s7fM4fw&5dWe6e#NQZvB(5ueLh5{NF8!_+ zu8S=A(rtUeXUr8ibYvNw6muQC4(bx~Zwma@_{At|;>9&K8ezx>YpySN#y?#Lo|$e$5RVhD9lZgiUz>f5Njxrje}!aCE!>wjL!NvgWAryFXa2y zVdF0mjkbz`BIRa${y>5TZ`OhB{uOvW@h}#j(4;fXeIR|X3Vpdi6?*J#=?Fh(2tfG3RXPWSb}8 zlyeTtcWiGNu~yH=ypAORS?F@!>{yxH9(vx%W*Trv5bJ14<5JLRBhV z^)H=GUUdoY9q7TZT6x;{N|B8?Rt!D!WO+(|5xr1W0^Q1;%y8@>VMnh3Wj|*@Ufw(A zwbp}eJ|Hl0O&Zwm3`eT1Js$226obJj6?(v@3LXCAV7~bTUu@=tmBaS3^&Xc|J?Ihf zAAK9d=TmXa7a96mG#CE7Scs)Y?^x5jQ`j|Z8ykOU8XXv3454q#=+K>)Ak0I9yPPoN zU0ShRyDfximRun1cT$+?+A9L*R_Ic@*JEAIeApT4g^+AS_Mb9ASIgbFD?kZHOKL)1 z^BefCQovS@lHs5458;xBq#=0hL97-WjXJ-Z@nVJ>Y?wb0!tD;gaQoNnv3wC5ToVPZ z>=;Vh`QkWhGyZwyQtG^2l2@HGgjeQ6;Lfav#N)FD>i-G=r5Fi;TQ`iKFT999Mha)6 z^han`=8Wz8gm|j1E=ER0z^fB;A>ij=_VrmbWL9Q_Ua0~Nyq*Jl1}y`#xGsDqJCY5Y z8^$eBi@AgjU>ajOptf6r%k?c2W&oBA$K|JC(Wb>|xKbv3JThQlMYe_0A1uFr_t?CZEJb_dyH@(V_8b#qpD z`j`xxP%W^Aa7}*K1-ei4jE3EVzU?1g-qq9)}5r}gf#Oxufw%A zEAY0+Rye0WpEs|#2*+d>aCwRILV4XcF+*rZG1;oec6KV>J@O4P8pM& zb%oTKeuPIa6NLG)7FVr2P0}SY$&H(vpm4)_HuKwAw)gH{wA?xY%tIWB*NPzgdHR>Q zJjajt26e+w?TfHDP>On23f`dY%g73$c+_1!4P&k}z*;6j%k@%V<$VdZ>OdMUPnaSO zY%9kDsan+d-g}lkdlt6JCkk2W50JBMACccE&%9QZvO~MG@Rv>%$$#YnKhxgf_5M}t z;5KP=$SWkFORR*sra3+FBa1htF2%kd)y(m0E_o1NSLe7yf%_*%!o^@A^N^t{*7)TP zu|1hgr|LHtJpBv%%(BFKTXund@<19;aU5rKK4n%ZGUTjuHypFJ1DnkrWQ@KBJ)13L zCMOM`-(Nh(Rp(~%*WXvu$x9RPo&HADnBz}J&$dC|Y1t6b`4DyXYTe|K)dbB&9zaM~rJIA51Iy6mC36HIw~n>j6cIubuDlp>>L z2J+K>M}1By|rRB`u9XigZ8p%!S7-8 zEq$IMYcD+euYt@Qf!DC>4lDC8;k`ZwM9V*RLE`kDqw4DOQ)Me!ON#Z(WhV_7ws8ETMNTPCvRkkcSJVwYvYSxv7#S-{SgmY z>CUiS){$>;AI87V8$+qeJV^TXreW-#(>Nfd4rUmwhf`-wsM|svd~DVNu?hW{5w-yR zJCw)@>O)GEByd|^8gBEj2Ky_8cxYuUtgaYNpW0}HP0$1E?$)CNi$kGx_A|(7oCd#Y z$MBHecg|zC4Tr*anwTxjFS9#jNViDfL;ie>%peUeo91vHWrIqpyCM1f5;81rHLVG} zjo#|9O#5#nx_eYY-c<|Y8D>DGMg>EGYZX9PCcK5Q^mI$ydAaLs<4 z7AEBTcJGITs_)GEa~VsJ=|=k-CyABlF&^5yft@(l`=bLv*`=WR zPJwrAGNArB3^E%qxw%{30SG=tA3GK#2uz-AZ zY8~EygJ!qG6@k~Cpf&>Pl2g!r*%E$tz80)v_piw4~$(aK`my<^3c;lMqhBw z$%#(D6aO@k)x*?Pd*JGp zz05W)6OG=~!Sk$h5M|OWYHb>~6r$hG^y){1)CkvLW1M01Zb!(XgtmtRXLuUhb-eaBUmW zxx?!rbw(1r={f=rDojB=LW3r>o`v)!2S9VBF@7u4q6-g3*W27p1v9;7T>ktNCVZ5~ zc^@prp+aWr`|3iru8ZPY{XWuvPLKK&Sc=~C3f{6U$rBXEUAFfCDEW_F@gp=+vAg|XGK5XjOMrFr}1Ymvq}BGS?r2_6p5d1M12lOpjT!) z{d*;dj#bc*`oa9!*GLCqNiITzR1f&c>kXHD9T}muO;Tm3U}1U zEx1f#Cv(fc!+y5e(h!4BWX`!G7(X@?oTAS|qNE`$#1dGc`UGXiTY-9q157AW;g>RF zakJV!wng}z>-2oXwn;r;DXN@2G?kL?4XLf6X zZuCB;lOUW2qzdtcHv<<#PrQ1b(|{52FyM6nxRt#mr{^6ZYpP3y_f|HV^iJg7CDUlV z&oDS1-y+)J5ihVdMn|d|T#%=`RE}=i&gg9Qzi#*UMA=#0cSa z(*v?Yu8_fx_4wLi0*@PIXlzLocV8tiFC4F6!isddP;AAnbWFn=TS7q1_AuF|e~M*z zzay)SFXL(zS-$n_W8nr<2X^h(Na+%5ytQlvYzuD?4Ma1#v}!qZi8;z*hYg`)*ho%- z{Q2CAF|09uv8X|DCCs$erq)%p`1mDYj{I>fd2|@ncev7;xaD-6?tAPp%}29mJ+OTG zNM5@8DDPh#giCePaJsJvUt&~80{@QZ;q^)aD@>lw@!Q68!koC>VG-2zT0v!ZH)h`o{qzpBjMET^K1Nouk zm2g1lwvW4#NK7wx!l9PI)M)Q1&==0PTKU1KHTNP+o_bc;9X`a(^2zu*PJv}jT}P{~ z#NvjkQ=k<$l)Crn;H^Au`f|hUhQfCv@vm$U&KKQ<`w@#lbh^HwM?C>G<9Bek&rba0 zk75Yy7nAob&8$Jejy60OJ0CO1#v*%d9-J}^aMEvJla#6FBq>;#^Z?DQav(j#mHd@R zr%^TcP;`EVz_s22&rZ*0F%!1}FEIn`u!48@AGUxV`y}MuZjEi2d;Ns4=dHrN5+xw1LXU4_CNJx97g3>O zu|DYso~bzjV{Hh!;ULt%6nDnBlK(|UVCHk=0k91T|I{1(}2VgweV+g5%Wz` zgtF*yTp=}-#tY9YTds-Izts`^@dUo---KmzZ7^e~6OHjz=hLU@Q?=n=*opuhUcKu# zX|fnjE3!_4H8Z6fkK~}({s+?(x(HWPFJc<&CXS)IF#38Rmljz4C%6~PxaSX#-4gIp zL?yc9eMftvT$ozZ4e^Jg(DcI=xbANafq!~IM(aN?eC|$@cILyg@DY4&TO(+!v1T2@ zp2q)DHVe7813P*W`B7WJHEOU2-Q{1g!ZJ(lknBxYF7tttV2j=pW$0YL4{&8r6Ft!L z5PuKiuuF9k^-K0A6+Wloz}XoMc5AoRm;X=EdAQ~Ly>UFL&|cb0L(5E}o^u}w$sT2E z5JH5|7m=lJn8l;jaBQyGaet$sM^;}n<=kuI%->>)Ut#%q; z4NiyuE_-9|q*{Fa#+-`&I}9?N9k6YbBu*ONf{QR4><$INfQcp;RR5HCW_c3H@ESNY z^%ArTnZOPHx8SC-I@hmy4vmY>flcmd2$KzmIm5ofxeE?#RQU$%`!$hI)#}CK!}3(e z^%p1_45LNk_mG?L7*Db8W}be200zxGZG^&5qIG58s60c*|jY?5zTtiAnsaO}^08F&~tC z6``nIopySRq1VM4IAzvjytHYs&=;6QBq!COX4!gptmuFP+y99jg)C;RFrRK}cnoIE z#{71XJ{Nv;VCeJ$W>sq;@)qqD$^IS2$Aq57oNZfBZEX`7|6wXG+8#ib9y^JDOZT&p z0#jsc`W;?1x#8y<5*S(+%r$aDNwMip?5ODD0NaX2;a7Dd z+E=@T7q9(`B|6)A*_%31s(r8EO3WgwMwszqI}Xt0f)DMhb)k6S&0+M4;JF^wa|g;| zcf(9a4eZu?2!p2^^0x}#(Ph27(0yb_|D{XuZmUChFzFsTN`GSidTbzQ>I1Qp<2{^q zNRICFHl~kNgUOD~&U}a5XBc;_3BP2U(QwrShkD;g7-8EC&rRg`16$#qamEvQZe+*)%5!?J49|{@!in)_uxjK09QeZqhJF2n-)e)w{GZU}`&6H1jycQn zQoLxJuZ-ArfHgl`=1Nz^m$9H9*D>pj29$ma1l}0~Ij(yArs6spb#N(HojHMz(Qtr* z19RzvfiCbW^a?8GiO_7JHcr=z1;=N5aq8GS+^m^St3ndXTUX8FLB7^7C1)$HmER0+ z3hrW^HpeL6Cb7g@ZEQ){0w2pBL5k}vYL^j;ec_96qGcp5Eq37GT7`4B3=q1rce0;b zrtzthZ{i-ML-<5Ahc{(?hn>IILdOId-m9I9*B5ejsBbiVH~Wjo#-|^>63XD^nL9A< z@k2BZyv>H^yhrs-J~*dr6Yi?kE3dX4$Yo}yf}haGLw7~N-SsKZxj%<}xc?HQmwmtj z?Rl(X?k19L?}j701+QYNJiSuaR^A^gI0KiOz@@&!&pzp)|YIjxVZShmm!wdC9@SJaJcp(C49!Q4S6G;#o3v z$R9=Dm7HV$OgQWt`a^tw#Ypldz#JPyagdtbf(9j{QEu%Ye5g8uCmcM7t%A2KFs*^O z_1LjLtOi#v<7hi{AfJ_e2?IvQ!=M#btmJnT%T%iu@_izzvO*M?Fb#Z=OI zH5%50g^3mx`LM2z(R@*R3EaN8O`QMM5L&)ca? zdq*ly7W^^2*KFCOg%;fXt~wo4-biFLze3IJc(fjM6GwlRW1Fh3LiCnXU^@CX&X9;F zv)vTvhCx-3#x|i=>dT2`DKmJ$nbYuO?H=A5zMGfnzQo3zAyj`lMa5yoWZ@7!xc65b zG%pXLW$%Vk=YkM^(i5i@RA^G{rnY%4nE1^cL@&9gyf0;){f)%zAN#(%R8aBz5_Nb z{{@Hjy2pyGn^ypIrm}pVrgS48m}d? zZ{vfRLvc8X9rlGJsm=rGXu)HC<}xS*If7sy$BHbycY{Id2ID3t8XUeM8x* z;Mu?z`4Op!WAO9uIS}vaix;dGO_;e=0|Qgd`KmKcY~=9ctKIpocmDA0v<*!V@*yGJhG^}v3-*k;hMJp%`v?*q6M2yZEZGJ{ zUYE$#;LA90*I9hIdN{w|eF#S8#)=Ls?*r250c}Pq+{kqT7Mcm!tJk++O+zfJXud+m z-<9T5bmgILR0#{SqBuG7J?1Vk=ZF7U($Bk`=&40wu+=}z{H}L`LeCv>@zHvmpDFx~ zynTu?fnV^|T`LHQ7Mv6*CrEQrAFgqk&PD~;!Q|Y5IJjUt`1A+i{pALt6^`n3($5`W zU+fKQr+YB7C1=neEz3dlpb9f{|Bydr4X|EnCeD(Pqa(6U!S)b!x+r13;4gUu3vLHb?>^RE{9<~{I6*$F;y4G7#6j+<|6g$1vrsIzyp;C@u1>hs^iKT*4Q za*G}M-cZ1Gf{$?as0pG4LM~(ZrqirpVmP|ql)-0qJ#71?aa7NGIF(qpnD80OFg!B_ z9-fe-iE7K>%;O7K|3Cyccl41Ql;9u7*OK{3`^YZU6nJtvg00ww_+i^d{5B*Mck&uc zFO5G{WUdAnUuwP-#4mGYJ} zl9?{Wsj?|2mfCp`a=t{dmbMwfvY zIq87IO8G1YwJYDS?RyaG zVDumMsH;=yG!=T%H9@2|)f({1&r2d2H%a*bFtj%!vW+j=nr5n4pSVPNP4<3|o5sbu7vFDjE+Zyl7R_Tn!tF~{& z=|{TQ3y_9GH-!%Ic2!>X)tCk=yMRdiiRc}U=UTJYa*4_Fag0p>c1bQ3H@tmHB)U7$ zJ!~EZ9PhxW0v(p;lLfDY%=C4Si_F>4nTlWALCJz4bogNz-tVymM!v2=Ln~FTc*4JI z-Ci5Gu6|z>xle*#e`d*pBWK}CLtlYiUC0A`eQCiiQ4l!18>&dPxr-jQGql)Rd{8S1Gm{w&9$Fb?`yoh~H9;gMB9l zLg2b#uzsa8x*VSa=lM8XsABt+;~@Sucs;60NYk&Y2T`Ak4088^SQ znQ!u$g8m2m*y#Zp^!;Zg{{MH3M)w!CY(*kIHa;OZg1ebsj082mwiw-ec43n|g`%J& z^j|2sNczM{9Ig)G(t2DD-oY|vYWZr)?TL`R+uWja{W z<;ted`$?8YRbbcJC-78SiQaHZB42Yy!~DPZknY_KBMpm*q+dKvT)YJ2t_|cPPOK8R z13zq0yez6opM?8|>;?Bc1%By6EA&h&gY;SPU^hP#l7{bvjUCG1II;(3m%hhe8lIqi z&x>#^Sw8f(@Vqi@mhuZP zI+?}UM0_woitegz$0J_)eBHcJFk)RcQL5}B{r^eRsWXb9kBnvw$zEKx=mm4@+Q?=o z3*YaKl|((fh1}Vf0|mme-zD}xd}r8-VNOH%!Kj@WKBf}$62@Xn^$?25%G6@_3?ikx zoz1Pj1ggEoOduN>Xfm1&(}EctX_Hs#GH zvQTn{BU4@vI>t)us7onUG_PH{N8zsM2duWSo&K~IWdrmt0O^q z;wq+VyBp7BoB%KRVDz~@h&mV>kh^U&+3CHv+1OMQzNSdXjxEx`5LU*#r+vf2wU($k zL4~ed77Zh&9O7rCC-J%cisJQy90hi+0PdT(FdKs#sMRb>w$Dgs?H(2wJbNT;`dEjj zJ^zwtUqa8n1V!HAm^Rjw9!iRt$hf!7q`bYzhz5QqW!hIp!1x%+c%|tnt-_W)Bt6tv!m{ z$A2KlWgYp1{nGs5Mr%^Cyq1N3Ed_`5(QNGx6W$doiFdaL^IIxjFvZ;iY|8SWU{oST zXx(Os_ayO*d$M@c)oNTO z5hl3Kw?fMFa`Emn^;i4b0$||a)wpzo9pE=b(&zk<4P!BaM_&(omvxgxGS=*jvkt9t zF~{%rL-?M~252oW#43+-%d=9YlG*24wi>7OC)HY9m4LP51?nNoS-k? zkiL+cOWU8U#G=jwhw%q>=$Mf2z@);Nq5J?E6H-g22%dVwx1-63XOd_#b3beB8IChc zwvaQmX{gp}OcFKJ`BVFu7(yq(_>DL5?mS5dp0$+kR7k{%@<^D{Gz};0&|{uk8^!AB zPl$V&8i@W@vEyFbKtd`EuPlFB{#M`uyQN;B?ipRYW>SO_Q%6y)4mm#j!UYGd5MAiF zp7S`(!bzCVzD8pxMeWfN;45KH8~a~?@m*zpQRs@^{QVsSF1KR0?}lKr zx+7MbWsvkx3wqF|QnaYK27*?cz~d68d|8_XBsiJDVDptwB6ze+zRl#9e|18bW;u?u z*a7}dQgmZih=Xs9Dz4eP1#883@Y9V1qI4&~e%)t%b~nkJ1eE_{Kle7^tM2u5{l8jx zeryh3u~vz$-@J$_hCC6QEuBAPQwACE@8!>}U}7*n#Gt^BS- zR~rSvg8R==p|hA|^zW82@Y!)p=O$o(mW za4~WmFP*xOzMX#&art1h^~fi~d#8yD|qb|S+cLGG34W!rEoH) z9=@om;D|LrMD1S{noZx1Pb(*~*D6`e!f6cM@zaogI#hu1#a-xaR)dzm2hoQQC9$o3 zC^cSm7(H`~`8vUmzWSI3{jle==%aWMlXY9qp4h69gWDXS@zfQR5jg?fQ;S`nlE8Ia z4qNQd5BVcg`E^%UmbCN;sCnd)Jwdr(l=ufny?;yWH>ARbrSdo+u8&ZiDv^FwG%LTb zox1psf#}_lBz@LeeAqh@M_DZf6OCnT)u9q7chX`nS1Qv~bHVda)W!<_MZ?8>T^j1@8RYjXix1#H^&1)I{xsr78_@+lFK2=B=#X&lFNm>p`{6DP}o84}P_6#q_vD zjEp-1`X9>i!jc4dQ2rR7Mr?(n7dv2UkTk}44dmndcjDOhY2X)Bgydo-oRP1<2&km17I{tiCPFdt~nChF)OqX-u29+RnkMK0-B@A zKM^i2Fs9~0j=3~{7+sWk4$qjEV6i~~VC@!=N(oC9rJlp2X*+?PP81tl!0)LcDW zv}(>C^xeX7rduJ(?RE!KVb^)*gakwlQi8c@(W3Rz83Hp^jyZEPas32OKFQFLCY{zp zor>*n$2&wUdE+_g)P08Sahv&4o!jvESTtJQs3w6ShhahxWp*osS=CoxE^ptA$48m+ zdrmQ|``{p$4QhD8s-K-6dxp(g(8i=(BJhf{@H~nKpwfm5;?&|0l6t#WG-{*~yQ}gI zq7Ngoq9JtVMHN`!5JqmF$^=_7hx;n}!Q4(`$X^~J_LS1(^pG)c8JB~hLymz%>>(K4 zE>HBra$&*T7x4JCB3V#U2s;DYSyOaRd5)wHA5oi&Yr3T9J(VFeYOobUp9N_5aw?=Q zP~p)(x>@9XY5K|hCKUK}FtwI_beQ{lq2D&&;iSP*fU||@{!@)P_Z$aXl~gG0)uvDX z+mAO+tYBvgjq%0RMwqf?H(w;0!QQ9q;E5W4rg}%8?mIOL!wla6|0c_IgEkYBsoO~C z>a$Qf)&?$bng=}(bfM{!*I$ZS2HX}H1uN z63e|N56AlFUq#>ahk#+_9ArcH zhmXOq>ROSe?lf@l?ZM4=Y(QJZn*JE%Mo(>a!*k9o=NGU^J@3St4v*NycoD4_9!%EK6Rdh<2RPpu&0{vy zlk`asu(~1H;qVMq^v+I!p?PJn?~@EoxoSYRhm6C=ptuM5A$r zY@qrxQf2)L>^sJizn6=}g;qk}+;T&h|J9nGzG}}~7TA-kPJ5xv-hz&gwu9Gmj-ho> zIZJq+Df;n6mSrzlgz4uvT52oeoXW}2WG{nhg^8k`|Fn6kT9Rm9&=WWqsKa$8^= z+&9Xe1o#hz^1Uz6Y+MeERHhV9w}I&%mOo_Z49WQUNi>lj|QxKFm}TS9P! zCN_P@g|8knpp2En9k8MN)gZbua{#|2@Rl74r|EigFVMg11Ag}tA?TVjY)~D5=8F!X zq_H#|nx6}w+k7DB*ki);mcyql8f1gaH2CpyB`(o6<-U{uBVGE#v8B(QT^XPV^P6sw z+J;7QcC-yPy-0*TBidl%K67flXtr>-NWxP&bBJ81GECJrqvz`@M1QQFk<$NMsc)PE z*4|a2k?)k?vBd~F?R^&xfD~dEGL^E5Bo?vs6sz9j3yr0WnOeTb8oM*B<;hyK6@1Sz zQik|(NG<7dOu!)1oA6(pHkFYL74yoac;>4#`x85c9=uly=}SICjE|5-eeQ*Y?jOnO zkwck^-Fv~4a1*5RZW8;{kC@svookNWOaHd6!~c#i#b*u9*l7Q6;{D~yG{p4;vpDUB5r-xC%In3rBQ*}}1gB$)XDc?%sx2FOT@Msj zUIp3x31GYd0{eZY7<3BFiw^d#|1k}uy`x&%J1k>D}+ z1K{vUD`I>igZ^By2K;BtV`^Cz)Qo3>QBtzVU)ULrbIHchn2>I3zk6hz*Cp6eyn_xnBkbIdXP3<^zl^&*a)_$^ zDRyV?W0-O;2`|WQ!Rm4HT*Y0u6HGb_D??Y(ie0D4iWePtSQ5meYa(56 zN`Y>Fas;MLo|m-$>K$oY`pVQq33%FmMcu5PV0v=1vLYDDlUXQ zcj*^9Z(5E1w4MyvOEEi37iKjjL)fv?(29vYG#n>z{-Gn@ z5y!J#WJ!=LpSJQd`)PR&Pd)q%-T&qbySGd-@{QErnhER}Q&gv%Y#rem6GqP6|N0w|P3mYo& z;lM{CorSyc%f=xztlosnAD9ilw(i8}h5xY^C%!;u<7HSUe+$>2iz4FGO$>^ z4WTZR*(gcF>BeT*ytN6JzN#fb)oO72#vI`cDe%s}bVcjifiLmk;wZ08=sdGhbnT}O zr+z~hM+m%X0qNU`cu}~6Z=3ZK*0`I( z5UVU0FWHGpw_b**=2QsvnhrCc9K)~cra``MG5B4Mgj92Hnz3^;X%-lV=BsBQbgT{^ zr!|ycJZC^3NqoSn_EL5)U_I*oQ>M=nWHEk1Bx?N$gXvGkgVRPQD)OF3ZgxDt^P(H@ zc>X(qo6CfMZpX=D<#0UqY?njn@W~+h&lwe}BJj!W^J3XW6M5#Whl0D;3lpDs;HXVf zbZLK`xNqxMa&%1@8FDfkUdm@cB%Mf`8h&Ep&%5kMx)Fb@GM&YIHGuD}l5}Iy*YY-> zXK>=WANIDD5`*nmuvc*aUUwcWbp3@u{z;BwHcSHZxA*bIWZ$)a2=AJ8Uo|y}y6fS{ubC8M@3|4eGh<3BqMzZ>ihlN`)sl%#qp+&K zgWaktCP$WpaLdC^#4|vd)4vCB{tzANt9Ax;e=Z<9ABjlc&#)`MBYsexbM5KL|&teuj^>Elgk0 zovY6qF7!HHf!!B`S(vUObX=+-Ei>GB-QE-Ea^eoYXE($L_AAo%ohx94%QvhkH=s9v zOyO3|*U>gs5_Il8hiaE2r0DKsxc#)>-qEWZwpMS#Rmvx!<+QLvnUP43^r}*wv?g?0 znt^4Xh2Ej%i$ODX2zCAN6)jsHk$1~pK<@CrpAVPV=c%zrM1<$tzAeoLNHdcU{?f7t%R%5BF)?uBBay6ZfY z=q-l;F=x7J z@mM}$aT{)z=oc9IsjTxRLFEE%ysLE=>y?J^DKg*Kp7vJwZZjQpGVJK{3mWutei+kz zX27+VOvVLmGQ3&J1|+Lcy!GKa7(PCNU3Ch#XCq>Z` z@ZR|rAFLMUKpP~9Syetg`0fzsq|4K_t=3#(^A*PTzk;4qmqGj}6k_uZkbV;*w)kr! z3F?W)D%E=S)U5_q1%84#Hx$6++f>{aK9o*XddK>Q=3(`p$ru>rg%S@-;jnlV{UE7E zll=F?n3^&S&=wrzI|oqb{BnE~Z%-#oeZpp}J%h6g>rp4$6;B1pz^73I=)`3cS=sgs zcovxi4__nslkpp@e!qgsNsajI&o{DSxh^d&Hio@!eGa2n^b)VPgLw1%+hjty7TV=M zf)PiYF+)*6pR3ONK*q!~($?Yl=;;)%pA43+(>VQjD4L6E))WsT&$#OS~?9 z(ksFJ0?esN^iEv%e5PD%c-Cik2^Hv@P z_t~0kOpLwo?3}{se^rTHpFc>%4Wr{5Q$&RWUgHX-7_q!&9tJ4J!5wvhJ)0mw0~gPB zpua+K^2)!WTD@72<*Y)__4eXTHkX8-sV4#IE9obXUu2-K0rt<4;ir6OK;a&Fo?LB& zN8V2Yxt-I|Pb~vY68^AZ-#tYhp5NKQsoF?<<%I9@JB&Lc%oFwVF!cUmEc;F2jJ5+i zmwA9b+c*Tz73rXTfHm6giiCNaop8k1g^;}S8E$zSk7FX$nRV29kxl=0<~!CHr<6PK zhZ_vA^oJCDefU{yYPcGb7u7IKJ=D5 zjtnE(f>bLI^BPg{)}($__%sH*Cn>_~c}3~3C+*K7?pV= zK3HV~2{T54(v}*SxkGqwT#SKNH%9U6C(PhyYAp2DZH5_Oge_YvQR$~9EJ`O_qxLSo zYz)RV!XBkNU7NT3cZrO>y%r@u7$S4^#2snZ;qNvn+^lofLAh|C_?%k=w$IvwXIu2x zrR--T{1i*`bqyb7;ea10{c``GfWaab3VkDZpQ*~XE(nQx>5s7)>t>s(oY8l@*t zRnY>Mi*Jb@T05bkq!lhyuwg&o7Y>;;3#5FaQB#})73I}JZo(B;w3ySo`rBdE^QXwv zB_KoSGWld`3x^`L=s%|d=2H;MHVB_W~$#p2t+zRzp>^m>en{%d_oP^0gk) zLf2~^%3eyq+szx$bKy9wXu5zYW5r-LDHKjzZbqrV|Jba+iMU_C4-ejsgJL-Y@e;8O ze-&6mI!0b0-!tVP)WQ&7J4j-{u&bcwz7@8tmLWY6>Eys|W!(9CKDLBM;y3I2W#M8| zIy0gZMwyvlQ%XC2_9=j0f`80ws|;!!K~^v*hHUgxFyNg+57OwLTl>m@*hi&Z@|^Rhfqz0MR0hYfqi7HA@-P@$M(OjMAt+Mek{pE zZKuJsJ9rh=tRBcs4oJf07ZcIg^tT9e8o)LE1&nzh#jl>#0k@dLY{ZdBcz&}*+;#8@ z(H*Oa3c8D7gKi@6+c*!%P#Ic6?%}Y!rF_z|dGvAjIwt#gBFygE1#74(Rtz47(kj(# zhW#cm|3z>KHek9 z6d`rdJUBDC7UJ|j!KkVLDq#{$_v&1Lj3qlsX!AJg%!J&tvyh$nAoxI!PvxWT&8Wviah5^gT{Sn{!#rBrU}`xlGqz4vAPuZmo4LXwjI2}1t!{3ofk+Sz{=Y?Shmkf zl)Y8V!Xh1Eeg#997l9)2X=#?)BE@f}$C0Q{>v`yu!6-A}Dl{}Uv7NI5v3%noN}i4+ z!;BB(Bj<&gH z6=#6&gi=s9n@zlx^D#yEyxnd(G)YC4FPtL?AMc z{zCUI6T0%F807m7qt&dZ81QQh4*qVBd97(Mu``C$6vq*AwI3~)y(e1pM-#=s7SR8E zA2J$kG2Nh-te$icnD=sk>AKY7;CXPktIH!()9}2jA-Elo!6ac;7-g`RcU_x9SEg8_ zq0kL;@1qBLez(TniR1Z|I3d6B=n;{-P)%+N{gWy$htOsN3n;ky)Ba@MTv3scHkA_Q zA{SS5qRjAdFy)~HsCo>*mD6iPp0o1>hlM;D8e~KrZPmads2&W2484QEZ*=*tfhQC7 z>A8go!i;eo-(*+MY6CSuVeUXW@J=z1@;H{>mngOywHNbywdjQ3<~+w^2Zof56nW?h zohmbnY4Slu0N+$nUEtd&H$tG`6)`TZ>Ss4^kpsbsYAKDu_z zL3qC63&ib=LgiW7G*oW2sJ*jTWbsU%uie^4G87H5e%TAO{C*m)$ZUkl;W?m=kf7FvIyggj4@;tw563&b%5VaLN!awqE;3&K=H%WgcGxdzg zrvxPH+>FpVU@^Hay8_x8=aS70;bdQv3fs0r@Uukei2n3eqs*qc_$(8M;eo>#yM==C zo>b!fwg6UkB8K48Bq&`cOH5I}Q(kntvWdr>_d~3!7oV20iMueFw&L zJrj)>D8Z+ynSl-0rvCrUA%WWt^OB`PC+zIwtmtSigor}%z$pn{?itO(V-lcxYa&xq zZo(v|b1>ZLAjym{q`xaK!7;!6v}nwHd>rZrI) zx5qL6wMZC1slF+Vjj0@ig5_hiQ%@KcDtSAF7 z4Nkz~nX|FTJ_CQg3diKRFPU@+;X0Q3v@$6KUE)>nrI`dRe;~)Bq}s_3tygg8o;Ezq z=_mj8&T@ECvm8!DMM6Y@uv{1I341?fp=#k*59-&-%BbOWj3 zj*H@o4KwX+f6ic;`=-HLuMuFoS%Et4FJMK%W69#d4p=H@N*_+&28UC2z{;)JBsn01 zYq+n0VI&(Tyb~N(8~T{I_aexL%Fvjr7W9^H51ZQ*M)yYvp2X+~P+V}_!SF&PocOtf z-K{BMeM8UV_58iqJ!=adE>WRxKhNS{?1$6)ss{9mno13d7;SQgqLd zI)^>K?vS~UG`Qa0GdMWzKH9I<=Y3fwLdW+2e6#i`G>z9Jm*X3S?l~)HSF|I~c9${F z<0&Y+^br6xMdDk{`scdCi?{DrEP=D_cZCjBqtud z?jY9veFfA1Ok>>vHsqS+VW{1-2e+M?hsCoC(R+$3j8WbI3+QsBdw=2l$$3mY z+nB3fF@~dSs`2hGE2w9sB=g@zjGAzijT(2A9eH>Xv^(1IYTH(lGp7if(sp9Vi_-|p zzfFzgWT}z)6rCZ z&m+)TqE5bUn+|q|+u&@LELHdt3gWc{r{^m3B@V)w$mBPUkNblHMNfIhPxM_ZM<-=` z6FSOdX#e{{e71Bvo4UgXKD%CG$G0Uw*5_f6EU+SZ_QA|CQj8&aZ$w#XdFW6(2+WSl zp_ah)$G>=oJEd=dV~I9@{Y{sSO5BHyM@!%eJr2WNAFu?+>#Q&A26VbC7Ju8lnl0Ea zoXMZ;5m0LvuDT)}rkydSmj^VnJ!y6D{IMyG+CK=MrzNxPZMHDux;u3Jv=O3XerQ~{ znDjJslb2Kd=!PysC|vfG9nQ*zxnl)}e_#*3QCY>Ea|ZF^X=YSEz@GoRDNln~61Wdb zfPI-lztp@o>@Rsnj+>t)E^Z>cajOvC3{}IzF}KMeg%!Aes53WKiUYoyimhChqxwf> z?*DxjNek4YFIsHiS!oE{evRStb79n~XAHSiG8}0-#geDr@l9?sR$r=sJM&f0Jvta? zx1YfO+!tZO;A9xNc`db>{n#PX{s5{j9YP}#1XqhnJoEzwW3WR>7Mpg2GK>6p_T^&-jP*N;U;E35+0GC= zd_t3bQj)@p;giAVd>zTTcvZ-+PvG#{MZEG0Lls|B9=gDSj8aR*ovY7_CWZBgj{JBm zGW^@)FeLQ^j!4cSb-@AP?_+~YpGL#&k7MBYVdO(#c+Z+(FmHeZe2O!_al* zW!QTvNmSNxl6ia0;aM{$@?rPvA>*VJb{&7fbcBqHYSSYoxgdre(ClO(6-D4GoQH4B zSb;WEPNDnAL{joc3B%v?GUD-CbjJT8YfwHyE~Z|?7e7;>O1_vpiI>GCgVJ$J+j%@L zokaAc2eL4`Xlk8(1m$E^z~xOK)Fm3Rz!^GRx7rhbh8S?^OdVKjWJCsc%2J>0Z(*WL z1*-YVl7;FOU?ui~1>;j7`qV%)lF{VN!uR4*fGS+=J&Edpsd!fu4G-fEz=JD;AX_!s z{z?MDV8tW&caI!TeOp6v(vxxbtC{3_P%s_9BE_~Nioh$5Qa436QeHcehR1&(x6j6a z%sK_4J?|y6ZrX-}-j%}38yZ|;%sw7x2GA)6__ymDy7>2?>%#NsGH@R=H!%j=*C9m9 zT$?6HJttlQyMFwp5C1Fdj;EJC#7zYZO*X_q?6oJD{pYoim&^l)v09kXD#^Exmc*(- z_l3RCR_s|VMdn^_hr;-EaI9!F6NgOZwihR1?;ypp&qF%||CBDB*)W;zT;v9CrXGg} zJ~BMC*BMK`9LN3vr7UHECYxdQPqcmb3pPBr20|9DBC{5~VJ_y%SZc5nzC2UsvKt@6 zo3CZ4KcQ4SKVk&hhNL5_{D{@l3Q&E4wa~TPiIeAavO%8GqtPqtMRQyXTi_hj-MSn4JJ0OrX~Z9LR#%Z z_&xj(RHg~@>;^~Nvj069@TZeRFgw&Q z1Fh2)sltT0P}+K&vRn6A!IqKSzO|QWp3f4i)m37MpC!$HG7QM+T2`JMh*FQ`h-5}G zxG&s5W>jgwrjSOl(N33gXNwciZ12Rs`?q2BoEtDaNtMeR{D+I?wy?E|Iqd9!<=`h? z2F^iQ7-eJ*hs;%AXosK2BPIWl*LNT28NC5Y=S_uEP zhJRd@h(A{uQu_rPaOH()$Pbx=sTLd9=%ID6cikDXX;l+G6tY;m-Z64^Pb3>$?Fc19 z?n4zBNCVaij-1`QMK2tr`QJ}LWyeG}@V9joR_?Y$+4bk(u~#Wb?ixW~PHbRzLgUF> zvqXHY8j9=27sK#)9}ykaitE?JkacFSAZBwIG3Gd_%L&$(ExEZf&|1ReN%N@IbKlo;g=bw#d`|8CQU*;|JvgNUk(P3oO zbVZ!!8Y}SFpG7h`5^SE_PIPa01+({kW4rHF;8pK-Ftc=m{<3N$NnXT!syw&eG?4ET z*tpSFKe68Q0M0ba!;qQ57^`K$t&I(ETFOy)P~`}JGX_(;yPAU6@*Nm-YU1VDofvYW z4mOO>#_=(WQ2&b`r0aWd`3fNmn!t#%I2J=5Xo%mc90Xna7*UV6DI6(^;*Z_ufVy-< zd83&EIHZQdv0bWo@Sh`<9dkewQkjYt8{U)Ieo3&%G#x7gH4K=xUDY_zO6h# zcWdp%oKL-ipGO0Z+?5cZ@sF(nc)!Q8Lp%2GnQ-zt9Q9e`navkf|ejr!= zN6~qQWBt8x+#V$)8JQK8l1K{Axlc(nR0{1hm6nQzlw_4nWkpG%kQE_3=RQrNBB79m zwA1)1O1t0Z_rL3M@o>g{-tX7zb201@If*{~>SU7+O3{&LfgLEiB{DJ$#+vjYv`D>( zM7>-M@#=06q3{TrRy4yM^8>hhmjrFi>xL^Y4RPutZ*up-4P0I$$xU#GWU)tEQ z%wQArbiPGSNJfKFi9WCPjYjXW1YgxWfrY_|s5xdA?r0p3Rc1nN?Y%NR^3R^soVLSE zzd+(sz6|6`I1zp&s!f|K$df$iCD@}$X&8R=M%XAk#aq~~hrvN6Z*bpm%eK!!{G z7Urx6j)3R&k#NmC9WE7Gf!@X_cwp=X->s#&wT&S-^jLv`@m{dO}{_|BcP6wG3l>x?ta`81ayCV~E`+ z1DNkUnr~dJ!Oa_0xpv=a@fo)z{E+r>c4eF%Ca>KL)4K$IO3`yHewc-`M-}0;Go{RD z*jqGPxf?H^`hhv25llX37OUH!K(_~cV2OD(P=D2i8^w;sD=)U;+4a#_?_mhJ1FK2% z`$A?l!W=FfI3sdhltq@+ZYP;9M^ZnR_fV9RifPY`AXYL2POP2H``0Xl!J_4SkKY}# z@skIg-lTyx+j7VijenT=R`3~`-X=!tRZ%I<2A`BRu%f?0)-HP>{r*e^|2oVN9LYMo zXH+dJwJHId0B~b@1ZtYu^RCU&_%tIPD%1X=cf$ZSMr|t#bUZ_%YLf8z6i4zz@EB`t z$OhNleI%k}8(wSfwyjDq5?9xl^U^Xks_R$|ex5I|-NKMwSg?~C-;|>Arb|V3w<=(a zmIn8`H-WAWNk`lF-e{qJRrE#4pUS^Y7x^yxi|4iDVeWy&`0LIM@!CB`{D_Jq->5i| zsz=Nb_{1W-cm0^~2C##8?Udn*&sgw3OCwRIUV-i%y8@mM+s&S;%G32J1NqTuMyz9g z2#I^uE!v~M@REE4Dyo1#KL4S67KbF8FvvbZ>Afah5JYDF0`S?LFrs0 z9^QEvq4N#&R9i8b4Y3$IQJRi7Z55r`+Y3wQno`=~PhQkn;P5TB@a*;tRBg6EYk{p5 zS2mW)#4M+)1CL_S-XPrl?F7~uA0n6L{AIBRUXZ)rIQ+}n#HW`vLBkb2Ze4EA@3 z{+u5Ki-aDNRG1^40A()8I6Ees_a>|P6Ym)b1S!aD|{OUG+q>G z?-W>XhYyp$-F4zxkv{JjS|@%v^(L!m{0v*yYSNQuBxusiB-`LXUHZ#Pk^2j04YM1A z5WMtZV^kHyRXiik3m=2pjqz}Z3oPmb$=FR#W2xUw=F=|0v+7%MnaXd`q)!Iyzf*%L ze*a$89#MclO3MH=wCEG}WE|qS42GT$gB<-`#IpJ;sNEH#?6?ik@O=jV_VOQOcpYRa zVbM76t~MX^QjxpJ|7OF|i*Q6^p6Kafh6TZCP-T1whF=qy`&ttGpJ5A5ko*tjAH0UY z{erhJQBNFvjf!X*cR3N48`_Wz;D+Sum0(;S&Do z`e=G|;vw?S&l&_cGKvVp7w?AgN1jR8ocE9Q+^)uQmpoQx7D^R#nn~`d<>aNzE;`;R z5WgRuNkeZaqP^$}EF5HqPm|W+%7y*VICcm+)sS$T^zz?{?)L_^}*~*N;H@_KP5WmS)g@r0MXd)gNZ)( zVW3m6K|+b+X#`Q0-beQ#iL*3u+$tg2+Y&O zX=>ZRb8;6m(vauL)7!x5SSj?z+mRL3_wn7`9C6&@-RwoWz}2n44^i{9v1ncZobY=I z*);ygC<@({ZHo4_orQl^m?7U5cY8LoeQOG4_-mmnxO|t9Z+5}B-$P&c9zCRQ`2aYVeh)|I zibY%ETG^tRnJ860gYK)6Mfb>2)M|ekEAOpgH^=9Y!&hcuw8skmJo7kpDcr)YG-u;r zx6!a*TN?=~J^?z#ns{Ew9N#;sMt8HLqH@7ObbMq8mo|1~o%artNA^$Hi_j=|Eqe#G zqnkjXMwV`WE{SI*4(GQ2W}wGAJD4~37XH0B7*0smR0q!IQ>HjPPW#A(z{T0 zXVNq}d6SSu-e<;F#m53}YlT9acDyjDp4IG*q*H`m{nSl~7+%(OO&iz@Bm5atw zS05v2cytQ}Y7F3i9BR?|M-h~t6&yppLYCxVBq|N_h3&%I`}ch%nB3`%^W;)s|BgnY z@pTZrZNCcrU(TQgZK-f);caMa@}M2t|Dwh06ewM1%bWfyKpVFxcH+PlGGN>pP&S@Q zi%+Jb)dL085c~=5j=FT_=G9=;H-=8CSLI{hO(gP-*Wh&BB%-ochdg3u@#_8U@bpcN zXxBT+OH<2m#20V)?)n6ze~U=Yz-z2u_9~>>G+~v)43gp7$)0y^#OKSe!6x6){J2^s zNbT8yn`3)HMLrx|ya(ewu_dUxCt|t31RplK2(FG*gWcnc@co~yq4A)jv36U<_BK#un^bADACOptH@q~NpMB>zPRFS zHRR7V#Ioyxf7H_%Z#$}Tzn4QPPqKk89z(IM2(hk~T&gM# z9`L)^_j530+)$wMhrG}-VgvM6mEy^cVv>=#6>^5Qv6pS;usq2ccWF(fdq>s7h=yj7 z-w8KZJT+EiJ7xwQ-rxphe^SYoCwqyWjR#sk>V$>5Ts$y&CpeiFiZ>(+d;ZJCx>pNcP>DkVBU-_n3y zYWBRMF$4NFZ-Z29729lL&7Yh%VI4aQVDOA6>OZF$4=SaRT@H~D>sbYPNkR^D;vibz zwGL(;-4Etn`=NYI9uZsZ#;P?T?B&WC0_#STp1Pn;J3PX%bd!(B)!l@f533_r<7V(T zy`kVVzneUL`{Av`{ z4y(iWvRZt>XipZDuTIMc8L&mGMX(~hmHA~p!RqKD!@2eLWRdvIH>k9+!es_`g#5__n5Frfbtk+BUGW#x za+juInTJu&dpk3bOTn1S$xLmhA|F<3fd+r{;lh|4vO_F~i{2)arSD^5%b3qN?CV02 zicSf7c29%hf9f%dZ-tH{^`t>119U$A6nC7Rh7DzrklCVfgctT&rUnK!qEJQydW_Gm4BfO4;4#E+2|4Iq&b72bZe=a!8a&w5gk}0le zK7yNWl#&hI;h5JZoI5+0^0^(uXz@j5niPoeI%5r-%v%5<7cYopme0rBwj)rdQ3X$v zy5T_gRg8XHj&epev@!iYUiTH;2^XZO+`|X#!LVMaP|brht}PBT3d40q>q(f+a9BC$ zAPinzi{HQIik#*i18K1|Ee?0%pBAlxwvCpwEq@d9$tWQD;!(63H0aNDx-k2SVA9=~ zgHIzl+d zPUgjTYtZ9z6>9zz&J$IyAY^hM#7G~-Xtj1&?Y~0gC6eY3m$s8-Wtk*4#0_j|WINR1+Ru?B=S&mXZ@rREFi#LmhMXaK zJue{gp&C`5@PIuRxRavc3&fWHMp4my0t&0Hp@i`fY&{<*xSOYvKlyj?>8?=%Z{-~s zn3e!~%B!&M{tWt#=E1WAMQ|ncDGB|Sf-lbOg@`_PY`u2_x))Xway<~Qh)UQYxh8J6 zPT0HT%b3b$3xNseh}Rv@qvh35Si-dUhmSV6WnLayOt<7ELGxhBvK|)F5D5oWGr?4@ODk%V=oS-ADgn-_SBzbwe%4@pB#$o&bWfZPffV1 z>I)_>PKYn9IcV##H=i85{hp}PA8gklMPW^dg>K1i7<_C#^CU$qS>RrOEtpDG4*6o? z_;2`{?d1v=4ItSPgg)$H8uNNKB<+_&hllH#f3h?Q0S7#uIvUTuzXG@9U15WQF&!n9 z0VV~h@Gk?|p+#@Sdm4|RLB=?=b>*PfVuJF^)5#-RhN=R0U+R+z9lql+Uh$6?c+FF& zW#?%Ax-dcTBdLLrUNH`t_ZVFV7s3n0aCXWx1Y&mEpp1+R|B;e~x_dX`<7+$Vp5N2Z zsc1FS>zcsqZAq{pc`MB^8%CQ%!dva1F41h|MkorsfjtYyzNsA{%O! z7m2;uvHbV+59DOm1oG#w3eCzM%{phD!|E}gSdQCV`Z7fX;TO&5iZR#WY>p8< zcIm9RCFCy{W~HzWwL0=tQj%Xt(*)~>F<5*@h5kwl#p9cWJb<{7T?%U^-Q)97#>feO zTW_KpMsI~qOL>SMH5xbEj>4QhfZKoHAzmGCu>Zg?u!G$IZ6w!&5ua_ObImgG+&D&nVG$AJ)A90>txU~a@{`AMD zJ2POq_Bj~P+zQu=bgTR`ZbA6eG;Y>&6eh-uWv-)|$yWQ%aBBf!5;q+2@5Fi>+b5Wx z)8s&D%S=)<_$))sQ1O1D|6AUwO`+PEJlZVJXU!7{slX26ZyOFv?!<$*{_fUCi@E#lb;>*Fpi$htC(UeR&@@c5~- z=wzjf@bT>*^5VvA@eacg_%nAT5xxI!)8vL1lKxuv0WW;;FOe$ z4-Lj}jh<X0bSd-C(&gmUX)|s#)satWh#|TXf*;lO2-tbtf`fPjwp_Xd9@*J^ z&w@RyA)^7>BNoy*^u5UF_zR}-ei%QP){6I6Dx*`62TLEa1mk7*L6~Y94jmXFwjSRA zp`Me$;L>4i%SmUS0&2y{%O{9;Tw05%w?w8&H%QBgX%OKwmhbp{m`>hymo+BJ;TVZ` zSY#N==OkW6bxmI=z1@IU&7;wJfSx$IcqgkIzMX1K$;PvK9Z`D+u%Kx+l@GVA47rme>3YR`i)wlDD03r)VVt`-h&`3xTGW#}T=bX%Dn zpUJ%`eNYz8!7@#7$md^&xKDMgFd`D?ZPVni>l2vgZexn4u3};Nezx#HD0h2eOxx2V z!O~3$FDNQtz`qyF_^v6E>C$xl#JQqCpARs~Vk+3FtD%u~JXR@|5t&0**vcX^zS<`a z+neX$uNjL`J76*OH*CiZdnM?rtOroPXdjWArb50C`-=H@BKQg^BPQu27BUAXAzg6~ zn^?aM8dA@pUyATKl}upDrm~C(CAb) zIu8B>wcgTrXHGI+wCjb%_D9&LE$ZBOSwAT(i4-Xf97SrjSO{(_KOB6vNAxgbE_rpZ zMDWTF#W`;kg`QFn#CBZ_Ck8EMbMx`ll)}~)GdMI;lbfe&l0WW|m~`41|7AUc$l_#}STLI@H$2CB z#h>szYbrWVoI;;nmV%AJ&tch}0qQ0_tlo~YA-Nvp=wmDxfDV{;&u zr{2e=7w^e-{iCRr)q<^m$H4*F25{T{UYx(73ojis#n~;r7${|qf1cRzyv8K9a{Rlh z*v9oZ>ZBHqGEIgjH;Ykzmm%NQ?108Q6Jf!scH-}D#>Ovkpq?`oxsT6VQP3R=G~X$~ zovvRc^2rmD(r4HQ<)f$YH5C+F zVwVEFTc z4wqQoCOV>*ILb4SC4ZdD7r$H2=DzGhgJUVUuk{VsDH@PgJu_1KEEtBB6~N<@vCQPc z1vI|v0sXT(VTJs1{@8jEcet?)XH1Y`Z^eq-e4&)UfT|#ORXXwR>k!DtE~N?mMp+p1rW18`IN{HtLHO6l9v|+K zVrdgikV`Ehdv(3QN&6YNJ}80v^C{JD(*tL>d*s>UrBv#dJ@*^(gUqJZEJ7nslzYmD zeF&FFnd1u}NpAqnd)19ctB2BF`K=6x8_*jYZ{v&$iO{|`oGHijz?0M?lz&-7_Pl7p zh!+}sSy~v>E}lz_FD-^G;{`UP;B@gdN+tPui7YD7oJ{YNrh4CmEP&q}eB5|OtmvBz zQ=N~A-0d!iUU)uc4rXI%(PtB4q&AfIq+LWBej4s)mb0gChVX!Ed-#R}&M-}49!+f! zvYQ4<^lj91Z0pP14L|jL57R-;KR&dbZ$J$G^QSh3%7b9Q?3>t{?Wuco-1hmM_DlO1N_iCpRZX; zNm0g1P*nwM$NU$V;lsf#*4c={qa)LsU3?-=0?Zw}7i76O&-F*s(Y2`*a|4i6tbh6mRt zf%d3rc%!*Nbhe`t5=>O6$DVXZU9yaCoU0FmW*Xs^YyIF`a2>O{q@e6XEs^mX!7_}S z7<;D&p1xO^jk^wdbw7mHcatG@f-<*^S_Sw1NYJO(*7C`3C27*v&$e+(2MRu=TM!kp z3!($J(x^GrNQZ?pY;dK$FNpA#YUuJ*LV=>oWW8G8#4= z?t`fcwXnQ)DIdAO2F7QMhKu*kF^7!vYh5FEG&{a3(ND#A_unC0cI_nmc9r07N;P0+ z+6PkeT*zL-J?2#Hj|Yl8#hz2nLQstaI>cqc-yf^7IHdz!x5S`3En|Q7S<&UG$q>A` z1xP^=PRP~b9wK$R^TaT*+`qqUT&@BudnE_vrOG`0T%V{tGYRVl{e(olsrYc!6x`x= zme`AXNq$8iYEaFPvhh^m%6V2_eFWMS2f}2P zbUabi0+*)Mi=wSsVP0A~`gW&*d`vDny<;Ht+Xw8&7D3(LQ7o)G794a%Fuzk^{EiUv zyHAg@ZFl71Uq>T(iaI>2a5{dOb&APec}L7HgwxPEQ)(UX24-#Ej0<(`AkRdZYs~2c zhu&wE{t^pt@zfxZ{jCf##_k1ncscN`Jx_%twfdkgXyj8 zb!e`Bf~Q%jL7asJzZUh0ED&Z>9fM_Ih29YQZDl+ua8L#D?sB1n9S;$gcEkI98(2fR z25y-BnM}n(IGFcGyzB8m+EcAe9ZF8JlnQI=vOWkbp8UsVZ&u+`SIW>56<1!nupEQp zlAt5}h*(OP;l9*b1~wVKsJ1*B?y4Km*y+b{gWheH?^Vb`+}=WmJHeHDQfLslod+8m zi7s8*ixwj`p?k*_s7?r^wy%z0=#NlzZFzzfzXgVVg#@Yx24kST0+H|agUd}p%=_jR za;Eeu_~Z$BqILJ#%d%(qY~40-XTAq{{;?2k9e3J1dY}*0g*);6ohBBg=7#5=6~T%t zI(+SNNn&DTCX+} zhj0H1rP?wa3a%mB+b{P0_((QQp2!C@TkxmOL0tKa0iSsA8f2K{;4RZoVRpCZ zP*<56d);B8d`0j-(^K`zEMEL|WDl9}*%v|P65P z+(z6loJPwpgHTDBMY|38fCJvC@bgaVG2wk5d9+vuvLyF{1Z?4{LI*| zBR2km8En#b>k@sTYd2#@py%WY)XWzuWq4B6OF@~9+zk|tk ziFoWoBcv^_hU?ZMTD#pwym3JY9up_AJ$c&vexs0`z3PY;g|#==cm&$*%Lk=vnRw3k z7(Mu8B3-@lh)6?2f_Ft<$KN-4$P&MepgjDEuurU~%YRLwU#)V0ug^mF<5S6iNt~I< z?ZT9OW)PN}N=8U`2y?|zJa4lBo&4JqPHx@9Ty)l=Om{l?s6E1g=j0$^iNGu2L%EN^ zJ9bM=4DDOBx$CXD;#2Po@y8D>dUSz5^%sxl6DNlg@6WSo?EqIOyFHFq{O5p2H;w0y zXG+u9suURf`y^b7JtEp~aT){;6VVIkg-uHf;buOC+F3a4EpP}Q z-oV(DZzB5YBCG#03I4Xf$H=~SX!-6Z_U69@w=ueWdtwDkKF%;$eG->lS0et~^hC5c z(t}hy8b!a?C_(3LN)}u{39CXRd8oxx!Kq_GH_SW6LH49!BtKeFh7oy1R9nfoHOgGrt*!KAD zXM5ggkd5Iv?15ShXS+?X0J96{|Ne@<=9`X|f+}5B$c%7UOC1z#R}&YQl4hieQBQZ^pcq z^5}8HMVp#j@cYxD*m6~xIyrs7(+|#x&b(pATbN!5ln( zFOJ!cQ{;EGfcb0+!1jt*oHOYroJ#Ex-J16icK?@x8Yiw-8967D%8F&|-i8O5Ca%Oq zJDr(Isu!GF?u~cbg3#jGZYVie45RZa$uXbtWsm-U8o!|J_YW_OOvZ*Rr@g3I-* zfhPBhIR?7$4R4;mOuFi3L09}o^cm)bjy_7TLgSp!gR$WkJl$B*7-6p+^AESoIzU9x z2Z`0-@8amk%EBHo4F4UwjDKrqVDkDTW<4U8;K5)>i7W+&=qj?|O&gxlISW_(Z!n9< zbu7aw8R--y?kseYL|RFBVOu%a{%68_uN`8~FPrl}`K$Q;QMoujvz7Nsb@r6j?7FM0fvK&I9ui47xswm(Eh9!A}H#s$V;KsxJ6uHhf_5%BtLceGBBZ z7K7{O2O_7MX>8Xd1I!maV5U85FlJr2;OWtX4Z9bB)jlooeX;@icKE{e_*Yo>&7Ys1 z7fQ^0mU7dC!E}wk8-Ds=4jStm@YuJ5C_W|2|A{`s=d49I@ZKPrchdo$uaTql{v}wj zayDyLxyJQHWU!qw@zv@m%k4w)&#`y=dm#PCb#d-^%Ci+V+zMJw=4Sfk+b zJ`E$Ux!{5u3os+766}Snll}z2fS<$Zfv+=Qwr>3pRpCh@6~wn;wkuWzdrgy8k;ue zFsf!}g7|A2u0+Cn{iCTN^u?y$Q6_f1%@}L|Ah78#ZNkq4Jvy zXcu`x`O6TTcCr}8ZP_Sf&VBHKHOHRsN3r_E88ZLPcHHWs!1v#NDcbZ$89UVS@v(Lq zBpmM$U7RSqr{0@|rNW)M0H{IfIKvm~gr3}augJo@8X_o^r2EW9u=fE zq12Ec@OWk+8cjG?)p0oydR)d+@s1w+ii4<3AF(|=b|3l&zJkP&O0Z5tA75#|!2O>* z;C0AkyzQ0&FNYr>OE(N7w_9sqRLDvU@VbeAj!FsnvhQ$iOau;--b9b5+HeoEIDC`! z30Ld%!wcDyu)`u0?;IIP63S12OmZHSDh%fOPZx`lmh^+eN-5qveG+$cC2(?zGImuQ z1e+VDpzFp^zCI!vqTj8c-&6)doTAVPm^YWZ@Av_q-`ard-6tU7-y-%OTq|VIHTd6f zX;F^-WXzn?iR*>8{zY4*Va~0ixX-Qx?=84W-b9~cN0r@>zfXc`)}y%7t!6A-QiAJ0 zPU8M^4`a?8bue<36_@-_<{P6^adK`g*)vyIXJ)mC`p?*4O;8F%8)MSqmYfZCD92hcx2!tKIO@-W3bpPeRe;V{oZV6SuT4 zquR|Qn8D(72s|dkbz%ZoQT`-8yyFF?R^1UVtq#Cv(~PO~rxt81@W((+x4`8aRzE6y6xG)Z4?Qa9^S|;4_hw>1A<_ZFoLQ=s!)^PmKS24qHzQg~uWC zLgvQ_#Br)b^n0Qps2f1l4gO-?YG>^r8S z?bvh7PhXRNav@;&HU>`B9w8RZtC+$2NbD%wfgy?vJSBB7#p^t-Z})~jBmd!yRaZ%Z z)lhgUAxXcGC+zr`1Z++tpdq|#uGtR!Pw!klYs(2TYSS*>+PWD+f-;1&hALU59FLpF zh)Iy^PpJNQ9#^P-5-)eC;6d|*j8%|4pI`2d9ty#1v}+e=xZf7%+AX2_Nq4X!OO~7+ z+>X{0hv7^sq4y^IL%WR|0fwa?$diU_82DHpUW>Yk@;+ng-!l)29#cLm$QQcCm_r>O z&Chi0ps(laaA}iZwo!1?^)ElpiqiFQ;PEkBB`yVQ3roLZs4GG$ui-qZvz5xhQ9|K-uAKjryaUn%gIAV(#JY@!F;+r;7f{m}NJB0S?K!0p5V z+g#Jnxaj;`=H^)ncjue(pbr{!&B=H$^=lyKWVhkgf)(7$>p2VjJdO6)dodHM0lcyQ zE!5wYgcP&&82IKkD&PHp(ZO~i$szju(Hc447VeDfL;^^DkQCP5%PcF*j~C5%px=th znVNnn3E6X6>~1J9;D|jgoqrbMR^G-))d@Vow2?{Po(~NQs9n}h0O0}8!G+*Cs7 zZglPw_itK*E2nos$39t(!n$vHL4v25B(j2Qd2lu@2e%ydfx;E1p(J1^Ey=!vfoJaE z#<%sNz1>XwZ@Lfa*ZqRBlsS-cZ6^E+RtJZQ3Me?&2(>#$U};byDlJ&fmS!1{7VSve zez_RfImHfM3_k%UCPu)3)W4WDbteSbdWi1{cUB8K1)7oIjw(k_vT?VEgOB`29Nj5P zS6?;c(|m*AGeH)8Wj3y)n=vN#)P-SJH;~rIn4+a`bi4KPdfn0nc0sgip_=(#_ST^!INQ!P|3^q4_n|TIxZ4 z?1jBFy$^LF*Rz2`7SPUjid132Yf>N^Cx)R(qUTO+C^7p8s#au@EThBd=${Iy0mjs3 zOAzbMGpD^{BI)vuxm>1TAbq)4V8tJ30PUDqRN3uDe4oS-xhz}M5G#<)B%2=$tpLNC zG!naAiOJ&QNKKP)=G zS{Ch22wAzd0&W>FgUVEnLq(cRGRHg@ofZ0QnoWaw$2B=R_P!x}cqA*l>xYWZSHwYd zLp#1ZG=zp^-@xQiZs=4shx<=9=6aP=iOY`y7;bl0WVJaRzwUhnwR`4apR7JjJCp_n ztwR2OrUPE7&WD)_9F$DnL1Dx<2+&%D%{_%Ud#wbW{5lcd$LrIZ*;BFKYXK(PFXnfz zJOPiVsl4z`D(O2Vc%IW5;9Y7s9aHbXq=s6f-Od?2wy}x$T#$q`gSpiBXgxD*l%uDG z8RzG5LqRRGl&Lf%(7gpi;NeR`_fHLjzLWa!2!z~l{!M6j_JiDxGiLKLNAbau{TNm4 z54F!;!X#W&2xDedko#ktk0;y&OQ#`71H!-NU#^L?#|GO@h#xsl01z zJpF9&1tB@{bvDDeERCn^p( z9L2(t9dx02G%OCEMelwI#)PK{Y^u^M8gojMDrOC0Um}Lm6(O?JC3`*7urr2ZyQ1*< zYA;$6kcz+dwu3>lCu&_XgnL65@pjjv&~e+B3^~ED?41f+Ts4YKjlM^$Cpd{;3ykm~ zeIYQTc_jCpHh{K@_ltBke}N(H(mc^)Gj358-uxbH0?#=L^qgs`IJfCAb6h_R?22`H z^}TZFw*CjJbLK*+Sds>EN4Ci(O<-jFA^FoDGLcR_$gfBw!`D0{CR!H!>(MpvtyCAn zdgbWq$ONdGphaKp5`5W*nndPnyhR<|_uyl<3GDGGfpG^`WBr^gHu1#=ay0!aEPf>P ze&1>F;ojQB%|hUY50vIjFB$6k*TAvHV9|xlI1*iH0ek0Z)5Bx?#AoJaz@M-2!aSxK z%|nKWPSAfyuc7a@yW&np+kI`b&b^mf7fwbxxt$D+Sdu0rrQ{AD8|pH zPNVp>57^>nX#I8_*W9m$9i#g3^ox^ldDC^!H%^5W7CGeh@;Xv+U4qZrr^!2|uHvB| z=OJkIKY@8t2=V(&xowj(+F=h&(A30R2L|#x-r3}7K{~vOsDabdYFLPjCGFa20&ZuL zNUi!38v9UzCcimNt{ti&vzBU5vn5N|#s6|hC8-Fb+!9&K)hIYN`4%+wk7HBkC&5?+LpoAd@FN~K#gRYWvtiL5 zbn-$M{25V0dRjwiYkNLk{*pypW+PFQ=oi=D+5{)AD$*~1CHP)wXS%7msOaCzM2dZ6 zB=u#F4Grj_oFC-k$pxZ=J0{?b+YgANa88Lj{}l4mCR6)oa{NY8D6HO7Ng@^dV1m%& zDRv7bk0P#N{?lH(>9C2u6SB2idNjp7ODpl+jaZUZ{(?;<9`t3QJ5EdZ0h`;D>DSHk zp*&2Ou?ab_$wyOQ&f6o9S?@)2R*Zia4ySfj!<&#g zsQ1Z-v+)&Rw(SY(Jv@o;HV@(l>$~uJ!!mLy^&+P3w&FvxE}-&iFVGU4HM@R1MvHzIlklWZbBUYRVxrL!j=HOfSaGQdK1){< zAGKQ!XG^R%Wx>UaQy{8CxzU?GR|av6*p_YF$hrD5~I`{KPa&qz{vI6nLQlx@m* zT$SB+8-J-d@=RlGUM29kRuoQWRnvs7rJ5#C_50|1z84>o9xM->31;DhS2mx*;Cper zci~{<7g|_KfF)Nle+d3}l3{)4r^a-fjJQkrtTA8>vR+;}NQOgqEtst-TUqffh330$xfIHDcxO0!Y?fkV?T)Q9w z+eXLXr=>$+_{UjjXmOFLXD{I&-sq9gX%cAvMUC!%wMNM11Y(@kYQ_#d23@^{IE`IL z6}gGz!{q>QI+z5P=P1(25t@AYoQp7F`VIJ6KN0PM&q8FW@by~PNOM~|ZmcK8UoA}|ETGBmpCa(0!V1ruoP}$*$$mC-p zE|j*R-|ndMqlfN_TAM=oghy5AJRu(j{)3EE(cCz<&vdUM?v$$W6{rL zHINpbLX?h3Q@^`Im}E&Y47L1(k9SCcd(UZ`)YNZmYGEJ`II&ZdFy#kx{_h|eH-0== zHBRDr7P{cnYs5}PFBCcmq42oPQB-qJ8?Nn9u-%zIkiHuJ0@~m{Q(meJL!On9$o6x1 zefcZc<~o}9o*Y26EOs+zaDcGt1a{$sH?H)3fZNg(sPv8HIC8`?o;GA8_SM+a+2Ujt zGVv~xv|0vVhfKyBXXWq*uK<4dI(cKVlk5sT$wp>>6uo;AhLb%7Z(!9RSQ9@NE(pCf zQJ%2*j0hpwGL0Dc`#NmDavRcmcG8%TJ(#tz4|-dA$i21G1aI3=sGKXyHxGV{2mEBk z0fAMZB96v$s-qyzCJLMz3P8TL8l1nmQlIx(_;4~uWx@NX&^M2Kt9i}hI$vR#ZzE|f z(55aD1yH5z1KiG;Haa{b0TaDo`k-8%W-TO-y9*=t zsPlP~RB6|rvZtoc?ezgv(z&!vw1_TeK~L<_nRcR~dH}X=)PX0C-I(0IgX?`8 zK=+LhSea+dN$b3R(XNRt_-FiZkdqN3TM@nGgXk4$!QE?ty&mQAWI9PrkEgZyACS;y)#fCvNvvPt(F{h!! zJP_svAPFyRCne^VRx`h;Fu#5U7BuA+j_T=z&Arh$F=aJYEnW-bcumH8OFK-BRb(no z!7yWfHZ{t{`__xk7i3y8$lTFZS$f6`@;|?nh8NqjtiDu+5}UG zvDJZNd!fIz1`Afi3C5ggVxbxdc+BjoRYBzopo3>|QS2GGnfsCPD<;HCq=1P-Ces$` zqFI3`eR^6NssinWKI_B5IoM11O?D2haxP;vMfZu@>rGJ65y<=TdSHK&3^jfKkS$Ld z#@doY7{b4MAFg_ahQ+=m-BKTgg+_ z!HyR-z~?Ai?!TWRRB?(qWCb3jKg3goO_Fb*rd9)OUzxJ|+b@FNUPi>}j?uyZ^L8UR?vtmm+A^I!7*_coNTo(*k7GPE)0Eb(hgg|6SV@I_}N z1T}sDLF{FoC9J|7ke<&3xgy-Olnpd2$rD^Y@xG1+8t9ghk3M??@#2#VE90?x^mt1E zJdcTC3zOp@B)69oi)qm~8GXvTpYT=6YUYx#3H;-Kz-~=vCdT{WRb!^p?tvCIw`vOU zZuH?iOP})Z>n9{d;VW^;DTgv?f6xyfg}ptc?2`K~=FR(h3cvpX`@j+8U+ru(^vNVv z>&HRZoQ-f~&kNl8$sTaG2E?sug9K@D!Q9=16ORkPi|(Rq`#V>B*XF~5<_*KFs2Eg< zN@XKdtx?f818dWsp;4~_p1rIE)e0kEMuZw(6&2^kjxT}uv^7NkxDU>$K1XJWebW*_(wS9lNOzS@DWDadEmyc zTjB5cM6~D+=JRvMpmp0yFg==s`-A=2S@*1>WS$S3bT@RIGO`Q*Z$Zo*@#;Xf|t-3bP-wNQEkrWku6=VGX>*J z#&DgZuQ9=mdn9JCh}meK$0H+OgTr-KmUT3joX3Z3@Qo;YbM=nk%Z-U(xMei_+&PjP zp;`+`ldt3FuFZl0g$$Ux{-&_{ohjZr__t_La604+rNcp)Tlhm`HXPL!WBunJkZW0f zkpHgXu6U4xJ#`Pi3if-Y+Z9Ry{sH)enRD_ORi|1sKQgB-@Y8#kqX` zd2_Ne^e0?n;;$b60qYMfgz3>gH1UXwn@MzN?UDk%={jin^yp3O=kcrRO>{sCL7ERp6xyOu=C~4L_+&liOub%1VYkYs_YG zS-;@GB~h9+J&^^X z5bsa}pZ@0I3i*XNuTcXdKlj2Cz6;i<_7@z|5vLl`b7^mUEd1&khT}2Eh|Yiy%-In_ zR_*vprq5C2=a@KNPj=9M@dCdr`44pX&gE|w^YG4Y1x|XlJ}ARD zU-CA{|8N#|v@BzS36Gg}njc$X`$7=a(~1|jnqe!iO+4!y!pUWK$+m~1>4q?8T&6OH z3U-E((esZ9T`Z=6V~`G)esZNicK%dStN)v4rW9j$SQ%;+s1}JH)1xXHwk%OWjOvB9 zv*0yc5_w-iX~J^;vlT^$jTc(aOKPp^wTg#%I6H9#E!?W4Lm<)9+HHQ0bqY8f(zW~2Zp=aaJ1i$prW-6 zOp-S8x~Vw${%Ql*Qh}ztqt^4yLWsU6OSOh3lI3DogmO;qDEmwc!)8nbsh<7Zz3h=R zqa+-(l&s-Rz+sRa`GK^pk;2!*KLzOno+w_e%zgj(msO2u1~Hy5{il^Nxz=+6nf^Eo zu~wpcD|{jOmN{J%7fIWE&k!kRWxT5+#D%zrnNq*%c^+jD#${~PfOX~kP@6a z=qAkkb%Z6};aez69}4JNPr-YB9uuAO4y!IN;+~0YB#{pFf}wAl0o$*@tGQoE9w|Z- zpGpX^v*CKJEI5h3w|ExLUxDQMKJZ>NU}e`*k4g(xaNk5WapTT!;GXrbh800J80!BL z@3(1@^gXAs$fS~a)s4rk`bA{i^ShWNz7BjfL!qtx5PNI34h}buqdz-&W~28QA{g}& zikED}u66lDWLms1zHbV5LFE!W2^dAoeqV%YTQjarK2i9%crxKJn*J4z}PNsV8GIeeFLB6N=3*&S$;E0PM#0ZaJXJWcwb(0Qv+V4DE zN>QhN=3>H!?n~J^S5$EaHuD`0 zVqTkI{hkpVUw_Rk_w<9k|0m&H$%i<7To7(`>;}gjlZe6nK=LiioT{IR7c5wv0W)2U zxf?2Xt&F@L!Q7F3thB@zeJUbI-ZCTlLHCjH-Ts?w^vR_xVXG+>E9eDpr)m~9{SwpI zo{Tptj+0}FJ3vqP4_`+YlAv$dxZuYaN^N4{Z=p1Q2c8GtgR00&b#n{~Y9OliF`!^K z8*fc)BfqxvSUE0lLGLrN*#GbXGw@%+DH;Wnbu#-Q>(Fy1u}~T-!W8gH&nED+uYvmK z3Bsk>>qyGNCiu>CE4`mRCk4$X>8<_R)L^FTCx}=QFGKA$mhLNvDM*xFXL`f`y~iOyaU0jW>N9K1$1oOW^QGn;X8~$I?^6aAcDf?sE@>+}Ec_;}d^m<9?!d;~?6-yeLe} zB5-4kEU6us!_D6(3Tc93{9&m^gFj6p+p4CbTl9I*=v3mm_li+(zlVZe%YLFM7r^Fd zod?b*31_@`g9mFwVaA&o5T{#(MIMYf8!QAKasfXQ_Opy-8|mrD#&z{SKd{1z@w}LMr&;K#n*cz=-XIAaFVb z0j>|g{{9mv_gupk58Z%cC2t6qz83VJx4;n+z=NEDv-0=GI|U1I;KUZ3I!PKsm#Dyp z+I`a{7t4U?@itceOM2(y9@~dH(T}>y7NP)FmkW zkc<|5Cc)dc4(pQE;P{{>sE-_Gf%Y??az+Y{OOyg~jAvZ)T&ypH^Nnx?etZ1jbq4B=9^~ET6QJ-ZzXzi@t3PB! zvX`6{CP~f*6|)62`|1EGl@?)Li&t+&@oc`%Um=!D!fQ*hHqK z9DpTXcR+|t5gVFqNx}o}!HIz=(z7oPJWr^B)<`~wL&6b06Y>j09lx&$8#><4}l=s z5uMHkz2Bu%L;F}5guQ7b^kf+*mVjNm!-p%1Nm^y%?8Rh%_2F`l{{5rFU*zt z$JX_J2hYZF(Ag>=KYyp=(cOP>eO?H>wy8#!@L(8qz=5^AHsELbbhtHsKG9ut3)go0 zgT~#(uzCL~j=mUx4_$9y;ZqsT<0XPh=yl72o6StEa6Ym6?-mG>gM718kqsXko+VA#!xXGjt31!onpIAXd{0=I`eHiM;n|Wa=X@>_0Eqf7FJZ zIB*mX8cT3f$JsCgS!-HwI2IO~YjD3$6+&aHGi)_kj$k+l(-u$VoNAHjc*KGDlw~kD zRhF}Olqn?6+gKv@!}aXpCSyiT5r9G?ey$E>`ZKS=1dCJnP{x2WO&UvGBpIq2 z)PnZj5ZaVEhPn;M;hVc*Y|ZfF=T`xTN|?6G!v9U|hd; z9PU{ZBq;g)oD9$S#PWCP5WVN;*-`aWcKDtZy^@}U(=E!#;@1Ui?C8^g{<>V~;fJgv zOcqsdd?W3?8Zd2*3w?ab5$#{Dry`TAkjJ4w$A50G`ZW@z3z}5NYPDc`=VR!O3?<7y zDbd1$IFyr+hqH6f!+SR=yq~CtJ9mT&_UQ8dgo~F*tu_(*z!aD`Sjv99Ov7WyMMXS@MXnfs+dm*b2_u5x5AHM&3_2nP1rnQeH?Z{wzEEV5No;M$vJ=gZ(X8bWj&Ky?Xmcr1KP`eejtzX**>cu&=QwF?d&8c8V&sns z-fQ^#`8f@xnu>?x_shh%{c8_|DGPDbm`y zbKp2Qm5ZDxP1SQHx!UkBWLG<3Uwt@4zu5(0H+tYg#}8Z@*N57JhdPQZC_Nuoav9iV50#>ObvpFmeJ_D_cHrEhVKbqp+`;kcPmC1n1WsZ zM6N1Bj5B`4cW8fJj%Dj}`8?_)oG_JuCa=+s-gS}9jDN$XDm)<*(#xR6Hy+2D#9{dk z=_0+33OJ!>C^$?uP=9?d96s?usIc%T{k-{-KyFBj3vte8osRO{?fc_kzOx6Z(ryDH ze*t&7>%)1`yL`8XJ1on%541D@q+A2(PT%KjpG`2;Qs+6Kp+|}Hk6<{uIFIccJ_;sn z#`Fg7|A}&oWfSiCv!}g|tE?eeSDqV)x`0=1 zzlC{8;q1Qyxo~xIfbfKH9MI+oEK2ndls_o|Kh*$e9Y_{ns*uezoJcM%GUD!8?d++8CH?6#Nt&9J85tduZ&(#pJq(w^j;Wa)rb(-IZ6T)uSPKw{iCSh91mKK zJOd&*9@kA15hQH6h7W8q_#E*Hwn+N|aIZAz%(Fo#Yo!6{FAuPvi+K%tVhHqxhLERI zdRf8dv9x5CB$gW&W8+0R)E_wyFW2@l?xP!S$cqN0`wKaFE6u_;9iEt+lmL=f@8ZbI zmSo&QM7JQm_fX>=)(pJC?^3H_@7gkmb$J4_>K5ZsT}94wzAf`Q)`Csq1iWvV;rTyV zSmvdV%E9hvxqA&1#M^M1Z(hQv>uNADH;FXfD#jj>8MyOW1mAg|4Xu$IaFs_pUV1qQ zCaPz-bZtenFyS!HVk;Ty3WG6L!I0jtnV6>_Cm(IexvqXiUu4f;@K=_eXKSBsZ~+$+SA) zGS0O74JZGzDLQE&$~~MO4r>=wp}C4Wrzm9(w`YGLB^r0xr1f`j^0qt}JgN^a*W}SD zshmWQ^aV|vz^&fS?*!Ag(XQ-vIM>obB6&vg+OE-T(f)&|sU?R0t|)REA6CM5T`e#v z-3|hCD;V2-mMIu0p_SiFm|CWT#b0mYy~SgpMJFAOO^C#=hW+p=PKSHy69BPF<>+^M z5j1B`?3+on&&Y&(KIsM2D|^Fa@kw-f zegNwk>%tBRFTvJ>cVW&g20yZ2;n!4u{5x#HiMwmi>(eR-l-O83GpJ@0D!f=YR{*{0 z@q(ml{C(2I1kS2UL(UruoPD47Jsa~q(YpzGTdN0GP8X4x{=bUm7zj9L{|0FJJR4dE zUxKY!8F{**2$zKaVZ-z5LH^FGqD1GBaK=?gPF3E3`RS=7>2U_s6nfDwuNz3(q!{Yi zk;-=}o6{q6d&uenJ!%xT9yy+~KX;u81a6S0x4-41)%G}e;Nt^HkvlPTZU#)4>&p&! zr7~CdShVk$1gb@+U|GZs*5)#a)GOBD(QZj9r>w%IoXltYLRwg#bR9T|F6CMi7EPcP!v}loFtq#=P}rs@i(31ZAc&YW6Wq{ zxIVra=k16B%@N~;L$f&Eue1%%J~bBP8=4WF$QS5htVYM^hNJ(2L7s)=2W#W2F>QV- zye#20+THnZyC#%{4jo{3|D=+A8k(^B)C;!q;7Kr3Y=z$omkPr+w_BBUYT>IQPrmbg z1RXQsD!#HG1=~OJd*Sa)_|5+o#%CBZs}utaPM%KZE&K!J@>#G!Gl17EHj*#iRS@fN zNO*hJeCRr%%h_M$2<{i>y0l85&0me2y`TX{bZ)a9^E5d>;svK~-$UzZ74Z7RIjD&R zuG~-vJJw{7Nb5=5ybe|2>ecdiDYO6`i6$O*EyHzv*Rf>jD^QRp5L_#PLB1+{KK}*t zn3B(Ph8v33?YmAy4*e|}?kN)1CtF}$?LIstT@No>GjP+~aG~wPvz+<&$Glc7PJbQF zftVK_c)~Is#kcuDg-DyQ(5MiXYn~^mZO#b8HYZ1yC%XZXl;HArcw!-h#hl&Y*^7bYzQh14}v zq(=lowr62{Lkb>rF2H;5?|@iSJcumlz|Oe;&}QvLYPURw{aqssr?RB!gG~vLvLhG! zp7%gSLpiCHEW+!K&eYw!l-yNT;zpQ$W7`j0f{jjZv8S?=@BLoG`Mm3cH=oS7!1I={ zSW=R{Gap4JmZ{SvFHETPp?^a8Pe+MeUkfxP%;ciVHlo_!fB1V}w(#%*YcACMCR*og zEfO)_$vv}*;{4Y7;Y^QT_;9i|?oImuk#RD-?;?`b6@_4I={$VgDTz%V)yt}Z*F%<;kyYPZ*!hJ& zaoVf%Fri4BOOnfm>CfE3zjrf~svzj?F9oAvGw2Nx1t;ZeMB;l19u*doYn~sVqG&F4 zJT4|QyStX>B%FbVSDn$cTNTqsiE^Q7n_*MX7M#8L|2-XjxR^O`n@pu3yvPTO1xeh3oZZMA>u=~VC0%vu=3s(Sbp7u zm{jk@N?`@*-Zxs9cyAK3Rhms-Y#UGiI?snu#{bwQ<9zaU&=#~}jPZhIBTf}uB_3&) ziNQo6OmgwZO)?@F`fe8e`rlcW^WZ;$@(eAUTA_uXXUJ3b=sJ`+#iLRAGVT{YU(0G< zhZo}(Gr`YVvXlN}PBT?FHT#bcpnM-SZiQo;!4uHexkN|ZQDGUGSHMxdlh}LZkVrEj z3~PQ9O!~AKo=@f(#Fa^K-|i`MZhb7UFS>@VdTa5Q_-AY@Mxip#;;WU4!}WcEY^YZh z_KiCOlE+o(X;)>?U(IV5OqHrWaN*`P??=0N-%wyU1Y&k$;LQ3W%u7fjXBK=Qi?cPT zhu&Ot|M!Uf)po?=l04sH$xqlg;|C=AR^h>cWo+PaRuRTuLR*z(7-W8kq^wJalgq2w zmh?KJBdG>{S9h>PK{a{Y*??~G;&iT@F1~uAi}RF?sAN6|GRN1$%E~Xeao=f_D0Jf# zH(y{mlkSm4nSngtdo39~tqRKQ=WrRCqqqQ@dRTfToJ?644)0&Z5+$C`ykzP-=+n%% z`mp;KbGg|>w5oRF%>i?;9BTq$68ubiI0atUc*95|#J^u&v(76K5cu;ZXqOaVaLPzn zT-OY{To<#zO;Yra;Wd19<(p8W?H60}w+Ls|nLuQ88tH9VifudYVi#+Mylqpt=@XV? z(B~vl{K%V_UKgPU$D0U@WFHE~jw@$BW)5IP(KI~i_YD?_B{SdJJ0LHf%T_MtJ9IMt zkzospCr;<#C*HH6t_GaDNWbyl_1{{4$j9aR40ZTTNfx$5; zx~kwZ9v`~NLS{q=ukici_d7`L)-R-OWi~9TI|I6XwArh;m6&?782i;Yu-LE9^LHjt zeLf>?p>`fGh{(}fu@SIdk-w9~Il*<_4Al3c8td28u>*fI$v)%5pgOvWtnYe2ifShz zlz%1)^=4da&nEh&Ac?$g;Wf(kI;MZ*CbahSknb!G3LDM{-T%7^hUa<4|9Lxj*!Y(m z9=HH`yEW*qn;NwG++KK-6@(&A{rKbE4zv@fa8W$pI(5x;C^)7}bJY3M zsgFgvBHW2yd2Yn98aQqD4fj;fEowcQLIUGBw0Lk1L}dt<6441qZUqx}c7=%TueG$< zn}t?}DePFoVLWwHl(tPD#eI0939jO5RQ<#^;%X5Bu0L{cqM9)q{lyKQNY22kQ@%lF z^LyfcT@Nn$?!=LI4^q>=^KfB#2!LQ*zyT1{@u>wMvLXGQM$f1#+?W(YR2qE@H3cR*&;Zeq1#81^kw z=FPjuxQ}EAi}Ies`{D%LsVzf&c0MHYCjUj*ZfUq)Es7o1(=fESn;Cb`#WO1vxa2Q4 zShrv!wuR*Knw=x~^jT5`vxm@JaS`Wyv8H>EPG)D@b$LJCf286Nf9t+8iJST%g;s0X zpbOE5lUIW|P3emyvCsqmjx}Q3pc*wa-Gez^`{Av}5z7`npVL*{$!E@&u$;2V_`T%^ z8b2?ExXoom@tic>-vO|2@qQ96qJ=kF_}+z+2Qlk1&sf*g!D}y*U`Is-ao>Lxl~10< z(aYqC*X~PjI%Fd()?J8VvX8;rT8^G^a)faW4zMYtiUqt{MNBrUaHF^AV(aWc9KBr} zpPelh>a5KLTpNv2T0`JdI)YpC$c?>PJ`%rf{*LbVW7)H5ZanAYDbdF+^dW>Xf$x@mjjhwZ(DWQT#$-xvYm?+4i@rPNq?khx=o};QT>q{k8x-R;S}~4=Z#U!_TXS53^l8SK(mzL9)YjHJ+Lp zMP{t{05grJlht#I!CIS@oO8-C;GX48#(z)UxT1Zv{5?(=YQ9xq*y<+i`hE*G zY5#&-^E^qo&rW>yFNgiNXEt4X=QcALm4vsSh(Sk&ALl=%46Qf!fi2JZWZhlF>cUGL z(2;?Y*VU=vqE)op!w*N)wX${I@%SoHmDBO*#(_9Rd_M1OQSLxG(K;W1DbsI&Uw1U~ zT&#}Tf1;UK#V7bBH7w*7w1c&!JgolaC1{&hj=%3Q^6C2(_Pf%8Gfj9@_{UgY_&sbT zJbM?*^s<$>R4#?B;Oj*kt;!BAPQ>~|h+xi<~$a+cDYCYJPC zx(Sywg@Derah%tvR-C)agqvd}%9T5<;oNRJL2l*;)V_WScI=tLB3?wp?BSF6^(4jO=%>uNRI|tV`qzEgydSbNhj^)yrC%`=w&=aNREavGu!d%->zhO13+_4gFHV1>* z^3yo$fdD&?Sh1LNO`t1h<1yLoOs2mNzvWy9(ads8+_4D#yeHGM-n!f@o1I{@>n^cU z^niM8L$EV9rW5ZqvHiL(;4*9pe{^RGr~a8O9G|K{p{xn_>j#n0nK58;=QTKgTMY$9 zL(t7XkLOEt>7?}%Z1NHVn&y5ARDTjM*`bOZd}gaI?=l)0>v5Y;>w@hIKa%m)nlr1@ zgMuZY^xhUp;;Iskqcysq@(|Ayw^PGhc^5YG@;BJ0b`GxwtHJ!@(So~OqD8l=pTphg z0v5;jcCKv_Fqhheu&yy2B`msl2C6iXsN6;CJod9uF@ItHh<~`fJs1`g=E2ju!Njn- ziY)vbh5tompy@pk!NPc1Y`dO~(zb47=J%I8d-5WLY`u=3tU_^4G{c#ulqRL^#CdPO z;Q_aG7%w}E4&3O)N4Je=wem$49%WCBZ#Sd0Fjny9LJ@3K?cjN*MF7Nx%m zCFrs*VYtcYA{0ieQ}2e`R$()KGo|%+$d#qVf|QgFNP};NZToI~Kz z0Ki=F5?0eTkxb1tAu=`%Sp8-L_i$Go=>KfTwVx!Z$6E==TBnN(7kq$-27gq1_|CFZ zY794TR1j|Wv0+!_ipjclv2fNdnMCu?r(~xD{;4)V!~3Uk_sm#W5Wa_>o1&mW*&j-G zbr3I|TlmmO0y;xUYL6l(e>+WZ*l3u{7WABlR^!GVgio*YiP+oAJm-5e zao8;ZO55j9Ir~a9_29k3Dc$UD!4MgWI*MB#b>n_60;25`@prHc`TfcaKCJjkQmlEO zivL>DG8m41<#A|!Fb~eg{l#tN{4Ghz1+6P?GV2xB!Dwg&2Jc;mbGa?#bEX80%2DUG zi|er6eWs{$;s@zedBt`Y#ukkqs>LP4GWa@d2iCou08Knw;pDa_L_Kmk(He@t^iw8e zQqp|5yENId<)1b;C2E|2<#xe<(_DBYc9|JVu3&P~QJBAJ6OMKZ!oZxV)ceG3%zw`3 zUB@*~+ELTOne*NF2zr*ygdPhQk`QoY%NA!yZ|{<9ii)AIqzOr3BI2kX;Ee=v}iV;dC}rw+(DZ*l^A7D_G5iwN$-s6gO{GEa}-u`0OXf9PWm)MHYB_({|yS=_=H0V~5}jc9FhgMWDTOIhLD5 zlQX^AIAfX!S(DL)IXpXNN2LoIwZ6cL6_22D=?*4T^Cx{yfw+_wT3wP?=LS!IBY%^R z(^ECx!k)K0-$mCQ?itju^+GQ!9UD&8pBc?<(ny8Rif-tlEJJ5cF@Y&t6NO3I>Zqu{ zlBKu3ftZ$AFxIvSI|ftX$-qi9lbV3)iLOPPo%ya=$uF3i>BThHy5YyZO0sAXuNy_5 zu#)RfVnUrXTyat)-N5aC;wry2YvBXwln@1`x+C zJz$@P1O26&fC?s$NmDWZ9BfJ!ERuO)b)bJ2J(pq1MH+2kZ67bQQDNzVukKdVtE7(w zu5;$Zb(`=)@?H4%;2HMo_G0Z3QTij(hFd>h53Tv%e7%cb!7{}IZR=+heg1eH7GFx@ z{rOV#g=qtu{qG!1(743+O)eMgj$a2AoT?x`bR5q5!S@yfo`)ZUeelaH7H{M}#FET9 z=*w5*WDh5Tx1=c@`)@29Suz(!N_{{_^KfRZ zWdl>uwrvU5y?d*m1^F(QS!%TQ<F-#~&ADr?MV%S6nIek~kU_u=#0x4{)zLe#}%U znzME+S?O^@5FPy;yT^FqAkQ9GAJ5+si^@=_#IqwtSquE9Ux6r@RN*YueB7&dAI@Z^ zW4g;Tn5{`^^^-(WA~OcNn@;2Mj8B5{Ek9Y|f%#0gpa(nEN8tRkRbabWUl^4-f*Uj9 zJQ|Nw<^FkT;ME)9u-{`8H9sW^4|Jzd_ky?jNUrh68#pgN9wjfTK)^z@6jyi;ekbRVBhzZgH;1dFbbKbP9yi2J zyGKLocDsS<}}G`oR7e@44-oizP>{k;_win7X13wue6=Qi`o8p08f${9J~c z@Gl+aN{T_P=^OB!=8w)>>zPHJK6+$NXS%z^snL_GaHb;)9n+1_Y%TAxH`auO*F&v# z=9y!Ps1)DJw-SRzH*v9B?P)yWy{Y;pX%ASN?+cQc zor;d#(t;-;@~~{tT6hvP3D$^6(EAtvvM>3&FZWKT8_PUW2i4O;es* zGPQ+h&pVIW*oYbZZSeGW8@s&sGO>4)g{zP9!0eU-Y|K*2ctC zrwc9zt^%1gpIL>H95g!_(}?$Vg!OKrlikn367~aKlW#Ex%^YFE$7wWk;(2KJoyhC! zw_&-5;<(??Mk7~6eaHcb|H4A%R=j{CoH*j*?rAoS;z_>!}*l&*?v?9J;;^~^x7{cvtIXv&MQscGS}}mR z)4lMrfZ_v+_MgohueTbO|Hr&(Gtp;S!czvmZ8b z$#^9)7Ogd!AjNPN3ch9umW7^!u~#cFkoTdu#}%N)n;qzOQ=T(EdYcL}z6n+|e1>rc ze9*{W6=(DzXx%e~_`XJF9DEvYK1Jd?`W9$RH^iAArO2#3K3w6BIaI!A4<_hMCOk9^ z?Ye95vGG>WZ)}14Ne^(OS{Ylv%o9qKX5gWoCUh^WVWFz|Z0PGBG}tZz<;ht^b3R(I zpFLunN8W8>*eOdQzO*wb`Fgnav;fxR8`Eb2$KlnEOvVH8U?O)8gSOVP6?U5VaK8y1 zrIkj&i?ZUFi@Y{k3`zOpX_ac3p_{qz{h2B)Cs z4c^;W+{ZIX%9*OF8oKl?L@h%FG#6~=KJnejn#<+5$P``fqPT9+7EdoYzgwQFi2h=i zWz*qejuj|L39&%V97}cuLFm&5JkKD9X~9|Y+a#9^@qC!VSUp;wq>Bj;f|=@|3gyRb z-oL8~K3`7Zkj5^!oT7|#-mD;ZuFiu=-^Sp|4c_e7&!bq%vrqTj2}5u4AO4XU5=fTo zb53q*!jIJk+_=C^Xui<~CmTOPSvdt@XNDof>;aK_7KdVH_rtJf?wC*kE9Umw`s5+Mki;~>#;%KHHi}Jb$(3-pooYF*~%s;3x|Ayw2zaQ!a6jj-c;=U!pePz3qSb9HmnFA$%jEqs2h36z$7Ai|R! zcuCxvm5*FOUbwkJ($8~P{_h9r+Wv}Z95!QOorg5$d_v*0 z#>wQ?&r$Ggz=l)!t{>CQywE-&X3t7#t0@yQ2o|`o5H8e&v;HKFVaQ^EhWGsCR z)nojbS*HS5W!nMgkH059w*O)DQWb7r^(9E(dmr3|XED+1I#9E%)NDdGzJ9w4-u=vk z=557fbm%|!lD}V#oo@yLjSnRJlo9Sg3wnC>L@aRaM>l0Yqss4_mzK)mCf^>6+GPdm zF?{dcSxOIiCJ0Wgx&qe{_-q5e=Zr6HfL+=Qw#LyRPmqw8?-B{`wVr?-5! zurh4UtiuDBGucs*3*7oZ5iIL8foE1CRD9`fu=u+W476>?i)KD!yWtZAXLw;?{|Y7> zVt|vHrMc+^d$8(YB7TVL0MXm+xH|eGR!**mXD+KbiDlQZZ`c!m=QOh7{6P|)F$u~I z3qeV4JZ;hY0mCEWVCIS?-0mQ0JQADE>ZKFNf&>Qh#8;ze`VaQ2S&=r}3nL^_iayrP z#c?~9;Oxhv=-&s9pkBHQKWKR%_bP=v_qD_>+fz6@tpZ8dI$Ezkg3AB4MD2Uc*!;eq zU38W~lY&gN9tz_8e>L$;79Yr483!)8gbp|+3M0IfplR((uvR>eFVy>RY-b+Zo9Ygx z-aISp{T*BvzL?!;Dq(4+02AUvh^;4M%{Q;H4}rQU);k&Itc}N(=IPL6lMW}IY-2xu zF=FO40R~K+!0b;16TBJ08EyCu){B0TjS1G4nMQKl$kjJ+??Pn^Yi-60fl8bpH5;L}~=^l82tek`&F+Ns9;V#48!eIT09{yZ@Zy2{{W+W>LDH&N6pL3sR(B4Uj(oQPv6eXLAh?G>K zK}ky~pK~9QNTC$k^wp4(QHer+&+k9*dOYXz+~>Zo>wPV``3U@Fh0N{0Q&_X4gV>Y{ znTPr7*qZj~bmNV2+)>S%$_gIPhI{YC+7;utS&}lpR&GFgl~izhmM|AyQ0HxjRk>xg zp!v<6K&wmkkd2Ph;c(M<8eux075&ko9uH(`OZbsUPq;N)rWc5fg1=zSO~zf9y;U5shKxI)z4!Len}VvGww z=v{vvDpwVO^SBaB^1Tcy>KAeS3kRMalYpTmPo3{3ZzOkm)`RD!v*>FkN9XKsV_9qa zMZD_@+}k#azAU*1Yt5g-zHPebB%6dGbR;aCeiN2>U4igV4t%x8Rlz&uhqWIi>6pKb zX!cwa%GO!q3AJXHlGjegWS)T^o>IK<^C&1f`<59MzGa=a3-L%{7<)Cj5|>YnW7Ykq z#FM^V#<$hla7^IV`aYKAHd6%s^MxbUSY06*#oaJT{yqy|s6*Gz+szXGo+8$JmN>Uw z$cCc6A>47iG=IHPjkdhH2J@uH3VD?lao^8i`nvKhnbtd=^*lADSI*1O!jyHWkzaz_ zE+2(CB?eUY!%)6;C*Y9J<8Xh^D_qxU%eCL7;TG)_>{8bt@78+rE5S-6@^cT1iw%c4 zjsE1}JZ-wsG80!_F@oMr>4GPt6r5!cm0NU(QoROse*Z}D!CZ!e4OSQ_-HQs!NvPrH ziz;zx7}qok&-y+l9m!^NnSq&*-+2r=7u9Iel`T5vb)1t4Cz%n4qzEad0ghPOd@o@W#6hW2WLe!Q(JrGa2OaW1vwz z7tViqjBkc((`!Gus6nzytT{!OepZWyu_J?tiIDk@+`fyCdt3-#gJPjvRtht$#*0o_ zUI6pJb10>!N~4AubEi-fko6Zq@}@{=b~{WG%IeVa#1WJnmqwPZR)MdTL45JVXDB&( zBAp)O4NF2Aomb72WNO`MOylGdmUdf)-jgT$&5^&Na@Uyr)2 z^Qn{&p!9A|$B(yX@|#kARAS;5Xg(Q04|!zbZ}9}Mjw3E`5g1zpJQ-O5osSN zNxuwPj^E!@VB3~s`0J7IZo)-qsf}Y^KX1WGtMw4fRe7h61FZJmg8$XHvrD5DxyOYj za?_{`BAqB-g$0}LB)3=TE&=NSeOng(<9l+`f#@0!V9Cbn5!j29#pj8?O$cA zudDzrIxdAFu?0-Nt{yW*R($AaCkD_aWC>0}eCSB5CJ$iSC2v%51$blG2-ElZ6D?zX zobKTXBPUBy#U)F{d;6E7;kZh6{FEYUH%<_({5YEi37I>xN`@NfRgvtS({N|!D{{5e zQ{XP_n2U+aY9R$7Y-4N^9DmHcCWR8_9h)XuJ zx$^~0C15+OzH<~;2fDzYe{wXw-u4@Lx|(!U*x=Xtb!?xRF|9k04heRxY{^tN z8oAjD8}ojX&D}XL=Ylp(EI$hqe@Ah#eFIh)UV?QkemLe^IO`s;3bjv8U{+=?*>x`P zcXF@7R%tPr;bFqB_V|JON5LD%5`-MSEW+vJq&H zUoMuB=`k`m*GQ8NO9`Y)8=YuN)aPMIbxjj3>xwqX8#ml@!4J#(FGo4OcZ-|ofRpEOXw$TXIzA0q#Q_8`4x0kp| z$i$6*xt!AMgCr^jXkA*fz;#H3sEd>Fyvs+p_&^3+w_1_xl@Y{Z?rHGyzbqbfE|dfq zz6XPz3yetYboMdoA;Al8;^6BcRCi8|cuaDDIB)nuGz!lKt7neX>p%oV>;1qS*^&H$ z#S-2%(1ip@XkyO_c`mt7il0@`ptU0fZr z-&N??Ytm>q2`+gFX``BXHfk5!sc9Jb> zxCW_S)v$Zw31oNE(d6U-s`pKcBtM@=*D6hepN?0UailE%u1$oE=PhaUwqx+!B#1PZ z$in`o+vv?&3((N`MK+`!gbP}KarEbJxN(K5$mKpG_;C{~d^?){h&w92@;48k2|cjE zv-IIo&q2@%djJX%lbOe`HdYvBhr@02@ZOp!B=-F)HevihvF|KnIQ?b{Rr1aj-{|Zi z@oBqZ(j|_*a{HLGX%tS_c!}yjv9DdjP5IU?b9N3x@C$uxynw zPsx8nlI4rwy6F_EvNIK>7n!qO-Cp=U&<={;D{$^r4(q4<$0E0sW3#>p73QvSesX6r z`S-va{{L==HZP`aq85yND9!u5LQ#5zE%|tL0@*dXTr|$Em3+2OBW`I2aHh5gc$8$4 ze-pIn*=wrkoh*&(QZ(skK?8j@xE^&}G@13U=U8&%B*y(cf&BqqEG+E=JNwoT2j3HZ zZ@xF6YDW&#j2+AU_AY}LhoafMztzmW>L||sev*tc9mz+H>n9~k<8fhjA_hKSBd5eF2BNz^F-3}8~PlB;cA^taFKE1lV3nb)b6S1i@ z&5e9aHmzM7gCL#TJqF(xDzpaXAhmhqhR+D6_BbQNp4y$g8CV$u*l&gNNUT1T1*6F zjv2`VtJQhRm8Z-`N#Nw^#lR@-0P-^I5e&1Kjq`P8b4AS>5dHTL##?@Z=|bPF#r$C~ zr?~){+I(sJrPuJFu#(Zi2E==HHO^WlVuSP#lkt}q!p_bk-0PVYDmg}ht;~BiFF#Ct z%dgC%0|@9qF=Jt zi)KFFDqgT&iWbJDqh`!nZvM%X$7e>vjNBUdE-A@3+bdyFQa`pEI&kTw!ziitCN6LG z!oMknWKQ^TczxZBKmM^9m}(Ju>>!+nT^{s5^FP?ybr*(5A7+PwCJ-y11gO(Ar(Z*C z(BWGN82-yZ|7%quKMOao*zZ73MwPHpjp3lM>oGe$Q-<$fX)V<7-hqdU4q?4afp~eE z5f->SW9jps;6s-LvRBx(o`{TxhGJjXCg|cH8WP!y-Nj5QA`5zQ6WD zlOW>4E%5obo{jpro{qYg4Krkm@P);8cE>)JJ;{A7&fnRAi`?b-1$h;^5i;8(w(EBhgcH=o8IdiQbn#!s+KJAv;}zKf>qA0fb`7`D0ZBI{ZW z$f)kS&^NIZomvGB{`w`NG2%q@aw~-ghv!m>0h&B(xiWV>BaNA3yK(nXL%wdb6sg$h z1>HVZaFEv(vW9zNhTS|!Nwc7L%-#9$7#mQRmWK}&E6BnFVtf~IoHT3a5rZ)bFe*#n zkSF`I=tL8Gpyn_brJNDE@y@_5avSgQbTnF-%)Lb_FxvJIZYT+57iJyDnxmK5=C!{` z(4(^~Cq@Ar&ubE?JCiVxn?P7wAg&#pQt;^fa;Vs;h_OM8{Pk%e9o&Pz7^2CoFZ9Bs zt-JB*xi#3Rafc*zW&&3W5T|L#@x&LB^!3xjq`pRm$(?rM5?dLYDX>s;G9{?@#ua?j zh|^e*xf8x6Xu^~r89uN}4#o-@t8eNHaiF#iEgRkl+1Ipa@(cyE(Dwp=*97QMTgcBC zM=|=j1{Tcf!}#?kR82<-t^2QFyW(&@{8AD*F(?m2D*57*>Ul(VZE8@sSAjQ znqV4wkp92+-0plh*yTFnV;2qa*>5w^tH1}-#t-9aLjED)%SrHT>L7C;n8DRSDfr#- z7OvKsPfccp;;Se>KJKTr9YYK@e8%!>yO@_#x4EV3bm=74Y zkNeGBBzSz^iZ1o$Li=7hI^g*s4#HiuBG5>*Y|sE+uCbWUnb=2?6WT@XpOV1k?_D@) z)CbEOGf1XzA3y%$36r(dh507eFwuB1-9CIEFF0&YrDuL3yKL%FzSIxb_L%a)-@OG- zVkWE_^PH^d-iwjVGU&ePBI^x$2IG!x6LLAj@%oQmj9+pLw-$`!wx@hqX1)(T+#pNd zTgVAoV2AkE8*_LcP=kNs)ab*0Hy$>1K9DGLp1dSZY}sE5i);R3W?(ODF>QodN8|XC zUGmg^{XLjzY757O{;|zPt<0cRl5ZFKYo2TQ;-nNq{^G+sJgVV=e)?P3!-hmWp?-=) ztYW0;%>h0=rXR;8U6XbHF=)v6Y=vDp-a%!#VS350!Yx593Y^W<_ z%+cf#QfhRB$vMn+90z0hWd5>sH(WnGh#KuVitb}%anbHrbSM&Xlq)saCCh~lh-^&KH6!IIMb1I5D_O&FNw_#;HH!!hL*I2JU^Q3p%{kme&qgx{5)Z;n zw{2L7fPYZ$`X+updM)Hka^Xx<=nC;tq8sl^a64BUOuH(F8cpeJX0aUk+Lnr$WkT2D zmc8Vly$MuY7kH9!x)5|vie7E{L7wVqk@e;~`De*0QvB)k-C?8OV)4oq81|?Dixo6L zZA27~^Afad9truO$5Cgq2>+dbh_BS;gl;c&+Hh7Iziv#zmX~Fqa_c94eeBEXqNVuu zWx^$}s~i&lY2iufo9z1X129ry0T>KiPa;Mc)6bDYZ{_JH;9z@2EVbtdSupk^Ou|oS zqc9W~_c}25$b7VxQH7}jb1GH%rmjD+m^u1Kk>;*zpzZOSY`W8nYqoC0Jq_jHI$DCy zPri%4FJFL;$s+N#(gN^XIULt5GKKc{ArSpI9UmRigcr@9V4ASAUcdDYxuBGQJGaat zfsv|oXGKTBy*3y6K131kjQa%@s)MjMY9F+l3%^09r?C&mv(WHT3Pd{IXRD-bY1;H& z@@uIqKl&_@PprOIF#ODQ^a|Cdx0^;m+;(r86Z8-3d+NYZ;Sj|CD}ehh;n+N76`eCz z4EqiXo{5I7a9B@^$Ni{)p)c~u{GZwE*i$89{OBVn9aP|7H$N1w+fs(dB!JHE-Gx(i zi(o;$4QQNRE>@}iA?!L1f#M?-_*P+v?N9q~wZvqmr1%=+A{9ZYcL2U-?kjZipf(*yjl zC!Ud4<{7(P;LWr1XtT#3Cq_HbGN144N|!aQs0hd3oA!$IC9VoRcsW>o;1ft?eS=od zBM=y&3{A7WK_zt{&l88xTg|e(x^xwJ9vPeJpZ6|laq2(zBJvX0;`wq33fHjasdbDQR}r8>LG%gGx^){$NeqrtrWlQPL$ z`j2@(oez^;vvJY=k@RF?JI3u0n7(~qaer$xoVAstRhISbhl!IRN28m9d`ivy!m;keEjLQPbu?a3VGyt|e3jUR+lzaQXHCTB3@ z@@?k6Zx~c9Xu`Nf_eqUG0=^iy3LqsBa^1t=pKJg)49J6G`)p#E^OCe#e#V9D4h(FI zKvQnP74JL3(4^Dw@mme%kI@zwdct$^vnO9lo`80!JgWPvLeAA{bn~50pGwu@XT7H& zwPifA@9ucj-I#vsoeKM|ZAJcMAq+jyfO6{yEbETIIJ*dJ9+3!neP?i{`%vClxskV9 z8nW3LpD^d9B`#N&CQy5el55u|3yNTiGW6$2N@widO{FVDfRK`B2 zo45%VDtC~_HVH6$=SOszHV2H7hSNEpUZRb>1O#@8MI8qw)Bj3ulf^>r+9`M*6q+L` ziyQz)XWU>PT4lL;|5sve9e}5_l&P_FBGg@a2Bvp}j`L^H@$dwfaXr-=9k2cTYZ7L(U z(yK7o_WBS;37NK^9ruV|XBY{Z^s}I@VlgUOnei06CuHx_>&&O6fEltLw8`run`d5T zUY9*ER&yBsdf3B09^M12WF^Uawq3M#oh82WYyt$+8KRXkcvdauudH&@2uja>uiSMhIH z@NFmd&ASW1gQtSes~K4R&>H5M%i*maH&zrFhz-M6p_`i|?Y`*-vsyE7{)RecwKfjs ztn4GlGC2swRe^nTo4pIUf*KE;;hFnMxN_(&d99;Gf4<&I+i~hoB%GL1^!>3F-_lY#K$)%^M+14JZznal`kK{A(fA~spAkk8dwT@KP7|s z*g2T9^(p&g!r48C0<^yRjO?v(6BF6RG$~5p+<_uh^IDDGQxn;LeiI=kUyWM6D1%mG zJ=_%akPRGAj5~^C@KJ;^^&PCwr#Kftj-Do$a&IT8UINcrHssCVYP@5wRr? zLKdy2W<@m^Sb7%oAB8YE*%PFwI|p;*E)(s(cvkPcNc64KRurC4gG%P+*MasK$spG9y zCcoN{N?viM@3$tS)~NfC)uPMS=YL^GZtj5R<4=%K1$%~jhrmt4+jt^cV6s>`@#qio zqIWf;+423a&~?=Vi18Rt9j+ZAWp@o}(Qhu6pY)#GIOfRL2Wnt()?--x?iv~Y-xP97 z<2p`=S&j`~IttUj$JOw}ms5$Jnhz_!oAS6a^;(Re#K+)`#*><~dC7y+6;(odWHH z_lu=04A4;WCC+`YgLZdSVG#|+i;}0n^-MZ+`E12!FaMI`-4^`$zfIVA`3(B*_vORT zfOpz?(r$laR99-m)rXVOD|Q`8O&mCcFpthXR`Go-!@dv*-I)0MFR41nS=Q@@FMdwcHOCE6SI$!=r-Z|f94o@>e&iwg&w_&3pbE^MYZ^G;#!>Dxdta(y@slh zO#(A-2Xn5y4-K`3=nyAnHKG&n&a)C9#jN4Q;akbCEE#%6&_@IIJ;2D$A?#v+9B;lS zhtg+c`0)=BBxJ}zmisJ^E!g3Kf7}<*GtT$$vFU#-yrBtK?5ZP|haAHX8!wVnsU)FK zbRGN%dIiDCR|K714KC00#bpDV@oZZxx>)8T$^V8L$EDzURVm4exQw$Mop_6MJ$X6j z93E8eVN2#thYQAqu=D#exac#5kG&a(PTDe{cW;cSWnDZm=#YTAN*5UZb1U|33KVqb z6?i}51q|*}BVXn_T30nk*R zftQsFv1@G%&Ul!C0e%XQAmd7R8XXp$jYt)n95&)6ei90jt%7oPh6?m=vh$KuE_1ka2ilM zoBMC@$3>lWWdB=bF8#I>hN?00%BvWKJqo@2M2;`ME+k?R0KMTUq%-|>qYrBC9&nVDeEpNbbcr**L3x@&G!nx9` z#r{v_ur*Ad^_oP$YK(8N0Jl6X*=x@HqEV5HYvQNh2-L`u4zNue^k52`9jSE29^=;;fcT`n>h3m7LAI9#i1!e$A=WGZFx!h3O2LQA5XF8jvd=l z*&=xJWI(1T*6Fbzd?u_g=V?FkaBP|~9j>NBWgE+2zo7k}>^j8u{<#bV7cYnvm)GNI z+Ci)Z_F4S^!6&J$g+^F-6TBQvMxNli z(iNuvTT24!rMLyPK!X{*cs|?(Pf01$r3q%-pk0kDxVHn=tT3Z@F6nU5up(UZ`34*< zT0o-*Uji*TNxnol)3%237&?6~x&#y9UZa zig427!(!umjifq9hVNacM-NWy7xe9EwCPkeuAE~`9d``_m&Czzd)o&V8omNP44Mx5 zL8d%nsT0)@bYg#>n{?rjpJeWNRiS%9hi({pgY5ey9dW*H` zTGiXQeeytXtIfa@qm}q|(F4%^C}ejF%rNyr2D@tc4c|3iLVz4NeRn#B56%Mj6N@2l z%?mWruY*VVmLR`bnTPCGz;`Vwpk$*-=c((lOpn8u>=BQ(QxxdI1+n7F{5(jOe~x?4 zAAr!8n%u}?0F_p3VzMKy!14Mn@Eki90!5kdY3g9A8Dz(AMMTi{H4SL1vzBX2os4Fy zQT&(3LgGn7+PL*2zABGr0bI~I`vo?z#t?d}#)}3I%|!RRuAHu`1)G4gd{gKa?y+m2 zkWp}l>1Q>_%5$JX5Rv;PP)PzlQDCJOwCmz{88y=K z%9urqHAL<2dYJCdB*9Nxg<}No!F4D)>NAo%@N$cxX% zp?Ie}o%AdZeE0&4N$9}%dSM0$HssC9$TtnL;Wv9#G2r!e_HutFE=YOL z3f7#%4dYkCNav+g_Xg$dSqiYbHVEE7JwSbypM%kzDR9|78?FwCW(&-OPKu>|c=F|U zyfJMIy1Cn8O3^sJBTt8J^?!x$yY%r-#$U|-tWOt*G_g0P=dtmv9XxnA4X$2!NcSEq z6O%XBAwzO7-M{B!!8D&jxYHyHOI&N=^H6oZUdoO3?lIs)HjA;bxcZvh-JB z8tm#-<=d(sfTLU}C>y-NS38Ty%4_kk{MtYo_vjn(l3t2i{LbU7-&6S%eI>}$d;*u7 z+?ctiaISx;!_Or;=rf=Mf7#u{s5V{x=TQzZxaz|OtT02F`V$;+Hx_Cfb@TAcWT&iF5hAL=%x4-D1mb5&{Hu-$?O#^({EVIAPEbPU|(chSVCQxG&l z5!#cN;DoYeRDNO@i76_8v6;`Y;zKg7u1ti9n}pu*ZyWtbXmOgEslHdDCykt~c^(@sJHW@5VFfT$cX7xu2W zkK)y4Jp9WfoGypN-ph+yy_NudtyWA4Ex~DZx->gtDJ<;Sgg7CUNd*k#Q(t(1`GQ<@ zTRMeq;meVo&Y&HF7Af(llpWL=LRF`xa(Ro>tUV~p*)0`C_dN~p(E&AP>ubc9*bC3j zAqt1Jti$FqU#uGGF8n1W{PL0{yplJH+Xs(o1-=iauWF}HW{^P9Bz&(|mT{?D4C>t>f>lHx{4w^iWg z9%t#9)_h(Xvli248PP@a-iY@FOoI_Mc4&GejGfrDla`&c=3OSC!cOBmtF8{9Di?Cu z{>^bDtic!Zd&}`s#6)-{89`R@F8mn$1Tv3~rdLZlS?{z7e7>|BWMpRH7f_<%-=d&< zlQaIEHH?;R{f);br{Ire&8Yd}2>gC^7gvnU#Rp$Ti#KG;V%p5_c>humoNF+GO>YgU zTCzEHZ&v0_)}Ns0xIbPFF@wW`-ZH~2iW&(FVmIj$4D4J&rv(lpUsJZD!{r~Oszi=@ zXTD$_LnAP1OcY(>HJbb7>+t=OuW;}3!PLsy8vlE$!d6X85d{PdL+7*l0yD1(C6TkV zUOPH--%fGSoG`xpXB0~xD97D~M~c@TR^bPhoWp+$tnt^GuV{DWFg1cI+&w0cjxpar zCQrPAgMUopmo0~LlL85zy{8x^R3(!(iE`H2?uT=GGH_Idi2L_c!1XUB&SnZ~f1LRUD+0fg-}fx|wjCc~)szU*b#@pp-?EV%AMlrWFY0A?J|*DSTMwLmwx7mu z#cYuIQ3W3N)M?ytS-SS{BPIZCsyq#b`Y+Z$1;aMlTL#c#3XX$LrKQsEfwhgOtyr|j4 zLWpU9FCO}AFn##%1)eFjz>%vO1s{PoW{o<{HtYY!9@*)fP5*%F8*P}|({eCg6bN@K zoXAgkW!fdh#V>+I^z)EAIIQV3Ja`+8o>w1Y;e~UsHamhU7w)FVK@LYAej{kd&&0o8!*Tf0DSWg~Gb{@| z2mz}tP?UL(pI%iA{aB!!8;Ds@&-ZLsW@?6$PKJqwgErfjS>wR)ByTk z%A|b7a@?}v8|I|U4 zD_WfAfK@Vgp=YHZ3>y9c7NvZ^2I*$A9lTAd<}{OqCw{Z~ z4Y{I*m?l7DO|7igB=x>xa!aXT$g1+E@gKz z#i+fo@PHC@Hg>^Mg=erh;kRh?%^FZ}Ooj`a{=j?Cg@aq#Sis1sWQxT;keg1)y!RJC z=|(PA-CKxOm2br9LY~O=p%d(SrOOvshvN+Ar>ti3C_cv7OVH)&*iA2eab58>oZzj5 zo399+9%awiXs2vguXmMbs@!0I*0qwGGd_ZC^<)fM;X`K+{f4A{Fj8?LWZ(IM{wwE# z)N~E%xpp?0^Z5xJ8n~LR`fLWP%;fnDVK%Tg%_7Mj>)~?#cjv<5YT_{19Dm$*f;_?h zEwQ_o^w^q_n_auXPt6Cc%@eun+*6{sY$g67+L{(fJ_S|#7Cik{8>cEn;P!bo-1PlB z{4`6B%O)mbaa%8XDvbl1+9Y!6^lCmW+ygbk!K!k5i9Wbtv3ADV+Fwlvlrzil!HKnAR*O2f2si~a7zW8Wye!e9}y>~ zm!j9P#vnOm7_#OGIMFs0H|vJOhe$O%aH>~e!%yOeuiqoy$~x4b{R}20DuBwFO6(s{ z&t4b3WaopzSnr4u@w^?rxMq7awoctbw+TJ+iEAP1q5o z#Z8Z%#0|mb_&WR=*6lIG=}sBM>+(++sa*sAmJGtHCtpFtylaqG>cYLN&!aj$&Xh*( z#L>l82v7UzDXOyF8q#!(+5kT{iq6N)O2IpfG6-T`vVajo`x&W$3Q{z zRJ5CEO11WGLp|wg5t+UMe@n-}QF8^R`8^R6|LBv?SPmQin&90y1NhSu;#{*LfPKs; z6ns&|>{R{`zOt$twhL_KjR%XERp2%9pQH)9h#I_ht^{r?34-7%57Ioh9dy&ZVCE4A zw7fl!TRaWN24x8@x%V`T&$xrL3eNBkRS!vB^hu;d4%;*;@ndQY+^snTr@!vPL_b4P zKD!MpQZ>1Ou$TWhXDEo2B1OHcWLTe_ruf5fLe~r#0rPM+uKcOM2L{iEbAF@vrDm^_d9LVd2E} z<3U&@=&;qHXR%Jx24+Zhv9KTe$y4QUsQn!)zNUYKYhIehgFMTKVu&F(+V_BL8zT4& z-}XbO;!;{Q*98BSSwLL461`3p`J9~s6FKiU#IH{xYpv5@ZFxKlJ+lDY)t(XiZ{zqN z+d^TM+#`y4ev?^g*^~Yb75tQ^PLKQ?hMhOQqon&J%=)r{Y+v;TDzdiW!1z{N{p1nr z*gXq}F7+m#TF|_k!;FZk)}#$$`7E*lel*OC9gwW~udXU&ozz z%+4Xb<8G0)i*{h<4rQKaRgZf!UHJqnfq(p@TWl7z9XD#OqAy)fGhM^60;_30zh1W= zQwq0WrKj+05)(w)qLI|8d<{!yy zXqpkU+mFQmq)M@J^%>}zSr#Pejnj9yY413G&W{(3mHTEg+tvWS@_siRU!1)YY7QUQ;CGH=e-P zP(6OzM99o9`~|PO1mE@6D5!pZj+~6X1iFoeXjgLptj{XL^hv1@iqG)kj%#>&St+^p zCDD2G?BP7OBA>)HR}>gjXk+r4N^Jia3qKCOU|O?fcv{YWuriXT5xX9NPt_=v$7k}c z6%$bA-CqI+y3upnS{goAf=&(30>$3P?BwVKI2wKw{r%Emz?bjXl@Sf|^6J^1gAAU{ z@PGruWMSrotKx%auR&#k(ABOKgJ}*TT;rZjJ3}ORvd|Md$LcXm`nFMAVJpEser7QJ z%s9AU@E_9;SdQUqLqX5yKBzBGgZ`Qm{tzfUmqemAj^rDTl5Ka$|e!Q0UpSET>O zLq=_Eo2M@QaIOS(B7d#BCKxbLYX zbWsJ#l@7wql`o<9P#9BtTqb((vj}I;yGUfmSCK9gE`rZuXxDuUow~bFFZ~eSY<@sW zCJdw*;a^c+!kjs9e7P=YS61aVG)JpFc%8a_vpga;yW-nFO8HA8%kUkNa14D zEAZ`BDMl&Ig8R4qVND;$<6?7~lXXTkYqllc4ya|H)>PrDKV0|s4u@DzFm8o#|gYICv!IiB2-3;I7 zGx9U84nGBMqoN7l;hsq=asRU$CQNA-@68lCyGI`2%hV&FJM0q98#s%_Rh<)U@lSyc z6QPG)e+$_z?6laM$JirfODZjeuEYa|+-H?HG`*3b>&~u#xM{9zh=C6bO7{kx+jn8| zj0o69YcX}k5blt6NARFsB=)b>VMo0#eAOMob&R$`SlBc=-`}M`@z^-BTHOd*D}9)8 zY$dil+6#tU6Ju6RqDn(rL>?>eVzgSTaEC}_!{bJvc8NA0P`#bJs$GG>L!B^xS0dby zmm|j#zq9$hg14yHgnMSq!yU0(VD=>ocB9jn|JXi+s;G^|fe&Y}qNotEMpR4g2=9y+ zKZg@Gq~f+=iENXkh_gP+d5FE zH(5ktz6pE_`AqgtjwCnrK4N{vLhPOU3f6lISz6fyaIU*6{#Pc6sc-1Vfxj^-2C@xk*cs? zyEuOY-D-A+g}G;5X&~Aa$~$8!$IPR#C};Q?mA>9UAJsx4Q*{v) zXZb>aUp+mNlN*DgB)%Y#BtW^^o0vr^=yJ0d|ma0XAG zDR`UgWOzoEG3FiO#3DxxA!sj^{f8r3tg>JwpKQcgScMFTV_6T-W z4+5u0=i$$iYfx#-~Yr7=*eYXF~Ma;XK~nhaMOq!NNMipx04~+C7ryml}&0+7bagdEnkdr5z$P&MaG2Ev3jW@Z^nwcM6il-31RwJhOqsTxDm#p!Q#ua7 z)cS*D%L5huL7a~dM0Zi?+BmLwLZ5!C{6H2Rs$eZ8LNC+VgAircjwW_J?BK&xtYJUd zwMsSq$Lk0xl$MICBM*p@mLI|yfjiJDv>cbNiwDy)8_;}u49q<2D%9$#@qE!R^44iS z_upg>dlm#?^w3h0V=Q>J>{DUelmxhNM^5Y%Qi*R|k3*sQa=iaklFqjnfY$4LsE4L5 zSTFp-#{7N&*}mIoeWwJ?&nt(4Yn5=}8&i5OyPNP^60~PeI8zqu^LVGj%;QhkJ_9fn817aZ@Ibl*)bf|i>gG)PKsu5{ z-Mj`J`X(rC^pj<=YIs-q8ftS-!KEKZcum<3T>s1u?V2U={J)tv$FzX$d}TpX!p{?x z+`rJi!--mC7(nH(Q&j$TA1>IC2luxR=7j}+g-)#&81lRiWIcshqg(J>ZJ$olkL6%x zM=jd8Tcd(e6j?oBJN#>Opl2`n6XORzSVGr(RP!^(+G0

3Rjt1jclokuE$A(V*KM zCc(PN`K&Lel#SMz%by-e5sgTiNWS=L;>n5^Y;JKV{Fkx@x2~1rRj+mN)QLfOa(yaz zvpZ~fdorx}Hk6yhO~8u!@jT>rD;^4}#EB^#q5}&Gz$^JSzT9XH4$rcLhKmbghrVZI zV!SP{)q2I$z73$N_k_0gI7%}O??V{*g1ttMa7<1INZuaBGYiL|QB@58W_tpbO20=( zpNk@m@mk`1w~^et>?^yhXGKhZw=zw$#rPobNWm(Wj(f*e;{qvFYM0QDQxD~^rM^-Yab`8M;D{5TQC-X&}2PdYar)K3!HG?f%)OP(Q%VL?Y|I<7nSU& z?%D`AXTFVn`5#5+{fOoFhw)0Xl2s&|kkLZKbKa*uB%`UKqGYtEHkC39DTR;~6++8u zc+UGYM2bpNAr)yTBn_4Fy}$o}A9&o)ea>}VuUDVIEEh7c>tz$E)c4)6#b+sn&hw947eFwNZfvaXi`C-o?Tq|)f zpT6`x%zPXQ)d3&GB}$UWfBu0Jx^i^k$lWk_`EYEMR;9JND%3YB0Q}3HxbHSujM-{O z+p8{%+h5g?N!t%$t;Z^`J$xDbQx1tskBsE53ARMRYbE&PeiwB;R)a1su(;b5S-jAv zc$sa4uSQ-3@5pbkZfhu6?cpx;E1GfDc{8dpM2Sw*tW7AaCR?j-lZ4ny$VD%_`4j~S=jA)CiBhrD~@#q;7& z6y}OGYI|{m(`oW{&mGV#h#*ZSkyw6Q9oCkolcVO-p=E6x-nyR&b;b#x-08{Xe2ZWa)LQ}hZyi}YI^wL?o?v7 zwGrGbJlV<<40N5fA%!de-@+LDfHwesCcui`X}I>tR30!q9_kD@shl{D&TLD=5aS-a zBlMdTcg{wGu0P@}y*_+slRRBMg@f`NN0Dm8S5UD}0@-wPejaA_6dztKcjCjCN^5;iA(M+-Dt*i|!v6jaV!JZXcy!f#rEpFe8Di zDoSMIzFxpXIic*qXmf6>Qslae%uYSDle3yw~<(WKT0u zXpu%Ha2I9>F2CwfNjAc42l&dE@Typ?Oo;{m|2E=&x`B&JGYQZLqmyAe}~lXDwcY}0P%;292Q^e*6hl{mqzFoZ98_#Y{D z8^|*!orL!hbFlAGDH`YRgn*9mg0IPo7jLlOYxyV$%@rI)cjIvF(P&t1@({bCR1gOV zn*kjOx;Ew$crsxNuO32|Z8o6>j%`HBaX+(e*w0K;Y(ahXWAdr>A|wPD&@&+dkM;XG zc3|odYGHbw-B*3dKI#0yud6KhQ8#tIG(QL0vO@4qhAs}DxrkNQB;uW>Nth?_j&+}& zCRqamVC?i=82mz#Pk3-0*51{JydHt8W*rEPOQi6rtvPjl(ag#kM&PCPOQO;ibNVH; z7*fFu7k>$-#zKdHZV+j z4#F^3V;Cse2j^G&z$m$!xE>qH+81iv?PV0qzh2D#Q;MgOCr8u#|HON_fw|7HxT?#T zKAzkFv4Oep_pU#iUOb);AEpUIw8r6Htr*yK|Cl()dmPF*hk#hdgWm;B+!3J%m*ifd z#{7GX=ikDN@f|FBzK~sZ6a$(0l^uB^!8crfCDM#P4gEL&-oI$g z9W`Q5O*pIm+*phKmJ!4^>?LZe&!G733~Zcr5pwsrlgC=ca9ETj&dhSgx*bbVd~OH( zWw(w_uF8iarx{c0J8UWB9+JQp;$Nh0 z_pYF)tHG1HGjL6uHH+Reh|6eL(TI<0p;%83mY!Fo&Duu%XG#*dhuPAWvCH|%<+0#c zb&0v<#!~5^aBP=)Mhbjv#NVF)O&p$2B-&StrR>e^G<=R+i8v<5QwONST}*<2OBMLd zx`0gdlH=h^##6|81zjf!S#CiT&5hc`2fM2CO>fHJPO{LAH_d??PD0)?ZYcU((%`?Q zs-yb0N{p0=fo$10iOyS)u+WBH90mcFc*HWf;TaFD_+cZ$yeF1V#z0v`x3`*+TF%QGxX?>H^cb?Q64I!$qCrri%?|J1Upw*(2zJy zdfG1*qz)f}a{qC-#4%Xt%yo(GzBZzkcpE8HwzolaGXCu=-f@Q68-QP1`eAQ@S)JF54vpvOFcz6 z;EpNk!$2tP=)td@gQ;43JdJX`jT_yCOvZE|OBr3po;ph5@3D(-UrT&u)Z?=alASm?%A52lk`t6=6v zYg8Hh6JmwD^p9^U*!Hg!{N~zNaKVm@5}$%vD@kFZv={ zGk8EWo)6!_V+MEOrttmPJUtYSPPgD)!ZXf&_aLUjPP1y~qcp8}245gE9d{b&z?ut2 z#AxAB5~DnpUZ1xP>i1<~P>>2OpPhx9Lxt?>y$x7>EXH{P=lc2aY4kcE zK*ZLmk-G^SnJ2jzD>?27t>P8}0{YV_ur1{q~4v^m1$s$}$Q7nIjeA<6QV558C zC948Bu09cUMqL)yHc9fes}q<+Q2?mwXJOTo+cITn6Ql3FaZrMexP!Fk#qw2OYi@>N_| zQHCLgZ!WVz$>VI`x#$aVaGujI;Kp+ltc z8|oTALz=BTU6y7Aa}sUvjF&yOMz})y`2R>u=sFfa2k_s%DR!~4Cy2%C_h9Q`MAz=S zi7%Gzz`MJoVf3Xm(dej)csKAd_#b|ScH0N@dFuPI=58b#m+!-yHvJPD#-77h5RI$V zb!ngPeipm_yudNLf=~6ov2o7x%Acz41hHlUy)1f-j(VZg<;Mh^wIdS^KGch5E{ft- zdRN(w?9=4Yp<%Q<>x0%n5nzv%+d4EEmCHE7aFx?$QJK?F4USA9U4q6dtrj%RWj%a9(M)uk^=SF=JLrD-EOQ7~;(KK5>Bu48 z*z?W^ck+e2`H38zOT=g}>Lr#%gyF6nJvt!h2Fz?u#|>AEP}*J($@3X-cb_zicyCXY z^qlbf`QhBZF&YetJVEhrBy%(n7{HCt^lizAp@Kza6FE;02R zj$CfY|IX0k3)e`|6=ikcXt$jzSgywR5xwGx0*6-4>7AwhN}kkOk3GgG)&+HnjiE=&5vJT@UB~+=@Bk;NaXm- zYwt12H3FX8JqzB)|G=2U19Z>ha{N2+7R1>w@iE0EcpTy44g2=#Ha} zf5+f(mlH5ym=?`nBXBvt52lBU+M&JtFJS>;)Mm#{R;F|a-zKl4#}YeHuRsxMovN^z zwBzyjz&8x}NtOva80jDFLKmV6O_Co7o7pDvW?~oYe)Wo(nLh@aRlqK&rlYcOUx&FF z;*Sm{bWdy|?oCd_=GD%ySKuUd%&ZYPIldzu7veGH(_lX4#4;FRwFulwQ~9PV5^z|` z9LF~6@iDHIIQQ#Y_PaKj6y!((@PxuoS!S$DiK&t&ssLpf~XaDPG z!Og0G*{(R*(gh@?P7%W?Phgsa0ogafh#q@iz_u7U@i*?zaqI7Xap%V{=rBq|KU)XB zdDAnN`e`gL&{3p=H?)hK=Kg_&6=q_O-c-!%jDgEXroi!VZF*(ZaBimcsr+?%4w!aV zzP zi}STZ;NMzT!Tl8hddA*x==Dr`)Zi|vKf8%L)Em)2SwY}korHs9iUiN(KM2sC4bug0 z&3_u!v}RRFx$Nwlu+v``3+KLN7j5l8=D#b%qVyT;$N^!lPwzxH#=LobRnBlJi2Dc-0&@^=UL;L%Ny7?T_d@OM_m0Jw$X&(uQpN zEU1@_vr%brl8TBqxR$%cOz|H>U6O^gBm z(P{AD@;R8Rdl9DQs>03~9ym3G+>H!RaY>7vp}w z==MN}8Fmv-C57T_tV6NZ6Sn5|6y8#{66P&zg`yQl$o$Y}?8iPY^t^c%# z#)t2&;ie5@w9gtt*W5ab@>=>hV%u=~WhaW;jtDNG*WGMOX)&2|M~>S3-bv!0mg3R{ z2UzGvc_`E$L*?0ev?!ejKhg(^wz?JI{@stDNXQ3QTzrRr+w@^~&tTdi{SfYUE8~zj zYo6<8ix&z6_oJHv7!H0x+Di|?;lI*k;>?@4%0-h)3(Pi=eG2%#5cqih_hFjr1AG?f zhebfDvpJT&E?|P z;Wxl7eKaM@Cg6gn0>e@8H946V<209**kgDc$1l)?VeigCMaF)XH*z>t{VG80_e|wx zKXb`~m*&iLT`d}Z9!v+gS7P9)bnxjWx+%vs~Daya*hv43*Y=+e1!@!uK^c6XaQ+%j_G3kNQRqz5Nazh)%& z&X?jTo9BR2e*4DM3 zCvfU;2GcZ`!-+O2@cr&c-c5c^XvG48`EQtn$h98 zCFV$f!P(O{;F+}bpdLApy7WuahXuy)(N-Fl>Gfi+coxIo*D!WoJN*3-3s$0E;N~j$ zUbhq8w0jFV|6Z4?`0QtwxCJj-Ek~DY?4jotKgCP?3*gV(5qy%cW%@PoB9YY>c5L4) zaag-C_GkQolr7~X;Nx6!F-e(}_6?`bbF}H5Zzk|~-gs!!>%`PGAz-Au6RjUgmM?N} z#cSIY`K+h^;lp@6W>xzHPUM`zmF<`9CKJFr}&bkkSg=bojcsAyLl%&T` z3LTTZftZ;WCo)>0%zvoez>0+x_;a2&%RUF7{Aej?Z8?Mc_bnuY#3zYEhC7d#Gl8d_ zw1<=XBJAF0Y=ig3f*;AM554CP5ITe@BJeZC>Jn$(d#;@?ZsA$l6J#i$1QcUeDFG%@>!?GsUFc zM@YdoA;(+2i(KkAW{?6u%kbt;t$I*LXC}e9`K=;wHXn)_F$BPZY_9jEfM4Mlkt zp2_FD$|3n95oY|EOc%5bg##6f==oFj-0j9pvblZ}4N7PQ^LH{dT``Z1*sBR+JJn%d z#eIBotpWEW=n(a-vh+i1E|kPY2|bJ*CU%^>3fyCC@!`G>V2i`>){b^|UAd1nNkmhJfNWwTPcckV z3a+e65d}XT0_PLMiFUET1uV6IGoOMWDRTjL{U!m=``U4ux+O^7)!}IlN$BmkhzIw@ zq3PP6(9|rC*G(+w`NH*N!u~|&KK%tYWgkFOu?f$QzJ=eV58;#wvEAI+nK(T(9ZhXk z5SgE$wl_Nyup+Po&x%)L_36I?2hSS*Gsz?WW?S+3(}z*bV^Oqn>O{N}n4+CQKd9>*Uu*?jEw%+5gcFi>im%NH%Ie=?3kBCfXXJdx%1u{7NGd@^U z1X=5H;APfa_-cJ0&z_2f$)UHHm5DQc)!vL6pOUbA&{X=x<-ABPeHd+6my1R>JJDx~ zGPOCl0K60Lfu@xFG2@oMLL#fzJayXdEz~u z=3)uwNLr{~gvQ^bsbpFPy!~$wIt^8ZtvnPB7GGm#%m1S%nu@U~euQ|(VQnz3D#SLy zn;D$`0z((Ku=pFp=**g@V!6}Tp~AcvY7MwuF_#o}-$y}ybuD}SQyJA`onh&@LomqV z2kf_!!fuytY~Q;IjAsnRwVH`wIrtbW(J|&0k5;3_fK6cR;WUXQSA<3@3Z^*9`V)d03xU4;6|0ko}7 z9ixT_*<0cq*k^4|bE7|!Bl9)*bEj-Db$8&gay6J~Qi^MPPY7)4CSrX=AImhB^0$ln zAvyg%_GU!kynzY$BCeS{zQ2WZc02L1^;xjG$^)0V1aPU9L)i0fH&T+}gZeEY#8hf8 z*`gIG?5^zLc-RK4mMJD%D)k|2vI0x|p@ceC!q&=WDYt!b1cQ$E!=M!*SaVB{*CeUp z76~c7ZRZs7Q~m9}4j`$;`{QgY~RdWjF1lsKS~!_%zRx zcc3c9j2OiS^xk86IgQ}qp^k&QCeWw^5B7{*5MQ1Zfja4Ppu4m~T=iu?maAuDcay;S zDL;#P)x!5jL=mj=lb}xsNt5 z;og5=%~O%zg*W(3)sipQnT^LJJBizw4e-k73*6UvK!%tQ9|hIvn+9Z>HZbMZ@P+;m{Q7f{#nR@r%U)ytG}D?l|!W z-`TWaO2}jym;9U6EPD)}*)q7iPzrButpe?Dhrv5E8B(V!@dVEds(C^ObxmF1d&euX z#z0S`Y?dQ(aJ^?YGD=N+bW0_~H|Wv@I|tC&_EH$UbR1oMTj=cX7g&aJw%mJl7rwfF zRYa>9jIo`_3kDn#k-1W^t4jsL)UIHxaU)b5aD%-3EYc98PZR4Sv8;NrXjqs9O)R*B zX*yk)R<1_VlsJC0je<3w)Y;eZ)_Aq9flL}c1~zCX5r2htBGq$SVD$;_1*sBrNaYYJ zc2$Q7b<6m|E@|5Jp#;}>Ux&cpI(#H#=wrh?aO~PbxN}Dx&SE3%m?+2RzONKrG*Bdk z+0*$2c1bj&d@x-bBtxf#)x+lhZej1mPPX~SVsMTdM4JOX*eTSX5RY<7!rsLUZ$}^~ zMYds1S5IXLE6?Dr$)>cqQHp>6@rwmzW#Fv97!a?V%hCpRlCh%|c*I5=yUQW+>1I0rk1=fTPQu~^r=Yc6=wLfMW@7U)e0sH>bu><+ zIz4f0Ux#UmJ88mjyfF7r0vahO*E%=v- zs4vf7ek_AG%@+Jc-agQ53`U#I!$J>tK8!C}3D!<^cE9dUq?3N?@`W?F-Cy5Ev94w~ zIg_YFH%^epHBlFEObdvWODBsGpCX92-WJUkGQwNG{h_+>JNsUK2Fj|8QQwK9eM}|R zucYPsD)jNjz8#qVRT3tv-o%m3XJBdl7M$lj0H4Y&BBOfq@u${ln!o-Hkt^GT-(G3J zzO%MCBsB*!^6NlrvkV)sMc4(ly+f}=c^IoQfR(>1gny;Nosz;KlGywPy0$K(kDb){ z@)rw{&Ut+GtGza9>z~Z8uNL-wM+(vHr~(JqKrkqa6wiHK3bk*OShrjcI))1UWa0cW zwyA<`GkAuH7Y@Nqv9&1oOD!HgAo#JT^^(6w;~`0TBJ8=UN@e8!!0fk{;BKUg8{L{v z!KDzg_iVujFOBKbRgd6^nu_4xwIwaX7DCG0I8u@C&6?bnWB-mw^r=b3IcIx8srn9+ z9le$)%zZJsLjrusb)a^Wp5mx0kx*S+ixq=nL=%s=+6}oJ4kOPmNAI$YTruhpx_{m& zQq<~%F{Xkwt85{242obA7OV!7@<2H5v`ai?)LLfbvj#Lqo<{A(0^|Lz1#DGGhqA9@ zdB^aFEM@N$ax%CCt5c%jp!7`4@OulS%?zcrw=qq%GB)Q=6-wRGfOVTrz~PTxxYDtg z$q4tc8Ge_D0jSXd!ftw3r4cWEBS~|X6+plU3z*tuBe+3+;2<;M|HWefaV=j3a-u_c zTxlTxnUN14Pg<~~L2mT>>2;u*FM=wks~CPog`4nVR2$Tf^>g*<%~&0%RJp~nsyDI8 zgAK?!HV&$;PQb-4enDh|8a12ondJrU$8mBpEcT@}c-y=3NiE4tX6`rQp>ae!<;6FQ z{;mf0&wi7*R25ow*NA;PXoEunEa9}lHI&>Sa6PkP>{jh;h0VfUd(?poP^tOT(FK1*i5H z4W91Z%07)+#teLHApA(4s9}%}eL5f!*O&+#GLMg}@972cDc8Zg!QK-0*rFqb7J{I$w{)P3`SoCQbr=le@M zyf_0+7j8qPlS9P2MgGK?J_UG)kC(%C_rZqx-Kr4_K=S{;;hCSiYEAl|DP z#;d-C!j-gp&=OI?>aUc-$1{S%{myhOYPm|9)PKXqIyd}Tdl+BsC?ZFd=i$7|V~Dwr zHuY+l3-N`)@W9xOPO$T&lY34ahJ$m7U>HbrB#n(8p zF}NPKr+VX=>!)G!#o@d~=+NF5&gMD?ccDv22#KAx49(w_VZ2E_%V-$SS1yhNrz#8j zNTrNU3OUa_f|bdcqG{-neUE$yI?28zyvCLsC6PqlWprxpgL4h~_#@Jg&5YIJeiv7Y zwmP2y0UE%IUaFyL=K(mm>HwZJb-`y-9+7P;o{($Dq~PC;k$kSOl`H%H3qHx;6#u$5 zf((fH4SKWcaQm4KC{b}_!(K5sJ30h2HI$&@nZWd&Wef_dGFat1TYQsvA1VY7cKn3n zY>kv3wx&{eC3r$IL;ZM1O)I_=JgCcrJo#u&Kbz2}MAxX_$4x`+xxQ~awELGsX|fYe zut+GM@kojvNIZb&AJ4%*2kP)5vN$as z!?Tm2F3S_2R7`-wjae9Oy#t>f>O$S5MGz7yOICXdyMq-7$szqPkZ(kLr+i%2IuI92 zU18_mYjU&M3fwVIQ`m=YhR%TZc=ETMxGw539B_ySc0Yp*3t2>k5SmBxhb7gGZBR;RJ;dWYg}0qFK9AusTkg`q>17yn`a{>Qu)ETSD;Q#Zy>2Hw%;A zNYlHcj^iIM1*)$iY+|4HuvaUkX~owM;&YNFxc#aj-F$p1>TRrqch^3X_MC3k>idbf z1zy4{XLpk~Rx)&AYXYGmN3q~UIk`CQ1-n|7ian!G!}GLQ_RHlZS=5#at9Ga0{7En2 z%}hHu)(`}Jv!9DXjD#g|BPk(Lk>qJ*W4wO%LCL@#eo6oscblH|RYsidLbrVi(X!m?_?G(9EP; zhEo?`U5x+NEY5s86N?+ak*{*9@IKvMaKJ30>dE7w_0&!HV1KJT(osZ0AMRpTxZpB1 zekbm~BZkQ>0#Ec%6YCg1olDL%<6Bq*9(xl_RJum;A11po&_|ZatQ4^ez6S70=`FUn ze1old>aarnc5S}6WJ{ht78 zw8Wn0A~eV-CkjJPpzMG;_HUjsJ)?CE_{|;Yb<~iWj=sYR-rR$C%|dTws1;RGlcwu0 z-NDLBp>W6r*~;~2;q{3hWOUCZ$gO=Up89$?aUSjnE~!OOXf45$h&~mqO%-|jB!HpP zeo|xc8@A@J!7QsSqLpQz$f3=pv#n9z9+aUzSPoA+ncXpB~WqNn?0Vcq|>HYm0-|#p9s+*Wk^& zDeQar04Unl%Pdk&xkBJXl=7&U2$I^R5CS^FEe8Pqrj!b|tUDfEjGn#KdGYHL&v=haPL-<#{bdvpZ3Z^Vg zfa;-1w7gP@KmV^6N?qsU{Xu5@+=+X*XN^A%6x;+pVhd2)TaT6xTF@fV12Q*ia!VH# znENjWW<@Aa@u?!zu{9CJVRqD@asvH{B@2O&IFj=NZI;e)GAVGOAyQe{&hHpm7w zg-gq4LAD@uzYg>0XY5l_qmP~(hw^v%a60n{_CAv2?XTlR7V=_@9cNANwX5);(Uz!M z5(%c>mJD{JBmLTlvVV@^3j-NA{bCdBi*g{BbuwA4lP*pTh{ER&^k`Y^Nw`^O4ykFv z`?29hi1&;EpOG&`Cfhko-Xx;-!A8IQ;ijE`*aKs zJaPo>y_+EYvOK*M@%zESQ0I`pn*w>AtB-#vT`^t0n> z$d{pP;HwJ!G4mjS?*2Jq}hL&(Ux^I>UG2k!b5fs(VEaC2G` z^ITX1mH+B6ZQvE0aPKSI)aeJ7I;TLhryNA?FU2~0rMOmSJGe}9!}&JRC_eKQ4!b-< zBmJ>l>5nxX9es%B-dl<7xBfD>d&6jrb)z`tvoy|?a)U`qDdH^4AgU<+ADXpPk=!5A z>7?->rZE7X5oh07ohX`Bj^oO=F9(k zLaNepG17XluuDn>2c>10e102Sc5OOssu9@c+UJ;OwKu|~YDw{;70WVP2?k-A;28Bn z=oL&LL&D>ke`6YZ^Zfw-Tlo%lHq1mHqfRob@d2^~J)F0PV^sGl`1gA>F`Hh_)Yqb#{$jpg33;bXpg2%F^s z+`4fyTfYA^ZQYY_b8O<3dL*DiP$MOiG*&b6h5OfaAQj`E1VB>@KQN0 zf<1Ja{e1qR?~#b=J%ly$ytst0le<0#+3oY6p!(hcJlZ^#`Mfve+1?x$?>550XOD}g zCd}Zc?r`#~;v9Ew55T{R<+zDw2IP!T;A>us(QQW&F4(vOmkalvQ#)Uw&z-m%n?PIXBglIYhw_iNVeD-We#dVbOm9jMRb&X?Ri&H7hOm-)KVKzu z3im-zSSW11JOB#jd;o2;XRIU2Pw>g>!ERwUo0TMu4+k8_?ra6B8q6Vk##?g1;ukKg zGv>`d=YjHdBeF(fEI!{MWIRXzz=O4&8fyIb=T2DBOYe>CxYu&9oDR#i`hey z@XStmKKVe7*frjfm^*(Z2S&@Wp|RtbabY#aj-Lw$uJntw8w^FCjSP67n=V!I%>8{o!DN?+sav z%L0C5itb0U;#m!3kNC?2rWo_?M|NO%xEy182JlV?Gkh6!l&E=F;>93m++#Zew*C>= ztX`71%zZy`_Wi^3{$+uBv;z&iB~9;Nu*TC`_VjB+2o$cJ1|e39Av>*wy**xotTYB6 zHjL%J1zxYJ>{)p1vI*R7=wawY!p8)w3i;nbtZ0|usoOZ1jdS8RNfJKl4d&%*hLlg) zH3jor1NeRKR-D|vigK&*N35WjrL!6_;I=(pDao(o;vYaUmjzc33F-;SYbwny;Ik`AJoJspFe zSkUenZdBrZ4mKEHC#g5G0rgBpmj>O(nZeD%{$(GsWJ4TbF_$ko9)rkP;9Cj59 z<`?Fw;Yg1YpyD;0HhhnUBN@uz?%aw8b-#;xRSBmh;QQF;2?4Kh0*Z2XrtgHlm?B6A2>GB z6ZgfQCO^&|L}k-1Sl%VDi`>T0x`!V`Uv?fPou=Bt1qnPm^N>&QvkoX5ERAyf@1GPvSICh?B8_|{^c3+ zfX(m43g42!E&2#b*d63Y$Mp$2x$AJ!ZwWMq6#%{N3m2Zg!~094*$BICRycRQSg}%% zuhAcc{ZXIL%;Fz(>`~%L5>2pR<7F1&FNxoF8Iyk+S8?aKd~DUPht?4Z?C8mGuv&f6XF2Shb(6Ii)`IL5A1?8CBRrp*jS8!3Va9iLeB*45 z7HW!M^m7nZ+j1T*30=QIpUXiZPZI9jm!xNXO31dPo!C%S41q^Ysh=N(t>QYkb#p0^ zh}B{d(zWpZ#2`$I2p|drcaxGCcR*=T5ngfC=Jm7mVb;_k_;!cDlhD}*ro-!4@cp$Y zJEa055*2Z(#4I@OvKy}do5lak%NI5w$D!|IDYg#0!OYFFZ~{3k9_v$%--CC9Q~7lq zZ2AbMDE|hP@he0j32MZlzZ^Z}GQjt}9#Pe)o{?`KSXLb>wq5LM`;2%XAG6BGH*X@-1DCU| zR6X1?eLNa%CiLFXh2&O#KUClEV99r`fa97Mn6GRN#%Etc)U8@jTeyPt2=_?up1fei z#|uTF3aSD#X9daD3Wtg*MtsI6!8x>94=!*wID9RdJ?y;#_cH&&!$xBsGbsf-f5ota zJL|A~#TzEI{0}L*n<*Y=QUO0J4npA@5u9473D-p;A&>51a}Eid{&qXNteGur-tnpQ z#+SWh_UON&_Bm(ZtDiQXqa;m-t-p@9$IOAfi$3FY>o#<|b5%T|Z4ssj@4#mTS6j5; zL9nk-rcKpDz@SHxJ9caX%LZFst*4Dz+cfz_Ve6l%D9r~Y-37VcG_W6h2s$@JpiD=- zXtwTERD1miN9+}PvyFq``U+4z%2@QWl_5Tgwq1i|i*Mo``Fp4pNpY=r5@se3293vngPjiJ2`|J$<2kGrGV=bJ`|^$60Ci83HQir@Ih`< zF*h+39`DH_C#}C>*w)9G8*W6uN#ugfFKcvNUWRxzj13JrgR)1)(!-TOe8B@#()(1A z^WDPpx2OmEH!LO|TT95!zl*8I$e$3v-;wq?$MHzkLf&6HiuCvlhnqpsaNYHU=)K$~ z{wq8XMzF^us`w4mjT=Z(gYF3(`4Ff)kPJHy44{sm|DsmUVdz^ZPo0gSYfgd#VLlu*JBR_+&Pbc2d4SJ+9&a`o%vafo4-T1z zR$~+?)eb?A1V{R%1x25J`$D+T-Hnzig~H{Ybkmo?ILE4(*_D=%p0*S)*h+}pk6TdJ z84AmSZ(*=qkJ!!VDumq?*ge+_ag98}xKaINtywc8Eo>^W=caK0ur8OPKCd!JV?@AsSeI z5Em$i;ojPx?8Nz<=q^1RWV;!@e{dV@Z}sA-#oeL=!HKbJfi#~X>V%RxIp}0Qh_7(y z$6A?2mKK;y$~0P0_4*0IKUmV0ze_Q7q$+PYr)@36$}-R7ANAp*m4p#EQr5%{3@PfLAhe2Ha6StA~N5- z1z)QI*P2>u;El_%9+7rTt}!jJov z(2!psxBRvcv*DxZx%GLX`(C;*^VlNDYX5@40f9LALKhl`2o9D{&q-8wAAJ81L;rmJ z2AAfjGsWhi;CVF^hk7gWO*W&M%aMa@l3FFSViR6!dw_PSA6a2bx!7gib2R84#UH4p z(6+_*z&Gd=y7s>Xou|2A{a6Ao4~(LYF-P&%S{sZtNP>hdSr{<02Oe*oW~cmkCrLX$ zhtDj}!*InbM2?=u^|2GcC}I(sZ5J|yf0FD*suW+9sK*V9ovE|rJ!leqn9@sX1?K8i zX6~1P^*`09^^R4zi%f^J`%+l`V|jW>FAUnYh2#5wYcMSPE{qK7BFkE<(W^paS6f<# zvGQ}^$DIp;BTklHY)N9Fc{=>J>~TiDOY5NIW7c=W|vBCnT#?PtG$wUQJaWx4@f&duhN-uc67(z z?-bfkYrsh_;&G>JA=*d}VBHd(U^Ll+&e)y+O?QnU+dYpQ79R(FMH75>X)R=TiO?@h zldV_Y0MUObT(z8m!-I8jh-)v%Yzcr*=TeFEOcC`MdJpb6x?<0mWAIZW1)jOwCX!E| zV9t~)B3m0q)Sg(OM5+_HT7M8m?|K0+|0}m>QRpY;h>*3l^fJ) zVtL;oGHZ|l-rpv8D8;4Zo=ZP`RL)_^&!<49nvfU#wniNzV~Dboq*Bi6Joo~D>fCh5 zxm8EXAK7t(i-Wm(m;~LoJr-ReE12xRIwm188$9Gbuz6A)IHSQ6E!Fk#&Xso%EwF`l zM=!&9;;Z;Siq1P8tM`rLva?449;su%vuKprYr|8cQ^eOL ztYe!QA=j2$NSld zot%9W9_)|oq=~=pRqQZRg^5P%(N|@>;2*fp`aAEUT9g5`o4E`33H!gLb>peZ6ECv( zaxe}bqrqo?DuU&69q@0+RO(?`fQLHoz{49S;a+kWY^yQ@;oyW88{6>S&`_8^Et0K1 zt}ebj!wd9%IQ#t}86IeAQQt=%;+b?GR%C^;T~&{;@opvfB)@{KtA8tM%{`n1WU)ALX(oG;)`yZP)TpkzJC$qyXaU?-e z9<4(cik)n3I8I->0@s~fOH8F?X#7q+QdTQ;SLB5J`2tzUJ#$J_sG9{tj>e<*odm*$ zOVOI7DSYoXP0@&0ZQd6ru-#f}iK|)x3F*=!%W}?(gT56ys$~3PFLHk&s#=4*M`C zB)+*fQnXdooc8?8!Q12H;jd;C$iKF6oQv}Xr_OD*&`nlgX}&{`?rhk(ZUf(V@-u9f zNCP+7G#D%}rmvdlVrh~Iyv?76lDTJK*V;JpctQna9Q%To!I}Y%V4O9YQPJZ z7NJ+uJF?K?7E2o#hdYh6h0at2jHsRrcB_kE-QM+lO`;mV@p3vgg+;*Yz2{1XIvMjp z*BW7jOCwoRYl(9XoAD9z-h%t@Y}lAM9<5ClLH$<=G}S(VXZl@uTzU*veTxvw)gBNz zJT`z`FBI{Ib1RPfD@*tE+t6jJA_RZ^C>W3B9{mJOr9WX`se|dVh9i8XTB#qL>WZcxP;%4uk zP?VYuwOfu7gAareA=_Ns^9fo%*TAsY7ID2-E4p3nB;)S?1Lrex++686q)+UChq9X? zb!HU|@-slW6~ejDr2oKgS|3zB8i@;jL}Q_PA{J>&@)4pa9GY{NMGc!og$E`?-r5Zg zis5i{y1)lGJ)TMLCt|0s+hKF@QqlUFvmkX;1U0sX;)@IKLeP#v%y|8X3_WBjI(xGL z+C}^D=R7BF7^M#RVnyowAXuEH^aRZskAsJ@C381U!uIZJ?dR+(`2)@*2(4@1)fp5R&C1rO@vc>kv{)TCuN&5P#%0~Vq} zhcw@Qr3p1p+VMp?18KQqIXLyaKxyIpu`s?A7ws$+O(+k5;LOi>B>ge=To}Q7!n84S zvLhz6J~_g!O*!$;;jZzOh4BU*N4Bv@JXF;L8_Q6 z%*e&KvQD@>OAq=q62ujV6qr2pMlAd7}1papUQK?DwY;+*MBwHOI)Y zpwVJH)w6^8o=~P&KrCWHABMO)hJZh#FlM0jhYEWPlk3~VipU|q)_@@m%{n#FWs^!q1dp-Ma}5OTyj zPPB^6HxaV=*;Eo^e^L0^@~D3>gh@{v&gJ=Wy!dv%1c9X>(6 zkC{%ZyU$`fXmjm>;sR)vE*Xz4=}5*h0l@MFnC-%8qO{k8F`+D(5NPOJgSlz zJ>H96imq&xv^4iNoPi&|trWatS@5Bw25&kAfSjZvcRc$NR@Yn-SbjvvLptCa9tvg# zRU*aiEbv;T1)mpr!o4|juy&1*XOA$%4 zBz=Z+k*qoO-n)s|R|_*+;3qg@CxRC5<*;f)F}|OJqxtVks2)>v1a?7c5_sK+g7C;e6|NFvd=Y7g(l4pU`Pox9AO~?-oIU zpENyr#~FiPPQl{wDUj{923JT(<9X2`_D)9${C|a^dDUyO{HD-z@vU*tTE{?7ePGwUQ=4vEgix@Vbf{XWnO~x$_~t-i!{M zS4w6mbdihWbMaD#Icne5fW3QmGyPMF)O*rko^9;}S?7}RyTHKEP?e{>N*sEHypQoV zfzfqjB(0TukL&vW!0Ev=;efP1T$h{%70OS=%^`NQd^LxTiY)r^p9%O62Ur#DMjdnI z*%0sBED6+cV(VS({__yLlln-}$_(+=C%$-fsT68uN#f3zN15io)v$H!9Bliwh{+fU zpZ&=<_*VD_*QN}GI-4`lar!M${c#nJD?CQi50&LAI$hQQ)VgvfiD+YF_X^_hb)4`!67aB`s`LB`g^mET>$C(ZTA#ZsKm|iVruk6Ah zMPVE@*D>S)8#3W*-$uS&m}C1wV&O@(yZFP)REWH^kQVynVejIx!p?0f?s_cr^LtY9 z=?FD2JoDUfOm7e$*zQlog8#_PasY?&#pr4?5bYWh+4Skx@k;L$KBT7)?o86AlOzW4 zdXuSqMT7}@d^iNRr&Zv%!Op1exKT7>xiKg|-A!E-9%A#e6ZC?nJci4vb0L9123DC; zi}lN>@6($gHQt(+)lOhDKMJ$6|9Gx{<%Z)bLnqL`X-N|HyRoC0b?{ZBK%G}Efz0ju zVS2VO^A-s1fUpP9(|iHmj0s_Cb44)RCk%vI6COx^096we=+N1(a876D=@|>dII0K=!5lv#6D(Q ziBHmW=({WQh-Vxj7Jl(;#PdV+1*yRza-Y3+G=c698-=ch79^c{$>Pn1axLKuN~%8* zcgUWCrCvttN01sHZq2>q+YbdB3NjI3LUIg>Br=EzK}-K#_Q zICewBusELdau~0iDG$e5!1q6Z2LLBZ&$2xpUs&ewHMnK! z1F){S$XZAAGV`+KfQ=pyBOyr#3c31cwFxLS?X$z8+jm%noh}c}k0NTDG^o1FEp|V2 zF6hh7$3Xgm9pgD@(!L&2R?0)BPYF9TAdUD=jwVv)53#CDj;^+UL_<9HcK99c@D2O$y3$+1NZ^KYq<7}93MB)p4#tgz+xRTs4W9bjaQES5;JoJmx_Neq%NOg= z`c6Gss2xn4tp|Wk`BdI^alN?CdoPHmG{Lh^D!g29o;|;)4nLPtCa}MG>59WV(ovCl z<>tfL^b??@)#T_`@t%Y`y7GES;ay%L3J&@0fK4VF$aNv}SS*U;=QH9&QSOtudd569 z>T4I?r9G%@A;LpVJ!Dl$A~>(DhZqext~K#In7tvW`sEd@dsxSGO!U~0Q+q_eCOh+> zedGC^Y1R;!Hn<3;zfgjo z>-WL!xkLE<4mln%wzntG`(OSsSAC7Yg57h0O~PvZd9xM0tlo$W|qNRNnrITgS!}> zehlBSWIR-D4^Cs{==jyO7`(a}pU#)&Be)R_zVV{OHO&P6UQnb@7wOaU2fmiMaQr*-<*DVAW3TtBBAleP<~3tbDv7LK}BKCm+*WD*POD5ciwWa49^w~3j764 zM)P6n_&%2UzLm62y@`<)E_8x$ZODztAeI7qd)J|M+_JPs^ev?oCjSi-{=N|+CxsQb z(CaRa+iHiZN?nd6;&*W6dkuUwy-r+Q%R%jrB@EszOMTU0D}s=Y4#VHn6-o7tVi(uRSDBumk%-N`MAb0w`7*XLSFUHl2?xz$Rj$f>247xLE4Ae z;uSyGZ9ODG^Nr!2lm{QZVl*e+^a<_Md=9N@oJc7Wq;J$ghfkz0<-2X}6XnMbx$ zlebiKpzRtvpJ~EB9k+*t+E(J6wdLR&AW1H-cA@hWhU4PXr%wXPK3m!}FAGwIyu0cES^jqF z5vclODC{fKgslBrSXQaRdn*&jqmE77{oqFoztKrfHTmP7eL&z5$Y!vE*Gl@POnp zh?rhMrp;CW*|(t(m|ny#J=CQ+W1_)LS{9b{MWFu^BX&76l}UxW(gArP5Mm>6xo$sY zRzfdko*OUGsW-qsdJRyXZ3?X25C3&d2H)+mY~zjh4kI*TVg28^5P5ktEW7mtn~nTL zM}&jEf$Ct%!x<4;&^hc*^TRQ!;`H}bahpW=uqlgxSeoA)Ho~>0#&7P*>k}+-FID-`t~i%n>UYM zoVY>gs^7w8KYd`AqmZS1dXz7IS^;f}Dm>_w1^*k>3LRt45h^Ev(}Mq^$BWPS#d8bp z9KVddjs1W}f{A#GLjX&Da2^w^OAsacaOyjml3I6LoGR=r+f1f74oO|jq5}l>R=h9t z-qog^`L9s^Q8f6Syn-j=pF^s=(6RbG0s6Pk#1-5V>^t(HGQt_FE=S_!?Kc@2)C;Q& z`(T@U2$)|M`fPp9@LyCVY>T!4^=aXPr)Ctrt`&&h;bG+K(2-y{EdgBjPJnqz1F*Aa zF(Q72l}RIUM??l}h*W2Dn|*L<_#*Lc=&@Uy&C1VUlWZL^33B?M7$!f4Q2N|zTREG1Y~&bboD zunF*T@Eq(hRl@4bKNvhO4!NBJyy||4b&^Bi@_@VS;v4BF#_Y)KA^X- z97Z;uL+|NL>`S~irjHzpx3mv}j#%K1t+It|OAVSYoM~vh+Y0;lcEE%A&0^KAIo#k+ zO^Jd21-!S-2`?#nV$Ju%uzyh)c{A$~^BmPk>a&-K-UipQBaRE$rkTog%dP_ERkaP> zj*dsZT$1lUCCRURuoS;)Q4_}$tbiz?ixB@)8S@s)V^HBUT%tb{rw=T`+`!kOUV~_e zTA{>yc1x0S@ea{(J`LyV2XgJ7&+w;`E!W&;1e=UX;G*(R(cVKxnQD3lJFw;~{x|<4 z7Rgni^W0H9`=JB({$woHzLtpI|KteKjli8z(sWdJI$Zi*Phw`3l9u~-(ADoH-neZ_ z7s;lQ7cG}q@?kX;9#}?w-Aj#(@+widbc=Bh3I;|JnSlpn6SlvuulS!G%B^503=(Xb8FS4Bgh+*9%FrB6}CnL@+J!z73e zrf-~v!nqMGnAtjt6JXdRkAa=er7Lb=IVp&-c3|V_BIT>HG$fC?0|{u%~7wR2n({~MYl_5;{v<= zEWWxP@3+O^;PyZG!gVz+JQ$B=LC0{k{sCB8E<?7|`fV)%c`03aoQZVTXq%-`Cg=AHu50@5)?Q zkyHU!*G01>+N$*8o0mAJ*$HPQ8qo4>oINP6VXsT{sPwT4W@EKeoISN#l&jhxvemNW zt7avWDLLjCcr^~rOwM8t1n>CyXK64s#S33-c7{0hA1tZc8s$ZcXxr9Uc$OxQ4|31o zQ*B?`mL|M^>zG1aUOXP%AI9@^7NUuMJ~*B?$K6_zxOToHdKW9ulgiatIxmPkHOmF5 znUx}!%uyJ=WCFPnm(Jog%fXWS2QbCG8DR~N@}>ri zzjhvP1iV1dy;<`7Zv#6YHk_(Sb+Q620ve$b{AyNJ#pLbLJY9I2-^nj$FLKlSwqQl%s=T48p1nI z$n76kt@sXy^nS+%{ZQ4xijEP2YXP2k0a-#0xi>CeJeBlAcjY?q zr-t$L)bVU?yLcN$+I+$p=PbyGy)O9bvf!vc7>dtt>hhEN-*LHUFf0)I5#cLeprhSf z`gWZNMJ?exyWtkomWpBH@+#T1l#?vDO^23M&!B8-E!ntdEY`290S8ri{z|!AwAo-a z43zrJ7Cp8Hn@4-#+SZrwYrP??xL81}ehy+&lZMbM`d{GSitA)j)+l_?`h~d`@1mDw z!%(wb9zLW7WACS7g2z&ZiV6g8a^PiFt zdbC?Fu&1FD(e0Hbdb^rnkVNxMKZKZ*^Dd<_Tc~Armi;*oKE(7)mc8~k{w*kF>o?;yZ|GPM52Bb?DT2`l~O>FQWtv{|AEMJg(E z*OvfTJz_k1{W=UYpZsEv-0z8_HidDS6>r#}z5U`}_mgmr|4z)2d5qR{ER8xW2La)S zVcyg!kb2Y#|MNXWdjD06K2~&Md)93H*i=VWYt?|ZxCT`gEyAHk{@_#lJvivv09ezu z0Za8Y_{}MPe9qS`ILB}x-TvVf7)QvH&3&usmA4CEL18nw6C_V#w;aJ%^$J*hvRf4Q z#)z+3GnGlxOe|g}%%`(!VPfL}Y<^+_=W6;;c99k*ODT94J%%qaBe=ymO&;=Ahh2y9 zoYg6C>mw70f_6N4yLY7MtFORc_O;~|#crfQO^(jh_z!o?S;(E`{$gRSK}?Q_b|^d z9X#((=4pA>4j+>z)1$^)*|Frua7fAl!p~S?=tzXlr8@M*x@MeX^8(NN&xE$i&U8Pm z$Law=5VT8~u7CU$%9N!@SGMpx-P_1!DGVca;jckrZ#E9UxgA~^%*R#xk7B7~6$#t< zSzMKVjqEUa&VuSq=<(n8+0QSd_^Ph!XyvRx3xgwI$FvEw(0($QEbW4(bA;czti$=I zD(YME8Six);-W3*;C!nB40bahn?m&XcmMm?BbrT8EYn%iotI2+*nYexxVodP&*1L% zDEdCt3E!=00z4)U-XHzNshV@?mvm)*=E6?UTyPp*>6}HIZJ}^d>O3*oqJ-W0Uofv{ zH)5P7-oNsM)NWTJJNs_1F=sSTNlMHNFPdO~=n}{t`5N}#n+%)28;aHpOohNF#<(_h z9@*D<98|hAL`sFn(Piuit~=+{jlqbic{<$#B9d6g?U)tHB)o9i6s?~B9!Vb**| zQ5TSXzXZNeC48FEiMQWq(T7Us1;3XhgpKthUF#Fs!RC=PC(ee8*RKM%v`{=*_y{-N zl;G9}-07}I9!#Pqn7lh)%WMM#&*QT(ylRgOcO7yE49BIzOW%1sEO-KMS{_FfSI*=1lkt46 zB^tFo#^+HkVB#K*hp*c4EM2Men4RjgaXtPCq}*i-Ly-E7m( z28dgEM(`93=i#N>NT6;c)(Q8U)i>8-af$)W(Wro^A;oa*^(w5Nr~pp9gh$+tgZaj@ zVCEvhbMSE&bnUYwTsfNTlwM7GQ}>lLTxrIZZ;N1!-WRwtU5aR}On^_u$r$f3*73-f z>AXTTAE~t|&OBDc{)x4zz3M_<6j3OiE-xz@nB$A8T#k3Hjlsto3&BEp01aLh53PsW ziA-BDHpVF6ojDz_fA(Oim=MgQ^(66yq8)!BFpi#1t;5t&g6pwCg6BQ-;%{09;yfyF z9&O%~_$Mgy7h4tZiFgVAuCt~^^1}5gmjKI;n%b;0kEcQM!r9rQEK+2AO9ArKT@2wmonq=7oudbT&w`~zb zuS$wHX#YYf4<)9WQN{e0`tjmPs#tBW!E^RTlA4vKG(7Pc6#qKS1_`brZwE^rVA&~3 zE**kCdEIbsR~rVsO%QlN>*2b11C9@z#-?tW$A{H^CFLs*u}!ho6!iP>@bbWtJxqe1 zfH!dP;#ZdU(-S0Vf0OC|mvs9JZw3q^_CF$wCXC2+U7g z&qH8i@PK(u9SdhddRf&8J=B~$kQbHAK)t^b#A=QP-|XPTr#2oU?jI#++TawHqcR## zyEG8H>_$kejKM#x6)e?)vz||nK{sjuH`+3Rru9t3f<1#!bD=D)ouY=nGRO171FzxJ z?NcB-svf5={VB|S+Vsx#7QD7Tg4BKO$0b5G%kzpl&CVN&TW@Bd^Drac{@x4LCZ587 zCMQtBy9O4?9VFsT3w|o%DIV%i!?{XIsB`rwy4Vcljy+ez_jhi@XX)|cpZlhfV|N3o z^82y){+E&X{Y@QacRm!&Z?&OksUj86d{rWf4q+X)dhtPj3NBdq1wG%@00bt%eJ@w? zT=Nk&TO0%8cpH{Gp2u9w!?dm}XxLOE{wbrv&7CIk9NkV<=&Q~u1xBTPRTTI%4G>4m z9E24&u0ZNR9r)@nM`X}9h3kGyB2G@RD04EXWZ1(-`01REZA&z04h*Am(hyv1)So+^T-sa*$~`&oHE$^$F?|lqDE7c9<3wEqv2t}_*xjUULr)C@wKBlg7o`(Qkk z@l*U?xIa|M|790;UjzSq8KDy&1jZjC@W956Sf<#;PMWIGBSWNVbn0O4ocfr3eti%! zS9jpZNnYai#7;Dc5;|6+KjGIuhher)GlY>RXc1({otEkF>OTr-a%?O!3{u73#yLzB zuz^Q?y2CbQtVEAn@#ws9I6q@zC30|$hq+`{k`bo@{g>v zzrp&dC3*0(S$y#U8R~U+Hkq94#$~d~NS{hQD_pk^FU?Sdo7>mZ>7I_fKeq|yiacRb zk_IRjM8HA6Fz_7ROrrl)2(#G<$m^@Xl|OC4-e?FP)t-zo(m5C)^yTblF9(ltXT@!| zWMRiARbKvY2>+9zMs3bDLhy)oI9spFUry*{*VBK2O~qp1o9D2_Vuq<119|r6EaEo3 z8W(+jj{8g`xxr-zI%dsjT)gcz(W!dEBK^<7^h9+UNgP2guMTsH-$UTlEUf<9FR=X5 zK}SE6JWC0o?B4|D*pi56hPlCxU#n4l`)5MB705cKW+EAN&vpZMyW8R4JUeoF$s?qzeBAXk({Lt|-+9nf=D=E`{^DJZSb))p|*-*v6QPnyofwPO5e}NBhfnCH-9KLJr`Kq>P0BLA+n9L zZG_#BEL--=4>D#-$T_aN?aOY=^NYvs`|ZH1^4ep4}EWV@-Zgd*vive5prUw?$)^ z)Owx zmc3kbWkm(d%IQEO*PA7hb0twPTyRzuUW3Vdq+sMbHNIX%B@t+FfZR5$$zL$Y@CEj4__5=?@?a$=!YoXZoO9?1*wynFk0y0@H56D<*t)x3zMD_gLWVeotX8?=Qo-gJ0NT zdnf+4M+VQ8ETyYvCSmE_vt;U>5$N{U8=KcC(GPhIFz2Q#Z+zxR-8ZbFersZ}UiGAS ztalQfAyEzF(rhu^mbPM)cQd!I|m7K2PI|2URE z>M_AzQ-k=2K{Ie?S`zFUV}zvt9_p+Vhpajwo>Hx zw#B2q)HBhM=R4WoKzHyOql#_mLA+bDTvWd81DtWUhN<#~e1~2S_(@igOY$XtJy2nJ0W}7lzEOMitdP6*;Q{O7p+WE{tWHwH zF?TFQ7AFgyi=XW6&Ex1>7C{PsHsjFddI+5L2a5lzg=2Azcuyx$;JsVIi4$jp zZkH79y{p2{3L&%CUIWnltG%#O@g?5LgLy@O1Uv{7gZ4~A7$nwW=Iy<#OvN0tr8McL z)-kZd%8R7gG%#PQ|KRq8kL}FWZ@qRTS=LIw804D*R1(eEY#i{fjiDW!_>vKOw&P?jv6vuvj$Y&J0jLHOA#Hi6ME}A3FsbQ3ZK6m<3^RX^t8?swsCGfIPFMhi+^{MsSVfg zb5aCf-f)_&Ui=ue?}R|*p0#9lm%k|1QJCd1geR+iW9IWrT=w}saUJ6et;z>n>8`1Dmf z$WJ;2+YW7_zt?Evlcm34M!gC(A9W5j)dWvb$zhN+>%^v|J3!9jKCZrTmNd>7z;g%d z(n;ywymfeDN%bQon*96>6nGD%$97zUy@@LDtvL;6OxO#~OUuYtR|Q(1xqzJSxDHFI zmlE@Dk+fdDK^$NhCd{{c;pC1#u-UMZ^i4SeR~Jaql|hGvbG}6|?93l_^xYLUyCWK3 z80i7)-p^8Z3QRSp;V`7N1V2gqU^V}ppk*n9%o!+n$#?D-jU6n;35N#pTtzL>-vUc6 zvs;o5A3Fiwpz!Y4W=fpi8^X@m*Q`}z4SVtF8}1nB2^X$~vxB6boVaj+k5W8>d+%^E zS)>6ml6y$9aNkz7$^!{w4LY^_FTP4N=4waHxyg*jg73?d{FvrKZ~u@BofyBmmxS%642bglg!KThEonoG|KC(kn8CdFHx7Es|vKy-P?-qU(mo_ zo?F94=C8uXRRAZ$#_=P=L@?9t5iV2+!CCz}G;v}QmKkWWv`@V-PxcqQuS;TPJ>#Ko zjgEMoO#`~c>;l=*s$g{SF2sCL<178;xbj75cvYN$30K-+TDPURH8T=QABVuaZ;?1H zNJZ48xR=g$OTi7H#gLe{2ioIYXprYZSmk;bx^@&nVOk3Q9Mpv)O`W;@+|6kBcrw#C zbpw9gZ-x2GA|Pe{X;9J6L2uPYG)r@UwX>qZH#dOZyjO(Mfx)7eEo)(v!4-J=;HNm& zAqw|T2_v5`9ATL~UopqkgInBphxJcR6O|Z0aYE-xd{!XrDr?f1Xigr8@@#N>;%i*p z)5g~2OTyoxIAALul4%!o(CmXDUoN_C-@G#fp04~O@^3CeiD%Iu6%$9lSZnc+_9vh? zO&&Kr&cH3UmmObO4CaA1+VJr7TPUmR1ItF`!;!z%VD+CBn|>Md%y~{CrlmZ@U+3{Fd*~>#9cUz%BxIh?uk$gc%H?S$#GaO zW*Nm@N#$QeeujEwFj{Iq*E-1a4Rgs_EI{+gDQ{ z+J7QEU15tKvcznWpBk#777t3ig{}k6i1ouCK>FFCa5H{8dUf6-4rcFhQ++$sJSr9L z$$nIPYX;r?&k5$P@DRMC4E^0>MDwPe1ZmxBurwYH=>p$Aq2ehzT%U=vit^cy7vI5n zp#yhta^QFW6VYG)1g_4TEX-c|fTgUn18uhi7B)H@I;=-v$$7p-B7BE6{ED7?;Q7;Bx~#m{;sdPgM+si^V@c^73!usU!&-e#;3ifdTZQ-bAWy zumKa!>=4U{&Y zTImD0dxklN&dwLRZ68Rz?4)7xB^A2m#3(j@sU>Z&mw{U4qiomT`)seH4qR1EBpQMf zRlRcq$PAajkIFXKxxojsek)_iv~6hi?H;C;n&A)A)#AX|R%WM}1WCpp3#`kDtaA_E z`?U}M7){0ti{-iPIV&9ZU53w!Z3LBpyCJ{Tg>`lcQ>LaD33%v6!bd$}?PG-9n~xt( z=5F*BdqDaseT6@3+$iW0qjtWG}*;}agkP?^i3d51>x=Mt8rdzTDx+)|8|xg$Wv zsTkyal<3jz2O;8PDr~ErhX0vu2Ne~2@^!`svi5yF>GpiU#)jyi+oWzX?0ypU>ri6> zsv}wGffL|SR3YqGR%5=d6Yj3OhWXC!^tBTMjqd~K$Kx_Q&*KZ)UeP4e_Y2Qg^|$QY zXO0G)nLI$K2*(9O^WIS{C}@%}u`{yz4s5d;bn~Bd3t&|?QgO~4aAfuvNSjH`aZV!WrN#kBj5;(;cmhSAdfibdPKN@)8Bg}9zAiWn& zz*BAu-v1d*Cq5WL2Tic&biOWqwn4ZCx3u832`VFtrPqsT#v4YVCuI2P}y~X*=pAC*k8e?f4^8 zfnM1W2Pa=@@kDE7zUkpHaU&Z9!pSzVzL|Oi9)I*?4q3j~yWX2TJgZ36)RHmLMS)h!T!q4e()jzgH#uQ=7-sdw;_}*N z^4VCMmVDU?El)Don^FaIoGHAw+_vDCtxjQ&X9inAJ7J=|Bo)t6!sE+=9Aj5I^Ar02 zcQPh{4mYQlM_R%Lfk)I9R71)(_lg`F?owZ?m-u>`GY&64Nw)kO1WRmVU_*v1XKRAl zq>0;UUNuKO14;Dt$q@Buzr&3`IO?{fP(RbDnDT8ErtL|Azj_Z@%a>-5kd@&U$}?co z8Z~}m)@ zK{&_8*~O4ImRnHfnkr0akY}bQr^u?`#&D_i8IBQshP(d51Q>=jerX8<2}KPP=jfBGd9F+_GeZvS~$*sB-8hdf2>oB9K)A1LF7-Z-HrQiioo6#{S5 zRrDsh7((i-`I957`NR#zSaq@k3>Qdon}9B~_&!7EJ>(LrKfj@6^DsX7ZUl~ve@*&i z?~=!l!r@|V9Bh~v2Ws+y$13(3G!|VTdtM}=yjLW8-iwF)%ve7Ew*&p^F_?Q!nZ#}{ zQo*=;nnI?2Kb+cqg)Me?!N&NjP#eh*I%DiX@mCu|D%z4r@7)*!dP+{0qf zzW;UzdXdD1Mh1>+-$y_GyeV4v+?{sL5W`uqCZyIS!K0phsFjIv?6@WgdeiQrqQYy8 zm@UQLSFb{!%rrD8?I!26-ypZ0BKC50fNff1a9+1A)6;KaW3=|-!HcnU-lSHczxxnc zKRh9QPp^t&?sh_s^F|7z=MX3F^$4^7!#hFNa9v>v1U(uy`TV>Hh*tu9Pd5HDV1<+(pc-Nyl zg7D-3pZ#|m5h{56W7!T?uvWxVUcS50(w<8aKN`Zns4xs|wMIqzEUf(Q36tYoiCg<< zY<1Hix(Vq#YuiVRKee5&UKdSrJvHdapOXNU{KfoeeSza9sBOs)4F~BYOuS~o4+`lK#p^q1>%vO$=-8jw_i6(K7YZ|M{1obc>=KSD zKSfjv_Q1OH>il5rCv5#~#Ld^WlJaK~U_N&T3a~+bB&ks3ao>!M*lNPn7xs(vfBYdo zA~jGcA{q5Q*23|WWOU3DI6G^z@U({&b$pGe@Mb0VOCCtI9>=jE*0*ubu6|Z|u!Q)@ zE}#ywfc@oqH0Y5ePb=7o(P^FNYd?stc-SNQIM{)Q3NuNLkua~#Oclw#Gi4)&pTL$l z7pm6Zh)%!9@v?>oY;Xa>zuGxT7>qgSJ}w!{kYz4 z0?1__qBaWN@LPH}3%+$28b42@Lsu)}y15@&uf-8OG3biHss_FWmim%YQ@TwMY!KK?LR*@Wz_x8UMh zVK>zE9F77Hb|Pve5XSzx-qT$q8K;g{j8=2Y5PDu)Kclb}zo1wLj- z!Pwv>w0^QAHW%I?pDy%(QB^H2*F6VsR$HURlY5xhpvsRG$71H))$o4WYx0P1Wm;AH zz-81OB=5e1(tQgQ{g(>rKU`t_!mAkdvj)R{c~CuLSNf^ei0?eUUFc^k(Uqk_H)xU` zSk4c}@v54 zsfcaCy^~(xpmfCkpWdXgp%x!rx(Qbt<>{A0%1k$kkx9e=yk&2I;oz^Vtx|<9^?86V zJ@PO=_&5IBFq`+Ts>V8dX}Ur9c^KvB$xY{u<>0#=BL#NJPPs51zw9#bg&SFgp9ah7 zKFDLrRzbPYSq^EYJUmQH!Y5~tG4wpCK5NDD^d;!6Yi;-|QkU*MH3)j<$m89gJ29@k zug+h1L$wbJ=4(y;@PyxDP%b|~o}Ma1^)FtaqOJ;ubp3>R-J2D^dd0pt-X^I`n6=w9 z`4xpbgqb?RZKXz7Tk#Mr?hGSYau=b_EgPdn6~eoIHEdjV9H*F_f*XlDxZ|1=Xk{hG zGtd18O*89J>*+##AbAGz0#{({(L$IUkO`&=X57=;maUtwC(JUGM-2BTHD40g{Poc^ zH~Ah@xs<>(UnJnPAHu!l@_GDzR&Z%uFyrRR&qZ&#JuqpiEjaJ5BF6`xA`{L%MTL`v zWaysN$bP(K6RNYI>(nW-Wr`H-`n4Idw!5I|_ewB-G7%I+Gw9%n5jf;PIDA`Eim@B- zf|0%s3*G+|)_;(qg;KFh;rRxPUox0}R5YXJ=lWP(<}3Jfw}=!ieaam44A{QE!}-8E zAy4y^Gxx_IiTSe`N;He zI}oSN+yk{AMhahxI^Q_V975d6$b;tHWWY&F_z}2E$e|3RhjP?lnb{k1HewjR;1Wn~ z%gFK1?)OQvjWJgG4dFLQIjTSOKzm1N`sbG_H~n@U&fGQ5NY)&=r%bcPTp_F!reqvs>PXY zc)d&9Y<^GR^~aN0KFjH*WM8`YNfnB37|;cZTk(2$5(G>!I;== zyijVx2PcGJ0J9ePe?I}n&t!0YyYLw^+Mh#>DV%Tq&7k@yPydmJ?U9c7V2lBq{M#R% z39Qo@l`(YDf$!p%rvgxRq%CWjnS+{Vr-{~l8iX0GFUhO-J4nCsKjPCn0JgbF^T*xa zz-Md|IxX6THU)$E_>Of{%FGkAe#D5D-&~9RZRu>d$qpPYIhhyc4u$f&v5@T$M*AWI zL7{gMdt;}KEySGu&CZ1-8KHRm*K|BHbu}t}9}5M=Gx>lsHMmvaQRT&Yp$Ym0I-MgL^Q3sT40=Fpyfl7kCcN?GX6p4%}FNhn+Fg z6^nARKg{8hm zs4~12?oBO%p!LNhEaVj#u>34KhJJzB#&h_AAqK+VXN_U+zL1)s=kZZp8ybXOLEmy+ zYBkM348vbl~^Z6)~^MU+cG#KT#&WFJ}M!}HKe30oA+$d|};pc1{tmqgI zPQshy%AHmeO;V<-Um4)k@3q8x=mC82EeU2Wds?6WZz1TL%fZ65DqQC;O*fk;kVo~N z;4&Jh=+6guA@P-LnjS#h|NO>}+Z5^9ZG@^F@`os~KdzqQB92&I4=V3h(!UAnbjsE= zXm-`*b6zbK*wk5MTvIOk8RTHjmJD3CJch6Tc?YLP=fMOa>%BD13#zSkv46EE4xMH| zZDq&umd@d{@Ld9XHfE35{McFepgoEjxg~*L`WsBSDzM)aN(FDK1m4WO1YflCa6!>g z_Etllf0d4aZ~A_4XzC;Jv2zMI@7F-OO|b<1KJI0Hv)DXThWa(tp!XsN zdNipKYBEbmM3t==j_ebBw#K;I_8cBd&xc<7IVjtF3%o;wJ%p(d5N;}tn~`LE ztr3lW)(4Jbn?cfk2C<5I$oRQm@Mq*kapl<>abvbLj*`lUp^rTv()%MuJiY{4^DTMc zfA8I<3>o0syubve7OenRzaQ*R#%*k=9)fD`e&J*PVpi(TKUqMZ?3Y?6Ef88!fqJi7=b#Q6Nt07BJS&r z#_D0QSb26B*I%?7w$15aK=!jJRUtq7Up0B&@sF)GDZ=dUNoZOA2a+96h~{A?i|o8W z0!D_xtOE##l;ruWU=eMv$tHF}57F+$RG5A>4@Ub;#ydX=bk)TZ1-F5ap`OGZN0p(* zizJBp#@X{h(tOX&jWEyd47T1cMu*r|xPN6I^S;^viUS<$!`IZaBGfZbi2(V`1SZW_qMwY z3*Ls)oZGo<_^aJ`WSug6`*042{CGv|n`+?Q-%@lalma&J0q$8NMNRGpvC3*#{4NXVJD^bx=m zyJ-X@OA4;o^F#SIIcx4ZlY*rTfd(B#UfBH>OYMEhkAzM(CbJ4xT&~5moImV}@CH%K z?PpUneW6OX0kj0~*OiA#tmWb$zTCA8wg}l2a~(-=t-b}1qU+JaCzmDfn#xsj70}Xj zs=yAtO(5D3ZE{`USBNB-e0;^8Kt6NJKZlkhlwm5)5VCJ#@TgeCqZMC~%L>`d2nTYv z5xTVQ=47bO@O3rP3MB1chofaz1$u2(WlN3@f#zBNV1(fbyyTvPi*4fIyWbJC*0$#( zKo$QaYtuPX+QeSQo-j%`1s*Qw#)F}u)FV)dr3TwVY`{(k7TfV!u|FjKRfD_pggGRp z6x~S-9JU+><4y;`vo$jO#yd@V(Kns_FbRRd7dx>|Lx&d$OwP!*Bk;iKEp%qwz-4ar z@Im<9eX)BS>bi*7r>_Dl%JDrB|KntLw!ja*8v%!0YCz?WFa6cKA2dA=z{!u5#N?+A zzjkdF$hj*B%z_9^FWHZg!XE#D#3|5`^Pycm!i{5C8X>kT@Jnh8x7q%YNL-#l8fG`L zQHP&^$rBq~eRv|BHI1XwjApD~BL_dUYCvz5FG?LOf+hZyXquMHmYQ7zX&V{({t9CG z(|0&5qmIRbEe#ndM`wf=!gKjDmbzLUj7}aV)g?+iX~!Qp^Dh!F797RqFR?gUPMgap zKg9`)%E;M!0d)Pi2ViBDBKUuWuRUW7Z8T9OyN;a3X)_2K+N6MWhy{&3brh_!ucKYP z2kvVtBO8Ba;?09kNarnG!FeD7KMr-WZR5;{tM?D`J+Xj9+UqVha)y_M3{I|tyd`A4W>9W@}o?@ShEbU7*=*Mo0!HR*)+o9U0v;oLa930qfN;zakE^u_&5#O`D^ zyyQI_`X&H^KPR)T;rH0kF{8PEa2GQq{b*fL0;4Oh!POOq!B#w*?q=<1d8UwE($}Hx z7n1nQC`Gz8X9Blu`G=E}w8`1x!FbC58Y>Oep_jI#UzY`K~3JYM{t6=qIWg6QoG>-PntI5UoC)@FdtuViA}wx07)Ro*UB zfm5uknM$Z9=B-S`?yE1sOSr40elnp04lvxPzJ}@^%g1jQ2tVquhu8{SeAiD~X~Azx z8p@)$e@`YZFOC-awqFE?-@$s3=Q!&1ZxD%naS8fVT;cx17f|lxPc7c>g&pn!ONNBv zZlg|E(Yk{MuAD5sKE0KllsyIWp8q6TU_-}N^^p53_u~dl!Kd4@n(ntbhBA%)xUp!IWBN?Sc1Rdr`-L(!7{*IUpKyer;(B%7HQ9{`1*oy^57;J=7r#u zMGu6zM4PJ>v@;!HW}UvpOUTVE5Vv*bG9%gj&?+Afh47M* z!IRHt;~{|wwPkf2_-|(5*cC?C-E_mLf}f>m$^#5-al)HPMpSOFG$i>>#z!cZb+D~*+7>4~`hp?=93{|GO=-JXH3j3J} zNw>bikb)N4csC7)zN~;r&W(@|)Cii9OBn`D7MK=sFfa5snH?e){M{u)=20-%v1B-x z9tY;fq_OP81Qt5`J3gB?2n*Z1AgrJb_p94OmO&y+y)RF%Yxq&E+1Idax1x}z%;I6n zN;K$CBCH=Oi;d|4q{yw59Qmk@)3t8l<8e}`^g+z_3%w1`Wma^M1c3VFSjcVpi~}V* z#beXW`N-i-u�x>c;1Q-=#b{X6A7It3Z-UY&`)k0$=-~rz95Z&B9Hu$J05X186jV z2MaXysPxM+;=eH(-pyV}=f*_AmdFB#7ykc;Uw$k2)Q+L_=wEnPn1fZ1ZNlY|^SOD% zL{jzmKQ>Qbx}R1x<~N5fB57)6C>yw*hAnuEUmwWO6W;Hb>D2kKRZ$l9Xa9kho!Z2> z_dKd^$%ExFzr;oAWje&DqQT`SQEK_iy&7yFd?uw6Bx)^{!J zZ(0s}|5b)w%G!+=P4s!2;|_cn`~sy<&f*fLLMFxeF&>@JjVs7^qW<@iu*bYb0z8_q zZ?7URTU`OMlZshZUl#5D`WpBC$e`b!J|klbtjPDq$#Cs*I!}w8$;$UDLaLr5&G{H0 z@&g^%^L9435$-?x*2-ep>s%<_Ba0U+8{@jg`K08M~d5=C{u@`jv45CFZ-B=F(#!Ehd zLRM6pYcoF~e}6+RQ;f2?TSAaW`-0E2VQcyj*%fXm}BVc{eA_z6dLM-?=68wo@kSxnl}MG23v=jyx$JM$ zCepSr7c)02(EE*>K+41ykHl!ggqkGm>F3PMZv}PSTZnmCBjC6zM+wUyzF@;kEZLt2 zo-1YG=(k7EF*FQ+%-5q0HxClaLpz~rv;r#Z>Vnt)3RF@`U>2B|K~}RK-WWX+JGPXN zxa=>i{aQXGskPu)C&1F@dU!3S5nl&opuu=g=yT}@tCefGPty|&b_L$DPJu^l+{&`f z^@?W=nv6LIGwL}}<}ZXiev?ZzYjaiQ<0p2AR>?0wL!3%qFAIeWn+7u-+zYD`a=>A{ z4dlD;gpK7zWXTr|-Zspc^z3QJ_17}_G1mon@wGDzUg{2k=8Al@^E!TeunLK|n&Xyr zVJ_b>K#p$Kyn!J@?qk#T{an>{4`h^_hs>|$eDUIEZuZ-cf?{(DxK6r;l12q^WzZ!4 z&{msHDY^$;6d-P?hpWo&Ti`Tu9^Uo$=i7rT@Zs&3_%E;plA6zA{S<8$H0um*J{80z z!q3Bc$-C_FYY*^jX|4BqdJ~TiEGKzi^r+`$NqVQ$mm4_F6Lku-(qHBpuz1OPw{q{r zq;)>!53k;Xwmd_gxu=tGMIQ)~;3;UFt zSmlyj^6^kPjC@N$yx4%RJu#UpnVrWEDTx?c_84^OBFK2BMB~mZ0`_aKxMqbPM5I1; zvvC2C`gMQ|bJM^NVh)R&z7l_nH~@jS@~3SKWOYl^_8V4}Ysw0ECiO?#J+r?;$$uKi715x1(oIQg<^tj8g&*?As2_NJQci|r?CC*Nn=@2teA zGD%v$2=S!+KfIf2PR~B9A#YBeh9!Hquuq~~xVG^=mW|p7CTCtlLv|Vb8`c3oe+hpc zZVK1^?YOsG9*ogc#-~1wFsMO?&Q$rsmeia@wvNNdn7=}ndKVpKX3z6G4zZf1c)V@t zOzrb>@vvbuq-APC_UA^?*O*%2Jw2JH6&(ZTY4SiMkBWQs3!uL1mH617W~?a)gGbx% zvH54egSg6xPe6IWZ}G_+d*Jwh^H3@=3HO#);#SLJ*lS%%w*F2Q92XO?YUoYaJ1P+Eddl#T zny?#o3dS9yMu_x>J|s`BuEnfnX&5KJ9Co$!Fx7VpA?r#9Dz_Gl?7fM- zi3_GSe#ZtKC44Sq-}bfZ6Q|rN{CGvkL@i2yfbg-rc+^?(jTeIjPUzyg`=h?VM6VI_ zROU2VeW?lp8u!Bb*UG5psYH*fXG6UCK78!j4mAcsxAm2o$TU*$Nh%%`>nTzwU6qDC z-wv~<83j6SA9bqR1^`Ja;RGK6^}(ZlKRj|xV3@fIC=xm=~amP z2c_X}JBkN$e95|w5nwdA0A@wou#qA!@Xo9Qk-xE6w?pV22YBK#fsJ4lCfvdPDcj^YCV{qe0`b~BkUqcm1=sA7<)3SQ*0-B9gZ@|{OFV29+$bn!>S0syXXzyj z5e*}?l?TDl@+>g@D|jZWfov+d3X+=${r9qpj8Jx}&p4rp*XR4dys%U>dS(k5_4$}R zK$fj>m!wI*%1HBqtHfjQ5bCe-0v7HqCVvIK-?6W!QLH=-)2FI{x?vKe9P5Fw>`+vF zY|2M8eZviB-ErTfSMc)7MKZ(t9Oh@Jq3(+-Y_B25=>=yXYpfb|P8>tVWrPdNl}04J zzhG8lG#NeLoW{R7j`}@=!{R`5d=gz7l7e-+)9Br$|KMTpN~jCW z79|`V!d>c3X#RvU+`fYRjCbpozwtfeb4JvS3y{aDfPNf&$Inaa2ex#>Z$oxE; z%S}p6>HOA-FrlvwQ+iFP(e)DKt}g^u>L7gmO2~m^6k*A~lj2!rO!UiDi;rn}MppV? z!X1++53?G`L&IHh{c}^=Qu`KT+w?`(=WYS@f;cir*i&BD0@8cr3#>af9Inq5vL{)? z-0<8~_PoR$POkb5#_5XSF$b75+eel=AB4@N>3ovUJf7*1!BXy>Cu>7X!QZYJW?z%V zg3B++Ur7~&WPK7J?o1pVoThdVJNbbg|9W@wm+PEwQUSBDSzi#aCVhI3~oOr5YMy#wrO6Suah!ZsrJ{ z5q&DU+=Iyu(yX)o1-Y$|g{zZ*zR^db3uYLz+S)uhh zW4*~3$t^6ccrd@(v5L-Fnu7kj590m6bzpO-7DJr`Z_s9eJr-dMbA6ZMOy3F^b$tbu zT<-#kJ2r}Te4ogr&b%jfauGs5v=T>EpB4Pod&TX;^*KbWg`+}FI4gKHzu?{>)5KcQf3i7nQ(~ zu_y7XLzcL`$`U;j7sFQ-Da?_*f?+NC&@FeGc+8JLmvIZ>sI4+By{AJp%T%+&w!ElqG60 z=lWq(EH6Nn5+zc7do@UA?uLZ&4YYm9e17uZQfNP*$>zfwHernpRTMn!D!Ufe&;5A> z8)}8`sne2t!ONx4`0E5)IO;c%&A$faQ_}ED?P}ORu@*Z5tjWC3S4C#RdtRoXl6h-S zq34n-VUBDJNW@$bMgCokWmVGb&gFh&ok{fesTv$K{35>Ul;=L7XK|BlC(2dELv@TL zw0OvZ$>tYievvfVli|c#b^U zv)Bp$mb@nGVxN+yyL-eU-E?BH`~p*7wHZR|KEqG?0|%5kP?sQGYHx1=8r~P6#A7vi zfAlok-}rzbD^l4Un|q=!ozbE)fqy1bAvhH#YcR_brEGrfZanjB7m3+209xLcklk-9 z$iV2YRtteQPSW(}giO(_Pa+)JF7!x#DB_5d6r1Hg{x9$c@>nYQAf>V1G)ZAAxCg}26}Jm25vhaW*r(# zhaVJfy{bv|OVe859GJn#9gpG10d-!qZ#vjr*$a}3f5Y0qG8|WS8sVbMfTalBg0mkM}p+ zM<0?(ruiL*^y3HEQ2R+d<>gyc`TB?D{XK(oBaf4?UrO|zOE_M>C`AX&6ZUYIe!`;M ztq^$SB=lOhk;PA2@Y=^Ha&bcnKVLl#R-aGcK|ckL^M9u>VR8dLv7e4xOiEDO$P`+# zV)^O667b*Ed_KZ=DlSzV!ObdCVBkA}{iQ~8&;5@CLiCnaAbQRlB8k6Ct9RQM$tF4a5)x^NW8+;rgHUrey=kp(qSPlR8> zPBFDK57!BMlH$ta_5BNPV3hhka#pDu1O7>H-8t^mJV)RV*~in{Vl|pwDQ3A|gP=;i zi+!6v3)4KUAbL`~uW6RnlVXFZKJ^zBO*=;x#uO~O&+QE?t?%7@7Grdnji($UE^?< z%{iD7U4h+`uCvF}c7RG?22?e=aLwm?$r<-B=GlS}xxt$1F4m!IGn{cpv^`Fl_YH5k zIC04VGf9eWx%ju{NLp?z%OgJvxpe1^xT16{p8B*07u!Cqe`xp*I)^0k4=Orz#hfbG z(R>a{Y)`rw-@K2x+Y7*SM>D3*zksPvTi|r?S|JD32!nGLfkxde7Tyf{-vOC~@cs5!@W{SOjrjXS)H}jqcd%hNkG1~(&;V9$YA95Zh`j2X5VS`Qbqn9NVm zWu`%w-tG~F81*yfR7be5#2-#;NYgigh<^uJLcxPUByY}1Y~OxRaME3Zu6}_ZJLWSg zpZN*~-y|{W#tt;l)D(PT!sq@qHK!&`$ar?D-)-Gc% z`(YUmx#>?AwRe+twXdQzWg==5yARiV9s-e5GwIy%^7Oy6=`399C7L}jhC4GK!(vBm zm@6eo^L^a;hfAYqVwwd^EWVGeF+1@^z!uhYdnjLF-oqxEa~L&ViMuQ9B3b9uX#cKG zadrAYntUgizHV5<-K2-nGcx()cBmYk_$893?ox+i^Z&u5KV|G@v=XmVxXm>esKbBO zTC8ME8!mF{L>KLPRA1M_ewl0HHAz=C{O%R(Ey*H%PO|i4j2iDHK*mH)=32dL@NvEH zUih;Q?@fG;(O*&^e_b=S7^d+8|5NyYdSZQgH8g$;1pQyzX#ENaerW9x95PCHXOB8S z-s+96Z~vH#dk!g3r{HYZEEx;d!?%;2{eQ&en2+O>XYyXnF8KEH3Xb>x3pKK{S$TU7 zP**XYJCeay*L(o|yc*JKxWC?c^eFOcn+0`mN`W2!?=a7=!aEPQ^UQ&|%yQ!+Hmp4w z*1-sl@%ORCKp&qTs3#g-*0fh48Gff7h3p~H)L~q`IL~S#RX2ReMl6$}DcAR7(4Z73 zobS$^Vh7UnQMJ6|hz~Wq*@(SHwz#`vB_GtL%s2j>!&ll`gR9ISwqef?ax1qGRo4up zz2vEAhR{0-ERVtWM*0x@Y9}U*GT~pE#=yTY3Ta5@KR}u(7_*z>B$%2=&KVbZS)fI zB<6sE&2Z+c*n!p08lfk^fgRc_aHt;aq?Yq*z+l%-Y7x1QZFT5kU+W$CoR@JR_g_B8 zze#juUJdvgYx3A`ZI_(qUgWH~JP({Y4)?Se^0N(bbjgK0==xH^URdhzS=%o$^=&gr z>aP3nb$)-BjSBEgh~!Oju-F}9Q&}451F?SXC4cO zx!1#3W6xrGFgyrw(L_3Px+K>Z`seyD#zJ#A&?@pA73-Af@(mea|8fF*6y}SwuE+w@ zyiESfj>FplhoRxzea1h1YalV>Ks+2yPS&Z0Y{WG+GYVUmCg|B^Qd(%;Y4V zbITR&DJ`Z0q6UHF7lCou9|wh?K_6xOAkq;hVB^dV=-S_wlRH=!1bHlTVz1O%MX#LAi4G}2QM&bZH|^F<^0uQFvEBlJ-vmKxGg#*R2{ z-9OZ}rtp1JKUjx8$K@W=d9_*7O!w{yx_2ZKae+Udyma| zdsso`Q1n|^1jcWEvdk~nA@lkR_PX*6D!lN48OCo|;>OinV`e!#vN3^ojlI~Rq5xas zv}k5sDv4hCTYT|@70!;b;I}@`;9lebTwSF_dv8^cDIF!4E0M|C79U2>=Dk$q-Y~AM zWk|=3e$M_(83L;WcAdRXCPqt&@RNi*mmQsexh+Mw$DeS=O+prLoWLT9k>FzIReISZ#59V1bRTJh{3%lPYF7uaj|5z;h6@beux>bdbaIrYgH zs=g`EQQo?A!zn}lGO`e(7N*fV+ls+HG7N{`vZIFEdm!=IdJ(RUV14SfkkSzeZohU= zp9c?NyS<187+bKAeF5ZA*Z@A+J{i9(S4S=PsTh$qoG;oCgLibUh$?bM@c;*RxInXqze5n;;m@Er!K4{Rl+`~g2?J478l>9 z$CX~-=nDm?+q#fmov{{c?rbKv)IXp>jV2UU?8Yg5sZ{UaS)3AK#eXjAW8*KsVOQ(4 z_^{|RLLPHF{ds>g$Gw%pe20l84U z1)}a0q0I?P{#T&(vYZ)b7Lk)Iz8X2XM-|Eb4C*sBzhd6PCV=#P zc$gMF(lwAanjgihenF^hIgqRWd55nyTw{U3YKN|!0rT=Ejmud|7#X)pO}fs z&r%^DlkkIH1!QkujCGG)cy5?7_qwqMXMT~vE$T1C=XRxl-KBmsG#<#!wc23Wtu*}T zUQSxGM)2RNqfj#qA!T3^uBla|KmS&UCI_q2`vS`}!^H(JKDsKR%pK)KyGf|_E>PPr zoIJjgz^}bk!bqn$c=~%k?|bP6%&7{G_nigbh6tiFa2kBAFhmEzrG0GJN;GmU;P>2v z*o7Yr_$hTe?~usD$RsPOF#iiIQaB1x8y)#*xlhn>U?)5pPz;}mX}z37lUN+IjoK&+ zy}H@sp-|(bz^=-HH^YSfvso?dPEJD)$2?fytAeH{kARHwW~iE`%jO5KL#6(Fa!dH$ zi~g+z!D(mFwQMFoP^(M}g1C?x=F7y(^!Qv|ep6 zxRwalMl8dnV<*vI-8^>eW1aYhrzt(vw;fP^9n?42vm0mJq3p>dv15rME{k^HLr<=w zkHYWZ;%lk+;%gSh8P~z_?OXAOSP_oE;rcJRLZ4yzI7prEgGKhApy^u#jy0pCK#RkTX0(4LuaX5s6Ad4pPbMmL5riv zkx4c9YNH3VUii(LrpsW!*9P{xd?#G89?U;^r@&0FCvdN5H%Jb7C|VI_#-jo}(6#+4 zyYkbC!#`tweb!nON!h^{$>k7SlPUaLy8ObbW4QdN5ufoi7haVtV5y}VOf9kkp67pu z!LuG>=T1G|A2oyP4?GK7Ker0K_Lt~)P?f6cbwKX^beN-jiT$0W28ACM2)r$Sfx&th z4Yb}u)3#ZJ9R2jloS&;pvpYZhUda(KUQ*=2dft6360^!0 z*aMkZ_=A?*Y1an)knhgdUvS6!Z&PVL8A#l(7n5@H9U|kqm+Bjjz9nmC45T>%o$b{%p+tcSrNas%YX7L@JKg)6X{OypxuoFFR zorR-(0e`#78D{y<#lwHSaY_C#8g_%hMu>w`rD7PkZG(8Hz?SmdrVqz#ddU&FTv3zz z2jc8_P;3=F0)w*7gO4MJ_qW!uQy0&Q_Szjndw~HvcH39t+CC3DPuzvC@@L5n>wXN9 z^~SXOW_(QV3-r-aqqeIrfSs8Ww@{L$-=Yigue{JPTs4=ty4)2BAwkfu1?u9xi|1Xu z#WtrWk%VJ~Layr`elj)zcga!Yc+_9Gnj`eZT7R*pk>glFvah&UK_4FwBa{m%htl9w zxHWtf9Yh|mSqpYx_JfT2S$B-^+o@V&FK-7WsgpqB+j-LcPZ#uRPcveq%%h6s`Qy(w zV8Sp391yn#<`%BwLOhe~-S>oTSqnJw>>8Y}X@zo&ba1?>AEccQrU^DPK;oSZR&QM; zwmm09-xv#w9+lhJrF5J9`&NnMq95tjs(@`4;V3t`1f6{(XpEUFfAruxHcvKyoh>O~ zu5%y1-d2Gnl_%i%qehHs7PvGY0Ts_wz|OX`DXaVQ;|`O$PG; z`zlyM!*eVitIJOLyd`^j2ko4cv+(+B!GUr81 zLraDplimuFW6nTlfENj^61Z9M&%kHQX1ZhbWhfT%`x{*JG5(?83X3a6Qzj1Y zT@B_%F{;#7$n4L&_d+z(OYn~`_z&l{>%o8vvg}t#A<7H)p2v0NG0nuofn$jpEa4up zXM`-aa2G$4B;IeUj;}gCiJNx(fLlp^uy@#8))pL%w#NB*y4{+UZFqzMde^XF+5mtR zs%*CTadZ!yhI3{*(z{mzAfYv$wv)p^q7UQr-gbO((vIEhl!pY*LGYnGhnURB-8a=KCG3r zT2I8}jb`+ubp^U@lqU3*a98P^O`a|s#tvLEfkp`zXg?W)J$geh;YTZEE)!QIqWL+yIyF-Dj>>hk)&t{ZPDPM7`H@O?o|W5-;8)NK03zL&Bs9LZJQ=Gu3?q zT_e=V`}sS-Ib|2C3rGAhMVH$?*oaSx)}kvW@TS8%(LL0P^p9T%?}eG$@AXJbexA(K z&*{RH>66)}s##1+stAj^rr|z2D>m-iRG2n1kMJ2{X4%sQ6+OMgDzX&RXLh0Fd`)I+ zodyP9t%z0f8OWf5Px(7z>vZ;t2YX5L<1+bl<>%!X(6bC27oNo06b&#rnk}9*Y(Gr? zRS6w+ihRXv4oBAm@lF5AmVB}#D%NAfYXYW=21k`Kcjs|*sQ+@@JXuw6B3FVqJVyA; z-;6D9mFdZIV}z`;1Q#{^BL0Kg$kEfYc_ftuhu|8%!sH>KYX;S zp}_44Nt%5aytT)|`w(AVbm!R&u zz_4y@XC97fd`fZ}bXNUikCsKlhC`Z|U@T;h(iUL4#By{S+XMkO6-lUdA<_J_L2v=C zfSIYsK*~A=#yYJKryKnyufnA8c&2In$|cDV;GjacmyE;}Jw~W^&>6HX#H>4h9}Kf8 z;78PM;QG66{6J$6nkm}QZa$n23+1?OjWJHllECRlHQ3hsR{=vn!Jv`=P~sPRF~Q&FaR_9y73HOn?0yVQwo{Q>I(=vPs|CWhCxJJZ|nU z1llb{n@%N*a`VRGDxFIZV*eh83^9T7kO$}}S_R8j7UCYR%C$5X;^*HNF}1*qipF`N z!Jo9Qx~V;jS2N|^kSVz zYLhj}UY!N~S6}1A#AEfZ9E4}6^L~-%o_w6NcrZPazZ3Vqvjw?bh4^sRet32IqNvzn z7XF!d6OYXK52a5XCs(@8vfW`hFiLq6ebhD@n~WmypIAk;HR-$3SD2 zBJMnEg-V5TJY&2we0=+i_}p8|Ejp*OC-PU>xKrnG+t^l^tYpYD)*6uIx3`I{y0!Vf z_F?qk3=z+`{hoB+8-zhFYd|yB3X)Z?Lq^UWwk%>cL={!R_#;+)f5Sr3CVw7X1P1Sb zu$>V2{uI|+5LC4Y@gS)@XyEHDpaCe z27;v%vE;`daCIJo9rHF2xyiTd|7{4tdrJ4gZS@~8$kTvze}mzF6rG1(j^7){n=~|$ zmO@5GqG&zmI-(R2k&u<5j6%ZKD71GxJ_;EKQHvxeeprxBFqd$7_;;3f!yX zr%)?%hIuyn{I7f<8>Lu5{9h%)w(6;5-DO#DJ!FbfvpHiggG9^o!>vT?#A5k!TRM87 zDK0qj4C1QlOUzvz={}kw7{+B>#@%56m0)M z;p()7B0F<+y0-8#(KM{WRR^lzLGm=}=x)UZf1N}^+#X|d@IZQf^i0s02xR7}p z6S4644)XW=VdxZcxn~vQ@Md+b_|bQDY;!gwg$}ADb;?QD_%eZPI=B@jJ$HbuYbvPU zJBRwIDJXW;0f!%%EVy$mdV3^7y6tr&mEPjE)Qwnwxd9i(Yyij7HgI$h&PE&TD4rd` z_pG*O8*0Ym)=k>HL(3m*GtIb6#ZBxy*ob+pqaaFdFMeL+%TDZ$6?nayaKYJroMN;K z8b;O%KCNopWH^qWQ(FKFi?73rqA(ILA`k+mXTr)a)@b?WFwV&AA(=Y_XNo1VTWbyY z*I&Ph;h9zJ*|I=<<|`xY=fcQIR>O>r`{1jPJbbAA3m!E~0w1HsB{KG)Uit|7=w>3> z5G`kwI?a?n@l>W?6xX8}6W;F||B~*HRV4S|47|VNm-w6D#In~*#Fn5h9ca>pUWZd0q=_g7WM{EWAm9 z>{GBIzb7P+`)Gte?`K2A@_smaD-Zv(e1rq7+KGg!EMIDNk5p}FL5;tkFs^lvNHu&3 zzL`=DE+gg(Imr|3y#k_@p_n+7{Dw^>3eCi!p2ovTrtLo56F$p&6ZGh`11b%u^6#2X9vvBSW#Ui1zt(8M? zW9u!Hn4gN?r^4`BLLrIw94j8__K_Sklb~Z>KVzFmOoO{7vx)o4N?5xs1hvMk#}S8r z!-oeVSl%R$`yL26P2EOxm^F#sUM|cQhhBpaD8<&QaiTLP-ZRg*30S_Y8AfUC6ug5m zc;VJk%xjv%Eo;m1*of79&G=Y!j5>iS8zuQVpH+Cm0nqGB3>?eKgG%eyMEceOcs;pX zJUb~EW@xVmoBM`fGtHV_J2XjHf5Fg~b{OYO5V5imvUK&9AevZqO>hq_qKXDl_)5o+ zw~{ncrgIC6*SW#ASZ(eyeh#r$<_KC&q)+t)`r8=dn7>XCc`6iZ@{f^Q@qJ8dgTNb? z)u&F<+i;q8AtXnb;qb8=F`(a)AKYP&X*-Xzz3*CBulaeBu(gfpjEW^@Pi_;P40o<0 zyNVxpItSN=yn!BB1FqsLc#KE5aNDIekf5>=C7c8CMaX;nemMi5ngKtMvmS=e&4Cpg zve}zqnXK)x4UiuR!ZC}+53QAN^k?q%U8oxyEKkVx^mB7J?* zkL#YhBD&((#IosF@H7YF6gn7(?cI$tk8tdLvXy8%7l|8lr8p%M>3cW9WnVj-{|T~Y z)wC8Bq9s`6W;;xsWCK0p1#Z@86Ra&Wr%NwK_XnKyRGR+!B=}d;KQVSe8SiyV;k7HX!2xy2!C~hh z>Xte!o|*~&lB+S?cMrQ}Izn(9OebTd2e8H~MR28En$OrJ!-tR0C5_saxRXU=v2zx= zec>u-mM{)6qOo+b4du4H8jEff@n1Jx2d5js~^0Auik{gG^|Lk67ATgYV zTI@$xODB4w>?fM{Jc5SOD`?{9LBk3pXv|T81rcsQ_indFkCbb;upklk{JxLgt;cbJ z@J{M&5f~stnz7=~D83~l856M;^lF3|(5qw&{W}UDuDAjLErGc3s6W10IsqXD2qN)BbI8vX%N@vdEx2~LJ_acYFmCldsKUIN`?Q{+vwHmM%)9vto zE^Wm`KiKYc0$R@2ixp>{!<im`M!>94bv27C|-n5DV`W6Fyh`` ziH5cIS#WUw2GOR}4)%MY0!e=FfzBf@k)?BHvWd2?s91WF^zBc>d#8HX$QKo&`AggI zL(c=zseRI-agH;|?aHgr1G|ZBpfi6UIJu^O$svob3Gc=4ao{jw2t8jW&)2RxN&E_~ zlOeCib#ZgWeli0hV21 zyvJe?4V&--B8FZ@lYsF!_Ub`gUhRu&#d0*$y%?fX?}=YH=fl*)ahBd*dtvX!LP&g4 zD8BBJBV>TiiO)_Oz*j%N4pyguycfPp^XCJ+Ykm$_bVi78o$_NzkK@^t-*LFzT)2O~ zH4KNnImb0O6o67oEtL3%VEukV+PhAn$@3@pNpK%M{&fUXMFZ*D(3eDgKr_VOQo+z) z!FXFjhV(VwBd@Nj(f*t1@HbcycJ0ZB-c?4#_*#wlslf!8zSJJ2%J%T?<>S!S>MOCy zQN`?UX{5ZO06r+h!iObkLayu(OLO;wlS{+l?e8qu@|Z)8hWZ6CzfCO6Xpe$te+WzXY=SAu4Ayf?@#pvt z%*8$g{M!U(Ox^$1H))kxjpPU zEAV0kKeDFJC3M*G4?oX*$GW#$Vy#gnFH8`+R{z+DsCKw~+5`p_nd31jRiWQqhU&|ath}%ZN|tmH^X#qYvHl}D zWU4?d8kb<&gdqB=;tnaz4}|^t?X0tO5q&6hWL4yr;Xd&w?q-=IZt2(tZ-l+=t&|P$ zO+t>h*Zjs+UXGL}q+zjF0-M)LaD4l3?7BUUs?7TfM>frYsdwjM#gMO}eC23ty}M1c zB5OEJ5OSBr^>5j0sfi%7Y&A{zd=Xb~&V=;cru4hzKb%~ti?PcMg){#%jINs_!n3|m?PTgk(?|}+@ zw#$Om<7~yTGLza3|VzVy?J37iyYtUEm z&bo2@>(r5O^*?=nDO`un@M?jK_nG+7Jkj*8H z1!W{9*$iX*6JgGjHR$2V#GB(zu!gi#xOUQKrY7`YBR7qtzE`73`I;O^y(cAF8rj0k zwS+nS^2^{|`iE$a8jnGfr0My9`=YxZl6=nRwN&O|D_S^*qp!S@z#u5c!&1szCwwQk zwwB`N@^1|L1y}FxaD4kJn|*EWu$nbr@Z|o}MK2dEy8cuwpA~6LRYn`&RAz}==jrl$ zLvrx(<{>y&aVNj{ZZyn)bK2@|X9|Wc4i?``eZl;<+fhBGD4|214Nq({!SPopWNcTW zs=7zXlln<J)laG^Fh%Mt%#EIe0aMhAh`M?(FWL-^9{ zI{Ce?Ks-vAtu}5uBlcK#ocyagN~EOHX<@(&E0u$WeC*p)u}WSyY^?o&W)X8mpB5wj zE2$^_)%(fa-7<7)ppbRhoGph6=~Z%MaU*=z@WHNvd-%ua8eDyL8Z_4YWT9KH!tBu7 zaQNv^Fcds4tG|C`9d{DR=c-T~aioBpnZ5*>QVba1-vGyYYsj{lawO$rzsP9tIDjeJ zamvzxME>h>Y>gQJtXc);T{Pw@Yj30R2S?W6#KfUHLQ7t_-Dk7zy$0sqA|85hGA>>@ z0XMX$5o@7$suxg3NS-!6^v{D;yV6m8vI{JD@*18v#+B&q?Sl@Ng{-g8g4Ai2m5u**Dft*L;?M4zm-u`S5i*H4@nCBkn;~$0 zjk4ds{;T)UYK$s1i@lN+3r$L&DPaETvA=0$dp%WZVyTPn{HO$);1~qlJOI}`o$gVlu5}(&v zj9QJ7!ol|lO3_8+C_N3nnI2+U!}MuR;7VY%i(uK6|9d$jg{<`<2;1(Cn^ zI}<13t!uf^=-!8}zkJ!UGEJOwAO#95wfOjRmvHam$Kvzu>12Fo2nq%jn6uy#kq~<7 z&HMh4GaWDC;F>&48MFqK2AwA^;kzKv>>4(Og~9>8Quuw}NZDm0jL38X$#zMq9I_fc zFZF@P<-xrEe80$K?s{@wmNNDBQDV8=e%;41m6cv<%TZ=K6cw6J2W({0+){>u3X+=J2I-fZr z0NfMhxa7GOGS9^g&yZSH6cCBc{R8-4=gaWkLW*C1v<`cnorU~+G&ro5K%=+{wtj8| zfqlUx)tBvnr#%4UtCHNrPY0*>q+^(m;A1~DlPq#I#?x{qKq)ATxyRVkLiu=jB+7%P zf0xDQ4xfhfhgy8n-)lH6v5EQr2dOw0&ixsJi}y`@={orY$4>D+{GmZ91Q0Nl|1rj#D!*! zIK93eIwp6+KDT$cZ0jT%axRG8RlA4IzlyHli=26Ue(g%E zbh*efrJv)Q(tl9eIi1g)-2{D$C1B~bXkUl}UwT2uv$Ie!LYaTOaRRDhL$Nm`grz>J!kLSd zxole%o9gf$0;K(^#OWQgdy&?Bf?4lr3O3!UZE*xo2tYN$v_#DP+55_m>^ z1!r)>v}xe|RvA1-?88k5ogwGL5$syI9kQ2pTiHDrglBBB(Zx!Kdzs1!`}3iEvFt=T zdT0$Ru!zEkKkFdZrw0E7sqsU@yx7ho|8bRP>!C_mhjD%<;rc6WD%UL`^jS+-i%T$V z*P2Y<75qnR=QQA2TnIgKvp`hv36j*# zhc@C+!EtB!wwig(4TAz(HConGj>!ctAZYVwS`)p8vs+WC;nb-RHTMGE+5Z#!Mh(aA z?%nWBGZK`tg0SQ5DX#t-q4n_+lplLR-~^Q7&yN~dnpXqXHa1|WUMubzA12!K=?wh* zEJsuC4dZ%h6-<1720C`j;CEdK`egDA7^_!|sqa34>Cg{s<@ZifZ2Sw$w-#WEge2DH z?j&{AufRTTFsq0>jvD^1sH2}sY(3|&i=T|ZX6ayZh^zs1ofg=CZ5mtVq=$dLZ4>r8 z1Gvj*9jb5|#Q7_)!J0+tTzP9h7`Tq*l`s5wX=xg)h!(sMGA-n^as{kPPljf{5)nC4 zhdXPJVzgBhdX>oYSfq$kd8B zxIS_#^|+J``lTtL6#YotCl7FHjU3+Vs)TR2gKrHK_%eMr*g=;N*pjSA+_JQIV}>O^ zJv|vz{}i*2E2hIJ*<{xLX_;tI&|@_BX%sK%wZ#_^hIH#B6@I!?fxmF`hwZ5&LElV+ z==p?@u{tMVYNI!9J|aiUH}4U;xbtA~x-j^v6GXG3UE$qh3tBX8Bz^pQGS@$QmN~AU zOJm^($$D#Pfs(1AQ{^lloq&L3TxFTv~~ z1Nr^T!SHR@RU+>@mtM}UW>1UW!Q8gJVE^(xq>ZzOjTl9PCJOUhW>2f#{tz!GFM4=g zBW&!+h4c6IsL=sqNDuzb`rX{1F0T?=$sh1Mr_Uv=mqYvlPU0Uo;rwbN`k34Y+ZiTQ z;z=(XV&lkf_^9z9Jr%H561+xsC!j-RApJ4+DK0iVjT;t*Vb0NB@_5BNc3`$DUQ!f1 zE&^9^^bIq(@-Kvk#}^Rg$i3v{>K<4Zl0)2|KV#8@?!biuNE9bHf<$sJ9?j=MCftEq zDI1d)ESz3@BHWqXk7DtviY)F#G6uKorgQ2K!^GKnq{pI=RWzSvyR;)AR!fP_l}N!& zE|DOyP>J3gEX{q>^wE5+4>ZWRz^Hq^ID7SPcKl}sj&~1%;tpkgC+C?s!zE6%S!xR( zu+$s+wREAf$QF8If02`qzGJhu(1-PJ!h(c-kT`7)$gUYnyY=evm&;BRAIpamH5K^P z#gHVI#-P2xCzfrE2U(2~Jib;9=0<*i^Ro+1K{b=*?hnjDXcL+MO?P1&~HWa;pogZI6BuAFMpf?)>>ofq60B7Usqu9=JZ3a zmJ5zwl1_$hs)lCY8fa+xL~;jD;+gXfk<@>0alrnISgL*l#lIfIy(vdXk?(Qn?urGu zo_pZDON!4(t3YobC2sOVo)0z(W?}6f=#z3E?z|WHl}0y2Cn5niXtuGuZ$>n6X&t_@ zJAr$iIl#y^3OUJfAEwS#A5Jk&jsMs2@C zC6a!-P|9Q{R``{{LD}bMdwwFFwr3G{QZl10O=2?X5+(lg7eS}s7nFhvWMOp^d!av` z8%sWbc?)mhyDNRDHp`EQl@ifH_|82WXb(LX-(sy{CM=Y@icEJp39kDB8!j>!oj3&I zofeU8(ZA5#;t5$V_;4nQ$H3mrgL%xkWO12;z)iRi2Sv3@p?uP4VehHIZzWb^@W&*! zzDu2Iw6)^%)Og6=a~)e2b`jH~3+O3@*YG`JHm1Klivu)#sfl+AnH0MKjPDe|gMkN2 z3iT#J$);M%RiC73)kAHNyD)$bPf~zyLDRwT&m_@PhnZk`X%Jr-^#lhA-neoTSDanC zTHpoOk*F+Bh?#UB)6%73#wd9>)BYGlM-r*_&D$_e!hpa0Qiu`ur(uNsV*1~jxv2D8 zinw(<(RZQJyeGeryyug}+;1$M{6m4?g?#uLmPxfv9z*eJS9Y>voZyIygQkp07+ZG| z?7WImZs7xQtlARhx!0UzXk9R=6Whh^rHH&LxS3~35(J*mRHr}3aR&Xp#X4N|v zg7GXzTHgDnq-b?GT>jk5_EZP5O4}@Qr}hHW>6fvkKKHTCy^5Vr`;6-sSmWngf50viLbm@iY6`23- zINL6h4qAn|m?)h~`X@hw;HFX3!SyZ3wJXttu)*9T>lu2*-oO`AK4E^`4=e<4ycKJP zt!a-i>Sqv{?i&tSBNLz^^cmT5UxGg?E5s>*E-(T-IolryMyYnFC2{IsK47aw~kBN`l;hIAPtl7+Jt z{e%%O^YM>PBbb_u$8FBdc(0)!JoDOMYWpTSrJa6Em&QKx5E%D)E3Ea9;-l{s z;QquU^gh#$DN}`RR;(FZSXBwLCx^r5^!MmJK%J&F45IZvl(=l;LfRCr&wEBr;E7>_>{0$Y(S zu!mlT+dJ&3x_vx$#U7?@!$Z(uuLD=8NrhGKx?riY6LmLCgUqQuyg=Rudn;AxD$ysw z<9!{7)^yr6;vBP`l?TVmHxYy00pL{YLsM?0z;BT*S6=Ri4N)HKZdoc#tvi7}2QBc# zNG;kN+RK_XACTsp7cezJg72TDOJVFlbvu+Jna+5idSA-`K}Nu{B{-2Y>R^F z6I)4Rv;}>%b1p3J&Sm4IRC!3k6xy3)BD59f(oKG+@tXb%P%H`;51baylAf=l`v;Ea zKU3QAx#T5M_D2g1BF~TmA}R7bq=aPVte~@PTG@c%yJ6!J2|i1qQMC5KD!!#ghem#s zgtN--=qUdQK0SSnes?F+q>WFR-L7PCQQISOOEDEZt;H~OiV=!^u3)IA9o`Tf!UfF( zxaCj}66OAgKu8cfzi=yAuxvaQ4lTg3UzCXYwknucZo;1_SHq?TS^Cud4xaR9tl(c0 zTjL?(KUGEKMBaUT_Tw!0Iz+;8mWV+%Y20=~IM@$;jot1#aC($2xC(c|tGJ9PU~3(k z&-(`sP0cuLiZh;_r~=Q|8i|sO4C$4a@pz};3+OmR@;B1ALDjPwpEYOVG+jwBmCXUY zvSHBr-x_N2MT}1`CbBcHWqGT$HfLvL=pid#T%%0(g z9WmI`>_VcWQennXJ8qM0C^E6>hP7SZL`wA)Y`oJA#p4Il?2W7WzDtMT+L^;B`^$%S z?zsfFRmEr~f1WS&9!Xyc9lJZvM&rv)8J;iePW_JSv$hspGBRu>xgn`ddB+8TsUUEe zw%gM`EBt6>P#8E3e8`H!rofzk^QpG;OSod4O^SUJQOj={_W1RI{8u&Tyc|GvAFX4a zRyQy-;v@MQ6vuQ2hoNKO38*}{2BI|WumZA~HOSw#}7!_Z4;vcssXfpB-be}j3HcCfCEB7eU`4^&j>cv;!y}KIgw1g>a zZ8DR3BS*6)X3*Y_NxW}<5A>Y(6;qBMvwa4>7VZ;&4KI?+>zjJne_guIo8;QI71i$e+hIe;0kie;SqU2Q$ z)TX2yub1V~Z)(SIZr?4OJvEC=im2uJFYPfk@~n7EM<WSwAAKqeP=bht`P6KG6-9GM=YJ=L}KA^Pg43u*e!mnS&nhIFs_evSyn<$vo`-75J*=0AK;@DCgSrzTe_~C!M80tu{Pug zJ(9eYuPIjHZPlZw-}Z+%w=EEYd?$gLej2L9ji$|`kMg&p+R$7x48Lt#NQb+v$20YD zME#wFDAF|;{6jf=)FAih@^ktax(1k6kgx3ib~Hvign#r(bC%+i(-aTwFP4_ zV`?3KcyNgFXFmLwLl3?l*g-n3E}|u6yP)rDFm4JR%D(&=EqH+sf^x=YHfe$+Q&}!S zMGXlk8X3dAjkQ3=co#kp&L7{}zF=(CcMJ|aiZxA_(P8Lxh;r>GPwy1M?dNiED>s1M zNh-y7p(pFQqXOyb$D+1&c`Tpvi~v7!pWbZ-rSv;6?N>KCe2!)`ObP!O zKZUP9zKCS5>55mHkE0`Z$bstdOw6(=MWWxzyu2;>^B*y!_3Q??qUnVCpFALtzXG|m z6A&IbkZvfuiKn-oEeSk2554WC5gp}IP-Qk2E9`$l#gXCk(*hZ~E?$d|$d;iJ$(Epc z;vTA|3?UEB2cci`7qH8*pwf0K^wGEB+&C|in^Y{s!v~Htk*qU#9v0Zqu~vK=38Rx* zIUX67gv*$k2nLJc$FXphqPSmF-gXIePe@|3=Q8oiL2h)?jzC^FL7qli&Zg6>9UFSU%^l?(I2-hw4tVr zCE~Xh32;XEK2o3TA*FpoIC1D4c=LVo{3ZkzD{t2}q&2&+~MJyE2@h)y zp-L_Kje0%~o<~|V({Gk9r=f0DP{uOLzxF^w*bKc<;^%yJg^1j4jJP4AQ%4E!iUS<97R>d8K}H|wutO6 znyeWb)n~ z5WY$t-uC+Q?e`|*;Ms?Xz2s!LXZsgF3_gOHJ8Hzz66?6j&P1pfcC18IzZ{0|Rm2Ok zs&K;AWO&^mWa54-fqlEi^S}CaD25&D{dI*(+`SV`c)F^t-W^ zN8vPfO*7<_35>n$_po_z3N*_6MAw=+arrW7Uj3q)Tx%P~4bCNleR>5v?>7gjckl7$ z)5GZeL5DjGpMjA^RRV)C68e{3hcmU(G(F9N#m{$xRqDOO_^1QL>ILHIy3;Vge;qEH zDM3CzRi?+bU50_CeK5VKoY44qbla7NiJPAaeAHX;-z_t!vXNr3Cyqd!)Bt#-TMyTS zbro|dh`WcCVR`8SuDn4n~Gs~D)IBmq4cwIKOrW08WK8>7C=PP7E#q%1N)18l%`;+OW88%S(+8xPeC93p3LUiuv z7OMXxA8hlZ(RXjWQPT2eAb*b~2y_k`|_449vr z!8(f1iCn!?ak#*N$VupCijQJYR>}uQx>bVQDMPq?+>SX$yTOx=Klow%1%eJ%)ZlP3 zewap;tRVe&!4fAgZ@`JIm)PVWC*D^O2paoG z(t_y^$?w_PeE1Vz%-LFD)i-k%jhUj(FPToI{#PWq|E6P@Q=|&J(_6(e$1(V|_&U>W zNyZ24gV=Uo4?Z}N%;ak=Nx_aabm#Ma)JTg)@%s_jm?d0aI8}<|HAn%+Pys z5$o=E=XCZ^8k+D6hK5b!7So6DpN;V(KkYME*Su$5n%+1)b_cs}n;^_Wrqc^ArT8zQ z(=onF6MG7PUsEn;MWY8$yJHvVgU{J;F>fxfvykC?B~C*8jYNDJ-2nS9OofC=4{-udv7L5wa!sY}B|~_&ja1%lp{PAjD)v#IsLeb`+!iyq!OmOITfMPvDLv|s5%FF98C4i8p!a5x9IU>qX>?jAfEH}a9eZ>$~Zj2 zk1q*8&Pr%acf}HwHkO_yLtng<=8JmnFwNz8?DUg*44--tehO>p_JMn(_3~-aAhSx` zZutg6PCkS72g1DdM>|#?u7MSEJaC@>Kj;&3LM~zVF#YNRP#Jg`l7c0uZ+HM*G3X*L zt!*XW+6JL{$|Kx1Cm*7ZZoukTb3SUBF&{DRH#>HroV@>X5u?QxSfOLV_m-Dq;H2v$ z?TkEMmM|EKRtW65S|>ab+Q&|Yis;j_B=%IHlH}$|(z)5f%+z`s7iA?t$##L4yh4rJ zuJEOM7N=rS_y&>R2O~H(I7;BuTHwtzbr^afnsi2samK2xbZ1x~JYE%w8XXrP!{#ik zmTUpJLj!Qy&q;7G=@8_*YjV3LRn$6t9LuILSg8Gy*}XKOlK&c@DN|s3bU0(e@t?x? zO}Mwv4I_zn$Fok`DL8Up2)xL+Ixhxctr$GWc8qG%ffgil0SUUW|};-F6sP zdkn+1FZ)scTQpA5Q3TP~bu_`^ADL}Cf=)kRzz=LXj2f?xl4jp&?B-o$v;5wY8p9+o zSoQ{=-y@Kq@q;Y#Q06C=EG?;0bz!r6m0{WR6c|0#gU)aJ1BXF zg$&kxn+@Hrs|n z{*5pmv!{{-YktP_H*6547E!P4f#U6%581A?T&t@^i@vcT1$D-Hs`!cS#nv z3jNj4>UyCorYoKp)&uX($MLcAJ#n>X10I{IFKTVw39lW-Q^&V`q;TFaI^b#`4@$`r z8P&~WOj(#cy*~rDqwLAr4c|$bz+-wi`3C0rNb%M)Lg%+Tp62gy5RlVFBBPV77&ECH z%=!=D%&5({=3*C4j@bnx-vQgHUE(D)yL4UrVP@JXQ5xn18m(YNf$l*YFTdgmb^1{$9IZuSXf~|)gI16`5O#s zvl`HD;x(i>!Q|1uS#;350mQhmjxF$2AU@9r@wlicaCaHTTA!N2>*o(dDo6V8it2R! zyZZS?Bl4XB|>q8u>Lmd@l(k?aAf6oe3Ot*KY0|2ymLIn144K3*q}Pp z*O%diR`$iSzb(Sv?l>sfXwJ2UAHshdD$#MrQ25VOj$U|@!t@ooG3AXG4!3THy)#F_ z(@r%MmNfKiG^FRoooALADd z()$m)EM~GjL)O6SG5w(CGm%yZ{j-^nB)qe?Bl*=u0_?w9{-~pHdcqgR!{yjHBNzCZ z(JOu-_&VzC3{XR}0fIV=`QwcWyy{UYtWW3cmH%k|)!z=x%#5ryRA`V0)6@9Ab1+FZ z3?zPwEcv^JWu!Ma1J@sXjG3ne2kdAoIwU8Z>=wL^g9De7pBFBHl-n5SviV3wf`sOAT>TuMu?*GQ&9$%3Sf%8}jM( z7AQUP0aR2n1s38kNLr)?Zskf;dQ%*ZIk+0{DvaQZ4U}m1$~){>jwLM8jU`ThdO=g? zDvnJRm_$yN#6rVc$Wg0+L$@q@>>zOc&weC5yayEi<+9i5!$Gx09i1C2sdw@}NV%#j zJZH&Zz2!3d;HykF_KktJsajm!x|F4ilp(k6yAV$Lu)||66X|qezNmQ?AIzU2?8S$n z+54GrW{(t%pZW^Y2h78mgAsVYUk6s~X(syli4ahDkR>fG#CP|OAeDLp+YIz*x{4LK zA7O*vm@!^`GZvl0PhkJMD=ce+7ED@j5=3eaq%|uW25h)SHWbmjO&Z#_Tz?>>@f5%r6bqc=sPA?{g@c$S(i%`Sd|zb$v6>xdaR!cL!e*8K+K z9$6Zf*h%jC9Yp&F$s+66S7^MZgn%$BKcSG14c@{T?W+iWjqelB0Snx)H;_C{JPbQE zJHSnI6OLZo0GX!?pyr{77QWvD-;edcpwM67nJ^6BZ*rx>^p;@uq~V}U8$m7ekCn6a zND5!w;oa$4jQ)59lq8JkW>Nuv`BothuSWBv<>{k_x#A6zj{>DB=^{n?` zbF@m7uNOo@^b>Gj_hr$znHu1@%o}BELO`_Ik<44J!EIB8zhmbtG?|pbew#R=UFl}r z{AN8{H=qk7e090ajR){9;|?yV;qWScE#9>mfE%prxQ}ZJdvkgzcMKW`);YPX`jIgn z5V~^fF3Qt-V;NA^l;xUTT}0_`G_(zI;jV+ui29E7lDEhGaP`yKU^i?qpFH;}jQBYQ zEw`^nS+hWX%48#1*Ljjm_$%-lA9p~@r6l-#U;@1^+@pJ39Kd(ZA56cTi-y@VjQH7S z+sL&+QKI&BQ>d$n1X&zlg*$4p@cJne-uMmGY z$WikJ`e@RZiIMyaj<{$>ZYnpxi6MlK+UbR^A4@RFE0;Z zMYgQ57A2?cv1;fm!u&6*V55pW@01%(0!{y%q;4_*`MP&JLoxhz30}!2{8ngGc*v%&B?_X%Ax9 z4`NOlhk8NqQ)_(ar-dQ5TLj*?1eZGgft@?#kB8UU;qaC_EZ$jI569&xyr@CED#cE} zOoZh8dJqN*(C;5ivKrM;%S0BGb&KF*>JNN$gyQc0X0cmpD>PTk2bbzCD|aK*|INiQMyho2p+LMC84Op^Skxyv7R7ll|&sH(+!xo*LwnL;*h)uhV}+Th^64s;h4LBLavb9|G<3y&mXzCj!r zJTMe)9NGavpOays(`Gh1Fn}ysrHm<}2#_;;NOZNILCy8~B<6;;@cgL}u|*Kg>+nX` zd$lmY+70b}XVX)Dn@QNtB9ThMOgjG0R0zGB#Xj7tf^%yHw&L(cQrT02#|{qWhp#jd zBmE4~fxYMP@P%Voaj6@JEbC{jnU6)6P9MS9|BdCPE=8i8QC2wNjsxB3dkLdbok4E) zHLUdxV-AmXXpHbbQIl(Bam67ec8h+n%&J;Qu1Lkv$;EKW_Z=yxuZ7N|C(P2l0oQ&C zJjacUc3JJ!2vG^d|AxcNSdxMV)rR)kIViW@9MtX3VZy0D zq)@*fET%1ku3z5l;_}z5qQjNjF2BG;HSx@=Z8bP&P2goKCF!Go?WniNhIRbq@Wdq& z*B_Q-3pXX={W=}oAD>Ak><$qR8TbdSuPnmt&mGB@P75~n`+ZzK^bIR(ci?+x37PMN z1Nb62A9deXGsRvjGOgGV9CE$T@RGaGTW`Ri{~nR&@0_82fIOF(@gLI`_GQ}>N?GVE z3DAmK$R8fRjRSmC`M!oi_AzTHI6g3-Z$GHhWu-qM^ke|HQ``j#R;h5w+Z#3r9qJl` zGvtnRllaBKe=yWBfv_{5;T-ni_Htjk^Wh+R=Hz0i?;Qr=>y6>3NR$3vA17|=e~y=8 z(!`T`_35u=N&>r=@bPOLMNXr(@k{-Ne6rMpe8O=sDStZq8!Gh`1c;~d>VhA#W%ifwW_fI%T)JStS;urKq zN0K{7C28PLbN+nUaG3ecoVd*_vAX8mTVneolx-Bwckew4@o#_^?fml>KhD%3SGC%3 zu9Yh_m^X_Tc?OA$BdVaDvK3#elr$ttA}K^jgQDJZAC=iM8bqjsLfKgr zzvuTK^p4)=ocsQKu8ThK-Y+oC8Ig=erP0Um-$gSVIF55eT7YUTFU-=b{E%t98C8GUlYYo7|LU2 z>fpb_pUL(Hd#3j_MI@-J&|$?pI3T|qemz``zRRCt=j^?NYV<->tvNbqw3S-@9>`UC zg&Bg+Y4AULnFSSWfa)*$s4-~_JdAS31Z5G~?K+0`W#!_vwf^Am_y#2ZDYIJstoOb{{Yyv=i=L zypEF`Uz5Y*?z1w*KuoW=i1coaXy=4gP*W#l`~<#y#hNc@uy{AdU#tQDV>0}@QZvYx zTTqR+=P}UN8GWDa#sN>RVv_w_I_IS-k4tRD;P6A@lq4blx6qfL`MwzsZ~2VR)5Y*^ zZA@v(M+x*a>&6wqPJsSSL}!I1xJ|x6k}?E$R_7vE@#KSO#i}ECN@@U)GEKmN$wwgA z@fWNASwtMC79-JK47-kgg9}=ln1^UNv$UMdRefgjF}F_P{GkR|Cw~q}S~9l0%p$?b zUr1KMZM=F_gA{MCBhlg?LdPkM+}sfWqS$qG^u#(a@>Rn%(m7aXS_G}zY-vN;A#~Jh zBJNQwm}i-a3e)~!ZKNxIR`D9^*H%M&a64|R^919A!g)*Jx9+tciv`q@zkGWKnnhD! z-D^Y2C(Of7>PdL9_A8UUG?7oP`v!I2enQyedM5kz5c#%a4)|4%<{>hVNq9yJ&^PU% zazmEyWLBj2KrGnVc=GTRKddT&@D`nh{A(cu4bdm2)D)v?Nr1ukEtv zMkgj@+#(KrtHD$5tvJR*i$|m@QPYJ!X!bM`^6ZDRYquAI^l*3L-&_T6$1CudS%N#| z@*HrT&psVArB^h|AeDS=MCbvXDL)qt1nRs za-nYDV?gA!2fYus;?0-QkkOF@cz=c93^~Q(g#VH9l=~=qs#UCBmI@>Ojey2`>qQNz z3a}vaG|sSp4mA;*pnH8Z%${%(*S%1JWg`;d+@Ct4ndAlw&!)f!pA7OsXA}-z5eRmT zGug_jUgG%s5MI3F2EiA;Ytm$L(7_q^OUf2${Y63CV*W% z5vKWG2g$#CNz2cfZ2CI`s-%;OZjG&&77+udGVbF2{C8+qUV(D%7hsfCGZ?uC zikDiNA{0cykiFVm^yvk9OG(is=Y9G3$;D7b{YcD94H&vokM249POP;4G`p--c1%Tw zj>tR!e{N?$(HarSPXvgvlBL$UepDPikCgoyg0tgfoWmaq?lUJTG+v&>&Kg?L2gA=2 zop@ny8($93(1u1w-)ARm?TGC23>=|*0c>{~f#%{C(K^Fl;PA2+cJWj)XkQ-eFe^ug z7uRu+>JLy}m4l7a{usL89i;u#!NC(^;q7-7zOU%3NMVZ{o%**5Uy)2mjo0H#$K(r{ zuFGH?&&2M_V}YIX3d*Xx!Te?@?NL05suS}u@PWY1vL7LwO(l48`~|kT!Jg6?Gr{J5 zHNNmRz~+$Atm{%F&aJKzb~l>50e_Q1AyZO0VLp+qZpLq^(Zn_FJvqBt8|QjWqvMYm zai0^DU~u1YmqYFpf8{xo?*;<_T|@AaGbJ6@-Ldk{3>@%!Ew{QM623!yB?B{?K)`~N z3k4OBqB4nBUZQ;2YC9&eF%!=xmE)=9iuhfB47{8*2fiukv;XJ}ocGp@A4#}Ew%$F2 zAODr%&G^$KFh>Fxog<=KGJ;n?Ls!^ehLYC;w{6XZ6nIlOne5V*5$^upP`BF)`!ffC zWUmpl`{;;l9#4lb$pYLvun`_U8jovUtK#dxf%J69XEJ&IKFGGa36HZ9!LiOz>^|e1 zOPNqD3Rb%Zt*QNFhP51D=Cp^~n`g4)3ss=vb|NGzU4+N)H2LWHt6==kEOZ#FiX$5Y z?vPnEjI(ILj>J8%`i3hn-zh0>PY4k5;JdL`;T$pEe!g_i)>oiv-%CDh^MaNQi*c7^ zJoIRe!+#q!=<(#2uxK%m0DcF2>_R~*p%50l&c#P!MNJ75OrZK z#Iz*ht<&S#ikL!TCAi|;!}T!pLk^z*&jp(ntwGaGr%8tW8BFL-g@>Pp@bZl=Fz?++ zObR*2>>BS1{FY1j!1=V`u=)#%mme_wUjlO~CY%|C-okay?=bQ0^)Oc=4DScVL2=0m zbbB}q&4lOhzOcDus=geA2p#%YBh+wfS0~JyHJR5>QWbBXx?gx^BvAF?*PyUG7n@5a zl_sj}#lq}+7#r;b6IeQY-=YMikHo@rU6Lkr>_e0D&&Bticj2I;QnbK&sW^@IRfniqSzkatL%60Kpem5BYwXW1vd(nnX}qy3`@I!b;VcFaIFfpt4YOc z6}@0yeUAMO*@H%%!BDyEzG(Ehfmo;hoLm;N;meGwaLaTRqEU9S)Zs+|@t7D7Kbmg} zcQ$vvG|P~O4>BW?=A&```!&3C`&5)qYJ`~*S1`4h^+A_k}YvGN7~a8lK#pNz;D2t=OLUjck~3f`u)pDp9(gNM3wWgw~7<@$L58n0`y1JFF8r0LQf0 z!!z+{E%%&dO^u=}%HE6Ff3L`N!S7w(mI$uFmRMIGCpy3SBlb>t&34N;@niOerH_|R z;4=*;GmDib?De`SWR?8|_TiTg{i+<#G}U*zJZt{Nq9-(hID8$rxqTzm!!yx5qYvtx zpWx2pf62|WlAw{g7@pY%5~)A>&?4;7H8vX1g6J}4?RXqYv<880Y7J!k+eWoIt;7bW z#=t(!0rXsb9PD6OpzvOpng84cXWnmxt;UrYKcoX5DXj-vdkOqjI7RR{4FHRTDKKn6 zF`WCcncPeND|TLZ6_<~Ffoes&Vfms5P*+t>ZkEWP#>`2)O(6`$y01!POpgfn!L#tF zWG~F}H+FF}uO;mxw&ReOrD!{T8?2ov#h*U&BhL+IQ}5S@K+jiEV7)!Vpe7>LFL(xd zj&Dhwlo8tG3;WM(9bCLFLG)8fi5i|$mi&yv7gdq?*XS5*rm1*& zcN7`8tqh&EDB*2V1?@=;)E7s?)coC87U|4jT#-xOfz!;ex0+0vY7RP1gQ>N%GMZG^ zg6-7B>{&>KXmQ6#Y`wP~zcqHS!;z=aYi=5oIHknBs>47^V=wC-eupGB8u9mzRWN1N ze*Dud#eB`(K~6J}1T`N7o11&t62W7BZOvfZcs@at66Xrq*9EV=PpnHw=V&y$eF>Te zI8$$nO!fj!VC~pgRxIlSvqKfBjbkgQ2FuZY*@=+8&J)5)qA~xx1RY~^oeW=+hLaYI z1%rgeXi}!Yub0Sh@DD-%wTZCeg)O<|WW*;aTcg5CZ;&$7frD{n(0%v~sV}R5pk@Vb zI_)i!PLE-K`~j=HT%mE@99Cqk398?XX-FvpYc+zJL*($~(N`?&Py%+m{{x93d%)6C zV3^Fj1kQ84scmFGS+LHSfx9ffFd-4g1b<``cOK*&Le}!Ky@&J6Pl8V~EfeD>MFA=# zp!A+J-1WAQt-3S@bqd~Kgoy*M|MnC#mm9NoGbsox8cL!{=D=3@HKfHmA8vOGye$)T z(i3(Z{<&vhR?Y(`+wq*No{$S|$-7uVTOh5UrA+&U@7}%lCz-vuFB&@@MN8q1ovE&i zDMleUdZe(c{4T``qfA-CxEE}ZlLvgdQ;(v8i^O*0D(p3G!MaRJi&~q+j`s}d@tG|m zDBO!b+jhf>ck5tjtuJP@s(|*=`SfI}uwQO^!safsrF8BMG&|T!ZY5rTu@{p;d3q&o zUSy0?+hf@MQN4J(UotXpZY8AoNm7L4M z-EM-D@-FDSGXoYLFBbhc@Cx5PzAm1V_YZfjjldfd+#%FL5x!4QWid; zOx32^y`xx0&p@KRWubU{ts;MLp$V?G3}-2OAK}#9U8VDF4?t~OC=3nzkBcG~!Ow=f zBq`O0eLahq|J#hZ9si0)mkZtKd0Y6x3CHP?B^~fS>o=QlQ-<|a)smy7)-?3YIQ*qH zSMc41phe$gdhtCGjW5urOD!Tq{~i4fJM@>q@Z?{ZaOe)UWe&$>Q)IY$q=hgClH{@B z!{~a)+c-|hv+Vt@2zwXBvC#WnFma|WWKC=&hxLZz>50|?gL#BYlZwy}QMtn|Z~nzr zte1t2%0ER5=Sg7D*ap0MHUtxfPU72l&J!FucVQD1agq9bj6QM@8d3+r;(|S}yyYEx zyZRj38VbJ=C#1z;sltv_J`Im85ZsFmw{XWdSz0S(S1xo%vY&%BcvG`FY6rB!)7yin z$9GlHbZIl(I{6t%H{Oo2E)St7c?Wq;=A+xrsyj#PFc18{m;0@t; zY4%_2^0j9pqultG{YOE$*_zHiaGyxjR+FpIZ`ra3uBhVBgK+};^vj07SS{SR&Sx1@ z^@gA9P2XtzB)ghSvC4#?%@5$bMlz}YA!4fo9>L5zsyKg0EsU5ah0ivQqu(>G;?=fn zIA7JvJ_zzol`7%c2tFXc>^s@(Gm~bG?!%o1r$9f)9~Ubt($d*qiDJ=2+B~q+#nmbe zeD>7f#hIt@A5#SR@%PDxzp0{K9nZmHl?$x;JCe_z`i_Y7Cb6#bH(~6TKM?CP7H+o{ zxO`PuN}n4HCtu=L;#X$}zAdvDXIWN}wF;4_*}Idi)oq54%U1J%Kjoz4%?c8JYz=(7 zm5R{<<8R&?9b92l15&ctEa^%n1~=cucNY@jMzMf~Q4%__)fYvPkA?Sqwmz=bm8I`y zTTvqY8!v51WAlo1$d52}7P9mXo^CXxgdZg#9wIb8BlN`nsPlu(GpV-ECpK8@k1oRB zJ}EDntlr!V0nY~Th4FPbEZ!0qY3*VfeUsVl(;G^M224J-mqi2cf_7TXl;G;e^^qp2yRQN zL9n$g-Qc>99o2X%>=lba9J5zkzv~})uk;7{HKt(shu2uJ>n3DR%!hZf*KvIBc)st@ zHW+qYaP%a95P?)2AxVYMI`I&9mv&`UnLuAQD$=cMG|3rtRjm1D#JeR2V1saX{Fk(b z4VH}*SZRmxpUO}1ft%^z@2Uo$e*)BdW}?%W0X)_vk@>Z^p+|ofyr9$Jesd?8DCDhA zhO6R3i3zaE^cuTzpa~25OYuLQk?>mh+%@esfaUahQPA=##+*K5m;5KvJGqI-3wxr# z-+4lALWfS48-`b>W{_tlzgbkdvsFC7wFd(eGC4t~lz0ye``amUydpm}&U^53bYr9ltG7kmtGwE@>f zB{(3d8Uof>(4%D&!9~bBw#)6o@ZZ&#;vI=h5wnwsG2;j0iHppNO;dffh5 zyo>qBf9NyM1CMSs$4le8v0(mpbb4}+4H9~{UG|Hpzt9~VQ&tO9<_H;(dJ{6YPh-w2 z1t*N}KiIfvJX;c-gK9m=NFv(M`hqGpyz9gmucHFNG6ZE(r@`p(6~Izsp;sydEe)=+ z8+y{B_R2Kar&x-*Pn@tmL<&q_Q6$~1hT1B8Rb>yk=YB?;kSMhw#X@9<*5_k(A6%?S@wy39E^l& zu{8eBl7mzg7p!(}gCz?DxA?vXX!YFy${#+$*Ew@VlIu}q<6%Ha>KpM1<5XPVJrrs! zrHOC36%RQTNQ2eYP(^Da*_-Ok!;%h>Qvq*SbJ;O4Zg#<=FLjyB?$vz5xg?@sb_U%; z)wxB`J=nHrB7FTMytlrRJZkq=QY)}NNBrJI_nWAYy1B=}iGCs45q99RpK!<1 zK@c(DjFgS51gGESB7ZZ^WQ@jx#qN>N?wgMd#j}~zc~$H`QbCNT3Ou4?*n9&_TS6N>mUQO@Ow<-<8H!VfCXla-s?SY%Y2f=m@{&!~ttWdsLYSe!dD#zM! zBdHrKqEXoUv$w?evcQ*b7t!3!&sb7>8l*2ugMhteynliMz1KO6-dw+qROhTGlUmNR zqb?(1$n7w^I^2a<7Rh0-TmsmuNm9o@LheS$)=SMBLX{o}9h8_Wu-0sZ%l$epxOI0B zo-Wa*ohJHd<5z{omwK4BcdsZl&Kj}>FWc|AuJqVA6?!fs4IK`TgZi+M{O3z$`ZXpO ze6Kq3rt$Ygv5k>@(Tifyx32w=qTB$(??-`F%X?I>m_$S_!Q`i{A#V9%2-EBb@^_l) zq&`rSD?K)$Ub`+p>7Z0F2tJ61a>k+fzbc`h{GHv^JP6y5Yjc&{-=t~E2;A*0$CDop zhoD(`uw~jF2-djC(v{!fr?2A#9=;4eQ@xAWzUYKlDJ7m_BlPL(PomK&8LHrY6efNy zAYNA<5%Ho4+;DOfOs^?olbnWN!3g0q_%#SN8);BI<54i_Vly$>VT)4Ra?$O*A)k?z zg}%QQN)59gzCvgl!VGQ?(#!29zx>6$7}>@C)W z4w+4`!bb_VJs*kqUKXEyljEt6RzbA99y<0Hv1+4KD7;&RjTTbW`#=HesH|bt>Y;dJ z{!DRy=6TpZ?Wai3`vyj|w}?Ae+VN=%J`j&1wM^Ue7oJs9!C|sZ#H-txe_i0r4>!fQ z$hr^VGp{{_!itYfVj5*~OQ$laP)9ymcMvMNB{CI%N%*05pFAvy#3SiSXcuZkZEjUV z*tl|X|F4C9vNY8 zifnuznOHW3Cb<1Xi63X!u9keJ_U#(k|LrB2b25?i6=!onRyz*-N-gO;*AUPFFqo!~Vb-_W_E_mb)Jix1aJi%^s3=7f9 zCkK)Yc|p@z(VT}*#oD)J`Ko{$SU&G3(HHjM$={E{HZuo4;7&Y5PWOiKQ{{1(p)GWN z&_l1I1Nc(WMDDXw3z|j_p*uBigIn2cygl1YtZF0AM^}`y^XlhttrxJ`@+cPC)dsiz zPDJkFiG~vbpsULiMJcnX#=S~RZd!pexro0CQ>KQ3!`kYq2NcWb!X#FTP6asNR1f$`|CDt3o=5h6OmB7zzg&@DZmJw4w3i3LDbP<85sD@73LKdFy7jYdFA#n z{}B<~O?&|2HaFs?Pd=!v)rxNS%uy7xh;EFBjJTSGkfq94#tUan!Q$uJ`C;7#_BW{!znqlivOClv_FN5&@pgxw zb*?a?{2<>j=`3qCkHv|OB`{J>g1Z{`!RRP+BKlKI-aKi8`4ajV^y(5Quk!_?_p$JB zSv(&dFb};x-efM;Hr$o}0PE82%xtO)FI#Z~cE;R;)UXf;Ub>h6l2}T%*3H3^1Cmhx zrJGsgy(6l-BVb(056IG!rnjGX(TflM;7MV2y4ckR7OztVxu{-Z?;*UV|CaF<9T|E# zVFlk1H-=tyKM8eBI`Ch33b{T;8{~>Bu&6|))TO6Gj9UVovf`I;chlvEhXz4M-Vxe(c@;El zT8Aq#x08n->%hJA1Iu=LjhFVUfG@InYtKFG=wq z%5L=JgaOoKp)*Fs51>t<2f+17FwXkwkDtymX8&UvQyOZD=A9e)mdP??@V2kwjRDC} z<9LT@#fkW>Q72%+r{Ao3Q#77!dW&~5d(bJ$g5P;~AFfBu0+;WbxyvV0s81LTi>?~N zzpXhiKBf!StPIEb1Di=~*IVYKCGaS}P9(`5r(nT!q1!P=l^pU`4ZYK;nXa|qC?8mRs3Luj#K~pv7fVZQkSTAQFbg$fwKl3C}+Ek=pyb(yA98_2k;;B9>Dxf0@Kc4hG+FI#HDjq^5L(O;o_XPto)4;WgYtb zgXUAH=zI#(x}@OAok85#U^vvDUjAa7{x*vrE)y z=k#I-E?9_X{2xR2zD&}l-Va8p(U>PG%?*Z{(h)_L`0!;H>-uj8W(Uc^2TLIvy?Zb3 z36q78Ew-Y>nh!8y>~R>={{X!gE`-^Md#F#J1>d$RoQ|uu0k6!r#CEPO4@}vPF+yf* zittPreeHrsSN0r#x8qXjc8OU0t+N-8oH)o1hA+cPwK@8>Aqu=oSWi#=gwcOWg06n@_h zF5u_)Nn+rhQ+!^fA@ntmAlbK1u&&N-Y<%_vPLFNHd0rFohUy^DI5_~mY8)koGP+bj z`6o+05J(d(8o@4c7Ss9Rh(&itQQy`Nc)PL_hU_}QOTn2c({cQhZWgp0*2a*>QvBM5 zk7y-iEfQ25h*Vty>3Jg|^h9Oo_S{|gbpw(e342|BTtACrZ#3eeVavJ3-3)kAbQgw9 zeoI!|?;v&Rl~C$r1edNF(*1iVy=tLK$8D2`@ebB>fO;-F|0)t{wq&u)G+}l+Vh(W+ z7sHz=qu}si5lv6Mj%LsI6W9Eiym_WQ&1*ct2dyb4w&tH9@{uan-*l9A^k%}3*&etz z{uYA03jUFBVb+(8XxNl5xOw||P>eU_PcyV>gNX?y`yHp(6lX(LZ4|xRdk+7bk`J$M z3FnL{TfrjR2iNGNh*#Kd!6gr7!Wzv*%)t7kkiGqa<|(5^vX_3bkBU#(Q?it>n@tE;^t@Hgs z4F8K)WDi1zI2NNkqrsujkS(!F;LV=9A^(#H-T!6~xuU_rHMK{4|I0esbLIwkFD4LM z>q9?P8guarZ6Wup!~1hSGpXrc$*NdWDp%u4+atB8ePkt@<8H@}N4*05_gesN?1ACi zIv{9=H)`A7!@Hj06>9r46KCHmL-8y_~=5g4|b8z|UUKlo_gAED0jOHJnflTjk zety6Lp10i>&AYyXW{3?}5bY$NZ?p^jVN;Y3enLJ~s_~nTU(E{W{)u=dpF%EBtMGM#KsPk$FU!A9bb}#;w zeji}XouBCmok$-ZX_bOAANey`nL)h&hBAEkv>k?Y`|_n{Tp=t(V9p$ormj<^s9C}Q z`Y-GiRJuN8`{ox3clc_S{KS#Z%5ZV>;fAtPjzj?w~81zNwlU%b~* z3pPf?!%6G8&~PUQO;$O1M0~NezkH5dRNvI zEiDGp?S@Tw2izU63`*M67O9nV8w_fvStcQSQTDh6})Lj1O>-NnIn zHXG0UV9j`eaV0qA`^G8J0*7J}R8@kJBL?$-euXg6A_ktGX~9YZTkIR9z|&uxLe<`t zkXQEze*_MvI~|nh24Uy1e}0?5ArIn-rY~8E%_Z@*ms+r-S(`jMTLWK>dP+l5BjAtS zWz6~o_@HDW_8$|wL=OFqkFAoSAxDbNN}mC~pC;n1@Y#Im$2DB%#t8l+`Xh6grHe6p zuZe?0f06f)ax~aPC6POdO zu?xBH?n5HI#UrqHiy5wYbp=N`X^LDNUNG2IipovV*uvvc<6RqTtu(-q#sUXyks%!s zFdoiY2rPrJ8K5vwf$l8Q7Y9wck7|w)SQl^wFn1@ktlb0a-Uj2{H4})ek2^oMV+zq8 zvIl>S>w>D2!(rUmSga}BOyZ*7;<#MlE)io&Jk_$naKmCKael_`TbfgIBXc&$O`qw= zEM|ojhvEMFr_Oj!miJ1%f!udGcv^i5op{|E-grENMYi4WYy32f%o5nZ2h~6${UF}8 zU(3YDI$-Oab|QV&1lf5@;9Ymg+@lIOYQPH|cyTaqk{==D+_ZRM)_79xRfneacfs=U zVz8{1W2GY-V5H3`e)1m&zovfpb3l`?dl@h48&C-}VHBNoqZVDGl<=KZ2deH7*bR5@ zkQX73MYrqsW9mR>VW&S6F6!D-heCO(IsG4d{NW>euxd4YT96D6GfSZ~{|ol2_mY4I z613}rz&|}6fgQ74aev1${L%XaevLhZL9R)-=-pv#agyLe`zVy_^^k#|v+2Pf`T7J=^B>0I0T{hWGODLK=Efcb5Opl zf`PZ3(bZ`n4Y@Lmt~e7xOm_c6Z|!zajxxhc>3Lj5m=id;=?EN*Xqt850+cik<_E(F zu8Z)4$6(G+_NB3`Q%B*$n~5|!cYEn{vIqSXvO(7{8!|eF(<1w===$j#4zryAAr&rk zGfLy$Cmo`nTT-z#+6=yTpA?)DdqKJ(;SB&ze-pvm`BYTzK7w zr)1LnW2*epKv{mWGX{$7PZ2$hWRCkGk?-W0xb(kdd{!`+yTwQ1 zp!!UDz2hL(^&N*0Wpm6p*dado_a-b_De!?8?}5iAZ6xToGwv&_BKvCt$*96}m{tA> z4?n8LhWM*wRKai2Xw!U{{^BWdwUFlLRyT|5z4RNDSCoGu?s#k~W#-}*opbVQf$sl9ZDkF^k7v3M7hoGyGt2=stYu*+AB-45R5e&++QDBv@5556(!u#6iQ4;)<9fI7>Sb%r>aepsr<9 z<>WBtSh^bHj%72=@?rGS!bRd_m_t@8UWBx;g}kh76p4vb0$)_cvy|~s{5Je%3LfH_NqOfkfk3PMxzH@0q-x{@$Jx)I9|99d<^^{-q1J- zKi~;gSwA0d&N+-WD-WRJ#~^mE$(gS|tU(4!m*9&CYav@KL(7bM$b?k_PoYwkKk|{~ zZ$2M`*mNm48z%J0!)maVhtWyY9Jdx+CN?>-WCt_iZj)7T)*mTITAc$=gD#@f>Nb-6 z=@Q1i$O4JXmvEuMm;TCG%q!equ_wp3aCgrdRQNN82fsWdxQt!#r_LMPK4m}FxE_bE z7r(GIFaHBcl_E5F`V91BZ26epv9xCUR=klbN9EJ!gGJgzKJTdDTOBb=$jI*|HT!UD~BhKOh4}o!Vz<~Zb-zHK9Afv}>k&`w0;HUgc=(4){$iz13Iv9P(5sr@gu=OW_W06A11rYfJeO-r4uiJ#!XxPr-wu6$VZrO z@eZ2q%z-awFS3 z-m5#=+sn#WSfvIEa`kL|$r5h1Y8Y%AAj}}MJIJ1TJuW58GseFjh_=s7;p!nfYH=wY z_6yI&RozJ-iSeRe#x>a1{R}@Jlon>+Ltv2h1o7bs70l@V1@XM|w1F;q5&;m@-(GL_17?2fpe&S@k_>T`$abg#fTeOD_3YmWdO56~N0;jYfpI z@^{ZNFfv zQlTXwiDisk$6F#4Y22G5m>%&O_J#};SXEo$|19Fl6WTD?%$Ba2JqHdx-2{gh1yRqN z69g9LIryQe2nN@hQA1`tWgau(?7xrb)nh{Y0);NDyFJ}DPT+nGX<%a|i}A@oEpBsG zM&Qd;L$~b-(%n-n%Jz8(CY#5=FXc9-uc8O0*TdO*xs_N^;6c}x>;$)2>eRdXJvNnn zX5T)hz}oayOpF_k@a!l)H5`Ms)Y z@LSV}=H)_;UM$>ak~gB=Ib(A9OCzT1*Vw4o%(9GS?)$Aos zN(*A!Uu8h@3<-Yyj~)zf(&g_w`tgR|KPFk z{uOVk=ofunmVrL*5&ZhO2(s+pS=I-uxbN8cOzbKiJ0bKm`*~TO{LFTwCyyV)-;d5i z>Bt1;py5VR7N3IR)wOKcj4Zr@IauC#jJXev7CV?P1(^mfmUzdA-*}pUANM%&&TAR4 zc1tsxJM02<51)Ycmd3bZPXlaKssNqMXGzM}cxISqC+tR9Mr;;6KJ&3IOIMlHm3lB^p*dhfB)ZQxeOe9O7@-%0X zRZh4t@rLj|`NF({aQZU%8Z7>E0Cf|OfNql{JZ(B%TB>w`v|pDNoTn%7OS>{(=ur;K zTqp^NHK&X3rQ@UJasu1>7H(UWgvWzD;X_XWyi5^;o3|MR(;+OyMwl0wM?<7ZhtM%l z!EwK&vCq2^PG2+zFgYg5QICPfvV0)#)7X=5`Dj)8lq64m1Y0+uXoIk~{g7Wl-WL@U zgB?r2Hd{%UORguCW36aSyB_WMv;k*l&7`lSFXO7K&d|Ir70*{45V;K60dLKOJjFRj z{@3j=&d)yq&m=Ajxv{-MZ)z|Pdv}^m%~PPk<7N{dm65Qc+Xi;)Ca@cp_eCY6W8g)X zHVs|o2_vl(AUtqA(--bkMQhv9CB}rqaet;#6T`V}CGm~1<9FM}qVH*QaZu?BzV@~n zy)|hBe>ETx9=^)t2{9gU*e?d3-q+yS(dR*Gj2gB3^Na<~lcpP%M{!TrZjg%jhDZH5 zbL`oTR|>2^)+rq~#SejN{^P;AHx>eNu8D_!zDPbT+63R9e#3V|9AHUhKd!m-11&RJ zq1t&j9vYj0+pT6$zk3HT|KB_CcACo7v~NKz8i_})D~9B&XOSs9VWOLnNRT^^MZ$iusUYE*ngxu|xCu^dekwKHJ$J}vmu z8il^r<9O;2;Vz%{S!_!}g!AEXxMVerb%d?ro%1r`P`3g#7!`$T`y!}!Zww9g`~)Fp z%fX>78mc<7VDw2_TK_v4b$s?Av9*@aen2jHFaKC37baykr$(W;`hOqabj2tN@#AP$Gq>u*ps7(%)y^PZrBo+ z0Wo;3=MnPYPw2ii5?_9~gOf`#u`X;QQQCZx>`J`?f4`q0g&OgE@*rV8IW88*s911! zGM8*J$;I4X3y4koAUd#Do@z{=#uspDu&<0H&EF@2iI6F(h^&O3iAV89T{f0J7CMmY zL--{RJs8X0L&S}rAhvvklLBpc_h>slvnT-Xl!b~;T$dF%I89LNe2QCtlBGo0LHXZO zA&ph;tO%tc3XJJ4zgU$2KOcG9P|!a%1Llr=H`fi?Rgn{~q$u`<>`V zKmsiDGvp)9-5_CKI4Yg|%UrGhk;>CE@cB~!?J84RsdxqIvKvHc1J04oHd9<1@E=y| zS;F6wyP+U3gl*e*9$NN1hO=|W!^ZLh@Mw$z7uR*;^dE;v;hXgsJEW3~$S-FZ8$zM) zxgl#^;pe<7s|qu9bs%(*A@wVhdE16sIDNDf18yFqMO!y;6PdLbQhOGB7P???#eGb@a)kBuFXXZR z9fHc0FG<*#OgR5Wmo_%W^ZI9Fz#=7+rf;*N0|Q)e>jS|_yf2EKFiK*7=P1Dp|AXlJ zwiM^+DbXsP&HVe@@yP@OzN)SR|CKz(a`TaRYg`rNI>~UlE)m4jYar>2DVLl)ik#7! zKub&(@|RWP>4szbaxzFd+A9fJHy4&o9*djw;4El;Vt;O-I)74 zkf9CHr+ApPJKgtd06DQ_IU42;XR*Hr^SAG&^Z2%LM0))r@%YO*sQIjfWm`Qa;}04m zo%_&;3DV--#ZFe}|@gWZk zUPbZoMoUn6-6s~{q0emnQ|N+4%W#eLG)7wo@*P?^?Aj*_9FS#3r#_Fvf<{Hq8=cK6 zk|)#Nh6?5v87?qkb>Lg=bvpG|CHUJ67WygaFfhuQ(#knxZC(M?IQ+$tRzl|d^j3KK zvJ||oiqUyv1Y6fJj%a-{=kH5K()9Eb;*cxz>5xOkgJgKWY%EyCAHcZwbJ(#-5?YIf@jZ94si$rOq~;5*+l(0QtOjI(*>yPPHJc86 zZY<>gR=|nHLr8_c5p}au;d-l_`NkIkq88_sv|;Hh)Ly?|aQ+P9wmJptpf?G( z|0<+QLVR7O%*zMa;YxgOKo;7h&VmS?R(N^7k2z#Sz@kJodg9$${QJ*Xv@1@Q+z+|~ z!TERCmzH}F*s07f`7gl4oN)eX!!B@$7QVZ`H}Wy*Q=ofTEL*Z*8ROA%yh%Zm2b6t) z)dk_)VwVz)xYrLG*I$5-`Mx~)LOy<2YC&fw<9KS5M!0#h8oLs&(!gv6DBWOXjBHkfYB){+r;Q&{TnBf!`zdAOdIP4aGDESN`687WuR5K0H>t z0%Jz5gWkA&us@cEH+Sj70QZ9;ouN-)HWf1OL!IdrMKM}T(SkGo?vd*ivh?-yd>Au* zGPl}1h%0(zLB=vW+>x!%a}qRYk+~z>%xr-%0dtv=&lnh`uf~lU%b~ydDVl~ROREJ(UNU>?&`5k?ON-IRRz z<0MO)Kn@noD2Qz9c_bGTswkVX9OfMz92$>-LFlk+}xd z#!K0>HHNS${Rf*|;R(F~vrC>Xci>u?H%Z{CA5ihr0yP8{Se?=!{wm@r-gxv3%!BN> zbAYP3TJc6ECmICE9NyohRXf1r<=!qW4&{C(6Yg&F>~%U&^#K8Gk(7VozWZN zpHUI+7?6!MqkQ!-am3noHr&A}eZDl*T#)-+A_{B2=xEf^4rSxZk2cf+zV2ZX64NVK$BK z(O*CnBkf_$)J1%Xum@K!UdjswP2hH|Ww_R_OSBk0T}~)X#7LVM(l9O&Zbg}(>#JBa zc=4De9lVIQFK;6Iwg+J1^g;+tI!Va#F#K_70)A~4_%>2kFn@Uxmg}{#4Iaf<>F^lO zZQhN`db-i#`4lc^KaJh<(x8sE8gNj^ul&jVgc)Z0(Ef}k&v>CMc9D-^YoGptquMfT zEo@~@l}FeJKKpFGvlDIv4#D1TP0q_XX2HMQ(^eAPKewx4Ks!xfnuM0(iPwg zdAa@=F((IKRK$}}VX9Pj-b`}uiy?9BO2GGjf3T-UDs+p;{ApeTj1HgKhGhYJM6**RDaxP3 zRaW;99$!P%QDQbH*Behw`NvY4Lc|a#%{DLMTf@6W6ejZGG2?Ysjnjs1f2 zR44N2Rr}!K#I5XAcQsTe*TNZ?&f9W?zF1x#>be|*!(Xmr_(*SvjJQ&st2C%e60BIvyiu42xYZ?7+jxFty$zcj!U_G{1NwW{qIdLYczNqLasC`r^5S9&c=d3Rg}1A4TUK*5mia@phsmDp52wC_+-7bDvU1LUt&8NhLF@ zWu%=HX&|#CJ6g0p=RQTtiX;`1GAa=wl#Ji=``dMOX?&jNocn&iU#}0ir}HD|?eQ(H z{rU+mzW$3rs#n?0v!_7JUK8Eep-kb*B_Pde_;&ghl&Pu2;-L%zzPpcWUVah{88s7`+bI^| z`jE6<*~8;E-V|T6yNW^9`@!?B5qIux5#3^IV6pl@?)vg0`~1}zrum&>2NMLYZCMU_ z3;V+hgmy1(D2Tl;#>A# z@XEhru-ssPsiS2vZ|ZG)Q5eOx`KE(WUk4a$Iw_8-Rsv<~drCcB}>ca}4-@w+8_I?*Q0I+`&gNMuaX+#d{4x)8JgOAnW1IoD@^!k~Xxw_>4S#7p)v-vSQEnS!z3Ygq0jPg9gu!=6v3@XFvRUJaeh|0zrm zeJ>Jreb$lCKu@CQi_@_9`bipbGK4%1JHlpOEyDkDRRzx^;mwaxUmAPQ0W=Z95L~ zi$jOem6!X#eql8kuK$Xxj&s3>ijs6+eJaMbtiTJ?cEBNx1F-p<4VD*akr~rm;f?Yt zws2e}d#0Iz#c;^o5l^m& zgp@HQP|>mycIDKvmyRW9Wzs>!mqh$O%_pR;%m)qLjREBkj`V3o3jRK4iw2{`Ed5Ll zCWOU8mrji6U7iE2Yu1N~>+Yo_$o(@;` z#d8!UbuED{p33kbUkQI0o<+ydETT9)6Yr%(!Ro7%c}G)SasG+f#gTDq&^}a+J7-O% zDQ?nyXI z(di{HXe{jzcnL>kN-*YJByaq85%T1QA`$q{Uk_W;YON<=)A^G8*}N5VvT8~ASOuOi zX(e<^NieTQPmnJ?gFiR^!|dn#A?8IZ*|L8JaVs@o8F!-ac)@z2=30g*h~RuQ~!IANR1 zLQwjXC9*crL;p30xv1$h_D6TKHKU4ISCu@}e|*WlEQ=!BSKnuM7pif4nX|A^b~kv4 z-okVTd6uhMMVR$B6*S3-!G(X%*ss@?G#LE0Gj; zSDR~<=LdIb~s(w zbB@s%%0Djn1QVWi;FnG9u(a?oGXiP$InO}gbtdB5C<8iUxdW=!ufg`SB7W;p6=@n| zMrU~@k@kDaT=b}qEjZav=ny$-Z{CaNyo13#>=X%3u;l#V0v_~FaIZHH<+lR2kWYt} zfW^OloVHn4;P6Xx$DS|HEx$=zVIM8-y*>&`{C|-z(t`g-Qn}bIY!&sm_zGHg{D!{l zR(KpPOH8#AAg7^@q|JMYQME_N6(KK{S$9@A<4niH8~#Jzvvau3jf3Rs;dCZSif zRzURW&*WEg89L?`+T;Up>arht{B-RXt>djHdUdnq$_2Ztz$+h?NRI*F{U~ixWzt(BzUb z4K6T3?Jsx0NqIBgj!FXuA;(puX(415H$Z%s6_^)U*>>bVB6|mfpwO)&RU$Ju+Pr{! z_H!)G5qbhTLbg-!4>5B5Oj_Q=vFhK$z{g4G@2?HAHLl%*q{S31OU|)PnKy8(q7#|0 zL+GyGEhqQ)WRbZ#H^EM2G2GZ?L!}=}(jedcWWv<(&{x_}9GABo!eYMSs_XisbI3WI z*yJTXFYr?Rzb}E@3(rOITjp@XpZ`!Nq)O=P8Q`&EIl8s^ylsekGJH8(D{x1!`g0-&Rt|cH+dmlcg3QEy%Kd@CZb-u zA28bJC=HuS}UHDM584reh zB|A>K;q^an*}+{5Rxgpp?G_7R_o&5uuZ-zAgh?uqJUQA5_^)m}9^+}n~aV-IoXhr!fj`6g<# zG=t6jHylRnkf4r}XNf~^8&T~ViUV&b@$$Nh@XbN+-3eLd5FI%z4%iC|)77b`lrL`l zmVm?cBbn-y!Sq6z4`+AQf!~|C)aLyN!4uhyyU$PISKaQj{ZnkI#JPAF`{oC(UH1mw zwJgJc&kFq1Q8n(aJ(_p@a)iY1heYGOeDPGq8|JO~g6whe7k&4-i-)YH@;!g9!kscT zzN~;_+O!Vv+-%O!X-T6OQb1-SJnnp?CcI|9a4_z-?|pfEp*!e@(W*&+p799XyyI%6NMo&G#_! zffX7I8v>H^uCtxj@54|3zwBR|KD0GoCS&$b2ZJ|)eP^G<&#JNtOc3Od=s_5ew_xBzKw~DYvR{`pU zXM67ob87yq5RL|yuuXDZ_(8o8Q(uO|@ngoAL?8^<$s3X9M}m> z^WT$g8&tUE{Bt<|(|we+RiW&zumkN$CflYff@RVb@zdL5AZqgpoHwHztsZvbpIv=y zz(X$~1N0orZal(Ru4#gL?7qDbu8s1sDn9b>}XMY0s0^}aSfc#WeA2x*? zZz&{KdIa9_@h33-tUD-OYl9Ux+F-V#FO#!>17S_IqTeUEd&;gg5*ylK<%>}9?M(~GcRc~*OuY@!eB#8svAn4zqumP z__|TZH<@rzHB#J}rcSF(YZM;~zoA_0Zz=y@}Sbl*Der*`Z`@)6K=HLWU`>YZ!pS6R6BC+^& zQ!wPb^~6iFCIDt0W$F6^z~$BhHtf$6_JTfwyM+<_3VS@2#A2xau^1OFu?4c? zGOVBF2G7PHf|-q5X?xH`T(G4Dvf}e$&F>tHIkpF9&ozP~6D{i7s7J4km7sG3ep8^o z1BWXmAYm2F2d+{i{c7dl9DYYst}&BN8KX}IH6FHo;yzF@}5F+{8)VdqHun z1y31s2*UfyKq)>RHysm^PcKvO@N<29H#8JZ|LVk}KKmijWhPvfG{sknQG8D0JRCVB z01{W-74KO14IdRO#YG+aVUlPP4cU1RrFt!ROL-W3I^`-D4=uzeKR&?FK4CUwTuF34 zPR52^%%y{yW4xd!G>%(>db6 zfiZ&P<_BBnETSr|LWXmjBvl(64=W2*1sCH$I`eHFaVa$>g^$+}wHH^2y!0WSVJ9zs zv|=*sPHO`yolR_e%ET(mn#c&E4@LsJE8$cMgzZzJ<)MYJv{;puzHDdT$D-Kdlq$Vx zSWC2?_@GPbRcO1h4x}2Uvw@)^etV58WZF!FPQ$zCKdc-5&zy$Dv^tcOmxa3fubA4n zy}0kWA`k8P25q|0aK=^<=T+unpq3an3OyQ`J@HKCS_H8kvLDqfpTYDLic^n{;fDvL z!#m|vh`jce$zNE5u};@8Hb$Bs4}F7PVjFlfHbne#!fV{u#K|gc8=UuEPkd6jP89Q6 zns@1ZgrOThL+Ec!=99D?`sR;j{zKd0#ZMFdqH_kd`DKECz=;p=xx>67mqOoP8@4<1 zCcZY-<(cD_W8teXn7w{Be%&z_x`KmP?fVsQ{J?bZcygAtI9-H=dZSUKu8aT1Xo{}e z55`xShH&@zS{&HsK=(m5V|`Y`qBsD_sA5yS91O%Le%Iyr2;ZZyA*u`7W=BI!cL>zn9tDvmNhCH%53h*y=%pD62siAB{EsH0p)nM- z8)fvs{|oP9W`fv20j+v9XnaF9RI-~OA(EriSuDJh)IoZFCcK+%j%O;J zL4SHIULL8!6?De%^oJ7Eb9E@Wy+MrI7A?p9sdH@c!e**_V;i;YE=S4#V&R_&fuzg_ z_+EMn8f`cM19L8mGRtI0M~z8wcdaCE_KLuf%NEgR9^q)Ipux5p-Gm1B{W$E*0?ZZ8 zlZ)-G@X)cZ#CcgXvzt4IHAM=3vCDBVP53{y9d8y#{3W29=SI6Xoxtdgj<|2%d1yF3 zoa#&%1EE)Iz~50|dHKYlg(JhZErJh|`wBV3WOiiN7HkuG-7`jP63*!N;PPf=DtYq< zCR-TutlVr|a7>vO@0^8lr^2B8gdA4QF~MyQQc>SwA6vApP}Dd&9F_1RYkjgy^k8Wj zxqf&oP5iVBYHI`G>x&9V?E zE_8aEbBAA&IN+)r_rKW>uLsWI{aQmYzD^3qM?A#vZ%*utemedXGBN(wHTm$)Ie01b zG=ElO4%s=GEPjS2ls6`T|J`a>Gj9ZB&0Q_b4K{JlCLi&E*LzX3{t>|bC*<|GFx>aR z2CP3<5+8?ISZ%5+aPWgc?N%h1&6K0Rq&hI@aEiFT=>cxtT8}PHgxaqCfq4Nh*xjTD z5c6RxIkW!_v`=5l4-PyG9?h-7drF$r?6CyL5^a1uIvgftRl(-UAvAl6J~fZ2z<+0w zir27M_8>`ci5}@;0cJPx`_xcgubK!=E|>Y=l3Dava}lU&9RiJK0`Fs@KAAG+Adc?8 z2WOi{gQbu=6s=qgJ0murY=9HrYZ?YcfxU3SUY={s2nYWavuTWwzj?5KC&`GGr2k!0 zgBoiyDlw#ut=y%=|0@_llXvc+rUeEh*vl19F3%<&Lq`a^ekDHrZ#90)vggY#j-Y;4 zhxqYsX4EId}?XJya)lNlh zzA+VsDtd!)q9d2O;{o@_TY{%fIc$G;3ic@;0|TvGbPukXz4Y7tLM55k-W>{mS zj3xfo(1w(CBD$t@EJXZNrPu9JFvH(~FZfVR{JY!97sY;39~ucBD|}!Uc7STPI`_(K zV@|hP;2z0iizdk9jtWamcq$Kahjp+(5h30nh3PKSptp7haIchP7O!{!@2uY>_!a8V z?y?h~EM(D7OAO-E8hz=N%Q}3k`7*Na>RYmUsXb0K6F$2akE4{5BOh|I62=}?q+`_N zXs4+ol~_=VR{cNVnbR)1UEhf2U$cSG^OLYta}(U{^98>EOQ^2yv^Bfkj~gbwf;+oz ziVq0qD<6-OIHtCmzy|_%KVqEwJ16Q(7_Ina}js zq^|}~5<6-B5~U`1a+km*;vCOC@o8#3FWYWNiz?f3f$*8k)G$QJO=0M_ zMjjQ$<%yQs+JMJ_d~7djf|Vy~exj1+1Xq zWhuC-FIDY_{tQD6rd@Z~XGga@1P8I$YKuc-|rV-uLi2~Ga?`BS{N{1nOx zxi?+eJFruA0DZHy7Sbf8sMm@Fs5!ll?zfL)4SMTn=F&m2;i70aGh3`HX@ix0m|0>8tz;aRZ~JkIgO>?Jp$!#IRb*{#lZ z32fC1qbYXJcc;p)8ks{&G+M{1^NmBLm}*}O+468GwcvxfzU^mWhbwRcH5GBY(i@^P zJd{d#pMYNVL>if|CHncW1zJBAfliJ-QpIvnV}?%gZhKX-ssAxa-gHN-z4<*!3fu!3 zDO%7xW+bj!E63e0c+y0x;dG3VD}8Y{SL`vT2@lM@fV*GSfX=|>yxia*ZEQ58_M*R- zqE#TC<1T>*TQf0ZdI1sJ%JckrR@C&EJ-pxN#_pI7NL39dJQt1 zqDg$i4)HAo6)s`d3Mo&H!mt5K+?uF+egq`!x$d0{ylib z+Eb@ibt+wcf;%afv)HS(w!8F>qD-#@T$s^|KVKJ#k8cy6!!Gym*Q7*P`!cD#elxa4YIV=Pn4-5mJ*VE=>t47ONNH7e&Rms9Llx3;Q z@Rhjv*l=q8D*~lFCgJ4+S4Df5OLKb7jh~SD3y(C9K&xR0YGl6@pBlcBelh+@!kk;7 zV$681_-H-9T9=4%eg~*SL!}Os? zA??;tTrq4Ki7$D{>a))9e@jBp>eVf_(WwOQJReMp3bc6MngiTZQyH#(li_`iM#P=#7>2qBBFg*#++oG#Mj76S5}I`8x!T-m+IP>1#DR>k)$G-HWN} z%ygixs=Q@`5ij2FPP3oZL+;;YZ2nvq`ss-*o#iTc09MC=p@)QYlUXtpmic@aXzjdm!38v!*o@_2{}Y<*?za%^WJhTst6pg-wlEn)pWSLi zMLR>jqiHeUD(r?H9?+xKv=Aq%MWAP+24C4W8~r?|)A_aMm_q!0_;|Ge28;he?)(uv zJMsbOW=euqNX<1Pw+VA=cOCLPbr}xv%*O}IKeBGK zr?`|Zz;UBWnT%_*fCI4t?f0I@`rPnK^kYnHLf9p|3!U4-a9C{&c5X@(i$~Tmud%6+ zRgub!uf(B=+FoWeI1~HcPoo3^~tdqJ@wj|99*d^3&dA`KQw&&tbdK*!!t)_H}@p zIiJ8sZYV$WI}M)1N^s}thhSf$J8auKi?!d|ZWH^v2FFicN6&aWik>f?NF(qT_v2vfq zpOy8vQvP1Fk$r_ZgO>BuKW*?kq*@d=+=AU6dmX|PfbaJk16u})Vf>>goZ>YCWAU* zLZ|k8wt9*VpLuQ-*H4_u3U91n&wtqxw}1o;yrV-edme|!Ms@JGP1x%h&84^AEyXcY zs_?>V6QS>_PA$D`;C#z6P%$JtC#*qyPD+RWt`}HeS_61qzPGr;-kvV;xeO-4o?%wu zT~wUnKuvW!NSDD4I8>y>FAw`dp3EIVyFwGtW_d0uoE`;>2fq_ogxWN10;Lfug-l_b z(B)e1N((+nK!)rA=GdUXw^gh2iT4KawmJE@zA6Hz9Mb1&4^E|?H#^})&_R4MGmgzV zb_>!gWyvJ>QMBM^C%#%V)!2aiXKy^~Pz627_Bhbh6K_ywc5`VC>Q<+K?cjCb zsY=;U+gAAgU<33nv!%nU_R^%_Wc;?|Ao_iH1De&=Tt>HEbWDX}SKwI~UHouL@023I z4Tjt;EJEC%?g}cQhmmaFE98y6S-#3^2ywfI=@yD~)pr>_&|Q`2`b9#U(?<{aO6% z><)ox`_XXlj2AZq^F~ZHG{rHJg!H!L#t$vddt< z<0NLx`9;nxONZd)55Xrc5|wIpz_t|^VST|>9x-4p$r~%j&d-nGO)5>|gl*SQ_h1wp zTiGG(F0VmVmJKMJ*S47(b_ASmEeGr9T{L{?Ls4332f13RLc`b-*6O54-TVM=G_K_5 zYXt6x+B`Im=>TiNl6_xxx*(Gn%+HT|0w2Z%ngny>zys7?;1XG>RL92o-T%SZ7+ zm0mnxvK`;Ix)w^znn>lOu3}&9Na)|&M0$?OflS+IZg#T`NMJVEy*&rFei_R}n|Fxj zm8O#^B|E^a>NC9WImy&~&XA4_d92uAhcd4<@I&)yGJjbcF$$e4^mG2enmA=XFX$1o z)GWq7U74cJbs5Cd`8|wrj6~TWRX#OuKc08FCN7s<&M$7?N}d#y;>+B9U|<@?*4k~w z@cW}_=ot-2x~xQ3DBc9~*dnGp^&M#_ixw?f=*WF82=|`gCf3znBMPku;-^pjK*L#M zxZ$j7T-*7JX_xF3SIT|IdEyB|ZeEsm79W5MuGX-mR>&qFS|)zI&WU#ZXk@8wfAReC zRnU;D%deZhAkRju5qcA6z_@X~u!}m*T!Sm|Y_GfU_ZG`mJUorga`T99R~$|O3!br0 zhX0l-7Ts@ujZ?yIVMah3N@`}JN%~XvSM~tf&J_A@Yl=~ByFBjHCP>x}r4u(Lkh!<~ z;03%VyKjf`CYd4pT*7XCRS;)V$h$n4NgrebFF!)G4sNLPj z#FNg0<5?rDF-wA56Tf2B5Pke7%;}qkgwaa^Cw$JSaO`YeiH%bIplRp@pWKDq_{rho z3sOq>Qt%&qe`*2U-Y;;V>MxLd8;>P639#Qnl~p<2M(wFDq3%;S|80>^CRQC18~mvd zm5%BInb(c@B`=SeXsyJI`SU@0?K4bXJ`Qw8S-|c&>)Ay09QdoL3##plp??1z<|lU! z4!Y&S>hwW;*t|{5=k81zvRufT=SHH8=^>^bE3hW#)iEs{X?}m17Pa1@gyY9H3l4^B z`1wW*_^Uay4$JAhX;~AP`-bD)sR3Z(Ys@63Ut*1AR7aia<=qW^Bcfbojw-Sd3W6-U6Dh92Q;4mc=SLsOcIq{m}eZ{(B z^-qzwIy-~?_i-;q3Owts9>6Q)nkbzV;sfE%86dKuvqJVWvDtN2sUa{hO>Lm$;bCff zBN2z!Bq4ja5P#1b1-q+O;_=VPY1;ueB69n6u;{u}X?6jom0ZESb#r zzqDYoH!9GjZvfig55Z?DQEZmUckyaMxu;D#`hB?~umoDMraKHTyETa2gC1h=n<$z( zL}2_!55)lQQRM3(C&;}S32{4CV}Q_qk#Bs7A(mO}@84u>sa(gmqym?gmZ!%Shk@M6 zXQ0w&fintYFnQ?#Jh@Wn@*0%FcxefKZkQzXD-quD59?ukhXTIC2|Qdk7;FUIctOW+ z)_CqPG^cz4`I)cKYx|kfW_{{#=_#aWjw0EWIk>l777oRmVfl=H zTxC{@uL94IiI#O_jJXV}G>d_P2m5i7()HrVfMn5?p7$v2KcC<2S_UhwTokXf^pE{DA8z*+hYIBBr;3r%WS)Q6y7iLhiR_$ z5cqE?oQfHP9V#hgbZo!iz>7uy3mSA~U=ve(6bfD@4%q5?RWxkFXc|!I%zTZv;gu*K zjQOG~nszN6Hj`qUX~ie9ZiUzl%*?7n55f1JTc}l->5Qpz1NZNP&?N zRqu_Wxd%rv-BaG|d)H+QtoRB&b0e6dx*aJ|bAz^kKX||ODfakuV6*g5h>}>#*Z*1# z6e!%R>7Zh1Gs*zD#*7AuDj^1sMUK6)fU>(se|=d`-PXq5j`XEsZSHk z+M>_wE-ZwJ7ZT~GTs@LxXho{O2_E7&J+5~y1a=(1BChzSLYM85rE~7xg%fWz*a_)A z9OBx7)eRNw!Oc$5yTwsp;AO~5TPEQ1*LN{#Pb3oy{YfpYO7^&G3F?1O$H8^(V!fGj zpsJz?TUt{vZ|y(!zPDFAd&m&(aV8GhZAVb|cl&8@*A?+|*GufV^GAGQu^3Ld3oOj( zWq4b69^18R5Ka!2#0yUa2FdDLEFYFk4Ck%GoPc4lUQGtSNjUP#^^$yq;{ph7b}QE0 z)D1dGexlM_K|EpVZ}?UFAI$jFOTOR!2oYi{K0h-RAAFL9`tA=*X~7#Dc~_t7F18ny z=DN@Y1xMJ_YITaM_G9&iVMX(EQPs^(N2z;TPc2VS^-9{*XtAP**8XU{dW!6N-8bY8UNt9GSeg4=ZV^R*&t zFb%=^bI-wfNkg3W^e}GwlnpA~>hy_J1slOMSz?*sV4bJQUk4U}lGH%ntak+dtzQop z&k4O@bHQ<3m4}o+ zrJ1x-MaZM&Jr}FTjS;6Foq%U!hhfb05MI3eE_)jzf%z}LLUQT@Ht%tmt@UIZka6uq z+w@UTvEVLgC|Yyo92KXB4kyB( z+a(k3`6&N?AHY+8wZP&GA0`#JjYrm~(m8r5P*7RUz86c;MGtR~o{KI*4_=I;+J=Li z#0LKI^>DD8cS_*DoAVdG&mgRLzxcjdEATgi(RJ}K^0ZIjEO!kA?Mnl>+TS=FvgeP$ z^;$z3OfR8g>{4v0N-2JMe?5KKHJc8KO-9G=dfb*Q2|x8V;x@luc;sUZ`TTh*vCy&L z()VIX-qM43B&{4oW;#6S-G2DhH=2!ep2%O;&ZX(U%b6K7}RY%}g&6=e7`!?USTGCZ&Ut%n)=N?~Vq$pE9e=MG(=L2_uq^5}6;l5b~pp ztWht7*JE5@*7Gzt{;~`@Zx%p#rxNWpHl(GOI$2*^0g12>&Y5Y^WcYGR`c#;)toB(< zSIVoigVt)i;hPCHS`-TzmmmD49b{Vtqtu-+oA<$WPom%WFFbuaP1N!c)O&kts>sZgZ#=r#UHFaVW?XKbIzap+ID z1*M55{Ht%AxNUR*tan`q){05&N5On3Zg$4~okOTy>>&DF(*ynDx3Rc4ugSjc$6$2) zKe664V^Cgej1Rthg2%zrq-LH5FE2@jE7|^Z^V`YX!f*`NEIS9AuH1rYtvV=qIFQP2 z9}aKsYhd7lXq>+FHdg$-Oun3Y#!jb{!L_M|qOhP^IP>s4Ue$LK@fnxV*DhXE-1>z% z@CVFzx4^Y~GL3%8dJaQR&11uY3P{kXMzq%zq)5s^@MYd{oc72UxBs7OdwMO_?*B`w z{|&^Nzw?P>%WtuYjxzK={s=`&hT-QJDc)6`hm~am>DCjGqT+^pm@ha$p+yp|{#gwx z-YL+LXTIZh<_NJ<$I!lEt>RsQ0ZjgMIguMPn~#Z$gbycf;t|=sEY{^0TQoyzCR0_JifDyAKKvf zr)u_oV+f8Yi6d50F(mw0nm9mpHw2GNVh66t^CiXi$=j-vq%vFyH43 zah_!k1KuqK*Q4dE*t?5G-X1__9u;zFfgho!GaapL85CtHLtd^PG_26)PrVzM#elQ; z+J6>mU7m>s*Hx%-urj|HwHlt?x{R%p!|;^R43yWfq%&s`9OWI0r9wWZzwQjm&6_~Y znxDh1nf(}+kq&{~1GwF_HTc2A4!jJB#hl{uXsilI5+v7O1=33EVv<6Vt1V&DtD*cW#8U-etL9 zu<-+lYaB;|wx7gz_trqE^?wlGbeyRkI#+zs`Y<{vN5SBggV|!+#e72VSXk;)j#pPJ z^0eX_d}WeF_E{CM>OD&Isx!mDqsL%Sy*j*hh!s^y%i_jGWw>^$5`6uqglBFlpiKJ% zys>XFWV~o$f!bqWV)QoR*`~nV;uJv7c`d3e?S#yY!tY{296UKO4eU>L!&s#_IJm}z z->*C>l4ZNWp-7)~%qzf?b8pxlNwa|=c1_USGXPdc&E>685vb%XCv+Tsh&PX%OFCU$ zMBNn%@a~f;vs@bkhdmC%wA?#nedjMY@?8NV+^+j4 z;fILkppRzclEqY#Z^*IbNu&mA%QsQ^ zwu9v5h6AF6P8r%`c3Q|&7vll*Dl8m$fy_K2C<%=SYKM4oWy@~-@qQ0{*WDv>hOwk0 ztO{LpLZNKZ96VH3icQOXu+r-_4$BEcM;${tOt}e`A2Q_4(lNNG;wbrUtWM`whQgI4 zW>o6o9Wukinpi9kVU>ss{(tV<2VFX z4xpzuPZByM(sW|RJu+3%4$n-##*WDx!HDEI@P92!2DV>fO>yXtdfs+^6{WcAiS6#!E zIZm|T*>tpekt!~%I0iOKLZ1J_W)`~c8gocigeRVp!A+|Q9}hR?-|eq~WVkn4%veBP zIv*r+R8FFT`EF1adIU%9FTwpCPjKkwRd~+*J?_mbz(nm7m{ib-LBc%kzR76*=IwWZ ze0&^24XVWk4!Zd3SGLf}Gvhjb#?)3lfYipufZ25kx@l1a)=iFq9YNnf^S(1xUc8^3 zPkPISm$#78%-t+G!JADie~t;DfmIIHbkR&1x}jjUaE3XFUyppiXEP1CY6cirfY>Ua@Ge|@i>Yrh~ zJ1<}br1Fum0$-fz;i^e9(0J!tY&-OfwM#2gJIhR5EUSa!$Wd7JGYPAod6J9!t@x*n zQ{b9kAMRN&k67-z27h+Rl7vk$f-lO9o%tnCEln##<`Mzux;KKSoj3`1(yj^FQU>n7 z2h+pxiP-q@9qJ^v5f#1H;{Te~ zg-%~AcD*&g^UE^9(AtC>r?iTkGMD4TG)erGJ(8aO;s;|Fufp6?BZ|A{iW;wnP(KY* zsu^O zrWw<~MFa71y;yTOkxlxu3AYcdV1) zhyAKCV$N{7cEbLmN zE{^2)<%Qm5r7>w4`4U5K?W5nT63Fa36)^AFFn$rc*`QgyFv&%VrX9;-HxDlcIf32s zI`(MKx0WJ1sW3=ZT7~ePpJoZN8f~ss%O3h}*Br>|Sj1*Dl!#2;8`1SL*GQyy4!n6S4Q2Tz3FeZ#XU_+P6U zv~SzV!XlmMr?gkB{=^SdxR}I(Ze0+cKhc9llfPnA-*4zGdrrg^_hJ3#$Ku;{!$IQ8 zR-Tn3iQ9b?xK7d=!A&Lj!JA^q<_(kJ^uGJJe!y{YjIdw3HhVorPX7Q`w+`dm{FHgc z!x&hWs7uq`rSasLCR^uE67=c*d-%-V0#dbfxK!;Re${U!bbYmA>V^NK=uF&d`r0sD zN;K1;lu}CORFvwhcNr2q}SPa;vPzKG6$ z4#rz~@imJs$?^$Sp8URkH8$U`AX7fgMaQ8Rp|JHln&>yOBNNV%parw|0J~xMc?Ld%}5wal#TM*DIn2;8KCPJ>%ms%Q=xU#%n$ zmO0@Q;Vi3|;Ry;Mn{e6RGE}h9McWV)>ti?O(R{rGJS}w>x^o)X;>bo#(_h?Bn@6_( zbEmddb`V*K;=75%`9z(A@J>sS{}32I50Z-U>cNE=`1vPJp0CPwJ@mqV3TMdniG#`S zi67zd#$QZA{*?HIx(XcL)enaj&1R8O>#0%PZM45r%BpP)*tezUpi@#3+TV?U>Pv!i zeNX^bi?yOB#u%g2_YIg`-@%eKGT?7<3t4^DgpNKf!+&>JP#F&uN>1C5`k8^Kp56xk zeTpQDLv@Jfs-ducyeZEu-vwljHGRG9KT^E;3P@=QzLleCsNBB>QU`D04*i`(M^OU5 zTHe9sPKVjJR85+6YBuh?q=JSPc7p%xEpc3(i=H)3Xd~VaS@*k%yV`Gv+_MEL?n==Q zt`{+&P!&6i8d39O134D_N9<}n53a8oC$P1Z__y*1Xt2Kpwn1DRyMw^rz;HY<(^cTS zmg7CwI$Zwi9>|Wl!d?kX(narVv0%$79CiF0%p9vAa%?jcJURyerVK^D5$AB2%Pm&D z=P|C-T7|uPW2~d@RFJq`$VPcB=iadopk#D3x;AUkj?Z7&au*xgsG!UTcMH88wSo(FY)?G#?hsh!^s~RnQVIO})g;?E2e7#9)&g9cVq6 zUi2PFUzKM<$3}S`kYw8Bs3XW{bkQS^jPGKPpkNybMZ zyQF7D^|lq@-up9AGQ|*PJ4j&UIX80MJ`Y?b-GJUJo8agDo!Gqj73>zShb^ZE(60uu zc)u+hdZ-HQPYhw<34y4}^T^c~=_LN#CiF_{fMJ0u_|Mb^r9+cpdDIg8J5-lf6?Q

RF9w~aj;mcMe_MR?(os|II zZSvx%!V*Y+9?d(pc43x<53G@%ix+)m$l*kFe0Mqwl6#xr>Zftoaeq18?jXVc+f|E( zH}9Z7c?Igz&f#Z?RH9hnNe-R=DR!2d!Oo2kTr|O6(9^tv?)q_n>JRqCLHh5}c&Z%T zzDn?Xjc*3s+I7|zzF+Xkjeb0Hbe+)E48Z3%c0%0HP%>*kJ^Wocp6RzcK(J1g_?O-W z+S|Gb$0wP=X+8xTSp?Ml5aE>A17wSrE|KXDCl@x9kt2>RXe%v^pBJ?_5Bo(< z=4F6-j^O=>&&7a8@A0nC9e2yJ0v{MfcLh(tuVpvECTj$?u6!bv_*uyGOKr)eJ_1kp zNJx6!i_w#s!2a%hG#r$Vym&d=c+Lf?ArPWPVCr z3f?`~h$5b%idpgTp-%VmZEJL#o zm8{J80yxb(BQ70aOt#$X67rI3@UP++I^*ghy!^Bt=R5SW;zpkf#ijm*z9-&>sEgQ``H^o z;gJ+eOvxZU%049Qh8uZyC=(;Q3voh(6%W#|q%1`XlD7?^Rhja$pTRc;1Pezi#8;nmixF&)M=v?kJh2EDj@o-78Z z$_W}f2fAeW1{CUoTKl zCu^>}#?J4OxM#jQeV*sQHP3s&+XtuN_QF5-LnDAsuQ3tcU%r6vk!I38CtXxvJr^%+ zeaZ~~Okp!UhtsKp3Lx{iIz*-oq?vjnnCetY|K#H2C??l=1C@4Rq z#mlZbqu13?Sl}sSZ}#Mgrmy@cnszjhtxc5W4>q-7{IL6C`;~t%Qn3UlYnS7aU|F=c z$rn5}bI?{tiLI*2#COAn)1P`n==0){Ts3GiH?_*foJW9|nI|^cFp3RJ8jVtwJ>==9 zq5MjL0v)()5hizjBcZwPaFo0hesPTg?{XQ0i@!xx3s+)5Lol_Tt_znxZot$3IJ>0m z%2R_2(vmE|Rl*OmJ7ho}MhQlf6@%)il zG_GwFPxlcHHY|wOTRvuTi@5b&X=CVmP>xT38^Xj3J@BAViaYxllR-~~t*V?Wdb+)X zE&aLpTVDnzSR8?EpLO`rx0z@(o>C7yD6$)<$1OL{gsKGr;Mg{p&VF)-g&a;HSKGpg zZOlCo%}#;7*`vv~#YdS=6XCwLquJzCZbWDmtIqOr#w zk-;7mO0UK7ulebaVSER#Cp^Y6g@G_zQVu@%So3=Ak?c(y zU?Qn=`pGKS4y8|=H&dem%AalwBB#cT5c{e>2k)+OP*`;UI&aGGV}3%eedaWtD@Zgq z`rIZ#T^Gpcm@(Xb{Um%P26_=&F$)#kt)wOsmol_k>(L?LpO~K=t{%l z_`jqnV6tFZ&PBTYB@QaO#Cn1T;F)i-==M$U+`p6IMRqhmicU7h3ft;i7CdwwNqKl_+QWdwV?jke!U)8WOxw$X^(=#)D7yDVEZd z3C-)Y*ycB*$b9D%n4O}+ugL1qb*^#Z+6--4H@6rQqJyZr&H?%xP57T5c63CXJPF)8 znUqg1WAAtA(7*2gS?Br*41?y_1RyD!6pK(HNe*l;HV~D0XJE1jEk=~oO0&LVQc~i?Jkw>C2jS8y7 zmfJ6_C96D%#^VUl5wBhtGcq2z)+so?TLu+}L=pA1xv(^`ftAbGv$aWy{Kx`zGCOVy zm;7#u7EOgHQdNdQyEV9m!d0xl`VbQRm+|o>$*`=Uj%$7TZEY#It?uVc;4MzgaAk@e zJeC;Al!DJg@UDY=kDCtveXtIP)a%p?8T|t{DhnA&w?(+{_-k_hc`6=Rp~Gam_L1@@ zz3}YzDHxPFoe#XRh-QngVd$wnF!Mw?D2B@N22BNiSXrH(a25JSZEx6^X!)qvW zb}m2DVM&(?jLNbl18B&JH8exudVIK23SsiixS%i#gHD*y8{G?NPj(6{=-&a=YwqKO zy*hl9-CFu>z)bq*VL2M4?WW6K+FuFgarn20Pzxs6^=BHMGYi2*(YBuB7f?r^X^&cT0 zQ-ZO3R+F#i!C#$ z>bzdi6P>^g<40I_>KW8J8^bBZ!{E4Bn>Lt_0AFn>dP6KjVsnIk;rlGuo2)>eZ-hM;7U4UY}HQM=TFyJ)Adog+1dgVjs%sf$Z(9A*X`D`h7-{y%P zK211(S^_3p%TfDuZH~6laQ3S%UC})lH)eH^=RQkmELY&4suk&&06loHRp@yhvf>@* zv#>zxg21<4gf3f83y=d+9qp0-fF{bP?=W}Hr;39?9@L_&-joUGQc0XBKHwPk}2v)$$^atkS1{6?W3l zTOV1Z;XGbFTAR*Vxs$JyJb_bBkHe52;l3U2$<_7*pjmAZE@%_xUWH5Ou6HBBU)V{O z$Li2SS$3ewme3GOC93~!C5&|(h{nI_q0VkPdD3G_?F9~j*ux~bcG)KD#C%bCUg{E$3@oynLs6C6HyWWDC%K5M- zN0ugEbFDd_HyY-eya0HmjrC^-g6pF1aD3r5s(Cn%rM`Bf(du>BnYkLQ&kv%X@0`b% zYF=z@w<@i;BTMRBrcr+(V`!r(hU*^Nctz23k-Pf|UQxb)c^UhFNk{^lpn8a|vYG%s z4}$5c-4C${)>52$w#M{>8$GVQ1?PvofqubZWC@v|`(Q1cnR9@KjL9KI)3(wv<`>b_ zNRE0rPo)+k^`S+llZc-TC7)wvqg=8YE%F%!q=t{u3@l&DGvJ4f^t5E&F za#Sm+4F(NZLN-W<@Z^jYDAgfP=h-IlROwB$wz37@_6ui)Q>l3F@@KZqZ95*?rG@`8 zWVz=iO7EN;0tFj#ps#l-|DDiD%pd5}ynWw^)I&8`Riup9PmF`PeKlYabdXD})8UcX zVYtm#hqf3P)dc^!46z$l;x~n}B>SKdzVM8Nw}PWI{#G0;YMVrtG-RTzZh1|*vM?i+ zO@fo2&&aY{W9f{{hcMtlDcd++hPS3u=D4f=0q^Hot5t20D51eV*Om^6or6a6A(hzj)3b==Py^&UkwFk`5}Y z7d%5#xRZYIGD}lX z4^*eq-i)OGDwMdkcY%;QYQ#rjkr1+C4p$4B2I<2jxc`}9WZ}oz*rzi4qI~C7u-oAY zmS!Wlm$WPIFgJjl15@d@X`gW~IRWu=)`7nL7t;012V_i^Q1{{AaB8`-&~rRQ8)6)& zsg4xXo6M(wPaYw+{N>Og?H{R3Q=k!FRcKeQBlJAJ1?+C|(_CUpj2`E6>(5y@ z(7c1hERe^>OopSIgq(@VZ8FvDCQA0n(e^X(AnP}aj`}s3#$15vL;b7x$)Ckou;aMs zY)umwrsu=s#r`n2JDyq@S#o`oJX~h4K_?z>puXNl{N*(&9=PoYtvqVPZ$vdPmAD8z zGe8&CFPy`|SKHC++pKw7qZ2mo{)w|Tl@pJ~7A)GE404~Wso|Hgw7PpEbZ6@F&;Pc8 zSK|tB5*M)X%OhxRLozp-oDJO>_pA2=hC-;|kiPh`UsRRYg83#B`1Z5I=>m&+%=DED zdg=P2{}BsZz4!NXw9T@luXJ;`-J`E`MVl2OeDiwKRsktLdMnS^;BY8 ztWJDX4j>vx^Iq{OvA4E@XhPN;j8WZ)bkA6H%2*>VlFrBO8+8y9PsHMD5}-57nrN;s zv>w>v!M6M}guz`h)_%l$&ThL}>x0BogQzvkO%pw&T}jRls+z2hobTv|wx%n?1e>S|4k3 z+H?S4%I^T_!f;kCs)u{+o3S=A7f;PI$U1q;$rp;yWs1}S#Iar;{sxPyVro-u6V zhd1D*>@2d))@F&#L&P(93xv1a!ilwudHeY~X0%Hi3^ql;3xi^e$=9Yns-C>U{5IAP zzt7HfSBa#Ad8O(8@ikKKQXzd_G;jWTu_mi48S-t5h@N@^d8c(4ZBQ1npN!76qf4qvhu%>cS~Y%;wT5|em55^ zPFP|4DtX!-HJF+AX2Wnx1DGXw3&l~fm=Rh8tJiIXs|iAnNKJ-0T$bazGp5r>VP>Jp9NVKEAriOzXMeDR{zy z>Ng?os$&x_S7Ys^K-yb91Sv$GugbiHRgUrKc3F-2E>gkfI|lf;W;$(oYec`6 zQ+j=UCb51Xi-)6Ha9po9(bMIyCf%BE8=V0=?(4G7(r(nhl1*G(&fyo^Qgp1C$?59^ zxEOVrMaeFJ^{RR@t6In`9>Tb){)BVLu^aIyA3vQ5a@ zi+smnm9Fr9Wk6v4gBf6ulLARSmf{kPg^(n8g!wSL>KoHepzUveH1{0{X|gJ0L3^6W zcV0YvpWg{n-ssTCvZ4H1%3!*zVG7X{VnMe;k|6i=Y<@jrG=5*yfoHc_;RiJ%tM`v3 z;rl~NYNxzh$S_{x?9^Iut!B9OM%B%@=vNTF`w)yejeejh=LJ_TNbt`-qu{fPAD(pl z2Nyb`L~+^Y$q$WR@F7H-4q0mfXD+3HVP_p1n?H`lXeB^~R|J+T7qPtleNb^~KhgS= zfpNS|>^Ar;ewkYY2E{r!Z~SLA*6bgwV;a=HWi(EoBjRl@_mhf{B(^W_u=x0yk4$vu zDf@7KF^(?zir=5g@YgPxc=4JujuzhKwVREoN^Bg9QV+%X#*wf`nh}%I0kkPO6(=>C z!khb3sE>;XQ?ggX=#t@lU9sTi`T@AAbc$%;j_oxz^|x@h<0U-Pwg^{ajCHSj5K)a+ z=iSnPG0hTujh{D}*P=#EbRFo5)o&qX-T~aQM4MmCdBeWu*b?vc9k6}HX80gDnQM-y z@Xhh-pex=Jef@Qbi>(RuxDx@PzPflh^DnrDZWP^18_Cfz1XI_w<7Xi|Sl=0pf84i% z%lC8^MI!0ofkKX8`8GZzNegDm7Gmv60yO#8mzzr#h-<2 zR|ya!OKcJt@2B;>`GATrX!YBR&kw#OTLwPIXTtNMtYRBI@?;i@a_U7c^F!g7{TXc5 zy$Ur_PsLfQ?vjOW13^*Ek7R8gN0%O`f#|KHFx=N1e+$owc;(A@beS&ZIoZ=DT_w=E z$Kbb$GRq4&4EkTcvRNK?!6)PwitbzCtBy;ev+o)qOUO$6UMzS`^iPVyHxTNX*on&G zM{w9{F-#b0Ld{kZ4A2}xFE4Mvq+K%MKH6m0JfOl#JV)0!&tbT8P>?b`cT2g9-u?* zCXNBcX(LIbw-$_cKaAwT7wBb+;mzkeU|<=A?_;&-0JVisS0PDPZHpyk8yncC_OrO; zj3u_-`oZ)+?E|;odE%8CEu?d6GntVfoNY|QAa->Zdm#B1tQrNDy23Tcs=kBa)}7>q z(g2x zG3}mMXF?7O<169ylDlA@($B`WUB(b;BNCJ|0-Nq+vK4Y4nd4s_eoQwLzYTiGcAb)^ z%lzA!cw8iJ4-~{Vzrui(enMXzA6&lD11GsP;lDb6oEu?|+7I_*eM2kht(uMw2QB&2 ze=g*Fhdy2?MA$5vO>MP=9NCo>=vR@9nVRx2X;>>xv0}KdT85qz`qU9y%7~V2BRM#H z1P@wTPNrB~VIwAVVsKv=woezsve1t(a_oOF`m`RGNG!lL&o9I7h**RbfnZEW^LIz> zY5bcecE@iDUwE&c4dXK~V1*Vc{V*4xK_#T|rzT(bXd(BO`v^S=n~6n2FZnTh8Q*H1 zOEh0y!2R2=V_#PlnRh*%ove6ERKE`4+olVi*;)(SYgY@-N*P!^q!gVe3u z1(@YAlRvnsNnZv%CEA|G)bDt&kP-R^s}|*o_MA>(Pe+fVkAxZXKgnrCRn}R^7^exH zbuOB*QcT)h=3{yFS|~nL3r9=0bD4x#93K=-i~U=$)b0o@Y1;y_uY>T};X!=i?=i4J zasYVkXvXakA7N_BG?2MD7{>;Afb5^i>}|LtO+V_#pA8KnH*bhgH#rT~)VGUFqzCb* zeV;@(9>oi{$v%jeHsN6cpW*t3F#OXJPQ1^^Vr!cc%#;!M*@K?J({XpPw_BE7eRT!r zi)N9yC7+40t^`x~*&}{re*r7AO7NSU;4mB-OD-+QhSn}=svnkub!VhRkvG1u{VC5N zaZn@#E{(^-wkO$6`vg??&4AB-2Ss6``FvH=J?y=j!Wzjlkds_ZvV0wJw)1mvm(L^Z z8ZqM3nmEdsr&6Bs85Rzbfy!MBj%sI!J;NVaZ+hWDHO@YTgV|a)MS1OXeJVq2CM}*g;%0;RfC*+Rm10j-YQYoP!e^?!zhhX6Bfj z&i1dV!K_?GuDNW8b+GJg@Nlojy)k8^+f^FvPQAk)L)3-N?JRJX6Bwe`x*=fH2Hqgt z+sbMr>CgXa(BXYfP5xRBlA0Vw)aG|VWTz@m`gIxS{Fp*?MDwiZ=v;U>z5+a-+3|;N zdf0vFnb3x-E$t1AS@x{Tff4dhwGrp*b3JB zFNOol7|c2^Mf~>$i-zk3Ky0=W+P!arh+hSG?^+BFdov$HwW9II=MGGK8Vh9?ACNG| zYj|pi;H@svA`anku=8g*X75%;3q?Qh`!ayu7%+(JGFnVz3e2GCjwUfZ_5zOlx=^#E zK@8n}&S)HZ0j^u+gZ%jeSU7bqn#otPPK=L=Iw?Gi7DTLR`?3n;)-xE3diA;VQ@$fr_hANvCeQWGGtaR8Jj2t8S` zA=oXvC}!3rEXPHS?@jQfC1*Eb%9p2Pe)oK^zq6FA());MKW$;VW;foQ5lVikRg+Jj z66vMOkAdG9j}2drQ7QA4V0UOAER#(W4WZh6-P7yn9wl%oHaIh-!TZGx1?O?VrQuvt ztrOmCts-r9a_BkW0M>1Jg|qcfv6#uz;Ni?dnCH@rn{V60-!qBu)~N;ejD1nF=lOJO z*!l-+wv~c|x)BqP8pMl>M+y5X1ewVfa6!@)abmkZKBA7~`}#Ss+#nU~W{idSY5!Q( z3P1LCrUbM~?ibyDl!^wr?}$o4Bl&zBz-Ox(ZG1ile`ULptF1*C_V)uUFF1#LN7a*x zaog~9a~h5|0P*`Z8a$-azUsz>kL%sE;6U*~c1WsV9ct`DXX!JRY2WzQ;bzL}DeiA#qRhq8vYry=N7kKx5JTtoKh!a{R*|0g9xWiw_KVNNNyPu4~t!ou{ zyP`3c8JP&@OTnYlWyT-c+FL3#}mo_b2RzQr{C~E0CN9fIdCnMbEL$Ck>D|wN_c5Z5B8beON23t!A z+G#}UehWK2+dz2qCsxTxTgPTi z?qD&?!tt3cgHLktsCCDHKE6@`aR;^Nktu?AMgBMjx@3ad6AG0qkXW8*WmVl**xfV- z*7qeJ-U#zyC7T>Nc$gB%#C)>$TqG8)9T*E~EiPDbErzr$Rin4pPv+4hW~0v$2X2~b z2724(L4~c0NMGy&jfBGrnQ(Nj8-rDaq2zkwSjgWa%$WvWf_oa1z}@6D9t&K8`-bHM!6P4esBYLc^SAaof|#Lb>xh{wEM;(UDx zet(~Wl210XmvbUW`GPI*H{r3Uz1s!S?1ZesQAb>+Gnu~8DZvTzG`UF46R-Kz!mt}B z@$>3jnBZ{@VoV-`VPX>$O5ehma1nQxO(9m&R_tclO?dRIf#?cn=(yI+;=ozMK`mK| z=Ug1X$DYn+q2Vo}urq3Op^^qh7zV(t+Zmudr5mGi=i!mblH!v7E^KI<3_ihz81VZS z<_6k;xv3T(wE^)z=UC>sPU!rZ_`|uCs$f5O9VF^z!}oh~Se$H0Rkm$`1z*pRqW5Xc z^RGQmQjHS)sngl|wXMwcR3VlKJ(w|RjZhmFh5yZQltxeLtD` zCyiOg?Pr1jix0|^ftk}rgKw&txP8j?ns$d2@~P8?X2eHAw#gK@vaAL4BF?ZRdshe_ zJd1BrEP!Vg3BoLY9hg}OdzJ};-&Eb2TFP7zx)ljHX^A8@ntHL5@BM))bwls1&n%|X zmaY`;w<_hDbnEmU93bS{MS9^FwWSRQTZl#8#{_=L2z`7KElb~ZeE}u4V2Bu+B`{B= z@V1_lz}K|o#BnDi8($*3ETc(ax*T8lp3(x6p1V*CcO`sO3JMHO)Bu^7^w-Hq;9-`MvGD3L?`^e#g_NwD49(7+b05 zhPyTX2E%5v(bxXQ_UND0fq5 zQ};TdV}2F;8YB$^ZY9&~$|R8XAHgqGw~}3J?=d$KVnRg|SnM`rQLod;I$ax_;hxKA zz;8BGe-O_-CPgpV1cO(P5ol$KxUcdXcs4zQJssM~zFSs^)>kcn?t}5{{Wm{sn(zZi z@i{WB-GO#}^A-0TSVY#`NCNSQ+o1ie5$~Nn%5HTW!impvK@X?eMI_?OTzJsm9S&MDey1VrOlexaA&a@Jt3OKz0(zW{kn;eRI(HXmo}1( zaqnR3E*JdXZbEJvJ;BwkJJC%furCMbP)7~Iwkj{;!?%v3D}LwUxu=meLEqxg_;v{3 zo-=sw<~mH8Xw4^X9)@4Kelx#mBe}{Ndwy&S#Syy8A-v!y3r)L>>yDY>eM4Eg^=B+C zI{X@C53Hm^Rb{yMU2~rAWGn1^qd+Owg;t++gpF5BdH>F2v`Db0Cehb1;F=cX{hCQV zeTLHIL;M96MG<~`ph=^rjHlxLhH&v&9{c8b7Q^EcRK4*(LcY z3_1ZCR+Yr&ha7j3nG0I{4Co$I1&{J0Xh7QWPs}J@ucpl|{Q1jbA1(&1Hx4!aQL?oE zzCQNL=A+h!L%3{h2rQeF4udBt(MW%9=oJ-;u4+(7iyMop9|qH(OFv`Gy%Fdz&lk_f z_mJ_=x}nKuGuRlpVs`rg8ftS0rGlrCvkfEgy2VrRX{UX>I^!~YJXI%j*VDsme6obxYmzD?jmhS+PIj$a~O(gO7Edr#{#C_3`Wyt9e%T9 zGiHr{OtP)h;Gp*orfzqIRla%&gDrluH|bZ{3|&>0+V@X1G&BSpjpBmSm}lho&7S5-4D5nlg-UUp()p_KTH{p57y40 z#{VtjpO!^}O^GFF8>isj_ei#CXjtcJF5`RlcVp6-w`};aJ4Er{FS5bN1nbUn)>c;u z1H&rdL)aXAs9%Xk{u?R!Jm@kQmJeeVHOGK2VQ}{ON8BjthG;o*rR7tn?AaRd@goe8#q$>>4IQy!r`b;8=l6Wv|bBPY5%*akk7}_A1NpTMwnD zu4Aow0o@mP7ISYugRIDDB)eS$U|k*r%^gkMf_|dv!D#4~ueDxxatbtxL}cNn1MoFP zn-7zE4t*!yv4A4s-C^0s>hsI*qQ~dkVz#)`N|Zhnj=d^l5{tfqf9_&($9_M`8AK9# z_&yBo)8M#!AN$jjExtE36n`7&2>W(@uw4I%UCG^!qf#CD04*b!t+|Q)+nEcEO-6i= z%ocieQ#m$llZW+ziBRs4#O2Ig1)kGOGPLa?biQS%YgI~`jt}871#4068i4Nf1}L=4 z!kFh9pmtq3e<8C;*gK5k6CT(=g>Ec<-YvMfO3T<{qhrvbGz-Q)41$UXC%m!s8g@wZ zv72y&6lv91J$mJiAJtqz-NKx=cetQ_&_M3lv5{1}Y0_k|3oVmehTEN@=;DXVWL~mqAN5G-@O4Dm)tc{aUBwlZt8vhPN%YpMNERaL&6N&bLGuH} z=r`dgyqvAV2f0i@<{b^8cFuI)@hHK`qR4M+O4Ajg3;C26T2$oM03Lk!xYTuRkhy7Xbq`L$c79bY&+(1vO^CV&ZchI?Bf)-+B z`nOk?yM7UJAX~~XbKfH-(!m8 zbsWYQ@PTu~;Pc8%R&6&6-lS;q{DTRoG~yD@?aw57C$FN^2MvC=z8ekYcC%EbN-gva z*y<~1+2^6zAg+85E2%u!$XErQ;v1Nn*(Uaws>d%}mx+Vq-KjMRgNTSwC8ujR4w&>_&ulBUL!6EN%03)~f< zi;F*mkgtB0w5Lao7R}yF2V9Zh4vYP2cFaqG^X{#1FGibHNyn2r&q~p-$CXOVzr_9( z%%rae+{Rm*50k?uj6f=H78Xg#&}nC{!63)2EN8SnjTE?U#XW!E>f1t)3rc}&wskNp zxfdsvkH#aX2GEr&qHs~LI_+N@$6jm_7{(o0IA+9Cv@jllIV-*4hvR1!m>{qUtX;vd zVk2Z`$3d&m(RZmSLcO@1IK@jBW{+=xcde75Sa1M%%vy%avdrOe(ml+0d7JDdHQ4vs zjE96|v$@JALB>2lEFPrG&)-(!-}9oGQ)?n>*!)BFh`mVWWT`y z3{L)lH7jND&X))_B5yY7AF+f#v73XFrJLE2w?si>ytrj?gZ30amV|rA7uFx8usYn(XxNIXakBPV_&fC6YQyX z=17oAwPJdgqi}6NKY1iDu05yU0sVRP_PcQbIq(IULwy#*5^W69&Y3&DBMC2@pr7|2HFz_jk6@SyAt9A6)e2D28D#WnA( zKl+*RX;P0c(X*9F9Fd~Ci$?GT(#x2kq&~lKEFAu<8jsEgB6*iY9Vk}|S)EXpYr z#D+BZdKQsRIfd#ukI?(1l5p;t!yJ@^_qF!bq@S*Y70;hrD|nBmda)fWzh@X!6x4$3 zy+ZiiJA`)ZdIfgp;&9cm^Q5NxBseB45zD+7iz|!-mQMS0+GZ~XwXSq>w^H~UZHw_k z#z&T&P=XO^BY3--FSzhwVB-vd7TO%cj^^6&|QSvf4xSV27A6fsG8_jP+nDG zOnzQ05Ivim04r8FiEq4rhD%#i$)i10kiNqiE(XQnqc0EPx}p@EG}nZ`eQn~Qsq?vx z`a~G{bpU2IT>_PVji4AON#6z7+>XxUoB#>;8GY~j#cO9>h!QZ zw-NTPYG<0hy3k_XhCLEe=q<2w%gt?Zb+$WIYcxQ4qq|l{ZMCBHb(>+*0tZmM7ewbp zO3*Xkz3|Y6bCBmILDi(j(c{A+FfuP4v(yAn=tO(2A^8-_RwRo-$O#{E|ut2kW7n#hWJE$<~7<#Wej^=Lvqv$;RvHadRZfCE^-a;v)$#brw z($H)WmHPhlBR^{cmMtYFR#brzR&qw*XR9K zrTZ=meX3x2YQ1?2`|>RrYfA?+zVaQ|?wbd%tC-X{wVK(}f$+_048>s2M7boFrl{)sFrnkGEsqfWu_{VRo>)i`5DP5wy3lUR9_8&>B;Y))Fv55HO!?4BfG$7M-k%z zp=9UzYA3r-mM|paAGu$g$RF#KlNF{j#f@$ciQRNDrnY6{UUI%Td(}%=8)3(%MP@rK zig-%2lD5I9Mdu;e%!Vr-uz=-e`$b!8lxSs_HcOi`2+S2y@X2UNEOGh-o%TnWUa=ZB zmBsQ$$6eXN|0q3~cm?OGd9kkfD@3QAOTah96jEDN$8dBb;^=cv;ff?6^@quG_Q={7)u7D>&nZP?dJBh~m%+aD0XXux zHN4P@X1C^=l7O`_?CHK&aOi~@tlHWR+j63rwD%zVRe6J$2B%jTZcvHBWZmsDjnDXPL9?2hnW?`3oDIMBP> zl*xAuBmTj}oKISQ0yJMdh~*bxyT>l*Z4;aZo43PzgKE$%sw7)v*Px%LE=hQ+ zNb{{IUm2t&zV3E;%KpTCmW_~i%R2^ zxW!amHoT?)lhzcHGsQ{7Anho2l~st}+;ai>FC(}^OEg}utRRLz&V&0z9U3aWh5@!i z`9V`g%+;>J%e-^Y3~uN&_6h#Ac6A=xDg%jeY2rXDby%4{6zblOg!@;Ea8vOBw($K; zoN93smBTN?&`4{3Zp8qKH(tTJDTK;G8~O2TVo6Q^G-3bm7nuGX38I^JENRXl_Mx~2 z3f{h8`EG0Q@t=G6ZQ%qKI(Q7U#IFEbZo^LBxJA4dzY_1bbXdIl##|`%o5bxW#p320 z8ay&|9+*T5ocC#+xaQVe@!w@a*C^Tw+XrXk)sONp?LSMhVt*SVkKzN83fOmaDYVN*W8;HQtTRxHS}!sH_caF~aNh-pOQ>c(ktou2 z*~ivim!Re?6LGHK{h8%?2DVyfVfXqtJb6D6--VXJiv{8AZ zYIoSSCzDA~c_s^aQN;d!JcN6;9*3x-@z9w15??-hD=ul12i3ffZ2#5*=n1bCjXENn zqh3wst9$jS+2|_#b)ZO;ovQ;UtTVt=-33&z0tU8R!FmffesSMoP#CcYTiq0R?Apul zW}~FI&)XemHd_$)xNrF7Z42BpJqU%{)^lrjTUeHFil;M*aK86#RHH-a1DBVu@4!sd z&(8pNUte7Ntsgy#?CH7Iv$(jiSzzxhXKHg6Vac_pFgolqUY2-_yA*`oih4=txHkqO zwJKTLtVz%x_y+&$Tuy$T@`Crbhcay&9URz@g^RN^aOj;xz(4AuvRDS1@(0WHD|Tf=&?`}syb0Ng>LC;P7S z_6oimI~o1@;xWs{6D_M(k@1y{@aW8Fd{?i>8x3ER8$!eXGkglcS-uG4 z@BI@8O{-#Q6_7q7gU7m3@o&=xjAud&fm*%n1c$KRtUX- zuU5i7(SIzoRPa#hDf6gOH#%>QI@oNN586%Ero5pMN81=6gr%U-TDD+}+8J zo8fr=aTdvYmyR17Qt|6E7nm(LeGjb4WO9n*5-lEU`q;TYOkKSIp$s!1Iab;Owp^oGXjqdXp#0 zDw*K^^u?@0*wb8)aTQ-mNbnQ6ouWU^4)|rbGHo$?g1`Eg;H2&}@F~cIyu15}%D65f zHlK$@fwu7ex-RX1FNO0jUl(0)+Do4P&4&Aqx8U)|WU`}e1Ju?ZC+Gc3Fmz8P%oj`I z8DZ~sP-HGPi9*T3ONW@`(%Y~~mlVr(NAU$;?xEv79qtk>8WV8|4IdeMMq8`GARjTp3y*}j8D+!Te$XH~; zckG=*AtpzyfvG7RXB9*VE*=}Q<3b*W3cEZ<6Rhd*6Xzj)bOI!|4i=AUiGh=L3t-pw zRXpIdg($AF1t_m2q9 z*ozRuuamF+%VD|!XGsQDWM=CWxY%|KKL30d*yUEnfxF9IbsHHH}a;pLdo#Q?zE0k`sDZ~S8%&*l70w=2=3yU`z&)!9UIqDK`N;@K9yRq-vowe_HiYTv8s1qhB}R{QPU8Bi8G2=3xo$ z^56vXarOiez0E$|6;c0p`^6LT6lv0m7q~I|5NHS)XOfZ21xc@BO8i-!b?jldS$g49q8rD(8H0Rzm$yAW9Pur$4$&D zZy`P#Q3ubzokbbJw7Icx1FP!MA}ZT8=>u6CtX`|c*{x!M?{WfiB%4Xlc3+%RzK=vZ z97faQOYz(&Im{4Uf-B1bs!TfJ+y;&=PyL~LQzC}{HlSU(S>iTX1(bx*F!6L8+c?%1 zWt=WR{RvCrb1j5b<*x%LyMD3C8c%c%T_t3~Pl;aKO3)I#kprD}lzbHO| zJCQ&pIYm(0b}rKVJ&;~lEO_NB)E6pWQaaX{w|47e+} z3?FncqxwGZx{?4zewMJj(UN>vuMZ(}i}CSK%aYYIqc5tr{h0?Q7b!u+Lq?9x+38em%q z7l#}0Z}R;(H*N)8cTp%lhuW?wpf z8af+%9qpWtzb$5u+OMt6RMYWT!)}t}DR}#w=D;a|WwB_mI(L+x%}(ad;mhVOrY7Pl(&6%n z#Lp}R|2<QUk&Gh5D7!tw(&S(%4)7+ct&i{e;GcUh{0kVd-RaVXHPt*p+iC%@Q@*V zPh2%>yd_ksOoq!CRpZ;0_2ld`e;g4O!VYZGz$;BEpn1C)w9YQ1as#`u$V-C9kvABo z6Cw)gDk&MD^;qydeo*}N{!$3c4`v%D2eDDR=Eq=IwU4AUycc@vGg+U3(8&{eS)N{p!1rw=TXd|ATzi@e zgYqWxk4tAWp{Ng*Q=HHs!3+Y!r_v6OiTs7I!xy|&g%+S6o}2s)Gjw*N&O1dkpJaf= zQyu91cELxme+G{Jtq-IBQQUlV0mjil7*=r&ijEf-6X> zzMw%^727S`Juj&Y;*+9uXwTbe!amFexGcMcIYgzx(7k2MaH)`!RZOBQt9L=?a!;xj z>Ongv{ljKI8(Q?H0K@g_S>xw!^xeD+T<6+;4h18b2K?kYP;|8RB1m|5;&!`8G}ycYj%j^C|K__8mSKe(BEJ)z9U4^mU<9;3 z*XNsEZV;ERe~2b%z>nqUou9NGhlmkY^zp&#AYZ$Y9~JL_Zujd*)eeKpJSR9kt6eOA zRhkC>ljrp2N02m==kfW~q%@-xG8<;`eG>=s_Rtf!XqzJ+v0iX(&KpDKj2a6a;W_N- z*u^ke;DT28uEx#v80)~B2U-p8@|l?7XyoISAS%!H5yR z@n!F9HlPu)_G1)gEE2ZAXN{&avJPX=jsjdRzmflVr_Zmip9>aa+yuVyT4wLP2S(Q> zV3W|pyql4M*I5;eeCLhjcm&VZ{Y8!af7#Xpi_x-bCK%rf0S$jezU`=Rx2Wv^wa3x; zNK2S;X$_zk4`}glkGGIl76mOE3-C=)AvD_kVSnF>aN@aa(3_LNN_zsh`Z_;&b>cOS zQ7vVr3f6d}#tHsPjYa2w$*}!-EY}Y#N1gKR^x#FrM%NJw5}+=Jh+r zZFazj3?14%>?is1$%YQ>7)0#enZy1sUQpqyz*EA_*sO$XtS;OMx-KmkI8N|hJiLrv zTmowE4+iP)8T|FCBY1C|3;sFsm$@qi;RKH|*dh2COp{DlQjo96YQQO2J^#Dt#J%X^ z;}_*=!v=dE_C|-aev#&@T#7^^iWc*|L6<;9qh~>XtN{$XxDhrzuLGC&_8hDxp+`;_&KnSpA~&JWtzL{%dMi*# zBu~@d$swzC85i$bTRFUFOHLzr2}1tb5T<-N?V@C)Zj7< zy4`^K*58<~lRb~$=*tc*Z-xmye@m9j_+imbA1-=oL)Tda;PB{u=<_aHe9FOzn@(Wt zjB^rfG+2SD55@RLryku6gxQ8=DWpGsBd{Q3$bFqCkTY9Ko^?pzV9g=8b4nHQnIgD0 zs4cEDd-o-ot*SBQgr0c0(n2Bhx?IBIxv1CcjmSkA%XyEbIF))n$!YcCc~ z(7?zKpV{Pv2HfeY8f>+IHCDM8fTEu_Jvq{Rdpz|KltX{$Pz8B7TGY-O!m0RJ_ zs4G}JBo7jm{t%N->FBX*HyoUJ8Y?dB<)%-E(AhKU$ZSn3w7;!GOxIY$F0*XsHS+3w z(u+#e9k&lcRxX2tb$#e1Ezh?OcoK+XRrO86GQ`j1BNlN6(7 z$Dd&R ztQsb{P=T-?6PQ`pdt@bF(CmpLuNW4~LPjpa;7?Veuiw1jTdg{a&Bzh>AhRedvf(?+ zhSRy;J)~~-M0!?zA1>|Lhi#@A@SnjnFwt(pIeVk|i?4QKS*v*5^x!T&oPHJ`8~dVt z;0{=u{DZiyc>}LHLh;QXFWRwf5NOA*$1kSMBx}A8|K-_$!$Q}BPZ(!;KTB}bY6Yl~ zcN17@NobIgigZT_uA5OsHe0P=<~hdHCuTU58hWx=rbP^G^3Yc}@MIk-2j{Rb@i(<` zP`y-wdaz73Xtor`zO}4NUx|MUEPyfmAs&*orkVY3aoM^-;=}4XeEQ0%D1Y0O=6o89 zkL!7FwYM?eycFcjt^{296C z&B;Lubg)e8V$sUVdsFM-$ zNc$DIR^YjmnpMM*%2hb!(=xm$FgFJ4sPZOnT^M9-1EcjW6ze$7U|Ns1(2L1>U|}Xp z`}AkSW0Qec6(+{hW|v^=)n8=TzIWto#RW8I60_nWXTHFCC!MxBgg?ruhmgtj@X>T9 z3A5ir6E!47iWOflHRd}mIAA7rZdpi{r`AKbP8D%JD}$=f<5{+pB0bdYh4tA%^w3*b zDl6qe*~S|3vXIh>-9>O_stWbq4#Xw-n)66G!RPujk}X$S4{pA%p{~^doU;Xn>n=CU zcY2K}Y2`5W&LMCOtRlM;#3kxWlF@UC0Z+ZCj|oo%kGkXpdP`G^s-L#zJN$-`7NuTN zdhRgWm*;_(q#NV)@q(Z4$|oOq{n-S@9Nh)i|Eyq3 zgR-G&fG(|akfmkwBw)F+JD6OvAzvNB#SYhJFw=vJn4H{jSWwi%*sSC5C^(hPEp%f~ zy(@7qjYa=s!Sth^H9tG;Fit&B>42}s;vyvtZlQ8ccur3M_e0wJoS`9LXjk$1h;D zz^piy?nlLm!ko(V3Pg2jVe6}*POXgz{E%?QzGhxcGU|=#_@q{tQF9Vniq4>#j5(<* zmB3Nb0)NW(4l$a)7Z#2=h*RVbiDDKGrNiY`(vCoX(t2Kj=j1w*O;LkbFH`1IS88#I zZNhGsNEv3)c(4vp!|vWd_*DEIqfEqP1~#MT;{`ZTp&J`MwUuaTRm1mcB^15bM~Y;Q zVdtM%ra46dq!$iHFMmm{QWpez&+JOs=m{pQaRo@%+4Cu*_7bU$V52e-wL0ek0#ZJ<3!@uJ7B%&D&#$BX2lAUY}3lq zBqdp3Vah&$Ul$ofO0VV8cLa(!VP$b;-zN~iSk{7eYX)!Y} zGu{(Yt*3(5G6PW9vIIc84sTxjhX(x=Egp^KvN{`x)5&i*WP=WKmyX4@d!6v=Mk9%w z86r-d)x=(Wjlc6S-=+c1Xx?L1*I?)lAOn70vANh1?I}V+(jmnR0N9QCr^1Cyh&bz1smF+=z zaC|Mfrf`W_pNd4nK11^%O`g(|hzsv`vIlFXV|wsjl>Rx1#Mwo__HE`Oxfkwu>)Asx zaf%#GHLir9>GRMf%z>U;JOOr531kkDwC+giM%-{aYL}e34u(~J(0hOolU&$Hh z`k}!mPKZXE_7gBT;u@A`SkV)PvtgCr33QtKSKK{#1wXz0F7ok@S+K)AvT&?Ei~6HR zjUHabS(gS-byLB8etj~OmTh8X7e>R#^a#*i*8~&Bh+st;6c&l$J3zeSPtmEvf&xdUTE2+!q&;Y6+bwC z0*an)LeGVsIBlmQpBQ}~P3D~<@8;R!!7t6CwWB8yix>6i7+j7MjI<$czA<;ba1A2Q zhl9O@JS|yKK|*`n=#;9lFvD7C~82@>+^&Z=<|YqUFgPV(AaTZu)L)qQ7hj^=F3*K9%&x;HgNNRtAJG-2y zdV&cKykmpY8$D5G{1|>f?Kr4Pe?_y%!|pdMsTkmz|O4~nNGDim6-VwBEENE+Tc=fr3c`WhYm}KxyhOZ z9-2gh5|v=*$uiq6aQPU<#x4B?PM-59i8N>TpQ@4b_vB&8sKsI{nWgws@YWsqZcc}0 z)?@Uhi}-7$AC4Th2$CND!P6BVSy9P0?C92^=ZBc1>lQDbAhzVr!h6Xobun#P@fvRa z(nZS!QgmkKahT!q4$oPfguAKc7%@tg7z|S)v3L}p7S>>6VFkOw$8+mvhY9Hz1{2K! z;r!5RV!!vEWXzCb%x~3uFcx-Sa{T_n^Wz8U*58fjyWNON&i{-7PR7{kOTpVkou(%q zVU{wIXr3wT?nr-y<9p(7cQLvFvy^VIWp$;{9jwn(NAJbs z%Ln1_$w!EG(l_`vuLU90N&nsizMalz&|NAcuMw-czlcm9UScr z%DO5v&d&^jZ|o8&hy}(%@GInRbtp|$3Cv2qSjCSQ1&m0%dOcc{O{>d#n=kL zjq1i83^SuAmKBMs?q7k1piENOGXfGXZ4hrZ+6Sx8GoqO&?8TjU1E_g}NPQWK7WeXj zs~$sm(}s6f<$$SyJv42NXVv$FeUoW=eE!$>BKIl7*xr9*ApS`@o-)rwc?UbVEo$*ofZ!f_AqQ_&gc)x_BvIP6ojNW&KwE7tv!DOvKzP{%FpBjMa;8kOr`rYS zs?+%2pa@tTU0yKjmnq5-(TW0h#>z-z)D z>T3u;VkkZlc97jRFd{MwBXE53Cr~V!hbD^!AJxMq?494vEGO-tS`rmSUR#gjaceh> ztpCB5-0jCtALg>X-IrjL%q_NYjVbO@N`kj1O2vD&?BeWcG_~Mi#@8Mq~CY{~m}G3_wkc z*sGO>X@bvh=HhBln59U)2j`>pObe9wSw_Ca$71gN3t&Ct7%JNNW3I{!bbY}gK{{I4 z^V8$~&T8CkWCX^&^b|+D^Aq2gT7zo;m1DrdyX?g*q1$C-N~0HQ!W730OcGzfg;vYS z+V)oL+v3T+=ZC_UXN@>LW*prc(ac=d$3uL96W{$Hn)PdFP{WS`ulbF@tY}l>PRlEb zwKvs4qOKuJzusGPcY!%}$JddYa<5_T$7nFNHNrfvTSQHmjq$3RFzaBfcv*c83A?OI z_w**i;;{~V#k6hsGiE9IT~W_QMaW?mcNIN*GZ}uJxk$-4Z z<~`pW>Hc0ro?%%>j`<3{Nv9N%&e3R4%61`ZgZ z^zWM?blQh#@#D(hki2>fk!asUFW(gQRHoPBcmGkm?47_ifGV^|Kfvr7rqR&HQTX=D zd#pM27n+t!q07|{Vs`utGkNaD-7yfTUb6U0T(Zc2SpvN>Q-M#uRg6h}55d@>C~j!tsEezS{Y`L1M<+6%;{ zDa|75shK#Ve>VT~(-0PieZgV%>!Dq{8|GUrffuuco`8fq+Gg8>Oh^%?c6`JBVKUUF zR~6;&`eND2izI!P1Yes8d`8$eQQne+I6Oj<9i1=SQ>(+-#RO^oWZP==wf`bMyC4hi zn|vyX4XDBkD&ujl(op_aLXD>P2=A6%AIadKN#d{ix_BwA5DcFrpnFq?c<-Q_?CQ0t z+)-h#z*zRjkGEyAg85(@l56FZq@jkbk5@NQEMN!b|9O~#G@ z_hlc5WoTg7+Jq7+gt}; z3)=Lw{6B0G<<>uZdGzEx9r-hxGFpm-Z& z?#l7TGg)wAs#xr)cO6o-FELGi1@+pe;fVpxcz9|(tZDM&6FS5s?a~XVl8VA95ZIx)3w2+gU=yF+hcEjbna=1aNH<+b|GsX3U0=1iDC%CZ$EFuVyi1pE zR$WQw2cLw{JXLz>zh%tIY!W6_dor)mt8C*3BN}vU7>ysPOzIXr#ERrva_Q+gvVGYo zT;8fiRVueL$x?g1usj>J-&B)1I2%{28IM658=N&)p2A@q$-~__SatslT;FF!KOGvu zUAu~*{+$ABGW>r1>c^(Q&G&YTbLD1ccGzM@RC`{GaG#cY|oJp{FCLiEiHW+?EYR@%zZ zM7PNzg*!jdXR;oao7^Vf4n~3Ig)UG(n#@w`vtag_2vq-e2Dhf%cGmiy2g~c{LHYp+ zu3aDR)L9nHoad{e_v^XXwPAv;l`vfVo@CzZ z0v&n+QfH1Np#zJ-Ff)#B$x*;VX`71z2hIY2J5Su7YQi%n3jM}=Nvtr$7&`J7i#I;? zMEQ)B_*g|2cIjv0lfCKW!|`9lXT&3NVSFu|<}%!U!yqa>L79IZW5MUO30}iT5AmB@ zBeh6}GH`Ey@GzVxXkDs+O>srP1^yXm zz>RvoF~i@VS-`gr@l&~(n09&^>|F31OTVkI(&9sW+rc5Q`lUZrQp*P0b8)z64#F-4F*FUE3_}ENqJCZ?QJen` z$&v)tFQ<%Tf;&dA7L1~gaPG|#cELdkf8KY-Y~50J_~K_c9x{h16dgl@qET$kF+Am1xg}u`u6bB}(XgXD*YEVBH;I{yE*5j@En2Hr~lX?Sfjk{Bi?4_`VM|A9JHp zZvA-2?=D;tJz?`+_khcbrKtaMK5RK2h~a0xipS=iD0!-`N^T}D#DbL_*s$3EEiNm- zmFhicw+QIn+C*YBa}!9ZJ28WA&fIJK6v)xO3k6St@z<+b_AC1mIxa6|oBbU5cyA%c ziQg}}snHE(H{+m0$Y2&6`$DQG`Usuxer7-0xnxSY4y4=M#c>DMLd%H>@Y+0I=x7-7 z?h!I{S#^@|8JvT0N_jZ$;XS;3y~26Q0WG>UaJDGqQ#^^;bd72Em5U<3Hwrn&H%9aK zv!S!2anPFi)PL=GNH;ITweiLzVVW9xjC1EfE=~AB;~u(=osWf!HA)UgNpdCIEO7m| znk}<>!W=FSf^&=RqR*r|IK^oell&&fbxJ<4*9GHnRJISUZ&8GXxd-6b{%}wXeJL8( zYR#pcvWZTw6jA(D1m`~r)!Bmw#0_3MakcU-G${)vvmg5K2;t24_{S*P5SHXTdSfRM zZL2If+ug)`#R|mFsgB8i6k|frAMnnsfUs8!d6%3lH`%6zx68hh1!7g+_h>GJ-+a#2 zpYUK0gq*_n({TL$=n~eI4rezbPJ{YRBN{1r9DF~y3fZVE4{L9Q*`K39bi5GU`h&?d z_X&JVLn+qm%>qrqcdYto5>{O6Lo;7Vyr3va+gb+lSr*$MzjZ8{HhqF~?>iZ1OPsB-CbaKt(GFZhpF*-M%NxBZF_? zP``6z$F>-By;6V+igq}!-KR$nhAzPI(bnSNA)w8(Xuh5)>ha-zGw?ZY&>Spu%^F;ClmYW`RGy-53UQ2;9wnf zzM)uxkNUB@czU)zoU%8CC1nK|J@pnWeDjO+NoL`&LKAqLuoo{*m*GwB=UC^Y1^Bmh zD7`c21RK>q5K|0KqG#!G@MwyMhUF7rvtB1TZc%|tPUs7aNF$iM*Z{qsI*=(IiEt)U z*(u=MzTy)@hLhPcW^ny`4wGJ|3R;a4eBngI1?PUSq*)5Id+%nrb$ACVNF2tbiV(b= zWdbYz2yDNSZVX>y1oubZf&RDxvOTUEVy=7hQR_Cthm+o9;qT$NC-Mwa*)o+c*(A%w z5x0p&K^#oZ4TFtqjrr-9xzLhjhlhI~qSlQvbWFV=PM}sGyF`{BS|ZQqDRv1AM@9V9 z9f~(YJu&68G?m4Pu)uXc>`Qvhj4!7`+YwvA_ua=@w;aNgCaJ8~HXqfabFp&lZh9r< zHwpcoO;i(maF%e-UN$U>jNUZ}_h+pjBNyu-yHpItuPjN)C3RfhvmGZiwx$O%ng>$zn;D`%y0MsNI01fqn2tx4?Gaw7;Irpua4&HS$lPuq zof~5@I?0&Nw)+YTGV|a^2Jq~ShUC_j&%%DNFTF2ij)Rmkpe#!lpXj~^l}CgQEMElK z`E@vN%1w~C_8bR3^n>PHCy{K)5YQC%@dly}nveb^WRPFjK+ly>KWw+qr7%WcITiH! z@}B&eqzJFQwP~TBHf~sAN-t-<7q_;EF>g>TWCm`)>-+!=|M`x12iGw}7>dguOv5av zMP$822^oHNp(tpLEB1vc(?L34;CtQ{m>Fmc*$D$^c=>-2bp5d4Ku<%J=q^^9ehsB! zdU1}@3EXkvCEl{v2lodG^w>gEF8`CJ+38W!b3&A z@7-z)(lr$Qy%2{hcGtqv;k6=V7Y|b5Uk{dUH(B1@6tX4ZByN2!i&MP5!T0D*c=r7W z79l!M`n-(jkgKu~Jo^@WZ$b>4vzk;T+R;_xa!J0*S@eI`%{JV9j9ac{3um%?Y~Ong zGJeZ*&*DAk^!*PszdwYXGxTt+!D?7HG8+G{b9r#&D{;*B!syX{bobYAQ2TR8e8{mE zO&3qWre~jthKVZZ6&d1)@=DCJ4Ht;IKKQ&=*mb@B1g0FF0Bx^qXjxl0jEcT5KCKdj%e$El% zo{EPegK=4kGsbURA-EpCfJebc9Jc)(c6ndN0Pklk=i~sMtMeC6Z%u;`?F{r^lq(9l zv6wbrmuWVRo^$}r$nc7WjqIijh3J}`TV z1IGST<--~rc=k|DR2eTt7u?O~PMykFd@KUW2Tek4eOn9}cbtq6=4)7|%k#|Q;7!k7 z+%ZU-TW!q|d>;X@tfw0floi7*?=rSo<1R6s<%XaC>2aGeMZ!!y112ft;n=PyGS2)M z>isl;MSBP>OYvi8U%g@pu`y7*>`?rT6@R+mSZEY` z1)9`5Sva2sT@ssqKg2ZBG=(#<3yzI#gZSF{Wbi)|?k}A}PMuhZF$-?M)A3KB-hCVC zZ_fbN_IOa)IS?0j&ZJsS-&yjA1)z0N@Z8YTY|xrY_}6&>=L&vCSMB-y$JHKiZVqSZ zfdUs*r$>CZWeM~pdtj2K2Y+XN8;!GWlbMTt!hBZ~h`Zm5w+?mV4Q*%mKE|HBt~(DW z&!jMwgj?+K~Zq0v4=?=CqVt06QkU$9p3}@kvG_`t?2qzRn7cyd6z0ZA2W(g9NGn$&ot@$$bNSC*(>&2B|$XD|FQTr)rH_^ck#cdaQb0)2Y6jg z1HGr|WM)l2#D(2~J+?jKHBQ%YaNc7!{=SFMuMfws1;)5|%}7Wi_wa$sHXPKdk4plV zqU_C6B+Connfxh{<9!)AW6nILnUjUnq|5OaRA9mb8}ebw5m>Gsjl+ILh$H(Bf_{-2 zt=ZOxEhAG%%=hE)b*(Ed>maaF{~^(MkjFB2N%4UVsdV%JGiq4Za?9v{5Z1%E|OL5cZIIPB$lKCfsa zBy^>dGfOn_&ehLwWZh~|J6VWVU(TdyQHP;3b3R?>DR9TAG6X-2!jTQNEV4%Ed>-M< zt7$aNot+8$eig7#%S4FVU5|6uZ00{VZ^aj3)_l~?Z{n=El}tro9*&XKp&Od@sD$j-OV+;kp`hiT0^-9K$z9M)Zx(*|sOY`c6G?F)7pD%Q2AahHfkO9gSC^cP^E>-&o zueU40odkK`z^wu zraPaxhq>X_ZRtWU*cT0-zd?-~Ky{U$lV97up<(n9+;P(cjd$E&?Tz_Z?rQ@PGCkya zXA^{$nK%bp)qo{=EzF4@qS+rSJZxSGdY$_)Q8x=S3!e#og{wG6=LPP3QA@^0MwRp& z38L>8UjhFeig4`m2tKAu6AC_Rpx(T>^yxe~;d`G7z815|u6uc)v)7Uvl$hhX5`eA| z7XU9ef%`yBzUb>HW<`~f*eCBY#! z4MY7G^2B64zGTZPe48T8+(wAR_S@aC?U|kU&ons*E0y4jwkD%d{5Q5k!44(-D)G?y z7RYVTqCplWB)0qzZeHU;JZzH5B@gqG%Fn7`I{Gep=%0qOW^+ZAZ;#^xtH)$=WHGV4 zcmvhOf5g%+eVAs_N@RTRGINKev_bA`iLn;p>aMSFq~9@=8*mLSK2XN5$8_nv-f!sM z`T&KkNbYoXFj4;|><>ElVRHR1GSTFq=!{M<1~lA&YnS!V=jtakl|PC%G7c8S42>f4 zm!3fW$p(ZUgW%|{{o=&2Z*j-wZgBzMM?9ldaK>6y-ZiO05``GuTN3c;f36>eEV`z{Bf6?f|7x#3KujY=lQ9_Y6?urEG7#ZrO9F4VK z;^BV`orgb`T^Pr$qL5Kp4H1eWE6Q`Oqezj_UMQus*IQDWLiV0nr9zU7%E)uBgNk-3 zQYwlxXlQHl-v2-!c^>zD&UO8M-|yG(H=tIh&ga}J#z@H>-0w$@Xt;zP-&=ZK)FShO z4EMEWZweB~i^wr}PwxAr5#dU>cga4q(QUvCp#!XEE4T>nyOZMQ2SKX+5-#d4CBql* zgRQet;peG85SA|^%v94Zso#+%V;utUnPVTiK%jWd0Ta|Mk>*i80q|3NN;EgM4j1n< z<#+tz!0`4%cK>4)Mob!sx3^0{=(QlaseU->-dTz*%@1+J*-IGFRRlp>K8xHP?m^Gg zd}xl2g`c}tfnDSz@txNq`pftm{CoR}HNSZSr;J~dpxwjxnq-D+BLcxhe4D|y*PtTt z4O@PRVe~SNQvM~d>DVQ_B$FnpO-RMHPaMcd$GQAB{|092$|O-P3ga57KXEI-~ zR+<0seBe}^QM!q0(G<2dvKgGdc%xd^Hf|>xg}+~I2FK<|uzB`QEc<68w+gxns{UUf zy;GLzeHY`gF-`17gf^e}%AC$ScLE;fjE0rtSJOhPTX5b;aQxU?Rc;ANhTls#0hX_T+^hGEw5+2&y~!03Mp-4SBsw zpfe_y>^JPOiBC)co#jGS!TvV3wDk}rxB*QuX3!V67o92Xd9EdUI2@le6$iy#X z#i`%I{LYep86Sj|*V`fY(-l-H6y^$M)hxoxg!M+%vf+mv_%+)Un7OMQ!=!xi(BM>d z_Qq_s-1`#f3A4SF=j))aE*KkTq`=2HaW<)OmvO0V0UYvmCAAMH;%k>YW^hj%x*uHO zO?y9~b61&oG^-@rom8>9CK+r6)=>VTt>kz}4TyxF@7owdzIfd_Hrpo;EVe0bXGW&h%M;$*^M|-L53Dp06VQ5f=B0lf(Cd3G3h7RyMAZ3 zX<{kZC+(;Cje}_N{GTM$b_d^)DNRFfj>MHKzKR@~IlX!DDb$5^Vt`sXO2-<2{>TSY z*{o*}bYKw<{pm+)laukV7Q@RYa&fb&0Uc9$0q6CK$-9&0yz_kprjJO&@7qLRK4uAZ zva#V&j#DxqumH;g)|vbOt{>R7jmCm zI)28IZeB2qzf^bu3%+cIi_<0f3yoGX!9p9|{1Ho0mTb50rWtu4k+Q(rQhEpt%K zzydGs6&zwQmi%9?j(FCL47eV(oei@%OXRFaaP#r+FxUPz8?Zis#K&I1jk=4dmAH{b zT_1;IK1acciG@sbs0FU|+TzL`O7PmL3ND@;j4@6Q==5m-Kd@>t4EmmgDpz(>OG$yL zG50n(E#z=#3SJKf(MR?%;sw?g@8(KgPIP+lPq?`38@V;k6b^1bg*THNXxsA^5a}d< z>%nXYuIoh_BTr}N%d=-bXOK6^QfcKfqCsbnkBN8K<_iiKE6hb!g`|VL_8jgz=rHD9 z`OU1mlK~pjA!CJbcg`7#n}cdu9Ce^A2CCe!J{+93XE2NC$MEmW1zhZY2maF*GHmzs z_`Ujia^$NkhGPQRZ()Y@G6M5)0KE1V3-e3~KBu{j zJV>e*I@lx7#r8FZ_>VyHQE;dJdWxgIpJ2)#3*cYjDDtV{Hl9zEhY63bk->V_e5+YH ztaY72>Ze#j@^YW5MAsJB?*0qgM_BP2i|2u()NisU>M?up{RBv#sb~AbPq5a{I=o?? zERH%Gj9W9UVY1{8VwkZ98mzyHW@^fU%LT!0zN7B7Q?Z0-#|FmAeuD^_^$nusB+ z`?E0^zTOE7Uu)5a_b-T2RHa$Lgle4L?t#-Y+)*DHD8WNWwC`g&4gM@wU>cTfGKV^; z64-fG5!P!B;7c>zVc}ViswrJhL=9sAJ*9TiS=nvyskH`zraT}=7aqe^8}zxkvJP=` zr}VL@H_Y;W36rwlqOYGA%ikQP&7W8EZ4E0i&^3k~3CU!Z+wAFslXqFKoD!{g+k?B5 zvti7Z45r#+11sOn!9rmkr5O4XdrGs!0YeY6&(&e{^;S%`48=JVEBDD%qWY!efR3HRn~vji}niV zt3z>-cz>}ppQl*OzS|4{&>BGX&7Z>jkZxAc?uGsBbLff%1OwK_g6**&Hb^&y8AKph zB@Cnyi%ni?2Y? zZd2-BqR8|Ay@S1fO^H^+2=10sA=bH}gF3c1MHd?+knGt<{_~Nczdee;VcIIpaJ3?b zx9ZcC^&ZG2Hj*ncS8+q;LC}-+X94pBj*U$(e)W7nZfQs0#a*%RB3GY28NUo$R!$>x zx-96$;g?AH8)qEVY7H%u%Srvbc<%gO4R#*MCzkDJ!Trl`;u|%x>cjRo(BY$shH5X! ziwjSf@wubmc_)R9Q?OAX;C_ zu~9-1_Qb}(=I&zhbA>Cjy!(ahUvd;@yc&QSk@qlaO&uw!e}W0_BS`py8gj3&9%apz zp}~U-V-Av_MEDZw4IaJ~pnkhV)MGkWY;>9h z#}^Av<|Bc4HO(J%g)DqaNF`*JrBL*_%W9f7iKYgw;x2Zk^uq5d!L_;=1CQB(dF=q& zzSRWs9u37%y+SxwmjH8u(&0nobuwjsDCj0Ou;(Kdh;RE3;ZsWgv05uj?#u6zJFz|( zVeKZ0^Sy-8)z{FmsSQVo1L2pPAF11*i?-KeA?wSzONI{>Ve6MDGTK*(=B>JbGNVV* zpj}fb8>NEe_$Y{!5xO)9m&u9HJ{GxQ0vg>5pjSHynQ_({ze%@2-LpJ#S?(}?*o{#C zc6avT)&`s!^8`&gOu*A2gfu;?f$r;}fX;o)zkfe24j)09EH&vlt7@#87b*6d_!ok* zm3V8lH1nG?kNeEBU=BSp^yR%xFl9**8W=so-+VH{> z2ZlRB!0P2NdS&wvUMesenwO1*;Bj>N>L)qgf;sNhi>z9c-fxH+KaXM z*#dnsukoKqM}0BAj*J2ANOxS{a+Ty=wzDyuUjlDO9To3(x5t`IIuIFkmNaz%KX!2$ z+1X$S!NHfrx+|xl$oxHKZ4UuwkG!eIXKchNUr!L*i-aoN9zxB$Qt-p=5}X;F3X_F7 z$)Q)gO1EG%^i6c6>FJ5^OuYa%&Qsz6C4X7Ov6&D!(*j#_#>4tsKJapMIb>MIkZdV` ze9#mIho)N+dm-ftK|-D{ttZnE zDuPiQ8i0;#8;SI(zi1|w<$v?z!ST{!yeEo-Co>E|rcRGLEjrcj`zg?8odnBQ zEriF+T>L^YQ(&`Hk&yWOjtS{<(k;Eeq#f+hLKZWnqz(8iX?<1;+1+J6&EMjNVIW_9P#klE_2KDcr zN^4e<8 zZcK7M%0jC}cqnZ!wYqc}nR6leYhFY&e!PUKZjbTr{A2jkCXW1m@RNn9cB6cN5@r&%3m*ww0}KV+rOeFjWC}B>?v+;QD3c8)t;eM$cw%=k0iEs{P z16DqPgRd@QV0AXB5qOU_g#;S!8^Pxc!YDnk`7jJF5ks}%bw~z^ z6>eaiRflNpnGvvjtdPl3(&o7;wpIUx^LK+4rN^SyLO`=7{oyf!w&*9q<1k~cacc@6 z>F&WbUb)fz_vP?ajWYdxxSJ;W^DRu#9|wQ-;(* z2NsH--dMZF7iI^6 zyS*H0T3OKr+Tpl+q87+63uY%@>q7UB5HuBAlkXoU(fv`Iz`v+eq+;mH?GHub=GSXr zc|itF81V+jN`GY8Mb4{iiYnG)?|}kV zEfqpOIR)S}@84`&Q#0YW3HdqpD~yy%!jiZ^GPqfWzu09<$0p~H1HpDEo~i;>!hNf} zN8qWFx}-i3^kAF3EmAgsJGw7b|xGqD`YL< zpwBMYvrK}jPj5gA(GYNs(dT|6IEnuB22`dv@jq>&Q2EU**z&UyR<{_?kVY%|`ucy+ zmKKX_(iK=y^jBOa(+8haH2I*kKK4!V4lz~vhrZ%qT;YAgol4cn=5IcyDyB$KK&wiR&U@?pBm`8 zSHaArkH9srlQ4b3RQmjb481CM19n(`g6j&;VMtO3dA_!ev=(~JYk7z*NgIs(jbn#nTvf*jFBg~iZ#HgAS^fI~t=bBz(eBF1rZg>PYeXbWr_YPx; z6^GEaM2)_1>j3BTS>)jIm*V0g1->aOL!4iK6XMgaGrzrwG&^o2EgWl2q?{!&*Dev} z^fbbt-OAkW<6UyezY=_nBY9YdB#h`hN4zi00xKCM_U>&ED5> zAZy{$hz7j1Rf_ICS%JpF`PoGFFc!?Z#SETguqUSuVR7<)@v-u9(!W*(?noSi*ppwF zWj5}LPg+6&8PWdOW?bn5i56rfLcyxy)vl5uC;9b%# z|4X74v=Idz6L47>hxdlx!K9T@HrJ+{2JM+eka%f6&e-5foVg0F_O>EXN?TF(YYYh( zF3d<3&a>}Ami=s6F)p;sC&_#?>aEkpPPM`GO1UM`R=$jGUNg}p-1ffTK4g?+i z01rNfqK@Ek)3veW=fOxb;ZH4+o^ci5)8jH z9cmZ2q0v49uKT9(_Z_F8LN6QQJ5LKd?H4HSw&dE`a|K^f2P|<-VRQ5EgWu!Buu$?N zD84%nQh!rGJ?yIJ(m3JVq~=8Reys+tI!PS5qJmubI~lwsroy5DdzprMo{*jM6xCBT z%I1A0*Cxo(O4m=~hJynzc$zNv|2Uj`*PJEwjutTMc{D$lzlsc1dWMz<6Y#!N3dxC- z!dco$;Cky0G$yFg#M<|$t6YG2ExCA6NlEbDZ(w>vfg1HI(K%--S-z7Bu9#6H77Y!B zu3RhF5;+-*bfxLVRX2sa*fvVSnM zZyorhNk`;+M%aJvdkPP{zO%am^X5)#FN;{P8gj*N;F4Y%I3!2Wm2Gbsu{+K}rA&Cz z?`+%~XbHG=JtVk?f|~6}I&4fA`Rcb9zK)foLsYcs{k4tIKd2ZdjJ!a;jz0sdog}D* z|0aPok`AM+kHD`o9~}K(0q*ax20wg5WIlH?C;Ji~P zAN^0*SM?+Cd)@Cv%<{`Chr+aT`wO2JKr@p>!~7rucV09H$qwQw6i45s~W0NrfcP=f~D&#b)e84Uj& zj`a&Uvkp??OT(0@WzG-ObSi>@m1ylynzd&S|r;X#(fw z&}euQrhy-)y@Z}QE9ujFE#yO37Pr!nWFZS5GLt*SIMpDR>N^o(Pt!48o&yXpa&EPgojt+8+t{N2e7WSmZil=Y<3wPyr@^8jce2Vg7 zNJ_NDQm(}u{JU{b#0*~jvl*VO+>d`kWMTPdPl4XB0;E0m!%zKE%$E<%#KviZM@hP6 zqzp!`nGgA27m~KVI;Pei%q|7jh}XXhgYSU>(AcpXbl=Sa-}_oTe~}$8OzmghH-__= z)#t&b+K(^tSizlTb46?aInrL;Dqy41*}WCm zha=I)_XgIEXhrwFm(1V@kPV_^Vyi2`5S$>#olMIh_eBYOxw(Zc@t($Pj~X(=M^A8o z-YD2mG=g8V%mc^VKHUCsB%WTlg#I~koEp%LyhZjt8)Irt-iO>q{asS@yU`y!xX<*` z)St!}LimYOEmEo5zI2}KMjrPlhn+LbyNa5Lc zX!`4_l8Z|rTU{AFq}}QHBniyiTSz|W>=d%b7le+GB8^Euhb`-iU}c{=UH-e2nbl1a zm}y72{8tC&J5PsR|2B}Wg1NlpjWrZr{RDdL_u$WnrR+uH1##{G;SAsP0>=8TCSJ4V z<0*}U@Znb-X?Ye*rc?lZDDXHI^~kdC+tQiZ!Fookra_$NR`9sLk(_xynvXBP2Cn2k zOpqN4Z6PZRf!>^%<1MU z0T^gBLtK`o%_hEGh-KZ2Y1+anv020(;hY*qo?MR;X@Dwf+$zFpp9VtlHfcQZ_%gH$ zof7N$Tbbh?dD8cN1bcQPpX@ZL$F~L(soCHpvM$`0==7IhcekBr>$iC9xmJtgWK3!7 z;pZqt?2Smfv3A`E#IU6l|6dt!s`yXRhg8ukWtYgkZ|A$s%{SeB2q;C zz)6ri)197)s>JE>4QRZySCl>1mu=hj7xu1|qG!!p@v!F(w8(2>Y76h7(u`KYowuIf zIWvdO5WIyed)(1JHiIc8@4+9ot~`H=3G_#LlA5J!!9}W&#a$UqpVyqnV`+!Uubzis zu}N@^&R@urlFqWVBSxc}lmbkyc0%!Bp+|vEY-sl{oU?NjHNKre#+F1wmgoRmVSEc# zci7|Khz2+jK7?O>-48bwRHN08dGPt8G=K426|$F%2Gsn3$*luWy>&VbnmUZn_bq@8 z!ry_kWDe}yx|=S`mxEr@7Z5r2CboyR!m5_J50o- zFx1qZRP?5@_s0jbmp?VAn%aHHG+#_gf2z=Okuh~r*XD+zP4K7WH7?#&ik`74aDT5P zG_TKRw@-KLa+4kP%N#S!p-zg;S0fE_fXdo+!wwj zQ;a9rG`^2zmJR9R2B#+R_AP6n)6axsVFfyg&S7cB1R5J%jw4Sig3;Pqu=}n6v2C>= zHB-c$7G7hDZgRZ1{5~wGdLRnSe~-<=U2neLE;w^*52;a!0F0Z-(;X5ZKJzepZ=FO| zU(#g0Cw0MU(<1n(6Nasque0i)I4J4x0dm`)4|5#H!Rq) z8kd_5H1J-P_3=KFYQk3d)-?cWtrAybYhc`E3pV;np{UI{i-aw0V!g9g)3TPo zuweLTzBy+ST$%I=R8&={bFc>HTxo`e!(lXJ?ke2x6^83abTOClrI6QI#oUr6V!GEF z`g?)EQd@JFbgW+vkF>kcL-2=%_h!TLp-V`#;Ze{o)WnFh#(3;eF6QriA+mfrm!{7Y zyvF{%d~0_rdw2RbnfR*`Tqaq<8leN7N$#SYR}APso{kHD-Xs0VOHfZZQ?8GWWA~~f zP$6{_RcX${S&Jw$$?IjV;qo*d_K~MkmFU#^KzwoCm_BsOgn!>=iKeVg#RNPGO_1(DgESgoLx%&XdS4eWUj849zL3VM zpIGoJYdPGwyqoz%WwGAdjOpykCFdSlGi8k<_@$VD%nUEF$53DVBGE3+vq;5>H|~n} z4D4gq;-lDdA#=X9Y6{GlqQEy-iA6^7PsAG*pJf9rltl`~o{+vbhh^*QmxDQ@t41p2Xmk$gIgOKwZi_yuy*KO6waf$**^)7l9J7RlH0xdnIOH|Fz!92HSc-Zbh+CCgW8UN*Ec31*llo~^_kIx{m zW(@TI)ZhzT?RhSBhUIm_+&iWnvg;+O!=&L{>71}%%=`l3C#Ukr$d}}8K?9Ddzd=ha z2lB;HSmpgmhJQ?NhPwGt7|r)#JW=C)8pD`G^A>J2PnG(P^oB*P+W7CQI-S?>hkV>W zmFC{JramgNTro?Bl7q9jz5j5&e{d5NT%UknM_7V=RvFlznZoZr{DAGY$Jo9(WBK7d z9k9x)4mzb4@!GJ{_}-@o^!!)w`yQM5ml?`@OS>%YNfp@erVmJo#e7~i*aa%OhePb< zV1D|>YW_B@6_0EvCBYjS&~4c;9Ct;BMms)%tlev<;(N-Q9fBxXG#yGN2#VB*?V>~O zeeiKdB%Kf-C+yRM_|?gNn5d^k?`gT?{3G!oTQ!A(Mk4d65Wy|C7|0&ePG0RbqjT2E z3H~n?zQw_sA5KXDCzI(kV?sOrfg!>>L+Nb$Jc_#u(3S8D~Ju5c8V#dv|{?3TcWSg zAHa3y7q;`jH+WegB1%Mraf$};Y9HZ;=?-f5vK2aO#zUFCz#g|d0e%NHsG{yeVRm>4 zWW1*E*0-{Bx4$Nyl-Yu69*A>A!>Kq=-~e5VqMci=la+I3Gh268)H<%f^IW~5IKmOb z--K`}O$+|l)`VTU@Rrz~j~5+z6^zr5jNy)Pb79=kUKo^Tz_;xb+#?=p^p$fRYMoijXop!>QG5QFMYnSVgL=ysKb3S70k6Uh-!0dKFCCyI?c`?c~1mirFH~Y zepey5pJnN>z8H8qY&RV?N?kms`HOhljUljO|7&oZp~U)))MmI{iA-C^yP8l@&vzThqAE>%JgvPtt zalf^`cy|_s-($?+^LK*R&eVdruOYv=z>rt3*u>`zl!vH87MwqdW$9^$*zPHPguWO< zpV!&kF>85`4S(#HBy#uFfQS9M{L0% zPLf>BxgYm9y5O_wyW(qwIizLPU}|{cBg_4a5M%xXBkQE-h5Tr2+3_Fd7AerwR8MX` z{UzoXdT|+#M5giFfZpB`4Le?4#pP*c^gq7?{JC)^28ZpV^EU@$Zrc#CujyJ=&rYD` zJc9Ce4n`BQ$L=$RzOP*ncz;@&+Nz3X*k~G4l5FRayJi)xZdv}Jp08xSn9r! z_G`(A2WQLkXFrz1^Om=G;n!LCJs}-Fy0r@#;dgM>A&>9y8GvIKr(knZ061OTWuqNm zi=LZC^G#pQp{7Qk_`1zIToCw{c-?z1d~S>_Jd{g{TBYgwqB=5pV4Em=iwN>kQ>gxX z3x3*lF}^$h1~Rtn#N$f0SXm%qa4W$6=`bTgi#NgOMzjKSS^dqtkrKD@xj zl-u5|7yTYOlK-&ngq_nI1ZP+(ohY0I>IW0nKDUBRdoz<)h&6e8{c?DH|CY@b%LF$1 z%U7)Evf|Fu-FQskc`)=RR^l=2c+n4KpKd_!;C*N? zN#Ny5#bB$j=c{SBF6yXx1iR<;;%+vGcIVs!w$hlMl#Pek{hRQr$9T9VzX8uEad=so z43i(1ia*S8rpf0l=wZ(iSRyCKS8cZtjeRzRj}rJH_iyDxoRA@J+A6rsDsDlMf`s58 zUCovOST#m(JiTdb26bZ;sLMGELeG?er*05Vv$I9- zNo7p3xDU#sjHzd`(3ceU5C?r0(*;pl{M6<@Y>jm=X;_}b^T)2`^vq)L3w{lzS#$V* zL>blHH5m!EcH4v*E46TP{tYf0EIdn;N72ZVI9^ry6R5C5SQgYq zmJ72>*;kr$k=T`Ydi27ziMo(b|B6h$w2)|7eHULi*o-Cf9%0W*d0u``3|S86NWm{p z9+7cbJiO#HGc2FWCv{Ax^}|bGgTrKuR347%${*N3>kufOn+<99FUh-g?tJ2~PF&)8 zOZXibfmKjEF^&5RmkV|H`|kNrv3&*qePt zOgJ>ol3zYQk$k@IfpdG3aEy&0Io3jhTIOW{=)Hv(R`y`;Gy|k3?MEev z(`dCj4n>1{LA^Sior;|XPIAev%DyFA2N{aeA0>AAIo9Zn(;g>L+B|yivW`m z@9}4tI|<3SKt4APr*}pj#lSn0Xo!Xze)iIbrm}AM*`r3A#AuF^4fLW*4mfpR#@^M+^!x#NG@dWP4KEks&$*rC?cIg6eB1-HUp^k>M~m^>zmbR? zAMuL9cGNK>AR!qDOBJN^onn7(ZF`y4{&wg z5?o<3jz7rv5Kk=5!rXj48WhZsIw8sGI!*rCOr=*dvv5zFvcNBy4`*Txq4Y-ru1!{_ z&KH89*1SdVq_#t6Z6F3#DD!tl7U(`S37(g=iXOUl6MLCn!FM_vPLc!odv}76)AN8M zyTWmP>;n7|&<4*AwZX>?VK8HKHg5Tx!(Nee96C1)RuzrM#rXkvvQ2QG&25F#a}4R7 zr{UOfiLvMEMeJzY4p^^l1@2Qs#9+^0eyegQ{IZ+O_WP@gn5iY~D;z-=|1{**4{~wE z_|-UI?}w`RN9x!K5ky_$8vJ)8pCu$;z=fMu5h<-q(c>urP`y*wu6D=6mhwHKl*JKn zf6Qs@vo;2CnIr#@Q4F{KIbofn;JmLrfRSfa;P4tH{w}!iIRM zaB!A*;*p1B{hh)1cw-`aDYz6vd`40*8-Y95?iI&iCFwnWA4v5}_G8>4o@S#;&z-me zLo+(bD^(@xT{N5is|#ZnR|kTQ)iPk!=b6!WZzw!+8xQVOq2!GxRI48s_G}j+wDz~? z?fxi8Fz`do8CGIHTV<5rJ3{1|Si_b*UB~8R){^d5{z48N$d#XNhJ%ZX$W6%}h`Fpwd(3XZzzBQX99$xPHzx^f`HwDqZ-*W>M!kSX0>AL@%NEh9hA~36?Kax%Ocba7 z*e9yl8-{8pN5Vdwdu@dl7uEUIi{S6L{lUT@t-dk^k$<$AB51SzgQOsx5yEcyn$7DnxnXk3&D< z%=v8?xWJ3H{rSY6s)o@e^I~8^U<4-BOd@(3*Wq5CaCfh|ajE@`jM(SsMy~u-nkQtR zgovB~RC5?8vTXHYM$A>sRiF#*U+686Y#{gXGG$_6;dRh z!lV|tL)mYRNlsBV$_bdu0cyiI(JDZBrDOUh^R1{(Dl?7y}1Z<>SIBZrn80 z5TC?4;b-+E;5RGqC+))Nv1f3EStuCBhJr$@7+3BUW~Hj_;<2@hq4djOdib#>BF=H#g1@XBI}Y zsHQKN!lFsakbKtjuo2v5XhFh`1x-zug|(kmfRXn(|n9ckJc3o znW95KyQH!K16s+rj#5a~OUEIfezM%x2SieOJ7AEa4nLToiJmH^@Tt*`AB=6qM1>MK ze()N;JX$Yawfq299(!h^yHJgPSG@sNUA1`QMoHDqPN1qcCt=oH9n7!z zg|nvk6aBmX(6RU$xhShd$4X3qgTl_TdF2<;;ek>7T+>K0Cp8{ypZmey#BA_BI~l2Y z0XkeCP5s`fQuT|0V0v>MTT!5h{w{6oX4Y-|_IE30#=l~Z_XnWjo)iok;mSkqeM2ps zF<5ab5dS;mho3JV;f{{^uwTvqAB@@tJ>4>3afrg}C!XY2>LYmlHG;lA#lcvZ!R&Xs z2kmN1cn=7U-FxMzS0zE)UU~DLtqMG9rURX-6oFe`PsAOir(ola3!o^o9WxuW$lhoN z7MEm5Bld5GN5VTH`kNE{JpY45vq|9d?IN5suEFnleWC-qjOnw$0=6(E3&jNzczRPX ztg750lCWQiIhsN6U#~Y29h=5a@05eN#^cBc&CmFGNesjq?}vGCU3_18ILrSg!MA$` zfY-4mOzRQRTj%WH+~wiC*#8pl@IFqg!Y061<;4Pfr;Dsqi^2}8eQ4jgh+mwp!5#B8 zne3rx@HUHsfAj+MpYCT~o7DJ^s&29%=$gQh6r*~WB}g4S!B(fW6IK&KmYkl@DPmyO3+x&69OmdHF+5&I3Df7h= z*{tNIHE5*`r^EbJ$*J=*>EwT!7zqbi{l+HI`MCFFM=-*&qXIkUvo0D(%op!G|}q#O^FpK-ygze**J*9I~RhI<1>(aT!USfi5PEp2j4XL*}NGWOJ{BS zg@2_jLAmuiSPPwZ6&gW$swFEor-b3Hr|Hm>5HoRB%9**m~!dgw-=yty@5_xtA zY!hE%2mD2}dj5EN@01B9IUW?kcgok^^frtrlZ2Ex-jN6D%p*{Ut&>If16 z`0B<}735hJ8NUsp=ABUN;1OtjSiQttLtT zMK!UiTH$wn)rcl-pG0if1^QH&M^tBO&~I|eurBQ#YX3OJ6h}QkWg{yb^~Hlex)INA z`iWtqX8}rF)S)7K6L_28&3r=&@%WE@&}^QB-&a4Y(z?Pi&P|3J4v(M?TIa#CWXmHVxOwd1G3vu%aDPUkWg8(pbJXD-j+29YA9Wiv4f^w3&b=2JL%`6p|E0^IzK&lHHw`E&=0#pXy@)S7$wT!HCh!@pXtcc zS4r9UH_n|&3m)~2FSb$R3_|~nON984Y?#|Ofd2kIg_7?=#!69v``^|EiTO@+kM~I| z9InG2%iSYu2T4P8)){7$eoi!F+g1FrYH`)0QTynDhJG8L&=efFSphvq$Ku$_AMk}z zp;-IAJG3>*;>6n7bmQ<3Bx6UpsPj%bzCZUB>`r`!@ek+G0@Xs%rj!7jaH&_UE|-Ib z6aA_G?Xg_Vvl=fxJybOzR+)*n)B$OlioYJ8hZh_4X;t<|_B}bfQL=B2}!G%bMpocux* zb&oNBjdV;Nq6Lwu=Cn#kwE8&2U_r$Z_?N55Q+W%1KmCl{oi&^I6i9mH2PKGM&FZu1PNo$!qD*=pyw`0gEQaZvZ1Q9Dz*W;)gQr{CZT6$dJ&B# zClR;w2r#>lL?&F0p>bEMF}&^&&g~F-5BGndb=6|3&{TlGF3#m?!|nO8njimjbRPa# zfA1f+GBQF^DI+6MQ7Gj;*O6#wNPCf{qO?m>b|~vZkw^%YkV?aSu2WQmqO2&2NJAu* zG}QO~`~3wT-0t`Loa=hMo=@CpEDxFTm$1uEk^g#N%l6DIB@e8vXvh3fe2aoJZdg?c z!Et8vTD5TY_+byzp6XKdMX%wA&{vK)qROu&r(sL*NZ4F(mskpn+_L-f^to~ee$5YL zgZ9|)H>+YmL9`vCQG(l-=8)kEvqVxAkLjy0R~u?kD6p(3{nRrH?l}L01yuo9cG(R^ z1x2!}JyjrSt-w2!yvUE8m7vx2nwW~#(U9WLO!lI1?|L_pWCZVoisLdcs?r@y=3E79 z`yvn@R)$rxY_V#70&H!X%MVNt=6#8}kWySpwsuO;SqCQ+bj|Nalfh=fEIUC|Eb$f{ z2OcAjb*dmM?LXMIMUozft-v=$!ksSnDt_J@0zkE9}mmtI{i@CedH!LuvEb%~UraNmL`fk1kYjCe@z7;FOmv_CNK8 z1!|8HZ#k|^9Q_J0w7-DFF5AJyv4TJS{V$w2dKm4N`hf;>oN4m3<=lMFHNiJFiaS|G ziqGka@bTmE!U9i-A|IV@*LN4st%O-aE#cT*2aS(^7 zOVg~};WX^{22`h4amGs@ke3W*FAX1n61c#2^DxM()!@@wH4uiXf%#@v?(^LRb`(9t zraW&}rM`fwp7n#wq9}I%)(y78X9WMylLneA^WoEK724YR0yS%H(|`#M#PPyak^R_o z@gdD4ymbE(csL{spY4{WDZj_S8ZQG_ROG=^>|;n%pDRwfWdqhxz3l3SwV<})ICl~9 zP!}{}d0p9NI9o84@5*?O-yUwnsNT7#_`?Qvlo!Iu*RA5hg~xG?%USGA$$~43i_!Mn z2Aun^8fxXY^R-DT{KWu$?(p?Jn-MaWuC{IzoYDVK>q8(-HVETSa4EVph{3C8H{6}v zTCk|}nBck91dAv?YJ5&$Wd30odvpwM92QAGesjWgMKUzLX)S8^TB6s<6D)1*4j~%y z5Q9&TpzTYJQ{M&&sFe%nf1ZDWzM~J>+Kn@)V?-DXo!2kUNE4nxHJUv5-3`&3>QfFz8?``;r*|j#6Zam&g_{ZbmDSAYUO5rw$g+4I*j1y#RB0m z&5+B#cm)~8%h;qrT3FbmL(iwfi{0J zLJs7$hw)O&Q*7|9Q~33v9iQ<#*JeqvHr>;(lrAxu%bK2rBN=}JwFK|Fo6Ik~>X$(D zmq>6=g#=hj4x=#e4As7FI8NH5MKGM%ZUf6NDQXw59HBDguSEtg|wsvF(o zyNYH;M+^VY_WYXW7H+clBx|3e4s%b(LHM;SD4T4@L+9L(8xLj(@&Z9nQ)l?E=EW4O>Kgsf+le4X-AnqEACYHUVyS#M5P8(+n8!SD0U2k5nb z>o8R$2eHo40)yxuW*0LO5$>YtgK>8o@q*A5cs8RNZ6@YJ zuVUcsCx&-1W2hspu4+buh88TWIm%`JQ=&_TuEY~ctrP4kn;EsCdhXqxwVo@@BNO+=T4*C343Z{E%;H} zo#@6lHN<35E$mry8>}RQK{73d?k;fR^O7ULC*l=hy*YR}I~2~BThLKM(;;?`7=8zi z#1Tek(NxZp=uUqNkITC8#i51*?QEeVuDlRp4dUQNVLFRU3PwP=}R3Xm!7=$aG%i!$C324rRec6dj zTr#d0-g+atXC=dv*id%ft_*(PcSF~6o{%*~6{C%G8JSpu8uH^=!>zHjC^QQ;mJQ-| zstal7tQ>G$t_UfD6HRy1bj%WZwu8px5wmDDTqe;$7O<_5c%u`CH*G)%hcl$H!x4`S z^22B;NjTA8htm3{tiE3nrGh78ueB2Rd%q&DdynHL$?3Rlp*ePaTn%mouViawt3lfjNGm1`hwjzc* zLtxNqS?YD0vF{%j!33f$`>-N!ry)$Xt0IfA|Z;t}F3StyKelN4i9}&g8MIm78&uACNCM z%TQvF4tE}s4D$_vFVo+H_k|prbI=ty_-G(@B;CP^6(OJ#6-QRBn+v1=%CnimoNH~) zAT+unvxW8M@en?Ro>sOP;LHTut>|1VwmHTnuPoSw*vO(=K&s7#w&#dxUQqhS3$3A%1a zA%6Stk;yqJihqd0AnUCNm)kVs)o?8;Q+$u54;={B>x5iU<96;n!m4`tjSuTPA} z?Hj)_|NnX*M99%SdtZgSUygz`dMUzpXB0Kxw;k%g{f5(?gHiTPvDk5TIvROiWiPM% zCYx&3z_p^S+-2rK8ZYY%LoeRNgKa|JEW@AA{v^XPHjB|W))Gy>3Onj-DSm%P97(;} zD^~t@U0nB{thiXul*=BSDVmaVipWpMVt-X%vxR$a!tpWxp)ozh`W%8G<#YhfH+DeB z+8m$-jcmCaIZDNrwYYBSeQ6~g_)K>X>FuqMpK)1O`F&nG(} z;MpItrQnRPQ*A6r^|6HwYp*ir&&D)p&?075{04$wd%(qS1GxJbJ@KA68S3?BDGht& zhhFN}Nb2Tl79{Y-$5rehkJ(>Qn5&4_Sfr!mq?=H-OBr;NvTe@wI^nANRZx8(mY$S; zg^SV@_`QpdNw23in|nc-x<0o?~*WluCBncb#h2ra-6{6i@mdA_75n$x|&V7JcX(L>?Bbd|KXm6 znJ~Yz855#kkRt|;5GZhQdk0R$ttER=ec^tA1#=9JeqV!UZC2CJCo6?c>>fJI;T2Jx zKa4LIvgFxMq^bL(Q^aG)8h9D-iTo(m<^|DtFiQUfnX~LHvAi2$Q~zZRWWRES_mx84 z`(Q6z{>)kahCPtoxs=$QPl7okEpbWY0&$E>lE5JEWYN(diC4cfIIASVXssy7A1BK; ztz+Qe+6Z3d198XjDJ(6si0MqL0DD<^`nc!?nbW0<1D*=oSv3mPqs`fs7D=AqpaiQw zzQrZ0wc(-R0Emq!$HI+waM&(+4&UNH;miwB@(o!!KYJcpKGOq*(XUzR3Kd*>VF1mj zO9QJGOFWh{kDOgGoIVO0#%FCW6?Mmqqx#u~RDaGZR=%VkigL|x$aEh_+FMCJt(`#? zCN4+EMs?mWGg-V<#)!6;XrQx}4OSOT;4a2~a49;1bvo$MQ*wfbWVS6&cKJ=FS?GfI zp#}JA<5AJvoH_i9kl`LR14*p382Z9y@c|pkS=T9jcpq^WOe0Ti^EPl&2 zzPE+1`(p8prw*L2k^x=sXjt1!NxXFp9vq^`j?9g~5XHfGxvL6dZ_Bc~@=^To%6@kF zX91DQy^NMpYawa2lW6u&ZOp_fIIgl46vjl8uYEGq#pMd~{H98WBwWI+nO7ll_H`Up z-o;KNtMXT-nQ(A}6>JzVn$oWev3lY_h)vbt(Zxq$%cWSh_d*?9(I3Vugsz>6?J$}f zr^l76&DioI$FNW?8S>S2@KnfBkZU1y+{ht#HY6YXlCz<~wGVf;O95J>V0y z0gZN8qQSPmXxA>qn>UZ)9z`DTxy)B!WAB7-h6{byc$g3 z>Cm)89b`~p5bJFddMvI@Hc>(+@m;8}FZY=)Ix=rK*3Eqf_8<4dmy}(s@wzg6x~WgY z!3sW{FvsgNN7@)}Qh~qemqp}a5U6~6%32nsV(WHbbJd57+Quc})=6t%#>Dq{ zP%#i?z!-XbZo~2|zF03=XY+es19|^B9j7#F;p?f2{BVUbX-t`h%8yFK1537odxa;w zd%gjl{~QVblCD6TPdhssSx*LScqQ(bJJse}%Mb|sJdvB(%Al!RDXc9@A|pGrxwP~q z{=CqY*DoGHx28sj-cJ+!$-?`nsGI-U`?>QiuE(hDj! zd`C;8S`2Mj524G}^7dvO-eG|FQg%2!|86m8ox9BzK6e$58?p#H9c1_odIt_V2~In! zF!FleF1Q)2Ku5ms7f;zcfc*8ph5Mi7Vay@nJM(Fmxc#ddw_W%HdR)qJ{O}(5V{b?= zTaQMoMcSAf5Q~;y4arg0eYk3|7xH|I$AYU?HmGku4@R;PcqUK<0_GRN0QqE`cU>1trke0a zgCt-^=y?_*aPX&@?1Qns#-O-22~`cv>8xN+{ITr^j8cEk4(yG9!sMqUd}cbD?48aJ zy)K9U5^k|2W>@I=XVUPXCxKLGw8G*AI@mq<8-8uGqdOz4VeQkGuwX$JZ29p6A|itX zF5N_%xgM*?Vq0x4j#vZg+jqAhaqPr9!$Hfs`At@c#UE7G-fyaop z!+IX?aF?hk|6%f9s>$kqgZWqC&N*gG4b-o&;HmqJuoxF`#ci+9XQ<$&)O#X|+O!N( zcDReihm_&bLqln8>MZ`-u#6a)b8Ksqffa8C^6<#(V6kVDXu)EHL60=y+wSL3g_oiJ zZ_GSNwG z7MC3~k$y@q!iTF)z_EinsH^NvcFM7VJa9b5M*o%5|7iE1V0c~d9@D%=Q7aQ!>aV{MdT+?`q^>NsdprYc zm3{PyelhHNq>pV$_lVrO)1WLF%}Uz?arti_o|`ZpxiX@|2ly(@4fj7 zSiz6Qw&2srQ81>ni}(~r;PU2rh?lm*MS)Rx{Aj+|EAc*C{wod-yevRzo%vig*_?k< zZWa754{!STo?-rbgL&?wk+e=Z6vJ*rvZ)%sAuDkzuh!Gz_f)UJgvL?ub6GqN{^AR^ zN=BfscMI|Y8)3)4K9IHUW92Dkm~A{2LniOXqf;M4^sI7d3d;t~F=ZGVHijRrWH`Z8 zU_(i#GH=V*B*t5?R(zD@JKMjKCfx_%pEetRg>GgYdmAxyksmSp=nn@xYM82b9lL!p z8=Q1hL_b%$vD;t$saJ<0pTA4+iw>KCy?5+L`W%4PdQBb{89-8E8ga;?n1Uo(duaZo z4yXQ_!MAZ!X--B1${slmcSrtYcF%>p!I7Kfn7f3C%r6$^%0W0LP7P$TT!B^glGJU{ zBsOXn4{>Woz2%SKu3ZN^)G1RCclfSIX7^MwV!8pX9Ttyo(}ACD@__}nYejd~Yw{)E zg}%arF48emk^EXXoaXwxz`=@tNx9WNUg#MMJt|Ldbat~y>r^QQE|cUvi2@7M`VO%V zn@Ydk6z)*Ba-p*Q5i~9^0Hr!rE;lGlJR?4WZ=H9FZar}cTz|iVDE0;l`lLv*zyeX9 zGmB0>K7sYg=E8#!HF)dVblP&S5o$G*(BG!o=66&YhW?lbZ5cbE?DARB;$gKo?a_2` zP(dJ8t%(x9ZfzB^0)ZIb{1Dn5w5U>xHsA6{8ayYs(<;Xh{_pAxTJN+H+A99RJH7LG zHX$8Hud{-kVTL$m>NZj};1YkfGaHKg0#VImAs^~4$!AnGV#d6&Ft%6@kL|7nvhbSd zE6WCxN+~pJ$;Mm7-wO8H4PZaM&q3+)6R6bV1SmCiMv0O7q-IbsempM6@6P@qx*EBF z-*Mk1I{JWM)mJ4txA-IT>odfts#=Vna2aR0T_@ubtC?d+B?OuZcd7MXnXfdG6L*rZ zb^+j#mKo@})(ryVHsFQqr!emE5b%6_57reZ;PF+aeBqEewD5x`MxD;UrmkYLE{YL% z zhnSsKG|?Hcgx()h2p5N1v-chmux@Q637GyH(y9{RL9Z|G*lI}sUd+Im-+kDBj}b?V z_P~UBHJFbNVbRGeq|A3EM#!E8opr)9V6p->{TV<5YKqy>NNMa(Bl6c_=P==nH?1BvjDAZVEtR6Py92Sc;1xtj)R52{+87~H z;%YOJ$%dJQHt{#3;eb~d{EJZ$eO@w$OWYYlV`gsV0#pYc30eQA?waT&y^VtYMs(Eu zL{98{iGJZ{MR}ty7i?ePLhr#GEECv*H%ez=c~UK`4sOGE2RS;}elZ(bc9s^kJSCoT z+SDy}4jUXdkj_rFhpmZSaLsV0c*vbwV(Vo}BE|SCU=tdK(C1xeRwvkmjZ;`8fG=JgXSy z2m4;1LDQSpK}k-6DtZX{pz^CYHX)n5F1!wt_jF>=P#tvJA5e^?F#P^a z(AJI?7`fAU&4gm~%G}4Les9LU>}?S7d=JcCK9qXekEj1A!9}gRU{Z?&uPU^n%V0kI zI05pADs6!t-NY~!Wje0R?+ zIKJwNFelLDEB`wI`_f+#wa+c2gNBLM+CGAflHS;=J089?hvN1>r*YWeQ0&rDht$2} z>CIifZ1C#$_)lj%-h0$5IHr4GhoKrDUYiLuw3Xdt^A$XfD{BC78{xwcS>BR(8!w!Df=Tbr&;c67V5eS=6@AS@ z+dfeIv_g*uR$9@-j|rHvL7t{un2Z-3CFv`lRm|*)FHAeXUpzRy5a&lv$9Nww*`AW23D-Jzn=R;(t1Mkv*iwCcrVtWcIKuh5iIv(|g4T~q@&|(!J z9}D2%-cM}rty1_Cn83zrMdOt6`{eP@H!%F@9at-SkzHaU{^Pz8cUe9cr@u+ZgjJhh z$?qeWH1;6twQ@yo`#MN7kU*~^-f(@yLO3pX2(yHoHkbd-P$5S&?1mK0zjY33)_o?A zo~v^GLBV4EyNU2FYn8w=m~AsVcQFo~)IhXn5Y$+)43^wcqY-s+6-C^ zGrZzKd$S@|cw0bsVilD9OhCuQt8l;Hbdb+GL#}wdf^7@hvAwh&T;1aM#P4&X($%kkO3dpI!LmZxub=PEBlc+fU)m}pZ38ChxqqjW7? zvA>M5LHlhK*{e)-I}a|@JY&}->9`c>;Ldskp+Im|9+#*hjeGIH<%XFd7 zwm=C-pB+qB2EB%R8xO;z+W+9<`du`=WiZB$yC@#^ErabipNZiwjSK91W|1vJCa|Bn zi{Rn-AdsH6km_BFCsXfl2lFc*P~+AZ`o-Lw=P#cM4_YJO*KU7&HT^txh<2gqcoY^d z+y|Wk8zWOQ9oOn>(WSD&40w|v@3}FSzmQ%}lq?>JoY=d9rP+O`k}Az_9zF)wRBBja zozSaOwdCZOFhzR+V3Ryg+5VUr`W8Us z8OpY{9Y*YlWxtOnGvzCD_>JcQAd=K$r+-VbDPQby*{EQ2KE4Js&s1Y!{2ypc4+rP= z5TcFy{RScv$%z70;QmLmk31V1Ws*tkt0%avdxp)f{<_C0sf2nk>FF zp3GT&fFzFVW(g8E#k=m0z#_u{_MEIkgKc4pVk-*{ibeTHUs?2?Xo&Oj!h%@g{pf!NYW$?R{Mq3| ze@ZfV2=DYusjo?e@O$5Ptc8E=I@lw0VxFuR2{A>_aZuGqGGTxkKOL@2osxf%u4mPx ztgZpPw{B%lV}~%C%c`_Aa~2Q2K+tA}h;0p-g~R{(v)dC>ajTHeY5LRwGe6D-^@)*W zU#bpj&9tP?k|LpXmo2Q`^x)5nv2u_j9yyG!Pg zgys!+c=&xN95|I$-P$Dn`{4$01brIPFpO6ooJoI1rjql6?~5g+zu>8$6gJalpD4T` zS3GdMFV36{Ty1+0>^fD(Ry8T|s{91}_xUf*!AI<2_!_#v;yyg{+eCT=M&utlg&tUO z50_oOD|D*}R}SwWo8KAJfj%Wzzf_T)aUMmd9SnxPltTO~GXgtjPUN0U<3Ac0`dHwR7-M=xFYHE=Q^y#?vS3g29ZVYNmv~!$$b9pgbyW=P&2m_tqb?!-fQQDjLArNdoKj)8{e`2 zvP~c*AR9bRj-zk4YQpABb#dvrI;I@zOM8Fp#hST7Pvhq;{Ogww&0RgnpV<=2izQHE z6aq%GWF}|n3>OVA#byqWF$+`oGq5Tt$x42NtML%u3%i=;6#n$Gg-vRqtrsKo9y*+ z1iKOAiIl+LI;=ksZ@83#+aw#<^)?h^^UvZ}#e-;DK7p6lwTi;-HQG2`c?XNHHR7Q~ z58*+JF~5FCm}MPnh615Kdnh82MeMeQMXIULvNR5+>szDtneXh0#7ej_Rhiz6GJq*J z6lg%uaNg!vDzN*Q_+G<9lyqhAS7$KKIGci1Ru*L2#8+_qmKk_XF``$z2g2M*Jpz~Y zJoPkgK;hbkGkzNI(d7l~-eEl&=V1!<=g-2lqsyVW*%uE*oCmEpK9HAaz~@dr$uvrr z!ts~s;?ePOxW#HD78!@IY07@+5;aq}%QrB4+mm9|a{{|v%NjOGK7@bSBT*|L0BpV0 zNZ#%@@VF}y3y=20gGk-+>Y4(Zs_iLoA=$%ubJxB41;ta_5T`I7WOP<%Wicbu`A)1DU5HIG&FP`!#RQ*J5S%4{9OG5op)$a#kbYu#qkGt*V~C4 zeC&!ZDhCN2i-kBWRmh}XxPaU3|GEj=?3&x`=0hpEI(^8$N#Xds=p zY!)7K(%|nG-oWMlF8Jc*Trd;nmghXy&{vnDAmhR{u#k-ase@hQrzlkD`=2HjN(hw> z1?-P!C~Wb*h)o57qCHx(L9aX?8oz{!9enQL{`u)}?z9RR>@LT{<7_c!@OkjJKaD4* z52A6ef0BZ7S9<@N9*mKk1np6&X#X&hT{=1%_Y2*qu&FXkYPGBQk9s54PYnkGrabm) zHmDpgh8Z`5@I~7NJbix+ZyJ~kHEt&%r}-)RzVv6~!`8FI8A)V-q$PPe;v=+dOoO;N z%5?hZ%Q&H7FXkKBV_B#Z{3_F>?&&k&00r=WmJ80624joz?TUq`UEGcs7cz8cdl8sPQr0r)2P1S@a! zgM?`^{93^alxRzv(z@IY;y3B=fN56jkys6Z^=f@9j=lXSgkOG6#r7k?9v`(+D-FO2BqW+^sfqcx3x zcOQ;9sbHnJTZGZ4{~Q^p<0eU_}yIsajF{Vq8iK|cq!A0o9{&`vo=9d zIKkExML0WES*&83%c9+4@kZcbUKKSP6D&6gbMh*DeY+JCD{hP4>^p{DGB3pb4@N?v z`U)OrFkZ-g2=B23E75jcJ94}fz`MBy{qzB<1xCKUaS1Hgp~PYTK>B^dP3Sdt1#P9_ zWMAt*-ap!k_G_j>VC7@>CF>0H+UX9VYtP`TNIBM=xSS@(P3N+=V{r0VZCL&E6!SVA z%^e}_(F1ERC8_YDViDNA2%(ereuBeqrh?QKYdlc@hH0y0K%K8An(k0@#wAPDqQ-ZJ&+>U`g>-O$?c2qrJujbHx!gqSt0F#4i8U#WBv-nMVS zo@gcL{FQ-+OGk-IPjy1&vJ}YvM=`Y^7yfHbgs&$D@S1cNbe|x@|K6Si({FJ$4NdX# zOIbSh_-0-ruzjZt`b_S=I1d+Fd!gY>I$B1Z6gicf^EsLtv~N!gUiSzUHQ3Jt@=K5I zS@}SmynPMb@@W#!>As8S9vfo7Sz|a-BkXrJR$+dgJ--zw!|g5A_}jgoNZ(%*tTZnX zTiH}H_rh)n&N>GtPprkTs!a6BzD{QFjVS*-fn^LV5nQeUUt;xtP&Ilg*}oxBaNS!vUXXV*~LfS|(OBqI2^AtB-|8RA=r?FoW=VU-R{TzZh^|5*#? zE9L_}7u&pTRs(|?OFB#G7>20(LfHlxeD>Uky`B0F3#aTSCGjS(I{hrz7Aw-o)LF3c z@=k8ha!M2}zYwFZ*-?|ci!8x!+jt13Pn?FXrL%ZV-!lx_RRXrB?}75+aJ(lOhc^C2sAXD&juV{VrhYOc z>g!?QyKEs4lE!p*@22NU?&7K4FU9kM``I1IMa*1ulq5g3r|DK@7~!@NG}fx|y!!7% z>Dn7M^PdZN*mR-zQwdbY4}qT+GqC&{gF|#47Idkx!xBC0Oz2ctpWcXv!GW&TZzY{e zFGBsgF0|D5#ppgAzI~h<-QM#G-@km1>O~E#^qNo&hz-Jud;=~Qa*wn{8)NLr`_M0S z4;Fa~UiHGk^y{W@m~wv*cbW1H_MA<|Cx-L!c3iS3VVfUoRZ+(81LDc#Q3|}Io5A>! z5{MpO41K>gk;L8%!CMo+Ck{Qw2Hp?hEBB3Khi*O**m%crV_OXlUO%7dZd`%n*9bJ) ze-3NPxj1iUEBjJ&iI8nqao5KjP&|(;=-yIZUM7Ky+N$wF+fC6+yOR*((*oPOrD5*B z{ZRC%0RJ=aW}bTS@FO`Nv&Rd)n@vKVTpY=6w}wE`XH)JK{T5A@1>k$XDj2pdPHaB0 zo2}e(5SLg+m81=e_z#4lhj*3Z#fG_cAq*jgGFoJj0iD>sOd5G?g!Q<&}Y$d%&&M%dr zP9rxFkLiQK%3_KGjSzuuzQK0?VK@1btRO9PvT~~obmlDO|;3qZKJ>aHoW>hQSeUIlJKfv zn_DA3v7%`TIDbU~rWFjv$wS0g>MR3g;Y-n5^O$JDl2w9BWj?6Ptrws2Ehl4keaA!- zJ9y_^4z<++bM`_J7McAKf7q7>VHz$lXlB27y6Rd8u~Or{@%nIgu_itpZU)x{rjnGcGW|mb zL#7r%`yYE?vPd0+11xF(6D{gwc7g?No5aZ)4-BsyNZ&grLs@+>{5z;Xy|gkhOIqky zpZLnuJ1oIhIvGMk-VnpBad^6W5DDF04n8^|U}2ksOTwJ#SmjJSEvbxQl7go&XC2w( zbPMVpb%^WI^!Xd=3?E!8$@lwe^mEr)lovI!MI;x-8Y{8ZlJ#&QH-hOnb&$2YRp9bP zIkrUbG>e8A;LofPm_6?di?LtMBTW6s>!1{HI}-xM(}PjP!HRn)n&J@25Db(Max9Vq zxa;g~W}y0l>XFeR4zWGl{IppV8T?ReB&1A0sh z`BULtv+q?7-dKcW!=7H2^Rot&MN6quVjuK{%G1p?S7Axd9@bf_gR=K5U=&?I@^qaE zA8W|(=gi>yLbvfFK9^u|;2k#IKNTfIotWJ?XEy3@5DzL4oVE|1N3w9+ug|Vyq$ddg7*x!HwAeaBt z=E!4Pe!=AhYgo1p<$S-OY1$`||JYItskOuxV`T7?XaL7)rJ|-r8L{2>TG%F#KjvF* zVWZDvfKTM3shTh5!ng63*xzO+soKJHudusv9LBpey5X5r zkN9nqEFN~uguS>D4}l*mDayxDk;=5NDU@va*eJg3RszdZBJo;R6q=n5gK1%I;P+rI zy|T`a+BnRB)tfwF=}dyI(ZaJROz6P&59h-#r-ne6?0MVdYSIi4{z71)3S z$-O6s$OF$Kq

xZoMi4i_8KS(`OU-4+}1-&}RBEu5n(l_mJ`q3dw6kgp!~eHmM{ zv5C#-`z<=smI$xro+4I`s&LZc5iUHaNjuu^inyddluK`fkGVO*F69`$Q`3i=^HhZX zejHqTvYE`vkAyh!Xwmniaqx+1qj9U?OuuK%6U#0WC;b3&QtZm!_srwJbL`=WxjR|i zWdTM<7ZO?&$z}2j(D?LV&ne`yOx7?AiyeYyXCTdjXY-Ra7pYr=dq9%ozClouCaV;y^Zhv8QjEpCS}uO;2yK#s3mdxF z)=lZ;<=+@sCpgjO9#d2W1|7ffFA;f|Vz?uz#P+(Oj-y>=to? z#121?GQ|aK__~u=&$>vd&;fg6cYz#t83}HAw?MbfkPedmgbSuWWg`{_VS;oN8uAz9 zk99iqp8f^r;&mbCLMYyMQs+OvSPFjK>6m?0l}=T84$qYQc*!}0S=VN;ry14wcBl%T zPm;vvGql;ho=B!|dI^tp{DkWpByhN)F^F#YlU9Wn5Igr5e(*d6MZw?jM9l%VFw6&v z8Z5bodm3zcFcp4Gngx<)%;}6BZdjltDa=o#Xt>-T(V38XR9>`!+E*wrohc`Xsii6E zabGe+ZWi{H))M^tk$tOt1bU`=V!ch){KK}@ywfTa?l~<$_$&$gElpwNjx?6mzD982 zokMzM7?=1u4fiD`F{hIwx!?g7SzZ{6SKp2RZdwV6CJ!+v)B%Qnc#fA03PI;s5NIu! zk5AueVT{6Fe(_rwR3F}q+WG@TNrFqQH(Og^VF~k&kSn0kp2ZG$8sMHOL--DXm8f^h z2})lq#5Y1m@=5U`KJTtPo*lJU1}irZUz6fzXq0n)WnZHBS@aoU}`dR4R=rs#o=P<@6N%CH|CI0xEMF9oF(_qKgHpRmIeRD?}5ROo{^@i zFf{3Y0?%xWS@o<VMH83YHpFPCJ{A{f1{ExGtDzHo= z1-C*1)Ls_y?z7G4Wwl+%PQ{2cT(VJK;Nm`g@)ryi=i`T(g+zDaef&Kll<4aEi@GnL zfni||bYs{a=>BF-%ijlzMrWrJ|K^XNwX_-T%zA|mf9q}L9Ww=q`4JeG`VgwVuHdN) zOzHJ!Za7orpO7CE&T@h4_@9tLe34U%@ck>n`9%#x*5WjaPRWMM_Hp>~Zzn0AqKtPY zo`duOt?Z>kJyRVM36Vx)X@7b$oR?}P56(70gRDfs;AUx>uv&+t<;Q@T-#sSUKZtsq zs0CeZV+fbcz^^j~^QV_8M2m%;?)TA2;Jo7!R6aTY9gp0>U;ibpZ}Wo_kLGjLLo&Ga z`UY&h6lBAsC)2meoAA|>M+Gw-_0T^$9nQPH6N${sY2WHGIFQ-llLI$J#h<$%zwa*e zK3PZ2Z{?A5H`dUJ*BtOco)aCJ>nBpLyaiby%WzvrH59u1W33zd-~~v)+IKS0aCJX; z&$dF1cr9F}zW_S|CeRH(GvQ6Cz&lXrWGZJZ_%byE?l?>YHf!v;-ooV+7rY_?l4^X! z!qeo-yaE)j`H2!kiA{-_JM*c#0t&mIz@c5^!TrK2{(1RG+_KNfW|hiycqXj_eQJUu z(NY#iel3TO!>{3&&`xa6nM7=72SAd8FUlCcf|*jE@YK%xY^G1OXmLj_uCjg(@-wgC z;*$&E*U=@U$BW~dl)cbCL5F%3RN>B3t6=3SSGsrpHgqj#8wXy5 zgsCy`@bp9|{%Ol6L>qv6jvh^~NrL^SZ-ef;@f=bgkOq?vVC*G@E;kiGE@mJ7)aV8u zmMhTLzB}0YcZDz^upC1BBA~-bj+#A|;~Jyy2s;l?o^a$48t##>xvA3++L}qQz9bin z=WNGp!Oe4hhrqRct|4~)cwAH_#bEgKo!A1Bw4=Nge|Fh1|Ey4K`BREL-pX(%K@-R~ z3!d!ek1V)^kp%sKP&|Q%z z54t>r&us}niMSfbuCx=CIGiIdos;p!e`9S7=SadGZwp!*IDnV^QKg?kN-=8Ve`Jr7 z&|5qaOr9TfV7YS^@Rc>+MYa!~i5}hggN_Hy>FwS1D3ksRH6H3?QJooAyn0E(imzz3k&l87Nq?VW)Q!{a4bCzeW4GeN9Gd4^@(shMv4xW`vBhk zdg8fqT711n0QE7i0`KZDVz*VA&bs`7{LAPi&v#jg-r0VJHEyQx%q17*rb|E}A4hHe ztt0VL2sf5L!bd`nE3j@bZ~NXvs#l*9_16jak*&&*cU1#+4b;HA2OqF9>LUCL?gX3d z6oxEicuL5(%LcGDV{y zk#P3f5=AtUR5S<;gi0w*zW4jrUoO{i_TFnf&wXzw$MxqAR$Qw4&h?)d&7#hYgrFw} z@Y>twNXHz*X2rYQY2j(u&~HXkLt=%#Zk56l$DY$NYkhd2pDC1c8-VIvirnmb5=2LT zHs|i!38p=YEb&+poPx?L#m=!{YbR;hQ^@FRKSjdTLR?tU5 z(!}A`X5o|@lH^GIL}GM^BZs@M~|36h~W-ujg=$l{4`lWv(na%~$t=`ccPuSbI1)EF+{b{vBL z3}K{W39gj5!NrIflbCt@eR;?c_1}x3@6LEOhtF+0U*mU=on~-sTP}o0UdN3yW^;b0 zTDTKE90_~fiZxZ|!D~ekH@j7wsDB=SKTo8{?7Ql0ui07fd7Xk~N;;%z*H!qtxRM^J zkpcPDHaPud7#=nEK&6CuIwIPZ+}as|2K;x-@sXXl{=rR1o1)KitYdigT^}dyb{ImA zuY#p>w&UXmVti)T4p7V!ZMWY8>fIY|UCTcZNLgS<+id*lSjb%mSJX&$r5jIr z;w_g92#g=kIyFjQ!uSIE^X_|kcB(r%9V`KlkmC@)MV1_iRc9{m65y_r0*PBZOt)m+ z-B)Zy-RX**)5RE2qn?IGasaj1F>aM}D&L!;8)&btvHi9J9&V?F@ zAiN*_jZ3NyL|56n=%BWN*snNCC*7YVJ#i>9w=`{2>a)p4$c`Q$L`3R2&}oC_ye} zzOFcIUJSp^EwxtUcf%>;#mEm`dt9w`9*Q#7;yig}818q6;ygu`<4{E}dzg{qSpo2Z z-{HDAeuwjNZCqTIF8toa245&Zu=R`7}3sZ*5;Z}od#XSDW$F}McxkHa>H+{ryH~C9P-};J|t+iqNa%I>n zT7~}ZvDDFQ7;|+$;MLZ9f~9?P(IB`?7{uQvLav8HnUw(x-7Wzde|C{G$)E6R-h1wf zU+6n;_Y?+}wrNvz9Z(KpR$@`Wf9#C!)0aK_>o15l{O+6goaR z!uQBBVZovSy#BU_4sFpRbL-+Tf08%XY^cB%jZB2y)=n__%49I}{El-=PNGa=1-_}h z$mL7t;Mb+cK-{R3D%@DY{-7QS>HH64&W2&t&jP`RqEZ;@EP|sMa;!{dBbCjc$+Z;k zAwBo=Pv4A)cZ zF2u(}^z)rtT+BX6>)DplaP`VfR8;uQRhgv1tR44&_a~71Z6i?ob}tyN*I`eJ^0DOS z56;HV2aGlLadlJA!^I~g(}oA3K>6eS^BOa^q0>OJo`z6tk54x+U*wNo>|+u+YbWDpJeJ+tW0;qVd{eiRZTdrXQEtK;5ZmN zde&hS zZfzD=Pj`oE>$hlNd=Au3+{MZ5v&h5znGm9|kj$&o$4^s_)7ttr;bS#jQr;oO-uOuh z^R}1aCyV!-JFhy*)nu|GtAALQwEPZ&Di6-jlzv<*TZ>!2ePC7 zHcY(W0rlZ?S+n_Vd>d$wCtJVaqHDA1ll{)b_r^^A_pxB(y=v$b$qh7q$t7CrSqhuW z3h?Xoaa>>lt#~cIhvv^{=7i!e!LN1#JYK5|7rMGRvFJJMar8Bq^<+Mth>C}!!E4a< zv@Aqz_D8)e39_rOufp5m7x(7*5!52tIPAEHy`7^C`PCONaBU&#ZF`0Hta;w})QeDW zzLbU+$YI}?0sQhb9by;U!l%bf;6tb`3{8#_#MDiM&$-52ChrBpDTf6&uKBUOD-Krd zvs9%ccDs-pKIH-x-9dQ2NSm#T`a=ian&Lg%4`8!wz7RT(!>FG}IAO6Kra7EKu!N@tA5StB{&sIwtll)Wfki#yEs|L@b?MZ2+F zX98&mHX;2_yCH3%Ia&qp;?Md(H=GXp^5VQvUd9Lw;G#~70H0L`OB5c<@ zbv)_g2h$rzg6Y!vCxooZ1rw+3#O+vzx_morw)I-XYE;UyNg!C0n4^RhQ&9 zzJg89SAv}Qdx-Ln2moyop(k^uQA#zd^U45gsmxzbymSB10KDgd|6r$RxU~o|yTx(mybW}INw9D!|-!mOA#P>jRpe&~vYDRpv@gC`( z3wUfv2G*(a`#GI-m~;Om74*uJSq^IO$*mBC30AaH`yp3wKnB$^!??B;SLn|O2WZ_S z4!`IfkV|D)qasD74UDlClhcERtA>`mTo*fpl0(EmnKyB+>?uGnk{PkUx{Ypy4 zbMEyJ^5-d*cxn-I(*ST0m2K%tZ*18+!;1RK# z=rB4JwnyaR8)JV?^z3N(qN>jv>ho|*;YwlJ>oZ_Afzr{(HnD4xw{gqsxA;c$67KWP zp$GLO!R&eozPzBy&Tje3GsNAg%MV?F%^neMV)P`=S}O!Dsh)sBzbvkEo*7n_)=|?2 z8SrwAhHoAQsQ9-N-x=?Qye3gRFzn3?jmEI9i{adh>XUR};FF-D#G0kBVWE!jELI%% zVB7cS!C|MX_^)sstW6%l)C`L7W0n{BZ}C=EelY{}N~$=Gm$$gfSB{~Ur3YNp|BZIZ z&9J^_KHR5`bgWwnbhf_|+IGL?emjV>JqI2LQ#AXrpYNPHg(nDuwN4`}PY^~tyMQlO z=#cXl_i>M3M8MtQU3lDJ68Qde!fnp^F#c--tiG?rp530rtgeZJQRQ0hddz=FGne2? z<)8R-kps@sIS9uN@v|b4?Qkw9*4pI5G0d<|0w0?OuCzS6;wL``*50`akA`${>%b9) zzVY3L8GOEBVlsGL_U9th8sXB6Bx+o`5w1JuLCew>{37-gWED@N)raHgvHBQ(@e0HG zlc%wJ-zR9DdX$TPb(`9)6eas==Th6TVOXa;2d7)q2{k{gBVL;&*r8F)P?<0um23(j z=J)_=ewJe|cb|pB`z-LS-4sr5los1L7|grgZ9ylu7H+M*i`>XsPWhJ&$*EWZvI_!n zzF|CmKjT3=984hXYZVsPE{FQT>AXMqA8!B9gOi7Z==pn>u+*i9uJ9ho+~daK@q@l> z>g99L7r}S3mmj8C=bhNM0~hhT(JH)uD<7+1379ux;23syyf7?Vvi*P4dEL*V{nAj=_&e zF`|)@gPHATaBAy5_DOaI-mk8Kt#lbVZ9+LAOl7m2TfyzzBNUO^10hevamfI`$GWY| z5{Lg%J!2_$_Ul`?EPn%HXG_45`%45d1a+Gu^g#b%Q;nmraJXeFkdm%gmiDq@B;#hQFa@-ewh7Gbgf9wUOZPP>W_2HQ;)^&vd~E zKJ#g23vWv^(81y^WT?8c(zX)N&2?nuH#FGH-I}y7OaX^%6H(q@4C5pJ!KL$MsQ6+U zd#F+e$F}R?*Dc=#zg;d+Yu!Uw)9=IBh)luiE1le=b)INHUC5o4AHg)9cRoCwaftDUCw4AWh-NLcr~7>+LbL{FS5s_37c@;h=-omlX&g3}nHWG>B z{f5CK!1a>>p1C@asRs};vNnf)n6`+<`yZfMIwQ$ec8trd=J)?wpIML6&%?!wlOXdv z-+vzBJD~R4@UE?}e9NR(Zu-bfh`KNbiatKVkY6P@Y5ge-j82-TzZC0|#6jpiiwzsqP|J=Fpk6Rf@T;ntc70I5!V+^Xy0Dzai*VKw0jIFLMULkx z|DmSV`#9qwo{M>k&ygvu#O(FYLDTmMeYaB=I=fw1!`pn}z{m>W#ps#Bz?0{wa&<0R zcFtnuj}e1oMlmn_R1A2(lFWz`Bl}*CCg&Db2x2wDxD^SyWR;EpY^gOYsk;NB3&z8) zi{sc0*?Ryd?@?V98K~$u4C}*tKxSAKT0cZkV}n!(Te6d5qk`~8-dO1UcM4_Sea3f< zr@2!BQta!tvv^L@pIh%x1+8!NIXTHH9H={rn+LAb??sj{Q}!a}?`;>(yM6$+PYlGo zbWJ{oGZAj-aB$bdl8io6cF-Oq~BJb$Jn+ZIpJa1Qp z^lb_;6?cKi+cMki0Nx#;18ZMYa?3})jpcl_!BCq zlKO;N5Q@h8OTcVQKC~!IB%9Z2a*rQRtf-G44<-7gQ9`Z_Tn zZY;B$Wr;1njzWH9JuV-Sg(=bgaC}0Hu*Gj8`Ee%(HCvv6yI3_I4lck8)8jdxSK?%L zTPkK;aDuSC@+{u%FgAST=eC#9At7D|m;alB$;qLd+4ZepN&h3A<0pc4@_B0Z(T!zU zETy|16~KynbI7TMN~pEfm)goM1|>UV_%3Pz^X6I;1IKtY{1c3o>r+50Tb6v?YfAok zIkLmUci_#!+k6i6C>QGCk6YBM;4U|r9KEE25qrKtYG48&PvUQ>gnS09B9NpxbKQFq^jH2BQ)*nKT+LIuCKHNHP7p ztQp;Yf8;juJJF|aBC*HLh4pvDaDiV_Q0bjGD<18|;EpwXTkwVN=9x!7`Co0X|yhaCou5*)) zEahCk*Fe9E8>}cgilGY>xU`sWVA?jGWd_?~)`V=KHGC8Xl%(O>v$2@}v=H4soW!!L zB5akiILS+Gg5mBA!M+p?@?+Ca!L0@bIQu{dUiO!0rJp9~v?Xzm7PxcOX;h#;^9+Q@ z|HS9pjB$xZG|$mcATMuO;L1Kz;x;iHpEf;(=`NOnS&#P6Gi%lfB5n(qTk9{BPdSc3 z>YW&Abrt%LYFRgY@?ZBtf11RuIQiEi3Xk~7~O_CW^p z7DzDT+)e=t{twfRHgH>~Rii_9BTiW5f>uZRV98x6?4JJ^yH{tyvJKB+QNmhOzyAZK zfAMBxGi$k+8X@g|Ez9cpy_ccj5j|S57^h{QMoVsj@P(ie$H{gf_pXuZ-D{u^Mh(zt zsT%xv#|~$=Ji$MqkEx#AH-Yc!NZgw3WPLGmA~=q@ftu@{piZVTL6;WJTVxD-ohBjl z&X(dlU5at*iv9GLQ4)@>j;1Qw2O(DV1@@N7F)e!)OtO-PlGS$v231{kg;kFA$IftTf{PkFy)jpaBM4GuO4rhHY56mZQab~G zcPHSzU_;Ws%#yu1C4;9|*27GTV<05sP-XvVxI7=xbM#(Z5t~9oY;HjA-4Jvc6$3H# ze{dPkY$c*!INKS%G%58vRQyvUg5wnSuHt)lTm7hO!z++Z<9iI_{?Uo=6){$M9{J^a zm5ZtviSzd!;W@8$_`XdFmK?|zR@Ln#L$TAr^qU^Z`}7D;^E`#8dbQS-mVEE4l4Hg{ zmT&>;vh;q)C4q6yLs(@#0;fjJM$fXN7_^-4CJn`daXs(CTQdwxtdmhiLW0FF|Bmx{ zf8;^`6MWltGpJqBAg$NUQA=RVJa0b6?;+9nXU{2=a8hQMZKmMf880xt+XC;@$}q=y zk+62%)0qF7K}`T-iLYCCN;8bi{pIQyqBVU%rC0XrbEP)B$T^% z0nFNNLhpM$TA?wWoT2roa$^l>VHy{jbxlAwFQE9_4m(T~Sc;xJYqFAJtJWB>86~G7 zx1k#X<0`G`a42`;qZB?ED8voXS82!EVtTYmjBGiukE%JTg7VvF(8YIP^uUQ+mx>cy zRBJ3p8 z<*~TnML9PzJPqsZY;jw-3AI|$LQSIhUI6fpk>nJ*;bj!ey}1}mL(1{BSr5N&amG%u za=z<)64o>vq3`{=sLi6|2vN3z^fzI!&BKQ&%jola)rBxoHk})+ONX&zBhlJ17E5IK z&yCqUs8{1N(8>JW)b0#^&iREg%U7c2S{X3-_7+6PrNA?}EbgVpY#eoK0THcBrQ><8 zHH}ln*q;v3*# zMh-W*AQ8r`?to|IqKKN-r00ec*>IvATT4vHToq-WD}9>vkpgP^O@@1LrcKbYg@BWV z0?Rq}7FSnV;|sD8qxvO5=bttSvFG#cm%W*Jt_^6$PG%=`U08zKZJbseMiY3>M$H-- zwq(p!7W2X%3d1S2@`_x6w3dSW#?f!gS8X>L|j17|Xdc6UxsR6ZtESxIEw~{W8jugm0U``oluN+gy{( z{(c)fXP0rM{TCtqyBHgc&a*) zCTzG2zgL;T;}{>}{*muLJhH|N-#oO~d>rD;=QH2_2r}4Hj<+1#xNe`l!XNi*aU}3O z7cX7*;=Ufwa9ItupM3G0%xlb5DyBVeG?;4PC*0oW&vOXH$dhH>@a=syh?hnodndtc zHt*z2#82Y08PRAU?4-6Gd1zl}KwPFRA%*8|qoH#Q-FLK_ck+g!{O1h1c|;*z6GmId zOcy7YD&(2&&P{A_pcS}3uwpUE6(DagNnkml6t^z*M6LYE?0TIanSSO7nybx*&?z!R zYIZXBDw*C55#pQXNW@ z+O^s3=Y4pw#e&Wp+e))mZfBe12)p2_K@0n?a^EE3 z4|y!iU$_u@G9RF)wGy#e(T4iVMOeaSF>=W!l~YW)2n|Vn81m``ox5-epTASW0gXms zeBDLR;P2} zV}_wHsI;P`pbfM5eyhYI2YT|3Hu?Q43ch~wBm1r_ft{NQxUNJ^B$}0=U|j=Qt*KzR z@|$pz_h>d4G@YKZI}6sYdwFhO2^VxXjD4Ot1DkLDhf7B$2-)->{H#Qj{Mj1B3KrFq z3dIgQv}ZEeda?>Nc+SoF4{>mJk}fe%UI=5KrK1?XgWL2x1=iruvN~udTa5#XlW6iBEV-bqczBt^v6%c^H`216$%ls>*Pt~>oqM{ z+RmL={UQ$2X8xqd<@8DKyjeI?D<9!?43c8R8NCbWn$sb|2UC`iE29nAapNo!mwbty zObA9#^L);v^){Q5Zh|^{EK%)TJl{d0c<%cUm%PS;eO&2EeGHrMrlmO-cXBM#)nABC zUK#A(t418vv7Bjj-J+v&MzMxBpK-X-2GtI3uXt@fMzH7N1+cJL!tZ*dvHM#g&!#gc zYQ5*El}sA7)O-f7=BKb5;UQSqw2LKOQV^@Rtdt9hn4{D;58XY|07c{ADGq+2j4A%i|h*#fU3N03D##;k?U z>3lB#k2MBQB!dwV)Rgy|i$!E$ROfngQXP?aQzt59kw|6+!*4>6}Hj!{?bu9Mzl#=&( zerTuh6?Z?@U>A3;CX@f{$Cbwj61gFPsb>UkaWV&`)%7&wTRa@`T21y>IC0}-d{~L$ zR}4FL5kGqJ-0*kutnEw%HfmbP&}6J zF2k8+qwt;^&z&>QN8QmMgkug*#a|x!Od*iZh}iU(J4IArO}s2ywlWe`=c|zJc74!E z{|_Z516fi09@=3>bGO|tzzcyB-oG~&f?Vw& zRY{K&>W?O8oF{Tq3g)vSr!{QrgTJ_TNR)`vN0joutAw#nu=vdbuzlZvC$?%ptfxKd zwz`5H&pcC`AVC)WHYX-`l%c6{j38j(Cye^qi+Aj%lHrnG2=1wY;JyObGUqxzY1@g9 z$DAeRAI{_MWqhVfY7@?j9nb8|c|KU@V<^fR$u(tGQKw_4IDOkPSol)``mz+rt-5R6 zt)M(ueliZ~db8<bh;Pw<3iG|=5@j-MEm0(S)3t{e|jWAu+h?R8LVz74xYQ8vyUZR$4 zSMgeWd8YuqY?hLQpi~&0lwI*4KMnSU4ZuA4Il>Lo+R?+V9crX)nc}(ER6g91&($4e zIi`H(zwEBi{o$30{+(sQrG2t&MsWcKFOp`~TBljdVm(ro+=yM0Cvge;!dj~N8Ls;f zT)BLl8SWP+rq}YId-ZcTb1(v%?@Hj+&!UWLy#bU-l1pO>z%^pCP&WTLwAAytp(9aD zWK|>nS13om|0xFRig4D*=bc66O3^9!D0^(O8Cn&UKx4vF-Ys!cDC>2C-TzfwQCRXG z4tX1s5X~>R-fJ&PUG0bPp$VXLqnFltyr7eK=7Pf~Ibsy=&5Fm)!u83uoZqhZ@S=Gs zF5M~#Va}4U;4o z5=4KA2ercym~8LHiu8DY{YxW=liR_)sJu))V>s@Fr43oUGzRvcS706`2UtLEARFrm zXiL?J7vDj<2?8>+bU8#RHPS~<6F}|pZR%=O3SqnlZl=Qsh?Xt^-!nVlluozsD$ioC z=uCp8M=!zWSQ+;F+!n6+nmyGI(14ArJTYZO827R7FP+(b1P&ScKyG^|*Lv#_-p3NG zShWkAT4cFTLEfB_S`<#*ngu=XVh%LbPupe3})B;TEBsmoM)cv1oz{ zD;sOUrl%*E&1H5Em2dG9qr)HfRs*sdUYhw|}ua2+;I^v2y!vbd~& zhe-s{q){v4>3s=j;i#?u2}kaq%xUqRUsZP#p69n5^SPB+92UZf@^@fO`jac1s7!Qt zhgW-9Ctd&L5SeZxf;|#b$wI#KX5wzdvcG=-hp=myraL zJSV0O(pPUrk*B#BzS+ zJS_?*9+T3j?0k7*aV`|ssqDsc$;ZgH_x%_!iT~eHUquZPb2#Zcq2PVy6`rZ?7hLq* zMwIg7s5Q~#-rcmpOKW7AS?_ezpO!+pk}V)MZ8X#>$it|X3)r+|IbnCQsAq%>1eTd| zQ+rI%-r=rw-0qQBb9*Fnb5>{NaZAv3Y%-dTjH0vhL#T#N74DDwh;BdloRpC$^GWeU z^Bw14P4yw%{jQWdRGSYzd`=-cs~B$UXK=Q$wK(Z}J?gOOEIEB6=iYRW3(lFqOjFm< zEW1~bR;9=$3FV>h;Zj)OZ-yREK62w4__qXq@4X=5;{+Qsyqm>ZeIKU;&T7^1vE6%GLMWV+%fXgy>&~5iYJQgXBUnMm- z%O^^ZzUL%tiXMWkL2@|wFq_-#z8~AW#n_|0O8Qc7gRW2_oV2j+8Bafs(^{zyLrfZA&zF&!!B^bl$xr!vW`lM8#WdPpvIg@Vte{EkG?YjE z1D+rY0qcV4mjyF8W8HCVdC3?OB>9?CN-XE(ta&H5=5*ejFf3RnJsaLk`YOoxYZDyV zTLCkt|D+KMDfZelz7JhJm!8idix*kItJoU*|iJSCd!9SdO zq69s@gmdY~<{&?=qasVS*p5rZs5Q}y`Gg6fN>_`O$2@`k<-f4!&PkH7V+DKXkqigq zW&rn|gX0Uo!ue9(4>Zah3oD;+C-({IBJ*)zwtp8kizGmsQY7vQu7Cyn8%!nOKG=C* zhS=>kEbsg+>~)z&&c=(tU-bsMGdtTlYw=$?X|_0~?x7?295P-N0nYLOh95c#GKw`QB5wwkejoT=pT zC&W!KBGp6#EZp8G?m?5m?Qzr@q`sbZuo@f7R`so~$EPGqU-VrJ=^#+ugf_kRyB z7~OM)TVB^d)pv{si7(sm+0Q4OSAQ)2y<*D0pQXtoj}F`vhWPJ43Of1+@rc%-^~IFW zSTZI8ul9Bc(@%Nh%B=lxq@a`Ls_BrAW0I+|{(WIxpc_-@mSQUJTv6|>IK;3qc;SaA zi~422y2n&u^gL5`mCySGh&q7APzdPP=wYcG<@PHNL(;2rsM_}!C5^^m!TAn&@{yk# zJI`eXZJ+R6xj2(?{>jg}l3_IWSAlk5xUZZvnn%Iaxk#Bd>q zI`EFJJ(kQa`6b7)Gx@&1KR#3Fu-c#`$u7-wBVYLMu1J)hTop%OD&%F#qH@CrtL0#tN z=*QjkHiKP%=9AuyW7xy`Pjt+MK8TSp#+d8tz_gs7W#3rD`ahT8_!Kb`G-Sa0gd|yB zh%6&?G91=Cf(DP?;Og%e@owoOPDVEdCs&?8DT^>RJLWS6@g1{A+a%HVfFH7hPNX~j z7ks;63&)+Z;eMGrXSQK8G)~+{#Y;|tGfF{Cp!v`g(tJC;SrpEehv4gMvvXu+9!xCiGkJZ zmtcncADS1S4BGEEGR?l#r1ADtNbfU%(#7YYc$on)Q`bX@kT7=s`5E}SD2G#7dJs;X zYQkIfifoo_B<2a`uwTZrAaV5$*id^9Hrh3#%MKZmH})!LmH8Pqaq2{D+yZt-ZX6z2 zRSruk#9=;bq6c0tg(W4k7)dS%$z|=>eS9=*cy5G`H+%9K@jf(Du;3dQ>xI_N`CQwA zPw<~{7`W;zWrN+%;Kvqk?_4x7>HQ81MxWvuhP!A+cR05w&74(L zCSyZ8e{Zz9$SJq;p1H9-^!=CvARSc$i)zJKCcHwE#A1AyGnrM-kR-icSK-Y`TcQ?R z48}E-D{;w!HRqPX^}Smmpi-VK-?y17^8LUK=EUP=rBj0Z6S1KBbq`z`I|h!xPQltm z88G5)l5oc;X|hRqG0$8-K|@s$wBnM4!4QDE{k$Q1>;ufTzm0BxR)bNU3tL+~+FHiV z8wwfU-&1IX4o?j(U2PwX(YGaW4LMxkD5RGhXR*UhH@LRxJ>cCmn!F<-%%9`4Po*EJ zaqS6VOuZ`n`^ukdWjfHjr<8`e_R_hVzaR_R2n&5yl2)TPP$Y7c*c9e*3!7$;%7Y~s z`qP>?4M)SyJ1nJ~iu75{O0h*yoR@z=h@BNwh)E$5)H{=Jlz?Bqu-0Mw2ewMT>k+k z3{*n=bul6`bckD|<4Zt6g(cZb6Z6Ue@ZYD#TuY_d+PyDm_xDRg`@1wwiAh3j*$RC6 zB>+6)qPQV3Y232A4$Z>~A#{Eeb|qSpJ!!4{E^-tRMZZ#OlgSwC?m_lwO7z-!2@u2!&iu2CPqRP zXS0Lm4QM(wmcD8dVW;98S@z?}B=GWOZd36`P{_LrXH%v^%CvT{?C*wu%XHXOODQH& z)C>JIn*5d1W!Ii%auF{i$%)h`JnkWZzJD*kD!%WzN>P@52tqjKn}J&kVqwCb7KC=QH+V#+!zXKkRmLYRGE>p)Hh0yyc5$CiN zpvFZ<)&g;4x{M?z(f38TYgaaerM$rdYt%`*?L<0T|EQ8_OH*k#AHrW54 zIdq94r*S_8@`fdtYfvbWJ|4r*3Yjo@-W@)BtxG1WsFUlHXQI`y6lglXik-a+7FTkY z!ghm6NH4L3NA%d&6A))N8a_X%0m*?Quxo-Ae7&zs)KgC5ay!0fQa@g36`W3I>=h%G zdeg|0GmGIBkr!A8zr}moVlfef7!Y$1cbtocU#aS-!!z?YyQveyVkO~i3Ep=Wmd=J{ z(_!zwc<^>f1HIviux>{%*U-eXzdFirEjDpab&6?L$q9JSIv;MI{LW4Fb|SHJ#D7jA!g=jsl;%Y${dDCOSG)HO^rr`qpuhh`CVj;8Kmd5jYZo;IOt@K2! zDUo?r37f72gY>ku^qBWE_}RS(OQk-+>!0TYsb8`&$|Mq#FHC_c!*4Kr`6v+iwU@cv zyo?FvCD@nr9$K#}Gvl2%AR=uD6L#m3;%Bz(@Wu+ke@05I`tC_?;7>oS36mvqgF#sM zkb|y=sodT}gxi~^i{Hamqh6>QJFG23e!M@7J0HJ;-c8N$@r5g!@A(Y>(=Vkyc1t+X zf^+z;>@8R1dLAb@O<-@HC9&FR|4|3U#mw%7IBDLn9%ntfKrM6ba4Jcv803cdQ*%2W zo%t4br-@PDu1?w+;z~lUU&9ptt7OK(-{`>eaMpe0dw-V>uo5%fiW{1z@y5$W@M{i% z>F*6;g`^W3mn1@FuRD!-v$w$a&G+!@*&$ewbDCXft;Yj~DNLq16q<=HJN6)zY)SdltySI+Nw1r8a01(P`j%(Fv{Nk-~1*Vsa# zRqGz&+Vqo~zO8^7I>(a_a}Tg3{d{(4q7}Kiuofz2Cc&YZw}o%xuFw|;W634WPKh|+74GDnqf;@EIjuKVxwlA z1u+i~_Fc0BUbhufqTNKj0~eB{!VBzAfha5f@(;hINs?6yW5G6VHY+-)&q6Fy;aT+& zXw6N>9_b&L1RmV!*lZlJNrYvckAd4t8W@nx;QWhPYGfHj9;|wZ%`axM`|lT!9@Ep< zNY7yF=T797MM8~WD|cf+f_;~WChLusF|&7$Y=+}lcGF`M@$#}Lm$g5Pkt3(VwM8r0 z)X3X#HZu}SB^L@_-d;&2E*r%?@7&4$jN#p1!fc$XtOmg^RhY%TIE>ubjHZ!&Si4@8 zXf4x6JLPr6dSoni|7xbr36q)8HwSjt{s%V5%g`&f`lx)TQ*gH`219+~>90a3T$uh9 z5_hQ4c&Pli=y*)ZDh8phTR2rb11 zz|C(ayY+c537MV;OQx-)pI$B!t}EVy@hi@w!-+X$Y_Sk$UPyrAeWO@PS{crLJC*e= z)5b0laR_)Yny4QWqm|ViP^niV_#mDQY1-pinZ-ZO`XdJ~j)mirW2b=Ii=g&kh#Oaz zMmu{wS+Slik-0R28J?)7Q&0utJ%ZRN6*o4<*O0Sv8HT5Mam?W97U~vz11ijT_m@=| zj^DD0Hg;IT%1QhlPhXWut@C0=HsR=QK7$2&YS5&Hk!T+xAPXBW!;(Yd#K8YMm&4C# zuirfdu+0;$zz!HZx*T(}Ut^5ZFgCtj!Mv88qUlCs$)O$B1S%(ssJXu!`(vR?V*=-} zp%YPTh37SJAKb^LzfQvJ)DAYq;}@vL^Bl>8yIHZ_0@&><;MA*)_#9(3+T4hRF+_$* zc*v1y^FP6b!EhL~?|k?v`+=YZX`>D#z&~OxS_^B5stbG?BNChNtFA>~h#5)O{^MCd3|vY14f``@jw; zk-frd#$~|%wT<{__kXayN|%#ZqDI13=&)8zX&27+OR?9Ayi3qpzhhDRHJ1( zn{xiX@cns1m~-Yj-2bY=E=M(^#9#9aLnrJiSK>ZJk058I ze{se5oK$~vjtDK!H{1XH_hFb z8M<|H!GV&j##@e1ryy>jjtDNfW`^5(Z(-|~VB%ph9ld&{u#Epy!Aw7%%ns%G#!XN0 zX3aIaeVH|G>KO^!MxNoutrX!FDOw_&90~KA{J60zOCcpghWWQnA-XS&VQ@hTd_L%k zeJY2bK{yFtj7y`&NnxltZ9ZiDQy{BM8-#V62e|E}b75uk6DYJP6KK9Z3=1zTMXPk4 z0eMt{sj6HCDakjSebg9XLgXwQkH5fWizWH_Mh8qC4A^GxY_3%)moC4h$%QPCBXSb_ zXEOgX4)!2k-13D>^|S#Ip1063pU;!exBVC*sl|C@6V^>l!wKLeNJ@ z-!VX^=bgoZm;jP5`xpyFOvwWK4m92T7@d6_FyIpfa^bJ={+fF<_sbpbT;M~P)OH@v zJ$r)DixaF($D3mL>&@5{{2IHWc+S~+>E|xjcUcUb(Em=HC`!&#lHVi6S?6&Uc5_ z&5eQftXZT@K>;sJl_3$;uTUXFl05&Mi`hNX*z%E;==UNQx##1d``u5@?x{YP)s(^| z=|6(OC_UUDm_*m!8Vk{xd_Pf6ja%`wO897l57GP2hIB{mg}&n!*rNXo3xmW#Mfn8e z%u7aoR|C6kjzIH?A#@k_1uvCmSm<#OLgQqJN0dK(-y}(XX#M1Vt5(1SUp<_lb5Hoq zIf3hFJ_n6W_i+64F3^xM20`CPRGewS&trMF_)iX#iYGd$yw2teq%_*8-o`YH;F);o zLHu0m>j_+PWmMiHmCf$(jMJls^S!mVT9;U2{j7`ov=Hyzj~XxRLRu2}2@ zK^ObEhYn*I=Q>vqJr`hNLI}B{?1H=k2pZa-;tt;X(B$lc*Qf`~PIrgv8GcmyNfG9~ z9tPQ!*MyA+F2TR`cZEZ%-a*?%XS8xW1Nwd{@J3(?PpdYOt_cRre~uqcPI&}p6(7?2 zjSKKvST-In8_Um$uY!$eJa@an2yG-Dp~mt=!bjtIhWQgT4Y4o(&F`l>Put+eSxdPw z8K<~6hAHsKV-^XquqAKC=flb?X}Hi@6ZRFk(mY89hE+4!xy#F#RreCQV){bdYjp<- zPny!jDJmE!|CO`tZ{yN><3Mqj4V-hFgLaZxFvY@~J-xFY+Rm$191JLjrmTNh?sA2; z=KSTfPM#53u>J75SO_K`N(ElG4w7GQV$hdQR^99zq?0)_k|8Ay1M^eSqADL#^+lPK z>MQt!g`kr-gqBN2k`)RgNv72Tv^ITWUG`!KRc9{6!R9sOyxTaoNp~lzYx7(@{%^eD z2nUM!_l4!ZP3X4xaA2qBLI1Kba8h~$C@Bu(Q-j-lFG2vz^TnB?NjysA)Sz^LG%=-w zervoyXO$kq&}I|d8}vVl&O0pU?~UV4?I_U{O(m(QsOQ|ripVM>T2`b)HeY45R6;5( z4W(gJsAxXtK1xDHcF0JQk%)wh_k2h}ro5 zB5vD!nx-l37~Z#dJEhB6+KG%?DD zTuS0(ZKf}i7P?4X{wjQwu{V@2zd&{rDuUG$e|EuJj-HYX#DmTPW7w@3bl1C}+xP>p ztgH=lOp#q&J%UUt`VSVCHHrTj=U|J34$4iJ;~%b1fZvy-;L`$KUL0NtTO-T_hj+I) ztHPd|$u5Ehy~(I@LJf`5r$OUh7koch6HJ>w!f#$W3zl62U+Q?ndqaDCI#v%l8xcDvNz#9}eNa3&0w%Qlfsv7hu-@$_{Gqv2JL3(Elz9fp z8yj(+us@hHK8~#(I*bQt?8JB?$BSWvENY0B)RaMgK)QQS()TtDtW`xpecD`16-ito?5!s8oLeTA0r^ zPSnA@Wv5X6UKy@$c|Za@&H1m5>eQmo3l!`rxLA*(M<)z{c@ZnQzIHlh&pi*8yMGIe zKn-Z|8UvLEZSXEY$i?q@g^@d>SGj9uy8 zEJv|yt-vT^o!BxWspjF>_ZYiTa8SSWPdohRY> zycrM_m4fHv_T%PiL;B^@1*nbP2YXMIW3QFKCUAT&aL<+L;hmf zsqbv~wSFu9F<|&CDv8*6zGRz(bD4Q_7ixwt#n{~z^v=O3Se++i|Kt3jZ^t#3h>@a* zdG{PoPSydBVR3kDq69jua^xTC<>AQ{!Fd-m8WP^mL+vC}-Y0*Se4npQK1|&To5xpR zlj10D+Z7IX--V)9@IJh$Bm*OaGmU$}FQ|>lWkDk?*r)lKxNdC_zi_=-Jm>l)=1?Om z>_qkHi?_=mltZ|1u7l_=iO0s$>A1C6pZm5CWOIsB zakJw%iYu0Y?NU3TThfQkgD3K}2g_l&z^d0%m*7^N3cPsN-O5tiH1JZl;2uF2aiNbP zG$zGE=Ye4mqL&B>7l#A6=?o^1x`>049~ti~4=ZF^L8ADB$Zm81$?22Abtej7Sa&k? zZmq{r@vqST<#6;)4a8IDyNF>+9vQE$!Y{~5!I!%toZfUAa>k70ieZdoy%@-k4}1n? zG z7)T~dZvoq$Nc>3css2kF9=0_bz8)6teV@XxZ`W?#e19)y7D)?g=VR9RMXc?HA-wf|AR7I7IR+@W^P10!v~8g}n`izIJ-)30 ze-}kQtX`Wd{)$CCT_dm^(8_|$K9H^ED*TzygPEtJhmE00fc9?PFZG>IMXP+VgoAJ7M6t zR$^W&FfzA(AiHbUW1efFXxcMr+@P==x<|gmpK7Xf?jd6~di7^!D9$0PX4S&obvlke zsF0Trbi%-qO5{g!Bc7i76{ftIh=WI_Vo}v!*qyox<}?Ft-|P*YG5KI`RE7JmD!`l| zBQhyY2in$a@rW zR(5xIBHG7fh;NR*0fR4QU_#nztehqA0AYdX_4%jd$EPKtnM1lkVoE<*67U6YU-M+T zP45!@-@B`l* zCb#C=Ld7{7ZZcbj?vRQC{m5AS_vA7pzTRFVU2#EFKG~3)8YFX*&rM*yTZg-deYnjl zJ^nq;1_!lpaf-Pw2CNrm@fAwov#A_1KKpZ{{3e`NvYF+s+(b@(s{_STa3mY$ufXHG4p8Gl;mddqZ*NK@d+h;6XeYp!$uo{Y5mhr--abm08s(fUR zEwl?+g6+>3ib|H?Aj^q#-)T9vNiSF6iKJq*kc;zpu7df$3`tGXE%rE98{W8X07+Y9 zea#P9tkhUu6%vEVAL~(heli%uThPGY6(SaX5D%T7LHka}(V=M!rxtv~dy|Iq)aSV@ ztW^`NE^+Ww*of;6u40X*`Pjd91diU22@}dW`ae3u2QRULEvHQAnzx*zj&!0dw4j|S)3F7v;0zY9*qUgtp ztGI8w7`sA;;ey0){C(*wcn-GW_Zp7k+)iDt9WIN7FK&VD!XCD-*i^Jtcd9T~&Vn6A z)--nUJhrHHFs(N>!x!}@FmQP`WK6Z9-_@rGzKFB<(Q6}L-#COP4!?yju3FcG?urqw zTcXWXB^vP9CKGV9%!e0?)6sLUG+%Cf5u+4G(5U84jA{AHC=^Mo1rEHJ|> z&yR{neRB|(t_T9zIoC;g_!pF3FGt7T7W&HTRB=N^3K$$8Mb{OcCJ*P|#kyoaOjsg# z;8RA@`W+^aQaX?~E=?ER_$PekFLK0fRs=gZSpfo0{h!}@3KHDyag4e*Jx7{Yc>8Y% z>oJ1eI{A*T)>V?w_$YWIyO8KQ{e*F|b)ZRYBPF4Be8k%TET2`0cTA&k-y=tQeTx+o z+B`(dz)&(*&JW!`Jp`H9mC$;%6;E%Dfsx-Vq2j8*1+dY>l?gtuS zPai^U{bl)kT`~UIQ47gmhYO7J(~zCg$J`d%;p#onQ2x~pr5_k@i$5c{$EE#M(}XNS zTEZSraeuy6IUPwY!1=ecEJBVF%kv%we1msmhiI(~+T=_T^j@(VhNp?nX zv}ij2ZV<(v*hRS4VcA+o#|-5o~qS()l^>{hOL!J^sR zdAb88#5=LBalUx8;4)isVJXUAl&63CWw>g=K2qGfk5=tGj8@6N;LRro#?^O_6F&x! z$8oMy%VhyfPwr-yCa0jq^DdV92sho4t4O zMYSA_TrPvF50A#pBX*(Pyc=**%@v}JD%jJ7H_&x|I9^%q3o!ON@n5$N|L9eNlP_a4 ze^^kNcYVS;=`0d+U!DE%ts|cC1L&RNM)LPeD9p=}#HEQRNb=CDQ2p-^=7tM+u6Gm^FM1Dc<1e#_XR$ch%A2>WHNrE(yLZjfG?DG86iklR0k1_e zSdnRiL-f-`PP@{;r}R10-MNiDBlg1lgkF+dUk7y?SHR#bWpubUTx4pLj(`7sgRIgu z*u6=Ge37^+_>bR_mDj`3s^=n}6`Tu+ojD*sRgGwMM)OI{(#*Ko074d1!37$|mnfVd zhkPs9*@?#NhV)hZZ_;M=J~Erg%o~N+JDrMZgp8-cU-I~9Gp?x$X8{5? z(8}jJtm*Zk^10n`Z`dZ(-=%`NM?SC=qq$tAWGIzy*5j*>tC0?y2Pn$v5O2|5%{TwP z4iU04;DBZH?E*N`oTm$JqXRQ!KL2aplc%d4(Gpu zC0X+9y?8e|JUI+?hrYw6p3m$fMuW?;UFdf<3?6eya2~P{R)s`yt-Ggj#mrwK!}y^v z^=1k>uY69tuD>VF<9C3GZ5NaLZA_jVZ-zLz2e4gT8lXZ+`0aB96KBHg-79$P^=Ld$ z_KsL*Dv_734bieQ6&sA+!gWOrzA2_jyz#(86idE?DIPZ)SFVi|*qr;od0I1s`RdTc&pwl`$r_+hKd6!4?2rut|qZW`*NJJ^A4(oDAJ8XULqRV zGtYCvZtXvPyr$zxyVp#{o~CkKuDuF;ep>LM4PLbA<{vU~S2r26Y9O1t+LhQW1=7E& z0dIcWg2c#!zMPqg_eZ%x{(6CFT<}TUv-1#SJS&7yw*jw2<^{RmAjwHfVn( z?9&XKct&;vSs-+`7p=L8XXo$6w!zsL|MLut|9uaowg}Jj&ar&_fEk!zqzi`EI90gcRn=%g_jwX@EKYqYI zr+$ndtjfKfsM4>|Mex+gf;Py8!xO($bUU9!8k3yhu-*(<(jh@F4wEA}zhfY)*B?s5 zLty8Yfpl=-V6^*s2%ROqhz6f5CyP|=`Jt&($RnRRIF~q(+T1Rwc_2R(HXk~}MqAA! zFK?yL=N3IoB_#~4cdQ15D{qNm@l4nxzOp!kR9vdrCCg%E9QI6Y*RY#@B3% z0;?lOQTL$JKQ<&@eIu>GNhCf@lSp`E+o)es*voOc77%FW%sMfIr5@BpeJ;g;e zrge$u9n9J1qE3<+Jb)-gJb<7Ll8~b@hWpy@V*|6DNLipgAK709?nx1NO2Lq) zt}MVUcTTaOjwkR(tOtX}%|<@?0a=!#2p$o&;5Y9$rj%5}QUx7;e}*cpS>B7I%DPam zbb)wX&}(sm?rhRA&6N842^>lybMd^-{GB4$6?)12Od|WB6@7(1m8r7kTg0NWHoBxeMBru4Ai5qt(U=W z%Rv0DWXO+?bmV`7BrspuhwuL=%*Or*{>Z+8pn3fZHl@qZH0O6Lc=;M)bVr!^1s|n` z0YGQ(G>3zWOfX1bS;W-Mg$ZBc;nZJmmYoraJ|j=#lQA+>-#U%8R!i{hsY7VI+g|*n zcn-&WegSg3X7X8KEs(_;9qOk{!2Zt{$=1;ap?$_b@%Jy=;mc7^s9*zlLeWONJ!Uf3 zJ+TBD!&Bk7_H)>LcP*ZJVlJQqvhZT~1pcZ($Yy(2u?acFBxBzcY>7GsfkUQK3EMwp zQ0*9&+y4_z3H_6tW`P4Ebml9&^l)pz7IMndo!;D)3oe=InE7B9PX2rg)YE6sqodn! z<*0}7b4)6F{}6UYUaKAdUNV4XQ2~%*Hjr7zQy9+7|PiOLutDAkl-YE_zsTkFv7o?Ss3NmC?5K*2^3{NiDyel z2`=Ipyla~@T~YE7*K;#&+A8=u<#p&nhg~q_i@R!H60MCRP#rN7AhrzI+aClJVn#Z?3bC+sAU76RY_*ZiD>>LT5HA62`~PMUN}f znE7QZp3q@{KeK+ao=7`ZS0}h7?kr_r%C8H3qH?j3-U)oQ@{9P#nLRb-cfa9`)5#dn zK7;hT3;ct&=OoJfBq-!s@wf3+csyGR3UBpd+$U|cDo~np#FjU$jxME z{4yI4Y^q^8LQl}YREe%4N_?5G4%@#^0=!=fe5dPSWXc|W3{FeI>)uOv?}nD@8BZtE zDN&ZR?MAWK{qHt7MSS_1(qph)-wGqYAHt{p8dP0y?yT#Z#2lO7z2+nh_vFA&acE7@;#|>-`}6TqWdoKi`@z;vIg3$uZo;Lp8saaLN3m&BTF^>b znOk_avnsiBczW~$;$l3P8ZI8gZqQmluVfgzBmkeEj>PTRN659$D*W8}GeT#o5FGcI z(CS=8>RRarl}&_J8ct--zWqR(*U8v)z!66;+ko-;64W&-4OR_s2Lmq;tdm;JyUR~Q zUYfuLSu>Cq#F%0Eu14tDGM(lfY(Ptw0m80HV0}*Q!2a};qMo`k@u*v+=($~zT4}6f zhF69=s9q^Y-A|dIQd0!M!Wk>?%oF1A+m4r6%0b#N1b>NatZE%Vvn^hUbbiY4T%(UL z-8mSixE3Q?*r2H1vvR>cVV`)Z&++DrY{A9WK};kX;hJ0yKHsju+s(#-->6AEA-VrjxHbOQ?p`2E*-H1S1X@o{X#}NzB5{EWEY0FebneaYdsnx;VNGF z#TqjrydiVQe-Kiz3ch`dtKt&J{vduBP?3I+u6(Azx0;NB2(61`g5n!OEzHHr zyT-%b6G!;HXMQlmARM24G~jnH3_+WZP8cUuO$^giu+;=WWg?*Oe-E+w-wd>njT42r zm?Jt?llbYu;MRpCV$Xlzb7MOF-h3M7Q)`^E?FPPUUkds6ZNMS)CP*!+!i2Rp_&HOF zmlaRK#2q~_ZSyZI73P3u*Sbi*+GVu9<<7@VQl{f{>jejb61^!kl)j26f>*tcU@YG+ z(q8b4B@D5I!zt9A^@+(@TH&gnacDVTI7^)a+~hQ$?zA$*jjxT_ zRMRUW$pb@ZaO@y>;a$phZ1{j5A`R z96+CFY5stu(}Q{?D51dJ|pB$v`jg>KMgC0FvqrmSTe}=Py z$6>87r`I!@gEe~DAolx>_v#kn=ka$%jx7&yb5|H^Nf`vy`lGn|wW&ONa22Fj`S5Jz zIKCvM3u8M~aQOY-_}X<2IWWPCPdCz{Zp$g;C0g*@<0ZUAv;^l_U4W;>F>H49L$qzG z2Mv8?i0jm$#;XMmd36T8`zHtQY?{jvzIrgT`4DNW z3V$rPSX3;fiG9a)qFq(VObV0mMznA*NLHtR!_(02skQjieJhY(-G)CkMeOOVeB7+L zlu89Xz^z4h$hfQfpwD74+iAw2|Dr#uE0H|cxYLwF;wM^>VE5UF*$H!dr;9`R zT<1hEXcFCVt2t~#$o?h+xq{Z}Kj zTaUuYTlVrf<|0~9{Q&dDy0~_sKiT}I7?uaD$0vtEN$w^o9yr!a$QE6qX~)E9bwU#i zg#1&Jvnlu{ShJ@OC&7=;lJx$3j#@jPfx&ZSQeb_NISidi&xQMo_itE1z9TJcBA2;b3ESsP){T}b0K$+uxb3|4>b!+g+|kGv8qoFXeUL2*{LrO z+c5-MAI(GAzk+Qp={25+kmZIS7l7yG)5I*ki_BkggLrF?;ZMTUh@r}R=08wD_%16D zr>fK7)fPb?zkG+G1?3R)O<*o(_+WNdGA`{5gq^Mj;P9BMY*vE>EpN*aTmyE(%+gNu zz2BH-3i-eWsJnxnpkLfu~>W)VX&L|srZ#`Tz z^G^%8G_4Vj-F2s9mT7Tw{}V*qF2muCF?20iK;r`j+R z<-oH+vc$|e2zp!3^O{o%+wb3W2`um6}u1O6P+&LPLuWg%XhJOoZ?1Wmr(}eh9G|Gai{Ec zAFdc6;`Wj5)aJh|lJ#ey_|NgTY-heVQx6$TyG96oPd`tQMXwZ}vL}qLK5|d!$K7Y& zmkIq5YZT9jv7u2X!r(_hzxd_mM6f9?g@NxnF!H`P-(ELI$Q!zF-z^asd*P=rchZ1w zieu^E+44Mlzc-tzIgF1xqEDp{7QiYu3Ebs(2fq*4>-Z>p6K-E}6F0qZf!p0@ShUUu z42XY-j|YDvbYmI%ntUTSf;l<#QJMb!rpQIw&u~)URk)frkiXq|4@aAHU}pYt61;j9 z1g6<>tds9KLy=1Wv*0$Y$pr@u#To z;I-g06KI?~qp_E0#0#FkLCw$_C2-C?V{vhh5i0(*;<1^N!Dw3)S?WEXF6oG6*M!VR z_nr{gQ+O7SyprV>J5G}XSz9d4^M*Msro3EhDtocg5+^q0fkuxd{ioR>-ZniOWtN+g z`@h5Bw(9`6T{nzeYJC6-C!5Kd=6_hYI0KfnEW-{RO*H90jw{wUgW^)*8g(8)yIDTj zU%3gKn_A$KaJ_#>JPn)ZYy9|aJ*a$rM#zjCc>nn*8vbk{eWUuE$<4Whj~B%dSDWoD ze4IRAzD}7QI~R$Y=ekj&xI#Faqy+5`&f$lHxwuLyRs8q-Rq(4-1dS|V_W!dL`-%l$ z(f3^Zxn?-}8`-kCAyu}bm55%P494@u|h&^MzV9~InEW~#%ye?Iz#X*v20eiux zWHRnMb`-AVHRB?`V%T*p9+k2^`N_+Lq+g{4EX@$wt&^T?x(@g?2MPV}SZbrlAl8^_ukJdr}pcz5N)mF?o%O z%A>G$)l9x8ZwDXrI2{+JDA40e-#PwNPsXX^EO};O1Ur5$8eY8!;IljOLA)Sa$XJ`e zjfi|+@=W0HO*su?+md)>%T0mH{)>2Te*se-Toe6B%7&XE`S|3TH=T25BFs*@1`*HC zu;XejkmQ_?{s+AIsEYC2Uf|>HmI}a{OKW(?O?SNdx)kdZ2tT7FP1QR^A*OjRHpbC8LIg3v}dD(GZ{}R~N(n^{hNkQG1G3dW+9M8QYg+IpiuZT8uMqOThp#v7I@uN5HPoXOp*`s$ynCM2A;D)?0kmZXHgY(lr0vgvIqvxC@ zBd$qu`C;P(w)0UkySN1+4ziku_u^Q`iTSwn_fS0kDHisH4#nx-X((ZDK!?qE3$Lnw zBu=`Cb#dxww@a0_&XDJ0*$1&xtqkqe6?pVNmFTNy zP8d7a9lNT2Vfl>+s&hIQ_=lUgBg7j%oF0bh5t*Pop_mv8?C`qsZx9}nj{T2c!y;E7 zlJ;L8JG^WO-Bu?Lla9WG*}{2MFD8}Fke$lP>?V^;^_3{Hiw3PTG0^i!@MsE*AgS;@ z`0D3zI;CHOtrA&~C`V12VL2Xc6bevH%@S6|M50{!S~@>#Dvmb41NBnd@Vw*-{JQH0 zdo(;2FRduYr0Frjxn%$vKmSD}UVla18C@uOIuiz{&aQdQj6h#m$bT!%=k+ukVpXQm z%ZIPvp!5kaZOB>iw-W=Xeef9!+F65}pG;zssy~2vC8(LyA5)IE#k({=w6~FF|fjD&8LU6tAjju{~=euxo!XdAVwd zxM%i%BqM1Kj&)doiGOxtSWz8R_^qdw^IOn;VjN5Ru132GC-6qev;2F1AhCF)fYW7$ z@h?-O(Cushx7vFPj`fznzK6Ozb(R;0FSoFE_h(q>7YfU--$1>=!>N?gNV;O$MdD)A zA`X%=r$H^jY^&b}&Stej=ig1Dxjs7dKTxFi2JGgKb?@W5V+oM-u@cV@x`;(?%5=qI zC-^L*P2ZXsz^p-p>V8{J6|$y)dyn8)@V3PXtL{V4?upc7MlI`%d*- z6eHhAp;e7O|Ndwhq*lCz+SB`Sqv2Rwxwiw2Geg+GiL$)y&SCLf%V6@|eYkkHlQWf2 zn2cVb0t<6q9`By|MWpw991SfQOEq@-V|1tjUT>KK7WdBK%cpVFVa0pga_|eYUStaI zH);{xC|#`iA#gETBFWT0=G0Jf4!(S3fi`WWOjYB)*iCaK+G%>z#hyn|XR|v!IaUq) z)^!NHOo5r;c7}a?T~2=FKY>Xzbue~SCKM^o7lllIi7Trv0=3vowEo19y1)Yv6)>69 z+8@Jo*&ERR{-D4pEXV%T>BQYsLG1B4o;}L@0Z(sBP}}Pgym7%IwyxI$qK_XT@f)<* zrPLx;{!5CQ|mG~CVD~X$bEERog&soM36xTEU{(E0&1a?hP2j+8~#~HhV{tP`6<0{cefGk zUQmL=_Qase6CsD5FTrCCV!&DTFnUQB@aPJ8e!#SzJyNx!m--a(TiqZ$5^_i!8)zr0 zcXgr_<3{qQduw2+@n6u2@F4Y#8d&bx09#Yd=#`1ps9ScH_-ARu0$)3x_NEjji9U!= z4cp4^O_N}%3zT?UQ8-gmJ&JGVEugZ6da!TLbIi$bgLm!jFkt3cI&IkroHgDWCH@Yl zQ7>l^AbN7il-{4bn%$pv46o%J zsqys>!-j$JXxAG?Hqt?K)Tp0O9%e}II_g5;nVC>ELX!{Mo(qNtwt;loIkM_?KDmDD zE$jMehg}F;15YE4P$x^=PVeaSg zG;Qg9ayaf2+&=%tQOC%YpKsshc(pH=9iNdeo)>!`t>qj!Pw8ZRf(!JX;|eg}{2!)j z%>)_M3S8ryK+DZ#`M!O5@HAsEY&d?Fn3YsPUw1pi{So7s=7pkHwF79l$dBAk$;Qih zN6F+*sknQEz)STphi3=wg7vM3kT81^W}3W3R9p=w?MAJ)rmG&h3RvboyIVM3D;&Zn9kg@PkjHIV)Y*D zx2RHBgNdUpz-whW3;t@vuO!RUNadg4$3*7i%Zlzs<<4TRW=ga3fiJXD!vR}|_*cAFsCYB}62yz^A z;RaSMy}>3;K7sLehrnM?_}Pc~V#V3lQ9}fYU+JJf?Cybgf7hKe_BqJd3 zQ=9+SXaiYejB1+4uci%i|G@B)^Dx27nfHEl;9pi*RL`t@N9vD;!z2q%7L##&arGtG z{;m@Z!UwZGeu)D2It?!5+mH*Z3dp?R3iws?TwHzc7|yD+qOWF|@hRp`bk+$D>JRKO z`|C2QVqU`DPcz1?F?qC5CLeR3{SaIX8Ca_k&yO}R%o?XH8sDahmmZZtWk3dc%xeRU z0SyG7ub_qD1(+6b2HJmCkOw82*ps73FILyUbmchITxe7ixqK*JGc2E7R6mVJciM{N zZ(TtDf>HcfzZ3U4s|+`tyFho!Ufy}84_E8yp=i8{z$ciGj&hbDvXFz0Dk;7%<~Z6U zKf$6ciu}m2w#k%wz<9 zl6}i1o%QJcajRkM=!0B)%s{b3PB^A7kPyk{mpRTlzZqJ(tI+bTJuN@57_^1_N>lwd z!CMjyZ-b}c;7jIw*ML)aqkF%|N5zWHSa=lOZ|d=$8F`M;WkG!On9FcRtpNHhPQvzp zCYIegmRFCOM*X_`VlPvvZAINL9xm4UG;;vl3)ka%8Hu=Soel04?}w=C z?tIDgJ6P&6iQAoQK=t@(^!L3_q+mw?y=tUMwNyTd^wSh!Qe7e2wtqUElv~9%#kt_p zZHMq#YXKy97s0-ew-9D0FwG3FfS&dse$4F(^07tmU93VSYyI%u(>fgZOhk_uA7^J4 zpxAD65iFbQ0|WYsS*~j+Oxs;Y`~`iF(|J|!&L0j7d;D2nW|`<+SrkgliDhXg4F&(; zR?vKEffJ?Q32eRf++K#^tcvs4xN9e<$Y&B&??Slm_g!43CisdbOh6~EV&bHvNa@GX zAY1K|tpJ}Kdk!@5GhrxQmwl)~CLQ}m4MU<)QB!v`I89thXL z%pe1sgVu7x%fHyDJIg>O(2VN7_$E5r#!+3ONCa2Dpo;oprn*I*Up8=}I)VR?mEM4v zOE1GdU3n~yyCrzd%b1($JDA%tOzsyDe zv%F||?O!mz=uQq~7htS$EPOaq3J2WCPP$q-4@6Bcan>9HKE6P3``hq$?aZ5V)}S>dOKqs z7S#wGx!}8udTNT-6QT1{P{AT54Zz_SGjRN-WN^KC9hPkrk+X&_;@$TL@EIu2=gbL1 zk#!mwW$%e~S*3VqdO2H=632o!m5QBz$v}#(F7-B`;@)F7Ffi~kPV%ir^ZILe>gP|a z-QETzi8J`#{?Fp00oTcetCBosoj0g?&4E9a?rgb`qq0&zN!~s^Nruo^Ox+%do0!1T zs=X@mG~WqDZ7pDWe;@JtybK2xT^DVitH@nC?}(0$y39Prr9q;TGfzzVfdd=?R8<5H zmqr!y)v%#8skU$=TY`$DHX_cD#!~_(W!9f(LTCLB+?lz8SG5kJPHk^dKF3zHuzo+J ze;Hj9`h78M?JYwWnIO3K`xoJa z`Nc*Oo7XqViY2pPa)=df_+rS8Hc2u6-CD5sst-N$Wi4wym5CM=PJD?l!_txXj)D0h zD1D}tbdX`Z&R`p}81j+a4qr_>%Ca$GXOZ}dm#p|j>;Rgw%>xfySdWQ6Gq}$QIht8+ z3IP!x;Qgpo(D*k8IuxYH<2+R=x?Rkm@g%5hO(Q1%d?91fV~4yh9lG(}H5|3Vm#jSR z22BprQK`S3)eD@;4|37uN2mc*-Au>0=gknZv`WyO(w#HAsb&6>NlDeiBBmdx$^gnc~{%?@864$0WT=38uhP2zb~o-u<;m zw58aB8alOLey9`)w_HOG3Hgnu4H~rar5aQFwg==Bt?24s3NR1{(cwLx;iGaAb|tI? zOSwVNonVS7m#pxZt~$wiQ_G^Bmyo;tPUtAihr=viu$%ka$!8Z0DxT&olnbu0J0^eG zBx`*rtQUB*ik{-;Sq7lr8vy~!Er`jjB;0EEiTw#IWZh>q=z7UYY_XK5kEX@Ig+3oX zJ5ibKT6z-{q7C??KqV~xJDjX&P9pJTsoXKmk(6wVCWo69>0k>J2#^#y>9SjBt>!#B z;jXYlHSLGOXg}sS{0!Khv+$0SDKAJa~$%2RLM>Lin0{SaX zIl2xw0&XErba#sx)_-3CtS!x?q`Ok0S(2Udj;1r`S$Bg&bfjv_I>r%R0wT!yq_8JxQ}N9ZPg1bv+`c;{w1 zI~(3ZGVhKBwTu7Am$xf9} zc(Cw;z%6k@-Ib^CYo-|unCHZ#F624R`PTyVDGc{DEav+=m8tWQ^=$TiV^B4XVhW1& zARZb96)jmP{WY3)uYJXK*)QW$qhrB5JqhwJx8nQOEZBI?0b)F5=|G2bkht;(JD1qa zynD*UxNf!PyTSzipo7m8S*+8dG;F)DtAihXa;9&k0@4ZungATugvRQHP_A-Kw z#ZAzzI{{G>zrhgG17Q2Zk4=3$g_zk>er-c3ZfvsPjSz#sdMC2w#-ZS4S_>b9teecI z5fGhpO7vw&3Nx^{O#RH&4&e!=|cYW$3$LMpN>a5 z1ZGj?TQardGfB3J5MRxhM>%U0d_vY|sIA zW$-G|$(_QxvfNl6oYa8^`os7WOGO-2a1;hA6oTvE3|4Yfo^QE39h~)~`O0lq;7ZLw z{2KrbEOw*Y}NEd0pBXXVEh}nzqN&QCMpw^Z+3Lp+D5qV_8Row zd$X5UPJF~hP*N46nztFXI2>Ppo%Kvqs_mp!O;A22P z37wjB#WT2Pb`fNe@vzz2m^=Tq%PNm z$WI^IGI9wy6Q@Vo!aDJSi7`xDAwzRV$6}zAB-y`X0(~MM3DUy+>ec0K0=rF}+M6h_ z(SZi=HeJ}+?w-VzA7wHZ$%9xdlLJTkj3HyC6!qM500*^AV4DsN;U8v{VRGO5n*T9$ z-ho(mQ5?5Nq)3vitVCsm;<@LRl{64MhZi1HprI*Yj z%XUaI2eTM_B{GFZz6yZ^#THz$<`{}yFlRFFU+_7TcVHbqOfEQ_BYiJq=#P$F5E@rQ zifUUq)#6@ok~RYUlyxM$wuWf<%W$`DKM+=|^Fzn!*U@jq% z)*Ow5?#d+oeh}cb^WkicW-K1QB2N1{*O4%}rTD2!o+_pkz}Pn)wDPDn-d7z*lTAc$ z_e_4?IinK73udwPixWZKB8dHX_>Dx(3THA-mT*&l4T|0o!M=9BFEODI{Vbn>llX2X z`Ph>zADPUI16QD(Rvz{hmT~fV6ZyUKcOVh89ZYq~VPl0A``Nwro)0~hg zOQwLt`T;&S76Xne?!x0=3E=Tb8hk`&(&epHAno-MXMArakArGCC*gN|TVzR}<~E?j zG(*;?ID+~`hrqe7W^j6A7TeL712Gz*@Tq@3UYN$=k71s-Dq08YBpbn8ZwQuo&w@2w zg`6EO!sQZahwaEBl#dpbGKIupI*Hv9A&+T+p?(u z%YK$}9|t6;fAT9~?tcb6x9B?Q$b#@`@;4Vv_bVJo=IltyD^S(F{eyS8WNV}qh9 zc%@&5!~5K5RFVRu{Lx@yS5tX*(G0YiI1V%U-Sq^g98gc*$5s|SgSonSU{jSy)=S(F zz$H1fd zrB!We=JB-!ZSPd;Pcb1V0UzrKuo(H6yrwLbWD?B){Za9 zokJpY^wC%{kdp(ScC^B*MH}I)-E8VQ=`^?fnFu@DlMd7PJXc@xBoyzx0MjN`5k=`i zl5nU1D}EouK`kx%Oxs=PQt^;`C3_Pvw;p3^jzaX29@1E~lG7=+rFV`_W*MX9@si?b zustL#+~A?d)){T&>;F_Zy=n|IYZ9Y>f80T_mhvR3C=QtRIk4wg*hLtzKm0~#Z21k4FAC-Ts>ks1lZVVl`9FdCXFWVC!=biX9#*U9 zpk#d+M5kwSox#_^BH$9P6&VBLqj<)w{6hTH(ky6c8AAOab51*_6XZq?3zpx%gtKj) zfwsbZG;9O!>1f6diYQ)ImktzZH6!2+#4xWdT0h$4F@@H%u~>p)MLbCE>3dJvss`V%|12{ zz^3p|`0?6bT-dk*S4rH3*00ymaE}B!df8ym^g-NqqK(_BH;CUA^Po#}4qNo>9}XCs zqs&+rn_CL)uySH8-rS)EZvXmVH@ymxEA*(CgCEElWvvkF2hU zLjTWk)ZI6e?5JN!%f(+}a-AJ52uidm8~6%^r}>?~ee^QZnF3Xl2U_L zIL1+wjJ_*I1^ZrLk?T}8{y-s?@>#6vcK&^}{yup8C>Q)OZQ_=heBc5E*HE%Xix!^l zf}Ex5G{9J$xm5qK*{z-iryZI&-C-eldr1?rE)0UTeI5z6*bf(qx8pA5Ss=3fE7^DH zD#j|^!sM)Q2$?pAafck?mQ)Trj~YbJo>ro=rxxZDK6hg!j@B80WNk|l|GRXGwQG;2 zLFo$g$)GrWkQU4S`km(%=um3G`*qH;LI|u+<(hUn3+M2&`-4e~aPVNU^&$~x`nft1 zD#sNFwd%7;$2u44Z(~MO=~!wx#gvwBvlZ?*)PeH*l-T=elc|*93371mBN*>bXhx+D zedgtl!O{j`yRZ*~bAQ7MAD$_e^BZac)Y$yy7|yBH2rh-!!6oaNFn|16Tw$V!`@R)| zNv9i{{kNJq46>Ghcqs>0Z4bHcjZn3u4Wj zY-=_abvyv6)a~$KdJ9Ip_ypxs&SL1~wq4@{`Webj8~|TTkY(~kM=@nlGaOkyfd+i9#`cMg^yPKyeh9yRM@<90#DxXd7K; z$dT70n~0mR3e&pcS!$CXh}ZkVs28(1iG|6WdT%V;m{f}r#bc;+%mmPyY)L)&I^wrw z5fr-{GtnDjIPc^>633}iJ-fY-(^?5mii_z9(RnE28eDT>K|h%l(ncRUj$?1aMA*-u zb9Cv{Cer*T9q7m~w(7|w(lYNVH_opRBF8r1Z|(Zr{=?B86`G%^#wSTm`X#w z=u+wA`S2lIg?(A0LF-~9>AzFQ$Trp4v^=Jtdu`f-@0(TFXxVyB->wi;ymN6-=>%@d z{fFoKcGF)AN^o|LIP*A?hOeevBJRP#c;WSB@N$-AaC|fE8nqVIx;^1+ByOW*R~CFV zc*+HBJB`_s3OOhpM%Pqj-oFt+-zXq>`c9{v*A~%`HjbOxb%Q&%I-ZRPl;?9)x?nrY zrbbizA~(HTiAIxN0Ih#nMA9La{-^UyYb zGFtd5aCbQqC|DYf6Fo zB!tBOgGqZ1!K{#W;f47NS-^wMpd1N56I$&!kiXKs2d zcsLvr6qBG$RscUmU&8$;Wookf3RBqp8ETaNBZEYNZC^MjsGnpG4ZE;^6Bx$x zu3j0Hp|QUwni@XOAWhP;(xHo1S`<)&kF&iae6AZ3;y7AMgD@tIuS`Ki=~Ok`oH zC%K-|GhiRIicWDf!-HYP*!FHeq#N{EN1xPSRx`Ka-ryYeeP<`+^(3>^r{th_>jElC z)6q}VhxI;mXA9<@#F^&~(A)}Z`umtRhRP_=^0DK&Wm6r5dM?wUVeKzGIr1bbYWHG` z`6}kd=HrJCqcAaeKIkt|2DjFO?3rE&%+{;KUDb9dREX#1Mz4pfb-i5Mb4uqP&fz*@ ze3{3;=iqs`6cYUwaBka=fXU7(&~B^8^U*Q5bFmiFtUtg8Lz+mEj|yE~rbi39Zev2I zB1>S^Xue*bE%|7JD)9=?(kFuNT_&;6Djh1ar3R+1JOah`3&3!~DID}3L%#Q~#PnV> z_W9ifn+HG5F}XY$&cvm2DW=z9V`dtw)c6dQ+eR|eLILYE6UA-o7O?n{XJFfSY4Yjt zbu6jU$C<`z?9!|#Y&M^RQ%OGr^vmJv!_Bbz{%QoeitiuI>87|(`YW{5gO+6NhKD~g8ED1}ta2Ou+n6%(&wrgHBOp!Qht=ptWQTHJ@O-zPE z4sxKms+CSo*h3Et7m}b)VQ6yk5p23}6Ao@-u+72<_4zYsJlT&*c8#I;UF@00{zN== zIb0|s^$cV9Io6jKzrgaX7Ov)92e-6&r}zsKsyhD@$S#be>cby#zTRWL&W;vVIR?;X zzL&N2galC2Q?PPvHVO=GjCD@r1WF)5Dw zjtR;;;C9LqP~O>(nscsjzB|L&@YT0ueP}$WL8xF-%>=YP9RXc0CZXIkakkIl2G^UO zg%95Sg~#QKVQcIrn%lmeYslbvI;K5b5$zDZe_7Av>^TdfD-?MaNduNNeuVXxq*&cq z2Vpm#jdG3phZC=lr~AA2^A3AgIM}4bG8)B+^z_lps^c7+JbwgTdn1+=@HxrP52iu& zg&$CqP$Im0>o3o^Su6bFS;p4)4ddqZr#NtVBhLSxWj>D680l4JsK6+HZb96$bXo+Du--|dzg}kfiU({>v zXKEk1{^OaI+zz(KJs(Egyh5&t#BvrpBZr^%Zf}qF|z(1sOSkSS~pOzANnjzx&ecZ{8=k>_3hAyqQMNKddDMc`nrX+9*hJJ_;Glco+tgw)sSoZ|}9Un*chfKzeS}nBk zZasc_mV&Ou(oAbZ0~U?bC4VN_)7dJj>|w_(cu{T*_pTiS+p2DKoOOxPql4fw)rX$G z{1v4}`_ab(E)efC0X9WRkeplBtRqCaaFt6Z&;9)#t$NFs?P*mHdHPw=-$Td zlS!h*qpw4h;dC0Z*MPe?MVwXLcuT(S^Pq8i1K84&Tj`(jcsM59#G+MaVGpn=_5q^)4+~VJ;g|hBx<4ic zgF@G_8y60O{hnj=sMCAy{ALwee)JR#2hX+@H2wWsH0jD01m=q~t8)z?-pw;AVm07~)p$DDVHDN)5P_9ON^nN> zPEG%&5j1|s9nhUBN~arWvv96~zhj%=fzKqW{IQmZ9`C^QjbChn{t>#UOByec5ZoL+ zm97f9#L4T6kUphFh|Rn^sk#h_w+`%o#P7&(V(iiuJ67alhK&y&!V0fH+{yHdP<*iz z_qTEAYkLYLia+A+MF#A)atK;QsnfLEL7=Lpg8sRBG%-Mo{rgr8`?YM@(yfXt(7Tna z@!e0iueG5Y?&>j>zOi_H>_N2hpTIinBdL#vJS)1go@Ti`g%@l5!D-9o>^lnVng0X|pB$M&kQsZImyLFsggH56z>b5r;Mma+CXiYIB|E0U z9)T#Gc4s&J=s1mr7CyxCs_W>#|11VL&c=)oJ$!%oo{huvN9b{28wtuS#@WwB$&Riz zST3zb|LxDjFTLM!U}r2m)!9IwA8jTNZ#RMF;ACtouI61Wo^(-vmbw`;xpbe6Kj1iI=C}d%lB)<0@LwcLze#Z0LWMYNW$xH@V#D z&8~cNWc4dv5INTpEZ8v{3$L6&qm|h;p8^)*>a4jiIE%oHd+X``06ls|U!J}+n#dey zHe*b)5BfBmAxHKHYFr%O5_VzePj&;+>OLzdQWMfo+-P#>m;5%l1n+cSTxOP z;ewOqk*+0?AU`}3%?!@MyAD$}?e#2nwtYWVxfp}-lwX1|PtFrF^Uajx%%LVL#h882 z1J24L6IM9C1C62tf!DJP8em|IP3`h{cceJ`G4P(`EPDt>PoJSD+t2)-m|(JmE8S7D z5ZdB~@LJhbeA>QO;5@4z+wZ$kzpN~*-G2$R*)HfbDu#4fYi77*GPN9fP1Y48VAt#u zSpLo!4X_Q9-vm?rB?n=x+$MT_iZm_QT8Ury=Yex+Hrt9fG2v7t4qFxy^BcPK9`CXl zRa_^i`|AzGR1Oph_#X5nId1YCGbTd_M(3Y{oi{GS{Dg({T*5EFc0-ozw-bNfSi-*i zThIM8u7ZOrVwl~?k$AFxFRJB?rHijGg)*5K%$}&ub^Q~?xW}*XX38YyGAfEw6xf5x zv^bE@@xkkIlB}jt0S0f>Ee5S;Wa3uk zOd^*(mTA8#65cxf)uwuy9=GUrE^Z3G3acbL$q4xp5ZZe4S+0xVr7(hK{hN#r%iL*m zUn7K`JHh7$y6|CvF*Rv_M&3<`hi~S_G<0hbq{_U6rP_bNcAynv^A+iSj{$r$LyC>$ z_fNeIl3+%1H>``A01N!w;GMgkpyZk~?R#7?4 z{bUo{e+TIO%%fPNm&3hQSD+P6b=GeWSmFKTgXpY*f)}_L6CWN#(`;Ehl+sALcj{5i zK|P#Sr_ZKd-vR-_Dsb9jC;KS2i>wcE!Bt{%tn+;%&+&eMZEmu3^9}`iQI(;!ngUxs z--XRs(I7DCAHi164C6dpy*c%i0C11)g5>f?cuz!`o_BM?6?JaRF2Nmkc8sE4f4`Gm zolhV~Gy$Kk2*q7<;`qDm4YFfBa65G!c&)m^-#@d!Def6$UrQ6J{C5yeDG!mlFE{c2 zkwnZfRE5XGk??iZ8a8)P8Z1gvV3(CGz;K9n91e97m())fYS0B6m?~X6EdmtM(utpm zH_n#Whc}dtktrvKII9g_g!``!Uh$dP(}Ba>c2P0>6k^JsgKF;Hp*6IFsFP0KIdpVF z7K!~v$+)2~tgSMpeN(TZbh8ARI(>l4$<*Wy@4Z5L?san)ck{oemt>*M#f9bn$cDDp zeq_{gLrA{46Z?11qgriY*nW5ySmZzFF5a&a7_PYu8qH4lq5Tb6H?@qL7a;<{_O~GP zaWv_%O~>uwsy6?c0leILaN@WeIA-IBE#FSye!Z2vK$qu~dk*qvz?$=s`2cwV!C+d& zfm6FPeOxq%72ylerRV|~zFCXYw{GF?EWIhP9Ww|`I*usepbR||&9T5@BJ^7O;=<{A zVCmeAisD<~c6%R)H!5?l`7C@19$whR1S(8@`!StCe@Umh3>p(*L+VjF8W&o zkx~<|RP_tWSw~}|jSf|4tt6s%R?-K2hE?|BLb&Vu3-4dc!6vtSqGl8XN0ef)rA~r9 z&Nt$gr!Ro?=`KvUwnn&1L>ApIb-)UH7kb%nEGpdh#`bb+E@RUa7B_+7$bIrGF`^#T zH;1qV`jmFBGr_~1S!8|oea`+w1bWxZ(9B{@(z(86eBSPfGemgy|Ehd$ z-4!R0Y7Rv!&q6RuH-~Nmb(S|U2O4xQ3tr3hlfGdGJiD}-&&4!j>eo7O9({(h-P8(A zM$LHRQww~(wia&doq=A>%g|XkmVNZyhBuBIv%V92jhNMphL0w2vPY`GMfMuJ%ivjf z{skzu<~*+Y?u-YIWpI{HmJ@HO5)$b(miBz8nP+l?*+cw!-A(}3Qm>Va{8({yenG| zyc;I6eU6q)XG1afI3$C+cS3?L?0SOZ$vCdw)t#>X<<0~{Hhg^*Pl|>740N+Gd@SEY zMMvnuT#E)=?K}o+&zy#Qbv3Ba_rRDl-|%nRupmO>H&^jMpN@4d2bJ#zY}fZMMCIWY z5Pd(D%b71krHXRs8*~FZfdNkSold~mfqPW1#040PWP1XVjJgd7!4B#o!By6e=4cbjq`pPFz<0eFywHFd8~|3ukKoa3}sfCkNg~GQ|KxMs%}ykM@!oCgJ6HVPZTt zG?FW-q{%Z5=jB*2lW{bAg7B?CHRj4~{cjD~F~j2v<6#e|vbVaY}V zbiDr-A3Z;c8AsMr*;6%ed+kBM{-wCE^DeYiSi|X575uiY86VsW;R^4F(jE8T3-IA@ z%$1%_r6o+*A~zZO^w&6iIsZA%&hCToniJR)Hj)`TKZdlBy-=H&3X{{M*_+h2c;>1q zXa^$>1R1f#KW|&#?TkPT4K*6*@c~!1i;<394-?&@ z(ct$3q3DP6&@rkMXhSCYr_Kkf^G@6k{wx^8Wy8NcVc6m^kK61xfUES)nREGNoXc+G z%()YxucHxmjOya=dpA5Hc8(kQa1^U5>Ol=ZTP&R|4f^N%&@I&+?4{4)`WJzmostxB zJz5BvNBOL1Q98NZc2p?ppb6WLmGK$h30$w@4xy%M0x{N7f@D_>=KA0{xl)&phYGHN zQF$BMI!&Mxyc@~g=aSg<*c8Hjk3r4-N)%7Bh1q-#c}Mn98@f{)8rm9okC5MJ&6N!mS+;f)i)cw?0e?G^KZpxz;v z9nnR)m%rxR-j~3Hu#b3c=L&MMOB=27eNb^c|99x^>JwI1Ay7>R9lRK(&(@;5HD(GF zBGSp+k#F$2`bcDbJoobVRPMj{OhK#WQ_{J8G{eC@65KGBU3&10XBCg5d&kwmX|Dxb z@M~|nW^*EU`B5La6|)I~FYmz@N?*t~w|JCkjKO{7Vq{OnC{P;ChxtL{Q9ak6>-88E zyx5AI!l&SxC9hqu^UzFIQEU&*Yilso$Ar$bHCSp?8M7&X*h+8Zr z>5`KVut&d@%y9F;{{llHf5!y08yiQu9%Kl_Kgls0-@mxh;R~)OUm-(G6(`IdjlG&W z>?2CBYa2vpL0lfWX&r#-&x6UF$atu+@kjXs=Jast5WMUx#s$I>Ja=q7{Fuip&GOwL zqpBEZ97@GzZ)XT?QpTi3kMUaWO}G-Z4c2`5j~n*BD70FvO%i27_&4k_T$uL~j^*i+ z_zUx3%x7_?;d}-+X%3OsO<%d}>7w*3&r@t_yvJ<}UJifm*9+q-?3k*0D)-=U0Uli$ zMW!^p#{0u__e{zXoh1R?C*_;k`=dqcQzzyosYX3~1?x1_YM4~_=wQu7f? zFwJg1eoo873eQeBf6pKE&swl#M_*u1>uCF@7O`q9IHr>64rup$) z%A9Zfcfk!r>#a~^PoGeAv@dtWcLg3k;0^k^Pa#-aj5dbU;FwdR=-r5uux9OUu$lZ0 zgVrcgv+zPF`F#wZ^xXsLvNmG>_X_-(mko8slC=KpJAr3|0#ll{2=#d{_#9hvVe<|} z`a!Ifglp^unK37zq~tQZe`f)d_jLcY^5x8b0~}H95kxwl=iN90cGS`cD=zqR-7Vtu zy{HnmV46P42aRRorw^d{ybxjdFIgt;>qT7Zbm4;3MUs190yQu{2Q$N@$nBL`(6ciS z8(q>-^<6v{wAfo1=97oLFCW9*5wRfhQ-Dj&rohOrk74D?4p?HLMjKsXuwv#9;0s`y z-gXp*?xbPo=C?d={FCt7({k89YAhHYdjWZ!F|cr>Hodto3_s|3(93i8a1Tbjz^8Yn z!+lj_OsL+7F9)8%z>fsZ%4h($HwN-=CtdcodMlm5a{;O}I?(;EDcg7<94~GeBy%)% z+2UATIJ@f@bRLj}KQhUjlHCxtnkGS5q$@r)bz|>~&Y-)pA^o%}kkU2jf?4O(S;TS? z5N7M(6gzpwC8WVd(ecpsY7++hoWVN`b1>=O6OMi`rCu-eXxlx4BAgIkcr1ko^{XIW zdk+`8g@WdfO73j-MegkD2o$foUSqny20PD}!~F=}6Yy1pOtlZ@eB}>wTk6i>soq>v z@)3hqV~a=t->;sY&pSJOFOs$Tl^oX+iyN)i|EXBB!U`8zKLF46b;Pb+nmKYaXnrQ2#r`@GI)vg(L{6D)i&10G zd!^VVerICOy$eEB7_#@Apum;yR2sTpOWG;3D`hz6rH2 z-X}d{*FoG79XNP0jCO0fFsVJk=vOhwZQNqQ&c9v=8!c4v#C*WUnBN$A)E5>A2U1NifUmEXzRklyL($Vabi?nv7e?D3x{rpK4yjkgxhU;_fJ%a$1?XIh7NyYop0a=gGuy z?=Co?bRSQc_XwiiUg6ez)d?DZYLXczO5j_Z3R}eI3Z4w)f>eAUths9oo#wOg*Iy6e z%%;y=wdPfDR}h1xu46$iUlg|e8BISJq`=h~-JFW>D;UNp3uO=Fa`V=#1s@%Gx>Ei) z#Q4<-43sRnY{M`dRKThWUDnVita8ieAjS>P;B?Dw6Cx1Ve#M#W`qk=Wkcl2X(I6=v0*do*;Jl{?U`^d7Hq%+2xkt8=sjFjg;Ui_{+U^Hg9r~npRV@@} zHxaR;*4)guC*hOoDsVrW4ZgYo7_{t@(B|=WP^$a}E#=kt$?+qX)Vha>4_XUmtdNA9 zca_#fEtR+^{3$&6lZ(&WT=A<5&wDE?M=v)8h+P{BXRm8xx7kikgN($VXu&@EgrTbG zIBM`~Kv4Q_711qTiA$}HLuP#otjt{i6U-*zy$$0)t?fLqo|y!u$g{7vY16!{E!cVQ zA3i$Zj?XJRab59!IOwF!Bs4z~)$mMi^E6Gi{_sW8uY8}o`tt)Q^hQ8qXC>bGq(?qK z(ZNO9obZyq3FsJyg4OR7kcc@V2>i4IUc8OK(dmb{x>L#6JDKOt?Pjq5G|!q+k)R!s zO^`5ds<2+i5GLoSGff3g$ox@C?sk>p<$~AP@kIy3d>ioN5g*iv{Ddh}8#v3LHg2}e z9MH&Jga4utlG_ZZ(v*={B(fPRR_ZW29WMx;6OXe7+_B(B8-`Aaz+;}fpy$Y4?(xHX zDD{`7yDuo9hxtfmHEuDheEpP+7F2-tig8rCRsq#&PomGfk~X%sQ$)}r|o{vIF5!kojE z7;?|Rre=dGJ7uv1`lM#T?c+|Y+f0_G&HBvcRE?$H9$_HkX#|H<1IVFKZCvy}Z8*U* zbJd9>Ia_)GgvJf%S6;@2hs(0P?h&x2JJu=cw$h)@2HU8rv2oMs~`o!Ko&eV@pgq~3-*fde=*>N5De7sIK|aqzh*j_0kM zfW7&{X!%PWFY@`gNUc;5T-rfSYWdoDI_GjrvS#wGst`Jx_dAGtP6BuTh0wD0E)0pE zLsKU`_!#ERR{S&LGJ<4iLhBFATU*EiT;#y1;1`)NTat-Y>0!RBGo~fFa~J2Cu}z{t z^$S|CUCokAdoYB{caNvXKS-i)&p>fL=eir*u)^rVLpUmNIrL_}h0Raip}_?;rlEhFO)%RF zwrNG=Y=0DM$y<%{8ivSQF;@~@n2Ciiw_zebKfZfFK<;^23myxelHNQKI{0@E&otIy z+2i6t>SZ_izHkO@y_oF%BMvfW;oHF&EdIM69>_)Dud4#6 zwX4L6xF}fuK#ZEt{>$g09od{98?JM)2n(9UgpIF?xK}r9>G<IGw^YkZ&Hxsa$>q zFYTm2`tnu?5L&Xn;G6g-@g2PNEF|~U9ofUoJtW#Y85XP7V1xQ%yfh7k+WmXEfYKK1 z+%}Fl+C;+VFJn>M>^~Bj8bd#S6N6vVbuoCjk{BwTBTnnvpn6i6aR2mBI9V~Cww#;J zK9`K44`02r2~zc@$D~()r1A zXM8$A1iE!bptw~kN+xnb%dd~{<@Fwtr??s)Pj+I5nnp8A=}B-Xc`b3DagA)AAxV!3t;0(Xk+zTlS)>^eu9^NE^+^F=AaR&$i!t zLWVt6*jxuWI;d3!Jucet+j1Pl^0`EN*X?xflNT`6_YJz|T2ZwHK5S*bE<3Dv9KSza zf)D0D=KByF2{Ws~N_RUHY^PjK#TLAR3N%o4F1`CR0lzs@cH?s=*k={vb=53pJ9I}d z!@W%4t-pu8dfA5WhOOA6l^ghe`3I05G-coC`>=IiuV8A860JFX1O+cMFmHSnNNqBs zKAARjjRTpFhn|WWMNPJ^XRjmsu#abte0I*lzuQe| z5dZ(t%j5GqVTL3m--WI;pm5c^5tM>kkuLg$MJp?Y}2E6_IhfGfn1DmHS=$)+~N3cy9g}1N=XsiMbO_-~W8<*FX1!IUD&t*qL0|{Dt?3S;kS7mvZd-0Xwd5 zr7Btcd<_f~T0oWEBAD0{hYd}@&Z z2CdDNX1)#)=-&Ga=M=c&Em}>a?~a1`*_YUl9CLPxY$any^E*X93t@y-HZE+CX6X-% zg=T*Zs2J~}`?p~O7TcCW`b!0RrST7B92o)?4-a^+E>9=waqwA2g#|1a$wKa50NeCc zI6E(f4F&_P7z$?gx`*%{KWjf1zlhr89Vdrr24*-{!?&yse(q6BnbBEtXGtJu;^|2G z$9{$!^^F+TQ;TbgqA*hb94bc4=G{Ivu!rVg)D}@{+c|@1U;F}KEJtN;eZg7bb=*kH z0%6Z}A-4YYhXMDWU}&-#de13S$w#(q$PNTAom`ltrWve|QHNTu3s9QT#_cLi#$D64 zljZSdY|pVK_;oIu+hb^np-qe6^Y7Z9D&sdYTUr5YW(p1IDC%_ zL0RquoxJKfzE|Se>ZbkV-lI#{bu1l(6ZqwMJ!yD0cp6u=hypKL;b%y1P~Ou4;v_A| zxZXR^4To^z-ohj}J^Opg|NeLKZQzf0$8_LXtJ6+1|X{%+!Heu7KNRArUMmbAxs6cP z*uf2BV4>PlR#;}il#@=ehPWSs+q`d4a?5AT7_vj{>VAAb_aJA)J0|l^|0ZWA`-0Q9 zt3tujTc8?$9Hw0A!lacO>F_#JHdim3=e_|O?PV&J%*XRzAX8p7g_dXfJ^%?S`hS_=f!CY3d!-1k)YRii`xlVE z(F_zUZ{ldFNccfl^RvKC?t!!=7FZ|o?xI%w&mm24Z-j)Pwow-kHwb8p-cm3;!FvmB z-63IxDcg1PEGd+&C&hBvq_3Xm6F!T@_}>OJvUeZ-F>)OS%ZRgM+zW6GG!jmNQqH#H zA}k#;WzOM_^j+Kmdd}9IPMIsqa->9=^u8Q^zcCEzTryxrz;rBDh-9?B9sK9);MxoL zef>o$I9sFwMomeC(XVEayz_5h-pPEv*EbSm9y-%D4?Zt1@(@;z45x;fl5l!2q5CeW zvhxO&WbV@qRB*2pw}))R(OO&Eq^E(yCM7cb@(*~nWP|m|Ewtm#L9Y7K zNIJOc9G}@tCR|`5=PRqg?)NrA_n}{$TT=>%o{Pd~e zy~D`)HR!SXBlqk~GRQB|qy0;ZA*L^dn;t(C&EJ)R=Y(2FnSKcGl-uB!Yw~PD*<-x2 z?mb%gUBS3P#xB()<^z7;}sP&D;Zs^MUC&g~6wSqbRa#uJ9|LJKVQLirwf? zXA06c;JTkR-HexT+q=1_{%;aou6YUzZ&|{Vb+d_mk`hboQKn(47Hs>4XykT>U{%Nr z2rb&r#cI7F$IJLW#Xlq1!0-M17U$g*-*z&iSA*P*csCXhdJx5`Lt!phau+tQrOiiV zL0LWlvviVCpRaurW29N&&?Dj!Ey+gk`=Gb@-T8(e>R3GAhAx*JLzmYiqq=?xHtBTZ z%G?a>G0dRDyQk8-xxw_IY8rTJX+WT^5R43e5ZfaQV1bMRYRQ!2;r4gvVK*BmH#PIW z$H5?*vK8*!JPk!ZPT|5;TEfrb(GdChA&6-e!!;W@c=w8ogJ>lO=J7(bVpie~hQwB<=n^3pDK~SC)#(x$cs;eHCK)7EmZXJ6E(k<<=cU?Nl z9{vYqH#K4FtxlX7)J`}hpx+I|z<#nU_d9J9zR;7yas2#i;*Bmcu3O+h0SH*GSo_UPi4dJj@`!3!$vt(CZiQv5+ zUAR5Tm}M$Bg3pc+$f$jew=UnuJxhR2x*9DEX>nq=#m11pfhe4tzk)qGya&yk`mlfB zHWIyeChXJV8KJ%5?3j@?x1(hTn^k5r^{cHuPecrTTh^G;i{f1igX5rz5 z2iXqaU1(ruCA_E1*V7|7!SDJ;?$?QE%;&Q*1}_?r~{`8i{&b$9vrFCX2Aa>IzK!__6BdI8#_|unG$QW`N1|?dW6u2;Y2GW@e#& zV4vqo|E_9+oBX?FtNB`<6YT}NaDY2}vK^jAAH*}K%D5jDLvSW@8m^0Z#pRV6GTj?j zaK&qRIICj>NA+SjW~>1AYW{-DV>Y6hd>D<0dBfG-@Pu13kpc~sF!=nf6^zH$qDlpU z5B4KjR_A6srP0s%OX#ABM>%#445RN{N4WlrpLw2CL$#|KI74|JN<u55Fm?o2 zdUh#)j>K4!_h(#}R0XmsUqE!H1^PJ`5m7fKGNmTV+SK_ZKJF~Vm)?@}{-WowDg8a@ zH%6oPl)r>atjAI(V{jDrf(qGB7_r(FA|`#qJjt`r6@3A#TKRLAwh(TvO@+IwEUEbK z68u{i1`P*haN{1&h9nPN_MT@>EiL?m>Ym!zH^YjC>rJ6=%EmK|l6rVccME4#xnbu` zCt@CC!0yyrv3aSZnc26kaM&afCe(XknxZt5oRp0F)&*cjMi<%fq8A-nZlmcHGo%@<`Kbw{zv1ep>u@Di~HQ9wxWcpAq?2Cd}Mm z5<8Ib4aS{%3^IBy+zh|}=sb@iJosM@yl`2HmM7u`dl%dgEbF+;rOlWPV^;n{DF+wQ zmsAXnEnZY`x0)2aNJrh_4e)O4QXmR@pfY(1bWT5tM;%32uIzaHyE%b#TOG+%zo?Mm z%kMb3Utb`-T25H5^ArlUO@@Ob&f1u}ox_itPN9_8c<$1eA2oM#7t_eBaZFh=37+-J z;k0E@KL`3u)*n0XiOX==l*Gn8AckL-M z5}Hxl?$8;b*T(os)Vj&E#L6&JnFBax4;L+OKEq_Wl#OUD?Xoa!Hu|H@X@ znXN}>DkTvOy%BWehgYn!IU4E%yitct;EHFoc)(~QzNjV_78bUln|v3!y32|y-+t)a z<15eer%J#U^8_|;?*VqF+=~xfu8O~#KjN339=LMuI5s98B5F}(;+6$Jpe?N!2MbxY zElZFjJ$ZpYS{3lqCvI$ zLL)VLeTf{uc69)^vOW&I4mmF-% z%uAJyZ_}l=?;oJ$Totf%e1Pr&a&W#~3<~wyd@NUmbw@jhvW8q$cE@_0rl^3oLkr>K z_tTKKVJZImcNm>J2Jx_COHzsZxe z-ZXnw5KjH?I}HE0j{P<`h0W82^IT>$%{^U()tfG$^qvFw=MzVdtU+vp*+i^5C(B&! zjRCKYbX1h;$LJjm;HFiLq-_U^Dh>IJr|oQ7xfItOAo$~zj)9qzB3VSbqQ-l^R&BgT1t+t z-}Vi~D__Fjq#5vgumS<QAx?*O+(el)$Oo?^#2}3$(Iv!&_4C0HYLJemQhnuj310ui_|V=f9f(xXSItt20W-)rA79>A4c0eAynR z9~;lUuQj9{>t&q()-{pR;YUcA#4`x;$;ObU<>c$D3H(vFC-hn0V@|G(ppzB{Cd;O< z6^iGv?A;Rbj!5(UlDC+hkRy{$A4fHA1(EPD;XqX#4R%ro=(Vxe1)fGHY>R8eoIP@Q zY0xck`im?KZhJ+Bqy@mkh|S5Pi{PXWC~QVd$9Om*gPC)c>$h(ZHA5SwBf)~c{*loHh!4siRuN$ z&@@pIAH|rUS*DN&JHCsDmnX2-H{~(q=@#bSwH3ddb|eKtH`Z&bER3-g_D=NzTcfHC zMobZ^&3~ie~-?IZ5s8d)B-hOPPiN0mb;VRD+o83T?P|cwhDZg)4&%* z(IF=rAiPb5E4WGXZEr`@vD!mm`kp!Hns$Tzuqps&r*3=`txgwwJC5s?D3YaIflW6v z=IeV0u}7y3sAc;Ud|7%DHio~%GdJ96(~VEedx+rH{vgHWdE_J$Aax(!pglcBK0mF8r+C8LoHGEb1}KLY6>^hXn?_z$vC>zS>V`yV*wv@ zK)YucPLbrey1D_|FCN5NTV) zcr!K{S8O^0)7sa7yk9=cm>YxHmJ<9yq#85_b)t-7KI*AeV$t71y*F@5OADzo-0J<;DL+=ZR;M%l096zfNGPdu; zUe7T&apz_nnqCiyMaksq9xZ-4Yz=Dt_X{6BdC4Yc4glq4OVGSmo#lEQa~8i^grmm1 zBH3Jwjbe2$3IBm@JC{NI)j+=C&20QTA(GelT*Z4kPePKz5PESG&}m!+3%9Y4=36gj3GR>Ya3 z8*p4(Fz(%E!UEh*;_$LDe6psX67)!iwNrPZ={^fu_}UX!8hv7i3~VsE@d5gsLYN}^ z53^&DDV$D*7VS0^&vJphpw;;DcshF}KL>w$g@C~;OWe3(KSuU7V?jzBmR%LHDgk*Q z5E?-xRLHU(I1LAXrLkix8*!iRIJ({1ieFeO@F^qD;g_~vwm`>%DkZd{QO;-Lm>P?F zUTM$=D@(!p=U(t+NifOh3)A+$j4EO&j$OCF&nO?W!i617X)5SNo+G{+>|n*l`=~Wo z9kqRd_7*9D#A7Xb%l!_nONc?$bRTrMK9UX@-HI+Zi$sO~ZG_gC!QK!jz9F;{ThcvB}DUH@{2Av^N*P{+%xY zqC?$;+zDT&gdNhBaJBaiyElIa)~cuC!{Q3!95#!nYvqtopNEi8ca6QQQ4$<7g-k8| zDSLLYo>kl%&5hI4Xrjs;RZPzs{0fbCq?0JeZl{pu@mbf*NZh(JTPvKHx3$P z%O2He(Sv9Ah>Q1KB15BPK)WFZ@7&7*-5nmRrAoLTkCUXS9bd_UqTwKGbqMX`9z$#U zH8OGee7G~U1f|YJpv>GW?D6USuxrSM>+0wvpxkne~yZ z3j>JZG&df!;u(9=kqSqOZ?i+PPcV3Sg^(+n!y4;`!mBaTyv@9{YRf+ZYCN$9dq%nP z{=;<;dHERdVK%s`EEr})7sJ0(Z@|3x0n*14V82-w2F2fFZ-1O3+q{z?-BJW6mOa6) zPpd^?w~8<@Ns>RDqeNevb%4C#Rm^6=4|Zbj2wL^po$uOM2KOhd#et1xu%zu0yzT*V z{qPeO@x+o28WjhY;@=>7u?YR&=0j%RV{&sb1vC9rZWO1@{WR?0<`Pq?bo&o`dP$DN z{;=RGiB>RUwLW`yyATWRand$C9xA^JDPwbb`mT1-H>}N&G(dFD#wsh9}1RAUiI_?IaZG&1e5`P$0nZxD#01 za98Z~UT`*l%Vh;kZKz{*9Zb}#MIi>!ps?M8Iv*l1ZO3^MoU|W@bPk=EA(vRJ&7WC`XUI6h(gasf#Y!YHj{lv#XrP%;l7_RLs<3-&R+4tguiD5Uyu|3E-Gga zp4`Fs-oH5Od%tt@NhO#ru+83V?f|d##bTu`jiQ3b`Pg?Ri`*?b2ghPf@qx1}ul=G5 zXOku{o2~C)*mEJHQ4|ArguUm*pFO~)SW;}A$@iXLU3GVp1pU@*$4o{W@>j*%al`w& zxagyB2D>sH0=Mjk{;5~U>ZillL>N&Ob2j4Dqmp>&;Q&6$4awqq74~A> zAyDVmRN=*8cKh@yXxN$nn#&U)M(Gj>>OTk@hEGRslMH`S^PsHl25JmBj)o2KxOMGA zX1mE9<+>h|+`YeXK%OsWzG*N?#*9mCD!}1Eufew5o)>n0h1&sZ=%}VF+*LV%em^%$ zbh})YCf0T0k^bfU?B~}avo>42Sn5pA*=7nku`f{iBa)w*Z2-*rI$oPNfX@3j8rRoH zvkx;TgU){`Vty`Ow8C1M;`U4u;EXUe*cwbsM~yie9_A# z>G7U)otY#*bikFLE;|VmuDa3SxUsZj`evBiEzOpbIGpZs7mpkRd|JcFDIN_K8j{q* z{5CEyEo3V0$AvT0Nax-k^+M-708AUd_?FhL{&W`F4hr}D>SJ#7VT+|a_6PJ-p z(g(LK_OTeHJm~Ac0Lv|Fpeas|-aQ)#tA}Mmd+s@?SF*t|3#Z}g0wZi1G?4o~-p-_N ze1bW@9eC3aS*l#w3J1!p`4!*Y*mA>!`?=S{FIs|X&bc7^@(}|s9EIhtGsRCHJ_go5 z8U0&w$j2N%94(Ov5-OTly5ksY4lu-VLGM^vcqvLYY{8>Gax|_Y9)CW6$(&k@*ur%~ zA>P`b@2(jNQ#)n@o;*#wcBG*8&sKy3F-&>QaDkY;7UmotioM$g!q<#A@F6Bp9J>q3 zn7|YM{Dqtj)&O4>d4AxO1#XWuz^R_{xc>bJzG$kzmCT$iYMD6~Rv1W%x?IQcuGw

)(~ zfEUbD^Wte2l88W1!j*)xTTwZfY`U3*RkeWp*(umRp`X1Uo5VweY*gbl37|&z#rvFC`F@Gp)H>@!-x*`QlKHH&A?*yDt^^z z9DHpHfxzQaU`@h06jhHDpFiURk*#^4T&W1DPkw{PR)K4@@;hn!6oXB>j)<){%)#vr zZ}7y8-F(%`G8mWY&Gq(u1igZ6D7yL@20x4csm&28LGGN&3CGsXqAn0X0wm84W)AGffZz+R&HVb${=>N08PodVO4eGz% z!gSqGzQR70J;|6%)yWuAS8@z@Ch5=-{bz;w?Rl(z_e*pmdp?%yEMn0o^>XIP`oBROt-PYx^I#4@Fv4m4~z22)&4g00bJ9&tgI z?bzN(>=!0L-Bv$3DNmW|B;LTPI|64k?=1StsB&xXx6aKomO=bN4;s8oiO=#F$<%CQ`zA?d=qpuyLoT<>mxtx5pS4zFmp!iAO7&1a|b= z$vwWW)1j)K$C4s+#(@ZQ#^@>lGCq%TDd z1M8J=POJm{5}GcsM4ZHv$2!t|m(Jsx)mn6mo)k9uQQU~cR{Z#|qsYt~oSH8~^-3Qa^Kvi@tF)o+iikQs zZ?J8RFTOE#<$)8N>HCdGN$da$H&4&URoXkrF0#g1-MyU4UvZ;#A%3Jq?>>8UXg3V& zSPbvSY!SOoK8)hO2Qb0Vj(f?Z;`%Y6RR_)DAZKSOuI*ngK0HYlyJALQsqYKu{^-oM zgv&yU{sp0DVgcfBvDD+oHE>BAj7JoYVN605?9hFMYj(TQOwB5;KGBX^r~zKL&cx9B z$bL+yM9<`@@clHr6}blowrRulyHD_D_-`V)Re~4kkA}(z8~L8f9(H?9 zCyd>378+kRfKt`%ssv+QdVGW&S1(#6xRw7w*+fkmt}Aj@@-wCy=bwp>EnE#kGMs8w zEaP5c!6~uU5yI_t=nSP6IPm=+KJ#+nmkXl#xQIF!mX*Y##$15n^9XYnG{En`J@oDE zb@;+;6T7s(0kyUB;pH6}aNaYGUND@7+Iug;QoSR1wqzXC`Y%KG(A~7OxLCYi-GeUr zC4*wY5oJ{q3*jOA!QWst-6~ugTQmO3hv^-erzZoNzXOIk`|I;il%y(?G z=~FK;F&`E}^KCD&#Zp6Y;rA#aHTnYV-!hep5>si?I3v0s`6@2kIT4ri#NlCUVYhSW zGsz1W!5sz*e3YBdp~FaqR#r{q%m0lRcurE_^(_vZB9qCK{zsw#dV9#&0)cla^psbv z&*BGTD9()2p--~X@Mfv7v-eFv&x<$E+02}Q#A{r0)RAUhxCvu!`Ow{K5hs}b#W|4y zbn82Ta~OJ5aDpu-`-Cpw=ALGh^)O=%)6=nZxD2iRRW97S>!Gi2FRqg@#@#yC@OEM| zaaPWSf1biDQMl5jrw)N_8*h+F(YHhcH#U+GfiXq({T`Ga)}u%KszLMccU)50 z!Y&?I4M!d?MrXm_yF;m`Dv-Frz>5QMT%0x9^W=9}pHyk~F(MnF`f9z^agfB}Esne|dYz*?Xz`LST7-`>2 zeu>n;Ov#@t`KyZ}|^mJ&uaJ?pl$_bsL>kOC9;4 zxO%Zd`z6L?&G^H8_hDSR9Nz{X(bRJcYrpaXi}g(*tTGxJduHQVMH2`f^b9==HHFMr z8Ei7>2XcEnk?4NUehV4Q$NyzIo!=sfrAJR%nWeVu3>Y7G<5C{Z8(k-~GV z9;BEIaE zS&H{W$2V`eed{PN}BLKQ$(jfm)=W6a-C8|IYmLXVc= zJZj?>*l=$@>iApHIr`rr_iYLL`qxdQzAlD8*KtMft{iweVG28z;z2O14}7}Y$)vGd zVCy|$H9Lj-iSWBp%C#mMuBkZEMTK76v`;&Mqk>aDkblkH*m`$&Uz}%Wa{G8e=W>HZ9Mavs8W8@MNeC7*=>Ca>16l};X zB1zT!MxrYW;7UUW(I!u4!MoTCKQfB&a%wOX;b^$z;SSXy+mKuqm>Z@4q5pw+792W) z-x->KeIgDoeyVV#lzrfGLJ1Pu)%dK53#q5T>=!DptVMXwHUBH@!FRqOzYEOZ?LQat z*DPGf-R&m%^G{-Rq7F5v`Upn;``~^0by0J{e)2eav6Ej{HscLuZ~=zHRGU=$4emY_isar#BY42cn#uH?NRfgJ^iV-4^BiBF-iGq(ZIKRNZ86; zY%)KANjLvv=T@E-nYp>4hzR^`x{l=8odlg(ebA#GEij&ps3m<0(-f-3n|#vYe)Knd z^Cgu{y5a~f=W6j%>Mg{Hp9J=kDi5F1z$((}$b#XQ1wYm@;`Wh2N$C)NDanLeXPZJu z>>d1QwTNrA<$|ZMlebRR;+uXqJKJQe;QiZT$PSbuCWr51#z%WTZK9C(ef1e$&B#Ob zG!xQt&xr1DP$#};6{tj_Fdr_T(1$vm0ti?6hj(-2 zX^${_DsAy1UzG!3_|zlpLVX@|H)meDtN;!;<61x08NqF_pL9|mW#?^K6 zpjy92^l)tojB&LW^pQbiQ@z0CG!jGn4&gac{2m?VDBy*JzhqKgJkzZ|ho?r@h$V*{ zAoj5yD{l-O?`O5L*LXo~U=bd8w9 z&j0*IZofJYK9&36#g!!XyyOY|N!Ni%<~OmzQ(#J!xl-GTGOTgl!Nx!BhU?`|aH!W0 z;k+l0o5Y^bv-vag-k&3IYeJzvb}s(g?M0OXOt|e{P1?O*m&et#Ko+Qi%is*`4SX+7 zOF6}E=|mHiZ!>9&>k#f0b5&%h`bMnlZwZSG##Uu%nDXsM=Hux2<*53o7H@<~!lW(_ zUhdbj~I&h z{)A#$rQj^w>x+i5BYC}-Je5_p;WimsRnjd-#WJp`aJ+p#T>f_n`wfTD07XSyA{$Rn zR>$xtHzjVVpaIDfTZv5K4^hfrF%0oYgTleD*@ONf_;_MH36J#0U|I)U>K|4`ECaj8 z@q&f1X)<=^Ils`~{pYlQ)wI;v9e$@rr6E+r8uo<)?!8RS}% z(8YWE9uDkqC86dH-6Av08h1T=n|R9SV3ALv}!EO%dz72$39?!PB4)70s~lI6*}7|!R_M(+sqjGC{w&6A|y0sZ2Hwhj6aTQnagR0J40A{YNGKdteRd@4%n^EEJdL>w>qo z3`#!y1a;xfcwX4!%G$kTYwTZxa58hu7(kqhlVa7drPbaI^l8E4m_f?OjV-v9qaMEa-2vs> zCF#|qX*|2#jIObo%GE#I#&caafPA0LM_-I1YlQcR;0*(4nMWB@)^29eUSrr4 zcZf`RWXDSPF2sjLd!f|Wgpa*{g{}Ry72}0m!Ua9SUz?%G!#q=UVn>QG;!2bfWLUi{*bA)F26=;xS(gB}O+!zz)WXLay5 zKQ3nIzQL14`nW**vh!fS(@uOWTv9YJO&`_>-RH-5RC)07J6JM;;z6%&jD5HkHx(TnYAfAHbY#65Rf+BLDMr69%7EhVeq@EIVK!(JM`W zz)45ghE@-Fb0!P>=M<9sENj|cy$Al=JOnEJ7V-NLK`_(Il+J!;Bu*Il6t7EtVviU> z$-5D_e?%>+2=1#{$M0f(^hd03KY^$A4<_p$-M~lZZ!yo@8TdZ=9Hwj4V;r3W#vgRh zYorr2>72)M8EHOX&3X*CSce_PzuALH+I+7nqK}&fxBo~$IaimC>>7qBy`LVPGZEfN z-N&U#szUeIo!{ZfxFcXBmL*A&%e_nZ^gx6Fx&LGdi+{$eby}`4W4@11|rA7v2I>Cs3cizcm>o zn>LWfdsXOB+YWK3GnljZAsB9Vfgi;U;1MX#wfM>v$+It=MD1)Uto}R=FZi#bA2r>Wua-31Jmx?6kJ;hpz3G@WCKX87jgy~Aqs+S9qinAalBN|#gHp2U5`}k`zZYF(!@Wc;-eDv4`0rgXkJG7f*=erEWkIrPGWm(CraC#hVDowRFlX= zyM0+GGf0MCfuuuK2C{RNa{k9Zm_WPl!lo)ldz^Q2K_69Ggr<-5S6Aux1|&wk$nb#S}eh(Zy@{q zJ`N>++<_NcPvB1_Nf`P068mt^0P;2|(y@hR`0EDYErwjkzHY+klx}PrCyk*K-hv~M zfHb+sqRBt6kXn<)Y=;0eZ_4h*+8MXWh^WUvKM%){>#JJz6#Akq_E9oCM{d zk8J06c^;;Ch6Mdh!NQ5jf+|Xx=NwXie_1+kJ+%VM-wZ&y`6?V9dKDD>Ys9x7mEzbF z`A|N)md)Kioto;GR&|UVDR$d`02bYv0*ehaM2{D*#qP+(p!p+H>{?lZvvty8uiioC zt-2Kz<~@YtAI5=~$!eC9rNKp)R?xNJQk?Pkja5}iQU*pSQ<=VOK*?ZS}KXT zNJvoAqv?32Fb3wHtO4im-|*XVBdqi`!E4_%Zz3NCI7!*S1qtnxN{J|nUYyx-kt_N(T?dgp1VFXXAD^J!JMRTd^% z#-pQdI`+xV!snm-D9;*>OXU|pMyC}fYFB~J?^3{d^N=f^!Y#K%BuMmvy%Ts{ckccH z&)-+!^J_!supB2ilBQF?hjnoLbUR+SFoTYOoxI?zCjXwW9MZxXnaY{tVv9-Xuzbg4 z?B3^3q$8iP&qvSV+v`3su`m|w)?5+1LOy)XM{9cU{z}1HbPvrF5^+b!U6#9Y2fyiS z!n$%)`Cidbdf%=Lj-QvuJ?}F3$6qnHf6Q^{BtKY}X9H765g2dYP0$+FNIgvk^6&~z z`rxDk_ZuMa=w=9gj~kXW_~V z^uyy=Wsty35FD0G@lK#3_noN(UPQaF!|al@41JY&08<9ufx_VXB_`Iv)!6%{j?A%^JUJp~vSXsOMD(9dlwJG9(B^{p#F( z%_0(2dmBzHctnm^&W81HiFG(+;dqZRu+(}FyZLP+RhRgJCv}oA>YXksU94rHDOFJT zR}DJWRp8J)1L(onVq&!ZAk#e^f!uXDjOsAq4R7bs#)k?p^SvB26#N9wEC+Y% z!QaWlSKIKqaSB?-r;65@IP;V#3x!$24)N3W!RR1lz0Jje_&fU?=t)*%Rrh{$=;#3Y zsEsUHIFk+?{tmt8X3$+mMQmt~3fK)WsCp`}XVYD}rMtsd45%oMoj&)DWULZ(ibl~hW`V`gV4Z=C!d zj4o~9N5;nqJG?herqPyEXHhm=oH85dj%^{=rwjn2!`XDq++nP_Hw~idyWmf_6qQaNGLN7+11`Eq=KfwXv@?iljQ8>YNMHPT=!Dk{JB+WAoGvIT^2F!`S zgf@R3I3J5uhx;=O!FSG6&^gqOajSb#oIaY5)%?n;-H#KaDjC#%y$kw(`rzLDfh=;% zcl_=B1>eZcz(L-{FhWU&w0CObTzz}m^U9a6KV>gmBahL`-56ire~7&q``NlZ$LREs zT2$*YrjKo}vgBA<+^Bp4V@J-X6N(y$jpiPB;QSC)UK~Z5_8tZsA2BAV3Hy5cW!P1E z5H8)yAb$J|&iP#`)+{~C7MdQ$h538feCcc0%JsN`Yb1U{+1?OM=fKEHa#m&!C@daBW7@~ja{d^(S^xh_h4nz zeu3?C9_QY-r2h;Xp()`TZm@iYFGlW!%bTYX2t0#Lar4=ggX>7Q3rEwSTyo%JGO_(K zhi9A`g4@>@qr|nXSh=Gb;yS0WAVUXSrl`QvE?NrAuKlnf>NFURtcI1E7Q9_`Fa2ob z2-#0Y;i$%V(&U`Y6TkT*g;LD=;7n)ieuD4HY{=Rs6Mi8|jt-XaU?bNK;Jc(O_^|V` zqU`-C{K^V}lN>sdhqH7DOP$JV&pcs=qS7b5q{ZW{=-~b%|dz>xTbH`*M zXS`W?FMi5Vpz21#3~<3vet%2@i>Pi#{j;_#RrL-OFQ>HXp3s%mx1zQ4?D_ex30S;) z1eKj$0+%dG#E&Omf-kpsv9d`+V3ML8m-BqaF0Va{gP#S^6&sRC=(lI&%J~5p99RQS z6NA9qTtu9f&Vf2zcc_S*3B^j5LI$x7KTc1CqE+?yU*J|~Tw}p3CgubAJe0Pri{;z5 zj^>A+r(yHkh2)id8M$=W3r*T3`MlvmZn)k8YMx7T`HnFVYWG(ZB`!meyDV>8h@|yV zJC0J6gSA5Def!cUpqL;bVRK4uEz6|j zThPAeJa)8>Veenvh8C-xSc9ttclr?iQuP(NGuajL#>F}RlQ0k{&~Nccwj6!wY5>tc zcHy}AH>AZ=mcFyPi}zK8?o{JpIM}}&=RTZ<=J_6Q`^f^FFlDI7I?9tkuoOL;A^2FX z#i1$qfL66Jo`0$d1M(}xOt51{93Z={VGtGnhQ10UZ9)CcB*sv4_4*h zWp>|2(6o^j_@-tGYz}v21(IpFboY2?%`aBGWVZ}vipt1}qxV?Uf0DFQ$e~}Eszm3i z$>9AR^Wf8z2N{}+_y@=!yqmQBfA@)Rl0VuQ#(t27i>vTTcr!EHZomV^ zeL~~lfn39NlSp^JxzIhUhflBP@o4qeq;>K@K5gbpd>$@GllI5pylrNvu2{!!+a7_7 z&)djI&0RcMd=h-)U9oC(8q{b=p~^fdYTxR}^F4>r%W^v*@$P!?3iJdsvuoh~_k!3q z&VuJ2(%|#;-Jl~VgV+UpM%w}2=n!YjGt(US8JEM5p?4U^2`2`dD{&p&xG^!%aa1*Iv(^p?C5}0 z!K1S`oK$apP<3j@MjUbc93-~1!0WBkxZ(H-_)%Jg|8`u2O|#YDjxa#{@ydWoxV(lz zQ97(~XDnuHwI)}uKgTV89w_-~H?A|(;GgzX;KOJYShueQdgcei;O{SR*eNCY?^zXY zA8`*iFiGmAp8^+S$I{DNY+!ovF054Rgb%95tVZr8+^X$Fk42hbo?4G%a+=Yi=pd}~ zjslk~GqLuh7clr;5br4a3{DY}G{ZhiJW;wBwiNkeZ|)NjI_T0Y>3(K0{W|Hg{)}(l z-b0e`g4DNCUN+$wS$8xagTq6q!_HG|nOrbgZ}}MR9x$Qbv=2h%Q%=q)Ir9vmTjj5? zj}~QR!TW2&Ipmtsx$ifCV`45I-)D$%hbE9(ee*07XLH(M9kt z8w{L67x|co9@NdJftgv55;&Zitr`a|^+Uk*i54wS(&XmiA@s_ztsv{4OutFGLm(-F zF)WI_UNiyO-ey$oN*8@-?8LMeQFLFN6}ry$qzc{jq|8-d0xY%wenJlek5t2!PrtkOboQ2PM;STiyk*;l4B1;;lfK*e$&*MKAv(Aj!3xh5BsIrgv$({ zscoiHy>H=Gflqh;-vB%zun_Ai5)uCl#DJ$xyhfq{N}j26|3isz=agzyrsGT)B$*0N zRn_tG#lcju#fGYv4&ZJ|^JweudJJ4`$Y*ZsCMmrGg`R4s;8)jhjtf|YbWjfpyM6S~ zY{zN&8--wM3xvf5;Y>$!qN!y@>w{PE%cBnS$p-^*5i4L5KThCT>aqA@yCqlZ(xw+< zC&RMyTKsvzEUtb;m5;D*h6n{+=WpFQ&g_T{o%+^{ZoHXB?-l$*ZJit%X+Hx^a@4T4 zsgK+=HK0-cTWN!9860i(pg+(l`LEu3k7f+fXm zV6 zpf~kO@%y965Pp9b${R_*C-cRqG|HCl+qwyVCs@S{GQ!i=o5MM7EU@%=Ad&p0$zrunh9=c3C7tE%4 zvu>c;v?El0=3TsJJDqxepMkGuF2VFgkHzZVsPya7S3GkM|1ez?dM@`$y) z&cLQ1O8_OP{&yw_~$}3o|;z-_14Lv?)#F|@X7-0*SLWD3gbXwWU1(H>N3*gG8UE< z8&Q>nDKw_K76vO;u~X>@EO*8+9yeh>Tv@aqBn`X7N0!-%D`n^7i6{xK$_1X;yJKPp z(ip%&I+0uIApZHLIiKs`#HE7O_!Y-J+~Gk4 zUb(L)y0z5;F7>aZpM*JG>Ma>Q+$~&SwI4^>2o-oPc^tM_DABCZKT!VjDLSi7SQ`#9 z$Mt`dVd&Az++vU)(4phdW_2FC^vPipZ~hP!xax41g-1vPA9jo%F^*Sp)Ud~utcFLPB z(dZRjw6vw}DO*5K%N7S3?xe!0g0HktVBgLg@a9j$>GjLaBxBW3enNE{WVpo=l|!*a z<4rz0zWh11-q}SyEJG>aC|}4eY=f z@nf+<`wD(G4WVOgmBHj=5I%Ou#qj}WQQV*maUTcbJ{==o9^pkleci&|?w`-QAEc94 zF;Uq0D+5Fq!+3hpOMGGFB>3GAv+f^`bW-gRSXdK8V}|GwlH$!i`lezaSL2ZZL->c7 zdn8Hi9+t^#h!>6b$6?=$afh&nev@$l49+BpVkF0*UgCf^}Fh3QEg!-5N+Kz61px;$2-*~KTJv7AAKpEe9}@y44L zOCdH`nrELjg|4fy5Zbc{4&6Nn{ySIGdu|&cZJGgJ|8pX|{#nmjgTn#pKYKRyj{PjUB2uR-gMVR}+9b5D zo=u-S#IwM&m!WIRCiI$b$p@}@iVLSdz`?C6VC!uKI?5@PsBHD79-$K4Zn`Pm;a-5n z16#=8iOHaMKmzj?kAkg%LN?E!-ns3o4w#%a;uU}Y-&x7U?y6u6ayrAZmPv7&Z|?lB zX$rh=`U5A%W$`E3+PpSO8;1$K`8)fYv170=H1|!#+Y2SQQB?y*?9<{8byfNG^{4oj zw@soy`;3UCgE5V-mc^!Vf0_101#}a*Vcp@6Nc7tA;Mlqu>^u6gHKd=YgDRH|9mPv) zHe!&cIsFRGNP7&S$^RqHm=VHe9x&q5a@X)r0akQp<3|$ObpRLtea07A&Z0?^N1;-b z7dNwg37RDwQe5Oop?(=!#5X~nuL1W;8b|fctI=(94#P8LW%wzogqj~OguSN*&+i$8 zMWzSD<66%^ynz=t4AbE)V+8kW&q7|W_JBB+Un8^4Z;;Y*OTH$_iyNGtC7x?O6Xf$_ zShPblZ>}~Z{yz{xlZ&A*a5h*hek69?@57snPJqOXFurAJBmNw{k?9NmW_bk}?keQy zvZ^mb#@awQxN|W*urmZdr!3<~CLF|OC^ zQQY^b@KN|15AIEZMEM+ye_{x>ebcZeeHt#;aE0~adt?-`=kwlu#p?SGJaJb$?wa`% z9v&`&;zho6>pn%$HPD3ev8J^5tl;=tJb|{Av}5d%_s+7l+u7uCqePc{Pm(*u^)R!4 z0o;@oL(GjEI7n|3>Thr$yLR|Pc~Ap+s;-DH{t6tCJ{OVtyxr`^g1PWn$hd|a-3cmD zMa*_W3-fdIz#TcZjO|XK2Lc7}j=@_@RH#DNM`fV6#06$WGTak$AH!ZR7a4U4IjKck zV5)~IZ@X;+6GKP;kD~MNr~3QjxXi3%lZ+y1Y8&^wPgx-?DeY1rr5#ZkMkFM(P)JHD znW?zveM%)n(Ns!BrAYcpk_x}i??3Q(-0Plm-tX7z`Gi^1RnbRh2Re2Q!j4ta7~?3M zpP`XNOM0%@P<64IwzlCR<<7i^d0Di>cDUZ5Jn4o?;)aOr)mU1$MtnA-vyS zEcy_#gDlAoz&+*9@bl#v82hK3Eo?f3JN*;Lf-8HlC#xBqyiMs$-*Bdv6$%qg=0X2b zZ+>=XzOY{qGDq`D@T#u6xVtDA<3D)Nsh8?dUZae$H&@Au0j}U9u$*fCQ@}Av<=8lC zAdfM=je40)MBzpt?6f+{k}M+N-@&mM(_IQCuMDZPN*MaR7W}N`%Dn6P93G&N2eWfc z#Rkg^;KiI9;MEv{2P^L2`-*$0spf%_-Iq!1=7*sD%o#@xoyn&koj^yX9pH}+ne)e& zlAxxSz{~g+4A|Jfmc?x0PThAQ`@kYt+G4<+{`m2~tHzNu%X`Ewznygsi^k)o{qR%r z4P;)q39B>ZQ2m*R%ID9*-!1WOEd|V{cVCI0ZZ)jjYep~GRKm}Y=lHkH3yl{&Cx%m9X|;h84vuhx1sO%e zR`@$ThCKxR*psB;hjkB^KdGyeh~BC=2&~0gpshk^VnSa7+-8Hg8oK#w#I5b z+dq3GJ*H=fNmB`4z9NHu369_@F^z5udkwoBYe|w$2rgobxf~w@Jto;yG<^VnH{vWB z#HrCXvv;H%JB$0&W$?73Ii5MGLigQ`#G+yudOlAF_c3d%X&%d$q*>GDGF9wggCx|O z6+>~?7zn<)gpRi`=P&;#iZqrLh%b4pfa2N}OvBw0qnZV0il5M1_V#5Ow!%C_Lk^0a zUNFm-AFXGfL#zxjg+`@Hd?3!pElzJ)@!KqxBIIx%D-ERQ#{zyCr3!A7ACS#@k@&*4!Sv-oqpIe09wTF4fZpw_%HGGOjQ+_LW= zeC#wN!$x@W!`HuHWM?I~zzLyKw*gH=hr{e!o9k44nif!OWiJZSAzDa6--y_{EK2 znD`i)4#?A}Su&8+a2{us3;T3~Ran2X18?8f!1Fod==K{PnC-rj!gNz;Hul1RiEbe8 zSt7oplVv^P%@L@r3ny`&iDbsCP)8b0)w$LNrWTy5STQD2M}tUH!Nx>Gf%?kz?B z;E5+bbp3{vK5udSe___cqSliPszuj-mZHhF-$C!lM07NYgJ(enxLaZ*)fuG3jfKws z-c4e-O`fCSobj+n(+8@jrIXo%7x9UgRsszfL%*zeQ2hGwD!OEcJ&Q0&BXOn6A>XYZ z>SJGlcSbAN|1pO*WosIdum;Hf+T2Cb_)R${uTvsffS$F}R{JjTHCKU@z84^3}11B3W{<4{iR)<~m8@K{Tm2Nuj9vhJVt=k&CAjC^(^yWr9j&#fLWAlNT-8{Z z)vH{Yno6b_>cPmQ37rux_ukcbCb%fK~nG3K2YazuafnF26462CF6cP#L9cHMX@YhgSrx2->TUb!QI(x&)IWg#OnHMtY-}u5tS|47gVcW*wtN{SFI6KT9Tx=WHy(r$XI;P z?)7Tl=oQs7~u7r%bVjTubw!JzS#xa3(Sv?&TXW!w*sFa1QPoUthXB@xU0 zx-j_j3_edzmdH=@2YDfT?GPy`DIjfUnU zwq)c;ElkXgf|Ze-FyLZ`IM-c=T>c1n%Rk?G#DYaAmG(;%=Q0qF6g_|g*=kg<>QZhM z2vhJMyOMVciXVz`*h+8cl1#? zjOQ;65t+toQCGV-u7Wn~-sTg;u`?AvZEnIvKjeAG>;jUjHjAt1y+m_IW!!YF9!y8W;vUwpX({)hn>*<{EynYABkF&cmT| zLwWqjD&cps8+8ABPtFGD;^P~}T>a=)$Q?F=r#+p|6>tT;yr`GF%kzVjMcI6PMIKDp zauRA}6ZxraS75QlOW3)y^81A|7JT~;#<4Jr5jnlrm(T681!1hrb1!WX@-;&6ZO2bI ze5njy$q#0a&ox5em%AWma#+}VOveAjy*Sx=k~r8ujQ{wshPNJQC(ED6@C(N+sKV}a zD8VuK=7}$UuyKO&eG**r{#r6WT3{aq0&w?uqELT~X&8Kj_5X53Df99%;dTKFn>wD~ zecFN%DNc~KIvOJCFTmO4lccXn8uz?27rIevSk0AGDE(K8S$`@}^G`C2gC%f|U4){q zC&B%lJd|j3i7qQh(}`a1MY4O3fP8xZRq;PV;xBB(vFl&JXEhyEZk|g1eVqXQKfdAo zdtO-Op$kewuA<_evp95R1q_XU1>|@-u8%*2Ewf6*#|q@AzRNS%)iedWbPV9U7l7Pa zJE}5D;K9xNj`#1qgxj}VV7-_zz~@ohDi)l|`TJwuBn% zXgJaBEtYIB5^rg*!~|0b)M>cGiI`aJaStA-azafCW|uvIroVP$m~ z`!8IFe>;(B{a~yvE*>+6&pOY*Exrae4cHCE=O|3;x8nO}^+D|fCAxjv1m4~Gg&0mx zM8&<~^u|YR-tZ&^J6j#lI@*I4j0nYhHaEfEb~j(7tqjZR4fw_Sa+tMo8ElyPhbRdd zp88S|MA!7ene`5I=_(~0Wi_78j2(gR29M;G>3>M0>k({fd_+n=rILyd{b)DD1J8{+ zh#wt=w|c=&IJoN%`I5Jfm$!VuvHy*t^RB9M<16mme7*!`)OBn-7SNl-2-3L?+E`a3LP&nM}$bNKgM-07) z>k{$i=5J_deJT8hH8|p^OT<_zpq2Z+d$5^^uW*m&%afThb|Afq&`wg|6 zvT^b1c_7tV4LbLfNtLQHSNr}!WRNIu6IZH;)@)w{p=V-A-RFt0?tVNwdf^^M31`^9 z(joM)&{rIDYB<#kj)HZ!PNV+4U{J}vRI+oEkpH*%gf>EN;*D3O*m900s0Chvgiw2E zc(w~qg{jcDMXyCmK3s)2doE-B(}BDqMV+e@M$lEm7b8td0n?mIua$t!6Lq>l=>O@x8wMKjT`XwrO>|cXMVtJM{PWCU@_pVH zc6+c4mkaknllmU8(OSg*zSxX5;gR^OM94@~o6yV=L%3tYez;Y%OB@ul3!fimaQ0{? z@HeaIx2-+wQ%@)O{~FD6|5?&m9s9&PO-`bW)NYj0w}*+tp0N*>SHZ6D49HwH#+09_ z_^8zdE3O}h@tU=sYG9EpcN_L7x?b2Y%-gKyjL zRZL?!j2L$lk{#BA)zZP#MQ0$rZ%MIys5447Dd6lgZhX?U3V5fRMG9OAALLsP?QYgw z^kzIB$&}z`C8KCniJW*{*l4zF>NLn+5z4w6ed&$PGMt|yNqrwJp%o`@f^nZNbY$3) z2XUh@sP3R}7UsdX?R&)Lb~^ZIi!u$g917pgjiK+`&q2urRsPzqg#Ec835ACvaFbgo zCQrVGZf<=b`+75t8ePm177xQ=g2P}<7!~I)+d~$axnP@$Ds7XR%dGkiu}t)0y&H{S z=J*VpG0hm(IC_#PuPaFYAP@TLi6%a-bcP*+{ZMY>B-$wV10P4f0+pp(=#8~iSh{x& zytc0ve4nSuHol7IUI#ccl|g#y60m79pgo;tIDf}%GaG+1VT^t=EB^L7}P74Mj8f^L2Xg z)O`r|${q)veOYj*_C5p-75wW$*7^O6!FZ**iIoa(eB0(R)Y1PE28G4Y$IH!OtCS^g z10`x_e3pMwzJs@S4djQf9f!Q}e{ts3k+5)VA!bGmr4omu@z&}qcri+r-zyx6n-2zX zAHn0ZDr_&m=~=)ej>V#xaE3^Hb4BXW&5kQh=f?TtN{**2#r2xWWbyMtQKH#@uyFlV z7L{^b(3j4p2@?brua*uhSX)d!X%2+JlX78J=16=tbR(`?MX7@6GaUEvgE-c*7L=zL zgZ^w2I)BU%__F&VJ362eD#>2n)HVn2SXPVMj(XAn<&ju())hA;PeSR$IE;$uW|A?- z$#Odvw$EFRp2}$!9AsK>Yw##OrnF8x@bC~0*7NDejv^pq7YdG0b#O_s;5$3p*^;xK z{A2e?_`awdZn|jm1Al^1O@Au+`*3zKP7`+OipQ|!zYf^vFMQwLbmP(S&gAhbd31{( zh{y6(;HLC4+L61KjSa~qzL%S-^A zdNt4Vbi(atwP?=AY*?o2j;-?Bo1ym?y4Z zp~p{9JEkshXtd0}GM@|YkQt`Jx0UxGWp5HD99c|F*Zm~ZE9_xrdOXH29K{zjRpOHBoh!0mzmeVQycd@mSYSoVxcJRL)#WuHC-QUdp}4j6<(cF{}gTE**pe>!lg} zMOcrrE2WN6%%RGJdDI4A+%*ZY#k#e?t=@u0j0xX&- zNnhH>mN>6+N6DfHthc^~VTppfbZ9#~T05PL+LaHscPlV-k24qw_o72`m)Odo$zrmv zmYIZff?;4eTqs^hFH%FXT(K(lEy#cuVd|KkH3Z6jO@jfRBVez}Fnsr~3sc{&WnIyZ z)PATpDZMb5Hn+v#$2Es=U*2eOKz#^0v#C%XX$Twde!}bwKl&)?8VS@{Pj##BqSK~b zqGbOyI7II@c`wXs)r7ruY^W?Yc&7ij_X@RfpQzk;M7N$S0Q93C+Kqj+y?CK-^zQ| z&n9`NbHU43*qL=optHcJMpPvoVX!0oQez^m(ZSf9xhZe7y}E0-y9-6kg-VNt@npL~ZqleFnr zxr@BcQl6MUNQY?(a&+A00sPk*Zx|xn4KAz7(>wzg@MugU_siCh&LUS(TzmuV-h9DN za&LD3ej1&D$ML;GXC;++bh`v<&qjVGXohX`Goe3NMY-2y_ zy>YZnA#VQv4&hlO?sCe-quSxZyhsIiI^1H~UbEqE-Z3^?`YW3*^&Rg#=x4LlO}QGB zK*--nFbRDNnjKAS=C2s?dv75mRypG1;|HN*$Xl`_=qWyWK8TjvmXna&epn!`g{`JJ zAnocvTJCea|JN3k!s5m4sSjXJzAriN`JMdse?&&zI0!aNI>`Rr_hF~n9Vpo23ZEu9 z(Uxn5Y~gJkQNdX;8?hbuC+lPwtKK2HYU?NX&WhMGaj-b3xrR-8Jc?PXITD=SVR;z zWcDb*CnUTLb(Lgssk}B*43;5Fjf>Igdj+eRS`N97i>-tCC%lpn&UAD9i1eUNnA`k> zUEjNsJc@L~%*WNDA+kN>+kh+R89$w^THGwI?=|2f{Rg08Ts%4Q;3E6_c{*8t%pR{V zJOdHO(;!{z4qSi6;P60QKGa(bIi8Am+E^P&)p_zHXe3^G5-pB2IS6|fN~7hPsYLB^ zAqMJrz}^|>Sg>vs-nY9CZ5rXQasF$_udVI2mAEQ}jDoPXK5pS17#3~ysk zL2JF>_EtL~4teGWiLZ0PWn_KH#^n7lsO=zR^@L&Uw;`-mZx!FBx(~h%N@e%w++b7B z0DQ1`%RD4X*`k0kpxF74xT+}gKavw*g0}{}5E(|2UxMxlz-)}hwJv3BV`XM<$(gZh0>(Eoq%KWwJL-@Hgglox8MsiXU#z~C?*MG8n z?Z$GJEUiTSDzYI-$PsPJ(Bj$}Zy?|FIgU7%h4JMdQF)0a*c?b_>vTuc&DUF5pNl!} z7FaSDc4~mm@gMM_WC_{RrAJ|>z#Us`1l4Qi2=mLUuuc?52LGEwqnH}ClGKI4H{vlN z4sj|7Ope_H_%z8zT)z1hoUM!HLx(?uE&9K~sPZJ6wqY!595|N@%YR6gJRC|b&HPdN zi8CzCm&PE6)8IV46rgW5I4J|4Vm=ctdz>e}7scQtbf*&c>u`_IZ)BIDE#}smmgwC$ z&T51m@RP6W$&OhMiL%HM#u%sJ_2wOPkG;T(UVjo|kH(_5(rFkfaHfnOx2S|A zFcwHRumK%<}M2pQ8K7-RemUI!e-f6_(}V=nmq3|`~ENvDXDo&+D< z?Z)#9Pr%kTB|dwS@Xpw}5-Yx{@%s1i5VLLv{xJ-M=NZTF*O^i*3s>a7ADzRp>RV7K zZ_8P-A6zN@$mY%y!Ax2@V29jJ9G@RX^s{D*J?69sRFQK`>i!%|*j9<90*5HpQpk`^`iQ;nyRcSK z16RKT_5Sh3Ptf;I%SGu5iBRDe zf-e;;(7^FOCY8A#j6LLWe$+u;XC(Y4{!@li@y{@K)Lk?&)P8&%4YqrN*P z!q?@`AlsC)z0ZxfezH5L<`2d*lN0g#gK~1R=L?&0q(I1HIuKdcdbprJ3ePTB3<)Z$ z`D>3v-0O1y?oD_K%kC3&oMa{HyIz1}e$M9izs2L4!%d(TZ$L#l4dN#0t#sJQykZBJ za_pDrH`3NBd6fEi|Y7wk~GY0Yr(Ir>3GIlfgdb5PhRpc zlP*H;-0LUAbw&b9v!^MgS8zQKg*4M2BBL$B+xpK{cKDJVzZo`^My-0nwk%IYwL(Rl zFU*DytT-;-QF|Od+`7hW8`Y6Y|730tv{8HIC^F~Ndp1PK;n~Z$gYv3;;Zq#}yOgg& z;hcEbu9ePOiW6{}yb2{<$H@`Bg-l!Mq_da=ob{3u<=f3Ano90s+h5V3efT1328N*+TmaGUJx~z12_4=%#^{JgL5CaIQmVd zkpX$&^k5tfTK9xKc3X?#3R3)_ucR>=g3C-N3gs5I!}U=L{O#CrSpQ-& zwy&!t$1c5w#=wiDeqALPDKXTIzJyBQ_gS^TV~Ljuh7GF%VY}B7a9tJ&)lE7O{|3?G zRTw+!9|YqM4Z|x(!htMQL2rluSby#&RPc*oT2q~=O-&t)R%vItf3>mu?Kp7wu^ghD zRO#@6b!=vx23wX}4?!PfQRC!V_^!Nyok>^66LMWFc)BW-weG>CYvzONPZyGDJ_08d z{~${T&u6=RrAx|R?qFt?SHQobhy4-w4Nrx)VU30aS30XoB~Qrl3Ez4lyl_7{EXu{? zv>ouL=N4$m-@#2S&+*yT98$4RnMk+32Nl7s=(lSajnj;PDG$HG`PpiG)2p{IxHJ;< zDldyH16-(UqOtXcma*c4dDHnWzd?|rFcgwd3>nYHQyFU+8a(O*?4ME&@(IoOJbEy_ z^y3|&hw_N}JBoJUE8$mZ94=Bh35QfK;)eUODB)rRJEKkr{Q_0UH8SQu2dx0Te0`AV z8dkC_-CgkTnL@ip0m^wz6nc^_@F6Ax4{OK^nU)YzchHr++_!}I2Dy=n0AEm>J&bAg zZ3L@L8nnBm95E>eoQIDjCZ`)PPI5hZraXji#TEenU54LT3AiJ>7dJW0;&Wf?2@I)p z_-`@ds<=UX&-Zqs;Hr-|K0E+JeLvB@`c#lc!gm?mWKt)}tyGq!qGIwd@ZKc26b9Gg zy#&GU7IlY>@ld7`J{{!!c1g}#h4;<#Kj@J*hGsr9fP>CwknfhKIv<5hakMt-q|Ji0 zuczT=Tul6oo|1Vg_t?KIXI?$UnVo(!fdBDT=dWTf!{FKJSg;p}e3cpP-N%TE&VSfo zIgzgjGs5^)-{JD-8|>cbI9MvRnRpHz2EjZ{^!>RO+x=rVvjk~=QRuD@ICfeT8h3!D z8Y{p!nRo~|TLnqZ=U|6Y0r=Dv68mY&X!mY1ujHIP)s7b{^`?uZEB4^SUrYF8S8w7N zehwOn&*8a^sqBxEtfZX5Ia%hyBgi6d~}U>WO^4n?o? zXOO;1!1=$V=(+2vc=Cldv`RR_jp$fBKk6HrJvJxr-=iq8dOf@HZ1 zO~H3=Bq*r<4_ONXG!q&*A;2=w2KfuUX|7j z)WKoFiLhB>%o&}H^~ZHgPe)Vv$^X$iAkomFJC zqc!7$ZZPd}X_!}=!u-h<@aYv8JdNp4xIR>*spBtX3sX>T>;o`OV6gL20~=8wgl5wx$&f4pfV3 zO?rjCYC7c3ehgtdr1{{63G}$50o+_&K-ao^6DtP}`T^?DF}nnZd)Tt!#W^^8ZZ$e5 zhR|7OJ79@-Gvo|X!m{&K@W5&u>Ao?6oUnR_A=dXr3N!Yi>?2up3q45YXZd1(P%wn8 zn89*d7r`SN;V#Vv^1>5iX?sf;+h3@_OV3SbvYXBL!wF|-@bH1aMB%t{UxH|G(I*&t zL^m`X=`-NU<+O?be< zr*LLr40lOc#FfVML}=BC#KWceH$w$T z{^d+3W_sW;+c@!##g9NYTSwgJt4TK&UV`}IK&C$^f~XkA(}{=km`(5@tPq{SlfEnX zoPC$E-NpmjY&FSEmrrc>KyT_l#TKWB4-v9s+xZxaaa3!SJ;mvgbg6FyoD!)+YmLCH z`gfd2)~C_o4T4urI}w{?Rzle>6xF5y?EZWeHcLr>%tj5tPgY5Os+rPlf0EcIuW$HZ zYB$!%X48%(*YM_#!w_M28q61sCc3`*^u_nVe2}rw1ABJ~EYhA6o0w^^_t!~W7IPon zcA9|KJa-)Xpcx-+bs~?4ETLK^>UgZ~D=StR1^Y)|Lg)Wfc!bwsa_592cb+3pCoj$e zBf(Sdlo3rDtWwB2X#?hZSYVeNkmP?yC4jH-5~}^f7b2SDF*j6#mh}sn^zGhoJE;M- zN|vmFMlU&vBdJOiQ{wns2Bn0-Y2Yeq(tQKk2xaUtH@g zjxW(9Ed|beWvw<#SDJy3<<7%_)3Vf4Jb+J+$;MwhUxDp7CEC-pm3qBtBrl4t3B7(9 z%ukFZC#tWY(!&Y-$AssiTZ`_aXP$^JSr|ee3ErUe--)>Rs1&!BT22qVGzP0c34T&0 zl=L>FfsJG-^?y2p9r(;(k)j2)w>1SV+ay-C!J=fcekh#$6@=j`@r=%ozzJ=KkOfzW zCZGOCTF>>ubE}uk`N((t>F^eoCAEoto?K(8N3Ry=9AV~v14y41>EMd)XWvaN# z79B>{fMuv9|9s&t47uqo^t9xK9NiQ8&r6a29skPOpz@HA9dpOWcW3c;5dox2{~8>! zI?L?-9iS&68uk=Pg8IEVqC&%Uv>_;#Y~ND~l@_U}`_i9F<|abbdt~oS^!Ov~BUl&U z#$8qwpwA8iEH<{qn~yBHSGfta$Iay7me=WPwBr>z$3R=irqAvez^-l2Cuaw>z_3ZG z+(Wn%JYEqj%6AxqOWO1CiF6rRe0K!jVq6H5CXVO666SRBLnS)nhZ>if*Mc6G5;5B? zSX@>60e|n=Ny1b%q1^|>6MI((uCe{BL)e*&o1=_(xEcC5ToHYD{tRn$G9bbI5C$Uf zIqL%O^XdY4_^1r!uOrM(>nw3iE2mD6j$%FRz>k3+;mr9gUi;J+ zx8HK{XNMD=wIu`}ud&7-0d9C@qZdl@MEF^zh9_4Ta!37%G?+)z8%JD8V2~v*JK02% zlXs)fxKVVI(C=M5{V{G}osi)Y#SfmDh?1v9;pB@C0Nl^QEvJu|{ltl%9Uljiw|cPX z7gq=hd)q~E;9A|N0P9y3A?j(@3&e z#R&Hl{laAf=g_7EAycS5RCr%FQQm6A3-4*8Q%V@VR#`w3181W3%6pi#(}C>}JSm=r z!6eqpR-|U~gdKI;NXO5x!qzkK{80MQ)RO#1&JN(O;M^O=?eoZE|A-=3fMaD}_Oi)gb=y*f-{~wi>^NdE?kcfq2C! z8lJuAU{gfBFz-zVychOiS=)=5;`7g}^O6ymT=&QH2LkU};vy{98HYK^4e);MR9dJU z!iKxs^W=d$pylTuvbFOL>S$|IZEHKYcC#E_7#6^TmCAJf$SzC?n9kjfxI>oGDv0nL zE-a)0uBn=;kBU8%o_wE_o{L~?saz}v%=uM>8UHkC) zH630*sSJp{3Qz1Gi?3Rv(KvB8U(n^j{moCpKo3UD7f$DE?%cyoXEu{ttqdp6IfG%_ zwb<>med3F!6nN3zmzZcfjhFlp@~BPPJad{Mvv;Ut>2nR~)%`v2V|ExhbUPk1vqNBw zavb<4c93SB58?~YA0y1zg9$yI>_F;t9-L{6qnfqonHA-vVuA}?HoAiPL+tSOv%e^1 zp~U_4Woe-V>4q1vA%6hEHQQf-!=9zwgnFqI%RkR_78K!+1#eQUGaM188knDW>E&W6$w< z{NUyc?3n{uaTT*&6h2S}e^vW#=3lfna{1kC~oR zryKb@)a$-jB3)n&G24awKUXI4zm4fWy$PhZDO4=C%MJXthU54Q39!1LN40a*nEi4m zrh3ALzU}QJueSPtOyh0hDZK@JGDK|QykKlQS}pt^a~!045Ow8jtd|>}z`}*~`1L{? z_+_q!)pvziXx3J)V;732Mk>(OiI*X0|3nztEyc@wXR_{^Ua+Sp#q)HI3w=3(d%n64 z8am{7;M9M3?aL8-H?Ip`>=77!hmC|h<`_!dq zOFDEg%`gv^zw&@zYkM%~jH=*YH04!q7K43m3arUjp)0N{Sl6bFLGi5&FrQEXR-;dG zzk8=~RLxKFdFm;QD4&Rj->&8!%Z`(NEo1y|&QsJ#Cj9nyL%e4cLzYNx0Oc9h*gf?C zC_c&t^DmyXNXU2|sT)W21Xt^yyybk^@XvT5WC7$9yd~$?IKc^_8~^w35PUvuBdd1V z%T~xM)6$MJ#OtCw?a?#jMGL25Qu2GU<^Dy3dZ%p4eJA7Bg>?fB`Or=?sLhmt^;=rR%{oK*YI~9R ztHMuFt69G|I{qio)?E!-XB>lOqYp4u_8&G|5S&4D;qbQzT=<~|YQkh7(lHfXrfz|S z(vhOYW-mlCVYR4YAB+88zT)5HChN%~_kfw#b!=;i1$}W6hF80=LKkVi*?*3BVWR}i zy7vjY($89too&j0ZWXe~NB4`iE#F97&JJROnm56RwRvD`G!u49oAQGX6?tw~KXbF* zg0)wQ*q&NF`rxJmO_l8xear|W7r8cuHVE0OyH0R%YzWpEXz{>xr_jChK0@Cic+#MN zuOfvzS^hpUMgKi4pJhl}Hk}ffR4I_TTL%26I+JkOjc__`4vY?2%lDLNaK}m$n)UC# z*zRsCnl9Rh^ZHl9joTqOeo`j^V3@}t|b?vt(*0Ph5s!vjwJHg&AA8)05dus)5S= zi!jgQI)v;S38U0Ml$fmD&)ovd>El8f9z9KsrdfR`IkWX0ZZolA$F$oZY)Kz^d|GwX(g7Pzt_>l#<}d+XI0)4UrjC~3>F#Wo*NTPM?1635Bl*ju>k!!Pk9)nR;x!gQ1s7}JxIFT%Bhg_x15 z28Rn@l5-N4c=7pl7$_4E+xrhew0&h3wiq${F-$w{6-SjBXcy$*Y_KxKjW6R*D?rO|( zmWOrSJ>+A}5t7!rnhqDGVL*`ueI+>-RP679(~J@H|IY7rouyEIrIehul4aJtUs&n} zNh%PSabQU!G`Txat=uA3F1|{$WUpXNdMdoymxu4iXz_oCgxu!d0T`910vATu!i(G$ zbm#8V@N{@FLbKhXJ-EJ3(Hlprt1~` z$Z!K2D0wi2cU5d*AGQyqBQJf2+nwsL{QGrQu`dta3QnWS9S`ulksPlbLimgqlf*Y% z>hRj!Mi%Yr!2dC!ufBFXGixZqs)lrEICcTN4>m(mZ9ChLZB1ur#-nSoK0W0jWFH0Z zPDRFNEPMZiJbLf}{`_cSYtR&*njPdTwtOZT+znUnG^2GhY`|%q4|DB!M!K^{;m5K8 zVjSl}^giE#2d9O6c!3u-WZZ%vpEUHT%Z7ss7r^51ag^A;V3Kb`aP#D3Xv$Uu>a`AT z?hYzBJ^qMT=ZQ764)DXsoxNKldlaeAfLvnGfwcsrOk)e&Y@Y=Z}0CSy>71AfnrL&^PCyfeETH%wRz zTYSsJUKc-#J$<}z)I(`{J6{%Oy$Xdss|uLZRStXSS@EviQLwu43f_6?Ey{9^z_|5t z+;of%v{hfmoW^QWX>k#o(`%8$#lc3Eqo^;F1+y zYf{L|rP=KKnq~a=iT~JUfeHFeopSkBOU4`T;nQausiXHxxb|BEZeNZi=WB#F`J`GL zvM_{P)JX%&ClL z!)x9!O*3Em(&!Bdn{^ImoKfXgMOV@KjtiD;h-6t`Z-|NxZ3eRfN!0q|!6ycW;oTF- zWU%5m(W5Ub02Z0@56i1jYgH@uB%FawPe0sdzk;8_r4i2{K-|FkT6=NJ_*H!WtNFa9P8W3Q_H)mkNo--kTK4bp zA}sXz%;ubo#TSR_FsWaTKbf-ibHRI-5KcQb=n(uf$ zfbLj7le}G63Kn~>pbZi7+2lFYF20Xv10~Q(rksrZAvkKaR=~r$EjZmmnZKH!Ls0t^ z-rRlw4m@|je$Ns7vsy2P{0IlBb5T5HpK z-acU>OkZTdkK6l_(nI&*+N%IeYfi=j%lfBh0pBU3XzFOyi-?C|y=E0N&4wgs7@e9LFwqi8FA-|_u>~pGW?`}B)nQTQ#`+K4?Hwnf|^r?!kj^a z>D~B9a8q3d0W6yNYm{K%iA1J8BNwVli!ij~9R5>{E}rKrNrtS}!n?u_fB)_y*fV7S zzuR#QPb6xy{JuQYm6GBSb_a0g_aSsw?QT3i(pT^VA0(%x1|mCOhqtqW;Phe<=_#=w zj(5!H=NJD3|G;=&HhMA_75G8XL>YQ^|9p6|U=Sp3-Gt(V{^Dg-cfc~-4s_pMf{Pt9 z(Yz@Icc0IMzXOWV^Tatw{cT*bd1VYp#@AzxgcbK*`=9t;M;AEj)vyIlJrKRt3wow| zp#IcL0=2>oG#;u`@6BJ~o~aZhFJFu64(sqM8#P6H;^)GD_VcXt|5l;ywK7aueGqhy zK4lB%1AKj&CsO$`gH>kB@wTL4bji)Bil$aXlN! zGNKO=`2rOTv>6N=)r78_k{ioVEP-jm!*S%PRj})G4cxzx0=6fEu~AMF?`_ki`gx%^ z=cs;3vW^+AintFqpPmAhr>1<}em#)vZ6s^L=V7Y6&<*~g3F()IVvdk^dD$

%Q0E zu>rDRMvL%s;~i#rcLw-G4u{zejpEqW+2q*fyHGH?5eHSpfStA<_VusiJ(@3IN_H9~ z|2!{#a>k40uCBmKca`Y;-&!ax+)hj;3g>BUF{QwkA-AMDkS&_RgnPl$9W^qM>7FYg| z2>bWEV+PU&P-LAb5}ai8x8pB7G4^P&jPgUwzhcai>RjM(P&azp730fNeU{`v_~Mhp zacrao_C_9uTYGonnq|gxf=e6*HCnK_ERD?Qdjyx3If&dR3tYH z3~HvKC{4sw(S{Dnegs9nLWgWjD0C;MLB_;2Bra+Op!|mCZVeCnPU4OG2Uw?Jx+(MEru}TFSGgV$H zeHvZ3khvIgfvJk(G4EC=zI-BdRaTFO;Wh`bs8*itD3#(vj=sekWl9(kalQD>uu9x5 zE5iqficoQ&F-Ns(eb zDjx7-ohJ3()C7kr{zuVy_+$CKaXc$4dnPkUl9810oa;nMI~v+Xr9n%Q29*+#kx|M> zlq8Xe!gH>Z7KutiyJ(5NEwod=`}Y@kUY`58?{i<*=ktEggwj#9;FdlRGM`66$7@4p zFAXEs*0)MD@bh?{H+&yhlT--1CJSK;Z{f+Ek5DdOfWhV!?(ZUKfDq}4T z+nEV8nN*?A*pb*4I}6TNmWF%Qc;QXMmE$|Nu237g7^u2n|zgdq8m|NDE{Lk? zKZ|pry-|Tbl~JHyvwp(QSIQ70`ptBw*%0Nv$0X=b5EzK6Sh}XN*l~j+FVa8dtgH0| z6qqvi5;z8Dcjk!C51+-VEKakL=cM_odjn~3Lnj+rp^Yy7>Y}F``f-uQa`B>>Pr=mU zH9P#)ou`IvqamR#cyZqv`1VW>$|4o$=C9twOYfn;xKZU=tpRY=L7LiLAu!SQ49*%i z5Dp2flTF_O==ado*e_*Ab;iiE5BZ#(o`x{FFdg6TF9DOkS}6bUkaH96V4d5Psrj0T z^judFwq(UK(dA5t9~BFprrY3l#86m1?IiK6x{fwa%5bKi1@1keN%y$Buol--aM$D) zai|fltvV?@I=Wl*z@iF_@;YF;%}p}*;v?25?jbRu&%}`?vfL!`1IgGLhnA<#K}EU; zcX)jOF5OrHugF}?PE8fg9ZJxgIfN#>kHBx2Z-R$x63TAO0ZpBF*r)b@`Q=1`MHfY% zyN8+o>c>@?3Wwmzsxi1ck9AE+8KkOxQoi4$duTS7^(>?K(!v;9%!wkIVJeZqzo8ylcmAKPATeKv$fqY-Q z3`R(8z?VO&ai#5EzNY93m_)1>z!GJmW0U+)e!U;tGDA}wv|f&iyOzPES<+PRfIi;L zJIx?;4>yVKVD%L_1k#i5~p( z13M@!6_aRT7PZqwn01_ch*2jLQC>e8em=Mkm80E=zQBNa5>W!a9Y9RYb-Qc{Si68?-tcO+$Fe)f1-^?5c8ADVxh{r z$b@mz#p^fOao6r9)^W&~ClwK@-a3f8-AV>&&+YhGLXj_<7>};63fQ-Atzr|mh4ho3 z8f_8SoZ%6LG)CtzOJ92l2k+cN?f*vMQL9qC4BK#qsWi7&%)*1$1P)dCZnQox?Ctba zp*Jy|Y>1f+4|5+29z+}BcSV;$Jsl{+5I7cuBM@m`=~<6|$1g58+eRA=H^C z%TqQ8jQDIz44!PmQ@kbc?xKxi^`6-@a+$4o+20qiXlWo-m=giDSv|}Q+raRzEUkW2 zoZ_Qi;e^&?c;)bL6 z?|eA;9gD*6AC0Kr@CaBhBg^MD$Z_pE|FJ1fDR@y%nXjBp@NI1jJTD!E+Ye4<9yflm z*Rhs7%UBm#$2TyW@}2$qc^qX;r{e76``}m78Ppy-7%ofO({mSO;L`bPEdQJwoiXbG z!XGE+6*diMzj+(8_;L}(t(;B`?yK{+uNyFI={519!$(Q`>;r7FhcXmzpNH#16F_-W z68du7@lVIL+9BBEVuql`k(3$ z)q`(P$#x+B_jw$(R!U{N8;iuFEM`ze-2{voq)gwnIl`pkd-(A9C(`(ICG9{z7vR$wF`M0VAJ=QD@vY)$*sNLy zs+r}`rx3-zXH~Nhn>nmc@id-ZNyq@Ztz@C%P@XyC8S~ZB1nW6JMJKYd;Ax;2%GFBn zE>Be&Z#sreIdKA~(iAAOyF)IlZV-6mO3)XtN>4>;^Jh(8MMrPRauvbtsxx#X7GGP5 zIa5{8NmdQV-}i?rp7xYd4RNu!2+GG=(VOF}sD1uP=GfB;%Y2St&X9Jt+uuPvrlJNe z)Mislfd@O{`!K%FKo;)JS`1I~USQ0z>tJ`L2X-lqre-OFcu8Ctem<%JT`S(er3bq~ zv-Uk&9oxw_p0y>#L3!{o#DpuRN`d;{c+fUXgW)<$=+ECrh_AZ@e9wJDu78rIp>wC< zy(QDc-p8!@o5usWnaCWMUUbEy+AW}9;wlRAkYE8fcagZ}+1&q7D{H%V1ZJL}jb>%e zbfm4A?RSxwGXgXw>GB0;b$E8Pa zvp+(vn7d}N8M%jX@{<7Ud=*9?N6o~HvN|R`d>*cz>WK%x)Pi(|6)x_&E6zOI3~Mj8 zkU8lCC~Dq>5g#?^Bb6@HTi92fZY{?D#`d9KQaIU>oWt@q7BbDmTv+q0AAOe1M$fAn zxL;}@erLIGRiT%3rKoYKh|{9|vag}kVFovn`G-EA2GFO{Q{j9>0NpfZBWx+}WMAlD zlDs4okInc*rMGm-Mdx8%5R z9=m4nqx$s4S@i7s0GxXM7Z#b-z?3$TXczs32xGU=WAXHTumbj z!`c=BI(!%VA0I{>cIC6Ra}VH_JMyBT_r}5H20x;o(M6tZIfB|TR(#gCE|e*dbNGeSueT5!HjczLW*q&7$HCe+lw1`Yh*e9beI`Yq-oL)fj#kYEN(jDOI*6wz|Q!1u$1T!)%=_b_FDH~ z(1Rshe%OA#<;D`cUOyc!5Cx169ztD|hw{L>RE#*Dh683=Kzm&_PTCSqZ+exY@%?FBkNPjki6yJJ z-N)Z>ra*@3)mA}a-*B7|b(@u5HRMVO!aZX74>Cwgov!l|qpjaM_#C7yFl1ElzX{5` z<^6DcG^_>dCK4tvRnR%B06cdU2s66<slvw}9RUCL+z-eS-#4#>QIpJ(UK+(Fq}!3vpU*<<@OY-BaZlKX zRkMm^Gx1)N81D28p)ZZ}`6;~wD4CTZ+LHXR>euW2*b$`)@>3d#&riYke1l_h)(@yu z7zF&az_Q&Gjk}sG$Ph9cZhwhIwXG#k*LxHAJOvo*--WlYI0$aU3QTy|2j>#C(C1hy zc08U7I_`HN?}HBaj!h*6*JeT3$|Wf4G63e*mBE)S*HNvvj^y@fqsdgEo31_@9>{ud zL(3DW8&->dKYb^EZwTMl<_Qr0ZY9~)8U7|44(c^WFtBxmfxO+d`drl z9XW?jxHyRCHhaAud;3Iu;w_v;Ka-&o=ZOD%s={@pWQ1M%Vz#FL1m->Hh0vK*@Y!bvu+ki&6(NELmYZ-+%11o; zF$TJfG*}0GN53tVpqH7Cn_D$`?@oR8bdCYK_l2_1_h)fcu`cL5?t|i&rDRF*4|ZLc zC6fqmqBmxW_{O6=EHmn1xr+TTv1W)+`qZQzTmP~q;XTEvHv#+_1oqydY~WgPFuh7gFK#K!yJkwwT5bUkWwht~mSe5(Xg_j~fIgI&;n)M#vM4T8P`VgGw~5DUFvK~@1kQX)%oO5N#YvCOa2Y!U(uF-gVq%?2+xg4J>Yvb{JMINcC$K!paz@}$1qL;;Jx0y3EM8M00YNa z=%J9nga6q=z4$6Bm&C!&pb_}7RDnEQDRkCDLqSSL5lSlJ*vHE==%#h1Jm&32Ow*2r zX}Z-od`6P!p5hfu9drp#nuXA$A2x9Mn=ib`Qh-T~*WhE(36fSi6~@*d$A4E(;Rnh0 zVu>Ac0w1c4?8#h)U&<@l$`cOUWVQ?3I(L5#Tn&t?^UD8_kp~ap@zf}k`k4X;KL}lbmjfu* zt0PO4yisPmG^|*qLS|pQ47xhj=sm-O?G+)ZiD}09C54zVZ6IX%=AdreR(!h53zmn8 z$&Aavn6fSu{zwY*s*Egrclt7XC<-OVt}hTgduO0i=@*ym^PVTl5Y|$6+@uwy6~(%%E{l1ST0rghgtNGrCaWZS>Bly z81JtOLjv!!w}$fo=8eaLlOrMg z?7E1#80>>1fzhZj>It5|D@mek((xb50(uB^w zY{LJz9v9nt@4$_TKG+haKuzA{;FJ@R+E38C^a#h)hKYRk!rOu$ zLO7>sm10?s5$#McrR$%DKzTv2=-J?Vu+-*NY-woQp9US`cb&w;qb}ps~Gaiu4 z&xjS_rJyl*0-Yiw!-J~N;p~KU-01sC&{o^W&Fv0=&#M6XBGn&D-S*;Cv# zZyz1)_=?0d#WVXo5)d=`773YS%`aZwiurR6gG}FT_V@HuD1JAQM}#lI_y0yvxh8?< zSPD!>;8)x*e+gITt!L3~FYt2yLHw5IfDw(R$SkA#m~`X-{%+4CqO@JOPG=d=2o1oD z?HV-CdN1GYI+_0Qm?gS%XfB>NoCuoTgsZ-N3)cn5$6)^oY|9otr`2EPuuBr8p1M&r zw?}ZvI*Ryo{t%ZCX%a7FE;p&{CT#6}$o;w-B5GrZ?O03t%I5^et&*ohq+(HOr3L@+ z+#4+W70?y^;E!c6;CWr@*?R$2*Gi(*q^J0yT*!eP%oJu=nyBD43Vc*;@!^RUrn<`> zM%h0V*xJ9~jFcT;?ivU|x?|b;*xjPyPnoFWr^!df2jd0Fx#;oz5Lg7%;5qKZhWM32 z=xR5%e#0&HU1mOS+-1l2-ns+-`EO>w+b7WbI_;40su8_2ZsO@pOX*4pWjg%31h8@1 zc=}~BD{IfiiTzO|sMSdHewT$%3X`UXzu$nI1sdG!c?$l{x`_FMRk^9kD6A8@sxeDf z5Vf({WX)S++U`1yBqo1@5t7lA?YV^GJpY4ZcVwX?Jd^yqugKpdMU&E-j%-!MPZTe` z$@*?wCo1MfjMmuXB@;5ToE!_EYSDxMZ7B9<8+Gb`SAHFbcXFU z?DhQ&oeJYn-8rAIiB+sRzKGL$UAlVe5$tI7hQ^>-aL-^R?NL(!quR%~^O6=B*S%9{ zN6kk|6&)UQN1cAJ(&rwjvvK(p#Q55A5Lo>I+*^=^%t;hIpB)D?Vqb~O;(`7wXoL8b zBVnZOKX&uMEol6`3&s@=r_CEr@RwIi>A-PA*_^be%;aY?zIJ|rsV`-@RJ1f&**3!# zo%dKTRSP@)8T`25nGXkuVmt1@@>Q1DwM5{J$(i6=w`CBMbwbz$S}H zo*u@tbx(n@k_j2nP%UtvXOY~37Tmts6%UAS5*=4{uDLCqXLJZr!sS*};oVKKLW?fl zv|N&}u2P06ua(5A4!`h3#Z<~QJz21QmoRI)jU^Sc#BaA>5FI&v3YzuXiED!e^V-`9 zMehu8@rqHTZS@mj#$w9uzSgQ<6&(R4$CFU)%Ovr_xFtOCbtF6qnNR;d4dLmXG2%)$ zC%UEj3AwbdjVyZNi&CXRwy)HO8*gX?x1RNMYs(_qT{w*2QcS@y!v|8If62HyV;zVy zdof)(lBjK+1d2B;`Dg2CB&s5k%1nO-gCEX^{gurawUkf`-wz;>QUMMc$s+xc1JG++ z5+oYM@tAsnV={jZUKE&lleVs(jJ3~N$}R3Tvfv~7uw{q@?}co9B;5sc(;$*9wFX?i?83w=Vpx`H z&Md7Dz+>}Ztg1%75x2V7xMdt5xQCqhT})Rz)X$F_{>|E?|k+ib2=QM4Wgj$ zT@gl__rg-Mc&6~6iS++|1s>PS;G4P=uWFmgGlD~DZ@VJ2Z~ejelNwk)aSpY2>;~5z zv&jX^Z{&=?yUJ{TO}4bkP_MANaNx2Ylw7$A?T6*KtFHwv%`U*9a^)Dc{sHRTP!za$ ziZDSp6@&jAgX0?_h@Qk(NJ+4y+kXk(M1vjZGGGnnd^yQR23gP}St*c}@DT2gJwZ3F zGUA^W$HK{o8unVDnJQJ6vO?P*?82Jabba<^uuv8J<{MS``2`Q)#jq?gB4Gd>)-TMa z&*);ZdMS(EUM`O4t;V?gZ?JvwCK@?&1IQjff_=wziL8!0^%-tK*IsL7wZ+TnXki{U zvF|^e>t@TvH{5XNObrgr!ow5bCN1y;@A&PPmb+Htsc zLyLEL+(aq6CH$h(3;46doyWPat;c?>#@-?Nxu*KzmH0$5!A6wA(P)1|K+;rylbWV(Mp1eYhG+a#f% z_S=~6tn$WG(R}t!;6-I9I)H=r4sadkhml);VeGmZ9QMo?TbC?>!ZlJlM$KmI-?`T1b^j4Qih*gB3)Nyz&;@x#CCU&Z?7GTV#U|XCJ`I8!tt7 zh973}4JXhn*c`UZdLUX?`54C!wnXEC%g~*%nx-o{;Qh2?;`6rZym{SMc-*v;%?~Va zRt~e|ZWCN_*Nt0mBe-h6|~*G4~Fg!K<}@dEX(zV zc`wsgllx${`FITG8Aag@sY{r=|27V&=|Qi>de9O70!F;t2gM=cg@hVIuVR4bAg?x77y}G#E^Dh+$#$fnO~`=^$Bc6mz~}dDx=ifBE8bU#R;oV6 zEfeCfJ|IHuC-o57LrH4mB?Zrn`eCie4L=&+Wj|C$;L4#^)Q;X{(L3&ebh<0J2)v-N zwPm7Rw*tXaIT6e6%mSJAXdpZ4;9l`4`hH~wJbUGV_blc!tpT;-oBP)C;5!LWUow{{ ze0m5+v}E|6IoDv9buoi|5llzkj4QU;@Y;Sw&?aliDU%A~e#Zkn^(A@NZx{HWv6yI^ zZons=lOSlODt>oA3kMhb@s{mF=&%PXASvV)YnhOV+mFv;({}xZF$qdA`ClEhUYU;} zjr|z%{Up{6b3%uQo_vy(yh#0oE|(aV0!7_tA%4ShYEIV@tcgbZhmib^F-}^WoKDGaZZIRm4b@WKGY?u`s`m+Xm#s|aS#&{g_d@EY7 zn*g6zJckRFlF;}j4sTDc5%@*MuyuA0i%SoLUAJo3a03HuE@@^89V>7^!3GfBB0%cv z(D!lzc5fQM55`@^k)>kh{_g??{BXr%Eu--6=y9}AvIu>a2Eyy)Q~0P*m$v6;Lf0Zi zYNGAWBS)Pl!wmxI!MT|bJ7OLWQ;>sg*6DEK??)UYcqd*|yb$JgC&_5 z)N=hs2Gj}P#Zeu>vz?3wZcL$Gh3BBmMFz*z3?RkXL#ccHARZB#FL0Zl;7I-B#9g={ z_g`GVe??kirq)F`d3hdePA3>*(hfSodP0v_I46nX*%hT$T>G&Rljl4UZ>rsoBP{N* zg(LoBpV~}$eRrGKPx_=-XYYFEbuvM`;!zMR3`l3m@qLiL)B}_{H6T{=qWH|S*Klk` zuai*!p)YqU^A~#$gLU+CTsY>eXw*?5hj>njS46&pz)ye3ysHCvv2r7fJk8mcf6Ku< z&KQ3Vk>~lNx5J}=+vMAebb+7L$d))-()G%QU^=Z)thQ>c*lMRWq_yes*w9EA=;I5C zzG|>iP6ZQgxWcLU4Vbbml}1Daku&f8KtpdUY86}*l2XILI&UXCseA`^P8#cMv{RT9 z%#Ihw$qT!f{y3-}rAD?seaQxHTSBd?+#q&eGwAG(!Opl*Ff{xg8?)p%%&_-@q>M=1 z*)PE@B04~W&xV=KLttQJ7wnQRqR;eaqWvvjlKdb`d`+Bi*) zf|>EJb5Ql4A#cAl2T$FoMg4z&aAbQM)XdbvfG=aI-msZC&RdHdtJ{TVYG<>xJ{okJ z- zD{R&fVU5i&8g_Oie16=3mTe6niZ~4Z?%E(0?S+$aUvd8-HM}E#9iN!pKxyso&H)z^ zVC%mU7IIOOhIjO#`uRkBCBGM+>(52+yLWJlUA(BI%Md;cG^Wmri^#~1{m}JzfurPR zLVxB9O!dxnMB@B@df1{89p4^;w?B-@OaEuEdzl{J{>_liEZxE~J{t07bA9JMi?hiN z)dle8eJmQ!xJP~}zsK%k1@8U#0gQGk#5GSUU~yI^M9ppi>(DtcaYX@4mVW~avWAjB zFFrz;u`1q}`v`2q%7oqBCs-oJky z)Cc1Kl#W2)fkVXd+7TkD)FV3Ba}{4nXwskYTcCa1D5}pUVC~uUtWowb*>mg^YQGpn zvp%cP<_|}(T*rntocVz{mrdZCBWEXyvcW9LlJ0yi$zz0kbEbDE*=zJj;QwU6hd1VY z(26B=)s70JfA?0U7B-7ql_GHHJaf1nDZvdNXuty*Y3kP~&wb}c;F_yR_&f7HnjCbY zbN1@t+}W2Q;hPhG;!9EO)fs5jx5ThT_Lx0#BgoycfpKxe*zl4ZsCNC0yK_Fm(6^@i zYjHZ7x7{Foy*PXR6$BjgFZz)c!-$%7?$kHWvhnQP2 zr})vfT*YG={XO{)3s05jrNefKreEdgFzFcHbG=X{V>B1VhvspEdGZ+hjA79lPhz33 zE_RDE<#RPpk-GnmvQheRq+o?R^{~h#;Z}CIBH|SBIa5GXf-~rstW)B{JD1Y>y_?CD zqju;zMFG;(vPqfyKw>%G7XNKM2C7MF;AN5o3#1RCrhgm_d~F7Y<}Tug9O|)IVn54V zZO_;5iU;Ky70RDy!E=Q&;%eSlJ;H=Sg85lC-n$%*&#M8YP10B`?1#=N7;&q6O*lDf z5Q%Zy$zvVnGmkUPPT9iyu5C{!Tf@%apVu#OxBMI2x8Rg`?Cxw(u-%F|kG8>jfq_}L zG>*tpJ?@^h872QI@&PU%FlfYS_@F2Y(ii%xU7yR+oLlRO`Oz2PRPRs!Y>C5|jBkX@ z{)xLY1jj&NF+7Q@gWd9ixAN~gQ0TE@slQIZE%W(2eP<)wwwOnUbXSN1FENz5{t9I0 zG?9ZNAG2L?g*Nwj^cg zw(#Bi2?>i!gjgZtf3x`+YQGDh$IXo(@6v{<$E%iM;P9s+`EFDESL_61hOHvOaywbC z^HOXqsDiz(B(Oa12?T6kfXsY~Fu!_rqIw33p5Y78&SV~yhXDlWZY(){k#fwkeMTRc}VH)-`7!MDPWZ!Y#P=g%TAmVSrRMNKRQ#r1u-pyqI5Lqcj^nY|q8| zpYrf={(k15V97TMPO)F6?_t)IgXG$tuP}a{H2qgK3DvZR;oAItFe_ApTD`MnHr1x| z<~mz^+E9qaTanqzD#4;8JKnPJ2RQ!7Cwi_)%*9r4Di>LT3f+(AuS{l3M=9{rKadUE zP=LD=I-GnS>_Or_l-8vC;m8fT)wu(NO#3undainSb*k|WNIW`(%9M5B`aiuGY3Iqi zudHP1oA$9=214)ad_{!JO%rHB!PR|VOZn-f!x1sDl*<8urTfy5{Ety z!Lt%cZ@I2x4v$}8q^2s6F0b8e;XrwcH>(A1e~+%0L&QthP8f5#q*M5 zQQ0;{WV!JTzVOlz@|||PKT#GU1Jm$(x{W9)>;TO1m!)bA-MAsk0RJe&pybqO2z|j*xbkQb99wC_hu;`Ni)k{u z`S}3kv>Ax=-EpEB^i4k8Op%G-9_Cc(2GHR>KES*nFn zxrmjz@+f^aoYSH?;BWpGXB8h|iOur3i3q#ddC`J*rAah(Km#(`jR()Jueea8lgXl zsFu=%dFM#*YH5MV<&1l;Xp^?ug|O$S0_k#{PF@W0{v|bON4dtWfx>Z94Zxg!jcO-cwETay27IMV3W}w! zg+ZIaKs+C-ixacenTL=?zIs^-QXV9MkGT_-)3}Fz3n=^;+(%j;B;b*@g|Peh815NT zPGWnCylZO>{IhSB9l|l)XpKTt7+%dPcbU*3#=js)K(^{3k?Zyo;AF@}p2_#v+yxO6}o)BlqVLrn^Bn7Tc$zg;e#*8PH< zdsffFlS8pw&x1c)rpZJ9#e%9^He9HhChBhQ!GQ3+Sm)CP7P+&CwfZ0UG^ZV^-fQuO z<30F(+C37#vmTB$8N$6VPinov047F%WX2jH=qFaKJg+Yi%~W9g9Vz8Lp&A!*K3K(HSM+(m~o8_lS!JnlV z>|&4f+g0{N<{q3{iFMTD%`0$BYE_)T3#0__&kD@K;42d!smk5ApFK#YSJyk2Y2Rn|2>v{(D4z z9GQ)w)q)Qb%gOOm50L*j3C9fI!xWWIC~+M@_3(OJQSg{uTdl!E7L9`Q)Ax&pbU!7c zWH(-rvjMbTOJex`1o8LyDpoaSDc)NrWXHm5V9BbRB(b`f{k=H?byqv0%8diK=~o9> zG$B?MY!M|m>=1l#@;q~B7p^yO5ay+h#8<-E@Yvk#tS@Q}SI^^QlY%#k+IIv-J1piRE^zecRFL3bW!S>3Xt;z0+uR*1 zh8Q|D1KpUj&K->SOcmTxr9c+>-xt6o4@XS~omih%6QYtxA(wzK{I-obdi)+5ebtO=GXIu8H#Kz zV{s|f`bQ^WV#^}bK4Z>bk82}xAcfKr*3RAT5mbF!CmX(19oxtxzIU{n&^IuF3CCWM z;6G1%I6}I?39*9OW{i5VSLj@a!u~~;ytD0%b9lTe zpW)YwmERL^=9LqeL!Uy(%;_-Q%~HJajUr?U43u^WQ#9NA2&_lMqo1LWp$u3{_XV`U zH_-&vlo%&6TJ@eBJXnOa&XG(a%7GjyJj(j|<$2w%n|N!%I}|6);fh}mf?CaX`tpY@ zQ(WH1%Fd3VZobaw+kI5v{p^97^|Pqs7=0Kg{SmFzKEv|e29dtDZ@uTRn;rQeA+1(`gs%2Q~PjCwlPRpUS*Lp$K%%hU&x6fM{bcIykDw~hgp9* z&_mG|m8NZHhm`fWd4oJ(G$J0lf`6i>*&4nkrq0z} zHXY8}--U*Uwd8YoGirY?!28L$ps8+^E$1)H}D9&Z=c6;CI)%KLb9t zcSG|0YJo*p3RbSKarMaz3|2lz6MQ1jJXVUTeb=EsN|ngCKjWy_VgagIzhMQ%k05bN z4RcR2!J|LVVC|$<_U58AZ9UK>mY;Be6~3PfXQsapSmTFaMCV)9b>SSlC~*}{CoRBV zsTCypE#e_>Gg^7n3=?Wv7=70V{;zV_ppe5jbJH>ys(*uJN;!e=DM={#?-Y6Sc??XD zDq*8@>aer;iF5pfD-d>0hQB=51P(8=SV_ZUNT~}3gMt<0h|vP((^bf3ZqB8dtv$$Q z%tqa75_m>U=;WtfX1StgSn1=#Z~r!fh;v^^@N8u&6}O!as{hASLRR2F{Sz2okqP^E zci^O!`#8n%3a&HGLMu~MYA|RAHdjgUaD@x-?oDF#eck_nu9xSra@X*~2Nk~NhAb#e zj)#*WkJ$A?D`<(QJOt`qB$>Tm@NcgSKh`Ml8GB41>zfsiNS-0ErWXnQr%hP5Bb%=q z{t{-CEyHO_W_)x{07k~giRw*?>8`bdc(H2&UN4zJ2SxOd_(j**_PYylbl)B(Kdzqm zIo=k{nU)7EvmUH%m(YW&7GvNIIl8d?HME3`=7aZLAWwECGwm-&$=btG?C#!1vM?za z_#I)EDR4_GEd*w9z-8o9gF&lE6{eYIkZo<|c&q6=Ub!|GlGkQq?-Ol4^;`_h)IWh8gfLL4u2YyFZE@mW|X+cPGSHq0LfFB*Euzw9=MeZPXe zN&n792Q4QX_vupWq-W4ta}VNQCz7k15|AdpB^@(fgVTcoG*YvmyF-(qJI|8;92G*E z(z4mDYi(%mwiexnX>t2$I{Zc0OVaxF1o7%?$J(VvFv)Tv_clwWo+JLlJ+5j(GUq;# zozHOTojG} z&@I9_M|BdWZ}tb5qZRP|)kJFIx&?-1X!6=wV))z2$RMHHJwd6RRYj^3Eg@SgR8@(YrUYMAxskL~JS3Vk zm8h0PC4O6+By_Cf@P+IU>YJfW4T%OEaFw7rOBV8NCl)Xr9~JJP*iP=7reJiM15Zz1 z1y;WpREigJkF(>r#E%15HDND1liR@ND<5L_dv8}C8!?cFh=d(>g^2F|*+u+@R-)w2 zEVOp(BKGo*@IcWYL-t*Bz8x2VVLvvC=LB}+_K=Bmg84W;aQ-pesXd6djn)A35P=Ii z)t%2g6HAW#9*J2EWmvJfP5gTQZ`{;kNLx^Zx2M?hjIkeZ`8!GeP!x$$9s--WX9(9e zJc;Jb8wIb+H_(`_PVZMxs;cTo7NgKhX&%bk+gA&_#ZvVD{s%_X&d1D{ZkF*kikNDg zz{U_IZhuFaZvPaE^I;-dSqVI+JzDUeMldlIx>e8q8Gx~&9efEV5a)SP$b^3uyS>(= z1{#%6)%6vho<9nSTc=@ThB{T+G=L`c>mbzzR`=i$+mYAcEQDEw=XnBjUJ4TR>d13h zuYUF-rX3_tCg9s$7qCC~5&RZTs>SO57ITg&ea5*p$_R(ZV(GMR2*loje2OT%2h3zX|l$ zP+NQl5>(bty~2&(`1z@GLB9Ae{nn7eT#%-bW2yDuB@?w(QPwbx_{!KpYsLJpjtW#E6$ zQt`(!N2d8~1Zp=*!Y4??{7Yt7F7OF#U8Y)r(ry85Dg8oFo;jvDV zCWPBleFI%sA$CH2D<@(a@&$*Kj)X-WVO7fN)QW z+>hV69W~It2*361@o?};JoMl+^ItX=ca)c6jgSE?`#cXu{@IL9LVl2sGhrR$Bd~Ua z7EjqYlC~Wk2@BV1B3Yvaw=dK)1L3`p#R)rkk87Yc(}Xvx_(PW9Agk{)rIT~?;P%lf zc>N}YyBrt_^A4}!^WK%AX|pTT)I4P2;}yBBZVYN{3;|oK7V*8%zpV8`KbvQJgn#mr zr-|u0WT2!3AG>)OET8$8efFM6weC)bfv$-}He@9}UVVhk`E(Y;hbFW0#|=et>!fJr zi&(sKEge3NdPaUYYOsH9DlpBkkKFjP7>?cj$8y@g!LYUOpwh`4X3WZihBZ5IvvVX- z%9MtqSMPxC@qVGRRmHyMs6mUn4*zX`1M;HIf!U*8NSJpO#eeUB{Fj&LFWw}YT>Tmz z`mTTy63p6?Z(=Aff~SKls}!{s;H$C-s1KShDzV=v?sq;1o$jBY5;Zv-Ph{^_`{4Ep zCpu!}Q84Vu1zoq}Nagfs(fhxM_hqQUkZkZ!4JNi4*I=q#A{jMJiW*K1V5+eL(B7vF zJh$11Iy3fQ{{2SK^vnk-vvbvMA4?!LCL4W)-qy&tKsdglo2@;0(D~P)mk{_}5nc#f znZEX5G|lN@k32MZ^!CZ{Hhn$$_u&*2z0}3F5DA{$stD6|l?r_9iMTJ#0TN9PV#oO5 z_&6w?DEY(qFtIA_DDz~A&O8) zgz!GsT@+CnX^OVp5^1a7{r&v~JiNW{`<&}~y`Imp!cd+yD+r&DGC`Y(z0@F@UCQEj zbJ;L|>Nt9HGeWq=G@_-Pflp=D^Bn01xG1g$#xGxtnWIjl=YRST`?(oh?8}Af)8d&b zPU22PpGBQF0~q9!hb!)MkO>bTu{C-s+(GKj#VVV#49RXxFYv~d?IyHXr5u_iE#ccS zOEP1Q0jHcb9v03uRev$wcci z=HRsv(>(sd*XaxBhr>Z6Zk{t#Zzl9w%p~N_7}A6Z8uY}DbLg@=ifmu01m2I!$xb^S zcedmsSk0G2&BKM{LfR}0SgFdTxnzJxGryNFDaI4$4uQ_b^(eBs78IpkL)`Nwurogi zr88%ung2K;;j_@MXD);OyivkkS4`2tw2FDeCt>y_8(huz5DUXz!HgI^k*IZuAK z`eIos$_E_5F%dmz*`JG>EB~>JyUbYX!BF0%kc(CACQz*|NssMc&3zp@iuZSp;$E4p z0ll3vRH{*tJ0KB+CNq?2kkE*myY(@9=9h_S=O$zI_7QMXL>oW9xd1BO*_9>NPck1* zhI6vVgR7#epuzt#e2P6y9`wr)x7N|PW~m;|?1(|BXJ%CWcpx)qDZ|B6cF`NBeNpP< zE6lK83FZ2VSeqQm>Ae|2M?3ME{yT`ZyFLlW&CkFm4(4#(j^`MruZ9sfk)3KR2ki9) z#o4yR$|H{DCal&Q&aE##B{;N!TxfY1D>2YgT z+2Of?D0n@3Elv!ZMPvN4k=3jwXGD3vjQ4rLi4F&Pef)VSnwbrAbnC!rWVE1Z^m#Vc z+aDWwj_kN}JIwLchc)%9xhY+;9MKKMbJLb!wv8lCb&$q^au-hCQy)*A?8Qb8#%|;+ zql>?Ug3e}LYVNJeNw&EY2&g0<$MJblJ{LJw!JM<4wF-0sPuL!~uS@s;8PDxlEKccj z8CtU@AOD6N!dErB(e=kuEWSGum!r90{&8{IDb|b5JNi*QX1DO0t^yp``honMDZ*{o zZv$T80HJSexR)YMwBefx%;P_=LpnSIRQ@tNuN}#$CI_Q@(E#s|T*~cuY76V8CS%Iu zdsy-C4AWGUr*^)#h12}k;p&VLx*jfs zHnPf#vC!tgcSt`fz%4eC%81+0%AiytQ5Awk)e79h=V3z2xK32OvKzE^<+675d?J11 z5K2eu;jAfqXWQKn5-ojjdFX6N`JDs`-(88LD$~PnEuFtOx0RYM^mD8m=Fsw0D#&{M-@-!NJ#OOyP6O zyL}{CoQw{eeT&cXzPS&knU_fz*i-Yd0WdC~&xbB5#%(V(xp$x1$mLOou^{k1?12T` z$(t8ZacZ8>rAnGQX;=%Rw>)Ks1>I<5s|vq5BeB(f3@!XIj^6jwgZUln*%DobAO9KC zGq(KxWb9omc2P#Q&xGW!JPg*4HSk+X8F(D|!d%qGqIR7GuD&%FHoxu1&nIN5^v=!H zZFZn=tGztb_hhgdF-h*q!#vjGznUm)-v>`Fmk7_v^9<0mVdB2Qkl(?ag5-y$Ea#06 zM%Eu^+Di|@H}`*nUk_rTs2`WH9i(sd_4}_GQsm7c$r+-mA) zi}r-z(8P_<_5MHZ&vZY!{{CxXVl71P4=$W3f0wJ7&g?bEQ3jCH^rXWj=m4wpJgF-^dzuee1e6I%xA0De1=WF(%k$Z14#c; zgYH+F1-Y+9vFq@C6st=Ezg3?x|MhcRbtw=U?(#X3o7dpGalzyV{ZE`%UAYQ`f`_8f@%QV4Et(o-ezQvY%M^U4!i2Yo<4oVNo z(ERPQFr`{Un6@$ujj!;J(CM?l;jkkN{w*gH_WQ$@1Nji3#e^04sqj-Eg)+g7s8%Gv z4yIOlTUrY;ReiwL%LjXwzXkIbcI=B=2R`(WqH%BZF{dJ(NtQ3c$yt)K5oLmjP zN{=Dbe-rvN)-&6hXYkZt27me<$C*hfaA5mel-A?j4JxPDc)4y&u(d$lJswc!n1R;( z9FbGLO&pRG*lnJ}QNDhFz3v{%+33c?VVhJ|e`-8!Q~bkpO&Vo7nRGrm3x66*V44bjaX&HNXTWCW)KPAG+908UeS7o`% zN1*V`B^cMLfz_Ya;^(v^JUw$8k>dZ~6RbSo`6DescgGEOe9u|I&On|)KfND@#UC-* zG&NQj(MjGIG!bPw4$_pQxo`J)m)`z)s9YKZrfOBZK?nlIg;GZo)9LVYX})t zFCdZ`aD{I+kY%Rkww@W`aQ_aU;af1o#>D(!A9TY=vsEF}DDec3ZFPLM-3@hiKZ4$C zam05{1g(9#R!uio(o3n4}rZUVMrZ{u}87E%FVZGPVKbtcyYFY62Xusz>Uj!n+h+ zgO&M3ykPi_s4ck2_uf5((K?-A^Ce%9qJA8wnMdGai9=+{Y)bMyWa+!L8@cx7hgkXZ zdgz+tk9w!Z!;?J%d|kDza`>MRf6nS5gNl*^=c>FlAs4#yPs8Z-XYa4!;SZ;t3El|1@fBHibsr=!&4#duidwg(UB? z2sgNuzuUPI#mg)nOEEZvY;kL>f))Xx7FBV=8yFg~PM&h(` zPe`sadtS`pRwB<_k%Y|u<_eEL+KJC+<$$We zNI3X-4lIqB0g=^+_fM3eW7bHTbEy{#T07XWCZV9^Qv$>XNcA@ZK8?HtE-oEfZ zI*W70Ide+U>w`I0w(K|9^O-e%=}WtF&j`Yomy&9mb!gQ-k!se5lhUvxGWJ?6Bg-!e z-fKM}lS}oWw%|PWJx>uX-`Ixv-XF-**Ira@O4c+4;qezTTwB_A zVs&jZbn^Sj&;UC?Us3L)@Hv}1|08tn*~Xl^M?k=dcu14BLCIH7cz;hi_9h1*omzlt zcL}A^eUKQN57VFq_e(2q@5IjVE&vW{oW!{!krB9Ogc3bOKEXrLRf1XD1Nj_64tzCD zg{#JccrSl0T9G?$qk>Zg*P&D=mJ`n!F z1&>FPVAq;qz%^Ozt_-7SaQbhdnsk<8t)5Sq7@}@8+#BE4fd0FCo$+l{Fl=1z#iNFy)mV z{iLhIO=#6-7G@XFFet`0IX#S(Hx-kVL<1E0BTrZEjUr`DqkxQVMovNu*YF*-(UCf| zbVZlYby)^>9umi~DSu!v-wF#8?1)#!T(sL`M$VVWb20Yq>_Si+jL3{9#z!<^%*?l_ zdg?t0-tQ)#l?-UpM^}6xuExoAN(t;Pp1>8|Lm2*VQ15z)D-43khz*u_ zbNdu-_Nm>%Ry%3D*^Ox1qQG5`c)*-4=}}MBJaqYM3^%{K30MDoflCtqK+wM;Tx0kT zCg|8=l3T67dT=b2DhU^!b)O1Ob^+)$yHm`kyYB`B4wb zzRaSxc^9FT(H@pzqRbhc5YW;?18DL%7rxAugODOAx(P=63N=hT=W-jTwg4~nN*s=WPbLqso%{;OX29q@6(fI^aI=`qxMV=%5;X@yz)tMS_$3A*d30CPQ~;KRpc7Ekg>%nef z)bk#Wbj#BQB_C2zsmWd2&fn*|o`UDF9Tzo9gw`+g!;8gRA&^9KTPvH%%N`N@-MND0 zc^FfnAc|+dj3su0E2z3b4<1jpgxm3>a7lS7ihI1pZ53lV=Xeyh2kz$f?lojpO?~Xl zy_2x!q6NC1^8%^EYnkZzSg>~(%?(FkK>{Qp1i`zma}ShH(5W>BBW&g;RmR_9PbWChG? zk0Y)T22dM@up#of;K65Z#>tvl__nZy_?3)egZ_8ej1)6Ydr$(CZ0dwvL7K41^PW&y zA{3_tE1{gDB{w&l;$ulYVIc468CKHboN8XNWrNm4)aEXcZGOk{s=fwebR(L+mSvFxhvDEh7kr5;}rS|0cdLn-$3;q4tl zpMxR9^}$k{8P$cw=Wb)AMjILPzK`rYr-Fw)zhUWvKKAQb4n7-@r=v{y4&ZnrwAs24 z9u&0_VJXAiQ9p57$~|oH-bjzF=bQQBe(-1WH~91@9!82~vk`y9sE)i3ob)Y6`?Bry zSc@;l2Unus{c^Z&a|>$cZN@ddZ%F6IWfbhLz_B!rs61{G1nVU-r&2=CX8yAs{_Q~S zl$;^;x(b_KIZ}zM-kfu~HQggTiN}Tm@#X$E=ym24#IRc!FerqEDr5ND;X{w| zX9xvhDo#4cd+Qy0$kS!|ble6DsXF`hRt2Eq=YQV3Q;>+;AD*e3F6fcIwnK zO&Y4(Uoz}J3)#CAIDuF$v~`5C-%D1)v+Ln(zK#X1DNMzN|1xm@2tDqK{sCOY&s&Oj zE#S^Cmtm57*K&$=Q4pn@%4W^b!fnTzLFDsE$gHA}G5a4{jC%?e+O@(PB?SU$@i}CA z?iJiDdJ|;AC*b)RF1VrijzCFgFSggt!t&AY!Ed%FT(4E-`6Ej7yYnZeBj*D9=H`+! zrJHb~%RJC|Ac}djwYW)>s!`u8f(>mTG*E5^x74(sd>1c*GR<_Xmr!P9)<@Zy_D1Hh zauavOgg;O7?#d_j_N+@rK)7dfN&o(5SecuQ#SgC#kKs6|yEcn6<@s{~7PVk;M}|%a zUk&jCo$K-T3E39(RPuR=z1a*2v0Zut<-`Su_7pIU|*-<{~g zM_=Gv=u{FMUxTX`XW^&9$?)m&4^(SNgkxt^>69gtfGFO<3auchw~T_LTG}){q79dC z%_oO*E;Gk0Np`=>2xd)qMG^BHV@j~e)EA~c$cN4aqV@noGpq|2N?t7vik{N1XbM6Y}ZrP5f$MnP1 zWFtsO>4lXWpP)MLHtszq&*fxEfr!2;>ye8R`YqDs#FsgPb5Ak*7qANM@73p=2f|RU z>KTR&cp^WCB1bh2lR~OOcP{awZ?{}y%LBuC2G=0z$@s%YZgt1yJdY6g)2|I#>qvmKz6b?_h9`Up>be8D{%P6 zqQ$2Oiwz0<^c3SZynG~>EESJZN5tsFbY0rDn4e4RdsjKDFboY=hl0Cr2FB=*WcD-b zQPr~&P2S!j0=v0XH|7_47qSO`->HO#u{WUiz8JONx0&xc=EBEmPTc$5dA#Q(84Qvg zxG{;j=(qnG{?b%NpLBjE{-g$z4IY3|u|Da2Xu@(MJ#lgVC!8UE2I|Natltm>F?TFs z?B-(-*-=7p8~+S^(~47+FM(&uDmr=8c;-+x3w6_0kVU2f3=lt#Dk0vST2Vc&p2R@` z-yd85WIL`mP=LCKJ?w&pDBpv82iM6xmTsfYrbOllO4{}D`8IE=DO=L&CE ziqMXQqHw_lV3qY6t0n&Ncg_Kxaj~8~b5Y_-{dqT2s~MJ>Ym!yn)37sm zHZ@ofLPlgy5^9|^r)zzSF){oI@fj7($hNESaM1-J=hI6LwmpK(g(KOthfi_v=Kz?e z6v2w7!$f3=RPJ4TQqXo~FGSuoK#dPsEO}6s=$Bsw|E-7uX-yO)u7(KiCw4Zgqk~=~ z({IwG!Ya&P7H}S5e*Tns62TaUbM1SyZJ%!>&#MDU|NNWxV11DfR+XwWwe~>?c?#wH1HX+0c9EoQVF#C+rT-kwbY}mO!`Z%3uSE~3pU~{V} zHPkbN4GYvEV_=&=DXYrww9XSvf_a2IMCAr=m%RtsV3U{m!ISWa8r-^(pIAfre|&$Bfb`qZ zbbLTAl9rb5P9M#k+Ny>|Mm2)h(VCEBBucz1(?PZAE{4QFj`WddTwZZM-qqyhK#|succ>$thzCf~aBzI+51`Ny| zK%1z3gsM^SJph-hi#;I1tVYqegs&QwLwC0_ zeO}iroVoipvog^KGL#H^{}S%ze;d8SdLNm4Pf}FD(d4zI-&UmPFVB{G+s_e z!^elv?UfXKo^%LqUg?E}CnV|Knz?XiVg=^ja%Solx^VidDSv;7#oqP*VHNNCUgvoX z9lr&V+RAMFEY@6^>}Uw5EmzaKeD>q}6)j?Ivx7zD%A;0DJPX<5fEK@i($uREmpT^r zeAXpXT@fZykv8{jc+Pc}JoZ&yRYgh!4UVFyopT`_**}`rn4)G!&)Tz}72Z`n41I&@G7_FEZtnUS$H5Tw#%&9cXM+hUNWIT$b}l zcr1RN)Gp-Rb$lP3$>%Y{vU4zQp${d?zmh#OEK&UPd^}Ow2g*|y!{d+>pxKv?J1)dv z-K-pTr}-7`bgzJ;mJeXAi85-;97j`%%JIe588|K}7cU&i1BHYZyqq`-JXVG9@A-1{ z)5}6{(ITS!;4~2iB(f8&56Io+SZ5LMnFwTX!4KH{~x0cklvi z5Z#7*BH}UDuK=c7eqkFU__OotQv5qH2cOn$g{=qVnV$9&Snah8g>$wub%l#~eG2cA zbh-@==bF*?Mj7dOwad0{X%?<={0ir%CDJ$7cX0d0rh|g^1E|@%8La%jv0{S;(7p8q zM*k4SyZ**B_;HlbJ=d0Ny(UTj{rMq0@jRK$BVwpAtAt&>YlG4~XFx$L9Or~|W78cqkAw27qiBsdLaNoEuc=^TyT=-uOo;<(E zwqSuIXBhgPDfIC<(F@t|>~8~}w>t*Ar#Ir*+dasg%7pcQcfiKpUQ%dvi73sngjaLa zxjwZnV*I`hqHq1eXzzaLau;W)z>dbX zaKQ&LN%JmRMS@y;^LS6l_n-7cJ8Z#V>b zY0-$0kmI7odF!>IEb5?^=<*9UB1OTz?!32VSV<21(d%&F?KVDhBS zf`!fLMMoP0&MfmZxtui$oti_@X){91o>M$W-iKZLo6YYSlHmCAV)RS?j5+iRY?`Ys z%#H6LvT26koy4y>%~UB@Rm}=NXp@k-d9byhlZ>!0fVJ5-Ao_JP+Kib48VczwF0ma> zX`hDJ-ZFA%Kmzal^g?&4N-gdU2%KkEk((nFc{ka5P!yhyKIt^n{tklnWvQt2 zek5mHLomqcC{)>gWtW!Opsf24?3g}*>)b3)wJ&#&^FQvQchDo2wyh0B;!RQIksoZm zV2d+x2uDQB(=X*E@tz zv(Xn9bnx92VV&Sp(|g92n^uMtN9R5_IXL&o^L8 zk^$GU?JT*!#g+cI(Vor}Z6%V@)?_$6iaz3jS*PyIr`vim;ev|-$5uUJA3Vo{r20j6 z)Furb(Q>zEj@(#~_nU&1%Jg%VU^B1@)PMi)aT_f8joP)lI zN6^%$1^wy_G~D-->-_!O*VqeobPnR0f$20*G#)xny(gj8JK$P=G<$2X42-Me$gj+L zXq}{ukB?4*Q<3qYe{2DrXnmLYt2GO9Okd+%^FgfFMl`LuN6O^hgZWtpSQV}W%Hk{V zp3eXZ;>KWz!DXmP44~sEfuNJ3v~A8prkC^t#y*TE1KoNY_hYTs~Hg$3lv10 z@evM>H^6PvD{<#f3oa%>oLgy>#STS%B{FNqqG7-=tNE~w@Aat(PiT(@M;#w3bQ=4hD%j6KnMjZ4dZ!LLpKkzRg&pxCX+MJ#;@oeTb#;XX!M zMI}KxiSK`OxFK20KwYtz<#uMXiyljH`;vONx8)MP;d$+9zqC2QPrh5xGLBm=rioE0 zH=wh394%VG^J?G9!i^WdAV)St(7RHGRj8U#rTHrKoNg8SV6udEsb*n(RxtfO(H;-2 zTZxkXF1U7+fO+OcgMW(yRo`U4ljq>N%ANasyrNuuBojo(<2a_r<{a+qDy$ckvUk;tHJ0&b*ouaBiA2 z&)_km@4CY2{)@dr&s=>jb+H{MKUJBXe`Cgpmd>Kl@hhP~B^t*(bcMx)a=-tLg{3Cr zxw8lP{LbejCid+gxio7O-PYmGIf&T8<5nj&><|jeT>G(hRUSI(Xix>KC2Yd^QiyBM z#}7{?V@{zc)li;>z0KNmjvC^T++FzRM5JK$%^B?XJujMb!cpLS8DQn1Z)jIh#^fgU zu|peTb{9P)bblqAo=g$|X>Q6(@;}kf5HWa51ZKuDpev+o&UikFTC*<62 zkq0r2&{`WT+_i2Te$nrQP_c9pw(C@d%Hf4vX5dHSs-eoMO_Qcw)n_W*bQ<^`Y935? zXhF$4OJMk)y6|)19=M#W$t^%HcDJt&Qr9SRyLK!^E%*JfsD2{(Vi-g=P3JIfga&N; zQ30WQ6WEOWP%5R@gCBS|rT*n-sFJ@A+Fgcim)(p3uTw>2#V8lzvT!6e^aR0=e4cNh z%b%-uYzGUqez-r;U9djy46L4A2KUPx;Axr>lsdQ*qm6nf_QVLXI5&*!IfRbm*3hE6 zz3@dz0E$Xa$7r)mBWaNvueX4n=aTqkm)>f1@USvIPSIl&ga(Wd{s z?P6yxsM5n;=Wv(7do)-mNncI-#55wuqoG3!Gc8o(X$|x7y@(xc`!tA`?k?rpHR|!l zJq8OaGDFhfGfjvH0szp%gHT`&`d54;fS3$;0obNiX^$uu-o{f1)agHU3_ zDeM-iLJ8ls%<+%G4O5#~$(~i{5=2p?&xCGpm*qmTl+ZuFiY#5XksH)M2Y+fMIO(=Z zva`~Mtl6^#AE`UTv}g5j{vyc@wuq;7`NSFk$tnKW@_Vc@An4mQ}(7ernI8k$EkQ%WqJ9R zx!%l9Oon?{HiuK1n}!nZ4^WFgoJ~Lbha59hBHQ~NQ9N%P48FMtZ$3W;-!V>tQ)7MM zx@sMK$?(Ry>leYl=bNDPohc4&e2$-GB3a~xJ@ECnJpO#qBG|u1pWC1>L-!`@f$qUb z+}Gv<+leoz1LKhd@E@C4P0PK^ye}fzjV@M7~x7zAktw zyqDx9@Q|28=N{09?_oY57cWAcqxkNfX+M*=IG-DF*O9X~wk7(7xwzON2c?e2Ld5J+ za+~+D$W>P0oKJbUHTNUNAK)5e3v`tU3JZe#`THJ=f&(cv!WNu*XP52w(j5}j$p;f93x_MT}yVm0n!8?)F2Y;{t-Wzb! zFpW#=z5#FT9uQZTTC(M_2YKUv7BgMZ-u9D^A$$+kQ5y@S__U|pG`yI* z1{Y;FVStK1Xxpi9o6pI?^pXImjk(C$es!YE{<9cWs|kN3_}TU%UHT)Vn1EC%oLXQB z%QVYjmeM>f>(~ywa5Mz>8Lp!vdB64So_y#|DYiYI-3aab`F@w@c)C;g0|M?M1}?sc zsYcJhsq`VPcTWau+!!du{a4+N&>ns9^ZMC>Qs2a4x|D!ht zdqA=~2Jbbu;4js3CZioe{J-!yfT^E}@|IW<>nwue&kKY)JfGy~`wGFooO2cJrcL0& zeZotcDNOW>0e2xeiq)U1CY8ZS1-oM?u96Sx|kW$ki%na{0-Vp=sw4SpMK6+-ScD$jcEw=B#Ae+!)%=Rg-}- z2X@9$1t*{QB5cw8fP*Cg!mZ*T$eRNPz{2;p@Sxvru5{T-yyF;(MI;-&Y&&uH3qoZZ zf@$aXeJo<67h0sbp?9{6FlFQyOg1-!F=l!gwzpllV>l7EKGMgQBy;YDK@*hPt8?kH z>v(T*4*NX#Q+T#ajPtvB0Rj^xxPSLf3FiHg!uI!CIHPJb#KlLETfKQ8mv9e$mD}Oh zX*0MxZeyui(q*(CGRNVN6Xb2Q8CQE+6%3-XS(oQf^4l>SN0-4LxF=LZCtz7jOMwTYv`i{Nq&%zT>?%~5-8CHkMLpj(bC&zTA zeE}62UFxx*6fKV}z>z7u}eUmP1VWKc*z{7|*vDqxsGbxFCK6^q)qft6Ctf92aZr zrQ8OI?NzX{W-qG?je%w0Ku%5HiVE2`*pYn>u-&H&q+RN;#NjTR;PxNHS_C7`yaHM1 z%Bf7``}Y=!ckK zh9CV-~5&oTvz##o@}`Q4DWL4>ocm=8T8+Hq6( zU*<9Vn*UC|fi0Wo(6f>WkT+M1o0=ZV`74VvvlaYad`Oh;eP@T8yP~k#B$It;GZ%jS z)+D^j_oKgp6Tr5scccg;OZ&iAG&ku6+Hszdx-{A(ABQW}l z0IX-u6aLHxB4@IhbGoMnYxb*PlhzYBAJmTaM??9&%Q?R5XbC4`t067NiV2bvuw!Nt z))nP}rK34FdIO^Jvng2iB8{!NBZ{L|&mjj}l<5oAX}C+}GHARR!iWu*z{a2-RTen0 z7}Fd)Z9I{fCTr5~uvUueXS!qjo)ux7dq0nu~~xjsm@?LZB}u6y_Nka>mpE1}~Rml~5Yi>`O$) z(bn9jhx|_XvkT_+n&OVDlUYGn5W4xO!?!bWI5A-h3?x+$@%MfhT%=7q@9q^0Y#74v zNghJQUnkk+U*E9*mIYU+vje8-6tJ7OvT@G#K$3a?5l$6vApW`?U@vtF4o)(pUgs6i zTS|<&7M0+UEo10%00>I^0@m$`+=#yyu`4YFbheD7wKC=?D;9y5cg6_}3oPiPd*8v% zNdyl6r;U;OccXnu5~^B7fKiJAJGR)F4xS#5^@+hGOhW>>QN?6L%RDeG55ZNF*9iVA zSP07vw=)CQ!ZiBT=(|lObc?kkEj}2=-Zq587m3@#*k>m|DK-|bKG3AI*KVcK)iRt$ z;5oG2dI+ET2w?TDX7a)=1GhdJ0Mp9>?9N6*_B+x7Vp}cQ(Y^^7m#~bSbhU)o8%88` z&s5x28wL%6O!m~lfV;GK0&=M$oO*8pu8_`v5dj}@&9^WtoTI>P|GW%>E-2%l9BFL7 z-3w&zRbtJbbG$r6sE7Fzl>KVR1wNbw>CVTQ`gjY>?l!Vr86AzAzDTgh)r)aMcs6ox z3{flZCEk8C0pE(NvEjM$G;*RS_#RahzPWA99u<$^oMXkfj0FYk*}Y1>SN{|A>VARr z5mgLb^;GclPda`zWO#LBCO&uii7tAP;QAmN){hax`i9ALWvVE5JM0o@tqLH!<0j+& zb@C{^gU_!oPJ|spohW_(3;xp!B)Z9BbdBdpq2h`{GJ$`$p4&HqcK3S=Kk}T9y18b2 z20n>QFnWu=pQX4-Wuy7elJ{9?-bEeCbAsw5;mJwLdGAHEE(t-Y3zfLXG7=uh%X5F6 zTZDrmtGT)B+#pGQ8s7i1joq533XA$WVXu&IzP1V=7c-9g)0l^832|g+y`ga8@j2M{ zb~fT)QAbIJT6&Nj(V>_sr>x z^;ck?Y6o%knt>T1Quvjh0p4>AhQO`W_nN4t#Z-`6ZK5uHNszPgG&Gk0P_(F4A}dPrDK zM$+n|UbOS5E5;mJ$(8Q&7CtM#L&|3C!*S!SxFb=y=(gsqz~`7a{WhTkcCWZfN{r>X zY3r3B&MANsJ>kQ9=9=@za#fdy(pZwbpt@a0A@v6V!FODEq-|sN60OQ zEzZpl^;A}Pd0rOl9sL{i_+6ID?=IG{{~ECvGXzf#y9tXv7qNA-dw~lbA_gKgOo#->L|agUFh;f3*h{%?Aiuv=Www$UX@@ZlcMaxsNja#qa&TSOe;zkdKK*eZLhCfb%UF#>FK^uc-W9%{H z(Q3iIMRJ^Ls5oqSwhfH<|KSybCRnj|8asMtB;C+2hN2QNL~-pM?9Vf#YX;V{vstr+ zb&uoVMQbUui%nzeEVRkJi|N>DFld{$D;6ewepNo-`UqSwIm{J#ltDtc96C;Y%!V)V z9f{;rtZq(+*h=_nbBa>-@G(co`bSj5 zW`BL|_^W2H;oY2^`!$l@PN>;FJ6b63gCn>MT<-`dYV{wr9F>P&MtP*@#0cyTl*4gm zZ!!JbPkf%wJ3V!SG3ZShjN0%V|2r>Aukze|-;rNom%0`#4H!w4RYhr1h=lOvockE< zdmHmG6$f@jvds-E!N#SFjjrYxSuKwlxxJ|8$M@4x&a=;*D>2J$A#2F3LBFec@L!uc zXP!QYRgFnRJ!d0b%iV;Baiekf+7<93VJ@=HN%-R80dQT|NH%nEkr0 zLMus{N;hUh&XZOM{cx47(=+6I^vducAsT(AS!1;%-=Wxfm(=}!1@rFYko@=vw5%&4 zE3>+=mnI-tPPp!nK%mD0v0#@J-F{FU|5Z#9$ZQB_B|O9NTj@74;YhL2BzrXGT?-;7 zIu7Ekz-MIiMJ)_(+3WXB6P zH1K%~J2m)la6Y6Q--*YgzK|`$EhOJ+3%7T&85r=p+#S&hp!NJZwmC)N!F+v`+MEK( z6{W;XD9`0vzb2)FFZd{aAWj>&5B`OzAi2dD|M@HPx3{s33U3LA`rGjRseIO)`bK!q zppaC_2I5+0d3>jmjuQ%FMY*HyX3~eSpjVQFPvM zJ$`Q(m-eI~?I9Eug)~0rKBd%GQe>rwkX2GrMn;pQ64KN_BFadT`kecug;e%PwunN6 z?D2bkfA@NM^~&>{=iK*oUGJ;F3`>4{Q-yyg@E>d;d%8Sv@}0rV=G-+=n`aJNbnQ5s zM6W@1fD>QbD zjW`TYl}Z8!ne*#>AKeo35Z+un2GV(jFmJ0e-i_QPb{XF&x*&H0>2-C;9xC{Ny%!S2 z>z=sm$172z;wWLaF@jePx(F|-*m zDrVxmi_0PK?O}E~L5HjC-sO-UoWlP6+=;Ul&qLssdm=d@k8mPnDqZ;G3yX6SLBeJg zJm;aqubbV&NxEo2No&7Ct6@2izcYx*C09J{#U1-Y4{f z-NGy9I$7`eDw6gf2tJKyK$T~ssBO+isER*_%5i^*tDvQZSagwPD=MLW+AheDJcPx^ zbl}(`Jt`}3ZyucjO&tKH|ISFIa1C9I=*r zO&)Eq5wv?VCUsO5EW@VO3_UOr>lR#roqtb~W!f{qF>?a1e)dT8Y^omDvRMEjp(i1R zo`Jh%zBui39L_njPUw%9;xg|)f$^p@EcM_+{L`!@QYyRvzE|a7Z{-#e_aK; znE>z341@h%r-HTWF4S5LwzzDo*l>Ek5m-8ob$j+eHeYT&XjAlpA#3~Ys1tzkKxv( zT`=1863eY0h=aqWMOwj6M1G29c-Ch=YnbyM_rJdhvg4aDyDyt|+w=Jn&O zs!>omt`r^!-|m^4OVQC{5v;Sxr^}k{L{pS^z^`R1VH-(AFOw2*KYW9@OFY1p-#tKW zg%W=Abb_uxT{yeRg*T2VhfP7XD0;h+Irc1Me!XFEvt%+Z)C^_&ib;}35 z+we|2R62^jS~>{&S8KD_AbF};y2{~Xry2bCFBhZ-O7n*2>A1qw1n=G)K+jdSFh|eP zTz!o@$*K~ApYAERH}VL4Qz#;Lycc3a;3>Q~jF9cy?t#Yg0D9Zi1|saraOlojsMPof z;9`ym+QIZ$%Nw@F7a@CmB-uPpiO)2@L*D-IXU{H0VBuIT?lbN@nD2Ur(GM+YxyM_~ zJZz77{_=d@S4R@w*aGEU<9S%yD$#4r&FoIiaK38achUBDo+$NKftTiv1fQ!rSZl;? zuI%bUK=}zVzW5A>oJhq??|mfw^iMc7%$crSRv;eqR-X0;s`INme$;#k{*D2u)3L^^ z8kCh1LAGg>kb}&_>|%c$Qq?19ks}f*vLm;o! z4?*GY#B|#f(C!~dJ61izgs2CLKJVE z!z(B2@E1XB7dozH28Lpo{(R=P?i8p$FvQxa!SG?PF&n3$kE;%3fn@tzLGLl4ug+J9 zp6cp?&uMx1H+nSBuMfrVIxkRO&=;yEmcf9t1?0=)3K*-pAL>qS#G_fKz@ljbY|re4 zo>kY0a?^j9Qsl!=<|M$P(h^+PZ%a~ch(UL$@ND@EB1=w4bIZf|Fgi%kU_$FL+2tez ztX&{@O}?^KW44Q6QZ(-I-zn0(wT9U}cm$fWWH9YxC5Ad^QST@HO!b^ORKz#q-J^$C zLUaLH{2~L&o@C+d0b`l2bTPR$%M{xqWYFoWBo_Qo07Ehn7kG@}C$6}_>h-IMyzo1f zABsXd7b&dr-v>9&{~;@NEg&i)8;klq`TX)M3>;Yq{Zr-X0fBM;`%NI^cjXh8kX4XB z#*&&>)WhR8GBh=qjDbqtG$B9 z&0N8>?Hk@ddz?I67l%hYk2yLYg&y}5A8 zstgB)jpA*ZinP3?UA#3SfRB``gXT0vKGSs=-|GEcG=Ha{AH|b5)gEr99mn6(b4{>c-gZ^^W zfamjl$T2M`y3%btI{JjbbL-1&=8p;RsYilaE;hzj?|CJcN5<+PRVRdxABe@XV6hdH!P=;@NmdVh2<_x8?Iwt_mE9-xzrM z5PV-bjjW4mX08v+_=NeP^nq3atBnz1jL|UqVR=uSF@dh^QI-$E5W{-h*% zEA*uN{GKWq$9>`SW&=K}nL}|9%{7 z5poLh3qISY-)iTBEH^;XVkWK&M*P<|mWEh$Q)t+}s^K-xXuZj9nzmyI0^T2|R}lPPDnI2(ueMpvS#UIMt04Z!LR9Z3pqf zh0zd!U)kHY#-Q=N9xpGE)_^~L{%>6$j+Sdz$pxvk}^)+XT3 z=34yq_PSW(`(fDkK7sVs9w9ZaO(DFl5zjAsh?mYyKriDYT+(2P*9(&&Y|KPbB-}Yh zi4BB=mNw1VHXkRpAJ-xXx)@dP|V zSCY~Cnu)hjOB;!vJ-}6N%Uw@Ge*AGBhuRd~B1K^{Z4oe?jg0){{1g=&W z%vkFWO@1-y=FI{A@HC4^~$`v3U+$d~xptD$()?m$W`1 zUq<`U?N zmkh=s1Bx+CI7>3J_Oc+UrC2{_2!0m4Ax}#uqqSWI6n35lP}{>z1qOTD%QKMc-bbEn zm*&PV>+yqQz&EKRN@(Ijex~PAfjJUtmt0 zw5yH^`;D_luZEim6G>A0Eb=#H9?m}%j}GG#F>1FjzcJ>RxbE8*a2LD)xmrQcGf0AZ zCl(0z*WV6{Lq|beKpQOT{l#1iBx$aW9&U)gfm5|d^L5`6@Zl6`nDOlre$ToMPmFGn z=&dQZEp(yyTazNs&y}Fl?5%mVZY|ay4CPi&|KD31iWXZbc%0q|7QJ`b#8My7>AeRY zk-lhcn}dxWVVvJ?WNOov;j~~&t~J6^Y^Re>;cNV07jTsko;ozhN@O_pLU%8M3QWt#Sql7LEyeQ49NBjYWRjNYQlM;MX zSs-Y)S*TM|3H?t6R_#&;ewy_{YvvB&-()_Q%CKl`iaCNIAOGNKqm}qdw+(upufZPeN;Di9M?$aMX0DzLdM|ql9`+6R zc~(5J%Xy4#z7|;GsRkYg)p5(1BB(Im%r>V6(D+wnf_9fht+XGI>D%^zzk&haowrP; zQi2Vx7rv1;`{DKF!(chw3zltJEe`B$U{XCUG|DU;b5#s^LdR*)zIj#f=@mly$`w!> zUjZfocUjNF18~m6oc?$CCCfM-CaU+|i+{ey<7Y<%lTC|>rbj;7>q>y>wP02h_fLG| z!h1Mf^bt2bH>0EEoapn65LA%7g#WSv(Dv(C8hl9-yH3m_%N9}y*ySWrm~77@;5OQx z3k7p~1L`L*3}-)dpm)Y+3;y(ZB;ZUXe0Pumf7J)#o{fiLLn9K?yS|V*Cr4B?D2_ev zKL`dU9SDA>iA{jC&>@ovuU!oA#kBFb5LLM33tz6b`y7-vCyCsbjp7x0ejvAU3zl6T z!2=e^LZZN2UK1L{bX!tj!`oZ9VxAOjq4HQUXgUviY{3s{?}3x?We$b!4zdG&o#-99 z0-gwdl8~O65aaHGT@ik?ulF_it`v(V=_bNXs|2bXpA-#vXz)gHJeY&jdloEX8l*4#MN*v8?y{I3BW0io2BP3WvZ8 zykor;q;G)+nGmdgxrGbUT5m>K9;vS4u(}5*1@Z-2Vnod5}Z2Smw4njz>I$3o_;G8 z&M(yDerC3i{^lpV9@{~}q&~CtYq~{WQ~V+7tPJe9J`{hROTqndtEkVmB;Kd!1l=#= zL`@$@L7%{Y?{{1e(@OzH#7KD!s%eiSFZ;{k z{!j<}>)8YS0RnG#gEuTIN&!;W%>FqHrYBTJiQWlWIFkXIeD2jgwl?Z6Ia@xHmRn?@ z?HVcWBNVQmSUZ?3IiG`lXC~mKeg0J2MDW8^jsu%GXLy+INJgpr$Md|yVT|vYnmU`y zBEKG8?lbI&ICf|=Djl@|PkT9T_uT?YkN;!+a&^edDllftW(;>-%5EFwKtX*RmGai* z-tMxzhWV0(QVR6(geI)GsYe&gZNk>eLj*?68(5urjKs}ejoycSgn2=cwTEkphy1<> zOLe-?dTSc&>6^rS))Txp-xlS=t?<>djbwUo0A26bg!fI(;@k)~aZru4kRuuhOJOA` zaLN)#tC_%_Z#8ISW?$O_LlGj?B!ZcO?}Hv7HDH-j_bvCK&JI7N%? ze)b3-oUy`XLg&v$9aSjP`Gz;-GjW64agurKDTJi$!K$spF?~cD5Bqc)VB&r}3A4oVu1NfqD#?HR zOJnN4uQQX1F=TL_n3zu60yFED!=CHe4pDpyt;o5O62I%Q^89hX5LVKFsKgw z)=$B$Z_@Bw{WyTijav0&Q2Lf|3Ab+IvfvZAw`Ab)xW}lD z@uJk$TVOJ83%*Y(g@9Gca4*vycj>KxS1Ts+p-o|Uh7H5IvAe~=>4wx(;MX5|nFm)F z+fge;IecI83Wf#Ai|!~qgAfTzJhG%6JcdQ#{tIPHGn->%MItz4Q$9P*25u;b!M|z> zzO)_;W?gOY*#9WY8+`;0RvWVu#y$3-MyhnIF!QC1zksuvSHmLt>B#khuxspB(D^i% zZ9JPemhvmJ2hb2=Oqs1E zD6go3Cz-cIvo_1~;zO5Mv856nq_GRS`lI;tzcX03X1CBEqE07Qw&L&aGF-@tpw$t9 ze>H9_Uvg&*ZtG6NW?KV{IyhOZtgl0F%ocQj&o;b~A1sq{a8N*%5D-HG)s+DlS+Ofpb??ksf&w zxKz&}|8yr)jihZ%B5W3$(W1j*V)uhqMIS3oHf6t!OaK zGP{gV?f1a>$jvZMstn$GuP0-hp0TiNTDW{nC)U)Q1Fi9$pej8P-qmlzEh@@PsenQ4 zR$t7?yg_aTH8K`dmal~`pTgl#ikHx#EX7YduEzQP zso+%Khpp2GQMuLDkhnb#dy0qP=7|SHHnD<+DfntbwroY4PabHsNE&8N9)-cF_sK$^ zHrT2&6TJ7$!KBfHSV@7ZS@keFVgUO z^awunwIjc={0lC)+e^0A4a6@FVbqi6+iQOQ~7saGP=M6b&5lSXryf65WTw%*4RnYyM zkF&i8(jhD#6wHG8=?g`mX))2Eccj2_TpolA){MuJa~rX2yf0+^%EXZLbTBiQ#YNwC ziGB6%;%D)At|{k^mTS{6?1=*`{;ftO3ihD$!GV~a?TMrBJ|H9asdB?xTWF@B-FXkq z#ykyW-oCC0z5LN`@PkV@^71}Xcdwo77}Ae9wz_yb`mxAQN0RG*NMRPQufXiWb?Bh{ zjs>f0aNcs06_gHv{lor1RbL|3OA z+AZyb|GZ;rVzgf1({HBqwBLW|-}Mte{LFyP*OGK&k$wqYT5}|3=WH`Q2N&F$h7QVl1^{c)No_Lw%7Zt5cXhfJ7k`+^#^g1ce~{ZC|*p#RAwXhZ4y2>ekw3}&nrbW)csJb7k2jz6qTKan3Kvoo0t z`FxfP?i&cUGef~G(1aFNS@P1rhgf+{$ihosfVv1p=pQ-<-tRHN)-Xq2zu^RnJXHtg z8=_c_+(0ti;2XqD?PR3Yk%w!H=5L<<2iA%?V08Ts5#_|8?VvigGx;49rf0B$ zsY2#km{}s&BS=WHsmc4B0yQI(@fsdOmB*Q|;G&s$rh$WyoBxX2QqI>b=)DEKKQ%C5 zd@U55Rin3#D?(%FQ1VEk3ASXZppBaZOnfhpVcxxhy$hF#rv0gg2WR^s#~>FZVy$VN zdnc*?A%}S`rJ@|oSh_Y;hQ1Yif2Bi)^PLwC01t^5+1sqeFQvob)qOqiDxbj~=RQU8 z6ghMj32fN)uSlNBCZgc2Es9ewwLANI7Y?ji%guV-pkZ(^bRY4cjXArJ$qJcAi$&-n z?4?G>TH@0W6KTm?EB<`TKDZT7AaqvDhvC;Qi@%>P#_{R;5K=8gllR8pA~*$O~P}0 zuM-?3U*L)oP5e1d1zx?^BmT2w$Oe@I1i8m+UXKf;})TtHE85NG@{&!f8 z{4AmvD&)Qo8bQdQo21 zlc&XtEpVmUdk5#$mVBhC2ln=~vMFDlLQRJgex0WTqjs&wkr$uh)(2ADI=2!IuF>RU zH*Fvld1)v+ZX{i1T*ant*5WC%5JP<4!Qh%umb3pgQ*=y$)skm~cW^e$uzUlx=9T1M zZ~}I3dJmV!#^UbcR(P?yniSs-0?XJ5R5BqDDrXA+M5o#K5mILO&Z+iF!5yw{SrO^hPv7b`p_^sMo5RV{JikWD7(+(8m^cMke06DV{0tE@!5>z~<>!!NpgBMji{amyH?7dcI2txm!E9 zmb(W&6wGDi4K>7H$cSd#e8OsLY$3|;7MS(vQ<>&JqOpIgS$1s{b$pzTR!^6+3&KA3 z$=5LyR9fKK$6I9c;?MYN&1f7nL14-(mE;w>CD};l!MJxyHCijF!yL)|I6!hQs+V6N z9eKH=Vze>c8@``)w2TuyR@uxn*Y9C_g?ZBac{CQhTS0EC?<3uryKwf4^DtVc4b?}u z(bDe&IGHVU%Dwvso*gA9<@SLc8rMLY9**W+dTEdyS_5Ii?&DMFD%{z4goH&a;L;;m zaCXgdzEkUOjb7q-HnO~dwPzj07V8f1^9>_g-)G{)-&3%B|8h3jGanr3CU(l(7Up|D z!-G2t;Ixi0y*=Oz1PnjK4&ef-R4nv@r`>_Y|K^geV>>Z*RuS3-%h0k_X7FeGKJwAK z4$q#<26bx0&5~+~jHW&`-ZDh5*onMM=&Sz~VFDqQ+gS5|XK_mJ!>aY2hoE)9V+ee= zM!e!-H}2h_#ecurfRFTK=*A_UG<;Smj2bqOFExG6Oi~?b#Eo^VIOZxue*MO_o*T#V zSE_?}?^k?NK-r#(gJ6M2!A8=Br}Y10RS#9L#xxN7s~%zXWp5I>T7;st$H86jf?dmS z#lGD=xY;BU@;5GFu7=)NA@t0+Hfr!k%E6#}G*)!{P73?i5y)*V0b)H#+tLFFh&6>fUrvs8L`kWgF<(0bZg_v#ygXk8Z)@3`ta(rz$XWOL4vX2T1)i z4^Qbm#3%n*B2ANpxye!Doj3LPzApoCTFziH?dTjlFl8vz{S`WDRD#&S!5?r-K^6Rw za^U+8IPtxL7P_m_8>$CYiR*t7axC>YH2(LCs9up}1-0(XRqHCaDYe6Jw+!At<2fvl zDuizmmT=EO5hpd?6I*o+pz|iLfX%~>)`ZR&3rjBCBJL}eU@<7;2&T&C^J8q&R{)WL z33bkIg(q77P^V1`M<;60zv_dyp=$%ScNnAV(j~ahK!H|W@*@`~)S%YgR`%wfFgHdG z1LtMK`T3+l^xm77B;Z*r^kp%SQrv>3R_nn0^g!_RlNa7^Lwfn50yJFE0MDW*LaFbXIn=68Z1RzlihGwLMxplM1Bc0Vmet6~W%wKA7z8$ZO)K|65z*pc+V z>rJe6$UTToKMN!8hryoQy|`j>KB}+qg}Iwj;pdbAVA|3mj!xcb|7xEvnY*YBrOKzX z`#)8M+%RQPPrsntd^@<;^n-QGc!q~`52KppxSB6Y3iQIOe9_MZ!Mz853kpMWKmAK3gY!(dTM5}1Vj zfzxAUV5n6%EG)Ff#0@vtiEINd{csNi$M5Io6$^22;v9T_yN@{hZ6-4}+#vTl10ZX` zMd%zd2s(De!Qku_xVZKr`QBj-x!u2@%+i^?KP945vSlzf7jTqT8(aAcVbrPw{BZ3G zR1Nb3N99Ur7&-th7JS81TlM+RM{DtZk1jN2{9)$25rY>sflcvGrnJG2eEjG@Jq+FO zMDk^*_?a(W-YIllXt~jZg|ASYy%F5i<>)beNr>y!gC^C3aMSn~*}m!qo;^DOqdrB@ z3w}e0*5+KCA+H8+uUPUem*3%A|3@{g17BjgtPd(XePXSmE2!+&%?vbS>IMkZrXTdGJqk_@1Y7*Vs$&F*;e7^cPOs)6ZRNJhj0X_aIY63V4V98 zn?k!qf7kE8oO?gmq}+Ane%4R6<5lxpp*#ss#=Ar@9 zL%#tMypYzQwZ9Uc37Q~s{rwqM#gD}d`w`ru+7LQkJCT(!;bNl^@32Tq9V4cd;bSRF zVYidO7B~V1D~(2{-jSf)L*e16uS`i`A+}Xbc4*z-x z6Q8Ask0!-K@LMCUs2z;X|cq`)_&pq+ds) zD|ETi-~;rSwI}NBUkamKguS-@csgIM3Ur+kP`_V}{&AU(OD-Ow76#)5mZlfvs|hSx zmCIoH@-!BDlwiUIF?Lywr`3KV;oIG(ka_$$=x;s>^W4J$9fR=n>j`Y_qap{5AF=px z%~3da&h)3#wojYUD8K-oOcaAdVj`ERK8J5c&0&YvdC~u0)xhq08a#Ck=AKE*86aJQ?zz2H$q` zFif@`MmP7o!32>xztv_+W&Zua*_Y<YO@Vw^sm8uUacv$mKsgx6}Z!urB|@OHHr4Qp2BDy!9%pg9Q#fV zpijK5XzAcVFk~|2ezRjyv?zcKH5tP@y^iAawgFT{`4Nn5Ahhtsbr{rW1j{~6r`3lH z!MD5$FT@Pz2YeS3i_nSmzgL6#u-!_yQhg(=tc`@@6MNvVn*_ahP#SOSb7C6P=Fl&B zPI&jT3|_AJgx>?ZQ2eb7Wo40^^_~N6^$SUm$1qwHb`6(Dm7;-)2Ol!92;@?X=;5z2 zkS#lj485m~5r%VcpW$Gx>@%C5+w8@i2JgoyNvq+bfj%g_>0)Q3OGx~>8klPDOZObz zfKE!*EUhgDjTcWt&J*yIkrR!)AA|$LuM!7=tA6SCH+CSym#T?UaJR{9`1jje6!2*n zZk@Xo+FpzmxFu3N^jA8Hg!66Ue_K)2brGDl_#tY}N)UWI$56xhKK`26iw=Dm>~2XR z+}QLCAJmP4xgS?h8EGqgR;vpG!`#_k&lG%pF977WY{aGs17Jh!Sh~q}B)4*_MXgzq z!d%mU)8z9Z;)vi0BVzPT%7xZi#ObGf>8H;-(96Ax)Q|oI2fcQ{uQPN+~b z5r5U5fTrP3s^o%?L&v~2s&JwjP2>~EnDd5oxRfmUcJ+bi*6){SIB)@K2>#Mv9#7%b zFl)5gwi8E=IRpmJjKuNxH;e4fUx15eMV#_UB6e&hv2WagYv^XkaJv9s@{SRWMZ4jY zaWUIeor5h|lX=CSzvOdsD(thK^1L@l|M^o6en&yg?g@LlD~@55|>Ga7bnx7|%-+G>u&9ywj1dTy+q}%Ziw-oCv;k zNzk~5!u-BC4l@@<cQyi}YKeUwiPQpKHp z^YPBVYw&TjJ9a~l=tJ{U^jcjBTen6LH@|g6cSABx>^KiMhZOO4XE6@Gyo9^|(G>Yh zsPgo%3M4yz*Qgn~;TTTs8RkA*LFr{k4d@Klf;w+!#V;)Bj`%QKQ~?QX}JLzVej&j#!q zgv{pa4KR4z;_&Qm2rZH?L|fmL?AFUTJRUQc7v?GQ`3Z^8z3c=Y+L41#vi`8T+3h%d z=`b!1J_G5uomgObHBK@b&UFi=ct+q|*k_{yUec|&F=;=<`%a-#`v&qljY{$7J9F?v zP9RtddHLBj@^tHKRepiGkk65Fa7W-#KbDGxDa!lt+~+))woBL*?f*ckq?GCCC=VuW z^BC-3xzW7kPtjq?Zedrmg*;lAj(O!KywBtf$lcKArj7D+(a_)U=bQ>%v|$cbxKRG- z^E*;8v5-i;%z^8_6CiixW==k?q~G_f!KM~Thtnx4d{mgd&<~r5J~@_TyV6wS6BUsf_xLrT1E2veVD%*vv*f>hi3dxIUw>ar%CI?mCKh zKJGzzG$D3-AHlbd28eF>!@{nAf#Kfzc*<)M?f(;ieGVO@U1}yq?D>ir)(^@3y1!t4 zL56-weaD73FXmAKk2g5Vh$|Zpf{RlQqx(i>?w~n|uiGtxW@ksLynH18`%f2_j{VE( zuG?~b_j+76$3S%Q?@PjOEJei~MR@+ZG9QziORR1x@b5Nv$nL#etkH2HH8}hVsy%wE z9o|QS>HIU~gs`VPX0ijT_LY%sjuZHX>j%&@asVGLa0V`VHKDak7nDxh4?6dfLHEpH z{_yAu?5-bz-P^;sZLkHk%57nGFZbfqtkc}FAOg~SZK#4$GPk_pi6&o*i2Y_GI_h4P z_{4hQ+|EfspZ&2k@Z&x*bL408)`>vGd0og|ks{<((|NU}7?(N^fjg6AApTVV2FBN; z{Kzhrd@qonpRvv1LZTOTXcXDY=AIY2St^O{EF)SrOoOg#`wquDhVfu^0)w1hfNQ`u znAtD}j4jpR>W=`v()kcHR1V`))MW5ahCLk6wW8C$$Z{tw4&g?!q}y@^du=;_mao1E z&j(H9b)`d5&#DA9eVTEB%0{q0(2Z1k1HFG+na+5w2X@2qNs&lk*q-;moc0ig0{_l^ zF~fw(y=?d77i9eg5dYH4LdNeXo(~*_FJ%|efxAn6At7j=#ik zj*y!@`H{RCt4^I0#W>lq1^Z47rU8Fu~09h$=6EU&3i@|qqt_G+ z`+SXEdJ+e!=9)NEVGi%NYGjrsCFt(JNnhSM*!lQ_z|NJR<*bF#j08#yMWVE$jn$vM zz7ibH1wX~`{SnbG0fYoQ-6%(PWMirThbi*BkKbUO}!5R`a=KCePwgU8lLU)14+t2^-JBn5hJ zcro@QpJuOCO(Roor;wL|KWf~7lVCCG7usF;1`}2|(nbp%Zhy+0Y#Q)eR9xN7st(p; zOZOKj{(Faob z>HNU{7O8-|s4=j%KAt+ICE;%8y(qVfVf}=EIAJ9NpQfE?T$#>)*@tqaqf+dOiyAzc znnT709uaNOx`^#|{xrSIl6s5@<*u0ucuVNL7V#ny_t941x4XmU;k(F9yCi&iWFtI$ z_Xzs_tl$$DYH-C|E4KMi3eP)G1<|AAc_bYKHmk0q%bHPiA+yHk*0q>%X$Ne&=Lzd$ zbLrFxge5dzg41(mP@DH&M8{R&h-v>~kJv2s_LShM+gD3Gq$Kc6Sq{csJqSa+kE8Eq zFZ%sWY6#81vn7u`xu65aWw#}%9a&8H#k6ZmNwdYkA2>&IH)t5{WQ7(Ka$j0-Kfzd#CbJIb()9rEoMYA(i0!a>+>X=3m74E zZpOaeCEju^2WP!W#K&eem^{jWHdq?-w=#05tU3h;l@Gwvs?S-7UJ4|b%Av{J4MNvr z8mM|$2ww5k*yA@#^ttoy8;tXYK<-!WK5#g`kyf3%_Q(u_yz-B%i--BeLg{9 z5?s2o5b`pvqs6B$n6RW)ag9gG60P)Pvlo+Hj)q>1G+-4 z9_pQhU6JhqI`~68Z=JgxV?*Sq^SN?JT$hg{HVfS5BSqq}&JtKK&xSXb&gZ6&7o*0_ znN;_qG+D+JaMJJPJUc8KydORx<3|@bjNK{h5)UT9=SL#?B)9{ntEi{y5X zrQt=A*w~PQ1;&&3%L!uSL&ounU0FE6&>q&hPk?~G?);sD0slA3mOozo91=UD@HEt; zUaA8c2Q?>1ev?8orUvKax8uvy)$VBPmHd_Z9kTXsmjZ4;&{khioDmaX#hx|uf%jr4f^-% z3m{4xAvoeS+;px$jjg^cZ-O0_jJSfaS?xkTKNu&bEAz$kSK^&z7vbJTR}6a)3DsAn z;HHcU*||%aPZYAWi@zTsIxFm8)-`#^)jxsR)pAgJ=@;ynAb=tblTla6i`Uv&(j|w3 z&|czJURaG5BZYaa?^zk-I)yPhX{I zurv)HTz+~TpX}K$zPbJpQ;$EyPo3Bg7yOT)mBlNZXM7C)Hp+KBltM# z3^Rz_fa=0?)YJZ+`N@?)SBNF37$I(O7NN7V4%{5RkhYGUBQCBfhCf*|_@ePepki?a zn*zMha+4eG9IGbY<2#zaA5e}(rPmZ1(%mA=W)|E$s1>gTD2r;r*4#7&%M| z3$EV)>(i0=TqzmumlngBjLY!wc@f!gKO9~yo-2Br*~%=b@a+X7P_?Zib=`yp`6OK{|N`1F*J z{o0|+|9E@i`~$y;rCBiDGI!P^?o6(+3<9Er{qQ`75iTsTIYs!aSI4*ymueT+lq<_Y>1xpSV4-4BrZ(MUf3L-;c!mazOx zOq(6bS2Rd+yQ4et<@D`%@Qe@nH6aRAT>ZIk&=%wm?n3P+TTzbdewccF2z_SLi}*@{ z#2ozt=azZ$+efp=u*7q0#UgiFmG?$GH!=xqj!tJgu1%*yU#x~++cYxlj53e6^Oq(@*t6?Q*Jyjz0@#k^qw|dn5 z-3=Soo5IW!k+@-R51#E*#1xM*bd0qobxlcd@ZTFuzp@i+4u^ny=ubTJD4&l^o{AZf zGDKqbI&PmX170IFc#z*lxN&AO#3&>DfKecJ++~>Zo&*%N-8?SH0 zprrZOU}(j=5|D(qiG@yS6(s!0hKqT%EbOHhWpYo5R+uLboN|Pz2s70s$7axNIbpD1 zD8)hj(Kz0s9W*}M@KlLR=es(C>9$gNsyKX}*kyT;$Lx4Mh)@BIO&|8fuQJEOp( z+!S^^T~2ix7x8ndODVK*So2f@>4jgQXCEXwV$+GQmP&)4%OqlCszs0K-X*U$Il{)O zezY921>V%oCu>Ix5m`&zK)D4zBB>ci@lIF-Pd?MZzS#;h=;TN^AEZg!M*0F+^^p2P zO*|&21-q}9Qj5vLTw68~vz#+U(n@!U;;wMg^`E^+`lmVkJK#s*Y6Xr6mxtYS4<6bP zAi6v$2X)g6;PKhvaLC~#CYwjV0*euNc3>%Z-~TRnXKWxpBObOUSD~tJBbn3X0za;l zVB+Pe*f#AscAZRQ*Xr%T*dUQ5@14P5xIQv}eLCXRSv=1^qU5h;nBz1BR*sBL6>qQV2WGx{FF)NYGWcWQ88ZMM4_|H$m@F47nZ*%?pJ8N9h>66Q{|im`CB^ z;0-X?#ug3km!Ykc3_9s9hKrvqXib|Dmf4kmY&N6wd-n3dEtlEC(T=#Gx)sQa4Cv3(p%YJG(1ad#hh)Nsd#^<2-zmcPl>*oE{VNi?dNTPrV?UhhHN-WePoN%86O z*+fe%69V2&q&YQVP(J$|iN7+Anh%`HHI8?)6ABX`HTwq)WQ(rj+9oyFI_rZdSa84`dASIPvogV z(tN|{L##@OFSn(oi87PSV8(F?ESjexsFn2qek}~34I_hvE|D-_u1jED2?s@L@{(NI zsROTFZ-$_8cbK=OAGR(LoQhiW+Hxkkdn9kXZ^Gm$wtv-Jw_;_7QvfyNPmZ zH*v9^MdfbU^Y&swrT5ke4*NVIBdAUT-RH5$l3>`DwSa)}M0_~t0H`hAhISM7v2=7s zuMCZ7gWO6#Aj$Ucs90lzD4F33WZ`T?)XKW$C4pD@n13MthJ<<1kUS? zaena7*qmOj?1l+u8({l^4k-TZ#tNPn5^M9ZP-CA(zF;`4X6AU~@flob<%lnqkLJy> zmN4#x0yvcUk;6kqus`p&6Y~#-ykWaBE)r&@OFG{(ho8gfywp0jI6bfSW>-H}+<69$ zzGLy;`b3=k<}bV-SmvB*K7cPyQ03>o>EXl!hf%R^EnoTqxYE0Pj4_j^9VaxvIx-yW zFOQ~+CLY5=`2f6pRgAy>D)I$cC$S@?3I-nCgQxcWfq${~Jb6d}8E=uxx3slD-IeQP z#%CEmcg1G>d_+RvtQye^v67gWV8qUylcr7AgHcQL4NZgWLC4+|x;mQ}8Bu{n>8cpK zJziu}Gmt5r-vEJ+^uTjO2W|{Mgf|BtCrkIQ6*@1$7+ih?!b5v7Ytvo4-FyQA?1n%} zvd|a*BNE`4d~KJe$_h;Z?W{x*=%V^AbAaP6T|007(GC}6&4K@<2Jz|JREblhq8 zLkeAX=9BVeN650uII3?EkXy@NQ1 zuOT{$pRsbvW%6tNX`Jz08r{i1`T7ExRG*%^Tb~tOBZ^ z9Apx<6rXEd5oIokf(-3)Sl^ot15V_C+o_TKhw%PAKE?-+_1N<&?`$H=wAmT$W1>BH z4B`R~iyLGunCmc28u%&(M%NUf;ztcScmGMOyby#Pukv7m_dh(ZXAMd|@oXyuV7X5q zF8A)n&AQ)NNN%y%FH4687d>&VoKuQU^c88%n@-2w`+-x&8A^nmJX}sn`p%;|ufx_E(Y04EeSx!^>)^vAL%wk32b}t) znQXXO4xWF8)7cx3i3cd#;PNstqG`3bJHG;?W~!ms$A%}ZdH_3P$}x5MYTkUw5p~;5 zc}(p`7->A6zUjP!QF(>r=o-SOoJ_;d25V49m;rT7vY`&wh6x$nQr5Lwh3^kF!Yel<$ex<;@1SZc)r8@jxZO13B>=#?z?Gq`8XHz3# zpR;>WGn3T1M8a+jrn^#&dHm?lWd06y(aU3X&^=TG`wB0Tr}OQ|xOg=hZ#*2>r9`r` zx|qplPk@NLTozk#1%hs$XNF3p;*f!Jh-cj{6ng4>xZiNG`hiqTX&ymM*L35Q;9x#2 zLmt|_v}v^>L)9x6!CZSB4=L87Yp2EHMNcJ410+%YV+G8%Z6r#MhCq+Q3Bgg{}F$R}Ho^ z(fMR-SmK4B=4-RRCO^?qU0^wc%%y)FQb=-IC?hkUu>4|6y0Je8e09b-|FBCVnr-PY zYv=>Ec|#d-nk(mdsVB z)nDV#syqXlTU6=A%}3yG(-$@`G6F{a?qEJLM_JX*Q79iZo~&-jg6IEf@%E4qekQn7}BI4hdob4J|kM`$l zaoO`odiQ8DeBF2jG*0Mn%VApFzcC8OhlQhk#~l>(c94~RnXX>>i&g4>W+z^H!D3@M z9GNzo6-6uqnaMkmm8%HPhdph_TxdLQ6kzc9~ISO~wh*YdkL>8R_M z0wb>MCUz#H=+SfcMO_mL@X7L9=y9nP-|xA~ERNTM(Q-q)JpMkedVd(b>y5>GUr4aM zIGl#=IUxQ#{vf;%*jzsv2Gfnw$zbOBPvm!g0$mc427xj~FxKl2^tB6f>VHYt@;D4~ zr!Qck1~uT-e2_`qYZ3_{CZ2Uc9mAvV;@3nkH268z=^8G=E44u#1cO;_iK`lu1Hs@PE z=<}Vua`c$V36P6FP1-h2DAw#Bi5X-&_%on@Gh`;Obb}kXU zacAT}$|Ghx<)wIx^bmosc$wXJa}qbST@yM#pV&{Oukfq?7BTV3h8Nm$;_5?7@tV6a zKYLai-rQBet83T5M8!xL-j#>tas%0eI~u$?Qi4y>i-uV-dh}SkJI~vuL#3UfaoESH za7d4y+Y{!KTyND{*72oH;^aAQ&^VV zQX#8Vjze{g=|-J;)^W&~Kifw5GNqX~c#;~wm!yrKyoDZ&-hS{29!ERA{72Ti*?|4d zTcWS=lW}9!aCl~!ieS(vHe4AFC0E>$ZINc7#rDg;%@S z6Tc5GSPCH+akmfuItsa%Eq*xjR}DOkO(%yBLu%B+v zTR$4mH?rDzZBsaF-*MX6F3u3f2Wz0kkZc$xyu%U)*9-lO0yL;N!FGOA#&-`Ki1&nb zRCe`z5|}cC_RRLiIoESBaE1x4G?%8fWm>RKQ-OthW}xr6crqid1csi-hP|@Lgr0&rl*cveG-rQr)^*?JH&1r-UaoCkHgdUX=LOrHJ&D?$Y!b~;eZ<|^g`co zO3g2$jL$*5DC}5&l@2De<9p$<%^kQAn1FjWIpVR+YRt6x1BgK%rq6kbi}b&}8vNe^=ra{e3;+H@_kX`2G@+3EaSW!{&z>T$-!VAu z=74@D5U)Kx3EQW12>zxGF!JjY_Ve;!y7kNxHbB0Kv}&Z`s?Z+x-Z7dSba?}!LPffv zPXni)Pa$W7?pV^z;jns?9aiyYcykp)Np~A)FOh;n()&?YIssJ|YJ**OCaE#3fbtcC zFyPE^u6yP%s1&COyPXfPjK$zK$Ah(YPb(nG(2(3TZDPx=cH#H>SlH%n$7GjVkb$PZ zaQbXr+BV@M)CLX0{Su!bzRsQO6Lu`lucnZ>Gb_b^F3a#Ke+sa9UpPs>9Z6JP8<1U> z93b2_6Y3^x74Ca$vH6u8ox0P8>YP}~_bb}K!bu;Ptd#)_7y4mt>vKV6j-P0<+csFL z*8``rmC#_}9By7Z65Vs1I9Wt_#jr_WZ#f9+p2*SZ=1QO}`2I?3?_lEIaO^ET3Ol2R z@d57*$xy-d9DDJg(33s{o!<)~QRfJ%C|`jv#gQV}#aVdHND|_8+?n@3ZRmNE0;b3Q zKvjSg|I~g%)Dh*%C$ClI*PGYjXJ0UbjbtV4=GE^n118tj)|NbRWiwA`yvtAnL#=YX)tBct`R|6VlRf!(2bfMsICXV|U zNF|LJ$hx%>D+fdB`0Xxvc2}MUYp5aFc}G0r(l?0l^+dfLVKCnM6yE;(Pdw!3a2&f+ z6~>ILLdEfOV6t{8Yw-IhumMJh?r9nD1wYiO<&+pm4NL@ug{MS4`I0z(x(YO%*Q5r4 z>ilL-9iA3)(kJ)MralVWaFn$w&&+RQLzCjbTG%bihh7$CYrMsi9hD+ouEG;*^5N>x zxiF|l6Wf}ulcy@>FuHOerANll#?i`a$tm@V*2(-t|<{SIS!SV9=7OZx;d0-vK;Du%BSoT3uELEwSPbFGUW zxWFrjKU*#^Geh*C_wacB=T$z}nRw2*Cbn3ZW%glQcD;DS`5fo@#bt1!Gn|%v*5pAS zr_1+}X##IkF&0jSDA9da z4xx_UHMk^R2kIgEbkFudWb&`g#HA&hwUs|*lV0i5NMR2jwsRWx9krk?Di!#brNU{q z4rpanf+WQ|q8fpsTI(pbeS2y-;s5*Li7m$ThzT$t|6WF=(*W^d7EQYi% zL6s7O`7ci5_r{fQX1gSi+aK8#9tqYn&8TW+297fDB(WB!na#XysI^~CQ9t067t3J&OB!Y%&HB41 z?Hy&uAD)wA@u7uS+H?jCM**BxSLUz$7f|0HndENYc`BnW@N3_X!pna$VD{^Mpg!~y z@TOO&spjRYb?4sl78RjixHNVw68n?4p{uc^R@5AQm%}xUhjn) zTvX`LpOa|oh&i;@cR1wFSWIGfg)`r_I2?JvNF36C9V&`A1j-(S|Cakfj=wW|;!(qX z=t}UHoyt7Fl)JB5 z9SjsQTZwz*8M_;d%kw7V9VL4<`Dzd!6%fzORrfLb8=B}d*_p3Aw-Sb@>T|C}nY8Df z5x4g1g=s;4q#-g7#uOcb^2H6p?(_({TMa^~+43-Bvkdq?$YaN3HOTWxF1XuF(dobo zeKt*93?(-Nhji;DEMDWnmlo+jjz$#z&A-k|=7}wBSikd6#3g2sgYX&XLN7n_?;In-V&e4y=n<|Ci zwlsiDd377(w^Di~rjXyhQjWJubx5Y;wQ=i*|N@Hvfsk!k3eUQz3~_&KpscgLg?1F8Cn zSnPF~&BcSHdBO51`s$nuqzd=0T=NIy)4IFZuw@8beQ_AG4%uPCTzje((@j?8I`Xw4 zPf#LBV6U9`MRvM|@mbR4% zu;%;nB-y5S3*e-y6?FC#;lQz*aDlE3?^%2VZfL}Vo9`o3T@j7RCya-So#LQ?#g0?rvC{Rs`Go1y($p z$5zic04G*IMZa86@J#I>H#b(GYl-mQ{Wh8M$|LaKm>9g$UjvKwPJW4iEYl_`BOT8gSI^JIR)j9|vbYMps?NogRQ0cktH3NbZ{B`3$tf`?mYw@pFD79mefbaf<=rUMc3F0 z^V66NsIk2$&RX*vuV2_eJkKi-?|0^O;^zbS?{gx5IQ%Z`R#N11at@&=D~9L|@Z{wy z?_zuWU)X8?0&F&_^MC_3>}YQ`C~dY!oyX}Y8JNb_zC8hB_8{(^>CGqJ|A%p_ezJ%Z zeaw7BXq_ex75ZLfPN#9rYb~LhDaO7{ zls^@1!gZe3^!^@gx^xUjX4-;ha{TaHybXUo(4RZEeTFFu$66})b!w>zcT^X%+thy1=aXtej9%FG3D2FkCO$un;?8wHTm}55nld#hGoH)Wc7ss z^m@k!c=cr!KP%V8CVrNnPO*3yXV@+! zM%~pWsGdHa{3?h6-|-q$HCc<^coxp(O+!${+KCsfeko4Bd>A$?um{N_EeQ_-T4i!ufM^{q<_LLb0J4`Ru4^`}|Sl{g+zI_`C;G+jrsWjz-A%umWnG7Kog{ zl23V9FS>KojJ>mc#Lgx!!ug+1gUO@>7)id9kXzsJTzRRe=DQ&rD$gYo*bUUoEW zUHhBm{E(zy&YKaHk2)~lU?7z$bLOENblD_&Rebk_G&j6Aie7m(o{#iU;EP@7Qb|`$ zmQff(2Dv2izh-^#pd%f!y{`d@7>&v)^0@!VAeb?32<^jxklWG=M_UJDr}I_3eK?Dm zmpx-o??=G*`;NT$`fxt+S2ygC74}03+T1YCgpL+x(zQ43@W%*gIOu6iAG$vWS9u+p zQM8`hA1=WUO2g>dK{<5WerdcHE_i72B_O#w1I{gah#$=~xI)rpwEX)8HVJ&u2|Mnw z%A-p3@BJ{;ekQ}6bN2DkLbq|eT?8F6;wmwIm4~aI8__l;Coq>C!mTt%A-AX%_&Uq* z?tLvDpS_HqEH}c21rzAV-oeyLZ2&(qYafsPXi2YljKTHF-`PQs1*v{R?tb5&t#59I z$m0q)C2S#oKTn%V|CJ)2xU6T!MxKE~B+O~5EXgRWmI zO*3B~#`5=e{Oti5uIKKJZh68v*z=E^>lMMVok#g)W5Kf&AWf?c$3tMa6u1c4=O=57 zsK+~@vz_x7Q|3E~W35-AY(_EIwQpw${X*tmFOc60?}DHAO!%QKdBnNy5^NqD&o%cb z)1gnj*{9lh7<%{wEZg>p4NtsI?DLbryS@}gJ!-+7?fpEzN=MbKl1;Kmlx<!$vD}81 z3#!oLaW@W~(}5PJk6^@dXFevhLpZyh;(+b4)FE1dcBRb0As@Em!1`D^?5jD~Ixv$? z{xgx>>2HLNWUYZ-2mI$WzQ^Mbp}{T2MhO$a7`P-53UjFaqPqn7>$ zp8gZjxJna_jXZ^$!{)<>z{?Ps;J`l&$!FSgxABcL4RGIFfo2reVK!EcdGwxbiO~#G~2>UO(!_V~-1bUu$iA*f$@` z@(#iK%0dX#oX+eYHGt?fCDBJ8LUGG!IMF)|mNgtl1tmiFq@QKtmOPj=<`f@b>`T>i zHsj*~qv4L#0N%1h9glmu@nie{gA8(2WOr2-@8B4GW9&ztRU2?-oC;Hmn*{&*a>z)% zi8u5Q;*C|Sz&%_arl|PB)TCH^86lj9L2EI2Ss0aC{smh98PabBWh`H7D*ZUvh`Q5DX+pC+ zwJt2BZ@PzI>s1H(&exO<`6NZVBZo1WiyHX#!4nL+tp_IMLxlOxOz7?CL_@=J*7|QC zDXEj-LB|4VMgDf!7d4({j}8T+)yyUqPnfvzz zTBK-`wbzlg3fZ(XJ1wZjhT*hK_c;X59K(~7r$Sm~G?+(?W!dG0koo8UmNcCP)mzn& zxj~WpU0%m$C~K1oW?QLWxD^JidcsELe<#|TPY{n*#*8`zAMN%P)Lh7TIOtEM$3wSq zN76{{yy}MV&&y!b^2@k&_;FYnBlz8axZ#pV2f@&GJ28-t0;cgFUU7+o;$&G`S$GkP z!ZY|crJLYAU7a>%8}RJ<5spEgM`PNCO>&pPg1YjouNIUq^r0mYhSYH2 zDsK787kf|dg8`M9aBJv&F!l<=_w%ZSjI|6{pETh5@+BlREtpnF9U|Y%OHg&_cvRFr z3Qs;-!W5Auj6G@%1$C2obZnD2-DWlKU0e?GmU7}jORj_K4GsFvNRQ?nd?hMtkcU|x z8X@NU0jMoV0dg^ostY~#FsmR;Uy}+|QfJ`4`2`V6n$0a!2%^giFcbEs3SkjUIbb{; zJ7Fhr+E4%sLl1(+hJ#Qe(TKk~$+O-HC zYUuF)dhdbM1Sj5I6wC!iFfsSq3C&6G*;fZeDjJzi!%l_c>De`+8G3R2cgT6X8`;2g zbcfQu7gu3XyBbspeS>$)hu}o>Xgt301B^T$h5v4ep`!Z%SZgoAvD?pL`5YCI!I53~ z=g%4g#ZokBwj5oNJ5`jl=P$+_0ls>2drkJu$2hmMl9ei}@hEZ${M3ptai=E-Ik?8pJc-O0f}PM!CDx;SBVbwcn=ZRuYu9oY@%R!5sX(vu?5b@N!;sf zu1)6PyPfygpUs_k!T+_uQ*A^)As@TVa|U*wN3gxM1uE_jrl+0<(Nu?cI5JSgN1qdB zlAB7QRPia?N?Hp+r~g7{>J0iq){cMjXeSO$72=cT4RrDFM=0u=hKgBvbobp|?Dzv~ z%Z#{aTYVSjD_*q#Z&r)QUv z?Lr=GDSgUbDJ-J)MJ7<&D^2HWY0-i1U(u*yFyNLjzBNjpcW9@IqX+BqoI_#w)odz# zAowXa%jnQ)mLb^01h3R`v3S!bcd@Nw5BhDiq#i2e{2Td@t zuV#v?>zQ+@6w5RoiT;Mkxc{yrB;4TmN#6v#wGAQkSv(BbF$--xkAln4CAdV{kv-UZ zpw^4Y!IJt1XeBtemOnSb4=LfSP%R55EVCKyI>Q!*<8_fM@#DmRwS=>@EX*#!g>P zF17T#c>X+jT%(&#W|XX@O1lTrpCwgL9%RV}lsfYjj%S#$+durF{fB7$+X1T!%Y`mP z1@`w;l2iAVaQ$y)xai|F{!rkf+3hDh`Pns)PLiZ9=|xz!qzqf`mk}@TBDTq@imWY@ z<)Y`?!DiwB-uuvkKi)JN*^!gBG%REpxgqRfVsAV{^#vnnSz;&_Hk^e)rPa7&b1b`eJP%&l zg~2?x29Z=jGO7$5f#>Ryu=HRJyn16I-n6L#CS}}UIoglmxO+VC^fbDyuo)wj`dGpF zc-}TK8jH)uLC7&DemE`)_dE@RvRj zI_sx7n)JByrFUYWBbHuE{JnUI`Yh$|o;&OYpcey5gyl8%XZt99a2t zGw3}zC0Y~rTU6Pa40mH@py|3dFtc!v$k05BIbW`XV2%6uOXn}TR5ankUsupE$&R`; z>5-bBn&PZ*ifZFek{cdp@pjZr2-}6^%U5}*7BaLA$0y;W-dkwit3kI5T!);!qv7!8 ztsn>};KC_Qp17H?sa-O(F;2)*Jk_8-zyHG|A6f9J`bb)=D&hK}iKv~u znkjSzty6Kg`(P^a6#hnrw{Yn^fhGDW5>(G?@Z1s|(f#JtEK$OgEzLX%FE^aQTBSIC z^|%+#3|zv7|0LY&-9V9Eg(6HesTTW9y}}%1ezGk;g^rNw4^-;zXTyENp}xS6N$L%N z>I!qF^y3<9Z9jwyE=oY#%#^xRLzj zGnwhI!+t(4%!tJnE@T*@EzsOc0WO9lqWsQo{AXqileg-S%?!k z6+`?C3E{5o4F8=QOXXC;h<8R7^Ql@W=JuCL+A&>=7= zT#^rH-$8cCPe4B{F=*#|!R5hsA%EK;XefG2#(%tqiWR3})svAp$I=yN&ANrE$qhI^ zB?F&a^ulTBE1@XyHh%fgDeiLL#dX_7U{|1t|6aX=#bd6ay4h)v-**YL)=R-|fraMh zbdW`_%^@wG*%%xYh<5SvxZ2_^D{Xv9TDFGa#4TU&+xo}km#HzYJ3kGaW;fuA?f$ra z)iB&&`-4cGKZ~1=>htS(nXR;(1&!AR@aI!*g8Q5?JV4G~?Z=$Rfb zY!qhrj+aG?$6m)2yn4KF{C$1ooa-XH!6EwgfQmcZ;hX)c1cTk)`zNAMX71m?%01_;i5 zhFZ~xW*h&A-e0Q`O_K;m{}gT1brAf9yCR^Z){UAU%|~O?@!-C!3by5($J9s}IG)ij z>d^1PPL|H^`4_V8Use#<_!HNDUj{eNZ07cBf?)kKGt%DpxjJw1c{V3>p!f%G5*X>S zxb?6+$yASF)>~>YL~uWxAGejy8553QEhTZ<<5yTbuY%l|byhTJs|s19YKN)sHbKks zd^TRJC|)qwgLd0iu|Dez^6uyjOb+a2C#Ptj)Qe2fFgG(apXLwB+YYhXy(t(gZh)~> zsmy0s9ZcG}1(Ld(+3usS@$=_(pf*bi@}sV?1g{+eyAMfv!glnZ`2arhXH55PkLa+I z6fc>#3g@g4T)btiLWimhnwDGyZ@)vBpC`EV+PC1Szk~Vm++x`Hd;$(AzJl*14|Moc zAfD+`V%Q#tV}=gJlFRM?A!BD{^XA?k^(=O@eQA>p&Vk%tI{Rxd=0a z&f1CVzo2;QD|Yj#fzZ9R;WOYSPC2H>Z59sY)&KUPP5(kzH#?T}t$2%-$By7>oh%r7 zQi)q$`@r_h6U^n?AE5N?3bbyN0drfy@gBJl=Ef`+mJkwD$61=|&Kk&l%7);}Ay>h2 z>k83&q1&~xDw2JDo+zGbV@b45TjJV>NvN@5BI{5LMbnxaMEdpvwrEQa$}QIAPu26q zKZQAaUc4>Yu~C7iuhmA=tPAKD@C6I3-=UbOp>vuo&Zdhcm+=0YeO3|)>{GG|Cafjj&5GL{?{ZHKHI zQEbk)DGjUhv^;Zso>7}2bJx7zizmN*%PDj`}#k2UEo!aGw$F{tNS<4i-fBj92Q7gx>C&M9l z!a9sU_o8-{uW%*?bmG0o`sm$Y%AM=NokPn;@Jo+c(eSP&hh zvrFM)`eM3kW;R+_dVYBWS{rz`@yzxZLmK*`>vl5amW0`Gs0eNS$+UxVpPNU$8R}t*KF^H<-F%~S`u?9T^&Kn@I{ zx`tl-`&(OlqN>NF7QZ7QF_Lsn^#E?SU@;iL@E-Qz)68^oWjKYZ%rq=5I11kCgW+Z5QKWxXqW?M*QC@>B)u=uS?pgJ)+xs5o z{hPqjLVjUgxIXTS^M^TG5=3Q=51{z*coOjZg}5p89~+RHf&KnMHf*mdPdQd1FpdA> z%Mo2*3|h`UC-;zpHASeU`4T^RDNu*sN7$1%V`xj)LW3XWP?@BQ)dE9ne?~kzCHxLV z=nxK{bC4)`A7_cZMr@O8wK$^TJURY%8g=+&M$ODZAl7#R@y#DiGb>qbxUV+VQ&B+A z2b&;O_9{j#cmwC3jwik)7s=UOLKdSt6k_J5pohgBeD>iQ`}JlIcKb!}Z=*&*s6`Ce zzA>h!?k6$5D1j-iUkM89#=!f$qaxSxJ233>C_c?MmAqOc1x0VF$?v;*be=Fv%Ji8A zdn?>vrP?3Z^Lzow{T)bev`xha>pNjW&v&+qc*D0@04Jxb@~?wBvE4BYitqV>%er5% zHrNJV$C>fDx^bvHa{z6*7|x5Hs-l*5GU()whmGU%Y2IZ|GDiFk%9`J^$<%<}jGZb9 z{9sK}v@I~nyW9EQi-A~VqDocv8)Jj&X1cp(Dz)*9q)U`4AY+a>z3H0+I#ZVt8AnOz zROw-&tY9`F`iWTb`dBo26-W|Ip5q5sNhr(6s=Ybx5S!Z?NBzz_i*F7Syy2bN7<%;? zTfI|@=j^)op#lKQ@8$uKB#+dMDW|mn(dW8=%R3AHMWwJor6qf{elfRIiC- zF>}qp=2L)ZsjW3@2%5#!Hpoz$&~#$gqC;oZeaC|HKS+AZ5_*2XI_fPB6UUsehYcTp z!TF1K@r>Rm?q9lqJlQZ)6zSqmwtYJRflk66Fzf=3(wFC##%2r7i(k+zMfs7xe`|<- zH)yIT(Wt}$#G@_;?=4akS)dh94JE|GNsTrYoPwi0b@(^yC-XUGN$Ue*(Y~LQJS+GgMd#s9_4mhdGD2tyg+wGXrNKS#Q%TX1D5aqiDea}wB$1I2 zX$XmI$|~-8ACXm7Mrf0!hIZ;({64?`;65Jr-p}Wp_xtsFKB3F!4D5f`1zThr;pg*a zCLLMJVlS47|C@3Fl*SIBL;jn{L#|DMe=^zP7SBUO*S;EMZnvR9)MHVN*?xRKLV{N- ze8BOw7GPS_0mZX*=?~d+}CZb}Z;rZ?cXr%sr-BnxwNJ>gEOso>E{ zg>}vWD9eOQik}oM(%!|zrYgLBQ#rib83JZjp_p}VE4w-UZt?cJGjPSN8#u1&J#JZO z#n;WdCAcW1g#E7q`2H?rJ10e=*V}#KGNA`~%FPlM%)E@rGQw`uL0R1CGz^E74`Bzt zoJJ*qPnYrXFa936m9=JQ2u{GMd{X=-I6b;{x`VD9*9=sI<;g{;lBCCmIrYHGRAD=K z_Bj|H8^o`&OYk|>A3bM0Bx_}MfZ9wwa%QqD?~iU}it@j4_xC*l>vBEED`_Nk&Iz*C ztf{#9cM62xZNe>oxVX-}1wR`fC!!Zx0Q;T_97uV(LHh^!z4Q^$+!;-6ryA4Tc^q$i zK99O5_X_LVc&PXPjzgyD(osjcVN}mJ?23LzWOki|@X+6)<63p3Mb8Y?1nzc$>RNIr z_B@tux-YPN>rsDTE{>hCgDrA)VH>LAnDlsAJl+$H13fwkrldmJ?h)|ctz~p!Q>&;x zcox4MEOe{=0%68#HR^OJ4|d~4YG|uZ*u!?AP45d+4hr1quRlQDx&X%&tzizzXXx36 z*;u)4KJ@IDWsg6Fz{6RK`I8~@1g2pHuC_XX(F;^~TbUi}O)=#oljWi5jXC{OR|sK^ z4P<}#=-(|# z@8+hXYU*eV{&j#EJry$Pt8R%LB3;1gwKMKF9YGhD{eZ=LBuQlMadvuR6Eg@1Vt1n= z#Ab)oz@k1yym$95{4>57#)S+0gH`9qfZ}FYEM)5p$Lk8NaBFTEcLtLSv=0M)->^vaq{3^w2i?+2i!rXEw5OeDthN?@wND)uP3k9Eigg3a{^ z(ZX#al2WD!-Bou{b6G0pYJFzvzr;}UYCEIK5C4Iz-Ae>~st4Y=25pS{1Vh41?WU*27Gf8d4*k z&cjxxVdAPcu-;%fKelTVSvPhIy+d=c$9gky8_k&a(RQ{!*_8ARR)u9YO)$=}oOr#j zK=s09P!zSCeEeubADPJUhdb}$Qk0>}n>|r7Yb_YPm`ay_zlP0Ip9>BL2{`MM4O0DM z=_(;FxVh~TNwS>Gmc1KHA#EX9`}F|^zbZoSMxnFZH=KU>V9YNpMld^72}QoX8{L;hHse&d z{e?T=Bjj)7S1%=VUd5tIlQTV?J%&$ta|&#hJ1}#h8+Rlwkjdt4qj&vsu%mrC-yt4@ z7i;F?z-TY=kPU+CGAIR_H>%LpONPQWmjh_BPD99bB@=)DG?3ZQRP3LSA@D~`xj~;f zwKr4X%Uec(#fEA8@N@_Z19SJsx9(ENXz`I~?X30^4lu_$yI0 zT>kV46^~57Ndb3+oJcSYd27v8L?y82W))sqw-?R%9r*dJ0F9Y1wEr@I>X=mg*E_QwAcoIJ9GCPtI$*M0l z!r68qZ|WHiX?5}#C~zh_evBsWm&TxvwIYP+>5%lJi};7S4A9#;mn|41fxj=up!#^h zHSBX4%YF>z%EewVvP()dXhaZ5&bSNB6;kxa;)xLbSC6JYAA_~BcR==;HhFq(7k#}? z$leG{k&aJkVvC8_v3jm2Y}~MnJ6%?xPxq^`591}ds%;H>ee^O6Uf3XhG0_MWBMRVf zX^F@iW}-9O!%7bO8muJIlfcH2Xxl21GpQDS7RGtpqwh|1S-RS2NOWjL4p%i z4?HNaYhq8P!nq%YbjWvOYF_LKnODPbR*5;>zHYz=ttOIgzJdZo{Bi^U2`NHE=ds9wIhxVc%E=+g!T?mk6Aw=;M><=p-BP5!_wR z{kw7Q#bGq%-Y_QpH4A*+s=}19g;;iaGBlny#PwN2VNCxV{IvBMy8NmHNB)JWDkX`e zkDAey4ab>>V+R-oZ$#XETC}U_l#q!!0bS1(L3ZtKs=s0(9pEc43$FZR!>gOv!bh6j7tdy z?25yWufo{hw-V5_V;@|-_ynd2+#&_dGsNn=3!KZ3!2MyCKA`Coq~txtmv@f32^!sj+ueSk*!pPgwqaUwQ~x1 ztS6goSU#FPUR?!l`sd(S=O@U#XMv)f194QT3uX^%Bs-nect(Q>9kPJqcBdwo&7Gm7 z;TRZ8NVCG#>acTAqWGe3Fzni{NaqPX-euor!;xDqWcF=a`b~Zc{?qRlZSG4W5u4w^<-u$C`oSoO`aB0v@FN%I%kzul`XFMtn%MJn5t=oIJaY_0jkg7H9$IBj_$YehnTGyCw&mkig6%agr*Bv<7?#`sQ`41Ds`elIBQO;9*S50`cSZhnu?@fS zRgK#hd}1#TZiTp`2`qVDI<|cB!H3jA?nxItN)dd17(*2+9I zo8J$w1KrVMUOwBD(Z{NzZ(vQrNPep7C)`PEW8gE4-`#Om%=TnK@ZB)jBV7$v0-xs3 zhH_Z!brK4n8DQgo8Q^bs2<*+@urnT$xK8Co@jx9PaC$yptYa68yR+1V?zkCUy=)l{ zJaP($3!TEvGUw3h&3u@@SBbXQoE3QtkbuLp+DPqyPdH*^4GDV?4kFKeXi!j7Oe!RC z=NcW5{ho-zU5G|>#bR$sh~T^x(WaJ(X9P)K&<3Jjd{&QN>)1v%+_2zHrtp{Y~{G=KR98>U6F8Qp78w?Raw`McxntJQ3o z#R>dAUI%Ade;VMwU!sdFM~9tInin{z3nHn_Fx z0vl$so_STL!WaK1@FYKr6m*Q_DdVi@pQceF@sr!)6yaRaQ2HFNuXsYJ{!3=$Z-M_@ zl)y`BD*5z54JJ&DfT@r7!=Up+z)qYEKE=sw^ne;-Ha#B4X(nU*_(M?jRGuHo*nz2O z7qCklX*D%X4d?XEWG1n9AZ5{8%v@qlOSY@Bhs95^#Z`_ce5^xFgRwLxN(}EDg#CHr zck#fOY}RXChRxF_U~G&E{;cbQ;W4kV%Df8_ZUlh0+Y)}TybCUw29v>82BLYf3OqPJ zosVwpf_lBx@ZX(Hxa?aYwA)Q&x0XC(J<{P&w$2tLzONUuX*KBGBgb6|6XDw)VNWB! z2AG> znQtaQv5*xPNxs1?KW0-~lX)~xVv%UEz#VQ<(xZ!hMR71s|CI;&2#jJz5HW7s|foqX&M z5cr4jE>!P8ERi0z2;Teqz+Ww)`@8c7bMIOQ{lZ@B+RGqZY2XU^|0aR{nO~&#a}aA? z6pSHl4G^p_k1X{W4R;(G+3Uj{sAXXcx3@ngLB~ya*Y*~ayy*phv@_sP)+noz?b6gc zU>BOr2*sww2k77NA%dUnF%}8Ar16;nM89PyT|G@f5J|+cC2q&rpvs?^u796|c@;xx zs1m-*uE0{^e9}5E2ZuRKhneP5XyG(nm=F6w>qjvjyq3>I@iqqsycxSiZ!V*8jc3jQ=zveYpgcwndXhatf`+tB4XZ1ix;~K)9aZA)Yg91p9BE z9u0EIV5N5RuyMK$e6keb?AwxDVW$#fX>A`cb>9S8ZPs&v#uOKj|aCBD@0 zknMS`&*M(c1a;Yq;5vFVedFf?l@C<#W!_ji?%@cY9(WgL7pvkb#cGi7i@@MzPw|=H zWm=DGzdN}{G-hKqhH z=$Y~urZDpe96@b-xk#ORUit=;929WXwQgcGCrB zroHu_`0f}T*yt_X?IU&YY4US+eX=|J_E+J7nzCHIc&tca?f|}~<~BPqKLCC{oWxFl z$-|0EhH!J7g=p}z6!8AK8FO#e5%=A4G|%on_U{z4hX=#h>I){YZ^|JIc{dTIENdat zK@So;URy0K6|MCP!R{&jv$~tPmyb`nD71_NV7|bun-dv; zv4Ri%_`&DoOv_nP^i7iY1s1Zb`?hpltcV1QO=#V;f&AFQ_e5FdGAzh56O6o~VuvQ17NS@@6z&g=5&3v@<$H`%Rj}02lAszZ-&#f7%fxJVb$Di0f<}X% zu`@3p;PZ(t*emp%$9#=q8tIQ&xY{d}y{<`VcNm(C&cZyQ9~M8U0h6be!>=#uR8{D# zd$vmzCs&Uo>Er{(e4J6dB({y+E&od1%M~!WBUHHO&)~hojW9`0k^kSZd}{tR{7=)6 z>t_2QoW5N$*Mo!NsLpORQe+iz6b5>Cq6ud%pcr7U<-4y?;sj|(LH_(`>CJW^7I zKOc3RDCaDL?}?!>_HQTFU9o|9V<|pm|5a>z3-qi^E$L8OCa#E55q#mo?x6bW_ zKrf+l#;0-5?-Tghj|Lbp%beQf-N79*f5O?qK9+IXoV#W=px2C>;_(JsEz8Dj7rb8{ zf-7Eu+U(ds%3m2{>kliUf4}IKivbl15aS7!1`9`)8Rozwosli3pO9^hY_8^-e1a`^+p_n z2PKs5+}wm~v=+1Wb%`**Yd1XAZN%DgZ@hnCg?L(dC`^7-MAX$Z1?T-abX`#)UN*;@ z49#2uLso2H14$e9h0Wp*1b19T(1T*L({R}0=sn1mkl~(n^YL^%$NHQTNCg+%{rvkRX7vRAEZKu$sNixPU`7K^UT249 z+!qa>Qi^kw2ZGd;?qaJKO(dnOk(s^yfTJ@8^TXp*Y4q$ch|5r<5k4Zc(iP6YVQH9d zGZ@c5cqEP+D2;6{4Wv-R6fPZ9scw>ImFABpFW z30%6;E|?1$mfx(V(J{`F{E*>J+#5nMVP73Aes&AS%FRW++(1&|mJ6TvetG!+%H%=8ol?z#ylub+YH!*y6RsK82g_Bl}M3rGEN zhhXGGW60?q%RQ?DAmn>8%Mg5?zX7)Yt;DH6yzq)?wBV$w zBjbMjB(_IXsAFFm8@lNn+6IQg1FUN!7<{VjnphAod4;dJdL=qWvo%>s|W{pmD%d(?Tzo_LsAOxeJEMut!+)tR{Jdja!}GZI_H zl)$g2kD>U>4_tXcg&I_MvRkSt)cAu6L?+EZ$p9f^E}1Vr=Q$Gpitduxp9k=&1E=Zj z=eNiOzZkZ2t%C4b1)tw;S-kHqi+P7nqsMs#>b`yyF8o}AiRA_O`GW)Bo0u=JypHzF8bZg*c=AR%g4f(Rjxrr9>CAK+{!=j%H%w^3xVT5~a;h9` zSs^&ZHjB6uxM7y%0A3ND4-Xq7Kq))VYRuvgc;k4D8LG6vRdo&e#JU*QBudhybR++o zBCy9LuHn=ESM1G+KB4?H05<#)`h-oL_`*ODFBcv|Y4t9_C9g{-HI3$5uFc@~U4LNd zv`ZNACzSt{y1^0$Q-M>FgW{QKINE3)*GuUG>lbF=a%USK@_7!Q!8^$VVOK5{whmLQ zW60#Y#SpRA9eU3t)6b>z$?^%;=q{Z@IN^-}?-+T2t-PHhILxBxr7^+Fnu96 z6h(sr|KiHz5Vj|LWAV_lida@&Np@A#vAG}@D1|LrF#cvK6OF?ASbrAupqP&%>~9xwNV$Sa9pRccFhL$zth1vlLM`3ZYa zvIU>yI`ZQhfs9;lWfk_P`2s$JemZvzmz89p$wh5GGF6I(>aM}%t>-X6KNxSA-2;n_ zzi9Ix6};3C2M+$vNz2v**!A!nQ}7U+z$>OOhaU^s#f&j9iZ_C^>O5ZSa$zOmJNVnD@h`hMoAZ;~-*=z;ssmkDM8G z5l*VNvGyy x=klA~Gmf~VA&PgeaQS|9WoZwE_3i=`2bnw1a3{0>m3^esGWPYaBQ z)8t%91+KYC5QEEtdvo(4YP;8tTdNw=rtTXM?s^%w)PBMT?#(2kQwK~Ifvl=`mSp)}vd?6kJH|%$Z5E@aC;fEYYbGF2gMW?)ATHhN`tU8Q# z#`y7S%hy;l=?{K+(m+_b9@pD*3O@Z^ggM2OR_{EBERZE~_XQz=ih3{;G(;Bw7w27O#$fEl7Z1Txgjrx0}vB2Bc$ODU2 ze3PZ%QJDE0e+#{lCksT_x_B?_%@Hzf8K=SKNHl-E#uQJdZ|0G~?YMD79`@*c0JSbd z7+LU}7{04VKa*V$97ixNxdD>sQn;{09&MB-(BSU@{P>Mt96s5L&rMe@))cZS)KE&` zRdwU-Z9%lE*_j6o>%n!+qbLu&hVv4vA+Y;2eE)PBmv|DoBX9DX^lXIhcGc-kJUnU)!z0w!cfzzUny5&76fxBc^iSt3LGJ&2{`<&1pML#H4$5 zzfTxMUxj3&r##<#%QB*l^5SKch+84zm7&K1OTT zV%y_!+`2-QzrJaUofn0399f3(`y}}a`EXj{noC?O;)#UNrwo#?M1#-@B8s))r7OP+ z9+Xjh{r=lHnIZZF-h=cr!}2h=#1s1Z*j7P8+%+P&1d~J=FStJ!ST{S zA=`S54Du@Hh6PI0TJb2XEy?7;FU|ubSAxPVU&wtKh{1zxVO7sx{J7kb&Q1! zrrAIesK0|`3f-@NOGRAicsA=u(SrUf67Ztdl~;c@z}a#q`#S47=;f3^)XZ>hzb_MJE*s9j z2n@6*zQfSRa}|79HkSXAJZ`zw%ol?9ZiAJZ{K0GX1QH!9;`=1efy}YRJTB)p+Wgo9 z)Xj@!d_G2LtdEfA( zV~29HHd$W0P@ixA?jId2H?g7{I*{j?hSqe|Gi%d zn&+Kh_UjjH$K0V*c}*!q&CMi*A3I^n{9O38WjWJX(1JBh!{Kn+9<+%GM(gVWSHI;m zx!E`nD&~G;n_HVnz!z)&##`_AkX)C@L>@ijc!}pM?O`2>nmCg$nHUVK?Dk+>f(?93 zDJPm9EqJ9_f$mUhgp;?AK*8tBaPxXRK+Jx)koE$)Ll2^pvJG2ge+{#YQ}D#SDYWhD zN-Rv&;u?DXv@6LGri{@7ouLbO`Q0j#t}zTA-nIqXq=OJqGzK;bBKE4SH^BR>Bt4WF z3x#=O_zZ0+KJVHB)PF0u2H)%gNi$iltvZ+Ab1fD4^P2qe#GfGPI+2d0n$R7xT8trS zELO-WugE_R75gQrW=J6PeVT?=eHz5qP4MW-IndJ5Dq=fbksoSNr}7Qw=$K>Y;DqxI z(XB^1bXDD0oGZ79_UMJ-r20g*CU^=p{W+VSoTfr2jAn4hoH`-sgYN&uHn|5!(hsX6ud6v z%civFFgPmsAnk%^wv94hZgvJ!x`*(akN%LnG!1AuyaLy^heK}JOuq1I1Vq~xK(FqU z;{6tv*`)X)u$^`X_iSnw^**-Zhg`ogR%(c?qjE(_zEZe-mOp%JJIjX*{73peq(Fhe zP9~942;&DT@DnLhLA0^~?WNq|%>%)=IKhTJI;{(R=ikD|zGGx$Zvl+oaF-b_K7qye z7vtVJrnn!$*jjP{V$vRW;$G|wN7!y;jq;4|$iiGL-qtN$G1 z_xmP*{nhzc@U#@G5)~CfjMzvM@8)+8$171lIAVvA)#aMR=bn*llP`b`V6g4Y@nB6Sms;z3UdC5%P zt*wleV%Wk8>i7J6f z5LkT1ej`pCUk}4C--E%HhIHo@FH9RH!?!sM@g&1^?My0JEh| z+}Uyxl}bmM+po_v*t$pt$mmuVn)rARmZ;^y z&W>s{wl09uU`FmX7*pFDHE=`hP0w%s%08JE!O&Yhuu%L7Zn=B|iCt}?xmVucKncOq zk~tjSG`WGks}xU3DiiJlFN-}4T5!LR%iOIv4lcf*O#OWZf`3Rpa}YSaoyJX|zQ}-o zvlbYdwWDaGo-+RrgE6I7g(-dChQ2$$!N}QDdG-)r`fGwRmHf3I{;LS!g+2mvrP>#E zDi5N&KRROm%3^$@Hyd}yyV4M=d-(M95>Ds*29wNr^olT_t9}*<$qy~KPpUo+U%mq@ zF7M@MOjCtf>>;>y=>g1`XUGSPRl}m|mGH~lnBJvLXzcxmL}@&M{*&p%?r$nan~!Dr z5hnDDOqjre%q8h6Z^)xy8ED>eoSVc%f^ln`yE-D*Geu|z#xcxVn+OP+4-<~%lS#t-S*{#T_*u%;r*Bv^AJFAVyPw*&r z#JsOO6j%Aeq-(SCt_;m3xyM}dUVd|v)&K6l^Y$Ihwbf~n#s)Z2EK?J!oP z#ugVXFO)@*RIg>crDz==^FZi{?$`*Q58KmygZ1&p(TA37;A%X0D+_16O9DKif{!%| z;cKM8O!jq#-2HMWd1o5`kiG&A>>bSwZ|=j?NiA^TN;qE|{Rvi%(8AR2E_{4iQv6`~ zWwbO`5%QT)5NTn_MaN&joR0 z@*OAoC`p@^J&ng1i)=CYeI%VPHw9jf2?Eo8_@Wtw|58s=Hw0>xWLsMjcOl#tmDv9puXqaSaswv96b`SXZJMd4Qds4 zm7j&TPQ&SearYp`{2psIUWNAFdV*D262_YW?po_d_qVRatKF3%i96e@taP4=6t<6| zJ%=WsEe}AqcPXfG%#+SEuw(!1J8}6{d)!frZhrm`8txZBl$g*3 zS3`04lL_?GTM?N3%*OtM2DsQ{IC_3A#b+mlUE88)j9=u9i$eF&7yH$Pd~7<%L@niI zLXd26?>cU&#+hNx4>y=75q)w^x{Q7T<}ZqAn6!`L)SGNc~FG6Pa4w~?px{V zt27nKf( z$;8gkr5?0(WuF4*Y`{uUK`DJNk1oFR5Zaz z?lEvvIchaohEAcOVjF?`J!qN+D?7vyzWQZrM=oK5_#zkGqVer?o*PF&g4q z9-^LdDeM{1j;SxR;n8{>9_G}CR!c9FZ%5Q9teC+o5`_8xLcppGM2|$B`27toS3i$FvPmd$zM4FkSp*(y2k}iBc_{l}HqTQT zNv#W$$V@$Nypm}Po<8GX-i;2-{b9%(wtZuhHqC_OI6nxPvj)aD&87SF98f8y9wYDC z)0CS9q$f!Qf^zGa*ZXo*SRIbnw(0Y`ZZaT!N|t1!1AgsJgf(wXXrM|X8f9p}*DKmo z6#f)0yd6-AubUbsK=#M*b0Be?&qxLf<^B{i}Hg<%Kz{yjl4~ujK zN38;!Kqt;*u=QZAxMX{vzy#H?FzSl2Rg2F>D43fA+@cj_4vpc;6MtaJ^A0FU@Dpcwl@kvp&nk=eiKl*8guMx; z=;HxvNo(;>maZ!y-tw=KEZu!UbYY(|t}iIYkw*7Xy)6lL=L{kpiE-ka6;oKzCp$Rr zdI5%yG{HN8fAILx*<8<{fq2{*MUOwf0DrPlip6LDzy+Z;J>gISyjgGw=Q(VL(ONIb zPi1%5c6Nfmm~`XIr)I)m({%i}zUEdB*A7P#VPUt7A}=`)P} zF(0ku4?uB5irDvp6RfNDqY~nEpcmH*zu%THnZLSxWkwU@J8r-+-Q#S4-ecUUHB%`Z}UDZe{KvJ z0_VvuKa|D@_mziluVb8~26|L1gbR;5(Kyq_>Sxkbys+Uc`&4vKc>jBHiJe-I{@z)f zv&I}Ywd?YxntTBeE`$2tw0Nvl7XDa&SFE(_IY>N{W?2@#n0a9D2JU}18`@5q~)CMd3budAx+Bn1gm2u0$=DQJE}bZ?+kXw@r^EAucQua z&uil6Y7yIPepa+)_D~vo{S3m!c1(X`NQ&>pqvYB=(jh*BTh27YjGi*gqHoz)x0CQ( zelV-99s~V38_?TWf=C>br!POg6#u8L!4Jqt!|Y#X*jc1VN>|2V)r3kiTR|k`9ovu= z3Xa=X`grV#A}ywm#MQny;?yuO__zUUB?j?^+d+6ja~{5v zj1!;9n@2Tn+r!zfy`pD}Ka1vP-+;ihEm%J$64V=nXTI`h%Ja`-6~XbvQnpFw5vlQ1;_hC{aqW?@?9XLYcvdOw z#IX!|wtCZ&sT$OGnLWLha}CD*j%H1d>PVjOj9F4U3Z6@>!M(2w#XfF>X`G7@{8_dV zU%fI%wXNaofXE6@-*u-U4{SPRH7~q%dvfhFXs1t23M4zDv}Chj`DsO zq4gB&mi}c1FQ%}=Rkh^Bj9OfC*an-oONb?IW?{?KK{PG)BvftI0>@Q7_<4H_C_QL} z2ik|oj%zPa>TxCf41Pk=D;mMZJ(M_P45kw-WvF#(3>v8np;6P^`HI9+(R@u+xMwt% z-75};#-UpD`Pv-(*HZuk0=JQi7e3--rv>2N#G?`+drU8*n49Q}z5w%!h;e}cxL z|ABX~GGGKvTzC)fel>wF783MdUJgs1HJ9xk8U%Kgz9>35ld4`DgXPYPs6^><2+qwV zU1v1tsQOogsQePCd0&G?LXJWAt0K+)+X>V6zZG^%LT}JtNK;P8!lOajyk{4MQ!ayP z?B;c>^TbP>>GB!IE4_lp8v{w?L&3+qe=t3`Y68fw%!OuIO{%qg2dbq1g_^Ek*tEV4 zj6}KYndlOEyXZZcwKI`KWtFoXLLP6P_!mkK*AQ};`$5OKf;Ei!4WfUgFsiN@-c1xk zX4EZI&OHX9@B6XUOqEV7O=L5dj6!+07otY(fiy)nn#^7KhvXl-O3b82qkc*(zizF{ zjS|n2xj%$l*Ft%Ie2d_dQ!Rs6>5tg{f<<8AP=e~N0-t26;`o)KgR(#y`G zH+v@JiE_aH%Vb>p->O5NsXWl#wx=V{-_?KdEKD(X{ zR#XNB)Aynei$b7L$dc?I?13pS8`(?sMKtACBjhjBWK~kmXg^&Fd!CP?w`x0J(ED?s z`=SKrgiqqPKKR4e4`*=q(t*5xT?a|sl0h0~T!tdgMw}j^O{@P&LAF~CPFXC>Und9S z*rm&v+tR5dNzR)46b_=KFMxD=KPSp@%UNf?z~@%Tg?)ziNS)LOe&E4s@T;(76TDhL zUh;>P`6gowS{;XL--sb@;$nJo*?79h;TEL$USj*+Mqr-RLX7&^1abKy;4M}l3Oj|z zo;i}cQ?o?DM=xOT(;MJ(A_q1%-V^7A%*BOz-6Yt#m`sS1A;qD`Fo2vvnT1hAW4j(L z)L8+UBafk~>ODN(oC|}GFgPLE0x~)~#FwYK!s@djEbQ51{Pj$p(rRr`=*Y*nYc#M$ zq75e=cr8AkxdL*hPlB*}jdV*QdGE#1^p7deYUS~f>kg1J-wTZ z*c*;(O|*FG>rQagpG^O0j-(Fn_6Wa+TaeVKK^6SUST&16hmC`|w5t`h$R+f@yNNI{ za}=-A5{sI{+{v7tMJPJ72HZz1#T~2ia?J5naA3Vd+yFxGx_<)`ctZ(mJ9k4E1Fj*M_uwlRvwAsV{kr5h_T@#jAJ zv0?>&UAd7A-hN1wy{QRS+79M7S1Cg6)@vx`H;gY==KnB#8tS#KlXG4(sq+Ns6=1vbH@ zUIqHHs=vtFU!SxQ-hOJ{@7~^zTpPLW(pE zT^0@Qr%u4(ZSPQOi13|!_lHsg!3QgNX)YC6;DG7?HqP=mS?o1~EEHy5Dtia>3GI2H z;4xC%G3Kt|1Y8ZXn*3Q}{V7&-O%|%H7sBARZ`j@+OCcr73S1io;jvX7us&7bFib9k z689cBS~-k197|_EZrw%QVNMueXNBpfu2CB|W4>U0Choo{^l(;BhLhSZFj2t}$CZl- zxwjhBFI5Qt-TBZPRf*F(&f}l#kIdCOh)&PhF#V3vB>HfHDO|kjP9h?;sbQ5pO3O|s z!>hbtf>bz~x`aZ<|0p`|xE#MXj+cgtc1dX`snD|OIoDAVBBSg=i0m&iGg2B7l~O5b z2q{?&RL{8%X&_N(QHV%J$|$1v-M_#4<9WS$?)y3CT<7z7za3AKoSYKOE&YQX4OZeG zBR^u)QZPO zauKTE-ey`!r-;^w-wrH6DRi?&xN50{R@VKXx?AWDOAe)}(^PnmLMvPQ=`zXE z&4*dV56HZSN9dzT&+t&5A@h#z!64@wc=(nQ-791%{_L^j2kO*$<#;_l$4w0+igda5 zfYAa!?m3$(Qx9n|$wA|*70l1xS|kFblO7G&;{h&qHFX~ zTqnEn_CFy9)eFbQOVH^Tf^gQXjTre@5f6WPOcFFzX>nm5%FK5a`4y_-=IMvwqc{k( zm#Wk69~f3V;u!beYNDo5gHiP^cz?ANy<08pZ=RNbOkp<6GfYxdsK*FQUhO z(J0?wiX*S7(k_`-BG2x{Fc1W0TCqA;Su_=c+J54CjZ^q0;2(DD%;4tL5qNsN0leG0 z7Rh_c9Y%){2M0OaS2dd&`Dt*Kz7h~cULk>2jpX->gb#omyJh=nUq=&F;f4<|*#|Q9R;uBo=H4)^7F2p?7+bE}b z8O;wlaMNdZSVn#}scF#T`)+4Id5|Jkb%=rvRVi5QQtgmh6^eH74RQicV{t@2s|iiQ z@I(qf4@vT;l|J;=rGKO`d>GFe|Bbl6-Oj}V8$8@Y85RuFqP=#C{F-n-F(Js9uNu4s zhRXyXW_qz>uO8xJT_sqwQ^eKR7BiLdGr0Cw0Bov>#Z{t8ELvyBDilA9Hcyb`s^xwl z|GSLc>VC*PME}G$%5Fd-c!d5XRT?$n$sA&q7KUYlfn4FM)(!Bh_2mrnwL-Z#e1PC*d7-^)1Qom zxN-StQLTj12iJ(*v}LKdKM%`dPh+^3DRUVhNX{V#MP zxK|m%)cqpTBpmFf1~sCB{ChAfD#Xt|W69?Jqx^>dU=rY7gZ8gVVbQuXFz)0#nDhP; ze!jjLhwNJb#~*v+`f+9ulNVkzc8DY$)G!76)Htc%pT(wa1oRnr9u4BEptOX6oYxpS zHOU;dKWZmI`(&YF_dj8#5(AGE#$#33Uq;uCgXOOjx%{5LqJm{d;5eCy;ag_lxCmLQ z`rI3Sgly-rE2rXm=M$J=QxCmy@8Rsb0d($T#JPDN(V|orGL`GWd)9G$;xL2WR-ef) zD#+7@8>hg-`!yPEi)QeykQ}cy=SfM0Z2VyZYVuNG7iSA(4p0Fr4_Vx$G!^^|-oe8W z^0cTwjGBGlhK1M1U~rf%#g?I5{!%A|8Ym<2wZkDp6EXGpaffQZ0rEVp)bxlBZ(mS-u%fL6APK)V55to>4$nRVmh!!cgap0psCO3X025cRKZ%=IELB~gm zzI_wE?-9);Ke!&(Mro3-t9{|Mk__#-tw~LNw?T-Kki(CRfZ?`kbnL`K5Y!%k6Gk3K zxgm2zPAo~t*gEnxe~t(oH+6b>(ovK=YsdfV=)mE#wQ0)!9FlTm74I;1hN`?N?8mql zV4D)by-k1K%Q%O8l8S%#7 z!|`SNFy6J&8;$=RArHqs631>2B$X2@SpBPM#KyTCBpVG-R@aJl2n86A#Yy5@uEAhr zas{uBn?U7ml!DCo^I+#+AgyW~D)>*j&MSgwA=&#V%s*`;vTJN^tF(TIT1N zAV3U)kiPsR-f?aO52)~9PtFXYnLUSa=bz=!>oy-39MFez?iX<8DhE17TZimviGy5& zREThE0~Y}(vnEmtwK^EJv=raPz5^$H9qJRH>0s8KfFAbGq5tb~ zywx>}{&zu&`=@_lXf_cVDzDL3pBv${(|dd<8!sAYsY8?1BH5>uHX)~C%X?NYCF?7! zx#`dEa8745y&&`n#wI9o{Q+xu<+lhFWfj3dKY7?;P>4TNzQUy)Plex%>Bj;Gxs zuxj^rG^roO4-Wf|uU6@E$EsPNv@a3D4keK7{ZsH#8g~WA zJ0w@{5h>PIkzw*1P*%2qN$WU3O{$R7n`T2#|7Svmo$SPuTTkH*j}drHc_BYP#1f>8 z-jacuqiC{bI6iWngytz@d1~Kwmfi6Vj5eHwk2{oLe#U0rFjRud&#i)$kCfrt`0XU7 z;xk<9-pG=U90SSGM!b6XBvfCs8jq(xBX_I^VePgAXuE!qUpl>0I9pD@D_%`_Ye5LC z@z>%zQ+1illaZJ&EHZ1k18nSGFL+Jo!Y5&-`k-3}Z^xSA zC(A&(t0x$(pWK7S$o}G4>oWKojbxmZP|w^yzGfF{)aYW(d)T>Mg1l~-12e_OsXlLZ^tsuT9?vUj_1hulCOKhWXgD{544(l4^^c)B>k<|u|dybRA~ z+=C{*5`Pv7EEZ!a-dOMzHvjvD2^KFQJADz8ml;LZeiU4aR+@Cb{2AO`Ex1%358`Up zn;{0zko}uYarrbusPily9&8J7r`z4u?QDM+Q6HOl$^8$xc5z( z?=^7%`%odbvAhQCo=m1`q3=mgr8O2DJB>kq^{D3a$>7P z);gh=apg4_d@6A8nOK1rEEpzUO=N3lCy{|ZuSCD=ypb!f<~K@PnBhAG-WL#u9X{$f z<-|CVr*SCms!Ahvn!6nmP5vW)R;~fNrFu|x)RuQ&`$G2TDe$dA{;KZkeK;Peh0QWO zAlo<+ny*cOpFuK$(_}4P9rPBJc2B@+6!y{|8X;g~F}B=L#>pEs`C7>u!P9n%rPKwI zbvjm{uiXb8O$*@bWjh=?nXxA9> zTB8#XUl@q75ieMh+&nb=p#t^m0?-5Xx%vGzmXP)zch+h{kMwN(?p)8lV?CQUa2Xz` zw1B&R4vL~y+R_cx*|+*vVI?C5(B_=W_`;7szuqu3xFyVQmNvr1l3T1zV+qXZ zr!;PX6tBoK2M>cRd}tERTu#cf&(9Z%d*@GwYZGV+ zxFK3dhtPjlKNMemW&!IRy@j*hH_-G+0^i?1Sen)%c2|Bi4Ea}5yvi$$=|2gBnK_+s z$D#<$mi~swk3Hfk0uyc1(}ncQzW1!V^c4j6B(cOzqj_|l0^c+FU~$=e1OCrJpKcpj zSp2kjAl@chQ8oV%XlZxg(AA+ZsDC|+>(PRFQtLrqPnynIF_^f0yDFM;F@PDZo`^Lc zud@aFgjwD7@o-e=4NWt4D1Kfzlpi{bWO!FISaxZ_Hg|m*;6E03dQHQsL7uR9N-XaA zoD4gp=HaBQV=ytNO%x-%4`p9BQzKki7_GPf`;)JOrOQ8v+hNT0p2}gvcM;mGOot+; zHZp#bAyglBWh2&If~*BL==)urzP|Gm4p}Y1YWL0TaZCwG*FFJ*m#E^l&B8hP(IS{s zHJB$93$EV!r7(7p1AV7#$lb53Aj%T5bjh?W;4J?So_-sMenT?xfXoJLl*xtZhZe&9 zjVf^d(*clS$s)Uoqhw~dF@3VE22Rh|2WsVKnd!;R+_rKPp5FQqWtaQnk!OM6CpZ&+ z{!*h_CCi1(h5?3tK8bx9ci7-%|KLdVTsUW^LQnLU;TwG`Dm(iyZdkX7es;6rueXFT zJM$d2J!KC%h01Y5iE9{gW-zI`p9BMRJ;c6AdE(t~XOhP+lwozO7rsu?W7jhu;AiWp zeCrok?tcEWupXs~>+ZThx%nxQxX^>yUsImHF?HvKs%#K*t?-k!vz0W!? ztiz9^rGvW+v3cQMe=?SoWwGrGJ z9gg1WGNROkhpC%q&w{GNTbsX0H(M zO+3q&NDJ@Z!vipP;Vo2=5Ez#?`athdEK}XCh65g?g3S#VcJSCh@q0fxw%|$#*|KaI z=-tT{{TVTnyolGJe}q0o&|y>lU-EF?>v)7U4mpGW9hL&0>l3i{{6&;#T?pmJ&GCM& z0?d_I1|yZT*xNznB28h2x<0a&#DDz?d(G9bWo;XssUr6K{lK&h|t6j(;AwNu7XgP6AK9Gl zF0$6h8ZT=Nq$T55ar-T$?8fIIWM{uDpVL=D>Kckgm3cSWL6cFmAow@AwSOkP+kY9G z)aEc(B|pf>RO7GwkCA~p&ZCaXGm@0$%;&gn!5=ACF{t(?(CwiZdvPgwHs=dmFq7k% z%oEpW+48H)R0M9X6ZSaH#mjsu*q6Oz{$EtkN6s3W_bKrE@$sM`Ka8h#`4esF6L@lo z3vM~pOq`FEL#%TMp01arj}Aw`bW3R_s%Zn)%sl-5XsOudt}g};k>cx2o1jWFQt(on za+jS)=;oj^5D~Khj_4)vS%-rm+_Mi_qsM`pjNn^vl0r9`OZaS<3>|8ePqNNSP?H%l zg4cMipkzuziJ;x^Kye?WoQ}YIdgFM+96kEF%8A>JmZN&kf@^hEAOsu5kt1E%?7s=0 z@NVNdkQ-4gFsiI!Ui%o*J3E?m4V=sOuQ8yy3xv$ViY~?{jG%!U*J#}N6R^9Y%AxX$ zEH!F*$i^GYqRtOFTfYCYsOy(5O-ziWPvT8*iPAxqec}K%47dg=k}ABt){3V~Z{-eK z;>nqXNnFMt3J%YE1syvH?iA*Leh=$$vA_wPyvdHPDvg3<2UobIqDN~E>?VDuHMy4E zQ`DJNDH_vJg`qjZIeADoN(pXt(+3&w`Qba!o?03H!6TgO-JA}VLr;jl?0A7aJ6g$E zfnSw1_hn(q$6lC~Fb38~UdNsZ=D4i&o;WQ?dTo+ z&7wM3(=wj=D7n%FdM%ikx(i1|%kcymp&vc1T=e{DyjXeNbd)j)<~3_ZQ*F(uuuJB> zsLMri>^vzRD8oq^teX5%HF)1nI_nxS=J3t7J4CJAO7Hsl1dPdT}$ zZ+}+wZRt{2*!6-9J|7NS)aS8?bAwQ>-GuIUOlO5(MSRV@RkS%h8T3Bp!H(Ko_}(%E zGLqks$gEzrvu6Vio1{Qf;zxtZ_jJ@hry;lm_1?KNNYM5ZH+R(8@RR+0B#4 zp_$&WS~~|-BmZE(uRU*EQpb$C=kqP92x$(++`_6D#!oYX6XRyG(w%MS-1L$?vR}o+ zw9kslw;TsMdtEx^iWz+npM{d^_lvHiU8JXoGTrWG02jyT^+lu+2A zvqS8d9KlUbJ%O}icB=*Lx6Rw1;IZcY};FJCg->R5X zv5+}YiPNBqT{t^;dkm>mGUjQufk?Ym=;%AfwE2f0*xrzZNkSfNaAF;H3G7n||34sc zw;LQj4S?sjr&5jzAq-}|ZVX3$Q5(gEN6P6?SU-}xe<{N{YaU`!e z98SM22!{#B6nVxibtX};9WP(6V_Qtt!!Nm4sA%g<$6IcuE96_iJ$e~;yWdL;?=FNZ z^9^aU?O}moe-!8Wcamj$1lIhea%^7_$(KYlDs`GVOg!3yK?$3u{DvEVnMpgbn-hLH_43{#Jb}o^O;P4bHm+m7XB z1taLooFE<=D^KlTKZdSzH;C63b8ffdJ-)nWK-b(if(uoExK!}8{j(64)T}4tr>x`$ zI={eiw~h4PKqnYiV-F>C3{)1*qbeurNcHVhfg#}r(~iq=<2R)`b&ovU( zUowy%E1h`C8Vi(a@WSF|IWAkef)BFnhrcOj=eINr~l91-VWht3J`^&TWV4@&%8?@PR~ z`w3=W(xE#xyeEpU@_5qeJYB%eeukKf<$@zcM!X3}sz zHgX2rHmwoeq76kW#REvq*LorE9|npw+t`#a8$6}An_tQDg!mU67H!>$`Y#T`d9DOI z%DiFa&T&*-)rl&IjCgsc(97N=WG05cCCV<+@I5*W>?fPiy^U|!zj4C(^sO`<7ajzu z^JVDf4gIiReJ!n8+Cnlm3!U0RN8a>oIMH}93WIH*khPV$7`EaeUcMIx!G6^^xwiqv z_8o(a&x`4Q)k!pIa0hhXHRki6oxD)%6L?T^w6t3n>5MC2ziB1Sc0b8_%?Hq-<58T_ zd5*5p%E5r9It;DNpoSmL;7@}&n6>&0Gn#)ATxVUt;Y$;t-E|ZXh}Oj5%Q<5AvpHDz z<_8A)1hI@CRUm(}2(CWAgtw1}qSx#nu&YN5g&(!>?7-zzFJGFkm?;OhRVMNuA8tXz zG%fnw`~nkA-iEKf-GuuGCeYwjhEV%wFduF!&8j1<$jn|-Jh^ipeIQ}P_tiMii}@9> zuYVBL8Z?mSy_`sMg>!Pk_oq11`yf*(P{$^Dp~GQQ4(8p0+ir#gb=Fa*jT7czv!k`( z(v9Ih+Y0rgx^%ymtJ5hpv7;Ih+9W#ZKDi*L#H_3j3Y`#rD2mdd;SW1W zb3%aNN_-&PpKamKy9-3?HpCK0s1fTRy2J zO>o}r#trAnnMqF{$?lC6jVZnctKaXZHW{&^*Q?|OE~x@5@Jtu4AK8cFm5##&UlsPX zV*-T!%wjVh5hCO4B{*;>42ph$}p+oe$DCp*OMKv`1?Ir zGs=#-U6Q3=`VIJw&o>C%okQ0T68KCnV{!V;OL)Lcnd;n)g`GZ^ASUz*bQu4||0a#0 zMKkPBFh!vJoFt}jU?bX(DaA93h6uUu?=XFG8A;pkM&!El!K#k4AAVU7FyjzCJbD;c zkkX(^u3y+nn|!bsV#M1tW{Yp0-vBG8JQh3o>_>&)SNMk}O*-hxF08gu;HBSEP+zW* zndb!J#yHMY&sc-(uV$vO>=3ry{|eW4aD4N35ZY@CKKH1!;{JDSP^EYhx2>2A`sSN( z^Ne^@Y{|h#n}+em3QIoMcOP6ymZyn+W9V?j!; zu(k?!go--?-cDe%H4S+FO03cgI7O;hbE*||eyY`n#K)<0R;=RWqL zOFMM8gkUMsf zFH&uRPTqx@tHwcCX}Y*rsT)7#q@!2Z2La+%JZZ6GF!^rF)+m}ut;2b><@ZRO#7dwLSA=m_D?1GZsa zK|ap1@q_90tEjn;Bjl@ukeln7Fb4~Uvk!*gkh?xqcVPi0wkp7U`2f6fT9`oTR43?FIHgAUb@9QG3KIPG9vL8oD|q~IDqs!Uw259B`2G|}tGF-%&k zFM4n`9b0iSI%n>q{T_coL3%WOr2#m4V>fzlJ;C0emO#y8X^-iE>S&bw)$P4o2hH&LQpG9|epMytp7+Lt=Yxd`bPw}r_ z4-zC-0A~$KuzjW@`rR4znmw>`EyZn zXDl3(h{eHQV^CXv5jxIRr1$@fN4FQh9mu^&RAI0)N{5feKQ}396ZRFoTco(Jrw4Uy z2tbQ3s(k4OX}(!X3^x6iknF9%2hDFKk|~+6@`VMS4eZ3piaK0kuLkWpcACH3CGc{p z#z2@uqv&8Q<;6n_p|Np3VM6__PSF|mC$z8x^9+dkcn>gc21&_sHs=nM%e9FiV zTCz;V>6^X?%#zu#%YPS4^HZU#y^|Sz`i(jL)Z(X-roz@CZNzoLaJoSv2^PC9g%bzY ziZu(n*yI&~5WC8hjw#WADA#C6dR&LQ?yZCO`>f&Cnp9>4WU;zBq9VdM45Q<=O7+@a0hd{Uk1a>wc-9_JM=ev2b*7?!T{&p5c}Gg zH+Hyk_q89fiuKj5y>yJ?~FY4%IfVB+*sS#bMG2=qM& z5&HaN;b&DIlJ#x4;?EIG`rr>5QQNqh$xm_78wKvM^)-H$i-G(!MQ%1I4$pfS(7Wf( zle5u2B<`6!8rvO(LsAuD&-zLjw!N81549$_nT?pHmr9aS?D*m1sd&G|n$OnMh2=HZ zaLAc0=vyoS|NbV64nOO|?!JNi*gJjV?l1=0clBcDw@Tozk%g}AWPPJ&lhx@nVS4B= z(mdg~IBLj$rC`$+X*_lKaxNBX0##= z#bxR+)_v2Mabl^rQcRyb5a)GqvJ(dH+0D{p=-E$UjnSA2p9AIz`yXlGr3lbRR9@+vXddoQLhJyOyCmmPiGI+m_4j=<-#ojAx$xI^D~jSlcRh^oua66b&w z^mOM{60@b8IiFAl+8c&<_l*;nML*!Q+Ect!!ck$pELN3_#u=sZ+$G}_cpY%28-JaH z-n_H;B=a9JUw#xU`liyro);qNGkP>Z%8c)c`XywPtT1}Z2GILc!t#?YGII@Uyx{T# zKXGlUzg(8MU5LUTuZ!4Pp@S3u0EPLK2A#CL6P2W=)2;Dk@KKoSZkryC>28DIsf`lp zo*RkD9nq}A?*Mszq#E0NW9f(WL#d?cXnHm(N;tRV;s~L4&{m_yyJuM7rX_u(SQ!K_ z-a=^JIhj1rze^OH!r--q4N408O`SRk5+3q~I6RyLGPQ;9`Fxp!VYoAdjIn`RVfD=I zO~2^betE7Y4A);Itn_Ac6^{eslAYdroSyqPKp&sbH zZ7N>w`vHUS5_G|@D zAsgM9y+^E5n+>H^dCcex@RhMI(CVcrmOayFMPD7^pv!N(H-9o6@~@M{IvR2L$@k&< zTw&dHs>2@Eg>BO|u-D~dU}?=5IPS0xI^4=prz{;hHpVb7!GklRc|J`ig16jJxJ5tj z1N`%E@x#mu?9k1RtV>yefB!s+?W#^<_i{Ihk9@g-wlfu=&SE1(rxv2c$o25K*o?N> ze1gNeq0I7dHyn>!3ibZE#VJy|@YS^%aNoU;>RYzs*uv#7cZofGIvXNn(6-1@{3V2jy@8sk$1r8S3bk3?2ou9CNle>T zGB(siobmdfL*(3<4!5iSuo(kmL3TtPemau~`xgd~pZ`B2hY9z)mB*>5kNkj zZvpG;XHp-r^R|F{02XhNSoDOAN64h)W&@@*k;& zaMJ!PPWQ3EjU!KiTG2vbzp#uOc2JZUx|17tei!oe0dTp=nJ4f*Ov^y16BB7>l& z;t)iIuLe>1TI^e6$~Ir~ASR~_a9`9-@q@E+wBXDdvT3U;8fzBg?2{aNY@#41`ZqQx z4W+?f+wewLIN5Br2u8OEIf~B$gXHTY7gw#@hBfZMEAhj zIn&@|)F?dt%bB|EF~`Q0*|6B%m!5TqfWL#Dqf4G7lNX+6pZ8gK#O()Z+g^Z&Dh=Ub ztO}LR`-?Bz{v)Sem#{bY9>ZP;42ri2vjdu|ceZSq{@+&bN4e_CXJeljvnd z!xZSKAzs4&dmc6jowx!Lff{@DXzZdXbPE{_RuL<~wILSTt7X`ex9#XQZ69W~rm?G8 z!}$GVf04)JB)mLq9-sFzl;vL$v#+m;Vd`cDe%ads2PO2d^3+LiQ~f;Iu>Leu>yCq! z$$Oyd_I13}HkOvZ6Ie;h)SxsZL9{Z_9Xcm0!99}{d3&N1*L}X0{rYel&U>0+vrYue z{kedxx+BTkwJ+lnuj8yp_lx-Xlt7H$kxSaF@1xm54^o@82((9@WvT}@LCp5~6!+)A z&)j5zEmcZ;M3LKVJUu&Pn?7kszM=s z<3v7x^G}?);SS9Abb_#ap~E$!3@6#GVl63C1Rtj?)1|jzg?I*<`TZ2_)$)Z6g~q%? zPL{J(vUHT=96s=lG;$3L9L~E_4(FNzH;eTsQkB_P5*9?pJ$-8C^WH-gAITWISVUjlM&E&Ug5z zHWK?Y_TnbFT8OnyXG*h@NtN9Zh470z2 zR+cd+zI7w&8&~3{snt(AK#W;7hFQl})vA}H_w9YLE113t-qHtC2A>M&rw=P0qTAXOmdEJgiy3t*(|X=1h32#?0Mif)IT153S0qQtW<0`qkuY>iJ8oQme?-7+16 z=RATP`~d7My#RH}QhcS7IY`DYB=1ZVaphS#PWI+P<$5d8t%4AI7jYGYJ_E?^ug5m+ z2Hd|o9Hj$S^2e3qnf<3uFsdwpJ2u4_s*ysBb}zz|-izWBX*DpTEdghqxd>Snqj*lt zX1d^kCRuS{16PrFNk$l}QI)JI>rDJdyVmj)Zo-D=0U5IA8AHi}&NMlGyZByi|4)UVZo$SLnaO#qFN(ac(F+KKuu! zj+`d8e4mKlgw3=}&@Gfbl}q*u9MkO5t;EOZFZ47d2+oV6Ft3AvWWF0N`sv88Navu7 zr4yX*Pb-e@s>e}oSJ5HLSgdK~!LzR2M9-gce7NpAFv;u1k{i{c<~ieN*Xr5$#P|nX zb@6BEPh()j0C~Kb6@eS(w=l^g@_f~QmUQ)oY&_^*1U(yUPSlZ#I`er)U1@m)K9Ij z{eZyVw%#eaHls=uAUguj8;^!xv(#wN+9xF5`v@kaoQKwl1EAo@H2!w8ELYtV&;DGw zg#2qV9_cMXtxJamwt6Sb6?nr+=lwwZor`AaK7;LYwp9CxJ2`*35?|Ww#jirY@=pFA zxHeY#ijss_7<}VjZvgR zG6?UzeTt*jUL#A7j^%R>dBL-jqs32&I_>nnE~*k{B+gm#5b|CHnob|WH+r&Ar0R$E z25X?Lorqgs)!~;CB^vWj9vA(%0ObA;QHtI{_@Y=Sx@MA!CbuFXL0}Ki@6y;}@fx>z z%F!PJv--K(2l8Lp71F%@1B{5jiHh2#;1~NA$Ge<>zm}76`Z^1qn`pu-yjA%bgBj3d zs7NbXVo1w}qtIuuizG#E#Px%t!SlvSrsko*wO*;xxufLyU>||&y6OSkiyeS_Lto;? zotpGt-AA}DxK>Vn?ZJm9^I(!w1@@*n^O{}%$TXLAu&}k6NP)nFtPCK1pK?XU^KZfe zyAx!)Q49Ha@)CL5x1El${DjxdXTdJ_x!^MVFd6^#Aa;aWgHrzi46d^f|L7P#cUt2bT4sAHJJK*(UeUbM<{ZzI+@V zbUTW5^k=c~Ut>i}S`Dzk=P*wybAx_GZ(R3B4)nd}gR^BLyZ2wMxFKx}l-JebtDma$ zjlww5Plc@z+~5uCB5e5vd=4&Nw(xYu4l?jx2poLyf~+w9AWk(MPg`Hep+|{1HE~*t zDbkUmlR}4fjX?w~9&t$EQ^v444pU*mt2A8bQbWYEh3v?a6ikhFpQ!b9J`7Ha2h)%= z(aWX&5b|0Cm!7w?M7MilFI_7*(<*QjZ@WW%@LFaNS1Y)^uCS8>t+`8|3{Cnk6Tiu+ z@~dNwsrsQ{OdNKH6~A9kp9<%KkZUvP^oTN$P(27$yB4BijSmznMPt~VqagFb4{wZ_ z2W~6xKv#o4eO@*b3p;P%=0%b4Q+h7f@X+P^6a?1iK`!Jb#?gV>weZsH74**WVx)s2 z;jCjX+0#9W-YggThIb~BiIq*HKxY|u&US<`RTY?0Q;CZk8iYQ06|}y{WWNHnxzfvJ zME%||;2nF>)vSmt=nzqlq4Tln;Vt{a?|}5oBF9LCtPs zzF+WYtopVRr)n${eGs?9vjK-m(Q6y9BcI8!VaJ4f{~RKcy$suD3wwkOEogGgp9Nn0 zKz40E2q*lH;lL^_y8US!j?0|MhqWfd>%GxzhlT$upwu_!P^g*x1JHUW!m7qDXSpK{0g?UzZVU5 z5JCTtuQ;+Z5>D5S!E+ls#f~jgifv2(i6RB&j?=`SqIEsrh*aY=v^hLLEV<_#Jbji; zW*Es(|E+;|{PBw-a(@fk@O=d)#u?IS%cR)C`t$5+?E&_9^A?sR4y8@*Ht0~T#4AKs z!Kz^``xNm8h>-u3=~NTkY)e?z?uX>Gf)mS?zg(m+@(g50_v4)B&!EsMo~YZJ(ys=> zIrBi2;5C1P^1&rw=|FHh54P9aD)6pLD@pzOqpT>*6E|oj2$`zB!s~x$(BA`B@E1a^ z(RKYFhv0!mIPrug9B__?<3W-1$VtQ)sSL=DGJ-i|6xw7mXg)I*cL|KjFM_);#w-=T z2`rv@8c`U2eHvIE_yq}{rV!s+JGy_(Mu;EVgW(w(xT;Z%wr`WLnUa_bQsGK1IA?YZ%I>76C~F_wpnD_y|lE)=(_K4l-? z{vk~hrG<>FDZ6|A4n(F2y}4J<@z}Fo=JsV7)reey9zwoLU0|x*sCo^NUk9MH`!$w- zpa!-kgrWAO9n>{>8^-P4z-0DFAj;Pgtw$31+l89A0%gur?(GD<6XfqP`)OgN$>XMPwPJs!~bsK>AQma;xk%Y*^cgue*lh+h;rRU;A(x^=T+=znmpx1w-MvRx;ag z>?3JT4+lSUIb2`q1w*PofN1V1Y@hs)^l2XlucRrMvh6bYPd64O8EwMsM`=iw)WQ5A zML4Iu2g~yh5`7g<7HE7Py{G+!!&{xGd-r8FZ$}V-&jm7dU?A+AZh~j=8LLf;;!#ct z{KZ6X7?*eg{4Vxlfph~i{u+)4M)TstqU*53T!#+NY`}Gbt7wDaQZSzVTcjZ5h+}f3 zx&Ls1FquD=4uy$Ql&cZ^`@a*C~jGr)BIR=)>Rg1(fLazL29n3WlWACBgBD02D@b=+MA~Ee5PMI*6ep;~=hYP); zeE|vJ8(@ZhMxiiJJqklg4wL)aD@6CZOh}ZOiMWv4(gN$D)Gi_$ud6;{QHp(des38& zt=1@NO&CD^ZD&)THHLiP&gUfEtPs_kPI1N6szmwi4Cc{L3GL16_yDUVB(qZR+I41< znEOJ;|7#(!{h9?CXY?@~M7S!rS+rH&7+ZIA;?p<5Al-5RE3!I?WkM8AcFw}1MsZkr zU^@4D9l{JIy3>v?Mesi9G`a@Qf{H8Z@Up&0U}YkB|Bs^c@XPUg<9MaLhbHZ!LZRJr zu7k`_vdTz-v1& z@AmJo$ov*FxzNnkx_dLdttPl_$Qt%b@-55ykqbYT9TUB@*TBFpDl}w-DpXwAg}a4L zhWBTI9UD=IH_M&4wcZtoc;bamMyunY+6>XT0h&A|dNxGH{X+4p7Escji$k)NNn=2l z_+ad8JXQXNbgVa^Dq|JU=FTI~{HsCxua)4M18&4FxDxE5mDv!(D{My1bTEG%jdSv< z5t_@vc++8~d&iK@2uK3khV?vxcalX}$$YoKi5-}@9W3%|$h{q1acCYZhS735u& z;}b8HVv?EzyvSCEy=xCc^aLGlS}-2&B-+ux2DbRpGlvw#OY*_q9bnkf!14mqP`}b1 z2Wxl0->Otl@mfgI7Wabl-U}o@T9T~(RSq-Pt8xfi3GE(=Z25mCY^?85d>JtvC6l&* zLE%82e>wrjbxj3X2SwgmJHAfxz9I@jAM?kDMs?csffF&xNq5$#&piT0^?g>zE_gRctW!O8E)5KA3e5giZKQFFm& z`w5(uQUONsiR_5SQ24oC9i0Zh5vjhPMI*LPL(`fP7~{89;B3yNk`HVk@bCo^QL_a` zT!;tFvK;K6VgzZf@p!4b4t6Qa!Z#uLQX}wk>W^iTM|Lu}?#pZ(Ssu#5W&;U`F(d*Z z5Qp2Ul7jLPShrb{+6IjiN$=YUew(ff{G2c7{WyT$U7OGN+`GqOPaL-2Kc`eEr%DTg=MA+tm|xFHvS6!8(jS+P-!hA8gNLPNBJwz?J9~4E?vW)`35X` z>{W5KiX%`-c{(EcFV3oR!>v_fcqCPTTgJ_xYVHNlR^UsOJg$<)Td8pQY&>kuae-?m zUV@2z0j?~q#S3c6Xi`=SlGFNd`HUE>cSwOCH4O~#yo((?TbP|5#Yf}pslbT zy!n1iE%QHgF4IO0!x*+V*@=GMEYB16Y$a88NpL)N5_?%PMAUQh7Eu?zaesaVpiR?M zjCqj9hS^=ft2s(wHvBg>ORu5p$`znK$een3JcB)sp>Nm0#&#U;dBn$`auOoiv17)9wv-fqS64mC**Xd@M?(nXv?Q>p`IChTE3uf4>E zdlh+ooHReU$rTb_O0Xy1s`R*D8)}NOz}r@EA@5M8?zi^CiT69v^Jpq;t$b83>((IF z5poEPxDjrW{=wZ(hH8+#k?|9O4IRE#vkdfN6<5j zGe<+zvI;Q`>=U?M6EJmLFori;u^W|Ayk=V>^WAL5i*vM~z1f^k8gYvK(`dw%Q@_B2 zo-yE|U5LYOSg@N89Yj%Z2AntDhF^LMiRZaeVj|4+_MMRjdoLFp@UjuLFIJ*yhz_mJ zW#n3+6X{TMrJ)<5iT@5OdMqvzrsry-)_RrtKgDaoXw7%<`5Oi2D^j8RpwL0+m83V? zRmqQy515CS62BDG4-$m{!IC-<@`*tBFIoP3c(Lf1Vg3CHw(ds$wcC0R+E;H2Xk znEcR-uKeK4=SCHYhA1CF^ZbQaD)|CqVwVD{#M1nix!7WvLmq^Q*yaMk9c7b%eV;e5 z<;s$DP`4G7CRx!HoteJ6@bziQ+p>FB)bVwxk`@rC*>J#L*3L$0V5pewV zR$%HsBac#^u*oWO$e`3h;(VuyJzRVRZe?^~Cp!-k`CDPz-FCq2`{20vJ(;_D1z9ml z$fx#{++G%tSn?3a4K%6Z)Sy9W&3qD?){>LS_T ziTgATga2DuSRgpJOa(sVrCCPw;kO8s7`25?J(hx#{;Okqoln4r&!c!&D8PROWr zk#l+Nc(G>~Ykls>cWpaBPBtmREXO8s0Ui`Gzh+>b@6GcnL_B@J8om(8@)b8u3!U31 z__)B7?@SBA1ZoV~>ATTRa56k8qwMX174X7bkN#PlDjF473?2v7>5bLV++cJVV^i$8 zoUjkwKeiNB_$iYqA&HQrlnVxq->`44BWkKoqFln40(HHu>4Sto-lOs>-`-bw+ z&Otcm_+Y^kVN56dkb_&g$6$NjI{5ZrIvy@EC63#_hFZib>8gR|zOmSLl3plqMfbFqFni)ToU(j+z=auI8@8=D$2=667hUp>qw`Y%O zIyMh|fT;r|cwwwR-(Pf}?UEc$c4P|7x8F@<&Ww|8aX0Om`Fwd^)1k}n+U`ZQ&x81` zpbyZkcz|gg^`qKPkE0BmfI5v;xTP-|BVT9W=#QU3B61l!9KQp64n={(VQZ8jji@a6+!K5b3u`-yxWUu zozmz~d>5J)FM#i73*fv;B&;F+kaX!gTvyJ8tabA-Ku49kUuc8!+C_AIUk!Ae*@Lk% z(@}b46Wn@GiIrRXh-F(F`SrZp$Zj%R}1;S=>(M@%R_};JkRHXsv7x$|df=BME;Xy3T?t@rR`K zc@MZO=oZez?JTD?kp<=|aFQ8=caL6XdLe6I@C-fjtuSBgbaWI>zi!1t&87LV1_I*4 z4dSC#j%?G!!%XRiHW!@Fs4{L09kk`E5D1j!=Re%Vla)U~KW#STOrL@CqK$dwziHT+ zrAzndAH&dVhw!e`0C+0L;IGMlnE9!TOyE;VKDo&Hw$%vkoOpcZGz}H?&B%hs3vt=B zUKZ1M2#A?JmJ@IKHK+^1=IP^xx{FM-<{4{h7|xE}bw+t%F3Brw3YoePKXxZCI}eEEP&#KK2gBLI;0=3 zLCXAPxava{8ugzC|DL0yTV)(gF;>A@-!{^SFWd3z-eho^&T#u;eY*9=53pLQ%WXwQ zv{~S*cs{D31KN+XL80By?{*oIBWFRPI%nwzUb5m!A1+loftsuD7nvstdD_giFz#l7 zC@#zbtqOFY#AP`T{jvv(Gp~pqO)147)f=d7Ey1PKbD{aJJvw;iLEqR1;4rZr69V06 z`H^0jtE0p%ZoWmYz56jT+mo&h7=fFgNx(}S1=?%P>D%gotnA4}7JM`VPmC$T`cPH! zBBX?@>h*zQ>uiX$KSieHX)yck3UtKh0rc-QYks0%o2srBEERrrcx~`zbh0vHn(ZUO z?3opYZY{g-NLWavI9SRDe{#I*=$Ci#vk!`RDb5fBID*-?C;5kF&pqWmwNf zC<Br#PR%cqIrQ7pNOP_>E7D`q&A z*uR*K&0I~r-(`|DvTrbU(@{*@{2I2O-$|X)Jhx%{iCivA^?My$)mxY7i>&JEbToYkMoL8;NLT6p~+tz zuMVn%y)|0&#hrV&VO=oT9uI-Di_vlVQ`nYVrK+ zAvAJ*5!R-x!t+sI@qU!RWJ{k2L9(L+j%hj@w;_YPm7akT!2uYx+m_0FQ06W|Pe`WR z9=@cE2HE!YB0lUg+#Z)nX1}qcPP#*J^~o{luXh+fXZo<;xy7!=FRJN&lWF+yemc2R z>qp!+rK9pC4f^2yNql2qMk)eCLg%TPjhj&+QVKF<5`CAD2OhxFi)8V>ybKzji2!$1 z5%Nf93>!Lxr01yc!tLE|QC}z?b!>(93?y-nRUu*ONZP#RGn(|p6Zd6NxJYRzKX~{k zdumX@uBs}7@$qz)c3hJC6lmkff-KT}suUMhp23rID{!NWH+D@q0oqbpnC7NT7k-LE z^L>}dP=h8I6cGly<3x1AB}rcL_6t#Jw&M$)I@8G9F{lz=hs$-O#LJ{6}1jU3kxx!6<(^ z1?TMb<~wRCj6Vvlr#C_Ndl5y2O zsc&30=pRGw-R1e{w<1x@H>j%ZFKD*V)YSF9Hhk~NsRqW|4 zsegxK#kNnw(LVAabGx|@v>eZho6k(7iJ?ca>7F#sO!4ARv~0n1k{2|NpH#nGGZGr( z6fpTtId-;P#{pS8*=?}~-}jNj%;*ht?nE1sy5k1iSSQ8%)@id#nq#mqs}9C|u|^Y< zOQfaSiY9)1h#irFC%B#9r{I2cFfris?M6X@;BNk5-T}|H4yP48m!PKN0bE*gw*F(h zB2CuGWOKi2!}zFma5h~N%ai1Iwe3Y%vZevI`IVym5FC-yr`zxd8|NRGe?6ZTGvOb>$j_09O= zVh99z)}i#5c<{Tpk7NIAR0y}{H@#=Gd0&Xo3w0tVcMQN@?FsnSQ5xe`6@$W-B>cQp z0sAy!QS#(_Fw=jF*}nx(@tpzmmQynS>-rn7AFtrME!yJp z9pS-Meq4r(@H?p65lhRpvSC1>DZg$gWW|0IkwJ%=*m-|9UadL<&2)F8Y{VJ%;m1vK zdVd7mk*a6*PaRp_Brj3%PFH%q@Etz6O}KGHJjgz=g2tZYV3{GpX~;g5qZhJm;AV4T`^t zhgwTP>U1vd9p6aqW3kwOQyJ_HbETEOKVgdFV^s7O?))m%?A=enS@W(0*4#gX7HWcb z@b(cm=O2dnc+d&Zy z<0}i6ABC>T?8!`Hx}>;r(lEHOU=*FWPYt{_=+=LFa~(pSGy#0wEOyvvX^CYnd63;5&`(HZX>;4(999acEnvy(x*K6<@yA>AB8$jFUuVwD9 z%3=Rg!8^Q7j?3=R;3NC)l07r_k@bD&aOwKdd~f3d9JAbk@2*S-{m5|eK0F5u%x~Zx zsYJ1V$`2OxL5S)IGSp6N&UYNfYt-mo0e+0FG{FnK#aEO>4tsgC3 z`gjX2AJz(8voz?FsBn=d)h9)R zhbF@MMi;nqZGF9ArxN72Si|GsgXH)5cJgHTc{n>Mg#Ej1L?^i#a4F&09r9YAC|1uC z?$0{3aL#uA>GgcBd{|%w83;}Y6`{u%5{8yj?Wkk;SSX5Xg6(gj;kmu=_ph+Q^kiK! zc60_z(Or#GH>*I_qzrLKogM6X-j6%wUBGYF8?YQ+LtZ{`#$hv4S+wO(==!vnI~V0) zSIcd7QQ|OsrlWb${cxCLG8HC&?!q@&p4|3?9Idc0;`UE1p?}hG^gDD$$nW>DIH^@| z_G~xv`j!qFPKI!z>=A1F2GD~Vi)hf*k>tmM(fn_#FKJ(=fj9l9VZuRQS``w3=GB&5 z`}k?F=^R2I%J#yJBhlO*r_%SIO3-@2AlT461vO?K!HYMFMDQRLzKQxp@#BWjuOF+? z?9x`0sQUw%Mr~xa}mzQ6l+7H*^o~8;>!%Q<8 zy}AV+rli56L{nhPQpIv-t>`(erS#o%Zy-I<B{^R6o7TR+hDpze3ixRk0U$NGC#x zt^&VrG96SjhtQuN_hI-w1zZ+$joe&Q=4P?011`SNht5ytNR8&gzhQS^|7Zo?)|!m1 zf9tWKwGPs%DV!+U%6$Vn@NZu`i+ry_Vsp>1b327h<>SxrV!&=3UGM|uw~wN;Rt-SY z-$s06mK?dS9ZwQQ<>1@&hv;AK171xO(i}CZMdE4lY~Ds(e6(`Q+n=Cx z=V5&8lSxE_N8#8#A*gt)RQ$d$nD;DRVm_AsH)3n>!xh!2?A!i91ImuMkr$>CbNt=FoCb-NW&EoeIX7h1>DAX#B zh9NpnvC`2UqL$8t3pSg`KjruA`Zsz0cFlRbqcDrMPWq0LN0yPB7Te+O=4tGZ<#NsPr@#XI&P-;Jz zt<{aj@u}X>B|LxlX#yFXmX80@cjA*(<1qCZCkt)O`7y_ARu(u^=)g@vr}>-k%E7&u zQ&tT-{C1#Q^kdu-dKronb*QudS&(aA&tFerSmN!|qaBB!lUipD&k#w^1sXQEa_==uqHp87E zU8E_j7*^ehgZ=wd*{;Ql;6iH_yj!vpE+m9wdDsYW3=>>T3#_S6_dmFI?gf!JIRlH9 zwZZ=6UtlQo!D8QJ;nB$B!gqBJz6mM-Z|S#SJ6{f5%@ujH!4Di+I**6UISU<~t9V6= zIize)06dmKvM`N)Nbv)Zv%paI=i<4)FTfHrv3O%ebN#DTdx$}(H7Qif#q-1Z!KLUp zOIhzuH!A#w7G+18bao+hE!|5SBPG~@XVEM@H=B5^bPyNm=Yv&KNqzk1w}34+_;CFJ z+@`gQJ=kvp9|Wf1DhpS7TW!3^zg>^sel3k{!xp06%yB5n98BX6O7qe`r{T2p0WfSc z#3*J#Cm)%Nt<59x_?${eevprAr(003v=Ovmfjs^#%;v{rLR_lO9s;u`D(LobAYY(U zjXLiU&5xD?9s7gq?uo-gf0gOY;YZG_6vKK^Q`>4C?OpNq*L%*1<_$$}~l=cjQ`fECD z%CRFjbM|Pqe6K#+V=cqC%}S!hj_TZ^G?DF2ilUj0I;>l^oh|vhA8jrv(-*paTv9s& z_U;@^k31Lh7MK1JeS^Df-7O<3@s%-AP%j%)@RBX^v7^J1q{M4#voKt|l;yT7L2zI) z+ElsI{&ZE?t}IVo1FkUr&9i9o+7(1{%N(I=*M$zQqj=|ObvjqJ2?9GS;oLHPx>jNs z{WEVE4QtY)U!OHXMy(sp8m&U(O2Xh*lnj|(^#tC1dPlqm2z$Dg`?&723GO#42Fs~W zMVA#9pw?Ao?zqSih7B|U+XYM6+s+#-=TQQ=ba@1_i$d-ob}~LR(&l^iQdF7jE{f_( z#{9)+@oDRKC{!JaqDDoWe0V81KQ9#xZ^%T`DT!psN*TJVHVb^DkCTY;>F8rP&~4nO z{WvH_i601d=DrroaDtv9O_}}-v!t&f)>mQcl_31@@pPOOcv57ya0FkUm=0RfNOtdD z%nYOCad)a3n|F9jUEp7ahUH?C{plIWOBv4T>~46xvlUDJq~V&HN~}K?k3KQ7bU^q> zD*K-;*O+NeLkfhvR;U4_zI36dzej=RPgy!ic9S^VLFfxyj^r*iOZdZC6)=0ea2Ch& zuzqwO{uJ01@3-{ARI7cYb&~{BKkv$eq|QTO%n+guNd=~L)Qc9bv!v<= zuaf^xmcdMm+n6vpm}ZXEqw|iHvR;#`P&0QXTvcub-OgpGb7Lg+{%Q^}g~yQlqRtkpPHFD5+JQ=3l=)*yOI^elg1g726;{WzkqD#6We%V?}E@vmO*Ye|O z>Y`|9tO6!my%;;Mp96uwk6PG^gV!t3JLD$tTjPm(aw;1Un1F`gLhx6BIxMVwgqpW6 zpu?+V>UBqouN^Qk&*DT{)ZJ5h9#>>pHK@P9AcOVEpKLYv!Q;{BXi zMsGXpQCdJMzx;<=GdxAEqrb5QYOdV*aRbS4P^DTHvbbRWYSR2whlidk6S!16@U_!c z!TYrtE}m#(Z@agN=ZFJ@Jf%N7dR?2xO#ctRxa{G_AGBicpZzdFYCGV6s&wZHb-MV$ zX=2y=7#lun^0w2H@y@+{ENezO9@zL7gTH=+6B(y4QC2wHW;NoG3?KGw=0rB-#tQV= zH67Dbg|&>bB|AQKEVjr?@L-|CH;rb46ZeQZKCi@X=lfv2zXVK@ zJ0W3pDOemmg}*f9Dft}53$xLWbpV7wD_jHl4-SK$xS1(F; z$fBA;27LV|gP!AOgXxCd;IlUx6}p=R!l*Hhd}d7Nt};MO-iHoHkCF9Lrt-ztMzF59 zi+ITMIvhB>g(p7S1-bV9XtZcH%v!0$3wO5T^4e=6?k3IOt;vAwMGJXe=Sp%SX(gt| zflyV5U}|-LLF!l-Wc(*#kLgPcQ9lKR!S!eyNO0uW6i8ZMBK}mYLlrcZ z@)iLZk!}$OxTgqsLJ3M(eiCgny9b8K6Y0tSnlbs!19-S^D)0X}6sPRliy=bhZlp;x zOt|t0JACHxzSUh28bEke?jM*EX+qoXK4lx5&G6OmQ#f;jlW68S1FGck09u2Vu}p76 zQWIpt`+eWxs=xyA*FTf#Z;cvUBRB+7y!~mx@GkMOIa}cGiof7$Ephg5>IgdYTRyhr z%k#vy(`aO#D;<&04BZJ)Y)p3{)czSxex4UYx4;0cDqPD4#j4Yc{^fj*tR_yJF`X{R z*h+$pW6}3R0}osqg5zx^>B`h);Fz`*hp*A0x28W9t$S9FGj^TCrFRG6Rueg{p`40A zW5)6Kd&`;3^2@~AOcEAQJAA!rGIzaaPL~%gVn?oj#Gfy;$k%|L%HJNP+Cq#c+-!+h_d z`m6c4_xS*RMaWDlYAK<|<`6dY@kO$8T_P6-ZPYGQibPeWiK9Ce*w{6SV6c544xJiC zT+>wrE^8&3y6QhNR?U+>zbs-S{cPx{m2rIMO9g7?|BS_xso1DI0e-(R<@H`yp|80D zGYX_IMrkQ|B3_EeJtmO#64S`16}Qo)a0VH)rU0D&>t`x&6u@=vI8YgXf(;NkVTaJC zt*ijZJ8el~cRSK?-UIoNU6I_*WCraM>0q41NKwF7Rode>5lWASK<1ob=-l!bA1Vp` z10!{@$_6!lC3-kJ+-1in-QNtnJq4EM4-;=r*9Xz`)qIJ^JeVx7=u5rcAnU0`mu18F z(BozB-suRoE}l%8rzdZ@6d~k6ZbGE#9~}Or8V4*FzJuFSc=GdlQXX&(lx=3i*aznz zr0lPFexDc}EIg^L;AGiazE$8I9Agr%pFpMaOH%fJEL<-BDtdQHlV2l&uO2+2PV7uw^U8ceL0jScPw(-C|`_t_5xH43B|Iq zJ#5h1!7L>7JL2gVY|f4Kuz6)DojXZRv@os+&sGk_QTG#wT<9#E+PV*(8ZV`{&9lX? zod~Ttse~I}k4I%|4YEV|JT5$9N(V*yA-=i@EOwi~o0tyjR<>wRAHpRQ??CCnGF01< zA$s`gKVmmwDzt7k#JVDV{%?~$Z^KC5(fXK83zR{%%acX0S%d$r%onY_nTeePyXs>7 zE5Sar66we?kS%x#PDdJu@9S~&lv5k5n65~j|GdKA)~A3mJ)Zb&Ih`tWJ?9HKLQB<; zIH_S0gcY1bqp?$Q_WBMqNlJn-sX5Hld>XEtqRK;B55m&SNf42ljc?LZMY(IwKxj#~ z*o5R@xBFkRy=4e}5b>1lF=>Fu#*=ATtQM+v4yD!a9z&&QJWQRj3#!7W(H?#jkDL=2 zarGzMc1pa(ONw2nTssSLrW(;B@x$qJryZj9_*Cql6wMFqbEhVcD!Ap@Z{kI(ivY5O z{=8EWU0)^7-*}jU%w9>JAm2uOV`9nUr4e+H$QUfFHbKOV=WM*Q2_0*5M|`j+g&IHE zi-XD>sm0?f%q)E_ef~%b6nZ$>D|GV59vB4XNB)p`XL3p9_iMyR*&pEhQ>}Gd$G`ZVqF~$nBwxEnfTrW+Vx}D8ZXnDpTn+Ir?J2eXy*x;o9}f*y@?DAzS(dY+YFnXD-L$u~#v$U`hu( z+91O}mW<*n@fj0cVMe`u)t+m& Tg!hO(tg_bR#?RboHl2V!-Q8%^6l0z< zwh!I@4yEpjCt%g886@r2V^}cKnrelIK%mYxWRGQdC)*kE%@Y+bG>BQH~4%^i0h@c;Fcx((eU3qI{CXgmyHYrhZ_&UuVDa< zn(fPttb)Xwu5J-!7i@&@pMzm^?*f#6tcJZ3LC{n^ibv`k0M~PB^hwYrIPh&0+!lym z)1z%+&bVgSbz>$tS+z3jb8~ph04Y9q&ou5?mFx6Og_?jyMEX)qb>G8yZFTFE85@ud3QcX6+U z26U!w!M4TE@Sxs(k@sUWzAi_B-*r9)9bXPYn(;MOFwg_6I)>3{nhDIR{1GgF8q41a zz9Hi$_wb~`60ra4PU}szxN>FzzWwu_Y303TKVn_!ZtTWQV-)E6l5&>(=^T_^jH$1l zl}}_(PD2|l!pqEe;hn+OSow20zrQUJ%!0O~?8F}!a?A>?d=OWk?t{6%uCW`}dvVh~ z2~o)MBHa9`1u8B6L3V*YmCTq%9?vZmw@zG#5hvqtc$v_(kQ>M&$Gk@U=s1$W1O|bk zG*;OPIa0kM^gVwbW%_No1tg2S-vRyDVal&%BAj_QfjG}s5_@RGQHj+FAZlz9zM)%% zyj&g4tTm*+4|j^pD&6Q`sr#^hPO;!=X&@i$4m z9k%e}2hI*8wf>DL*)bZ|7~V&HXEnCsY9>21Sc)H)7)!Tl9U{Lg&w|4-WjeQGKWz7L z;wF<8L2;urT;5y`6NlyEK%HQkZXZGWVhs8E2vstHO~vJ>N~l4gC$EiLfKiE4>CbLk zeoi+O)x-Yb*+0o{=Oj65SgX^+Z>R7H6}I@_n1`s{H=m_+?Z!>*Ds=a|p>)Z-(QcoY zjbJI)Pmm5TBib`#2c75JA!-~FPTzl!!7VNpBvyBhq9u6yq|n2Ac9djQFM;;AIT&|jGEJ%t!?KIbz!x|{zc3RI_R!>E$GYGFxj_16 z$dK${e=IpYo|h~djSj07Xu4A>sXlfYtaogorkVqU%vv2jTo}M>I^$3@yA9R&-}k4T3TbVcALOh zk%Lw3rMOw{1#_}*fop$v!Mrt*>|OAEHv5z@4jbr3wh!|buUe9b_f<0C*BupFSS&>+ zCfneNVeaAvAHi9w9Zg;=y-Qa9TZpX>V<3M@7+Y!aiJ9LxB-+1x4A$MNBm2unlfJ|5 zRKLa@({z7Bl*D*E>{>$V%X?7D@Q2{-ON1-#j4Aw>NVoi5>K466kqV_FGB4l&T&Vp9 zcI5}z_=-9B>$WD&j6lRQq2jj+QTQu<0=@of9)zAxMz4~uSUot2lq==2i1g!Rz`HN3 zbN&dPG`tbJqlaPOi&0?4T)1}^ zRQ3O3E?oej#fr4E_7F5J+lkWR0od>O6Q}Gs?xr{YC@%AuNWWzD5{Fq9Xw&ya_UXJLD5qN~)QB-oc*13zv7yTEG1@3x*r$8}xo z#nJ2HxXFdg&3_k$uW;Z!x8!L5(F`zkvF5=Cg-%!eV#s%>7P`&1*)yR_WRYkOi+mS~ zo34$(lC(ce!n6|K2Wf*`LN1fgEn@}hL$G|sUT9irOvQh`v;89s>1L}^d_7twB#x!^PykJEh%)V!R>eUG@>*MwEw(d8?D#jqZ~u3HmVN% z<#({$?#Gzb>w=jt1?Sdcb-F9I18cT%*tudT+c|F+Q~rR&OZeOWo$AK0&ysXu$O5|1 z-b|!E`xGwzphb+fjNq#l==1&in<3@Y0T^d%#NuKV;mD*)oP9ADb*0ba&5;FcmUbw_ zjb_^T-UlFr-WyilP@uC)!f8s~4&2G=GYJqf=8+*P}*!4ONg2DFtAo!Xw z?Fhb#W5_|a$gGO&j~5*0gGTU2qXyFPUyE_3&SFrG5W1zge@TPjsC!bq8Sm9bv%>;M zc2gl@yw-l0JV}-Gxvj;Fm%g|p{2Uo`__bU0y$@tZo*gFtoQllm9BUXF1jFAB;Hqo^ z&T@JI+pG4oGEt^D@ytcHC{(Zsg72UK%+P@l%Nkk3?5ecVZ+al(WL7%pPV@fTbEB!X{#vx(l^KS1zteij?) zKETe8jo_8oM}7tz!WPmjK7J(xW_{aEJ04Wwtfmn38LUfx$ECpgL;C!nVlkQo*J7v5 zJu<0YTdcFyi>s^_;jOsy(BX0h_vWflKgR+%JSze3WgFmA?+DSMsvlvgD+YQr`_uzGX6Wsjx46gO~4ypU4agv`IbsOIZhC?*?lD|OjWxYl> zo!R{H&L3pt=S%R)CJ%leO{Q-REa~GX{vaoJjU0J!6rBw$V94EMsGed&(@* zuPP(DSsRGa-RBtjv6c*wTgykfO7b5cL^$?OG|>Ekf+V!XbCFn1>;<*hSew~LM z4GZC{ONqcBc?Spdf@!kP36Y=sam-CngqR57Ol=U2mhLf7FC8TszIZ2CRg{53fWW68 zcM9J7aaMim4t8HZ!tS0L04`k<-B^{t05|?c=Cz2pbYTs=KDGisEkBB#InN<==^top z9fZS7ognU(7f4rs5`WXnA?HH=LvDAJu&Pk}C@@@qdwj-AH`Y;&s&?qQoyKadUO>P5 z48Hv2bNDi{1(xh~r^7VQux5oU;wJQ=Jq`rJfhVg`;ox{u^kgUcMpUtP5=ngM?^vAo zQ3+>=T!p*OYlO*C_1d#)NNsZ>CPWB3&w+ky)a65P{)~`ed8UtQ!L49EaXp6rCl6zc zYT*<8f?k)y@KF19ej`MUe6xN>{4e>_wZ|7=Z2V*B=xsx*5hC`*YC2TC97Jz#ABE?N z8`wzwNtiicI2h^|;3IuA9_M?7Wl!Hn6&iJE=uuhF>9P}ckT=MXCqr4_+;}`VR`?&? zRDyXsq-m-`ws^AgG2CqDi=V9>xazJ+aH3~0Q|UD#^n(HYUO9=m2w9dhmrvorzc)bN z{txN7d=nK9ZsdzJe~9l5KLaX3<9NVNHSvbt4m{HLm8I|Kz(3QS1(u5rKR<07Onocx zh(g2R;P7nG+4%2l!23HS@=66sEi1*rR&97J;WtUVDMPpU{Dm>Hs^DpR3agdgv)^us zV$KUeA~6N3BaX44YYsfhxS6PTSnxSZ0*C;_Mzcp!a6|aLS(-cZ_ti%r?H|STz4>4` z@+TfUCa|j&pR;!leb6_tm%N_ZjdG_X={1WHV6!I*-$fbs+4h z5{@HlYd|V68V3*5gB=}v#N#B+g2V%L!9Vx`S51j$<6o7rMW&KG@Z<^fSFR#rAEA@^ zbOaRKzW@`mh4-sh5dJ-84g-!PitbwtB~B}Q$+}1@I;dkCJ`dLeZ_7p4pjQif>1diC zMFAvDxoby*cvDOk*xVF4?&ldeZRrO2ZIAJ)Q6AlP>$ihQ()J6?MPMFp$!UXa4^`+R%PexmV>o2rFNE8jt5D~)8~#db z!W8i>QTK;(vihSJWRA|kw11QN`@SkD(67Sj-(HZp9vLiH_CBUf)<r!ZsOAU0&gD5w(d zrKcn$>HRAm@S{#0(Pvk7qE1C-j)*lD2FIQ1ds}IgDQ$p|54A9(X!@2rt*yb05-yW6nMcYG2&$le` z(e{bxa;5^Pz?pq1Wh%P5A_w#hmcof4MxgjY9}9O}1iM>G*!kou%9)iRemo=Anx0IY zX1~D>p`!se%(+COJ`a6+8ipHmGPtclSFOLs(i64#Z zyy3yW2k_WAxMo@)ou0WnKK>$Vnd^eMr`QDu3lIGQ}g1pe_6Qv1??X_w0~A+} z!CYT$+@fMjWPH4ss!To{ua0M~xhtXNkOY0GT7dzLinK{uj-JgAhv`0_L}xb56YZ1@ zgsF|Pta!-~u$P(wS?fQsnbRpFGiHf)c~JKLnhm@vIuF%H1kb%!D%6=aic(Gnz?-YD z&o(*x<7fSRwruoCOc2gQlEt@h_mTp(@Lw?e>YNSLsmJhBY5>nv)MOc{{t)we5$eqv zPK?N0c8&HZqlCGH(+2dMuESS%#lrjx-*K+3 z51f5bAaFt)@qvx2z|-CX2RlVLAjX8hHYvhw_X!`^AcLpX6VN1Q150Qq$A2Y@$u#l= zEYcn(Y{gd5&X?m*{KIjW~31-phturF0(V3**#a<0*0(ajz(^Xf$y z7A*8P=4tYqzowwknr5tBCHTMEFX7VV4j8-TI~Yn@iuF}sCsPrZ7ut$M@eFd~Wr%#+AlLL2EEd}P%1AOW801jjXfch2@p1x{D2ab}%!k8R9VQdJ2 zAA~#5SKx7{eu2#`N2(lD2nC*IaB}e!s;62gKI}J{tCZIEao$=@4XLCKge*tKaajf)H9KlYhGXqXdy>KX|X*+2Xv3gmXfkF%FI zdqGRrt$wGFT{W6yLs#Crg1JwO&|q6K@v=4-X^ohI-*eBgx#O6Ytvkz9XK3$b(E`DUp)H`Pnll+_wC9iM#kUQy1bqzQMMgbB3B zM*@6uV}KsGNrs=a#vIjL+_=LEqk~4UYZ=c$@tqV+Z@Y(!iZ0>*9gP1ixsQ>D8;Q#r zDLShn0am%C@GO}Z@G*k2$7!9o&}jqlJ-vi9>vg~!Q7R0dr^AOjpeo6i=+ZHFnY z`=CDXA^dFK$)D84pi4wAEB85pDr-T=)+q4l^9#V^N+k}@Pej-IDG=opX3v-C8C-P&PaN>3; zzGZF>NSJ>R+kLY_$x|&*6?%uIZqI_Z^b(pxsv$Su3LAJbjCr^lX+|2$Z0~{1Nvp+n zL|!-_nexI}t08?;6G~oNDsa>0;>nCatXo-x?4#hlu-yzA@y!@q96-Z```VM|Psq2> z7C06CND|@5By)O7Rm~o*snxv;IfXdBoQ+6qrXPQk2VtLu|>_6!noJ-sT;j}ZETzbnzf2$ze+{hW zDuTL$2UPvnfGTtI@JIVkfx#QTn;d#y(6va0xl8id8*%>k)KjsjS`_+BB8dM5p54*v zhu-nqd7h#S`~2pGaCVA3r~bx~{BXa4ZL_DMR%rrizT5y7%WlG*pLP(tz5uL`eFxRt zPPn{l2ZsE4kL9N=aGL`^_RmltvsK1nv7IOER@=hXZ;hknFL-Z*lm{Dg(vGMNNU#HL zC%`u8J19FA!0uRIeqa6uzj@hkU-tE2+ zxA+;{t46#SV@uwSkcHImzXb=E>cd>K+g#w{BFrnx=Qb!flgt`R@+(CP+vc4javyUz zvw}x(;_5%}+A7PvQcJ-#_3==abqe0z=e+>E>TpeqKxn{TuD{|mm^UXfdr=uuD$xOJ z)PrcSW)iW`7=bYdEV&s{IXI>>3Kq0-Tz5`Ac+FF%+8O7d(ZdqH9^MRAJ3FwQcLDZo zDC2fsRUy%nf7AzRyO9;v9bD@pAN(SbCYU`+6i#`(p--lIWA$uD+&$?fL_Rb@f4%vz z!nc(ByLA>`o=)MH(gVmgn@QAiwo>C&rFco9m*y{91Y3eWW8iL2^8OLudH#})QP)4x z30qzY=%qoNyeW_-Y23xRo(GBlZ+WP^cZSb^D>9SPUTXe33Bs34(517*iNWO%-0E=% zWNSu}x_f!tm(Vq=@=gjrZy10r#@|s8YfWBR#b6Uz$IlwHaLtiS+%5SXW{ZtLLwzmM z)7*=XEpK7NBUh4fYY^U<%;P?q@5chBO)$DY`3Fp2yP5em##975f9R;<#_iYzf%!Q@&pLHd$7 zM86!%GoNQMnSYAx-VYhlV3tW|?-fB$e#S<##sYA&Np^x4Dm{Av<7X@)=^rS)prQ{R znx+siy&Sf3om_|eMNX_H4IT-%uq_%Y5K!mG)_wX%H5Q0rtbP?l-4!K=lMjJwpbVxI zjA=*h$S$wrG(6pLky#k7{v3wgO&ic{{(IpJ8i%6O z%itgXeyn6;gpF1yoa#?Ac0PPE8*$7Es`kqf*?;SBY_SsDU8q5Fm5+kc=U>#)W)++K zov=Sg?_q}gHqg)xg5smEQ7<|lrw!zyY0Er3F8drDfAPM!oA1E+PA|2%`3szOlyKJS zuQ=C`6jbQSVV{kCp?8#sgU*9E^P7_c{T zJHcM_KHtqshrDzCkd)ZMeGe;w%Em$Ncb6A;e)~eS!U#4;HX0=^PGG;@yaR{UpV;SO z!f9sRq%ESZbRho-ZO?j6ZP)AoskAvHNY{lP74`t>U(F>gwMGX^HJ(TQnLGI)lXvM| zN4e3i#7^rqc#M{W{SCD+E~X9C8fU`ANS^h6Y$PYZSjd-lBEFtA)a*eWx2yOt-STi6 zF8RBNwI0@HQ7@Kq&g#un$eT4p)>WWdF(>%1(vMqK?*J|#ru1dAJopCY61(7)C%PGh2zJEw<9{vDK$fvZ_lBP(D=c)Xn8x{_Mueln2@v8&X`)aV)o5Om$)p*Kf0HWVqfXjjy()D6Bygs1M=DB~t z<)-^_XOarHMogBq5A;$K^K}BnoMlYDtyVaBUMhGTQ560gDuI|OIq3E#8reKCcE9Bf zci^}re8^t}+`u$&ao0lgchUG;Sqb{)y`=s8yynXG^E9lt1igxfarYE)_~yDCz4*Q6 z6kkM-*_CwS^jb*bcRzDb6C48~vD-ouSMp4kni>i2V|F`dE)qf7vRb&ADF`G=gcvk+ zbDjRn@%G=VXykYWf3DZX=!bInF(ihokW*xzX8X{0RTtsRwJ-4LhZA@kDDpmd54<OY;S_$wJ9{hdLDf?r4n}aE6}qAyU;qM z7qx0d+0u`b+0!+>!UC;Y)V@9dOOMDAla-&Tcm53aTXZH`C+~oWVzjZ)Z(+P)@+T3BDb4w&F89ngiJ!`yRi!n0Q=Kyh{tH+*1#JGyN@>f;AgK4(` zZa%PQh7La5&aNstUZDsSViNFpiUc`3a|z_G9|`+ZFX5N&5u`-Di7Fl54mLme9jj#s z##~;3&7R|ETf_x{f_XDKRi;68unw4g7{i3g=iy$Q6}R@cIsP=@eK)&*!J5@Ac-ok8 z`#-+G%{T>CWbVW}^0Dx6_h=G0IRmZtM&Q(;Kk#v_B5YcG9S%S_{Ilx71xXLNf3N3b z;>$5ORbCNZo9Z&LlAoMF;s4J)F}7La1+DiU!dW8*sdx>)uW6QGyGGsT9Qr~9FHUTp zD$esE2v)%I;w6}{O^t1AQf0f6MOa_;KREN-ocp#{md%NFV{@8*LoC!|R^1v%a@V4N z-;0rgMmtjUXB~;Pkz==WhPjIKTk-40>0tcoCnvq;Iu|;2E{OLX!B8D>I`wlogx)v^ z`<-gx%~}ri&4Os5iw*wDn2L(yn`r~j$(XW-pBuDLPBip5Y}Q_0pAfA<-b_A3k-v83 z#zt&a_919_dIx7#JEK|mC2;TLyVobnA@Tkncr|((pLq#{pN7}bKq7%!Y;l0h%T088 z!UMDp@W;RFwy|@qbu_dp6MO7xxr4IuR7=Uh#8eZ&i3F zz7xitKMpY+j_5Nk0$i+{Ky>6Kob{mx(oWXHq6}@^HN6_%-tc9cj`wj#BBp_y&Lzkz ztEJkH#nAQIDLl9BE{w{tCU;8X@YjkYW_kY*URRv}KR=6LblXhK{eF*YeRZ4~+zCf9 z?+W3)mEZA@?MApMsl;lkA8=qg3983_!-uw7WWVP~SaEy@3ir6;u8ISY(CvbEO_J;n zUbBW@x;FgGQiKis0DNS6qAp#3GtQZwEl~101G8d1(BIbp++xQ<&M0r#+#G;0;p^f1 zxy1Ubqg05SKYwPEujO{A$_b`kdI9l@3-PaqKek$lkXb`^?7$@%Qg-ox;AqZMj?P;I zmV!|vKx906NE?t>4-Fi8iZVbec?czB%xFkuH1Q6LfcJOp(U(X;zrkC&C_I-7_&b61 zBnk1=rG7z}>__}{Nf$z7lmvZ29$;m?81(ts{FH7X=H4iU9gXI!WkogIa8qFVgX$#D zC76ucX2?;$uT(~}MR0lRV(kB&i_G{C)eLaQpTTQEH)am5Ul{@RB~NMeXHPh2;L7SA zrDNFl16XU7&DHMLX0~I`;`(A;R^dDfegA6VfhAYCy-VNV+>~B!n#w5l2^%rp%?GY+ zJd85?Hqz20Gp4ZSIfnZ!1w*qabj;ZUq6sQYd+h`=2q$pX9)_u-N;!4^0rYHt$(2>b zLckh5avN3A=FwNKdVD6T=WHey@~6^S0&j3#6^vE!8^BzB0W*5N9;d9B#*P1Xr(QF* z2vy8I@nS+M{^F3|F*K_vurqq^LL~8f0Kjk281KYBTBK zGX&?$;xT{pE%_N0%%(kDxRB&LvzH~$c?gWf?v3> zWo-*OPI&|N!aBj%!W1Gtg+ifm09f~Ap=b%8K^~C~|M6@UBHb^HgWMM zPH=0U8j{cjU%+NPgPXmts?|!0p%CnlgF*Mie z6z3~Dg6U?z1oe^QVPg1c;f8pBFdu&rFU9CEmz*AZJ3g~~NtI_}*vjGu`}H8ZqLiyX zR*aJlJ`)DTsr46~=81=foXH5k=W+oMw6=rVk9#H5;^{ zDr-84OpqmVx6*~rTOEkuq^G!~x*4iTy1o3?Vg4D~L-Pho=-T95bm(qHn_wqWSd#*L zF^7d@^7|_Zd$j^HX{S8i$(b^}XrP+Gs_O z>>LjhvLx6Xfd<)9lz}JxZo#H@Eo_wYg@4z!koj+N(Abne=O6uo#)en8DeW_0t+772 zd{UCg3u7>Onl_(0^Awb%_6SYHSiQ_bC-`R>kHh9}Y~9HB*r9$C#*EWoFwF?RIQe7H z{Ry}s*aI*6eZzeNHP9$)K|hT1!3z@AbWb+lSwD0LHMn7Jk=y{S3oU|gvzLQL-CUA9 zbQl+YISc`3pW?Vu5%RRkS-3Q1Bi_@Vf^Jt0SV+kV_MPXHl>K}JfjkHCF1?REYb5xY zQ#qJ`GPi8GCTn$%0^y4-LI+9Sk6SpOy|sG|*=L-s&jA85F z@Xo1>2Pj|C!%dgz#H{TFoQsGSR)s3Ff6s5yXFd+x*%ilNbNOe=dC1}I=c15X`L~^rDDt-2ufYTsjVD=U*@f(Nd*mD_$(vj6Q`W=?)#ivj{}TLm1OI0O(tRo zp5f@d>iAi6KSq%X8ok08=gzf-^twaXeMyXHDt>~l7eDGAH9B!ZhXLHTxdfVZq>1}B zdkDT#k7Cn0@bHQ0(3-n|Tv*pLObsll@;4;N;6>ZgZC}tZ@IvGc_m}RVd<0c84}>Kf@`9j9_U-BJ^yhD65`$ zneII3ir0Uw0OyQEE@=B)mO1@2dL5}1EElVTUFPQGanF4i+4}%}PK_ardXMqruqK%Q z41_bGS=<>z6Lx)E5nfrC37a42P_6AYg4Wsw&ZzGRR8Lrfp?gJP$h8#?&-UU(R!?J( z4&*}E_ZqPI7EeF@x(hm+ct50EAk-bX2;Lb*klObiC&`Jhq}oo0$?x-Vx_BP`*|-Y! zJW58flrvPJ`VqWx%%&v&19$9f3ETo#R@vqVpPP5W&8Q39qo3vUQ1%?Wba4gObA17X zPdb1jlI5{w)DFRq6|Zm{-w`UGUkx$_-k?{a%ckxZt*_jeMK4Z`Cdzhygu#iOm}++w z#P?KC8y`b%)VyZF3Ylckl1PGzcl*ge>o3fe3B%Y34Ww@j*?X&pa4t>+{NRDu~w0PvjfpYKV;;kq@{4~TPR6)V|he{l$CFXV^@nt<7X&r8r+JrFYvzU zWr^^~)rb4N(v-#RXr|d@GM!OrKz9Etf}h9E(9LLs8a3i1!t*eyOxMA}=o8WqHB;t+0x_T-1<9r_~HI?G#{axU{Gl42k`~gFs&*7>mjK-f^NhbF>ldbD(aE+-A zF-hh9I_{&G(vw=qnBOUsUd6j-3yyN7*VW0k`a5-By!7FTyE&U^8Ym1i;2EkBzUY5^ z7nlW~=At7g9H$xe?&>e;k>UT~i)juRoHQY4*8jnUbT*kcB^+bie+wOgig-qI5#5sc z2-KB%#^0YR?rK^XT-KImM-T4fX1N$$ zO_-sl!hQO30pshpV9%D-q~LQZu660HKk`(HO*C+VH*F%s{+p0)d)x*6PA{-~e>^Ah z+Me`DNaKp1YB&@i#eUZBV5Wbz3Bt9E*{DSURNGPyC*~S+)7UOf(e179^iwysvZ;nM zpA-fKyf1FzwGbSasLSR4EEHIFXVDEuWASLq09x%B#D8MjU})hH9KTzVtQz4@;>^#{ zqO`KQcMTt4(p=tG;i^SWdr#t4UWvgXo+IiN<^pr}u0q?j+GO7oH;B5EiA{wkaM2kd z{I)3IJ`2jJwuL%2=Iw$e=L6iCghV=V<0mYMNy68T5|HCl2D1Weg~Pl5K&GWDF6Zxs z)mN`#*oaY>Q5}yfLuWxx9PeLMz9PI~r^JT$$Kke>RdjGF-+57)KuQ+(&{OFLK~?ew zw=c?$XT;aR>&SC(yi13E-l>O|f0sE-U%Fo?$P{PN4-cV{dNXpHYH>ZCjrJz`NsPqZatg%l#zY8>O@%F|9r^3PyP5A5(Q}5I@r02qS;xY`&YI`q@%MP~ z6FD4 z#QPQRPQ5A6RIuPyX34QvN?)P9R0jh*lX3X*5ITIPIH#Z$#&4G)?U=+`M`rAM9Vdt20 zNY>wgUo~xr>m2d&)hM`qEZx5Q@@PmBj3E8|d*irOZrm9EUASh#NT%>~BhSK5q_?YW z*fr-8?rd}m-mM$SX9EpUsPZA2&_G06WFDS@P!ToE4 z$e2}{u*^#xi&!7{9O=NhZU1mLpELjJw?q&>@d&If8qY>j9sEs9*)2~)hu;YdMi#7v zYQM)=Kg)=lEWc6^qI4NG-d*5|4I1!gVKa>29Uk6w^29dalt5;$FX}!_z#reIVw`9@ zx*z>aS5@7|=KK7hG5a{3xo5au4F`B53 zcIWP+r>ZC`Td4}eul90zWl21X^EB{9VQwh)BHzVspi*{YAh^FAy1usIQNAOvzq<(w z7v$5chWT)D=1EW#wS}WHqwt&3FZ}T%4Q@VqivZ?oq8C2g!$qd_3HOdSsV8pJ}|QJ6H!*+KkeGOoJ&7AKb%^Uktms4DUSUHjkT zaBw|_eUoILf=9B4#bT_g^$i4hp2ZhtM>zW66fBmy$p0S?k+9wcWah)^oWIFxKFeps zMOKQF|E5&pGGSFpd(mic+`{$-^ms{Ei7(mWMd z=sk0C!e5*Bq)@JLlq!4OSxjez71PUwdEEPOaW-AyAHLG4W@vR^|zG&tHy{n`*HsYB`bM_}TFO0q$~7EGJ(P2vrY$;FYJhV9t*w z&dYWP_xn8&9F^2z_g^HVL!2v=?)ZxnKJsq*akVtz^c56OSVr<=&eJCIn2ptOx=z$!DhopAH!QB_oX~%0A z(I`q}MYA})O2fLJR>>gwcN9~Z-H#PJonc%wM-^`rq2F9NoYa4aJl~iMkljJYR`?J< zmCE{bqRQvkkHeF(Za~zkgj#C)a7p_i_iR}NoE)nJZNW-#dS)Ny#((7^$9oF`RCo^N zh5fV%R7i@GG&`B`7_7#PWS!^F<1>R{j0`Nq4VfdUXlD)$5fdk?btiJJJPYTw@Q(25 zZ4ZJ=YFlxE#|L^xS&1dwyay+E z{_wHt&v0dTGdy1RoZEe@5yrhuhTI#Hqypn{X23SGEJPneX7|8>H;eJLnG^9Bs>9}Z zW4t>qg1osXLMxu0B@Hh7a0Bm{e(c`>^TyiI_}qV3FzY>C-Y>=`_|71P|17|_do#EX zouOe)qWpa^0se?Tq;kd)=s9aXblm8J@O6M0onHj+Ic+vkRg)|Z>80c9q+n9eLgLqL z#?0qBlGk?jBy3M0OO&X`S28YG9(9PM=4-RJNs7QcaxqQo5kyWt0Vh&F(Om*_R+v$S zmTmPYDY+Hq4e%L@uvDn7dJ4a~6>+fPGh}D~g@q;j9NI{aWCvcNJ*&-`zgsw5C!eUi zqP#%Gya2{M%tHx@3VeO8lPX^H!0&-p1^@}UT8bUMt;_-^r> zzw2q5o)263at+QckY{$zONq2+KWweGWZ{~G$=x;Pd}a&4EcGN7i*Le#$j5xoVG6l> zW*ylZ{snUjl1RoW7u@DNmc1J*0uKsB2pzYHybC`C+n47u`L0g7Oi}^{S0>_ljSVQ$ zHI{7D;=K*)Y++`mDg>lohRFVLWYU99LHA)je9>G&S1fRW;KhMtWmgsUrKSn_gd_MG zj>h?AdL-lWJ-pDO?wF{4vkDF6e^UW!(_xXAK&HMC@7Q21B`rF#}GJ(8lvRt>b z_ukUR&;Pg}#fx-y{yUIgB}V3j2yy>loN#Mp8SdhJC1pv*?3m9qVspp{jlP?J!1)RM zR?Gxd4oJwJ>o})_gY-jT*zf%oFa42&ibSA|?_cAd{R}N0gyYUvv1p<7hb|gy1NFi7 zT3rKGmUPA?zciAqtF@vtb@kxaBTLw~m4D~Dp9jB|KgLtH67bU~Uv|Aej_9-$qNshp zFeD_8)4w-@to$8KteU#8-ER^ZkWa@iGglD(s0P$5pTMlnPZVY>$cEW}>$vlo4kTjJ z5SrghK-m{AY{r8u{FJj56W{Lu>+`WJOFtEF7}P^;IS0-^R`bsd4YvDmmcVDyYIx!A zMLc6hFuTSW!Gx$PIFT+zigiRueWx{fFuo8}^fED5!26N5S+SUa3GBp(iI9-FtzOGA ziml~WgYyM;>`T2XZt%H_H!6x?f%I1=S$QaZv#N)BUx}-kb0%ytClG!e1@S(LF?Oo(?;~PG! zYI{lW@`D2SiJFn}`Ol%MNs2s~caHupwBy;TV_2$VER3yr3(HnZ!;FhUs4%?4-MDv% zIzCIqb6v7*L7N#HIv))=zboL?qAQTDYDGLNmooFh%OKg8hnX7+iAzVc z;%$DHn~hgmMiWc(DPZ)g9Y>tKjkeZ&meYSO*uGMsXKy`#KaJAt>~(8)?tvaV8{-5& z8cdmX@L_H+unG?d_;*NdG}Nipz%X*){hJ%#AYH^WZ8}BxdyUjbu_7;;( zotyCYK}RNBE=lOQWo*jz#aLeIhi+r5Kq@X2$E5fJ1~{;Z|F&`|k&5hoRucrb$S~=2 zHDSU|e^#zvhT95Hv8B#Y;Mc9l4xh-OFWci#|Ew8)*pS4Pog7VKsV$fEdy);^p=CN~6PVYoPgjv3E%jAd?L z3LvXr1-lbtP+Y>Ei0DzlJ%vyTCE188brlAxt(0 z@A}mXvbrwO;_D*h>;-YbPL&2+JzA9%Z#8h}6M2Wd`#Z7cb_tZM3I##HJpLIFK@`sH z#k5&}@b%}%SgbXl_`FZxGu_9qsqH!x>)pV$gDYXlo!yvj^@I{bRWi5wC+@C`XY=ny z!t_;nxZUIkK)N;4m*Sng))GvsFO+G#>4qPbUf|s@gLKc4XBQSq(;1E?Jnw1>GhEh= zrEOzyXjB2+tCEE;^V;#k?QFF48pY3%#K~S&cX*VQhQW?cad=%hcGGxr|370iaz2al z(yjcgQi5!i)Mrk?4cHvhfbLiPcxGl2emWWgwb$w~rF=Xoc90@g8XBai$)0QWsl!DA ze~{Xkk50o+VSn6DPPr-Y-@)=;@mW0;L--T!0$i?k4Q0tCIz~KbOyu*mC^IaLj^T^j$5&>J7)To}^|6 z^~mO^Z#3}x51f@X0qm3Pq5RNXLfA&!OVjYpnVT@=x|#Wr0SSYLww1wX@^?hFINs?;yVU z*^eJW#fV#79qf4ciZ%q4;kBV5`eW~Ie0v;Nh0{YAb$%HhmKSw6o^qRwpR7pw-WrqP z$6HyhmmxXxFb67rNaD{gD*XFlI5)&^zg~^#2Ob;9S?yM$|70(45_P5A^WU%WyzOD8 zwqrRS)s4cDznj6fT!=p%x1#&C`KalTE+Y)mg52tJAZy+>(cg&mn2 zvw=Jl^6&EgWw2aNg8Y#e0|)CL;C!P3v}gJOg*=F3~;1=eG9FW2u=6BH@HXqChh-0_{?M^sH@qWZ_7Y4U*Zea2k6;qn{)UE>j?_^n}ewLE9>c{83@dV$T> zZ(+U0H~25zn9R^JA_@E~BD+pkpz3uPMDx}||By3=?Q<6VOf>+x3-4j=`vYj{s!I0T z>;l_s#vorH#JBUsK+KDGsg?(j*oQ)TaepnhMJ`5YU;dijl=(qj4S1)*xs~YY6Nhib z-RLUk3)tQ%4MU4XK{;VMD!Gg#9}lgD^u?F(hT~j#n^DXaUFyU=QJbjBk_B)-G>Y_w zzlXna<5;jNgMBL&qRn*)COGwit{!_5`WKYIm#gyly`>IZ^aX5VLLbgJSq(F{e}~_1 zQ^B?O1LjEICTHh9qI>@?Iw~=)nZ4Qlp5DKaAnNe=>H9j(~sa>p)T^mQFjQ@qm`q#;3dr)b&a)C zaed+~PP$TxU3F~dnYb+=_t=sIDt>{jm%TZwILhzHbR4?xJ%tL69mn~P3|rAXSZ4ngIne>AAQ6o!K2 zF#hF4=$mLj*4UlHfk6Qgs+qF?UdphTSMtQ{aV&P6IV+$kZ7_e78eOTr4&6Ny_!*xJ zd;IP!m#-5CzpvXeB|gLS*=F@`-eeU9Ivy>XFiFDRBi zh0Z=ncBt8tJ-N#JvoD>3m;2MG;ipu*+5a3)Ur(T7eM2A-R!KYljwIjO!!e-CofV$4 z5=cjgym`bNFyb(X5|%ddiI0U`x1|u{9fYy zTuY+cDni_DT7b2TExZgYrE8ZV46pgdb8!gl?~Q{zTQ}^|DTZy*lZfeCC+v^eNl26n zY&%!UCDvsL^YZxawBAg-V<*An-Xy`7PrwNVcxUQeX_C~F!HxVFh_i>rbGySVh=#&q zQuBH=*|jT|t3TdD&pRvA-q(lliu@iD82bZlKWw5WT3fhIZ4n6e&BLcE+c0ER8*K@e zBxMT6_>|*vF7dUfpo-5{jvsHrI=3w+pQ}tj?{5zJ+wuLuz8L&@w*xXNwb`pP>rig+ z96q`ogECA12t=tC>RnjHrcxJJ*I|GU=1}xqE`vL5W6|$;B7d5s0%fZ-Jaj^gxhnDb z#{BJ2?Bqng)g^)D##iuX#AR;v+gIFEw{DcZHIk)Dw_sGqQkb@P4CLR_=EfbEh_lYg zkhc$NcrPi>tF8{_4jr6}i^B8kH_rVI)<(G)sUrgYB@`VN&gK-Ki@X;g*2 zSt9|5z8DghqCC!AGF4b*$3XA)L3p3LlNIo1un^A&Tv#qYSK#y05hLQ6k5{l(CtCRZM7uCZE(Wfp%p$l`6(7kq(8agC3E!=Umq!brD0CUf+U}wmRfe=y zdNN$kKFF1sUZSdvr=eq)7|!&Mf)_h8x%PKzEIP^o0_J2ws9_?iR_&lij&DV=x}|XS zYKuU4c^XAz@<#3JA`qGv9kl*jQ zgN~9cGuj=TL*|prgK2opnR2IBo~F<3=Fsuo$>^Tk2n%mdCfuF~2v6|&E-3(%<*9=N5#jvtqx=d21Bts2Lf*g3K5jimbCmtnT@uXLwcXC{7W`W1~X?)U;gUV%-{qlHGiU{7fF1VKb3+cbpZBnKl70 zURlM({waqw@18;b^;_`k+$Nm<;Fr*)Us1THtpy_bHo-S!Slez71Ib6I^3pY=RCE$V zNLHcX*(RZ6!C~~?&EVF}Hu^p95#%2;W#hHAS;{{{79vqkwX`>|@n3atzk&?Y%=hQH zk}3Rk%mt?jhH&GLBwOp!k8-DGbK zH+`i}Q+Z#e=y74o2o)}IsFa5Kl_8NEFWfxZ7F@RkfWwv;)KIa9ZO%@J)6PMa(oyO# z+KU}l83$jDMcFOUOu>ZtQ%H{UEMhuIg_(9Jkrl@7Ooe3O#Xs`o)v*}d8eR+z7yJdy zF9*4jKcApi?h)Sf=)-_D-*A?lKiOAr3)4+63QJDb2^BtngY&POi)NAU1oLW7*j;FF375x(lf7S~-+R~CUY>fVC`-$yY1 z(T9g?*RUh^MslDiM)=hxLlACj$xfJM;RbvK;m=00!5{NjTbDK8{cc2`tE&Wco9|-z zozuc<6LDs=pa=un8il(j?Z#12#ze788o!Q|!k_0~qnN;qm2C0FP+twqu$jz#pIU;l zxCDD2y}>g-I&r1KDbOEl0?Xa+VnvJ_tIsBiRsKwK12^vucq*E{r3AQMfBA z0jFf7Q6sC%+|D6?e3H8Yo@U0==f#gHdmGI=2wNes`3;>Jm`1OCbb*(DMl+SfJ0Ldu z0cUNa&empWav@rO;YGd+F3T`sMMekFv~Peeck#!OsR3~J+7{d#WJp#R-2#o)c$j=N zAKR1HvcD|}=xjKW_+G1q-7`*tsk9%+@ox2>CFi-%m2og7yBQAVb_rr<-W2Nib;Baw zHyd#FCAYfB9vx*;$;pNGIP=DFSe7P30yDzF^990D&n2M!WI1k?&nGT9UZ|?0E=X`c zf@&|ES?kSv7;$kL4SF2!AosHl%&v-n^fy&vdaMNUU8a&VS@YqKT`WvHyBvKUe-n7D zHzFI8l(~1mXLB_>Hlg777c59>01MAfEOGdchG%7Hz$e4BYG!Ms6|31#ZqP`IjZRYZ*ezs+Tg2#sR_3;Y$wo zN8Z7nn!CX3*x~T^F*Ix0b6{IS1dnp>L)Mur!Ac`>VzzoQr(&Ta>I&Ck_r30F<`Fi2*9+cRV8mQk9mNsPcy4tx0e{;s=v|t~2_% zKY7RDVx2W4PyLDYa-&Jl9y#{!_fh=vZ9nvdL}8+|9NG261*P40z`xuO^w<}Jl`{$Z z7G#LS`)l#WEGa5GTLeWk{NR}G3gJ?Vd>EZ03Sq^u_@^lrbC>WxdvcgR7pRhe^21Ph z@iFHiJcwzzw=wCG0*$(P40e66;5p;*V0_k$8kc;X%7FlsMH%a^utE%y2s_;6x&s~l8 zA{0qYQYK1h?xm6nr}0uN?`afuAe~djTvk3tdMeEKA|%Rk4p z9%r~kx+me-YauSw&O+f}4&GbJdzKd86PoVQ=A;VevY2!!?t!*5edK)sCxsjY->JQ@ zYGWW(`B(#0?L0SFM*;^D^l(YG7kBx7K6jkw&6qhpfh{9*Ii=VpZlM%HPWf51u%1A) zMqGvU!@#2MtJdr7zDrGs2rShIdEr){gD87_Jri9p zov5h*rk#-kk+BVYm!J^CL;eYmExU~yJ1Q_=@)AV3rD5;v8v0aqAt;>pz`&A8OrdB$ zc&Dn9h-E6M8QDZ_gVl*ODx!(#Mf~rK0XRI5!}S*;Nb`b!D0qY*zIHlM+TcLimd&sI zd07Tr7faF!EoIPCE5@EU=&%BBK9AWP$sLgPVX(uDL_F6d=ftn*VJ6v?}OWP*wD_R0Asb!$p z|COHb(q&G|LZE(A4L2X3gEOIZ@eI}X%eCgP+iGOWtw8*1ed7@jN#KaTSA zrHDZX$?sn5)Tn=8CMu2fJ(alFE}45U{V%AbsFBm1l@OQPD>(h%XhGV@Z@A)@F~#)r z5Tq8%*#)YyE>#66X)eMU4Rfegs4o6G`UvkhslvH6Ck1)B52>N0fZMM6l0QplQjJe@ zh;sURsEaM5r&3Q*lf?&khMo|XC)VP(rM&|2KT;?-uoRlD_JH}R3|w4Oh#%F89lRVj zVAbbw;L{n}b82@8O*y5kX|wIjU|l zms_#Th(s0SQX|Q&wEeyVQ@-?s`=^(U+hy(njAZ8B{(#fvxTcV)I8ylfRe>V5&dkZ)nLp{#uhbPp~hQ&Wzhr+N#79li-Ks~1CZ_Cfr93L$<&qu}Q* zFS=;&OZvm{1WRy|B7RwIT)cD>K4}(XvU=fMJmuX~nL23mbq&XTTZR+*Qt{~PIxa-< z2d8F#kJf+L&nkwZ(e-OBS1A!nC#5-JUT-8w%GrbM0a5rb)fDsF+vu?_GjK@l7KqK@ zchiPr(f{a9YN~ON8ysiMI)uOJoIZbUXVh63(AB5M=q6ZXFG*UbW@7E5t5_4jGs#;D z;Fj-Gh}p9WuJHfUSso*ZPoEUj^cSUVD(7IdjB6p79y~%n`?;JnNaWf&Oyf=V|rWz~UnShHnv}~Eq2sv(QMU@CmlusAFAtltj@vnKIdm;Hs1<|hI0Y>3nn45ApJD0f z$?zb?gTK#n;OIynxckD8I4i#wx@5&dsEH^Wdaw=Y-f^r_0JuNlHSE}vN8>Y^xcXt9 z6LnDmvQ+fYD&Pk!UN{yEno~jl;Y_qkP9dQ$3jQCdnrs{9x>bpPh7hH0igj|p~ z*(qy7{O%-S%%xFmfx%gf^Ed;)r>8LPp+6qrJE7#vN%-*LC^_o8hr0R%LtW*6SdsM( zUcD`#anHKI>Bx5Ml9k5OMjsKcujJz5#c^pzB-wMn3d)RB$YQ&@oY_7*P&P3mg!eGdnncwaqRE$^T)|2Ol72k_+`n%l^Xy&; zr#hsdwcA3>=x*bT3%pqR1UC{X8O1%7;T;n*@1yL2bU1N{X94_u$*mcz!?d=!WQsBs zPN+UjV?~#<_mPPxUF$`A)|Y}o`V8!qlVYJi6~S0I7Fc3oeXdpz8&=7ttLukkKZCDT4RFU?ktls^=hmug(9Wk3+_J$UPWg!| zI6aVudpdg|Pk$zqG`Kpe7A_P3}ZZ9;do+CuW{UZvUfr_)u03dq>MMn#7dlH_3rlKS*_zl9mkiWQWssa0nad_n03tYZn3X`y@ zf*6g5SUOITb+4OF+D&G%fwJkSlIuX{uhC;}(WyY+#=_8wN8n;IhRnbjaG~-ns4Uuo zHn;fm)e9Sv^@8s!G@5Zo>OSGMCqbN`t_8=gmjY?`zi`vP2}56qvWoRqEJSTJ?3C-I zzF+d_COVTG$v1`cxI^%GTM3ulp-n^<+l@d{? zl!`X(rG4T1{R!t>=bAI~zRz>t)*A(M`d(*jzo;zaOhc)RS_0X*s1Y&ITLp=SzFW(&WX4d|g@~T5A-e7Wctl7q$4Adkw^)Y9jq`(~+*pd&uss zF=6@^n)LKS5jA%iLNDA=qmN7~&~fQVvbeY$k3U;Xjv1)Y=?YoU-co}j-s|&-q&LvG z@d9g3*^2MZjKY4!YhYYy0Li1Xpfgn!j@U25p$UPj0?~@PlxU=^A>N~@ED>tKLW3zr*K8_agcnb#LZG?k??LKG#Ms|A*7x8 z+89!=-j}HI$AdbL_GXcuuVJi58{Tgf7&}iR*q9R%bj^`EapTki95_)#V*6~-eM=So znSU5VXKLZGr3N%YJ_NTdT)<8oYQoIs5~ge@i9>F^#+Q9rI3h;q6O1v$t#8H?1EVYW zd(}utv{$26{+r0xi1~QH@GuUw$t4433K`~KarlBxW-n+il;o z+Z(PDy}HMu_9SDv;ZFz2`FRZ8q?5?dQHNpKw~H_&QV(VOOYyq-6O4IlM-BS=Vg8d` z99wn|F7Kg`U>uK9wQAT@e@q%2|0l*+w4%i*-nj+-SZ&OH}CA zB3>;yo7a0=ljF;76Ro$kqN3F|SgS`Rs3io$hwMGn)JrT{xosU?GS3Egju^mq8cuRLsy@cL! zb%cEw#{Rr)#UO7-9G|+MUU<5OhusQ;h{q$D_SW6_ch6feJy;FThMd9)>j&b@s`K>W z7X`LDsGOPac)-GhGv6S?n7g;dqQo(0(3{i*HaZ_*uDliKm#Oe9<)M62*a!-<^dNXj zKRmmnK%?%&v6h#X$hy*SLUkt9vXkP=1s;RBaTNQpAWEcps0bSNmg3o2UeI$_hZff9 z;fk}1;qpFH{HHhsZTm{Fz|e*|6imkW+#IHUG)nMHJrpgJ)1-19FVJ*XIk=Ko_|VeL z+=^=;@Weh6_*sWLS2<(M)_rWASsG3}7AN}RSq9Goy;0It9s2qQvzVo6xS*#Mqq=?2 z;iopU8?%TkJzWH58+TbooGRlm;#DEX3bb7sgJv z;mHEar!+sDEpk1G^FBI)Pocg5pcoI!a%a$OP6yHF!vc_=HIYe$wqeKP{cz~jarS*i zIlmJh&inm`hAd z!Bl3<3%E2s5nH^3nW<$z{wN;9XHA~U;tCIn&N?mSty5g+o%@4%k;`#3KG=gzRi-p_ z+9(X#eu#Yw8w3LkI>^R`b96yW3v0cjOucSc&{^3xA*kazxhTKK*6)KS^dFSs(J}&O zaC0PaaK_`<$tD43Pr*$EeMo_?q-B1JNNJKjpIf*FB}}^6bJHfw`!WUY=8U0g zN#mhDA_}Yz>_=iB2GJGQF}ArIbiW&k*JChR(~95W68u-u zI=rW%M6ZM$0qLjH>FD%XP6GWso2f`l((Z{Qz9OHZbE=w}Vd7n50J3ER1De?hoMF%5TyAUIebJOC_n}N>Md%0AHyZh`SxM z@lNs_e00MRhzg;BwmijB0 zomb1WJMutx(j|}*6~gHR13t^<8`!7iA_yG@(TQ&6(vbwMwT>)PR3+N{{x|GW)ED?u z93L0P(iA^mp0h`nu3j^Owhhj+Q`+J{e~I&O^lcfj)HW-+FyVmM!1jyX`kQa?b+0pj z=hc8y=7nJNRT+V;FbW3rhr-mTzmPR%4T_X)s8R0`5;b=NlzaA*mi7NIcTgTo@>xn^ zG8e(r1~Ys<$%q%}zkryxd-3eM2)06S6rFSpz&Fz-b9uQd@Il>-2KWTw;md_)v|j!kle+!+>n3+zH9Q)_{%X*%w+{+zC}%!1M31|V z(*^&Qp*(B82Ol2(6$bE1eBPjgExX!z)m%qA1!x2wzS_SpelbQrGuv4&V(m8SD%)j-~r0GhYo5>DAq#`>5L z82F?Vv;X~r6|<(ZneK*gIys(gkMkr<_agkaK$DJoG#$$47vQufC)fq;1^6N`878&+ z(d!8w&{O^&?7HY8-kUiBrKcIw7p)JVa>qx^8Kc6@u6Vl%CeOamXdcYxKnvDE%n1HPM3 zM3yXHMW^{}N83$K7*;ZvzYM=D9va0ddjytf4aeVZ={Q9F3B1-zgLgA1)Txf)*9}}@cf1R;{WFa>zv*LRECL|@q8Lk} z<@xi7M2tHwcnG?SVU$=J)_6dIHc z!iNSpdyskiNG6}?Yjh_xLr94bu% z#&yH-l%cqGVGgUQy@#K=Enw)$9=PK&5pNE9%%uH?(6llgcE5kVp9!PcDW7!-lh zx!>f`^ADm=*E(@)gS^Oen+6P994cP3cRTDJD$BQCxr862mcqK_sc7ph$6ohKqSr7* zE|IthVvmKfuh;isUQns1G3y_jq_Gg!*Cdd)pS8Tim+bqxhuG#+55WRYH6vpVDr~wz#y=m${XX`JYg<#8g1eT$o*Km+ z&ZaYcmk~7mWCGYcON9s%Pgpd^0+MB8;K;QM7@D&OELRQ0Q0v2BlYbE&Z#U(G`Y*BN z|K=ecn_}m?&KZ3ZV{t?9RJc7j6~Dc`D^iMo1ZVrS&~;-HE_M z<{wV1#!cbp^=I)h&zhLGWGhZ^F9+4O&2Ukn0q5!qZmNEBx@O)y>~}p3)`Ca!_LT?t zF(Uwbj_JXj;9W4gCR$XHASZhAY%|;n=g|Dm4)3Rl+2p|sVbo|zYQ05d?~7($`N}hJ|kD(JR`IFj>4^P!^!TK14RXn z3LqXR!3$SLR#~Z^!z_!Bpu0R4lD&u1D_%Qc@5o=M_(WTnr}{zWj8ov>rgpA)pcW##)b1AMx zxhrGPrzsU*+-5qf6`a95^c@9@7`*XJ&2hhgipzxL(PY0fO0!tpP#rwgtxXSK+ zJiS{Dr31Bj%!!HQbz7-8)=QXw7=@vKS~i{-+D1aEsvzHVFX}0^Rh4uP61&T3a&>VC z57{&tUc!DjWqSZ}PL$&IuXn1<$2p^!xEit*9;35a0vI&dahcPP*_*8(R{mlJE8T|T z8W}6xzP%nsZj~4Ku zhDTN{@VDL>($}`J)MpBKxxtPunm!aX?9J(n`bx+;Fo@?3Y-Glj-r|ufZb68dDlZUQ z(Ag)W#C*UMcDH95zWIEK`8g$!_Oa8bZPZ0Gkke+DDhDpLeJDk!Qx#5Xh2_$ zc-YMaWLs?y%=T`E2UF*Z)W;sfr&X&V<(@ZmkZz(}yaA3)i)6Qa$I@KKT4t<D)_N z2ek;If*U-as5F}L&{d=9FKK7od?8vqFvXrE#$6NgT}x5toD!Ipd$3_O+wh=&8~%D$ z3Popj!LN%maJ%P0ayiJ2mkQZsg*Jh&rTLXj%=#m4yS<*K*2XZ`pjy1`;UX{tWO-^` z1G88=kvnBt@tF23SUR}@+q(K#oW^sgxNbns?Z1Y_UIT?pq%N%&x+Qt8rOZ}564!5X zpedMKrE^0*W04vy__ zeRxYV1V1aE5h*RG!YxuK$vjypblG1C4>VJ-_H1R!EYA_tiUK`-8$b01KYHeOVK#PoZdLjDj zszUqUl)-oh5z~roX5$8GaJ8}d&?WI1Cs^Gg%WizY%E;~TYK|L+i>6#*)+FpI6S86k zdQg>8hT@_1IP2Fj47?D>7JVN`>Qpws6SuK^u5aEkC+hYZ@Nw!~(CY~o^=joq_Nbp==C+#` zX1-!?c2x@;b7`oY{+5a6pC%9bRI40uc$!1O1FFA!j zn)3?E=E~E_nux0p#en7TRNVa42D{5nu^l6V@Wn_|yxtdp7cURQo15J5cHAK_deX{1 zeKMk#t{letd86R+Mj^Wu<4P0GUaD#lzW}#!2f%B{5j(ZpVs>9sioTN9Vm<~0yY35d zkr$G1c}F|8uHTPW{4Dsnw$Xf_YAsRP(1^YZOzB7Gjrh}K3Jn`2L5B+&u`2g69G!mv zm%ARvKs+zftCgjFLA7vi&>6H`pv1K%4?>l6Nr;N^Cssw5Sk9Qq zsF}2h*+!(p^;Rp^zI7hV@?sEjQ1HQJYT)UbuW)zDZE|gpG_kv1gI+}g(L__1saHG0 z0=<*4Qmjh<6;3Bliz=bw{0I=8zl^_qFXEHx`80LHFP!qQ7fW^y6=vt1#O$dBs{Onp znjp6sSMi5f(5%fzPIVRX_!Icm^Y2Oa&n&c?)h6l+Mpb?jeiq5 zpR=cj%W`pby^RA1`;l#7hnxwNW;u zKVg5aHc#I-mL`1GWOtqXnC4Ien(coUSCq@p_x=myO{jhMi%e_2jX%RB`1cfR{>D3p=$H7@3!7}P z?ZOghvDboBp2n^iMB}i9}zu!k4>d!VT5M*cN)9bsWwm!yXp0 zuX)$t#zPg}aLSZ-FSH_Mc?qoe*ix*&Y5>=c9mlY-x5)Na9dNeHR&2RIjGqH)DjyCM zIyYx+_{Kew!cHp*9QOy|pU-vpY>fdmz3Yc%pMR76mvga)RxwAgzCyEAhHom_pJScR^jG7)DW(=!1S+M2{XURD(Twg`R*Z`uu2*GS>8Z}`T| z5>k%MgL3kn`CTdkiMmw$9v+I%w5vhZYbaE?F6D2#1TKO`Gs%Ab2#f=NLh7nDaAQRv z)6O=B-~;wJ{H8ST)@_3~>^vxZ3+KxsJ)mvHICAi25C&PA!ydcmB=oKnJ=AlOys2MK z+cP9-#^agfy_KQeVLyRYzg%dntDAF;DULK`syCfABZqwPlf#~qOYp)x1Q2$v5w5%N z{mvQOIkc0>eLX4)U!sM(GXwGH1!oj1TZlZij3e^jCP0b<#kCJk5c^-jFk(|S4E>=- zE{abQ&v8ben4SnIYYm?jhjS}o#uTtc$U2wKr^5w?XSvWd%n@=x8;7_;^SuI6zwHpd zFzSMb1q_;>Y4OsA5YjtSkrxwzePL)w4{c>&5w@Dd3B6wr;eQ%ekAj*-6Jcdx5Htxr z(JqfPV$>$=$}MlPYP`)<&>bVce;~{I8i?=F$96+|icw}@GahlvB`!MhXgEep%r!Ns z=HDJ%dgU5SE;@n@D>b=)nG+lEYc{`IFp8L!O$OWQGIIK!30CY$!np&05fewa?JP#c zB@}*GDT0OWU9sff!Ppiff>T-%_+Z8xqM<8vvRYrWP^V5ZNAv?LLT-vC>cudxeU0$a zH<2~FYT~{WCJOpgPbN>8$ER-T702#xVlg?f#60l;dOSZ*7F14Pw))$}2VGpyCnFtF zkCuq1Y7Zl#opv<9G?rPLrlFoq9?oVVY<%Eqd|JH;-%%-a+gXQ-ix*dgb_*S!HH$D< zeK(rN8R2N7ZCH7AJITv)hB?}P(5_x53iql=lKs z-K_~x{79_?9p`I|de7WM)*9|4`NjxJcPByn{5d4|Pbf;Hcwzf>1zr>Wkrl7K1V7ZC z!$##o$gN)uzgJy{s57}3J*x;Wy2W9P%6-^*KMW>VzqR#hy3OXt$Ah}fL(n`Lj+aMY z#L4sL^WWZ;;GQ~&>V@@^Mf-&v?rt-5+hT&BgdWQ1OFH0Ts!Vh5<%>dh)PQTGJfFC5 z4_1zRNA9KM;c0Ij8m!v|dV(Wz%HI>h{mKR6n!?yOU3pq|0x3nH5qSjTn+KD zx6!vklh?jTBjfj}!frKxye#@emUza3sArkjKIkS6t)2|3JuOh;SyUwqaqy>Q0V{T| z6xD6-z-RyL!A?7#40@78iVi;zt<6rcTOY0pE4P|sU9|?!qOmYt@ju)eUI+QT$*j^o zhP!(V;g5aXp*LzM1W)W>M(JWqn=*`gCK>UwJI-6Hn%>kxQ!{t+I(VvY%=QuHq| z!Gr;^{Cr6vSUMRA3@j$jEm(t_=StCX;Y}ZZss?+FMo^!P$GKfy02z9)M93y|!Qq?7 zAob}0di=LA|2RIE$?sT9Mc376ZsI5`Jt&W3Jv-pPVPDwX119+B=y$sk@4IZ^1co(F z6u7=bJdgFiNtW)A=Z{Xb;=FVRqW(Tj+!`MWodQQDx%3MTJS!LeIiCDw%!T z%yGvjJ(gq@Me?+Kpwd&5r`Pzy*zu9%_{rIz@|S_ZVi{U>Z4MFF-9*cuX^`34QS~@k z8zdwz;Mc4j*s|duIQ`QlMLj}ZSS5!np7aW`R(o=zubLnw`-imkYg4b`o$TsQf$=c- z73OL=V3^GeJBua}%}G^dva6Pghq+sjZ(h;h_TV-wNKxl0Ro_|Q<97D&L^OVo>|;HC z+Voe852)$O@QY`|kSuyAs#99Z=Y6eUfAqz$J5!0rOg7=^34__QPnU4fN_(O`cPZOs z5DYuRX7W!s6Mj4qgX&QUG`c>RLB5%zCg*;RpOK7*R$ z2GPwmGhzAbXn1`)lgvHvgB%ljcH;-%gCWB2cSP$EVp2C2N8UIja(&-{YFppojbWdm zNkJ2z^&P=AN0x{$XpO+l?=OJ+^+qyUW*zi&d=yW$-3k}yNKl`xikxh{4HBM_a6|GS z*=S#irxNFZs`3CRs}ndkSMTE8g;p34b)M#qSK^O6lF)DR8mJhxf;LnXvM;ZNopE&u z_DR2iCw7zQDuHdeM(RAX$eTxYMH=wY+L1UXG8}e{=*Cot0-KLdS@+kS_ayq?euZWb5M#^p#|N`_^M8Qs^y(5&g@BML!PCO zsu>|n;=3i}>l<<=^naen$nfY$K>y%Nq;uCQ)K6au56>uz-r*$IIK)J2b>4C|2kaow#HEpf3qz~yCLSl z8>SyQ64xE;!acI3SUl2@UR$J$+xohhyJHL+)qV?f55%(YSQ$FX>H+!=e~(KtzvGi( zp=8Lu>122)fi~%PY^>;o-6HE3;>O1d;9B!AesrB5^*Zqfwe~$DH1!R;y6rkMAK=9_ z#{0v{a}~^agD*bXpM%xjKiKPa39Pr3P^YH{@sRFxE~REduNpmMo391%gslCjJ>?Ud z*YE)CZtNHL48DYywRX|G0Zou|dIFy?Es0MoS_nl)hl{8D9mJuf4JQaYs4{Ys`IYXV z-p7-fi{LSrbLtg;g&X)h>VUwl7)ddFB@HI&Bs?kLKrez&aSn-cBl8m}ezXn_+b zxZOpkg|Tc+XD(imw1yGYf0;!>IxEWS62JL(70rk&cX=6#5&aKA(s~1Wq>qEkopt!N z&1}}eZ|wD z{9`jb4KF}@&kQy_wF>imj?i^_o55Z(6Fiisi$ey>PxUtEgc7ctbvI=>14sg zIsCD`D|G+3$o{@JhLUD68VT-|pUP+O&bMkPFG$7}nU~np12f>4Z5Z5-xMCw-yO>VY z8ptoo-(o{Y@4`P@Im?_`3T;m#`QhMoe8;D7^#AWHYL!Ni-iq6}ad0AvJljRhKeYJb zIS0Yz!)f$6dRshPRm=jye1+Z7VS&qLO4$cHy4_a~r%G5+<2|hcA4UmfT_5A6zmM3H zi|5e&P!4=Pki^?JDl%4?jeVB~(`8E8%yyU@+;8iKAAXBLUB{8yryavmV<((6$Bt(F zca-?1?nOw-6XuF@aldgqD-p-Rz3wA?oQ#MMFsOkQ_MdQ#T^cc2W(-qB`h4S~dQ!A- z2x^3BW5S~$boZ?#u=1M(hQ0Sklk#lX_a}`syxht+&b9~l@(Cbu+mCg0H1G@BF21BC*cJpQ0S_m4ftMqTq|vKu0Bb%_q`D*ea~zOq19 zFDbmGG6h<;W{SVPodM`m1=siO62D@X@ngHdp*21P{~6@it(pg5{HBwW-B{ZmGnJbsqQ?q-uD-#DBmSVufD{$`p8PU=yvLJ0d50=NT125Lf zCYZ>gqgE-vzS-E7PykN#sW9x#KCY2|3`?F}NAm%T#YqmOaL;cGH2mI#W!;|iLeUSq zosR~Smnu@!ruHv5M8!dg`ce4#^OE?DTQDdpA3{F6lqCKpc(805D9p^o-X_la=2w$h ztJ2i=f@{k%WaF#E~+o(EsEm?y2>F1vCGNb}HB~I^K~&T$sRy z*W=E|Bzftl2K@bMB-%I2@Qv4(@#Niz%@Z%Oc7>3iU!uiJN5 zwabd^8RLtW&Y!HhsMdzpwj_z84lgDdQ>t-HaUWWiCqZmVA3nCI!t8frX_;jndd3LM zU*q%eJtY%~z8uXyElESnCsT*18tBTKaPp78@Sou+IHbM-KF=}7MbQUvT8q$44?z4c zO&=1PqfjlZ9U@<7VUOUiyfSJ4O)E;o!Rrl4rPT(=*tnaK4bQRjX9@;n&SGA!5-^R~ z^Qhl{$$R4&G~-^ZSlYcB9PllX|4)&xSTl&nqXkVGrOju5vO$O+215$7*?D0vsNC5E z>RVi3vA{WarIX4eJtX)$yIyeo#RVkO5Gt`&i<{Oyz!e{=$?1ki% z$~g{=9VemVVZqZRKa9@a)(W$Z6p`kAm+erWGz3MC6|6&q6OD!UE47Bj%UM0RfCR*qQO{D$1hw???AH|ZY1#o4T zCg!Y)AorVUG3=ofaO(unI{1(boPHSl?FR58eN(AOWW%lZsd6a@gbtGs%*js`+yK+) z(T$_wn&1l237t)JZY5&J7r{eR+$o$bmm$70i%r{q9twUeBcuJ=Ax^kY*q+T|eW;AxR+vZp{wa~^aWQzpvm5550W6H_0N1Q|*#7*r9r;qtVA~MLh;xQP(>RGfDZ^L# z*W$op2@G+o#p5Rb*pnyE$)N{NLEdjHKG^*Rb=PD<=J#jh_@BfL}x1O^)9Zf!3 zvkp#Oz6QT!o*@14m&hiDKwnn|Hf@Xo??N|GR~855O2H}aauBN31b^|ZE##w(CY8Bs zD)wJ=hS)ir#=zh`RK4je>i9@-mpfG;_rV(coRr~P;thN#-0MFozhIMHj#7p!~Tuf9d}sSJT91s0$ZUyM(b^l-b@YofB6vCI2vMNf8r z!ktO^D7X0M8RrDIU_P@P)|%(jm8r{K~uq1SEWh3jfm zxyWZMZ78k5D-K7Pq+~65=s%pvjy(>eB#w%uQ@`UM*EWa_xQ0RB!(hom1Nd-U8d|pN zgWGp`5*cYt$9DTu8_ya1S+75xH`jnqa5U#h;0dENyIIW0G7{0a9;Q7q$C-C0BXK{( zPLF?pvEMR?vf>SxV~~SeXBqP6DScpe#v1Qx1@e>N$5a(Q;h9U(*iltPycg}|bv9=} z<=6;ePG!hJaQ2Ov){8N5C&2ECGAuqL%d3AMg}aIM(2}oA{|0Uo&7F6I@&h_-fU}6d zofU&F>#o5VeS4a@BLU`LAIuj|jUf&r7DHhELyS5r#pEV6z_JJj7|`+>)ZR^?J&TNJ ze!4W>SCt7bgx&8=&0ci-TZs{MYv>jwGaQ~!1%HJ z*C2hotT@ag4p`t%IN2Mw;gtSlZI`>g4a z;8D~dz(L@g0{DgvqDu>foYCR$OlL|w9TH;7&5f)`jb|KschwTNJ?-Sk6-zK&AdLp= z45;oV3$)sIg9Qy6gtraTank~KUSFL=8`Z;cO!gC;SlR?Lo^=qtiU!zm%b05>$rH9d zL*(cmg{7;KV7k8)npo=bqOjQ{S?eJo+DFma;Tb@njQG*3DWH+Cp2$|7$5UkoaOc%k zs1q;*{GD!!wde1FRSFVRTl*0*r>`XVt2?|((C3SElku2bu$`zUgN%@oq0dqZQ0DAQ zjLW?P7aul~oGWYLgN8h;_EhA-{|Z6jm%v*1`xRd7*d=}v5{#Y`2cxTIhV!Kk zQZ)Hr6ui&R=62sFbKo% zto0j2iETbqqO08QontWWO^pOcp_f2j*>E$1Bcf-qpYf-=B|rMZm}>3t<flI|C$k`Xy!=jbyxzo_gBF4<4HoU=ROWzFj<&S@4|Ib8}P}3K1gqCfywd` z;NSBE#`I3Z;SJ^xL>#%zs7y$m5CRK7s)O;oe=zaAA`bd~6343Q@zbMiQOS7|Hf}x6 z&JT)$l{fwn+10-xvVSV-i?WDCsV!gnAOfmasbFA7BGgRDrjGmTF-Y@U%@iojg3*hCmwBfLR8c#&0WgA zRV8fLPQD~7a{IB-EPay^|1UclS7u)&p`KGP!ebN*tyjXGMhbjsZv;(t*W;RH##BE= zhBv)Cg!&$%Xo#~Joi<$P((c*^kq^Vj_X{eJpw@+9HERXV+#xjjNg!d2;0v2AqK7-o z==BQ|_{OF~*z7EWJNL;kTa^mtk}aZ<;`ouRps^Vi{SW}kr-GohCR2O$d^cXz|YlpS>~42@bri(pDOo<1>Xzja;7^` zr!InPz8#Ip&AnJQ=A~%tI!T_GKbW}sZDhf>^Py7LizGX1z*o~t7#_WXo^Oa|SCl5h zp#7x~sVL7YI*0MGpWowMmz^a0<$LHQY8Wb$fSVoM=o+6u9#-CkWBry;NevxhwKf7) zoT(FZatE1ZixhSBU%+Qt-4uAmgLv4%e~>%D0s|TzlXV6DFfweK_|d7O;z0++BEK0& zaPP0zpfPy~XGp{a(Po{Eg%ifpbLG2t( zX_T`)25Y%;@hZZXw#=khgsqKoz_%!Xp z3KLbIpu4uKc-*Q?xc;*XUMdRRx0WMlq1_H21YVik+hX!$o;qq)xk7{c0kqrfMCW`d zgTOH^-2YoSPD#;(9rwZnRD90UFkKr*|vw3fB9eXtA zI_nnwhWYcS&}qwRp>U)>6udqut}GG(H7&!=s;MmfaRPU>9f!g3FWA1zQ~3@x4TcbEqbABRI=~fn zG{Vuo2{f(mJ{xIdfto2_Va_zc>AA#=mRa0_4`<$y-sJBr?1(1auaJaOg>K2jm@fRp z;@JIxA}ZP}#Wk0=;pP#`P}$3vcW2xd=?#g&ZB1IVTyRy*iRvWP{>^YB{Ins}_^Uz_E1HJPF=8M-M7I z)nVs`7}&jR7s&6JNC$^X^QHaH_~cO!etA5Ro2IP-wf7H1&rZ#v|5m9|S>^;%CAQ?t zjd9?)MV-fOjfKgZRQdKTGCaPc5DjhRp|ou%ec*TqPLIEe3m0vJ%xFixJ#h-2ml_Ta zmo&oQwH#!oD^u%7bIJCVlC71kEP^0?pP`6HIV`uEi^BUL!B zHr$7V_>Y(pKTGIpoQ5yrK5(8`4Po}j*!$4|;C56jK6~i5C`5NKbmr#6eT^VgP+!et z+JfME@;;g}(1Y?Xg46uMLALZ_2@LSoa6XY^s(1M{*{38){ z{%L|yc{hA;mE%nplIYyqqrr2eu02{sI}oF z|0INd)#CE0=kZKUD0}|FlJ*$yC!N_c`0dRlw&J}J*&ggDcte(vH>v_F;J;m@d+G{^ z_~?mCEzg6~UOD0JG6jZf30ag1Z}xA}QIc5k99CrA6d9IS;lHsfx%aE-ARU)t8Fz!B>1|U$uPdNjotktO$DGNQcn8Rvxw@Vqx z`6rEUtM6cTldHgjk%fr?x;%W11|48l1%*0#KsA4XU5TN{JNy7_`;dZ(-8JO&#u0pN zl|0=g%D}O&9>IF^o0xG-geSU>;I5`_W^->I80;uys#+`2Hq8<1BAk`2* z@(Xbh?(l=1Y-z;1YG~#suu$3#H`~RtZ6;@+JorEKoil*$BLn$=32OADlRWPui?O{T z26AR*h(nv^z@@|HVC6l57CDa=c=mVE+IAW*zZgpHOCF`Ou1yh*moJ8fbV-uzXM#ru z++od2AF$n>mV86id9qvX7w$hL3wyrE2)s@)TX|2GkEXgj$wmQ98k2Bv;{X_}J(Yhc zD!@@}laMoSgwJ}2=0yT`a?)*Rt_s9MFSN-(hP$tx)`PGPnosKj-DdJe)0M0dGCw`56NJw!+^y{YvZky5!R3i3#7W~G;D85>_%bjJ zuFLHaFV#&aMP>gWUE~RCE7I7ce1UVbtpEosLyVZQ174{rkdEpWeACoGoc_pg`SuOa zyjBWp8x1ie;5qb3>d~1}C)lLUuS`E`D3uRR#$Ct407~lcqOuCF|K!T<-%F$^TWsj# zU5}t)LIrI4n2X;31ddaQllZlA3Fdz}jB1M)g3G&;cvdn5=NwnX)2@eci*GBg6?R-} ze->kxzYfk?r9>vUtj0e7Gq^i?BiY~e4n9||qq?7pMVm&;q1De=yz>32FhBf)X={V{ zS(O0j?g@cktBzu!!!9`b#T2Ea$8(T;gde)DGM55ZO0CU-9?lT`vAhh!Grd42Vk})O z7Wj>GQsGyGp52RnV^E4;4WFx4k}ZbwiE6(JAGg()t~2$f**cOq{_8vVwMT`mY!s8T zJugL4m+q0DfxdS8736u0YYnrQ$jMtS^o$E6_{~0RjH?YrvyUTa>WM=vLMsoy$~1Gv8bB%ZR==fydJScUDR+bg3$_uA`u?t9xKe9mse8I^4? zIpH-KwA&Egoo_0aon!;Ab0;`D-MfhqTMps03km4DMU@|yUI`~#n%P&mAK4VrUKTKP=|l2%gLvT)^eBkHdvoMO8hRuhsXW= zkKXa@C1G1f(xnmUq;;JW{S|QlOQ(AxQQZP7t%I}RMeFr{vPba`Nf2b>Nr2Gx(> zVCv3eY}6wa)>zX7mrn`~yvSxzS7-)K{Sb`PfK5JA0g#_#{5j}yOs#(<)a zFmc%-xP4OK+6&!Dza8VLc7-+Og$*KO2TOCM6AL4;^poo1UpF5!JMZ26qD zbGYr|{L&@rdq&vZ_<_gMR%p(M!c5O$s2dam>7Wl6tfs-KbO)BbZxHdx@Z_fyezLa2K>~|b znn}c6z*VoZv3gt+_(BfKNB%<7TTjHE?M)Cr458;<1eKN0#?z}Q-|n^_d-f*5yr$id zTRMs-2St-7k&|IV={*>;#}78#$;7SAjxb4g4H#71WqXgkWT^+gicUvlpr(C?=<)pl zFn^{jV#ZXQxN|6#eV;}y83NcWiNmM!55j@8(c(kBxsd9v&fS&YgR+7dEX>XjMc=pz zosuu{@u4yB?}rH{_eTq7=@z`ZPzK*f%2B1o(pdMO(1&xHLiVdoz*QIa;0$*qo*I3U zRW_)=YN10|mDr@LADC@-7FHh|0}&TX@b@Hj zP(M&kP$mt|AFsk)d!7(^i`69BElkL04x^LLEP~ChM{&&3S$O=ZkQ=qVhd*3Gu=VG3 zQUALd;q$T-erX8r7%GPF^2lgD+Myl#EmxuZ`uG^`fY!kcy84| z@H9BcQyo>r3_@F%*fCS4rF)YIy$rFJeChwN`*EuJs9fG z>Q#Qi{KdX(S7!?j7?5Jk-0w}5SPdV%)IQv90c0Qw*ac%qGDL zRlt9Zwc=~F_dtJ+0r#GB4~_igsIjhh7K!hD|5YQZ3}%&nhzNTL-Bk zX5y9kvZ&e+fz|IX;&G#aqAY_S%q~8WwV84BvM{6yzSqIbb^_nKZzG%SeOc7jLwGIeB6Pppf**`# zu*0{GlWAIqd5@hWIZ-l{es6SP5kHUP5RXhq7WPZoDbMl3hgz88m;i5vThnukl&Mef z{jzTd_Q10j^I_#0X^<<~k6EV#wxzv z1}y%XfI)jt6Nk!kFmlHMu=DO9bKT-$%erKNTWn1SM?3P)=-sHHlL<-(>e-v4jY#r` zQihc;u5L*#4WM>ZJ!@`BVc$Bf7+!*V^I}XEXA#e7mUX-ZL0> z$%&1de~hh-7{lY#^tpu%B}0FnfemUqNXb-n(AX3Wy^o~nvpq`u?2!}}=->l+D%UYh zU4qv53m%ki30!ObnrNsJJYFGis;5fRd&+)Tb>9^?MHCUaDHRacp$*H{eP{mK)^vxb z5mv4+;}`liVP;G_c#~o1ZTC!UwnG_LZeeBHE(#8lkY{8}eGa^MRsxs*d?l}RjKJ6< zpS8kev zPQ8yK%+F&*w;XB(j>j1P&lnLIhMFlJY`aX%ghV?4BjY=`U~(Q?ekFkn{UAkEHjl(% zMVpEH`vWLmbPl4lNz=RGm0xb@Oia&L?(YP+0=CmBxMH%tMSEKO!##WTTf z(kTd)?8Oa4f__+P%%{uDW#vYXh+Ne=_@VzC_jQi|lU=)+R>~QsRBz5_KPW=g5*zZ= z{t9@V&0CK zuTH01ToK+v6JXVw3uwJ=2fY(~leE2R!l-vg@YPNi>b9s8#>7~XwL@<+Db+Y3<7-H7 z>dNq@PDLI)IU1CLUW0}GZIE<7Opb(GiBso0LWYF|we;2I6HmXz)C?2UZ*aj{=RtTw z?IIHgY#(`MdJn zY7g1@lr?3)`7{#18l9Kz>ibEB`z6lhmQ9`(b@2xV{Flkgx#ynRcXgb>!iT(LnP}>Ife>ni^OH+$eJivvvcyp2r}rA3{ftn+iL}r;v9~BeAeGne-e|<`&&TAAR+FEV=ST z)by?zsxzjcV&qGBHr0VTt#}V}jwO)qw}riR?s~|P6!;UX)`>IEuEX5+Zk#K;N!^$h zz)F8UgUuo4ba#qBPT90ebkyLkNV?TnZ0wmy{9ASj?!wI=`CknNRV&jkvIqx6Di~91 zPPPy1W*~bL#Oo#br&Fy&HhMIj^Rb^*4!0CJObx-5%`WWVpbS!#+Jrj;3(zqzOz;4@ z;(rdg7+W=qHI(gz1*6i@$vBk0b-ao_udAWYMv;%dltAX@X@N+$OT6rfq~o4jn`och z7<%e-7cs9DI_D-sq2u0MD7syaizgEBv7pd=F}dvVU{#3HFr@m!qOrVE7?H*vWS#Mn zXfQYe?;rLQd_)uIq61-gq1uTr9qa@X+E3#$)6sC*YBr1Vm;icC*(kNW6Gw&GLSMKK z4}W|fPbPb#{G|Qp*Zq;)eCHxQ1M7C)f_Dp6kQ)Oou-FCK^i++# zkUuKK+v^V_PcMd8ol!7Ttr>hbR5F#lHjcV^mvG@Z1u8e^5@2c|IUQgNEVh!&jQoJD z8g(q<&uvf*%>dhv2BLz8Cg`}$AAELwfymr0qPy82?}RGw!IH*gVh82F@i+UbBy>Cv ze1vZu!i?mujzKQD7`3kgR{mm!D-BS(XrJI&8;zD8n*8e717LYw5_TVwp&?$@ z+~n{M{2Sp9lfGH;b>j1&A{q_{Z>hpHjiC^1@g4_PykK`V=EK87rr>bMm>#qhxF`x8 zFz-aS=-{EFpx<7D-a~fq&i$cy<-QG<`T(F}v>t{P457kW8?-(d(Vd|xv~kTpGH6#m zyL{>>xlm(H=i2I0b*ot17qgf&+)0B6OHRPe`)Xv};!K=I(JMJ)F&ho5M&`I|W zG+r6O-`Y+E3AuW#mk$Tqv<^7gKAuHn+yzs!I97g%Gih&C`rm7FP^yrpuavg&=G9do z9Wo3ad*|TvLE%D{doS47{bZr}vh3o+OEC7$7P4XYI?NKBLu-J- z`s^h6KC@ZmdUY`WIB+)kb6Oij&WY&fejW2$36#9skNTM%(AQT5hnASLZAKHh!R%oS z_vC`A-x{zwA zQo3UKY5#IiT-!``HQR%D@=mCnlZj7NdSRc}ajf%EptqNMbK@AS^#-EM5~B1P7m%!&*rbHsaoH@CcoS-@^+aLFYIGFS>_)o3#0p zxITRBd=%E6I|nJ_tjOq*cbJFp*-usz-U2@lq*-Z=tSeZU_oqqV;hXPS+yhIlq^3fZ z?)YHv=14GH=?hufg^t53_b|CvT`)6uI16nnhKG150**8;+sq0`hwB?e8N6x z+>!}1j(4-E+hd@6hKlI@%3g8Hch)H(moHm+10mpEdco zjoEn2@*E4uol2^l)o4x69B^DSl#g-U2QoLz%ioTk&21*=@&CdH@{iktsa2dd`}e^f z?_QjOVFMmPcCI_LR_rGJcB|1r<{>&4x$>K~>U3^u8axZm7McE5qaK=#xGPbPM&8q+ z_s*zs?`6I)v>W)8FBkDdj}8Vddn)vlX21%X4AQ4$x#Zym#6xlr#{4*eW5@l0-(pI2 zbQj^+fC*gSW6*V$XYt*uGhE|)A^u&_#Z(T;a-DZC7_@BWu5YHYRgW7%RbaQNWnbjZ zbH?I5?P`*x$w+^VF@*UV(eHwXKIivV+8on@?CO5H=T{h3hByff^fdOR@&$AJp-d|- z)_`%!f86L*AhzTWrprFelbm1o`h>cq)7FEXCNsumePENsL?mNKquO=J(OO<}qor@N_DQJ7xl>42rqKAd=Cw(!D8f?&^ z?n~^^@^TWh*-|0)irYkMhpY0r-NSG#ttD5U=CHo$jpXqAmuz*QDIG2_5A&QR;fQ66 z;OO9sSaduA^T$hZ%UwI^)+Pdq-yeYXSwpD3WeI;jPN6T}jzQ@F;eJ!Mh)PD6AoHsN zPH*G&&lC8-s5r88#~}PD@Q%C{)0x=g4JbaJK$IT{9o_^raniYZRFO5}vJ+&e^w%pm zJ#0DsYPg2}n?8)6>{Exko8zEsX)>PNAOrmyDzVb)EqpZG2nj<|aBgTD`{iLwZ+JB_ zn<6Pbp;wp%t^b1&GuMHvwy;WFu=OTU!OYAU)KY8)SG&WI`^|wm7S}`0 zz?(4jwFa|sZxOkDmFJNK)_la9q10!EvalKT`vE zf9x-MM;8!1T}9e;_bE+UXo4SPrNJX62UPWLil)p+041d%T;lgwR`x}erw?ur*%M*5 z)=NXN^kb+CUx9_vRbV3-irql0*&t@J0$^Clt`--hF;{J7Z#r`-N z``hBjlu+Jor^8-`UWVJ3Z$af4Df;8hf4ISN0N?VU6SE(jV$L_5aC5$@qtW7zWaCL& z2uv!5^b#$8eWDg!o+&&^2_6+o-B36vv5)N6T}fkK{=p&NemRCcN+;7?yU`{pf*-R= zz~TfB(|taROTFgP=g*vJ>9s#hcBlh>mmEV2r=G-{;;WE(=^6Gl4CL~blcA_@0Xj`O z&n7K3`8BcaKaZ&o>HzX%nBwv$~Xn1$M=)# zpR2%Pu`-vbw&s%xL;0iE^ReAm@SVobq={0Ec<|9>+T42*HQ^j;g@&`fEvLBFN^?@V zw-)>@|z{puN5R+`XHYe&E*r9%2`O(OrhL5gQ>x&`ZY*NX0`ohG{q$FRmr z)#T=#33TM~5FX$@6l?RX@s;u%+A@AC4jS|iZ@I*=FwaTgy2}|l1XpuvwK6Y}D*}(L zc66S4EG&K?;v=h{f;#_+VXPih7L6shCOhEDm%rf2j_tg3?p5q`wdL`D%&3g4kgIf5 z=6zke_^FYWpQSG2{+`2jvgAHR*E>n*lAEiO3 zyKH2=!7tgBU)DHe$spWr=Y%(O%gFI7vuV7}J$%&yT>P#Buituv7ib)O5Z)itEljZO zeLKE?dJ>^qiiS>1!qLYaX>ZT~ES!*o^CC5P$l`H)vq2LMdU>Dxn=1I9pXQ*1qzLuj z{6;GsW&Y{18cnUz1eFqPfkj}zcN0zaY4~s&*)o+#`~Sls_cy{GeM#!wCiL1Aj`CdiY99+v4y_>?iB?>4;}8(-pNmDt3C!%ekOgqh zz;DMDsON&E^h>kAhx7{pSv^Zy+|-VNyC-2=_G0Ke?MUu~)k0TxAk`_HK-c;U@8nxw zV*KG;(Op9)aiBQ^+xb_(@l6G8I$8{@HVqYuQi7Ccz1dp$OfsSY^w^F zSSb>+<$Fl#sy(E8suMlqe1vpPcBjF!ev#Ic%kbJKNVM!zI#fQ5WOi>3p{@3J(au@3 z!OHMEgiNkNhs(BnoU=T2n-hbo`(v;xL}10+kKzT<4t&o=19(*=L$?hUcJh^WIHi6* z86zRV=YP}Tmp0arNh^bx!o0)SbSWBFEgH}FmHcE!&JnKYtt7U6yA;m$=)=p@{qX3H z7TH~w4hrk0&>g}YL@EvW+%9kO$i#^&g#_Y%ajx9q!c9IV)e&DDJHjrXxD4v&14*7{ z23n6(haH|H`E8rA+~({nIPz~6t92;=slX22-|ztZQm>I(?G)~LpFpQ|A{YEz+UhECYlYdgKdX#XCm)BeVGcN`P>yzv5n=n6NM7}O5MO}`uqplvv6&ZzF)Q0~ znr0`fk=evK4Ts;U``D+o>7>u)44$|NbwQ3#&Cy{8yg!3ly5P?V ze+mX@vS?x{ICzor0$8m z#%Dp{vw>{wVimfzT8Vdk_GU-=WN}7u9`@$$fO+}-LKNX6{E-{McEkZ2n}3cxI5CBu z)E+_oZXbqclg9uhD@oyuVema@5WSXJOR_UmxtUv~z)vd2ac`XYi2uyUMY@*F3oI2f z>f0dWTs6#moh!E8r9_J)M~WrY6nIJGR`K=6=g7l!SGvkHfXuOK!b@-M;J%|0Y#I{7 zvd%9QW>ItQ^P!8WZ#s!-GyS2lVIWkdj}~1i9SJFh44(!@{ie5cqa)CwbqQx~XyK%KJ>$J;E!PXpK z+G_EOSnjAHpCs~yO2h`PeRV%*X%ZTGe=_&kBgx&bjpBI?qv;z(9qxDe1nwQ3C_4PF zUDyS=prQUO)+fx0UOOh>>t%m1EYXmD6i)}=LCG*KU&wsU%PMP-&xe*(>*<#e8y@Ps zk}fZ;!#fRq*phk(Y*+pic`r;xE1@$V_B5Sz-&5u4%#aPQ^2bri4?wnb0^Qe|g_oW- z;IwxVG_ES(m{QYfchMhgftg35uus>Mey<-0&Pf7i_k#uRPpTz@ zwESuOMqM7f{G`B8FouZ%rTALNDdpRIg{Q~V`0%RR#EXui*S+qefv=l*-t$hDSEJ3R z?bhJNnd`x8xf$GPGJyZ$_2|#06XlVk!UQ)@Jl?O&18a*YSb7@ho4naDv1}0B(616t zh?B*r)5UarmIc4lW)5c$s$+1o736rgfcJ3|IC{u{roLVWb`A|J{Lutxj|spSi9DDb z_D68Jq*CSer8sAiCC*v49#TCxy6?27|M^MtY~_9AUEieg$6iO!J;Vl@X{<;i_A1`e z6I{o(Ke29e17^>c#N?(RxHQK|B+F0X+W9JM!haRwMKW?E{+V|3!9m zWH2mOmF4En=OA98immlMK$_g0>6F*HT)9^n%4%Q1$$}|Brb?k#Upf3Ze+bl;^p&hI5D%qqzp~Sw!+1^URCqXE zpAGMNL{)m@$>O{gDAq1K;-aK=y^MV`OZ8;#t2mAMUq-vZ;=rV9;!~OCoSYk_Z7LU%55kv&2?xF ze}F?y$> zSvQ)mdUgO;q{YFgTpc>H#E1Ve&!QbeA7hrc2d~&D?0c6T<~x`ZbLbDo=#uvkE#1TX z6jRBPW<6ixuBVP276ld9DOQ2Vd28bH2uC7{QkCqDdv9$&9&!v>PRWRv%`@me-+T! zzv{vDY#+q9gz#qD{Zx6Z3NK%CA6>;}^wod?qW|8W6Sa-FB$iXX&x~`|(!}dw+}%qb zi|%=1L~IImc0U0f9ScxHdmfV2g`{Bo8JM$3i!EQO#y>~2!9kx?I<`55Oo{N~^X_)S zlY6m<-J|KSD}0!4yai5W1!6r$}S=IkC@YJ$BDzGCSe4h3cy{lXD*he}dBty5jRK zbaKhSIi_+LvF!kqcNkLHm930SOr@dI!ZChMA$~uv%0(VRZfv0rNa}T>+t)wL{Yn9L z7he;v(rrSMqqdl|T!R({GUDXv!@t~q#J)Zk{-;*lX0~m{JUC<#I<;+Q-v-8DTGcR` z`DhTDEw!eHc@|3D(Ip<~S1{>-&v|?L!OJDq+;eyVa{#-Av&p_jhi1ALU6t{{XOd(-dWy53P#?;9@G0w`NC3M zo-3U5_El^}?+<7iPy{x29cf_PAguBm!FSb{z~DG@{zH_=;^*xm2li`nUn^zmS}Q>V z$IcPGZCH(OIwP6cR(~S**?}+IFbBqHEjy*|}9CXu)^EVeO&AUFy}iebgk< zJwqAZg;s-d#2S2mpc;BT72!Zj1gMQugz?ie;qo9CxHoM(9(>yhGgjY)_U)^LENw1+ zFA(FWhazgU?h`JXn+L}NB&cZ3TQq<030K@V0~h-+c+l;`$K0&Jy2;C!T5mFfWCpr! zpTXLG&B6Ti8hkwIGM;>Djw`A?@sG+3KG1qDk-pxHcZ;;BYsLYvHT(xVwi6;S8)#74 zL3lN10(3o>pm&!cP+*i0JbTm>o|>leSmETxsng2o2wWi5mw}GEbXt*zp(bo@ZbXx2Af3jtd;+wK(*SEpOTU0Aur4@}25J zHtv29Ty`>}na}oPzy58EeLPQK2|AI4?~|zTQps}ycav+6&%)A23T$e)Jogw~1#i#z z^4iEO@VqDDzb0$)0!4y|d8Z;sa;%kz{nI+?R|AD9Q$c5tXZ6jbruNsdY9?j-Cj|18D zhOk)pz5VF8gH^)YaQ<*}K5cFys;iXa)Zv6SOe}@`&d1=IMEW7(3yp$1K!@tfzuSF%?&(#L);S#i`dl|NNW{aM--XmN7n?iNf*Tdl+ zE7Y1615MenXgk#e&MQoXfV*1U&|wvhS$UBet=Npq&pKhpH3e4saso}3Y$6vIOVA;| zwqoq*E95h*XMDZMMW4Hw!VP~@+FiOILslx$q+45=md9h_b@d(!ragKw zN=()oJ7a1096Ia!ZP-wePQxW?!NqT$;QQPp^z6;yx5X@`e|j=GcmEKE-Vy8hi+iXwmpzUc2P@hUv#-NgeU#Wf(HlY@e9j> z_>-jHj_U%CkP|~^^L&9H8ht&2*Nl*2WyKCOue}~4JCpfbA!@p(d>@XOejCM8M{?6y zfzalwN7*iQ8sH?b8|N>h8*LaiXbHK>P9Y!ca2`4b%%E%jb;8E%Ag)Bz`22+LV$h~}#YqcQ1>2GLsyut>p=wa;vYPe2Wic6Fj^A~v=(BIJ; z6#iM@nm9H3F7qiaT6hVS(~qOJ>3rIOYP5WjHFdr%OMhO>A(D6Faq4+}K4tM%dQISM zhn9RRPb;)0#qVv|^FgO!gUKN7XLwb}b)1LWFYhtW&na;0!hQU8JPt=*oya#IaHG3* zUy&re&9r~*S<>jBig#LVXjk%BEHzT6CGy`y!_KCW{KN;W!s9=tlSXkv_&m1dR4?j% zjUqozx8R|05o{GQw;@v{aMAZ(c2DgGTeWurUvVlAbqbWQ=~+JbdR>AYc1f6h#U6^= z>Op(uKdgOHi{iT1I5OM=UR*SSI)NW!YkCR;f`s?5i=FJ`d6D4UIKUFULeTqnGdx_R zz+FGSg3AgFtJnI%^U;kY@(720pZx^Jw=4VbWCSWt?8dM&d9cE_jcnX|8dpnfgW<0= z>5`KZY2f*IN~6CD&L4fuTX6xm{w+l_uPTv2K)-laL@Gb$Bg1VCpRy4u2GCSCh^HUO zf+s34!&ye$oVvRsBQt5$E3j3d?(7?d}&@n47pps4)R1c=%PNA zzb-}aH4!wT__^;DSd6@#U>z3}@TfB0LsP&7WLp31+@ z!6BXtpkRUm9r>zFtX}>V3fy)2{;~$PpZyAo7Otqh^a)Cq@1*ObH^RB@`{1JR z6-{ItP|2*G9W_a0ELWEQ_R$xIUpIs>XKVIx+)z>^?6OMBwm|2Et3r;ZhrH;Y3W2XC zm)C60CfB#!BYu}<`McO=RPc*K-|B(vW_c)s5RH$x#DaN!}vN zFB2CjgJbJkFddgcYv;`2W4jdvN8%>7Szj8$TTHo=iZu0{3^dui9ZVeE-UZxnjonOe<4bSf!M9UIq*1T>r1ipI-by839)7uW#Qazm8hw9^YA-CXW zwvqPr-^7&$5grp&BlNX)1s5a}uWCnZ=J3Nz;dq28plfj^;0lbI7%ACLr}{fXKYfl8^3u#B!uU z03B@Tkh=N&Rr+E!D9N1f37#kLb>9-Tuq|})yT_>eON;wGjHU)rW3e$?f_prr?JzsQ*hgKUH*4T2del8=gTHjD!<%W;1-tBZ}D|( zYJ|Wh8g0higx$J&lsn%%LKW{FX?4h6uu)thFUB0@HyC677A@*mL9l+2_*R0tc!#z< zHkiuto{Bdx@XHa*ah!tp9~}hi*R!EE=PK6Zq2tuo+UNovSdn!I8%BME)qC4m*rcQI z=0qy=YpkTRhK`|net(4AyD5|o_hIk8_(9qh6Ii`ig_~r>Qt?7?t>u=y zHCK~9R@Y<+HDeGrRkCsI1Bg{lGAJj$X6yFPrpqM~pjPWF==m(efCX}VU`Yrq{Z&Jr z892fRNqIVMZzk?K8!Y}?kpVT!DsY|qVX%H^&cg;9LS9&y?9EEK0lqEP31P|QQakfaGT;QgiW2qdYdKRGWG$=$QjTb@~iOf z`W&2^5X?_>YdmBQcJg2{Xd# zu;QICAFOVM#kPk)^>Su;YTsS_vAKtxbbE#O>=SV3_XW_VKAkKwl*34;Lr^xr1wy+x z&Y2-(2HptoIv=W-@`z@re&$Xao(0nPodPT1L;-Z>ji$ZhKd^$p$-=CNL?UTDKC|qA z?V>U)d+ZFRZs9QD=XcU|K;Y4izKndRh;{!yM4D@}K*NT@hTSvZq2gnB>sJp6>*ZO5 zCLtzioCIkO!8NtT#C6JP(Sa*t$POsj;Q;FVmo_z(f1qn5Dofo0@jnK_MG zA-EON{rH{FCot__9iDxZ1vi5y;O#makS@6fcGucOArjL;e<~=GC}oQ#l-VQo;*)$4Eu+QIKt=xWp+M zHO(kZfVbjQ+@Mju*eSX`d%W&=K8p>{Ve%cVS(8p6R=RK6xRQI0)}qiFnqiR z9a}dSmfv`dU9xj<$ktLa^miB2sf`A^LK#;3(+Y2F{03k1LvTRybyPNLgVJI7=%pe)!qx1Z+Jhl@zOv}MjTW!(UJpo7hn$d|0X{5k+8sz3Jr>&p8SjGFlq)IUy zHR^+5ng0cp+o2C5l(j)JRfZRa%d=OHrRY{A4{CDrF!`}c4xV2ygNdE%iI>v^h#c`2 zzs8l3`|(1b{Gc;92`tl9V=Ksu6)mu~Z#5j<=?KS8`@?aUbtnoOkN27qSm~KdWJ1Mz zBraN1Msq3dDAl1kBpVFx%A?M-8fI(jO81_Rg>zC;G6+-mc$!0(Bf+eOI5ZiwbXS}|M|NZ-n z4X)uVGyEtszOeyE)fJ-Or}=Ex*Ym_>K|5Yac7-)3y|6Oo7RVXzL+dSra80ugTlh|l z<^7lO*-3!ovhvL862tN7VeClt6}G-c=vwXVW6OOMxQ$)`v=53TAx%wW=jTp%WhzM$ z&RrMbdV*qS${!3lgP~c07*+e3TY+(v+@8@B`xb?VMpqnXfIfW;e zoWQ>`j9{=&8(dQaRE>Iuse?n=qs9<&F;EdsRw>il_ph>7y%*uOvcPEDY{Nv?@xJA5y5dLG5dkzS$^A)MiJYMGDo zGWp0B2kixC&EL zIJeN8t5hJpU=Y6XHBX>%X~B zlQM=mZ|?$|P3y37!$2GuXA4JPJ_3bRu4L+PM?78QA@sT~vhiu17^Na7mW~d9?|m`Q zep(Z?hIV3djs|;r#N5&0$Pzs2=uYH4H-qlc>7*lbH->s1hxx}dNkSa5uPVyaEw%z9 z#@%8rWeQmAp-)4O%2M4rNnG|!g>Flw5UIX|S;}VP8vQCfIL;4l=vAZnl0@R3H5oGX z>}jxDJG{GAjvu>D3e1eF5R`J2NKQFPK2Ebhd!z68>u)c1+)-oSE^HBNX1Af9QYZ8a zJgSzwQLu8vb;uju1Ug#~j-LF1#^S+Tt#l2S*)xriaT$QF_ejK^(Ns7w#RiR6#A)w0 z5i1o}SU0;IWi(?5NIVt$j2F%*nZIP(yj;weO2TuShSSRBYP>dO9*J@7#UbOQ1&81v ze50F0J{)#}1_@<8sl*JY_i4enxqn&2r40DN9zkPw1-zYij2*l(3%ie)@Z&*y$=UZi zNRU_q6MlbXqb!b-bsq*p@tq15?;Qeu;k7`n9l(ym)sR;8U-^dBr%2h>chGHED$FD; zWU!$HnCPX#CM#XiHTEl9TsD?(l9Q*3{hUl5V90AKn+2DhCuMs_as!bZO^%eL`zQF| zfkirWc+>}+vtkha*PnprUaGs>4p{i#KGa<(eWtM0+U!Rw**N-Ijp zq{9#Y5R`vA3>%Z8$ltOnBuQXFHU`e%eJe(>tqZncv(WKB`7WCO^7i99auT6%k}Xcy zwwA0LdRuTk{hzZYI2Q&sBW(SM$wyDXN?T37%b)-hYcC+uYedGu3rn8p(T>MMh`Xl= zHko{Z>%k)G@#6uOEWHGNO+w%P-T{1>t4ELCHij3zkBC{}N8D-O20N8zhzCd!{wFpM z)g}z5-hv$fs-kv z>H&7BwkeLS5aqMlqRDXe^hZ!FZ#xBxkGr061gTEM4e zW5kKkSm02?pzu1>%=E$YOa4HL%2<##{)S(V3%lX4J$Th=0;%wG!8HX@;>k*lWTJJN zz>pN)^*>m#(d|~G&qHuh=(&kiXU>Pn|1L9)DLN2z^BA@b%Ei{z2gM7!l2Lo?Xg>Dc z1}rmMf$a`4a8T&ej~G>gfe%fgc8)A-oHv2S9IJ$b-&VuZ=f;jpRTa1>C>%B@?nZ;J z=b7KR@8}Wp6n`Gr3oQ2ue(RnBsfU&Mk^VZ7N!bkami$l1Z6XGAmBHP6CFEZAEHr96 z4`tlQp5VJ-_htxxZatcRQ!;@`8TEME>@gv55UJ%IkSHDi z@q<>d%G>Lij>2G`I$e@$ABiTGlP)oziBdd3$c|e~PZdpj83VD&0eCYX$i)FhSbl0E z{aEycq~0;-!xtvv+|rdKpjXIg3t0|Re<|j9b{YxPQ=*$*m{F^Rd&MiF+p*)>NLnSZ z=r2f{qL-W^FWK!zf*v}<@Mkh&|6)ll{qhP}zWz+~{=J8YjzxTPNUx~&)GKFtT z>?Q?e(XjhLA1hBBLTCPZ347vA==z{M=4bE)6dkwot6o1~+KXVgHUBzp-u?&f9+gF> zLO*IaSBD)_KabaL9)L{Og*0QU5??j#Ecm_-5wg=Sg^q+I)@5rz_nl#M{k(0&B6kw% z&TV1S%XFb;*j`8#e9(R~CJ64jPmEkCL{YyE9rx-md~%h-VY4L2hpZC89X|(C9yc>> z{Tx{23}9;Q5AQAwrh}bZM4|pg7;l+`BYL6%{>RXH#&g+)aXd03DMew+D&6W76`uO+p6sHkt+~TUkPr$JJ7oAE4eS^cN zFxXKV9qQU}nY@)qzDk9E2st8pW4MwWo+nScMYCY7dNYhWDzJ}-XIB>vAv`!=`AfnTdX$`eK8P8ECjQ5*8Z@-cC&! zn!c%<-Rryy_YGD;$dXBPP32!O4ID&mqipFE2DxP=NivGVtVHD{6KthHJbYD+)X*jWXUIaQJ%!J6X`n4mI3{%PW4e7?*R< z*(S{$`;u^dWEcAoa#&#UCWIKOC^*BX>%gUFUrEK*OkTZX3W`*2lJ&LA*+I~!i=sPF!c&B` zX;X-|xkuViPDg`H7F>Dc^TEjcjgm;%!H_K*rE}yXz{V*2GV5pfm||g z9Iud3r8m-kir1yRMYWot_~>Fe9IrHlKEbuN)+YuVkI!O35m)Rz24=(4U25rj z+YMc3f04@Ia-1Pfz*%Y2xaRZ(@tui}$O`lGqAur|aM?-VJ}91oL9)wW{`r&m^IQZA zdGwu?^u%#m=!M4-t8nn12j0^9NQB>tB8CX#e}2&S7laow8+=>H)JyJw82$GJP` zZcyOIUMj)xYD>80D94))ePTmj<+D|mcVTj@7VYy|Kpm^Zgd8}6-2;Sg?(kQlRT9Uc z;@Df#ap*5@7(N;%MtM+u>+fhhDFwqw6Xx{}=V=?%>51K^u!U`bVs3>wZaR>WdsTJu89E66^6|fCfCy z4aZu`vpCB3D2~qFMHEsBFm;oNy4ndpN1udeB_Yr-GaAAMP3F_DJEOxm5pS{Xgrb>A zP_?rI-amQ)DmT|ddR-PwI}=V{*UHc%4Gp5?GC3}HC4>F9z7UG1&H%~Fuf_e{Zam!L zION@KgD5L!9Q$IPsDHh%8*+=q$b*DeSqN^3ZI5thQ99nat40-no`cnktm|Q|G&Mz&2y54ovGjA_GxhEzw*4W^s!I!XVN+swTG>YFJ%n_%% zltR|k2l&=UkvrV}ga!6Rm^xuIshRJBJ5`6!ao#bIJ$E#o&(*=vCa)Pax&qmLDX^+{ z4HRdb6F8T_czKaDm|hXQh`*QMKowJdH2DJTt$%^Pf(B7L8E4)c`Gy?of5&#WkK@ap zjDyXcUvbIK$M9f)KK&M00kyj?;1l!3IJf8*o|taM{a1~^u$w*N_kT7+Xr($IJa{aV zF%~+^1`A*U^Z;7wl{ul9-ehg?kNRhE49kEMKk9>1Zf=we&u(*FC*djI(?278(KSN_! zWD`lpjUJ9a(gaR}*KY`vQsp+n@80C;Nc8qThuA$T^l(NJy0)ov$-)OH>qe5 z^0B&T^91PBh-VY)7tDCFe>wuNar{2?PTK&J%S#}ApD}nI zV`w}32HR$+N~)%6Q~tzma; zRk-%9D0q0j8?1N9bKlg_ynIf9c=zO1$X6}4-#xbzw(TCpEdtfyf&3+=_iMB0V$CzS zrBCR(+09VC=o{KZT@abv^cHrus&q*731UB_ifx~^6jo186kL9acqC*e*yazRNgF?k zx{Kzby_Nxwjh+i*A_}m7p$2=gSc?{fc=E`)>0lJ!0;~2=m~QCK9+wQ}!(~lj{{?rh zd+!B|yIBlBy3=9%r0aM$REb+8XW7s9mchdj#`KX$5!d_ngW?| zww*WX1?&|^1q<%4jg>IyvkZOuT!NarUm~k+O7N^Nn~3hJKyK=oh58S~pfX?^d>`dY zZw3q*`nvalc7Fm8qM#0PMn4vK?#*O zqWWPi7!~?r!?e@rvpf)t-4(FHFXp{toU&lI{Zh3^xEtnd?oof!iLR~Nv`W6>Dc!-)OeYj`ba0a=iD zmIPdPhNBLLSYA$$xFNoojs6>t3q4PPoSYf$v)j!+PS&SBJ`^85SLb&P&ar8NukWzk zUeJG?1I7Ow_@e*HV3ChJ_t+c`8)d}spf?JhEC>^v&3lN4jTzZK@_@av>MRUhZU;Kz zGNgeqIRCf;1U44I2$3SaUJ-;jhtJ@jjisohnoG_fT}fqruEzQ~=5*r9I5ZxAyLwfh zHO&a!4-+chi;hbRXNv*p)al1RnDHbV>V;hHlsz0oQMxqZ%y#1P^Al8tYymtpf*Mx( zLr3E<+M!aymUny=`ATHr(Xb4(A6klCtM`F4g&_BS#U^VCH2u zY}<|7WWk6|$Zj3THDpWCJMKQr8+QVR&GM%=r7fw8mI@!Hq=#qnVldqD8Z7zq0Bk=! z7S200xGH=*&!HoP8MeUex*Lff-6rCg`+wL0ty=cq#yhaez=ofiWJ_nw)1e86YgqDG zfBfh&gwEP0hZ8r2vf8XLRw^-sU-Z9)-hvPL-~vhbW|;;}ZS@c@eBuAbOcB+q9O4n5 zHTapHFHCax5#(F^suz@sA#}n7ocw4E$PLTF6QNUy$|7lIb1DmOSx%Dm*i>agN}5LS1^=H9+*@aZi;)>LU!>&;;HjgKWHc3R9mN)8^34Z2Y`^&_5{$ zN~WmOJy)*41@}xmxlK)v@CPd-qZ3s(LQ?N$X1HzQL$+Y-TwqmRW*5Ccb^w?Bf zmpl`U5^H;px=0xxNZigJH7IJ^hb z0=_^&mL3IT|H1KCxF0M#O!%9lau)Z8f6S!sU$$^wsrtvZK+8 zdo0a`gsu`$7nqDYxBL>BI(@;Q>XBHSYeE_#?NP{n)m;I7kbvctJje09M_A$u&M zcjwNdw+lMNjT4r`m`nX+;QR{$A0Qf}qD}db7FpU6Va%FWEdqn7wNRZKNPhhws5H!g z+6?!@!7GG&+mn%4b#w*B)isD5E}7s5g9oBX{*&Nu_W?MxdIP)*3nDiXf(4hTJnnY> zOoI08g@D2*Ak}|?i7LOaz|#9{MC@d|@8|}_$-l8oO+6S8T=>wLx^83 z!&v2+w0ur9u2o(w8aiH4aNZc8KdixPO%rHcfGnRC+YH-xbdvg&<|y&!3)t+m#0{-V zXy%>?-F}O3u`mPp?wx?H?q6`&W|!)ZD<0tUL4VlRt2r>ke-y^u350d3Z$!0)+l73} zK~}3EaC?d`Ln*8!^=rnE<(m$}ujNDd+AF_EPi7E#8=Hp8^fe*>M!+?Pkua~)SCl95 z2d_SS3!Ahqi>5qpMx*72Sl!q-j4x_n^O7W}cBlk?*y9Q#1YS^8u_d^ySqw?skiOaB zL~{;jR~PwDAuq&RQO)$aXlTh^^ylx;+Oie8W-8G#iw`1w4PQF-#9~yudyJ{i-@=-v z58~rMnzmQ>;57HO+;7x#^s*6hl>-&&JC8hE)02UV&$Y9v;o2;4{vPT-y$3&BcZ8O$ zn@~J)H-3pdR?YtO!fU^~@a>!gcSyPjegDQ_%t|+uyE2A6>l(=a4W7&8+~UCW(@g$X zu7v$+xPYCv<*2c6{?YXn+^wGfflEaf)DI1z$6{vVWZNYq=h;AdWcW{rBD0xG(Q%CM z=)xk^c%0`ih4*UrquHETe4}{`qRtnB>6;cX-)RG;M_W<1P)z*p{3D$+<@w&kr)1xu zASg?HL?z%{}zTd;1slOw8GLOQ|j7egb3^}~`pjrH* zeh=>ZRw&$WT|lbu3>2^1N$(4p#Ck6uxVroT>L}l0u2Z7%otL!WXLO^_ZvVp7kMD|t zN*;?g=*sZHb^iQb@j*~gGlTajpP_B)Y$}m;3al;8GtHW-_|5PF%oUt@PxrmR3$k;> z{{8a&&TlX9?~Y-^=YGH^Zx6wrzfr8@-C4Zx%n-iRJ%Vv@FPM|^NtQUY7gYvk)8<*N zX!*(=3hy2SC7;i%pqRtddKG#rB!U$QbEJ?pC&>cdj<2N!r@P1tpYIyMXZMsswDlX7 ze{>{{mv@3XIcctU#)@CPG7pyAEM*p7Z;(OD$Fl3!LWRA@QNiJ6$g|!$(lJ)waK_IA zaOcNw^u0M2H>}wT4-9ODXMP-WlQ7{ua^bvxVLjX!y@e=+Ytx0B7-?R=oBq-WV;}aO z#lZt7!fpd=exoTLCN1&BC1WJuqURF!4=VZ>24cR_QSHtxTF4EF5{ z;9XB2h;)}}@?^~%A%|kleYzKe_LI?Io_rW3?q5d<)`{iOW>X;ub3-xu$SOcfAXmH=nurC^7#L8~$$G6W^7|NNDVOKrLqj>{i zX8B-LZrT<`N%>{WJ% z%s9OYHy-Q-Ro0v%VB;Jv)*TlG z>TTAjEO1HE`D56BYX*9z1cG0~XV~(m9cyN&@cr6viEeKK+dcIr_L-fB?LOyN#YjUs zGfW;LWFS^F!66I+BZ$r$x_X|(&(Wieq6nKPG6?`mLq%KdNi#~%ZeP380oU!t-`>-{2 zD{d3qj?(mc$XI6bwFCS0Z(~T%ZuaX=23*q+@e19tJCtu0)?HZ==c7rVc(y)TBog*;H zcAtej_ejV$PsM=?1RrGk1G0B*0uJg8=1+VLaeR^kn^_wvzHAV~&n!F)_g0L8-vgw1 z>+4)rxF8c^s*~WmYzfR5p+^hX-p23-Wx8R~Xj)W8A!vIyDcUA5(UjJ*?S)>P4-LnR z0Kqe|H&*oZ6|TN9rnKW5Ekp&3E2OPGyKc^1zq zN>r$Z_z7$rDQ5Fh2lMO{4V=~3!-m%$f#{22cx%a8u#$ulut z`v!E~n#UfVv_jGJo7Mle6rtgh_t3QXFIijL4S8erL>tRJAW%t_4mCNB&mFAT+1dkG zy8aZ@O8D|S`H#i%z4B37x;XAsVue#+AeLT^3(-YjxJVKBF|yhj#36PUK{x5$kcUASg43NBsuAe~Z6 zpnlL>ar#;pFz`PCqmrcg@|E%A4vE9#-d}L|`#Uf*QH$R?qRGow$9~6MIr7oIgbl6v!Vaa(28V|q zVD>zMtB=0NsX?_uM!FkzKPkp9dOq~{mEUm3Hy@lmb8u3~V!D2u0$7+%q%+%PxZb-# zB(eW34BRoE&Tdg9DLonA)DGwRt%|6lm?S{*tWuZ7fHGj7zD3Q{dKBta^S z>D^KzOFEYF?_ct9r_&Jnaap?9{InPsd@`jfWRp@VEAaJUelL5;G z$Lhk}Y~{(@7*_BKQnJkHxkoeL)b6XKX%;0K%dg^AOFg3E*j8O0VoFzaT!3vTIMOd8 zE*}$*`;MZC^&1juUvj;sV$F2;4fgd6u*K~`>)GZlXyV3y-yHI3MNPg@2 zg5FnCm^Gyi2INi0L&fGOz5bW@t+onwTIVwH{W@~O^R`$axfhaa!?65TI>x<|p_!HH zY=oR6mh3m8ZTczrdGT;!@AjB2NGQT*!nf8VutV_7zk&WeA~<<jRWz4Q+f@^S&GmudkA%h|Yd^GVEY9nMD&_7jN{k70^IA#BBkUU?Qh`zIRK$E%RsAyY(tH@0&$lc!VtS29bSgEA*? zL(NuK`1e4atBxO!=d&(~_S;Y43u2ZN|Il{v=9M?Z=Q}#kQ)wou{ucTwOIJeDw!aY2 z5d}3mnzU_<6L=ij2ETjISy5YgVKMF*C=fssr7gty`?vBfn?BYGvMnfU+; z%FWRA{y45ldT9Uk*mQ_F2yk@T2w;H*q`BE0Z;1Y4C-$m(B7G@$-mG3&bz#qjAVp zLmJ?0!Cbp`!p99mskr*eNm>5KL3-&@Ne`FI8R@~;vOOD_Ul3q?NYSq!>;R>57Y6Lx+00+;hk@Z#en@gEBVT2x$& zk2d9^8e!z2dMmh({)AscS3#QYcQncm!V`aT@a^(Cp`-QyLZsG_5VdM3l{Uj)wW~!E zM~&$DopE%OnKbGI_+#p$NZL?V%@&@o7S-+0;kT~b2dNS<{){HzT|SU|EZ)xsNi5-6 zYQjDF`vhA4dH^aUjVJe}nbZ4g6zM6$cg$XDrPy<(9Q|u}35l#9d=wa}Gp7DW&ebO3 zhmH(;In_4sKA%7o_bJotpDOsbB}{yHY95Rfm_Qk!VxFzOh}O_!6J2GMm(tm z#weGO`PSPpdq_G& z#sB`b3hvB(aKWnvbqg+{h0Xv`uz?2~c0=e9=*OUc@KLDPY$qyMGYGET{D#G0rkHOw zm{)y0$1+>{$m8XEnaZ$iOuUjR-0{`;w@nAAlkqAv{ALD|Y=hA^^|k2Xl}&h{Fq@n+ zX=T6ktoa!IT4vWgnz~>rk6Ww+M}jBuq=r*CMetVGSM0!0n?$Cp{0Q_0f5cd!-(Guf z8t#(V4#~faskl*>+Snyw4&NuzI+KD2XYInzTQv9#=}5BjvK@-*T;W=w1P{8D3j@Cp zYR^2;*R~D4pUd)dw;y!Okozio;Ba-ns|4Lv0H; zPQ8N4>ovgQ^-f%oqr+{gUb8>KGx%NNG3%fB06xF3VPA4I=$;4WG+6rzS@HNc4pYt` z?~RO6vPzAvOXjGy`UI$pZK+k>ATH^)2CDA-V&uZc_mQUkWw^z-82~+EAGB8{V3npfuJxFY z=T!^rEgz<#Vt*yQ*OAOl@1IEfKAY1?=?17Yual*_EajaaOt8pE7c}qcz~+x47?+s} zNiqi+9p3;xy{Et>^np0;aSmDM{uW)I#F1uaACNw9Ky-X>9ViZ;0bj@3vuEWe$=+v? z*irXNBr{j=q24J$$qB9aaFQ7g{QXmGeswYkm^e07%^Aizjbj={FYx(*0GxH%17F&7 zu!TbRci%iCeExnf_8e{#cW>2(`*S+*qs;)`an#@bvi5ik$*D)#{AAqgcLvu_bHgX) zDC!vM4y8s@XiX`blC*4xEr0iE zJ%Fqte(6%=wEhwnt*OVmmlZ`CE0u7mjU&GCL%X+<^KpUn8#q3q63SF3(&57UXIOwA zZF*xyvaZI#)yEIWvww|{vRuqed~V?B0wsE_#erESgwhkyr)}f1HK17SjKEY|j|bct zn}7B&n|I_D>zHap$NsuXM!E}GfKd}jXl4N934O?=i#`aP^tm`NA{tL=<+G$r!O8PY zlgUIma?KAL=_xC9cEx!r+=pz~VR8o_9bF1@JwL*wyGQxE9Ut)g6n{}?Z5HjDJ`}^( zKEmF8CL}pW4YM3aqt5W-7^b#{M;V)7!qO^SY>)=s(fwe0@FeRNSPM=0Irwl!0b3pB zLd_?w<8#*DftYWqg8JE>d&ERRX37nAde$5;IGRmP?2jW0c4sk#wd?W0VZqOyngf9s z4%0(25yv3#A^?d|+x14*Bp2-e|=^(d8dtS!fNzEjWB%HjmnDJO?jh zg5hwb9m2y?Y~Ug%0n+*vU5zyG;OKm~tZ#{x8)U%DYcLJ{*nn0;O!!27fkm2;4XREn zL~j;WVMWXpoF?%X@7i~XVgseYZmi&!ykJeY+V!z>%5q%gjL?Eg9!nn`7Z}rJG1X;3 z&CGUPEf}aYFrUqD@WqD1bnnBFJYdr;ls#`mB+oPEL?r3%YhiF#KZz8VyU|5jWz|We z4uYBAdptwO;k9=~>iM80lf%9m8p&_IvRF}I-lITN{BiV7$?r{Laa<8i#< zH>kXl0rh>iQT9J){P9-UOEt;z$%$bgRd)#H`D(K!`%;z}-+_m+3fNq+s=Z6MC0$|F zjKgaNQeBn#@O^L^X6?U0j`)5c4y%QoX88*8=loT)K4S!;tVS56UWQWn4v=){kg&6T zg1s>}z%)w@_LUZr^)@Z!srghcTINc1cMima@gGF@XU_(+wggglb{rk8ocdYTQnlnBel_+ZOvYhS4& zcK-&^xF7jYJ8BoLQEq_q-@mdKdW+G!e+;~jYy>;oX)s=m`1auj4RRy$sgG|A$J&a_RlsaLaB=@+kI{joZnE2k2eg$S)KBH)RGqLXjkRcc47Eyp(+3G%28BVXhjc~ z_}Kq)! z3gJPjlDPNyJ#ji@;90j@FueFUTwYKpPDz~vu5*N}z%vQ@Uy=fr^i*NdV`09nZYh43rvWmXZ?I{z z&kJs6FJ9P#Xuf4WhNMN)DJKH(>&!FwJXGlA%^v|{*Qp6-ErDI|V68Cwt%4@Gr!Y1t z13O!0^NHgYuiatBmj}^p&kgy8+?^O8JA@xsE*Eyx8t67{Hn;ol zIqJQ;gu(W9c-dhwa^EC2r`85vu0I1mgnh*PbOd+%@o1(N$=(?}f~9S9=n_{;c)3ZB zs||kz@tb~#y)O>nwhOM3M@w5kS6;&2`o|&sVYG>ED|n5^77$VA*1arNw--ta0$^;A z19#}^5REbsa)sm7VZ?W3E?Z-WKldM`X?Fc6W44D|ooFB%<6p2HJ5w3lkmCwBOVH(+ z1Acb0<+;bY;p1N$D7xfCuUaN!%+ql4Wl<47uc>s_Zj{`uwbh+rB^G%ELd{oKnR?*D6xuSP`1)+=4RsW$3l` zIu7|L!>3+)j+N`;#n=2s!B(fK5Wa{|wSfji(<^{_DNFI!HOa91Mw?jtc?i!oeow|Z z{{wA_cF6Nd7mYpr3+GPFhD_aj91!t|Y+h19DyE0<`~!#4=UEUft80cp6353)UCW#T zhN0P#W}GqCA6M*UY=HDR$Q_o6GBRSEJpCuuo9Xa7nzFq6d!G1+*8#D@sYP^2??w22 z?k1T~eG(+PWQA;4Jmjr?ME(n$0CgLW;>a_;7`nI<$JKlAcJ2j3E7WPv&Qd6AZNXU2 zseHe^wz$A=CXezFIt{8fK}Byce|BO5`KEM(Un&?+TYmooy=z(AQ}=H5s1x_$V&rd7 zsmo(dHw7=^Zb`oH3SD&4t*Zc^)TxNDjXunarTnM{ z%?=mQ)=`7N-6mt}l$;D)`m{F5}xH(WLLoXY5#04S_=^P=%08xFmNB z-rZk^*UPMgd(1UbC;Sbg4kw`5mVvxDxR(_zEkYp;0^cq+7p zRTZm2--ZMdFLxQD*6Q)zxz1u2lf^h_oN(^R)DxKo4xuL>4ab!ml;OdFT##(|PRbpB zLf8E35IaJTov*ln>-&bHzn7)U_t%ilg}>R& z>(gkCRV(ud(8uo@OKHOPwbXLpCA^?8flO((ql?%!Xii;(*VSVo{YE%9apX{w9fC21 zm)V)c*=$eb61eHFj5`DtbKc~WiT53-#luUYnY(j|SQs+t z6|Y6BGCg=LEl<^_JS7c*ZN&1f1(!GW;`y_cIK7ey&I_Y)+zLs^?iRXxqt6kk+CI#* z*oimI4OzXY425(yo8e~;v%b62pGzN!?^T52oGo40SMA6jWjRu>ja5Ydi!5Av;ehEU z^4Zada>#N2!^WI@!m`?QNrK8vAp^P!UeD4%A?Xh*H(!NSjSGoWtsFOf`vNOEE?4~v znFylDMfO`VbA>ar6sC_jFZOt&LDoG|BRRP`;2LoOobD;WvdP{iy8FKie& z7;5XdyxvTZZEZh0oYFP%tKCr!j_G!5oV?Z&V! z5%&+TBB165EnkIfg-;k?J!KkB3onKCvkG+S*&?>WqW~7pEFjJ?8)0q9DjJ_=MO;S| z!*gLKQMv63yu37%E|@F@2`h%sQ~NTB`)6r!;DIAh61AN9E}aBfDJ|r|Oko~ok&4gv zEP!b+0_OCVgVp#bs45-ImwhXEd>U4mo0Fq)(?MrN3wsi( z3I;Hk>nIN8>IuSbYU2T{c%(sea&BUEr-Z<4u*WRz3HbQsT&yOoZ2Sasz9%6cmNtaq zm^rl&rRXXWjW~(w`n~YRv=n=slfm5~9UdILRGoP90K2wv3m%ugj{l97r1SpjQKNas zP%2B0WGo9r$u2+4xiy1J4ZjPX(jQT4_ZU!Fd;%e;j{A*7I9`6_4sXrt1tEndAfc!T6H?tJ|2Rj&%Q)+AtS4?Oo@9s zloHjz*-LWhs}mXc?jiQP z{|`1k@dKf4Aogy$h|^z3W7yYs_7B45^(Vr18Ge;g3 z7QAF-pC-b2>G8}dGgAC>k1ii7u&(ZS?SyDmEBH0Igmk-I!Vr&0tX-wdmmVm=e^ts@ zv`mNm_r=)1b@SE73d8qx&?%Xs04!IVA^v$s9`jBUA`gRU`C zASJgJWld|~JwHYU{rZ79j|Y&U`y-(DnIvwT-VE~+BG7g3Dm>p*3>&HtO59davp2SU z`;Bkxkg+Z)c%V+xGmoIlO9<=0aTU0gV%@gRIjxGRpPFZ zOaCHRrv7VGvzbm09G;FN`trp|3*WF-=P8hI={CFNnhnM)Pm@6R7;Nn|hbxUP(32Gc z>mvt2^60zJc`uIChRfoUt-^dJ`7IgL(@6GRlBAEYMm*PME}D($#w!meihj+x%G7uN z5uZ;z3i=BbX~c*X;tkA#+sS#epk)P+b;tz8Ta9`DL=$?nu?PAW92b>Ee*pFU8==

ByPSlx(~=Urc6TLimHj~+2O2?RW+#a%i$&uWReEx3Lv{J) zWk@wgi);28Qp>wTaoU~3AW`}d8`X_zOT-|mtk4hRmkIZ+uhrNzQ-hB;tbw3bKjJKO zp3Xn9h80`ikxloyM1^r%Vd3K8s2QJO|NB)p=6CFY?|+Tq*uiXUOT8e@50|Gue{thKg-`wvmK2K-y;nh#s)A-2|?ld)^24<*~L0hgCPtu*sHhkD5$~%1mj~rNtKC3nO;It{A)K`Nt&KJqX zt^rK)$6ca-Sf7p?^bfVq+$V=p^KlZM!Gf{we0*#eTrjW%NozB@#w8JkniY}W9n!Fo zui*z*4#&&xDr9!iB0PFv3cQJq5-kp>C$sy_;rPLaq~+^B+!GOt+cHLyai?$M;>j<; z{Gkg>|8So~NPZLVxYvYh4g|B7kCSo5%1DTQf1x_1BmrKJi6s4+vHVcqJuqEuhM6C; ziNjh2{`H*&zuV#u3ZK--veEm+tp$4Qn&(Z-S@{&>?mY#kb#<&cQbaB|8t@}eli
ji|}Ncz(ls;qinasZrQoG{@-lOcsCg33LG(WMgpu48BG*M zX=0UJ9?Jep1D7|}kmj8(?s2byv8M-N$N*svGcO+&P8-Cx3;Tqa&m%EtXfwDa&Z5=T zz%A$cqEmUcsOwETxmBZua&!PUc6f^W+AiYlfeflss)^J3T%z_|@K7y^+1kfoM%;Wjn;pWjEOY%j+*Ef0sb>JzN}wmDrg_&#w7GN4m_&psZwNb+uoB4V^yzHMFc+1xaJ(QrC5+ zG}zeyKDmA-5;4{2Bk=&LvxfsLO@|;CdHQ(wQ+#+}C%spx2$n%7NpnRNInk_-t*5WR zg|vmF-BA{vzO>?6F5^%pKw-|GCjD*lowyvN43wrWuHY9EZs-Y zZR%+-lKv5LBPzt*p%G&9o}u;SouUK@9|qGK;AQi6s@0~VRj2yaLh0a`VvE; zyXE-ZZ2}W+(gAY2K#^y&hv?uV1vkw9V0DNA{HyI`H8a$N-rYsf)iE+O(BM73khDdQ zC3|ss?q{sP_h_KGw5g9OHDJTn%{K#T7>7^;>BnWdX}hsA3g9&QeIjEC`@Ya{S&MjBb_ zq6ei<2GOQDld*10K3uC&$FgBEbV~U-NEjT<`#($-A4}}VpvjL(tKSA*)t3W#J?F44 zbwAE&p8^#RBd}i0l6D8G@`o~`NzMCm-YdLQ)Xh(dW<{*R!~hjok)lDzTsTTjo>>cB zj~DVZB}Y)gb^PJ-Y#8<5HuhrvcZe<7DRhUY30&KqSk>bJ!48pdqql`PIJSd^jwydS z<1BNx{e&l#B=}^@Y8W{n2M=i86dj+gL#xGQ5aZGV+LPjV@`C|Xcfkp`uKNHQhEB2f zXfo$5{>G4-Gm#EHHkHjB{RL_>w(-$vM!4EN7oS>7^Ur^7u&w2r1P=NnJ~H?TND3^Y zx%&Flq^v;TcZIUq+CKQZv_@=u)&f)fhttHyWQc3XU_r58$q4Z@++^u3Fp|URG}#!z zeeoM5EVO8~X*dn=a3t}oualG7HgxKvUKsmHlV*vAk%w-RQKM6zTB)Sb?T%vdTB{O2 z5mC}(DDdtvm&oL$ouvJGIIbM! z$yYy^O+QQ*oP9;B*{8vh%u}KQe^WD1X|jV?QJo@-`379dCm2}2GOG13CVv)$N-*b61io1)3!`r5!3{DKw>14l@@WEB%sIs_?8<S|I41g^-;(E3VPh$ERN^P;ah~(xXP&;vrS6Ljq#TSCQm=q>{`N1{nkMG zVq2~g?20oGq41HOxeKD!Y-@6P}O+e$X&hzXtHxfj@e z6LKMV8pMBY7wf&M!y)evL9Mq97)PxXa`9oX`&E>IjSlSJ-2n4_>Px1P*r&%%9$d;RC|RkgtBQ>Ww^mVdeu?_uGla6EV4|HHTOXyH42i z#mqh2gznm~fv?`tDAp6^(kSVRU+;u+iGQ*O7Tw?fy?;Q0Q7o1oSHnur zhuq_mKHcqqM400WJ(}hO>@iToBQoQ#Vo)lZ&~O#PCik#_b#Iur_2KjNtpU7HeFh{b zB=EsEbjcp6)sWhw1sAO3VY%4|(5`-qHSZ^3_Vq@j6YDVTVFkIUBPY7}8|aAkhp0R& z2pz81lAzLTNI$;}zW-+olioE~d+(eFBbOb7+c&lN?Kcb?TD;K%LV5eE1ytj6q!@(V zec6Au?8A0#Sfc)e%^8)zKL$EbJ)f(1+sB5ySfxdmhkk;II}}h$RhplUAILv=+3^1< zIuCy=zc-HCRAyw0lt@-0P-S;{7IoI{M-fvIi$1F$aY2H!23I|q}aqxkCC7g$yG2D|o;g_W;@dGqN?mJ-+v_V)8d ziV3Au)$ldB=-j)i>b6%3_<-qICY4P1B2Ghz}zFhzMF1qGQ2RI0QaNi>rpuXvo z_;%S^JkRe`=S`pYEm&x8`y zPH1hBI%zfUPcbO2KT~+wmRGu{ROwXYU0G%?M&8kHVw@F=6F>2F3S}Q zJ%^hG;@22L#|$rmOD*oCN$(X%o1cc;b0*^>^?aPaK38DBsnVskhj5&<7Hn6Vjs@~M zI8f7rueF^at~@VILxuf%t;h>x2G6IH-|hhQ0gsuxX(QWQ-311hlKA(WP$-=C0p87) zrw!Yj_`+lHSm_WA^4AM4Ch1whqK$qSlJycMISZ`8ttogV%otM1RAGQM4r7P=!%ZE* z*8I$dj@6f@{|=3ZsRaVdBhrF9hYBtlGhg17TLbG4SmH091OMcu>GJlUq%0pxXq^uv+<=_o*%a7nsp>Jg0D)(Q@%wD4bI zwlEi=S}op{!)t_?)zfv2usPrp-Yz$z$8Uvlr%%&(=cj#8yT2Q^Wo5FYOJ%TV_7M(l zdq5&d7pKhl4YRB$o%Om)+-BNHF1MQCci&vxW2Q;I8cXmy-v+_))(hy|rw)pK!Kiji z4s8Ro;MVs{JiEFYivpTZuS=R%Jy)SlPjXRWqu_>Bw}HAvVw|gGM>h#Rknqq~*eUS< zOKel9_70pdCs>8PcUGWluo7H8{bJ3r*=*6<3Yb%52q6k{=~s=nESq7Q zWHb-d-yrznHO0q%=<>NXI(*ublfqV{ObQ2bcC^%-#;iO9rtc%@gQtsWroPy*YNQgs zIQIs=*_{Nt^i1iJg_(F*$lCsRtVUCAZovKz>a=lg0@iO7(-+N_{QW&UEaS`R$x9u0 zaD6wcG*RI9{3Gz6n;Z{V*95*Xf6!PMfvMT~jh!g`CE_=;zgRkP_toAvDReKAbGI+(hZsGz^@c~UpVk|)_o@K?iq!IalCD&U{D z&HfI{9q*u5+BDc(z8h{&UB?c}{9>zJ-XK){74P)3roSB8;A`^&I>}@JjGC#y>sAKh z+jLca{*Ig|VB%DixcdeD4SU6-%GG$xg)C72{2Y!hegb*}Z{qi>yYZRud`i7c__Cz} zIoI?bxDGuC&F>%K=375-iPSLBe&OsVU$YbN!?`0hkDX}PK8_bTky!7#eD2_ z8=5kC1%Ia2Oxl(lMej$~1U^?h9;_|J2cv(1+fz?2&D=0NI*osiolN8kEnwWl(~d7T zIpCn4K-g8V587?U!~7!=T*o^Dexfh#ncXE?zcC8cmwG{`zB99UnFx;!l<5v7Puw-e zQ~X{}$bfo10Lk$q`MeXSuv#Jq$y{?jccvWm@3G?vHS@UMnKv*&NAMMzH^QEY8~AO% za?-ahP<$}`7Q9Fg!SYwj&}4s}c$<(fU4BoJKCiQY;`42|@JtL5hYB3HYDxU)Ur%l| z+wp}*2l4&&W;EjZR(@GSkv0Z2gTFb)-;$E#jGQM~J>L-Dg&rV2Ri~j{M@d}lQb&4M zn&L5S1-|Od2hdfXOr5`&@Y{z~1Rm!(>Xsf2STYxm4qZ==F$r?fc`Q9qSBp$Zk?RQ@ zs;>>M^uxbg=orjd`I|??a^+r#PBY;Os*5plWjc>vCj}j*LVdcu7|%Jhz=oTd5FcU0 z)%(=>+6ymnLF`cK#x8-~zh!7mSJ9Ngk?084e0AIqT;{nAp8wc{s~z@WTI4t`_4g5~ z4;aS(YJP{OwL?fX;$BNH#+c<)ICJZ><=BikO} zgo85B{_PevKi(kZM;5az-y^u`w>e(>ZUcdvbU|ND5wZ*(ib~FEAr69RZ_DS3v2Z9~?W-gja)vLGr>VzI%TWSe@u0dmSgk`1iGtWG{jC=Nd%U z&C00Ma7QYC)1GW-y@iK{Y182gx53c?&DedZlg-Xh;m*h3fZ8Nvp1(bK1~13s6Eygy zKX%TRHDd7nfAl|^?Gn}a~Z797{NC- ztKh-8U9c(Si1^xhMf84F#b=yPCGDjhn11peHqYONQ$8pNa}irHSFMAc$cce@4rY9H zY8sp}-33c8-onYpzKSoJbmNQ{L&=cFhj1=*8jf$T5S!|?Lfgl&V!!-iwD!Nn3Tya(O#aoGP>;AzcYYyYA(tWsE`m>M`c7V$3nV_7|3y!KvbY#$K2sb)`hXePC z_Q>a;OK&4?X_ld*A{6+^NoA0KPKmqem9U18u@KW9#g}ON!NR_ z{pl$5Z(IhQ5zATE_@T(6qsjN%L;1?|FQSO7?U>atnEsr)iT5Zhq^x)h-al6a8zUbP z`*C%6CfbZ2cpV4T`rgE^R2fg0+`~Y@8M5|;;LjF09siGn z4V(qHi@S&@WIQZ+)eCo@FJ}%O1Ia_TQxNv+36b$kfh{QwpksZLWO+G=CoJ9!Tl=JV zso=b|kk|=l#804alLFnLs*l-$`*3#1Xs(*s0z0}>c%|h_xb6mYTX-}cKJ}C4rmMmG z-sQx&Z5nozc~p-Q+mm(U9q2v#lPDWf3a5v(vSZ?#uxnEsPH>8&s&Yy+^npv=Ek(y5qDq#_-7%_j#M z^)43vT#Tc~Ba_&=p9A@@#!@s4kfd*`OnLFpBXsbGVtC~{mQVAzLS`mhXXUd~*}#xW z=wm!d4~&IJQ_JAL;uh#}S%cxy$wc#HD%c5k%s62N zK&q>U6**hbA6ufUkN@t6j(gv+);R$y^kcAaTqo|6CG_)(iQwQNFx4l!;yPv`85(R#Ia6L>ix{NxyzBv8nW}cyQ zo!zN-q#{cb{;s`}Ow2w5A;t&DtnNMNrDVXox2ysazi8gL>Jn_R`U}2yZon-6nK&kS z2osIW0;#l#;<9!rx*;weLpl$z__P9+>oSG+2bj^(7xd|l^k(8cUho$kC}TQ*9)Q1* z;M3YY3?3CrQ=3z3uzsu@zH$xa&n(kH>v%KVz4;DSUzMSg>o_d=bB?UrTJKnCuoAT| z{ve0A6t&E?q=ie`1Xj2K$jrO|%?CPQ`?p+Zt&-vjFN;~2VmH|v7l&@PPq0kSkRIC@ zjRl`J!R3{G(6Q7EQZ5Bz|C4s8ym<{hZ?@rY>3bM{@Ex0ipCEbN4U{Rn4b21edD9TV ztzvW+!a4Br{H6RwP8ZyF*#lD*>*jd!TRua0sZT8Q z8;+&zS4SYL%S1)fVyxW!8;{)l30|U=Xmkce>qf6dfKe1ES$ot~?h>mO)#> zIiWsu3$kveGk)eYiSPf3AD_30#g|U-HR;RQuX{0EGky!sYyOS8Z8gj*Objw-y71t+ zqd5F_FfTl7NI#76qyclr^EJ=X;jG6}a#lVMlBVcV_mn2MUNsopEp7Q5oul+`pgz?Y zB=~&)h#`F7XLx)gi}>g-5PA5mr2l%9Y4eSH(D~XD_`BhBjFxRRNQ#BK?PY9wDY)tU zMzR2B2WE6zRmgB1!y1qC)k&kCqI}!{ns+&zShP#iSEqN-;bt;4>G4OL!|yS%+ZZ^I z;R8B%O<}2dEAd~JL^rK0!ux-+!DXllDxEw=CEQK9hPV%tpKF0wz9_Mi7=@EEusLM_~^&ut0Z9tcl zL(L)p-sn%a*IMA@VHen6!DGJWYOpZRHWMBTYhSwNE-pIXEiRq6god2H>GBd;%W-_P~r8N)WJ!8J1ksALoY z7ph(0+pBeO+DMqg?i1#57au2XRyoj{YD!!GipaO`br35vm>){|i{G}b<83c;gbX-i zrfWv=B6}V7`Sb_;S4LRO+h1gn=YNiCPsq?@!3*p3PhQ}aq@l~h0H%Gn1o~{_asQth z^c^FdN4?zfkP9Wsn!C|B_%Ir+YPn?Os7Q8yPba1dnl$*qYOn~s#*Pd9`jMSxkpJop zZd7^AHkI!qMtNt+m{XmY>|BPjFJ$1yJvm}C<}RuS7obN4;M)7z@W-K)1PWZ_Dq+z{xmX%ElV>M%!Y{kM*nDvaAHJ^xk{%ngMDGve zW3~ZbcT$aix5-BttuL(Lh#D@{J`A04vbg%#FdAHHfNAF~iS=iJY47My#*Ql`R#VgX ztzjOhv09QRIFIMsH(Vvts%1!Kc^w+h9}Py0Jz(oEu!f=(c~wm3$h% zC#vwh)qhyx6h+AFC?E}|nqfisHuA846kA?>3+DOOvuQ_yK!Z%jn>9mdyceKad_G&; z)C=Q8KI}gwCs8TvbvO)KB9}Blo0K zwTBym=%F{S3w;Lrg3HCyC0~$L#jw=ZkBO(?wHGx}f{mZo0T_=8T{ZUH#152pUrnXjr81-s2 ziI9n6CC%NqK0+6=w@C}0)h}=;whr^(58=tBD*Vp;ap?cT9%W{)Al++y=`wV1@H00?*>0`w2{Q(SZiH0XKlUSK$83c!1#~)LRn7;1__9y8)HZ=?)A6||Y z_xwA_Rw%@=uM0=hYx6=U)H}Z;H*aj9WrE{wT8u0`YVQaEX2id*m3d8=Q>E68U6`%v~Jl5Qo#G>hZ}4 zZ)&YjK~5gk!}aHtMM)p)VN0wxkn1vn?^%^ZnhRcI!zvh4riz=q)XA>7iI`(J5x+ba z7|@@Tc$V2JFh7-uCzE2?)$MU8>lemuJPU#5rh0JrXhS1nE<(GlC%zn?06&X_b=@sb z)e;8N*9JYP>DUJ!X6%EU4~0xcs8=a8?dD4*Lug8)B=+by61!br!~qwC#GR%m9?ZN8 zBNXn#jb~l3!fXh*_s8Re*$pTkZUkGZbkT0z5zxQ2gBbi!#9`4xX>T^6uvG&Ld}>&$ z<_|b`+?B1o7DN+^^yrW!?T{$H0`h94snb9SHsa$ea=jsm%w6n-S(7%PTYaHe{cs~p zlaGWDIa9b=Dkfew>6l?)Mo-F9?Uww8nF)57T0p}VF{Wwy(xIuR*wk}h;q~J>qFE~3|7(=!^oluDN92mTV!o4S z4^C2>En0Z0;2~x|SdM(qMIoyb4F2)MaI|K+_}L3Dw#LQ`rzc9%vxZ@G>Fy0&lr)eI zcyt+3+dTzV=r~fNsL1cy4#o|;yKu=xpq7>ukiAKj(%+M~lus|IK3h-po5sSoY9;hK z;RN3v_L5Iy|06D}gjr@-u#$l35WHLyGNmeDK-mLv+6^uGbA1E&H;d?j(lZb^F&+cm z4`HF3Hoq`Vg1<06O6W&Tx*}SJ{!L3KqH|Y>_2NBnDkd^>6!G!C@|1I^!lAG+LcL@O0o|lI|E8v!AS*{HxmYo-9A(B16k( z_~5tWUa)RGhbN>7I;W)))5H={MqNGTEjC6!J3nfmcn9Yl2C}Ru3eVUH{BR-Lc<@Rp zT6{+$`%(*c%smKuzI=yoNAk&*DsPZ#H^Z&(rcu-74}|q6kMF-(L&W$v7+@a{A6L%D z8FF>t_0f*b4+wd^<1a5)-!6Iyr`_J7 zjms|Faxj)eTE@V!*yFgyQ^rwdBI2J1Td5~V0f?rE)_>Al%SRdqt>6$y(?Ecdv=t8adeu@WLOIXsU*3zIa zDMjC#o1+PRh<#-X#Lp*Jp!xV47#1&!9+`pS&L|l^@Y)S5cfmHGCPBjlUlaI*fMO~QJz#hxwF^y!o#@S^Z3JoC}utMz5@dB;#N)05)0 zW)&DeFGG~^r2`U80%%d5D;UIi;S&tvy~|Icznl+7-Z+dhtsB`pftw=VWDg1ZK8Y+0 zU*fPJ;Xd!EN#{v#BCnD%$RdGzF>ro6mWmFu&_WITPyQEadA=T|tR9Wk$uB@Wd?>u$ z5C$rbmJ!qCBM4l+i0SQFc*FYrGgey5>#{w9bQx#7FA zRM67P!;iU^SSYZhdVL1-_W}!UkYNfdyxfCZSKq+Ig^$3s>ymi%!iymH$(yb{tB#$U zIzZocHqKZpFZ2M0W6iEUl(pSQ1ERI~sI7NVcE?oGw?Ub9%^5;&7*D`o0V1B6zZlMr zR_2j6_dsX#8MrxBfu^S`<1+~-P*A!F-(JMhe|>HE$Zin5ID9!TXuXdcJIis^l|>j< ztBaC@?!kcvJ*Ze7kEGmk*pskIPBOd8jn597&o3Fw#L5VDda+EO-7ya(RuxHbacv11 z+_9M6KKmHU5)RTc*5BE=GiJC$<~&*nGmx&$hIF#iCD>)9z}1iU;CoqPx-HIG4$DFN?3le^Ik@yYNm7AUi`kAu*;1GermB&AKHZ z=e~)=q#lHj6%~RP+MYjBbjN^FL;Aw;xu~vt3v-^NsW+8ofIA>-GK5So$*Va9U;O)7%$T|eX zOMRhi=s_I72GE(-6~yML9xT<&gk|F%GS@@XFtWt}_kI^xy3>7O&3hZX>$(%%^)KN4 z7n{f@`vm+q_pV5xt&Z6~{*Kdc|6@dAFvE=ya==5qOUyMI5-dt#+SiK8waY;pDnoWOsSTd6HgO-4#DXn4D(E3>h1|7_UkCByY(&c zm58U+-x_dM;$bX3T!Y))4EUY~1E`7zpxj?f%M?{{+=Y!S ztDze<|M&!E$IQttl`-fsDI9#F*I_Pop8fzS{$>#(1*j z#S`fA=Z1n;I*VpM@Z&RtyQq~$3*HN>2QuE9Y8aT&hY4pPCG0xc^G|}#UQ!Om&i8PJ zK_2n6l;u07UMJ$906gC>N&5s3r@ilZZrBjcOC^TFA+NhQziTuuE6#?2Sphs!VJJWC za10#|Uq+)@e{uUyWv>2i5^EciE9$fyhLVltWYLm6m=R0(jPIYZ;n68}OT!T)tH#jV z5AWf;2`RK#qn<6wlfZ0?P_g8YN1RPM1fR7>V1elz`Y~3T`nx8xdFOTcnUkkrRL~IK zC2Po^uaf1_ivO6sRVMF^5;7iR_w$9GFWFsMyMe z2Kro_7?LlN+B2Sh>(3CGy?;U6&n%*5UUPWPpS}2F<2;`7-+gjAOqrHNeub9<^>9^j z3e8uF=Cdj_QMy)_MtMZC-dYBaB4)DovAfVhUyE-0HHn8vOyRpPmY}r96`GiN6+X+H zVy{1yvIm#cVBMNw=y3EF+x%`TUQ7B73!Lp}pM^Hhs5IwSw^qXL?+U!a#~iAkc){tv zQOu3)p|=-L=1t#Z_|&aNe4D#59pL(eB#d?Cb3SyT*6G`@_*E}zcj$7D6@o*cK;R&H zohL6rk~d$y2g;TnIN+-^3u?%L{VUf|*Wvr1ns(BKOxP@jN0v&Qi5KEVs0%&`7!1bOsbLl0G?ij+{w& zhRjxxPZaXVHghG>&8lVmzN9rMcFw|&tCx^PR~^JN7KQQlt|9bZa3stK|4R&Ojd+pJ ze;aJ8Oy_KC7M}pHpS7k6ZYwEk9|+%j1wMJG8wZVB=)Hd=ywo2?{yupC|Ak5NeTFBX zP`?}hgq_CC=QFUvHVT@IPQtMLYsd@zc+i}!Kwr1rWk2PV>ATGRd|1>Dy7`SF-QqS0 z%e2e0LsBTjL+S10=Ym4>iP-UvKyU)pdjUfD6%h z$JiR{w~ycx4YRn-k*hHK(*Pl>QHp1@W}xA*CYBtk%a7XJ$BMB#@mt#-G}l;If9t z=pP_IBg`s-nuVolvrUCv?QSw_{AyA-#LpERaZA*3`3iS@yWA9>JokpX&IgFhS}DHm z!bJRIrq5rtmauthXJO>j0nGWvM*o{A~2%-_v+9zl^4 zx8UdZ#KDzOmj&grAzPOl3a1Jan7Vl`89je>b%pbO*ek0HgL1B+d~XDNIg>{ertfD} z%_^X5JcbV|ia`l8Id00Llz%LH?wm-oa*4Z;-zP-;Ud?3*6P zD&Ab9syj6KpnP?(4DAHtz6sbnW+!eD{lr3JC0@l{gj)Y|(P!IL*q*qFhHiXMW^S1U zQ?wLljr(JOtzY0|wIjAY-H%l&_0>HYGW>7G4lp@07ZSIRg4=B(+PH5MQI@r!a&Oe= z*h8v#()tQp-rLC%)=t2O3yQ=__nM*dK{M=<)gUWBx-;>NR7|LRB6?73>zGh_j}-{H z>B-81Z~EL1j7%2e;3JOQp+}!yHdUq{pN&D#-XeC9w#Tbd*O0vPCa14&A+sL2lIPPG z(5KaBaLN}=7V>g1j$hJ4mOS)=H7}y5vqdF5%U0ns>lCTk77KE9*I$8gEX!0)-I()H z8U9hq05yc?r?(^&msMEcx;-Ws|6v3-ww!^(*)jH8;T6nx^5QURhH*ZJ*JBJSzpLln}ZGGcEFOrQRGpTHGaD< zcxq3ku?orS_&M2x*!(9?GjGizMYFmvV$xK;&cgt$n?A9F=Mr(0a|Aw^k;G0!{$-iE zMP&Ri3I5w=kErC?V%&Op87y7)6U+;$AbD{x8|@-Xc3E7-)OFv$TGW8Mv;nChW8NMmdWhL%69rHd}kO6O`kSuQnqqenT%fwKslG!e5e7_QHH!0zn zq)#|1@BkSd6J4Y%!aG~ zErGCo6TxlVIh@tJfw&BJW>2)*Kx+6QJUL6S%KbN<-dHEimn6O>dYg|!&`D3c*HJI5 z?duqLMc}S$pMkqeoS1`b4Rg;q3m0o<;KUD#!u?~UxccoTC`ma5@s~^Tw6u;pu55F8+P@yjwvQ;8TN!9^YZ=l0(TLx0y3)5+6)*ehYQKnw~;gFwk z9p-3EhL)@Q*q$3d1lCp=Q(YqTQZjEq`}L*3elDPvi#WRzYz70)cA$0R3DgpDhTSU} z443)?5o?B4Pk4Mu6tQDDHcDtf-HAV!T9=leoe!&CoM9DY$2PMC~hGm8F^qDg;=dy5)8EILU#ADc0yL!Pwm zuqV}XIR<(kQi!|2;@WwmNZiq~kR=A@V?kUL#;&MEnX{H+vj>5oo8W#AO^ur(;jZ&G7`L9ytwz9=SloyLT8E`wk;4OUSbAx7eYYM)t?j zlJW~Lh)2^C@xX|SxKK15GK!6O$F$ja<-%ZCF;5zsm;XiU7#q0vCehw=U-Eo?T}0$!kvA8KP^IRBnhVq^2p0T|M2{o>%v|Ov4wp_6scy-@60I%N=$;l1h^-`#?0&Et zpD*GX`E*$LqXTE!r((dA4{YXwX^?+%1ou<4rm0;Q&|^S81pUkvO|48}_5)|p6+hki z&iRR?e1R38>Q;)~F-Bx?`#;#J9Dp~kR^vRy|HS%Vl!)_^P8ixJ+>?)-#DvI$V5Jb` zSVs=ya{DsotZvBjqkUn--7xg(?PHqTF2IYtO!4Z(zcA7w9sgRj zxwVg3TJfd_s7y-O+kDyKOk-vT)~l<*BmeJ8VPg8 z&EbLNsj#K63ZwPMz~l4LIHh+!ag!g5L6+$^D z<^}y7R>R0!0kFl?4@VWOWa|!fu;_h?G)(Owlm0ve)Bhd=86l%@7xF6xNZ9_OGOWsw)5WH;e7G@+YTdUNcwETKH?D!S_b35LmaF_-|Mbc82Kk$BkLI zzVteFX4}){R(kwc6eR0RriZQF#39C?u*26F^Di8Q$5}3@ z-xkgMLo1oXp;MTvNO{kr>!7@riJjE`;m>>(zH*F+S9+agO1?WWeA*@PuDSO7z54-( zlhh(9You_$=5<`Sa2HzVJ_e)SeV}V#4;In8@PN4reHc(eb_;dl;Q{UTNd0Dk12drnE_LMK$KRH8L`oENOxeK? z(t zcOE^x07>g{3I1opMCQ9v$fPC-?p@z~qSj}ldH?W-Ec;w28l5%fWv6s#n_d`dnaXyO8 zA=RkZvPFa{4Ay5U<7eAa_~MN=B+9rajP~x^~9B3{^N#i(#LVt$IIyb{XI@OsLW5-AHwZVpNUFu{DH1VTJeJ0e=RP8TeP2Qk)r19^pGS{`kib4vn9uLFIIIfX0uTuxLs+;+iGY zi&_yUwKD8*mZ13J2<^C%&wg(2Wa6F;P#LESdn-@k@xLqh$M_?7GXFc&?{(rX`)0zH zWJ`L!>yBvpc5S{}Z3W*ue;JlX+0*SGTVeL<=OW|wVbs{-3^AS&gYHVwd{IC&+C-~k zYm^)sy3gTv7Pq1DN?}ek7hyNMPXbcbJ%{LAqJ@bq&y8Y(|y9%sM9 zYdL|@GV?lKGtCt5JgU!rJj{Sgm+PSD7yaF z5c6{wzpUMgKNig832z(7A6zY3-s1|vA4_4?>oUIJ{t)Ubd!w+yxxIIzQ+DncS&V@GN_Gc zhTC?ZMH>p2vupi5;$_V}FzmZFDE3D4PjNTM`k^^+z*A1NMpGJI_*kG zuMpz?z?5C?@KCjYwRq2mapR}slHPP?dszu8oQ{h=DJ}x1#kstGrUDtWMjfxLd4W5A z3;V^UARgG)1Q%yn@Qi^9^u_H7e0`7}$v5c$_d#ipd7>JVll6E;z6)<_sRhyYBDP&Ff zHebZUOaH^U+je5}L*X9V+DNu!2GJWzoV4HFfGZReaOJ;tTy{o8*8jFbU+Yw8`aY2A zKez|q7nQK59^c82J^P8D%Q7xC@E_#v3Ffx@HEBC!Ah{7QQZo+|*r@6JYnC-QdnjuL**Dby2h%&QT%)ly((lGPDB{c-@guE@mD)KaY7r8aa=*SyT6;`yl z@c@eQTfnPNsLKkTmSrv9@xz|1>JViKxc#*WSB+=r(D)KG7nGvu@&fo9@Dj}zD^Z`4 zKFkxmBD?pN!P#NPbjubeSRvI9D=*gwZiZ{3p{BXey=EdkGI0Y$S4Kj@c6Iu!Elm`^ z?ixw{a0HGf>Y&v~d9L$5ljJ{`Oy%OOC|V17Nv9BS8yU|vtR~Yhff@W*)HAl$bDuDm zejOdWQ|OlfIg+~MwW#I1Dpz{0jYi#SBvD}1`YKrQs`+VPSUU{Pb60Afcaf~{+(d6! zZ6tvnhv>6+(Rkcx6dgDB4tUkO!{UF%;B7bqrKY44r$0-fIR8eq#+|);a+z{%TB>o9pSiw?`pEu*8NwW;dDl0X zebJu#9}z;{LlQvyf)!6&CQJ9|#gfLkkD+&}A9q@NTb#M~6`501O}us)P)9pqma5ni z#9#WMK2Cur-IK?@CNBa56ue!OrCcN$~kyAwhp2IG(9Z}5IXImX+4Wp5^5!D#_QFs3SnJed=OyV8~E z?;|o?RNIB+_j8HzaaDd~qrexMvI4#tRe*x#4qU3f8>mAe=w3Ta#wMOd|7X_xb>DhE zs38qs4Rfa5I@73h>KzoDUM7RCKE%?f$(Vd<3k`IbjHyQ-z}f;iXliKyxkv*H=^2er zc7)&u){Tl#?j_X*>ip~IoiO9IJ=Q=QelE!%f%}d4=}p=2x;Ya1CT!!69aLG6 zeGZ=bk^>7b+4-FQI@b+imNQsB4d<>^E_`aW^~?+TQ1oJ@pRv5Z`U!a?%m93PF`RF2UJXMYSit6IweZC4A&jjWL^VR)9kY8p zF{W=JO&I%vjQ?W{zN6A;)T;_`I5D34*xJIxJ(vKb^_8kdmki>_>6|9)#%}fFXV5$7d?35B)zIJ7`9z( z#I)@9`0SjqkR{&+BikKW>Z-xic(OUYcjz!WFN!DcM$N&)|6Qg8^YF9$YZNWZq!UIB zxH6gk4!z3igU5(1mP+xb3+BNN=Ml6^B3Y!b+KU6n6fw*9 zru3HnW%2#ayC`+{A4WWSC2GpQi9^Hv=%khe$L$@ibc0S8#9PRL%SdgWd3^w#JS(1^ zcIsjiPwmEqjw5;2KV?+=JdtL68HX8@YT%WPGksLJh;|aD}$QrtwX<*-!H0Z`(rDSW`9-ck`(dzu_TqJ43 zqR~ZlAavaB6eYjO!THxL>GFU_q-lRFc~F}I{j1tR{_`<%{ZScKgkEEw4ThqXL5K0+ zq$oUc3G*B|cbpgf7GG$& z(Y)j=th6!VbunkirBX(I3*RT@LALzPd`pNqWCBOyuak}84Q%C>gP4#=K)FVndd*M8 zA9rM-UDAxZzP^s)HA~@I`b9jYaSjfwyoEOoJik#v)ya1%ljU7&&#FL)e&oFE9>+^d8XX>C)0A=aga6)9jr<;$5X%mJ( zK+z~Z>)vhbS95~@O0?m0(*uE9UWX3)Qv97Ag}@<4Sn8ht@aF@{t(}V@b^CC3<)kk* zIL?QZ*S9e@s)qSFYg5VoB`msK;E1a^!fyY;aO}oMFkbTs-qgGkcfwel`pF00+bw2( zQ)*D_&M9ZMJ_}2oaC+@={FMpi)Vj8`7X<345B&Kz zo9+~L@PQ}g_~&co@MUH*x*}_6<^mw^zJZrVf7xcC_9dOgx=y*iTNb4RGA;^68I9YHgWUHPpE&R8&2J` zU>T$Skc0qt7{5)QeN`SrVq^|8-3|F@vv)T53T(D}vewk+`667)5-@t-6AW#;j0yjS z(ysdlgwJURX3S57O0$vRo$ZN1^#gfh{vNElsL$QCd4tCy6mj+!P4^yKrf^A#| zo3ZdW*2KPp4O^Pn=TjcILioQ#cMn7219iT%dI(Q7vthEkb$H33OV~2doGiSvtn%u2 zc^(_TiRqp6!I~&_;$9_7Z*Lp`=`$Zd)QA+QSv>$Zsc)qRUTQN{o$C;8(ael=!sz@M zWssE+W>t0T_^gwkAhc>WdiX`cqWh+(;pK9VPUm6GwU`uZ(2i}7R2M#%t$u>$W3_PKLo~&8&A(l)DXot$C>``G5ovE z99pNbo>x|A!YB2wQ2F-)X0`g$!8)~Iy=o|JTRo7!Z|jDS9zw21Mvjgd`-=r^ybn*! zBr#~UAtdQOV}1JD==cd2F?oSKE!aH}Ka1^PPt96d(sz{%uzSY*wH-)+!VTi`z#I;R zKO(x{W>BrE_fXY41R7q>BM((;v8-qU9X{?a*>!FSjo+8U%2OqIkE8+@o4+BQb{2e+ z>_EEkMSuM^`9ZCJ0toUcmZqdeMgg)nOaC5~gKD@+;MpXVw0P&{7e!Q$1H&L^`oI;!zem5N}9g^cNx?)l+oV&er1ZqPbOE&F2Lhk)&hQ!`{++)C}_$!1nsmw@J6POuY=Oy{(Y)hVSszjvFcb<&(vLiQI zM}e04JSgq>%5;iy$m0`3xL9P&*QyC|!t?&b$lL~un+Ef7hrXcXxoLb~iXvaP?jv~Z z{tuOVAHway@{rTK96mZ4U{1Rc_kX5?Qz!qz3Sp-k?hpb;!{T{P3WNWh z#9hmU`)yz;9=I-#H>4h8YI!2;*d_GmUJl0%Et}crj{C&xiX}8Gp!C+?WHv7B7Gyu3 z#m>%mz_UJsDBU)I4oR>DlZD27`JXbX{~-}HG*UrzZaTz84y3!@Q<0l{6zlpG3=7r> z{p9MOfWqBKSILs*U5OQI=5K<5cB}Zvq**vJF%iG%XmZEyGCVp|;K9U4!Pnjh)W|!C z>pyKK%Z%sKn_d^-?zA6d%EG5OvbdjI7%D}cZXZBp6=sR*H^oBbG!Hs$eLNCtc_O9z zmvv{P(z%5VSgxJIj(CRC+5bkM^|qO4{zB+|≺?+QsNl(+*~LK4QkYFm^~KP4v^$ z4b%77z^+^&2eU8@ye>R~Ylq}9WoJ6EylFtsUcU`8`YYh%g?5U{^|KjaY-H>s9GCz?LN)-n9qFD{0WuMPO zk64TwweI10%L9-xY7V^amOgOof_VvZc7?>&r@l3gL{N-+yEyNw?= z&EUhY*zq-sn$RwD8p{2BjGM2T)5FS@7{5IPA5E{vZK)@4po}*QdgY8h3-)5q1T)zB zB8(NeuY$pSJtQOU8&>u$sI*A5r+)VeP<7c(aw_Bmv`xN+rH^DG@1+^V-x5$XBoT`? z{<2LCnNP0%HyyH$-4j1up~}Y=DZwMBI;@pEDC*IjhlgHk`T$V?U7;JdHF64@*q z={*Jp>>#lG<_w0t8Q5w1A10cAf?YHg&o)|9yX@hhyU0~IyZk4xB5ZNS>S?q>_63V5 zSDg3`U^SR>2~*Cy@86_#4Ce)(}cHcX7| zmkyITy>~(L&LX;7Zvcc^dPB>cDtNZ9oh1ZpgEb;u7AxfB*z2Qs$ny*ebzc^Ka0wn% z+6e8cUvYKk8ur)y19motq0&BMHqBH)V4g4KqO&IKYhx!WY0cys66eW;-T6dTDGR^X z#X|m^c5F1Yp+7r>jF`PCzIQU?rD=8eafKYz*-PN|5M?rB$0m3bKLGxo*Mi1ZMp%-e zK+iuM29c{MAN8k;DZlvw;j6;vpzUFz%(_Gj8W|4cLjvSKOXkbwR^T!3N|^TW470@` z%p5X=m#tbuG>fmGb`z!UMTW2_PKh5cUjTk#wJ}*xeL5E}o-)Frb|XRWhAKbnZ->`=FNybdWw4)N&A_tWR?5~{vH?pyMF%s5 zpFjCZ<%OgeFcjDgjWd@(N4uVQ&6G3ZN#&2=KMw`|nu^9 zYrs9{2~Obv9UiiFB2DtOgPyihX7*Qb;W{Q`PQNqX{UVIURShKZ!`7m1vH^Xq@4{jp zUI9%Z7gnDZiUk4jBqVer2_BJ-+w-Kk=G;YGVzdSROF0fBb+jPg;3VnYsf*KQ-Y0Js zAHmi!;qPnG0wS)$zIZY<S)nYbp*B?xct|F6!9D!lv z5t7`T0?$AKqkczWewZ$1r__OoFjrh^YQ)jQ9~HV+5SLAfn0`?m3cp0b$Nvc5@%8}y zv*s7x+jWjKOGjax-B47{*1G0E(;v>#ccd`Qw*>y z0nH)fNTaC<;m@Pshn~>$zLky71DD`3%)}pNm1MESEV5G7mpm@GjPLy~VCfH4w)@Eo zqH%gK@0PcOSLaNjXxV<~`mqZgQdH<^>qb};62i7lG$NC4+#v-vH}Q~j1d(`BLDaX) z3z^ONP`%Iz!)jMz>5;wIY9RrM>jWl-_BAN1Pa?BOuWd@C0=6AYLc8EYY{mRW?5P|J zQ_ODQJ}n&{5Ec#J->X2o{9btU&6>rv>;)IO3Ap{>V$rN;E>POsE2^`WVkK$o$*=$X zX_$&Bnso)jdCebedCCze-ls%Q%T&VQ0WXP+-%Vz|_btj1GtrB2D{+tCeH?bAjm%u| z8gd(wAt=ucm1P#ge})3;;}92zZOsB~m4gPwWXxSWjQ{#-#_pUK&w34 z%^j2RjZzm=Z3=}^cbs6h__Fx+F(n>kFbqze^#gj+1>Sq4k2r%gC{=sI#bMqs(_Xb?O0Z$q6YO~kKL4npQh@uU)2w6iE-p26SYnEr3#KXWh` z#zo_SJ%i!!xgiy+F+nYvr&lZZG^7`Y-9bgum)AJk*8V8&aq zxgA2ouo`K2`k@BR(; z*2y?l=mQM)n}R=8y20bKB|gDd7%sO6zkOE6;{xk&_}>Xs@v*XKSM^mee^3X@gQtMO z;m_ieqmE$J3u7vAJe3?Aa~*H(BDAOK8y1)UtUM3Ca6{WsymO-hc=wrI&NGh{FRpUp zs~jVVM%@$_XF|6K-@Y<*w^?x0Z|jjV>9LGsN5_} zn{S2|vhf&QF_y-^`^k*@yP5Y8b@tO|2p_bxpDc>LA@n&^`IpQ4ptLiL9CvQTYkQ+$ z%k@s%_L0JAW=|{{`de~4rB0~Ik-{&r{r{BId_p_&i!_s0TXBX4u%P-*=p?7fR`g8Pr z)CJe~2_BtK48EJxz=rSBNHvRQvHpwU*afLdUb+p%vWQkwGnwvb6R0}sLW<)1Q98$( zN>n{Z!=525di@q0Wb%$o+|~G^s*^%>ueqqYO9n8qgvaKl(>F3s0U^jR`AXfZEVJxO+^V zOXUi)4%-H7g(Ya}9}EVG`m~_u3A4^b=<0cov-MBIrT>cH-IR;q+A|6zE%bPg`EZ`O zP9Enp3%>5~hd4>g0E2{H-=(`D=(pSiJr1sd*x=*vIv^hn&&FV=Qm07j%SGro=T6Hc z6Y>6UCos003BFe21up3uBo|+@>wknh_>m0!8$X+!Xl}%(W^ZtFS2}y5BQOEGv|!WD zS~jyY0%txO4iZDN==BY|@spknotT*cY2E?sY}sKrG5xuCdhI0owXj3n8y*Hq$wEFe z@2BW*OsBhScCvBxU3^oeF3u4iEHiEQ}r zu1VOB^|N8?pNP)ZuLZjYZ|<_w5n0Dg{@qXfK*im!$=Vw-FMbi217)f&J%B#*`d{cTYcP#7OfM zYB?le#2~!()`TjFRW_j%zPB%PYgk>}hD2T!fZe<6&R27M|Sp zhRuyxj$=+Xi&TXyh(pn3VGrIxY$s&ECauxjYMv}TtSb1%eO39;iGwksx);Z;bf(9$ z2H+Uoq1@R}mL-HLz`wLISnU{#mlq~t`NUL~{b&Ws8I7UmI+l?nfxBh=?hi zE1~qqXu9UK1+S}FNZ$)wzhKXKC~CZdUgspx!{C{?&v!S-UAV^*zRt&anTp`+djTuF zjH!vxJ#>7#7SA>BtMu@ED!8HqhRE%8JY-{`SfR;@xx8(_G*b`Md~U}V%nhR}mv3X4 zHfDTwX%64oT#5Q)3YoUP9G24sqRp>f!Hq@obVI>g2(2^Y%EuPary!b_HIV6ny1Y3k${NWWCZ*6mFsl1rj-Ox<$2 zh8`?0awAez6Kn zj~~TC&KH4nPTOVXK=2go&6LTx_2(w;o2!OLZ(R` zdiHInAk6wVw;AAUp9BoHt0bkmb7)IZ1DbE^#Op8SkkEIDY+?H;(!D?jjfR;L!wm}| zYOEI?;d9~qJ7K?g+K`zp`j2ngE=^B9JumWI7XgLlx5(Rvh3I(;=!@M8aZc7S(6K9k z;JIJe$I+AFdRGy8$=t<1t1QtbZX~>&a~MOMCW8C*Rjb{P6$7oJEgAVUmIVcp6UVQ|m zE^}pQ^R;wn&@h3fF{@Zg%6KwZHW$T)CS0}j5?qKK0Fw4o`1bs1^h@Ske$B!b14b;x zGsW_7XWSb$tVxTXe1b&pzqwTM-UXW39>JvYYl!c{Nwm@0n!fq!O1HPzL8H|Xbh~AY zzb6i-v##&Ly^j0Q)bI*q<@HvYrhOwhc{cFSQ-N0xDnJ1=D>hbpfHR-0AYzMopjS2u zjEAhCu?h_={H^e8tG8GaWQL3$@0` z2`-8qLS{J^PE6TOGyOH-i{VO|B{hOR7T7+TCc~)e5;fQn^8mGa2GA`gcgfWif~P%F zU^S#E(L>!;81w8T=86w-okapW^x#9>xW5tW*0te^%!0}xgU6By5gD}2`#Ect~B&;A-za2sOVYoZlpPVAn>jQ}4-Ud*<@n3mGP)Bw?F@ z18m#;9=wE%Z-ZJAk<^OCZ;p%j=~t7mMCu|l@s^1A$se?N zZpQ)qJ?u1YwHd&-9Be^}iQ%Mo`a!lPx=egZa}R3!^x~X*H`xA_v2auI1kPEv0PM2# zsC2`AKCa{%y1c8yzSr4IfUr_3kqK}2$?<~=t?24#UA|+%SvGy)1bW>u1!MBxlf$oy zAvs|iNp8=FgMSlvZI>?pvgAC@4X~%n76r5TUjum6;~pI0@e(`#$k3j*&Uh@p8E;6+ zQHw7lXrsVf{Jc?-zgm(GmOF2wf7&Fvcb?#T><}__J=Z#Lua+C|WWgxnX8jQCg}bZMfO{mga0Pzf7D|paMZ@(U z*|53DleP2?7KYw_v~p-8ZXE5z*G)^nkunPK%6d3;2w0Cr)9h)^awGnzmrvFDT3ZWEYj)@MX0#OtVkM7x5eihGmJ)Rw^n*5{*y7vW}dv6vSByK+G2J0>HF zCUtXK@VneRf!aK11rhhOMfx1h>)z^f$%1I0@W&SBg*#8;$`y$=HqK8w)}Yr z_#Q}v7sYv~HKZFpDJ#*FZ#D7PmM=`X{1^m`Z(#<%^3d2l4qDsCptt=DTBN5=qc?ql z!)v?6r*mES%lEN1ljW@GK@-MdeR{LF1W5c2bw?6!zcd)C|vuUtdpBgc7!S7>5CiSQgtp)I2+BU57p+4U&7(R zfqbxXtYHd5M_oy9-j&f4m{c=|E4=K2PfepSFen_Z?1<&gV?Cg+sRKTJE8z1bv*Goo z>tuQ0WwI*n0ERT|ftyR^c)3FrY^^#8bKxL!x{*$l-DFsa*-bVs?F&A=Y|D+Gy#|jR zgP_TEX;TOPlp-e>UT<;q$~h)a0mS zLO%%&^nrS_!AzmUn%h|~#!u=m(ZN-p=Qvlv4WCHV5pq^v19WM)(+(l0u>!+zA*`Li zNMXTIC_ViUEhO)eNxLqgQ>HvE+dZAi+K$BM5&y6+(1@4Zb!IwL*aE6zD^OE>~E2P=(BM3*h{?nO_5XtRbuR_Ugl%lLl)l^ zbX7O5vY)3+sO!@pT=C){%$Rl)7TrrHR(%B2-|55ZL(S;0qk^msZ$wGI@jP#xipWDF z71#R4vYexm*drGQ|C*E`NXV?Vjh>F%T<5^uBYH5zL4&w|6qu8PohsuuZWM$YUNpa~ zL3Gcc7UiCp@iW&Jk-0}JaB6iN8}vICL%qVu>92cX)4mpQ#10`-QI?N$AD_jKkEGcH ziMM#BToa#~_M^Bl3O%>V603Aqk`iVQNseZ`Bj6bBjETotvtN@X!^-eX#x;z4vj7&! zeFB5ES#a}74}RjuabB}D*HSKn*arplyJWeLy*kL%+B0nZ&t;K|1AoAcXAjAObxxqQ zOgL8zL1xw>xH)e6@Yp{&WM1|QxnF>t@cfjcMO0EfpB*z-~dZ0>qUN_1<Vq+&r;6i$;C=J4?*bhXt{kUu^f<6p`0pC5&H z*QS@GVc}kE?x_R)Lw>|DT7_!_y%yg&b4~C-<}-^@L!#{;1}mb~sr$`%*m^6AJ9gw_ z%EV#xu0#?n*IO>y?ioexBX#gtb(Jj%4nZm5*^fEuRVWcY^;&~`WujY7scR_P!b z-E4qY#yJ3^ggu8%4(N`xq;13EusTB>>Q_(XCp8J)jTuiu7Xc)$Tn_28-iwYriXuVf zSzu$`2GcjKWeuB**sTLLB8R`KG|);8MxNEA(F!Hvl9&2y?5aWZuD~Ugm@f?nrglJ) zMiA?MSxJHinb4$Tqu~}g1T#llL!z4C0(zarc0J350~L0BD$^AMw=1n;mRoc;t1>JC|c{Gp9a|fT^T;!97(F1=a$-b?N(C?25 zmb^NRv7x>A##sVlx6h|*wq(<0{ax_l%vf}MTZ!83f&A7kX*##%7#ZmG0H5~T!JB48 z_ClJEFWd_WKC*1Gt)gwV+e5r&uot9OY~}loMv5PFMB{#zUAehH=&M*YL(h|cBv9Lc zUYp3k&{oJ|+zDq3ofUcAs4h%SO(uS;6R~dnRh&5J1~dtGtxunId11&cT)J&F{oo_) z`Z^NGVxQ5p{zU@nsmg(Qp@I0ct192%dku4iolvcIEgn4RObo6`)4Quak*;oKIMn@7 z$d;O-cBm0pXLn(o<|$EX=uLDuGLfsilcIGJ!hXH)DZJa13`g~g(Z=ddrIo{Rl$c=# zoAs6P+)hj0vPn2Fw!ugNj5a{N552I?i#XsX#8_}6|Cw%pwZ z5*^nd<@r~9tzLllPA}p;Z||`pm24dPwFD*lRuFGRVICW_6KnT8WQBv*;CS^ERIE{B zAEI1%Tjg~A!zUbD3l_kV3#*8n%oVoILyg~-wxMzR`SYrFLg!Z%Ey20!{)jFiAdTyqUh zZ1W_8ZPKtu^cr@A06ZHy3s-DiZ+6#Jr+EAzY~QX{UJ%)JMsHOQhONMR#Zb?=ONa4=>U$(Du9l0f{UJC zBwKzP(BGc^-0z(iK0fCLPCvdwS5PlZ`q7MUN_OF{vP$ONDIs`smSD3{A;9ttmGPC$ ztU_)a-yfYwex%mp(&=4bx%DW1xSWTRre6cqAaRH3*rdswe&M$V!h7Ju--SB#r=AcU^p}tAM}K+S#3?;gp)_@Zp!_acr;y zIQ6x$vajp;LsyPN4Yx9T`#{uNUr**QDnjL!Stx%v3BGR4BK|T~{GVewv6i|b>KGgY zmQfBY)T@)+)*6o$3R1N8l`-9rI*_c5^20ABUEtmkiBStzbLW$@*?68o2l;t19sRX< zz{U#B4jF)r;8uUe_VuF~G@mDaQ5nesn2C-MtMoY_h(uJyAVm$Nu(;%N*roewrDz9RpUJ^XFvF*Y#fC1~k) zV|+i~<&KS1LH-03ZyrqLW?F(uwIt7qi$(kIHdu3@3J!FZi?oYXV5(vo97ul*Wlo<^ z%2g4+ONYTazf^dzpbXSR`uI5J42~v*s!4{41Jh=rN$(WgyP}LG{5^@%oyM@IzZ8z= zW{R4YB*6KT8{kvYF{qOJ$PQe!!)pK8$ZYS8u(F?ZpGpEp#cad%|G*8EIbS zqY6*%YxDHa>1@@A&lq)ESlZ}W!@-~{=z8upnDzFucR|LYy;Xm}V%J~t?QJ{`jx7TD zEAq6+$qOtJ@`y`dDog)$3eGBM^O(ag(4$z9ZZUt3Pi;KdbfGu1%dv$lTpWTGV|>Kh zdllezSRNVJ(u)yGOo{&9c+C4eoBcT1f&0FFMEKr;OBbZ$BO6&Nn=65a28Qr-jNpoJ z&%w&)|6%p&|4=@&i1lw8%Z;oiqV2~lJkS{q^VL2=blg$664MTOq=szG{s2{m>$pv~ zJJ~19O_n^ zE28$AR?J`R%Qh6g0`bWSd|G8Hk)K$|12lHqb{sw}wk*iP-U+R2*Ha~G^!_W`w)YFH z{!WFgqb8<@{=mNL+8D}4vh2^-KrQYqM9Al3*5?moeZ(Ol|E$c;9_kV0{Tzr9L*)1Z zuje>)wmMnbUWOC%)M@v~pSU1PhF^DI4@VR8DnCywCAJ#T7-woO7CQ}t`M1MRS~(Uk z9jrlrofH^&!U)_1r}&tuPr+@y;7Ly_!sB~xga4KXijw`^zKt$mOXnhwW*&B28qMEp~UwZJtE zqwPuwaD8$;#2YD5VJ~d^qeYP$1+L;X#?p{-w46!x39h5!VchJy6i*!8D6&2JjkqQp z7VoZh=M@4u=kc#QB8kX+piS|3dJ5$S;<{M0Z46la?GyPKu0q4dADEJ^FRbVpPc!U$ zA$N=LbJVE_Og9;b%MV3i^2k*SozZsMeHLyyiEfY^$mMEUa6|ho>_2s!jLEYH)g6sc znd!sE-1Fua12yU1iQcU1J14g-Rq$qLAPg+~3)fW^2y>ZNXr5k5K6HM;9LuGUF@7*e z5i$6RL-=2l6!O(bnC-9ZLgj-y$#KEK_G>qGV##l?GxlU$qZmS*TR|;q87jZ|MlOsh#`Z2( z{!-wXmvq*P*Pok+uO^J8w&!Eudg(swZw`Xfd+rde)CnXsWf**Md5$;#hC%xg6})rK z8+P~RGP@8vQWv=j2Ar(Htf}g>>iBEX(~)10MoDsmoT1$IS+wBv1Jp9rqQ4eTN4 z-2Q;uKRS_#E~;Y3AAMxZI}QGMXfqDnI{`nma|oi>$>r2CVJ7{DdH2+yvWeg=5SW7> zG)M4y!@Yu`WIz3AoCXq3gQ(21eKh~4G(RZTq8ChT#QEa{-iLb=7WRa)=ha8awkLH= zw8$144+ZkeW5?t6(*aN$vxZNNmBq9?Wj=p)E~{&wOb>t93Xu(J7^*rEN2(Y>WQ8)Fg2664^gH+q{Zm$76tv9IoLX50ajMc;;*uW8T4*_ zcHng_?0>o+rrJ)Xb1_~Vl&3=9*K6RV;h9XKJRSL7S)Qr;8XP~yLhFVsc1vRunc1yD zi#tw}m@$)}@}&~Z-m?WZom(P)JyYv^=%OBR-Exr6DTZCO>%SFd?*1_Y* z8Q?b606q2>Ve3e5t{!$D>T}}wm*QmTnzbF~uhN6Q$|$;Li9G5JI0)B2tMY4qW8t{! zcG5Rv68+al&~oxc2sr+mNuM%>Mt5&K92Y^~rFf9WSGM%vmV3Q(s@l|i(4yR67pZa6c#Q-$|*bYZdePmnBZ0gxGt8XLVpYvWy@ zmmiQ{L)*c$cM^V0EW^tV`6N%u6i4X16ur{C2}|ph_~m#lEL!;iR_xU0I^$f}d)YDc zjrk<IYfZVK)@3j;2;wb5R`%zZ8n`KLg${>Cyd@DMF4eq7lD-M&;Fzyq^S2P$ zXk+gCrAzd7W;9-K{sVj5M^cX&li7MN!RMM2%X67K(?*Mq&J$G}ww`aK^pOFlCS!PFj9L^Txlh z;MQ^$l|PoY@j=M*U!qszdzPM)Dq2?~&nNr-M2GY?px$L-*BP30*8nBFrx*>Je-tvu z)QPZk$3qrjriYh~*^1}>(ZcYRdi05pGina6VR=G7!g%IXoTaS*f85SsPg@t}e>s8) z-?eGijl-g?Y6UR-;V1C#nF9S^lv&N59sKw`dHy3W3G2t*s5E$yCuC1D*z(F(Y}J%z zbahwa6(dBj|p+mMM-$0Fgh*?Mf8*8IGm5`1#U;DDwTT_-%N`}W8|;GAHH zX}XVNfpy-bU#--zy3FHVCehg1hjg zw^gk6_8__Jlmbh%OJG}AF`U+rp?*8k#Jb-%gViTPKJ!N#R<>#If7}(7c3s0|-ip}x zUfBKiNb)nqLigZ;3V3Tt(m69c>63^VRDX>g*FGUdzl`gEJBjarUbo_9;gcbM<0|^z zeH|Y*;0`N&FdnwfSxIj_IwUv@#7s@vj2exXhJR=D;lGg`IM6>AcLx%IYx4|}sT?nz zw;t!LH^lozS|sW9Ih^J3mN+G)(-S`P;qNJP?lQwcxRYIjC>0-YO_HH!KH1Yf&pwgV zGJ)fNxeh-JRHSA7514QJCipm*;j=0!?rJ0pJNtS)f#k#k zEu3a-jl=)GU~aM_z(m5A-ZpuJ>Ssss*^}e3f2P3}I7Gfl6E~ncI^I z(|V>d4G(7={__Nk_t57}Bc_6;RX0A9aRBR)$GPg{HnMW&SMu{)w^&+y8?{a(Veix& zxEuH#FDR{rY^ylF|Ctn@sWBUk&-}CHA~WX06;#(#H9z~F*?Y~Olm zv437J+Rl9|-fG!OW1Q8V%>4nb=F88Ic5aaPoF?<4t|YJ z-VU%@;FBn<-$>M@3Cyv&4Z3}P%=O1-2%qeSn)0jg_5K)G=(G=J{nF-h&Geyc%LckJ z*bv@D+rhrxG%|f-39~QurQB24hOKDBU|SdZd5t%%$dIHPCu%Wg>4juU#w{i@_5s=} z#-VcTGM*lJ6do`44gTvv63kgy z!sZbj9=)%TB+OIb!&~B5c&95fA9@~L4{ku2CAAP@@dN6nBv(X;c5|ov_aOOJ5oHt< zcyLB9Tsjwl#{@5PrTC~Q#5tYW&mPMQ%8F1maXL(R-cPhouZFQ%Dzy7sBpx<4fF-3~ zVofDIK6kq!`0SqzUmmnUxUMpPF&uH0%?hrzx&Zd>kzkXh!?1e5IbxQ0oR2th0m6jy zU)bn5EPZkqa|pg7?0BMZp5;t*jFiGTGloIL{iFEy@ykjT$9tqu{0)X#He*AYBW+5} z#m9ORSo7FjBy0W)G^nzHEjb3T$7?R$nLL0hn;rwJ9mr(WH`7i3dntT(Pfy4e8@Utk&fF+Yj#h)-{F&rjNiqx^*N)X|RC!y6Bg{GNMP@Z+i=Uh_ zBsV5oLrrHr^t)Y0qu7gVs@zUcJkZJ-=JHWN8jo zPhP;kB?bw9)4rmB^(Vo_trZ3|eZ_SFC&+{4L3FJVrF*_T$ArzNaAryy=v4oMsHkkR z&R%fBES$lubn4;K>@tiQq)QyKFXFmU`*CVSBChe*Cbe`@+_m0!3Gpn4f*2shp&qmQ!$!4@z6~it*-&bkh zkj;WmtwfCoP53#%6%=VcD5qz`!Y3h^7CTY2qx&Sz`Ldk%xTw*hzH6v@Q;Tkrn#k*3tem!Q@E zJ826_z}I^t-F&$TPE}ce%UdNpazT$hd?ZQxoKCZCF7qHYx0rl5l~34ECjA-xOJM!v z6&UlqzB7t>+_s4q1m6#t(U;!5Gh*p!l-QyGvo^hi6%uM#EqRO@|N9{H`54VJYo2o- zOx3B*u01f>%M`vR=unn-fXFv&hZ7B3(5$vcAlbn?pUtMQrWt-{mac&Af%CcFvSa9P zFG3FoMA1$2>xq+`1v>K?V5{9OG^@jh*(?S+<@P$dO~#YWoz;q$rcUKLTcWUQ)OW#} z9ChZTB1O-Cm`3A#Y@r}WlT}N70=>(nWCG8CI%hNnf;&gSrpno{MSdw*>r7w?5(aE_ zNhI0OR0jJemGS;Qc7j1N_`ewG%A7SHP10I{IOu@^hmm& z=iG(u{(-Wc6QJjc7@arw2j|_C!)=xI#E9i4R5Y8P?QABnb;c-eLot%P$LrXVmI~P2 z(+pA(YnaV*8Ok*oQ$-17x^USwZq4IgIELR-*3S0hxnE%rC96aG6uQWi%9(7J@;UBd zWC#3O6op%7d=mzbe#UuPq(DaR4bEbzK6|@HjZTm_Nt52lL5j_Fh&O8_mc#P2W)07b zRZf9VJIx@;?G&FK*@5QTtJ$Xb5j?L?06u<7bYZnJO&Kv8^a7JH#oCcvzjXv({8#|p zEduzLd=Wg3jb-gq_rmo@L!gvs#YH)#fu*=CyJM^b67rJ;i-V_Oi?RY)SSCxOrOtrp z3LQAzSpyfB?ttL**O*eJf)DMCZB`^7L21uu%!ofpv=)AXsK;gKIhYJyjk(<35Hs-V zC;?B`a=d10&el!noiWd2Ij(G%Vs{)H_+4K#7;5d~%nDQBc$$FkHmfk7J)!uGf3^>d za-w&u!#IoSqtV?cm*-(5;?3llbngAHSktPA$Dj9Ll7a>7`C&pj+EY2f5gQ>tY(Y`A z8dS{8;EMjaV&|e__`FJ=O%s~3mpejnL!>?H8~R7iWb6VDA4TR=@kVg&#w;|H^dTGP z_rvycQE>eGC$eLi3R9yae>-Ugwlor6E^Z ziX&HEM>YR05FE9El^tDZzx)Jj3Q)E&GK<7H9f1Hzub|EL3D@x8GbdW>N57r>4$l_u z=afuk>8#hXwC-;;nZKKnsCPVTkl*9ai_aC*%zp^hHtnFKTq4Lf_r#LpbtvlGhAIzF zVXOUoM0pLCZKs?#a-^s#2auua}&MRa|07MpT&+l%V|irAuIE!M!O7s=GUl+ z3$mC{Ayt_s*xTUByZ2C0JDT&#cZJitCo#jHw?XjGkhVq+!6nbxxU4G<YIqPT-vpDR^h3IlVM6f^D{UK+}7-xyz{;cxs6_ z(=6RU9i$7OY}^cb^IAV-PUiRCW{W|6nm4<%IF3a9kmXtnqafF#i)+sdCwj*x(Em2) z2=tc~gXZy7Brswkn8+>XYC9%#+fwhtt>t5=UD!UjS5yvNHvX8bJP(JTd_whfb6jy$ z7xaR%!SGlZc$T}81%GM;&6np24_VJZsWIE&>}@eJqNN74y4AUiWiy%9W@Gv|?A?s5 zt*Ll8{1YDVszGi0Cs1M%!Tq=X5}#|(LbpZNP~X;;Y)wWv-s)?ZFwKJ28Rx*fNuhMJOg6w?dDyUED*Rk}7Q4K&u-Wb{y0|?T z&NNv-gNdzRthXT~2sUD5d{XKAi)%;~-`BQI9W79MstN<{2Ap+Y430~)!Imu|Ea<8e zo!nu>m9|_3EpHKexlW2{pXd8LB8i~PXP`eiz84<2`<{!Q97rGdj%L1Amr<+f7T2E{ zj1{6sVYgQsF&|xuSFYv|hn1eJT+fw$@Unzk_WdBq&!?ReZwmHrFW{fE6tEr|&t!F` z&_k7rnd!G5xMolTwa>1?6=7i@yH%v@&*5;aJi7$_C1cU(X&)!iGY69HO48Pj>)a$m zVEM=YqvBy7F-zhz?tUGMqSvJHs7*D_S(c9q@za^a1it^?ehS8`&cz*(VeFykXI#B~ zH>q!(&8db>M2Ew+F!`@780XniDOY3iTqm8b-`;?!M=EeQa0G{?auhws(QEG_KyUjF zHvM%W{&#yc?UHn1U3Z#E!}71f=&P9CbZfW;!1UU zw%wl3kIdvqadHrhP0E8?1+frHOogl0G54whBu>99rvhB41 zjB*d6e#17}UoXq*6i#rxE~oLP+*?j^x<4GCQ(%t8Z_c)$10E&by7Q;99~IE<%<9+Qod(*a_w&`G?D=qR<} zK0QmkncGB^Ph_A^PcS%HT5-X93W#LJME1n790o=y@%;A>sJ=y$j#-(6{km#&hm#wX z88MRm)$sy_!^<$kSDcm3T8u~Uwc?jOHn2gd66#OQ2S0sdfvVY8IGWjowQjQoAHKH| zGdp9{J?#U#eoJ8P*W)zA#Gdzp77^7q|51kau*_2d26ZfOyV5<_Inoxx%1=Yo=5YK~ z7K&Qt147ZaPS8FW4$Qd@gnZ^(aF~!JwUemUV$a&l#OYHpKjLEr?BIXPnTg;xKA&?# zIKcPy4c;>D;kS4=WMDvjD|zl^a1(01*?_(`%D_`%0pEpafGrO$qq^-7`Euzm(Gr)S zXN8HvdyW~Xy6`2Q)dWLxr#=G0dPF-2cxu#$aMXsywg+# z+Qxa&8qrEZEPg<(bU8>3o`=OA`8;Ez2p!f;qb`3lxWnR-wEQfeO_jcmuO-ZBxQH10 zwj~}eJ_-em_m6SXB3Dr9T*5^+h_jbo1U+SjIq~_9U}h-^zQv!og+0@_y_*8qAN%w0 zs4WxZ$HbLQl}m!f#)USv3Sp?`*ra)rvrKfx^d3M`5`K(i-|Wgi_nV3~|EXA&q)AIz4cYwlRkox9wHKPMJJ z_G&-aXeoxV>KpMhzq=S#9JKkTE<@dfPOLF+9DNokgwgyw`fQdI>)3S&eMU@0U%evy ze9M#k`y7IkqDHZkSM-_Q!eDGDo5q5^tcJcRNf-+39)O94{}_FwoQu1icwkvD#t}R5*^qvHi9} zsT^149hyU^wIRE@LlX_oyurYifUos~8EY)TvjHOP>!pw2Huf_HUsA%t=85e2`D$*C zbUG)SY7EA0;b`?WkBlsyBq)6`9je3zLA@r7a}rge1>RmPE`Apdehy(0`MU+)pH+kt z^XI`E^8`GRHHOyD7{=TVH(U{COJ_NR;_9pV#7`y?edNC4a9k+Za&Pg5oILyWx*y-Y zz6@=yk!T-fjAw6|!-5+VNo$%Mt@p0xPEI|Dn*Ha&ZudsoWF|#V$p~1Js4+Y(6k(>_ z6R4F_J(1?!u{-vzqk|1f>_Guxk8Bs9d6g(UFWU=KIcv5#bUSW%eVoq?oW&Op>hbxH zB%6zk`}jW1M;zc8HJsRXFx~rEAo5?JP*${;lpNw2n_WVbYah*43~i$+1tZC)77^5* zGZP&?^bto({=BbRkHu{Z>4`x}HYK7&=qXfY7jD%-)*(e|a)ZN>&FP%XE*VzNGkaC_ zBxvFZo++nC>2aGdP8<)he(gvSDRT(5;v}(RScZ)}tiUGUAI)S;bXeC867RM@4$$K!gtT9a0te*xi?JNizVmyXI%o5^;*c2hDUs~r0m5`*1SC($1V zbik)>5WI^oz>EIV@KP?8t9aUom9t*MS9*1_g5U2eYP z2yE^zhr<^Qpj9}Iz2dCEsag{i)onrWZY!up@8){M&De$a9?aO?5yoWyg+ASf7`D6; z#`e9&3wvktGi8dg165pS&pEP$=lj36wLz1ad=@lagjxt>@MU*2=1eDKa+C&pGDDU& z<`qM@Vj<6HSD})Ng28slN=|U$F_hXA;M2atI4k8Kc3I}*9Lbrea18Kz+hfirO^MGh zZX~j6J7JS-A16QW2mE{yfcM{K!1hL63`w5Cw&$t}ZMP}Wld&_P+3P9!nm&yEiPvHJ z_3Oe-J&l|#bnw~q|5&`g1zQjpLr!gVC6dSIvdSmAOxekuOIuKY-OF9ENcRmcVI6QN zOpmDugRoPWz)6Q4gEO;^un}Lkb8e+ixZ@V{sfw~RJuy$V?6b*YFo-z<-(Ic3XM6vn zH74nB$1DmD&8vm@vmN;G!!mY9!;m{=Ka<+U+mrl|JEbLa@1l*-cRaL+!!=c#n6}Sd z81p6*_gADq#Kt^U>b8k;U$enyconm}s12*O{oq8K4nvaM2kzbX9MCo7y`KR$;NazM z=#Wf-4uxGHc&rNselKxK!B&>X?-GM*#{(}rg@ht$*0s3?%QF#&6t}SGm=3aKa~$}m z9Hz=L^60t55=2&f=2@B|&@|&ANYCfJqA4X{GP?pY3%`<-i#Fu?{-wBlYyg+G;yvW} zPGUD=uAsitUYudIf*PByz>xPB1c&bcd|melmadP71@Sdt=xfbZ>Gz}kpV15+_@iG5 z0lPjsA`8y+gpvX5482EIFN?$-Y&^8XXm<2?AfyOPaZy_f-u^irV_!uQ$KobPaQkc1 z62s>U#YZy5u!Wfaz7o6n{PIIjZK@os0~Ocy@Qkeg@I>Gz(4Dx86F2<~sRpx9%&?YQ zAFhBGG-~kH@t^Q2G#%#2*T8B2QDEk*!T!u0Q6^n}l@oothz?DuC2dWw_)dHQSZ=H% zyW=zPEI;o`w3nj!U*+g%`Vd}TJOlZEvtWeyN0PF8HoK{42{T-(iK~YZ_q;C$%ck)i zgd=qzt}uf;@%1}AN%Cga{N3W!>KEj0oIcv5h>*OlTv!8-iItTG{Pk+#u8tBwdiH6w z+jbb&Mhw_oee{Y8(~xCOf;N2kU@;Pdy{u6)pWE>_6J_p*Q_0?JG+r5mn#CqGpLe zKHIB2fySmEW=r>-$0;U@Xy=u^_*PYnSq1U9Neda48+MdN=?=jzs}%fmMVhMXOJjbg zK1=R7h10YBQKKJ;g+~?|8uwtQyBW@m35485DI~Y5ob=2LVYTWibank5%&9zw-`6I9 zCk~)a*B6Z3RmPdMDudri6*hWK5NG-0ui$3L7Pv)9Kq7sB?0Gi<+a&9Rd!)v(khF3< zxX_5SEUtw~7DjYR{b;s35zs?B0yn%`$QmDMvAraSIHx`)jhcj=87)t@`@ABW{R5ou zrXzxP%V*-h@s&7JXBPggc4RsW_*VJ32#oAn0$;Z&vkC9R;F*048yfC|w5E2vzdr%z z{7N7XtDTwZvLy28LUO{Phedsg0iC%yB96--unE#v*U1>vdW=Fss#?KkNR&&Atb?Em1?L zaOgbjd@w*trp3Xyw;Sl?p#k1)qDaquj-*eFuff{uGStvN5Ko+zry4aTRLk}v)L#{a z>IXh7Rs1Ho2D5JLX}dqMZzlBgU2ZnQowWmRXa|em;|Su!)19S0u%M zDf#iMf+Wp;32htdL0RP;%sTsxtB-9bzq_vCbJ)ttOO)sVXLYt~x)8PmJ;vaU_d@^t zJ7A-9irp`)gtWWQ@y8cEbQhgYf7{7XU-3UgX7zejWhcdc?wiVV4v%AKE{C`K+%Rx> zCX*FX?*6`hEVJil#8$?%et4;%dY?Aj8(KswdpE*TnUQqmk1R;OIYwQi zXUpcb!`9__Y(={v?ak4}aluEq&^ub_qMwMjOQV>Zvdko97 z+acveg3Yf~FDjDN#5tYJfq3;Y&e>j?t*VZ}OqpEr^XXM$lM_YvANhj`OMPv8d&Aj~ z=^xPeoy*=z=5d-UuRx{tWxRJ{GhI#Hv0acRu-dD~++`P%hKdZbF>W%=c)AGlrU0`nf zyin~|6v(OtvG-}yAo%ZT{6)^f$MRcXMJ}>`1!L%$mvOM#HAhJGZ?M%XOUWg%b0m81 zYVv5B6Yok>W@it^fN=OV2-@bc=Eb|1Mib)5I1xH|;b-m5>DSXSSlYRl?6m&O`zxerQ$ki*ymTqa zi9#4W5X9!(oI(qvMFk-aV_;{$Eqml`!Kuu?0B+O_*Xd>oqc88o(Z)_tbLKeAU$UD$ zeh>-+*ADYM4h1Ny^M_%Nhd5JClG+sY!*Ce+{NBjfVA$BjBNkBdr@ePF{>rq77BLXm3-2lV=vfxbJ*syL^qX zG%gBLW;=Si4$uF;xt;FV+b_Hp{*s8i7om0;D`B_Fe>?*-2i_zqvVHgB zFwV~lCk@O;StS|zOh1X6mopLGxGlkeGY_$h@%QnKx~%a5Wl1E4ywzO~PhJh+@tv~d z&6b67&GE4u6ZNI9-3*E ztvn~s((2BFnpPT_AG@0^*U%6!e8rh|$M#AIrsq|lSxR6`hi#_+h;kw#Uw7+jBeeCaw{dKYMM=*oW z3^>9`GiAC<;~rSr8?l{6x6!h3JMUpR4}Dg#M2-K=$@+Bg-0>ws@giqZ=a2_(F~4Es z2Pax$whMk<)uD0GrQEdn4)CaW4ePiciWP2ixeXre+`@K+XC3qoZcLI0>egiq(Q)|_0kQQ*_Hy5oZLdyUPcZI?G?U5BqF(nz*cFLAw3?p< z=kcBi`MwPdwHo;Qr2y7FT#E9=W7zSBM_B0Tam?}N9%}sTBY9q-K-CUa!s4Z$xZI5| zz@DFZIMg(u@Yf)oUJ*|`TZ^GcT>@6B)pC!&KIZhwFLSyZ63OcDp-z}8f%)od9Nr(&4!e=>ND7JS8XXfp~>PD?60k?a( z;4L8n5w#9HGJ)fCCT8Kd;%OMtpva8#L@_E?mo9P7=R&7`z@eNzuI9#dn0xP&AhYuY z(RydiZDg`G5pTq(q232@^N_(K->(QA*D2ym?G_Bpm8c##+ zXQQ9y9MYHb4IFFlqTcwWI5Fy&K%+$$W^5|p7D@aO%o~!TX9`r9i{)9kx6cbxXG_wS zv!l>pcM6%~D9J6K^h7{%|6t$7bfS@0D69+MSrMHEH2TjOtp4!HX0B2oOw-uGt?v;d zibKZ*|NT~CUfy5vkV7G7JGKOz3g5sS@0qBjD~83Ace#&O`8>a8H--h8lLr$`gbfEB zSff@IxQmr>oiA^4H$IusKaY8*&-CBiB*(=dcHSZ_WK=)byV^xqEq@%2UtNpN8~%{qsSoh;JQY^(^c!cc zrbCs=8nJZW5#a6?gZwB&hgA&(A}WK_8Rei-LFMttc`$b|EU7!gDQf!iN&bkmBD%MxdARpe0O-oAlS=h z!JvgX^=2!`h1eV9V^Ap9-x>ij-9MmY+6sYUQz}>f&4Fi(^4x>xIxL_u2L_j%gkJ$E zWSv+U^aSw^!8iP!dZZ@3HpZ1aPu#&(Nbv6APq(=)ry;Bwioz`l<6zsM6Zbq<7goC6 zz|eR%(1|U8+s1%KqUA6-d>**|m@dpa{tPyLZw3RiUK@AQ6zo~=N2`kS&_yX&C~;O5 zVlUW{0jFLY5jPdwcp(>$IQ~bMR{98rUt57~j2?H^w46Kcf0)_dHlv4nr$bQ5AUQ7m zij29^Ow6B4Q>jO>5b)asxEI^Nbn4HtScyV9Zq~UnY2G`hq#ub2AX(=M#1=Zx!|3x&ED3p2fS4Xe&^2OIn7ciDAVAkM$BMq z-XA7&UZ>!;!Y%>(LSRlfpJCml3pbx8L+;x#Y%$x1M=$BKlU<`&f`N%}eU>^Fs@aiM z4KKJy)P@@EISw~hNeR}bD!_t;Yar%tIt(1qWUjVTXwT#bJTx^OJEPwS<~}?PMhSzk z@F;;57KV5`BMg2;?h*Fi-Gq^SGW!+JUbX$4cG1;=Q_qwG;(PcW>jq{UHzXr zt1A*i(?1{3De@oO^9lC{O;*)Cz)jN4jsrbM$g+ z5I&XUJEZlZob&K3ctT&}w1%+KxnY;Na=L-TQMql_bh=X-9Gc~u1%87G5f*I(e`gk}_*t4|KxsU)F6 zi->XeXJ~mAUOIGjET}#BgWn&C^K8)qSf7%@y~~}AQ~#?1>BN7S$L0|2fc21}b_6ed zn2WD-M$?10-0^|xNA6@=wa{Uo23qYnjd!U!?p(DF{RF*yC$Jf^*TsRuv$Oc>!aXoB zvWIVxLeBW7BVh+;?m#VG-M$s)UGOD)H!l#@ z9BxG)RbBk(pvvrB`7ZRV(`X~m16Xz*U+?cFJy)K>*|ua_Fy{Y(oguDk^>eanMlr_R2}HlmQG$({SK(*aeD>t_^fFWHbs%P{Mvt9K$MiSz;Ig$k z>zUq%`#-wz8RnB{9&N<--8uvn68`XLQ4W4v?+Hg!6uE%87vXYqEvz}N&t_&W5S%Xy zK(&5NB3&ZKp1$Y+v3EJUX z3M?nWERi{wd8LReluw7ZPrb1$D3 z$|vw0rLA5Vw#Suv7P{b;S);gHDvr=-R{@i*iDKZ}Pq@CtiuFZD!=KePHg|p-GGEC_ zEXkyo$enIR(YOkXI}ky(>G?1tS0(hiDGoI~X9P)Mfj~t!;C!jSxJh+B+4MaH61M|q zo^lM2tSbTSEwZrILxNd|T?Uc#ELh&M7Ax2KvwN0@aQ^cvT-?qK$hh(am~b8z-I+$s zZhV36&ar5+?K@gU`f{gum(0BB-hzKAVyNfFC+b3HVXez*LWd*pw~_`eGVSW>KvRzsc=kMQ-b!anwQGmOiQciHXktAgI>~-#Ghn8v~0`dSx1pZR0bq ze)2>-{3RD8WkIMp&q41J$B9O>V5UMhs3&|R^!rw5y7C+6J&z)dCZnNNVFeV{JLB}r zrX)~t0x|qO2_s%);GNlewBz74NY4?YLG$k7vNbO`r=~&pqWBnw`u>32(qBA}orls! zPGQ+4Da7==B)#KeMSXn3P;!I@`Mkj%&n)5HW$k0}D!(JV|DPUicnNf#hbn&uPC;$m z*;LzOEIGUPJ!~AGgg&J`iQiBXcf>*<(s(d=n?Wn%9LBf zGoOcEG!yGYF&dnX(%qB{n!~a$ez=JdEAg-hZTTUZ(Di?$4{&aL3KZYeu*+$yW z0O~J14gHsuv9QR6YhpU|`K$%_WmhO^X`aNLyA=t0`CiI4`LlcUlQF!NLeMqX3I*v29J)P5Uw*d@dI_Uq8! zcp4RL4?|3YtgvcTFOfMho(62PXKPxHanVv0FwiB6_~#ftiKfh>dLo+bI?s8pOofOW zgP`fI7*`&{SK?8PAueqm(qUP|pm`X4S&lzIPa(lnk%c$FLg{ZsP&jJQCVv zjtj$=)2FwWqyOY@;GFKsrj}$wXJQ5C-cg5H36DAcAEp<#eZtfmV})Bbo6+g_(%|u& z#mwq9N51Ylg{u43px%nnaP)C8M4ayslx@g{3kgH;+x#@9o*#+k%Y9*T$X|ixG6&pV zp9c$me&pO{50P+D^U{EA4?qqO1VNk4Xky z(_#LM9}4Z;R&u|LoN!NxGRw5d;$*hZ!7Fml$*br5Gk1n(9rq90yl!{^L1!$%Gcc5E z(F(!#DH?dtJr!OYe+ZE(GIVU6C4QdXD;#Rhgt4w-toElG`d^y@pRWG|KE;W-Mq6>e zVkWnwmG?Gll)!_!D!d~zhrE2M#m+@r(Y-n`@Xu-*ma8ViLWcp6&euac+A zN|3l>6WQv|yDsOM(9G zA`Hi&TFeD3cU=KpOTUph_1#1-r-+-jBnKPqPvA$UM+Zdu&}&LHI$sI_Rn4{7Wg5%c zP4;73fG=`hU7%_g03APENs_K8s~vet=)QUyS@mHC)4Zm~EX<-&A*K<=PPzwDiNA12 z;RonVwq`X-(^&QPR?s*61+w3#(gT$lT+ZjOxFfBCD{@nyKaW1coD(ZaY`p|(1x}z1 zeI?}Cj z+N=)sm)yms@J4W5H-d zvkWQ}w$k1%1Lp5!Pot~b$>1;r74=!%oJ(CGvwJn$eRvTSH~YqwJyxa{B*f5Xjy2vl z5~H!JB=MTAJ(BF(1O}871*=#JXAMtM$xTvx#GfC zWTw+hD7aP0rBu7)J!*<8I&>giGl&N9i~y@M?&zC)5I$z#g3h{Kcxc0Fu4n%h?)#bu z(0lWF*_c=yL6;e8LW#&PDEX5CQR-7@#0XJpCKrRBB*X-4r8C!PDNdiqO`t|A-r=9% z*Jb(JON6y2(>d?jCOq04fGgiHGV`nf`Q5(;_MNnVxFK;&*m;pVaCCs%Ua$`r&Hs-E zzJG$s@894?p5qy)r_PD~YvRwQeO!P4C+KaSfFt}S5wBakUvFU}YVq&4KJQWZAW)L| zzqnae>tBkemT$Mo&6J_rhH|0SUlI(*1#tRNM~G6`1DiW5BWaKIKb%-n2#xi=&}5?y zuBIVyfd6|BS%;IZRr6rj;xKGVTgr_tz70_}r{VAQB-}A!EE%VlK#W@UpmR|%`kIW# z0KUWe-9?jF_V$zEb7~MWe+6|ovJe&*jNx+x`-F2vml0y~SD56J4zJx!!2bcygO{{|GCA3;OgpTXTu8?d!LgeH^cg3?Rgc;lPHEiVDO@R}Ce z{aOyPtHVi8G0&WSG!vfq+~*#=98XMkeL$~dCunQ`4_$ZdBTwUB3eTH2p-qb-c!WfA zhu*6LUC(FP8ZxM*#0B`@AvR3!4`5G zKS2C)8MagHhG6}4Wwz|ia8FFrE|IK-HPzn z1fj5851M2Pz)-sw6neDb(Q;${td@sP0~^VH4K4ar^&5!W$6;-R9~J4I!WLzWLXkt& zFhW)qxy!3@#HvZW$Iz0LRB3RgE=71Kb`vxIQIGa}XVH+24+OXSPUB_hC1bV1fGv-r zKdmod#EN!7ZdN8-{+tSl%#f^_FUnSpyUBT4XOU%bb@2DVNK)!D8fK@&!Zo_qKL=B{Z&>(v0eTV4tR_E}NUfM}e4b_`oJ^(78k zpT*@j42Z%KG4d%<5(iZtppi`}242|$Q+-Yf{#d<6HyIK7df+CC4+qiQ;srpfPN0X| z8*sRvK#Z%i;gUr+LUJu;@C>kkU^&dT{>e?r4=e8xG=_h;V#8P!2)*5n#PUls(SRAYWWV zN!Dd~I=NDeTiu|*W|>9csETJ`61R-DP4R|%lWT>?jvCNe-tTd&=vkV-#*&V2>Jc`+ zXv7O(ier=akQli$!ur)$Y4bf_X7Z??qZ?1)&+K@vyC@mEl}>{H>dBb#Q=v?9PAcc$ zSB52TZ$Z2}&wx+%gzwju{hqpq+iLFNuh$TufQR5EOdit8Xa!(7_Hz^WQP=j%b6WKOjQ+njq zUf4X_USRwBKDpaa3r)F8Ah3TA%;mYWQKA#6*ggr+HI{~qOZ9~4@!$9#c4xuVRgL~Os@3##+SgP!L(qT6YTfrCmgUXJI) zirTZaqVgpD$}p1O$GDeDfQ@1c;PI$d{Q0|{+i}nz*8aRg)@hiL)ka$MjE5%6$t)x% z2Xus&v?Ouo9#6RP?m4$LR-2BHUVu)8;%p<|Q;gc60MmI6mg)6o@T-?&fBK8?n&uaQ z`fUBK}hOUjBG)menyVQy6*&v_)vAeCg`qrk_)q&E>{ z>W5pX8DB%>4LxUD`_cVhwvlnnG9vnQY_XhFph_0&g@cdvW7PC+I z@k$2j-V?}JG=ft^?|0{xgk5|Li$U<&f(;!}Dff#T)5eox#K)*@{T|d6T(v~l9AYd}r zL=VEr$v)W2yNmQb1jD=O{O^i8C^*0E9(ag(OEZ8(B7jw&f=+phL$mxL1Fwew_mg}ry-8C;@=!zYkJMI9Y@Kxxp2%Jm_(iu1 zo^R&QN+aZHIX@Rj7P*ct#tL+IWCZKyIi}cg3HL;caO+3CfH$EN>5-Ga@zzXxIF}mD zX|Fzwf0M+hOLsb)xF*huzmDN&vqD&u?85R6#xWbsF|6I|7$^BypOwrWfyaYXnca^- z_%_Odnr|%Oc@FIuHeoeHh(rtb)TZH(-XMDZy9JXjkD{lnt!ZEtpF>@`mR`$KM_EOF z=R2W~C`)C+k3e@C+3N|xzkl<0#9jDBQ;8NWR$`734FB26(#oc-a6?~>4m|t`4ep%a zpvYp{f6fTL1gt}kAJ%Lvb08bj*3!`AX_$(pBwXtr=v?y0zt%}SpgDo>s_|U>Wy+ux zxP^|a3g?_7QiZp6nj^q4t|}|V%EvrI$VrVlTP%X?yCZ03Kq1f3h!>3W)La4=)WXr!8HO?C)v#xWW3#M?>?(KlM313lSc^NjV zEut&_3nd4-whLXBDzHQPm7MflQRdVcMwwn89{#^`pr!!2v#rSRT0MH@dj|IK-^zs_ zj==$ya7;@-0B1{hUi#4z)PLBHf8WLtmj!Y-w&5@FdFn>We%%EfjRd6p9o^Nukeoq1 zlwWoNuFl(mD~InxzJVbdEfPwF-K&wy>tuiFEYc05mp;6Hfd47j}4!p`|@1X&x>nYZdPbyCMSq zHdE0`#glE>yq2jwd-{n3>KL@ls(Tc^z-LU4jH`p|0ib?bC9_;{=)V-Za9kf933dl!-@i3Xt_R`ajK80mz@>c@nHnDKamcn z+TIYqMPq?mB~L?3)}mSUQ(SS`2afIgjLG81@WXF2+Sq>qbLEXGH%T9_J7hxY<|^18 zdkbfzpTLnr{hW$K371}x{@5f>KI zEQ!JQlo%^lXBs8jNT~Kjl44_o?H8P|X5@C9JmC{*>g4D6f1X0){iC=s=qOsP(}2r+ zHnW|TVuFh%k!;(Me3El_CViUn4y;m(FzeqQDzPAdece=yPfC{3c0B<^{=5%2{GGU3Q%ET%^Yqwfx4_TGvb{N73T)YyCGwcJ(L1dx>vFD?_LraPh~cJzX{Ljeglf< z4A@!a7r5lh1){R$Bu7u%0T~AHW|!<=81cYw_2y5~3{6z_BDz7UY*mTYlDXo$>F<9e+i(CT$me z+j^PEo>xN)jbxn4&+(KWOAs~BWWiQpp>SXGBAOt%3KvKQvgoanOrbap_sL7sY~MBP zc!f86J2#yKFV@B8(Z6BR$rm;=&luBZCH!+9zX=oSoY`*Um$+U>n>i|llVy{~qL|$p zJUMPVIiKBt(K2!PaLpswk6VejqXt_&-jCT$A3#6Xl{Cmx4_uEAqr)gE8oB5f{M+Bg z_uHyT@gU=V^O;q{_mgpU!+9tQn}z2LM}VWSm#CP$6iP(j0SjYsHlJsg43BR@tF+0; zEgXQcwwhStyMVr3wwK1dy-Ze^KS!k=d14wGgO3B8nAM);SfSXA@!gB)h*_iQ$FEH= z^!7aZ8XjbaDqliKO%B{Xd|Z{YPzQlWl`)811B z``hhdc3(MoZP>tld^?(2m~3W7iTtDr<{2ZLDk4}K_zao%ZGjGrNRjzqi9;NCYX(Mha=6FxcBOH zPCi7Ge$N!8v%vw@t|`JxJ^}3CI17GnVb1>+?_ukI4^fyrj%{u6!o9xY(7(ou8iaZ> zb3F~_zQ-8j^KM|sSP`Z@Z6oQrtci<#WLfG`N#6Itca@i3!hmgJY`8g%8-GU{WD`^9 zsOD9mrxgueZx4WzlnEW5Ee>yuJGqrJAHkB1rtD_wGJKF%foD8EVw)6YN@rfeR=E=} zwfs7&UJpS#!#^PP#h*=m8p?9$3rI+BL-`~J&c-H_jl#X~K_P)|exJ%TQ+UVXHyN-G zS_>(i6NUQ^*r7YMW@GkEr*G%ZC!TvRLfKvs6#1YEs~_;}Q&%?@&$DcbW0awJ)Iw5| z{}{7EN3xCHIh?kwF&i@`iLAP<0lL$hz~b(Bd>gIEFjflQO?v`s^=;_g?o%wyWFaK; zdA-GbWuX3u=ZH_tfpg;>S$Ef3{#{**`ls5^mH)=aySvf^88QC77)MshT!g2lC9q5S z8eHS~RN7B{o8 z7M2{pj#C!yf}2<5S?83yxbSE>^mPcKZr5k5G4JP+RW(`t&wBnYHI_PYMX)F@f8(AcTZeX=rvF;8Q$d~*T@&J!1^)|f$~<0<&Lj?Wl`Z9%PlNAT++O}?vj z1xKrmg+G-78u%#@T)V=#?w)3Dz1Iake|wdf)hvatUz1QXkmqR@i!n|h$9FCyFu#`X zZS;HgQEXYbl#6xe{CF>O(83?6%nNp zk^5YS79~krR7xrhq^%UPN|Fj8l#!H%N*VXLPJ{+cA(~2Qk1t6X^?aVcfFC~hIp@0G zZ$yW|bKt+wWU@Y^0gU~C%rYLt4iqbL?;!>8phU*PA zNQ^9L`7SLQw4#GZO_#@^qS+XF@qqYgayq`yXaTe0E|F>MGCU*Oz-sb*(4ulMpEhDF z-}Y}2&2U`_?>63sK4ET8Q_h9aI_0Qr-ocE64$|(Rt9Z#F8Rw{3L7MeZVpF>pi0MPN z(A|p^kN*UcwQ3NQ=L-@pTd*51VXCSd#)j^qF^_zO+2t3M)dmsC*t^U^qO(`R%!4^j{`rHWvY+f;kA*O7``(Z zpTyPToP}lVoY#o*u!ugGC#^ztldhrDpGeTW`2;Icig9L#2F|X(fEBjUY_ju>F)*deE1L_?&6t1g5Epe?bBJ9Gs=Rln!A=a#r|aS zmgRUSLV~s_L?8|SjvDgGU_I4<#{9TT$6Y;)0|X7Ud8Y&&*jNOmMqViY31yo&c4B&@9Mn#%R6FXT>>$h zCGdXN4AGT^C2+JqM0|X-F<&433^vVnfK-)MXnr*q63!Ng4mVUF+aHd(8TT1G_5~|% zUnf$$m_S|^nSXj3Ra|$4wXV;D%pp+%7cL&=xcp^BX_1h&DUybJe8i>222@V3ffOt` zhjU(DM41J>q{3+~*?D6h_!Jn?<1*_YMf;fe;LlpTUG^VXY>HxOXQRrhRtp-(>K~YT zE1dmJ^c1CqTJeAbhM0D&2i-Z=%9qdMSPMOjsD$^Jo4LYVK+7$?aswhIr+O7wCW_CpS}U~7E0jF{dEpE zzK3$77=dpT`@&G^PodGN2Z3@3h^NT~b}{?0BNT-4(^?SJb~ z)x3Z|+thgDrY*@Js&XV*GRvkA_Eq zSGOr&GWP>!OD3V*u|V;=7{Tw|{sG$6X3!1)slt_=x}w*)dc4lnlFNA>!i{)Il&7AG zGbfm{HFARP->i(cqpf+##jkL+x&%&MuO>DR)?k;i6OQq>rqiQ?YPXgbc-|$IGzjurVj(DL((;jvjk%!&WI1dNaNSVheww*^e zr!`oREqE0}6Vb{3#Qb@bI~Gj*zE3 zRCp0a&J5%#k(!uYwG}SEa|H$a5{Gq@t)Miy3EQq7h3a&Bym#~IMCmXc?qWFx%710y z;osuVy+3&>Hay(iHov5OfA7Qa!G0r?w2#-7IYCKB)WUOpD9Q$?aLLG;{7%c5-qKJo2bv zM-oIFb|akj`3c8gilM$Z6lDz6xa!kna1Hv4Y8l5!NMb!6I5UyEET_Ein$RcnNlbR_ z@x^R`XJ8UK5q5w2i+fwt`0-TR0@EDU29OSU(oqohl|UDl~Fn;jxWvri=kt^*c6|4 z5bEE9T)2nAl%nwMClB7YAq|QI-Q6p2G|$P%XZp`y<9V}ZI6pE9?$q7~#itTnI&iYs z%t{jOEL|w%Qi|AvK6ecBxP_f(F0r$wLJ!@#Gt9|!BJ_k#gUBh>=#s2OhRhVfUEij% z-fR!rsgh2vI7IRWkIHQ6Yy{wrLh=(sT?8_Eg>Xe?0)EtGDW2~ePsJ)VJ|o^4i2j1g7odd zJn$lAZ@=$@(~HdMW3d7p6W$piZC@Rl3~!KWx*oX5CyymQ-p;BFI#}>|bGWzC4jkOA zK(#UeH%of*M`Z$cQ+gc~U$Mns&ZVd{pJDzc3qIXq3^?!5f|=RPIAQ8+QIK9MEXj{# zL(k}9#WPi~eOklwcrSQyZJX-%MBK5!9A^)Z#)-_*4`5+yxblQexZOp|Xki@nR(15AMub_&! zAf26u6RaBX!GKP%sZK*T*JC*1{TrgznUBpjcUeTA1Tj?6q*W{!mK+{Tst)>4s&OB} z51H}H-=@P}IT4ZVnF!;*R6)<_aBoj(0X8R{=@`Yo2|ubTJ881C3C9nlubi_U4})Q zvQVpWHaQa`MHP;I!-BiR*}K4{e9H7RkUzGUH(fKO<%{1zS=)Aa7=IkQm=o_f5`}3l zs?@>k2RPUa;z7lGXrqT6=w9-}l3gy`y74_L&aWu9khaHo#Zy>YaRhfqNYlKz#jyBH zizqL(8CRe90#7Cx+8B&UbR{@f zj(+xdD|Wf`6zwl~k<(9(F`1id&~V#xa$}D(BnOv6ynig7UsA^IK2sNRELkj^{VOl1 zTmyZmOKTOgcx_}IXgc-~-;_w4TOh-dioM08dI2$8>jdAsqj;?GW>IY204BIIAm!5m zFlsF(&#Kb-mO?Gex#-MdZ9PRlG}gnL1HgSM%wV*o0uCM~$25NkJqWFz*t0oR#J#cw z7RFkDs=gr|cQ_M@lqE1PM+OFu&}9<_IYGwz9=6pm99%|@WKSy1*qB2l@GeM}$2L61 z5j}N+Z>a@tJ3FAymI3s~RKV@0Ua+gV3f$FCg2#^Z72kChcp7SIWtFje=^ev9ym3k3 zSZPYZPVoXvv}RyYlZ6K}-$7XLIY^~qeAc)Op9|j08E*IB<&+6L#nb|gU+v@y5oT=M zfi#FaxrwbAdlirDJAr{yH}C=D6=}a;A?z6_4_`Vfz~%P_JTUeZIJyVXcS{_pxv~Ebp&eZNz2uTsTR@?hW;_|`v?7a3726a4R^D z`ubEuoy&bzF#R;zj#Q@l^Yd|nbt4(~Ae4KX1GP9XhzEuoh0q}q{ME5z`0TGYpJ)G` zXibV@1%YoxUh_-PSvW5wR*xsMTxIE_@onYo(hCS&qQ_0Np0I&i9>FX%+ldC7m*PtK z8nS8AdTj5~!BZ=wMXXAO4t@9H z+vpNq{2eVt@9MR)`8%gkmzV`C{7W!(`S3$r=rEjqu}TyVu63bDe!V6OpV|>O-9r%L z7yuv4t3i_=fv(tm))Y7g+P^-AlJFTc-EWV$bGRfJ`1CUA+#Eb^v4UEORmq?aD)e;w z6m-Zxf)*OpsQpy}p4AE-?a98>Cd!&lwi(J(>qetYixijq?v0<-vPsAS!P|Y&gsNQ9 zCj3(a_!dm!pZu%KWj4p!*MuY(}oX``G=w^Rl4lEEMHxI z%Ar@7gLMVHrc%g)&6z6feas@D%drdjiLWqC=mprY{5{0QjN(1Da(F?|CyE?rpaJ$n z|AHaB$>ln!<+7rHt7*74(Tjw?(x<~eNI~d_d{{;^$cU%SU>r3Gy07Wbr&CnuAbpCj z%uYbiSY_U!7KN7wfq1J@I3&8RC5L*Rfkoc|hx?1t$;YosP^wb_N2;}8gn=GS`hJP5 z6CD#z|C~btHmlM65+P#MdIrB<*9CcLKk`NN8zt|{@Y?>7)Y)txd+QyRiJcq1X1G;;n2Sxam41+U~ox}WG*ekOi3GR^8vAT-zD62 z;{;2&IUA14g!84db1+?9=zjUj@J*SJRUNRGmkYexq^9$@O2~Wv%-l!5=lU^!33W7k ze1}cGw1c=eSVDMf51O8?f@OvwqL*Vf!=(!@I4@d`Y1IC~71W$BvY0M*IkX(iuL?84 zY9%_#`Ubf(K$V|(C5e_}j^pny_rTxk4E&dL2Lswh!@>=6{DHpb#BchMFl<{AY4s=( z4_khcxcw*iuZN6hmU0J8wyc<=lpYiJ`<| z=qj{beI1*}M!`XM320cl5H#+ULH5!w5VZa%E4`?}K0R5^_g+xv!}NVn{rGkExMv`L znmUw)eMki_!2???ydj6_cQeBYCt=XLAo}XOBY3USyhClcyB?VqN8PO-M#*n?p51QQL@Su(31fMt)OZh2S${ zqz0yI?!an+Q9fJ3Z)mGsbI@Y4R<1P5x{fcPh zM?m;O8KFU1Bsw#CFV2`SnRk2>daJ$yT#*|CO&5e6tp7RTo*pUa5(nTzO$L6QZa`<* zyWuuRf1F*Tz?&6y;b)B}(Q;h~-daLl;jf4vv+8HC-2*p0`H01Q0Ev_E7XR{A2JQ9o z{I%u`7Ne1h=boNo#qZ9LFtq`EmeMhNn5YjYLk)4byeHW7sFUb0MgDWqAN)Nz5eI&{ z4A+OKGb5vKEw58l;~4`{X(5*qz4u7cg8;WeD*fp(JmBvqZP=PTMxyJa)H#{=qZV+ z?}71tHOyZ-k;IM2#Ms@ph=N-QTQa2*WJef4aZfug1Rwn6Uym=Zj;7nTyNi35`ooV0 z-B7yTj4PfurcVUstZ0`mZ_>R*e5@=9HiS7iL0oRq@z`PG`5VN& zcN=_FzYBU-rqS#Tw;2X`(cBsp7M`iWCr+}2C2q^1x!r+&_b?_3;-9!MTEu^~&4aut zi})e=xnR}s1_I~%)8lDxKt9fkc1_BHuo+SG#(sfoxS<)RNQ<#jGJ+Y*^r6XLoq1-9 ztl-6OBrkjl*yN&>kTFyTlt)Nn-;BlLfN87gx&u#G=u$`Y%szvU=H136&>@~nd!Vpt z5Waalj}7~@idR=u;ke_yq)qC<-I-8d`203JTaebU;Lb1nWsa>E-XRoo&)G)I)f@} zmtf`b4)Qa&MCA1*4~snojpN2S^xw9hys$cn!(ZMOHF_ljub+jb2ZNZp(OD)s>xf75 zHnJ1PS3%9LEJ3F{S+0L?7Y+;?jZ1wp@pY0i%I_2rDU02>%u+-p`u5T|TaKUYLcsHn zCNA9}bgQ0-L5+<{uw!$A*!%P{sOU4|e~vn#%*rLO%uQflWwycjYFqX@>;rz+Jq?R% z_mTfrEu~{Nn8WN772xzl2PRD|fw!-xQdChz$Lb?c*y+Mc8{dPu{e8S=@f+*>4Drf0 z4xLRa$y41ZDpg}3^oU$#7GoA-d$&5jS)T|Z8D|U~=*v5{8t^3c7Wdx#49&vs-?&wZ z_h=p`@l%Jvm?c+XbE+%%yfqW%*`+~jPzqSTUkO^$LukU-&yX{=kL*Y(frLnPRNth_ zyS$&lnpHnVy@z)5OWLbxPIC~?v^{{$g~8b1V-BO`R$|7@5O`@34IWPo*?{~DbasX^ z_pJ6OcOPoekjRbT5GPTdeu4@+_W?}&MuxlAZ4^y-w;GqbO7p`ft4Y3u1kAb_Pi=nK zF%3SPj}Bi8BQK2uZ5bJEs<%D_QGsLPVuvY;YqRxxG&@0i8u{$SI zU%_Yc=+Xr;>`W-#=&#Kal+HulvNAI0O*ZyCQxur=<>>IsUeMjI!?r)Bw5y>VrrBph zcDLXM&RRytrHJTGw_l)n(M`0i=0Dsxu9rE_N@RP-S|a>BihJt?TUy`|;(dnlXM$cF zRC|$S6iuc+CG+vz>=RVH;vaf_4TRu2eJl(+#LCi@>6x)7A?Kq9ys&l!$9ysSTlNR6 zY+_mJ&jBL66mRU1Y6Q#pQzX9HpDx+dM_x})!pfO;e6#x)7=6wO7d+A7@0`z*PYXqS zRJj>{7;4O?#}9!HPPlsa4fJ|-1oLNRur@1!Jv+Lb$Q(&VH^VW!>SZ<#7>rPHYy#N6 zcB9kW+_*?CneOyVfRcs~)a}iK3v+hxLyympnG2Vpo{bS~K@E^7SjRp;S;$9*)e-;u z={PGzPwZb)Mve>~#B2vRag&h|On=llZgF-Cgm2%6JG|epy=7Xs^xQ2Lml}ZwUJr+= z=qToH;LUpHpDUmGSC#HGl?9bO$n1_Cgo)mYyl{#ge#F;US^0pN2T>UD=QVuIYR4_T zld0Z@`P}61Y*ddBGL5#1AXkve^8Ss*T-oi|{V$xFS-J4A&+$y^=m;!tA4Wa0{)3Z$ z>&f&Lu6VQU4Y}!m3r=m-f$pxsTy*~nEV}p$^rRXbzS$XYx>5%0`dxW&pwQ_yXd>Jg z8H{U(&ZI9CZedQtbqw$F%W!jVbfikffr8e;iKs zdf>-B-MC(J6q=om#EC_dp#H5n`p(E=FXYyX4;;|Lnt{{!=Or8HkyXXy{m~on?M$|~ zt@(Rd$)b7)dDqG8Y{MD%Ujffv*-*D@@|Zn!2Htv;1;%ATy{Z$9)14`f&=bih@3TEdm9IZ z-eV!Gr5$(4N(uAqUAEL@6P?O;z?Kt+V88Du&vxv`ho&pRVQCcfOPG*db-vW9Pm$l* z)C}tL^YF9aYmXLkEQ>u;#7jJ*nX;)in(Wl1UI)#=Kh%;hN(i98jRY60f;rUpUxW}8 zm>-3mFd_FHUb1RM+vCnuzH9}ns(TGJrOs&DXUuPmJAv;aEzmCOC5cfDA}0lu!-=$K zu%{T=m7Dj#P$QO&b3X$n|GtsaQG&0(Y8&|O`2fjD60~mgXhx zX9m}@rkBcmtCA`=@D$<1wJVriN*d3}ev3aw&lFvp6^Iuv2|92`3&z-~QZ95DiL1Ks zy6g@@$T^-VaK)Cc*Lj-*K3SHvA+a$cXXmAw_QLt zY$SWR*pC0+^c1h$Imeo8e?i-yheB_V37s|B9{g-d@Kr$!d6ln(RiD<-VbVr8e&8A? z?i<05Olg4|OK!pHJ40xj*U|N@bSol%gqc(Kq!PK7Ea*`}=gO(S_E`0}&cSVo1HIszftB0RagN~Y+qNNFIjbi(;>T6}Hh5K*g}4X?htW}>Bi4tshrj@jl; zf<0M+CsFXvp2*=K(|;4jWGsZ}iEBvr+Djl_txmekcOZ*<4`UZhrIA}JVWCeXTYN!a zYp;}qqtgqZtv?@cIHi^+z5frj&L)Z)duIq-gsU)b@fzgT`{BxnR_I!>iVonnaqYd1 za+fDgtlcAl+!OxqTWT`w@oaB4cJFP{Q<4CGZI6oemKxAwzn7qFpMcDcubiAT`37Xoj!wPeGnD5oVW^Fr#NAIlVK3ArJLU1))o_>_P+qw_7 z>SSWBi6qg-mbF0T= z-UaNJ|2M4PoK6mnsV0*^lRDf^!+?bsq4$<2-}7+~%dpj@lB=!6of8Eg!;ZC(@kj|? zTv~%~u88>KV|G|zb^-rXo`RiI(qQ+&n{4m~3#wSU2Gk|?m7%@v?x8QrqL_U%( z0IS3!&=(zplh+H``t#njX=pE6l~>u1j}zG5Wr9yOCL3L2CX+aB3d&AWd~1!E_&-@j z+g83S>l~{Bdp=9k837Mi+hPTtn0pi+062J@{{xqtpLI3w_k zKI|)ihL3%0;b?0%ZH5~hKBYz9y|ia-E$TdNyaN5%c@7sFdh(nG9lSTA8M}Yh5)-vC zcxzEQrjO8syW_7huX%Db)$c0Q-O=D{_Bc^Tz4zd6KLiH1%;Z%YKQg!YN@AR|5`Pc$ zgr!$H*z9eW*kHXJk~Pe&yw*nz4Z`l@rCc5QeC=b5e|}D2>pg^qoaaQlRF_fNe2A9$ zi&7gU`Pd;J*tKsmRHM8A{9+O(ZiR8+Yj=RBB@=Eb_+@Vg3=^eUn?k4UcqoWxkP)>X zqF+!Je7citxSz(db^7p3_yKb6yCyGq*b6~3KC#bk0J#U!$)y%~dc9v7!%~`=i{2wv zRMiRwuk@kxY&2eTi)E|d+0d7yoea-Hmb#;$QMvQqKWjuDri;o~ z$K3`C=TbouCtEBWeqQzYII2l<0H!`{5%R0ardRp=w5wnviE z<^;i8dmO)wK8&jKhvTO5cQUa zXzas59|fE<=s+I-y8`FUvqGJ~JeadeOlrptfVI0Pp<&%hGIGpm7&Ci3pLd#I zrm*if5kF)vQX8P{^iWO@yu;7ViEwk?U-+E1mP_e8g41(iAx&`@tqHg0W8RIYR$2Xw zOA2#Og3xa>GMHUVctiHwaif_-?mwP1WtMs+h{w5lZ&e$s?~#T zn(>w7-JC;|?@!{(=jhS_>=cVK9ENIrKxeM?5o>MI=F5KHXYW(yVyTr0mfe)2HacS| z*K(ly!iUg5;_Fx_cerhm2CDIC~^^YmufE$W3l{X_D;*WT(h); zNp6t25`;p1*X~9mXFd=qj$dkh3P&ySbHa*cxDRxo$b1K%LqW@-%GfW z*Usz{rclKT%KYAwHZ+sGjjUiFRx9rX6ZLLv_O|A`L*J9TzI)IjOoL8Pf53E=euG7v z95vI3!N_MTnBmuB;;w*OcxK>rl<;eYUoOYRr<>e}#%h7xc_Dy~3-iI^3lBjv@FEuc z+lJd#c9L?%={#$J4D;NcjNLuOaK&H?oYtR@bBc3upK%i_x?T&T^UmXua}s>*!8;fc zkwToT-%6HkmnC=2 zlkrAc5>Xqaip>iJFHXT_xb@SIe>!v$dkVr>bw(mezdQr}S<)C}S&tip?&JFI(R|4G z2k=~A(5ZP*FuS);6s}k*^`if>|GfWQ;9Ujrq}RPjyRe7;GyN?fC1%-Vj* zargP_@Z+3lR8jlCjwr`VZ)KsV$(%Q*C~&`Khqm8MUPIX1aCz*Qh##{yXQTN ztvQa^r5iGJ?=&=cP!<~KW*^f6u&$`YCs<}QN&V-&7FYFG6lVgYC zf5Z+hT8p6Od?eA@_*(GJOrTl?MX3MQkUq9{0<->^usSh`O)!tbZG{f>)VL1unj{Oj zIj9A{EzzcXil(xPYeGlYuA}7Q`bik!vjl(3Ujf_yaTbm*+%%cy*us<>V%iQ7*yqPv zIxg#GHb#HoZ&)__axh7(b$K%TFTWTK9t4Ob`w~R$7Z-D-d3|6tCl+5%D8mAu1^imf zH{imZy8m?wo1D2FL*Q$31^?cZ$2>P8ouv$!{qsMP*T#4 zcN=opuU!hQ5?4@5ZK8utXCyv4;zs>jOz^9vA6zlX0aa~Hy4dv*PIe7O2cb*Ce5x~H z8$w|B+hI7;zKmGdq>#;~x7cgzo2>Pi9#&m2;F~4VnRciNdGv1~YMw5H7yCW{DOCfH z>lvhRvMKI4y@d=gj1q5pc^0+^`@NA3si0Y2Q63hRk26{}z=Ga;U(G)`~5?W zZ@25iyz+yjwml!r(iHGr_;ysX%!KGeRk->0NpM>JoTA;!|8ClGX}qndM$2xx}Vof zDq))%SMZ!!J29rD47Sc2$r5HLqVZr^&`K)9MNdq~)Wbi7Y(tM|!J25CD5pSm8oS_D zZ7IyY9gQQ8j^XZ04@1g8MKs^?8l`49@K*vXsP3)`zZn0SRU8xauLId=8!`a)I=&$L z48^!%)q0GTvV}6!Fl0H(G^A09x~x>emOw+U{P7|d9z6?>tun~G@EX$bc?_@2r^4Gc zoy2ed4KaS1uY44(%@BHB@TqEO@DI_aM1S5d0TQi1C4~K(!oM~m(X$P%PRSw*B7;$7>ocJXOa<4y z=!P4{Gs;7M3p=tOg)ri27?}doiExLqxND!pp+zs@i1l9dsb0j@pN{7bEw#a|B#O+*1DtA0k*{xqY$#X(5x6gmeabm^sQW2jTKBX5b?PrjR} zP#*aTD*jz#(XRt=nXEke{ahhRt(`(|OfH7iqETdzC{w!VX-ca$80g}2SZ)D(Ny(E?kvPEPQ}%>?%+w&e@N9e9QvGF8IxsM|eOaqL=A7JI@BsSD232iG~ z;P&d5XmBN5Jm}F%d?(j}<#WG4WPvg;b31sjWF#xO_aC%9Yh@|fVnV{kv$R8}ps_It^QIlyiE=QN-6(5>IG;mtY*f7=fpfA8ncBS58WM0VE+zN;mt2F z*5iH>e~C$yU7ybGDjmm#JN9G3gVj)drwogJ7zsHVRfnJnVw}5vHB2-6j)}Vupmgv- zmK^NF2U{r7CH?={ouFJYUC2l+r1{{GuMWdmCm4Eu!HpB=G1rdusMz3w@zzpw{njCH zcN~hgFFy@uFI{HK9AA=Ys=d$^sLZ=JdgASf$?!MTlEzFJCLSgG48F+4gZs*4uuPpw zC6c9q?D7Hqd$ADvzKvC{dkM*&61*?*I8-O>gM1-x^I*LyX?mFhq1#r`n;GR`duSVE zuQA4qbspj@l|o#wE)9ELoq(L}*U@kHP-vfO!aL?X7HLdX;pO+|a7*tNtZW(x6V;x; z+_DMOV$4J6t2-)ucj{2fIYeIKSnf8KM$gF;m;a4LofyHdwrUiNcPoSFv4OB_t{S%8 z-Nf4u-pBs-(Y$VwK5%srzLX{O;Gq+E&|4N;f2_mRhhL%GGhs*bwOVA6)k#KKYT(A$ zCbWCvC0-Fi$Qz{uc0bY#k`l6^z1|By%}^DOiMYkqf4Tu{Nih__pYqM^YswlCcUrJ>HaX4O2AoS)!luDTC-LFVWvIf1`iKNS|vQe;yV){sewbNS)zX|Q?v zT7I^;4FeApi%S=sfX#ni;i2gZ#a*MPGWpk^iO-@ev}_rTy+p(vX@odVQuteL^88Eh zcWe?o$NGAKk$!0~4>6>Pfvd>2S^EIz6u_~m1?+CzNRXd6lwM4@!d53NfV{)1 z8UpvnSqsVbi<g9oYFY(g`BC9|fC7-o`@4pS?BVN3KSVK;n? z?d#bB)%ni!oSdXMwO)aiMz@Q~YlraBqMP8*)QG!I&jYQs613!768^Bfic=cjvD~kn zd=~Kst>t}a*UG(Q=7izUabY)%9@L0o{3isAx&x^nBf!*TH;67c;RK^> zcq#B)mwkW1CadVsL$Ak?f(ai)&%=AbO8XZ(g(rkQq#W?}9t5FY>9ByTgoX{zL3qW3 zNr@l4d}K(M2)%amqoJ?c1&4pBWAO8`;N9E+9p3p4Q(s5G zs9p9DQZ<~PZJ35eqgT_RLv8r30nZtX+zvjYrQzpEN4nqQ0KxzlZ2I(-jdwxZST>Lv z(Y@#qzZq^n>j249HniUKA%w`G zY*qe*OFjyIr1D7oDdYxY=9#m9m#cBbZgb(jevc;~g#(G_?8BE#cFy4mgbYi>)oEks zvN~%je!L339H+ADLY`rI*H7q?(5Hd%zT~@dB#gZ}6&E+|BSzm2Kws`U(%*R%eHPR) z{hvxOZ2d-PRae5<>2u(z>lNJnM~Q!z5m@UAsU*{;j{LNfp!yFAA%Dv{FuO10r&Nu_ z3K3ty`F=foUR8uOwtDpCl}yx{@SQE|)diyzj!{Jm;aZv^wb3hrlOmxP!||TO)Q>Tu zS?^OIX3)j5hB~n zx#s}`)*za`aWcwok^|Y<+E{Z;o)UHl#5QuYR@Vu0ed57mT|a6%1%QIhK$?GF4Uf(| zhSGa0@KV|)=;%0&Nm|2cou)dIoG0*EXFp;oR~qp5m=mZ!_Ao2U8HO339+Ua!)5)Sg zhp{>|9=q%Ig5;LNc=6X{Iy2x9TzMSCbY?vjdekhqi^)XrDjCSHrEG!2>&(Qq7K1@v z;O%DTz6E=;8u0noLsIsYlkF*6gpTdm$af5a2Rg6F-esZCVx`W;#SGvXwYSB4RK)0Y zaSEGhlMdh37?KwPx4B_iCvJ##z$@dQVt-8%Xqt|o-Ce!n9Q)&Vb#aS`j=4=d{@w=L zj_0KJXEVBgvf!#iKa)Q)SB3o2Gg02(2CNA6rq5?w74^wxLVXf}AMURqPyHqM_$LyR zCt+A_^b5Nh^>EFo@nB>$3lB)W#^0}s1wQ91*zltYlJ+~J&V#kQsLl<`^?t%n=P5!5 z-#upC-U3|_#&{`yG%T0i!=7*Ng<#D=+L9}5Xc=M#z#e2IA}m27>ystSJjSY&;C|(_?wJVH|67tTOl}fK?_uCw?VXP zvZy~|6ExXqaG&G%$VEjlO39?+UZ-`q@_7r&9!1fj@o6I2XG@_(%ptVv5u6;q9$c6F zhT@%zF}*q!R$58(H@^(|(CLfmq<(E~`O_QQYY)*JYblWFaR&J%NBF&`&9LdKBxTbx z;M@CCn3$*w{-(Cr%m-5ko=q~!mFch@6R>E7A+Gb$edYfJsYE1`UeBvhme?CpSl_96HMOw#a$#a_8k`f3&g#GS*8Um~vlZW-;4 zZv>lNI^1ci8J*vfM4RuOho#NFF#3-n{U@$rQ>RR#Rw@th$c%CPZ^sMxpc_w*TRnzH z@#^^H{#1A@cLVxQmE*W6r}6UNP26{mD!skpTyjAt;}+y6H6|T<9er}_@B1}`KZ8yBreN< z+ALM#Wxt%b{ZB1=>0vPoJX^`$?e~JFNv-%IuN|8=HbKBV2GC>3t6Bv;lZ?Yl-|mC{ zh)+Ha#!8!4nb=d zVSKKP@A>eLUHS`&K-0_$G)*J&g|!%JI506)-Kz7}Bu< z(!LL%T>2pV8N8oA_IDQ@?tUo_T9Ajq{_5~T(BEwR?Wy1G6ntTDnHBYyfxpC6*0%i=B5&E>C48CBaVuT^R4jS-zQ-FP?GjtdkTvKN(8@j2~7BV zU!;0v3};f-bmvJ^bY0;>O0W2k?L8{c@H7*ePCAn{G7fzH%R4ZCw>j*@A+kcTJCvtsA$AR$>+&N)hOQT7zMiqN^qy!C9qKD z5cmACn_0YRfci>Xm>YN=n}5k*`~B7Y`iggO_PP>iESW0~*{nymY2IPar4-;-*9xlU zZbxU;&4yoN4aC{8AK`|bHkO^y1r3LlILW&g(>=D(`NdDfAsS_P-*+6>Rep_uIYE3y zpa=eE)j+DEKVtWRPLSx?O{Fi?;efj9;ARs*uTjExK79!uvMr*4N~+Xvgd?7)NhDS! zo9UbtS4A1Sf3eSJpYkbBg^pNFNo-QCLz-<%7EV5kej@xXure?FTFvIGn&#-TlF-vSLW|d!N(5dZLA%B(vUGOtgTvX+Xj;CVq zHLSv@e}kxxd7T~!~NfC?i7a6=h&r{{is9g0>o_*{)$$D-JlM*#)PodBi z6KscCt?w`}a|(ZS{04sB?f`?2_OcaafAKyX$KA6x^MfBpkcM5RVA|FyGT(9winu)8 zeepZI$n~Ui_1}Q*+vjA2??BvEKMp2*pU$Lr{)FTe&-wd;iL^hh3@=y-{*gBl#Lxc? zRcEaa~qmbr2i>2-m(V4w#@ZcVEDwP0Owp;}}_egV( zQVy%@jRZ}L zDy2=+2$9mD2qh%ZKvLm3*J)TyDJ_+fLW>q@``y34;Ca37=XvheIoI|1yx&*pnJhc( zKH89n(;9&-^~#;T z>~O_VXN)PCW6wJR<#E%s+i=5uHB@Hhvgb7#uuAhej7!SEvHC6$Za4x{4*!7pNA-!L zw&2E@D2@Jsb>!EN&HP)#AgX9n2nEGMc;rB3l*(dYr2U)Cd8WcsMr7drN7l5s#)c2D z$Rr=lzC*|D0J@@T5-+R0gT1rv!WkIVwo9|M@~^aMUa$V7a|7(fpv z8;B-M{{!Yz1g4n3A|1*vfWeAR_z-j*E_Q0;v9#GlcD61*=)Vb1NdF}(=GViqQg#-@@V--K4`y2j)df(6g()u)2Wp%qH{zc%)c^uS7h{nR{87C5^|j z{<-9qu~^8@^{@v%s&HrOHE_(lOnS=P*?|5>u=KAlert||u{D)A0G+Y%+Z6H9_DZ%t zYYEgT34N3&(zJKTN&IXs!@aUrLs_N^f8}P&Wq0g{$8&CzI#IIg&__v-?Y52nZr@Cz zoeYKC;Q>D9jwLUAW5^rr1$VGwG99>c1AZDd8?#lE@b8T(oXS+_agPd2kGlh_hmT{a z=VNd~RRN0#kz;=EZerW7dh|>^#~P1CgY1BZcwypK;?t(ht;-mGSz`~E_W#6LuZv;x z@@qsqL2xw^2T-@#LQefX4hela^pSlD9P75mFN61rUM`U0``e7!Tu9`RAFqjadd=ki zqy_@k=b~P4Iv52jQnsdo#mQ-7=hE@q;pi6t#|5xZqZYS5%Of_$^&+i}t1w~24-lX5 zpfUm1n6lIXRMy@}6^?bornW6OV&Q4nZ4AP!?10#@rvN*K7=P%q+Da1;6ND8YsRg^-RpH>P)7s$23*0#J3rx3qvP=E&=sLG;z0*Cl;W#Pa!?ap zA+R(i2o5@T&WjYe%(h+3>R&fZdmfE9hfSqpLw3@!=k}qYZYZ=CY{7Rqj9$H^$xnG^ zu#oI3I#yzZ$V+|$n^0zey>;WjbnAMOd|sAjdIFz$QGy#!`^%y?oPtXI3&hQGx{z10 zp$AP%Ve6vxP~6;w`|MLeW4t_d+msDgHZP#@HM;!d9yhq163K3Cs)7HW9)wjO!DUyZ z<2qM2exWIV?mFQv66$w2Y|0aXk(da-Hz}k1#ZC0n-)K-8JDY|pUWcE)*I;_*a2$E+ z8Av?RWUe1l(c#rQVaMvgJ^ak^!L6Be|0qqIs1QesXE{M=#SA?9cnZuGpotH^-Ntoq z8kugvOYtAeIE1kK?|Un!Ln+79W1!5|{p|L~B`Bl$^MQ%zh}vW9tq<^&Vw1?z0vv6%V2D9{X|L z&6jw7tP=}YR}?1?CvdE>2~-}^3BGg9 zS;6fYg+aSQ*>2Yw+%VaQ=LSpAnSy`b-{UvF73PF@Y9*@bmj|3{H_IT$kux0PVCvjU-^4PMK3Q(;*9P?ZdmhD^)-$lD%m;Vj%a480_PF+D2r!n}i*OVT*dKw#i z2C>b%pR!X`w;?k13F^zvgpKMwu-HBy_J~(wcKvTuvz-ZrU*>`5vY)6YxHw6PDRy)W zq^&!PHGz0#u(WHMS{1N~9J{JzR zn&1T=fg|`?ibgY2rhR8K9k=5GesiqG*Y{gs!EeFOZQczMa<@e`f8_c1^s}foqMf|0 znTubqJ3{CEt5Dh#iv9;}`Ge=<=;_2b9ClBZFMqcOgF7=s_h$xGcrXOcJw!VRifhN=|a60|FEZZ(HJV^f)8x9%_PvM`xk? zi7L|eY8ZsOZxX3|xX)bky0AvbA)i;bb$#vYB)((Sgd>CuMB(IEQY3E!bBxsZle&rA z$i5WjkCCDQ(ZfWm;vSIE6Q7CRPkhN_cASRLPlT?STaI%j)7ib4IpDJ0PkjAJ8gowT z#)XmNu+Gn(ZVWn$(^S=QPvA+W?^;SGkB#DEC9Xn-coRumVha-|$)IzYwK%%!1OzmM zU|8i{47|DsOv3l@e|D4Lo%|$G&zLW4x||DIy=%g)T5nKZ^#JKRd5jr-%f^5`o49#T z8QVR3GXMSJr+9gWr^~3}QK+~!n+;j0L^qu^<74*)vi5i-czXX1YPacu*&>0_8fQmU z4veO)KUd)RL@K;vPU4Omx%jVoB3bve1U+q{aKXL~sLv3i%5O2O`BjZOeqF^uvZG*q z)KxM_HV7(y3AY;CIn=)~8P(d~f~o5poM>kPxa}KpE3M=8ex@5 zFL9_r0dCKdg2@?%t6k}TtA^4MZ?EFU zlE-i+yBR-9Jz=3zXCTOVDGd!819MYPK-vfs`n)U^&A&$T)YmfH+^&ip%y!~g!X5Kq zh9Q@|y9EZA4B_#%&&i{sw~4~+5H?&)!S3H}5~^~7O3yFG0Z~&yeMcuunUW8hFEXJt zLlteT%=zT9S2(sM6C*SC0qtNoecp8XU93d1?0>Wu|2@_SK;awa;KCBe9eB`|K^ey9pf7A-TKT`3h;Q8i*vGd3Jj z7ri)ql=%v|a{uunJY{p3&6_H)%Dg2|(Psk`eAVUQe>TA_zJPi7C!@=E6>1B=us2{8 z367J&f$yWZQ6Xpp@UUkE?>>}`;rpQ-MzmE5`hT*-S*ZA8;nJ*qV5Wo_0=<6dE6({g>p)OreD|Fohzd-LEGt9Z6hYH@A=qjU0L?(W`wWpL- z2w9f4z3G_I;7R^%9SLYXlKA?0v*pPud{hEqcK0QqQPr4^9x#x*M{J?Z|IDzbiSoSG zrRY&ig}v)UvMgPM&v&R$1r>ST(LBxNSgtIW$0WQ|cb;XIs>2ok0epr_6IKil;P7!0 zKiO!+tvXDIeXAiqR6B*KuIPX#N6(X}jGeGLY6pzb@P%`VDy*cu2@hHB7gsL0jUUD7 zki9GmSh+L5Ixh^1VwP}O{7L4n_zc6w$dHeDmBb-bi-vr+;J?&T(ZlR2JXO%9*fI@_ z9iy=(b}_0&-iOgT8+d8)22>ht$b@cxT{1@#ck&tm?2H4r|GaiG}PgwFLOhItU?}rQhdf*uUS8(gDCJFBk;><^(Ebea=UO5nh_UgWP z)GnJ;ewu`Heo=f@GK%-fx3D7?(!Bh4GK}~9f_E$?gOW9atjh^R*-H_wU9%D94{|ij zL^vx2iLom@8|Mzb0l4524sX1`^z~(kOqL_g&N%`erV8xQ-!#_uUj&xag+Ys1DF$Ro z(IQd?+WBuP&Z!+a;x_tqYe58VMd z2{v?S#~kolnop9Jmcto=wK7~j6Rdyh(b`ZGe&a|lxZgb|vJn&$9*Kd_-7o=1#eIV9 zQTuTI3wzeE#1R`ml%w=432e9<&rTgI1j*!)w53W{)W6{xC~fZ$-_G3yxAIk(_ECX% zClQ6&7MYm+`weX0q0O7t=Apq)J(@qn4d1VD#r6?1d2xRM=1K?R%hPA@?Yix>@%%^J zdUykRo}*Y;z8RZ3wQ%_yF&fV}LcR<6x3KMccxhoEvt`0uXpbDX_;7*LB&ky6)W2lE zTrWhQE{7w5i6nMo2%M981$hfJL8~%}z&#m|6gcbqQm><*&}}}mS&g>^)x(Qz%OE_V z0HvRfK-J8Vtcd9FpEpF@@5p6<$->Mv-+Kz~pA*t8kNaS!0g{P zW!D~F#=4>dL`leCDUVjh(67UIxZs5Qvvm#p6LsOyKOHQ5oB{o8)hTqj2Xf=XOK?M? z8N8ihFEH#T5$CI6qT(a>NU_2vHr7WAJ9LM0%Prk5m3>?AwKy1W^smBvqxLGb1_PYz z+yLJUWw~EeGpfe#hjmroaOf>ZoKew7EFbw-nLYanHaq;FKP(hRtyIPr_v7*Qb32hr zz;v8d(auVqJ3zd$1h+0e1uL?%;o;BwBn5B5Cymj#Se@hgd)fH$guv!`s=#Od(8On| z+ws-Y!8k$r9?aILg^JRA(U+H67}@RzBl{k*-YaHMo%oFPST;g@_&2zckd1#5FQGWl zoLn$Hz>ez;g6{ZB*e!8@`Di}E`I<>+y!#dy{fZIxJ39Qp)GD0xtrwqY=HdCS+bHhe z0bS#a;nAaVqBQq8Y!YN~`X9qlrYDHlKRu1JIQ!^9YzPGG0wY5U0(yfFQG$je;X{KbKp<+6@k~)jQWi`Nbw!v z>@?{EL{|ws8G%_Hv)Yp>TrtA3sKeqT*D_)KCxHG|CBEd$XBLvGK^4*hs7^`&ZaNVG z>QPlVtfG=g?M$d#pnh1STmA_@Ch4L;BtoYiN#2u$_#-S*Y-%LSzXyIGhLfV09EL%M zPXui=J`BZ8*|<_7pD2~2z`fj~VxD^!j>PUm-!%xTcB7Gvi^svyb3rNoCMo!wgySj& zt_3yW${!SXb)5^}B%c6A(_U3ow3$Mh%MmnbX=Nkl?nJTQ6lODaCw%nY#R3K%5l;=; z2X3wnLU&w}8wR(sq)%D+e)Iqs-I0PjiiDk7{!YjevK!t{^UGFt451g{Ta^7{SDEu{xy3ix$+%mcI%+FqrfQrRw3*(vMz&R_ zfyDXcg!k@6MSEr1l^KJRTRX9H!(x~=q(dw*%ZvXoA4J#Wydj~l-{Mk3WjvCX4yg_n z{Mam^V|G&Lb?h2QH)JG>_ccEyCF_M5|6mu^YNo<#oxNx^1QVyfGE}-N1vR#t(bP|G zM58+F#9=PkAg?XKUkPr9y2fX?``LQ(-F7<2oLVn#9km>8rJaTwUKfP!;dSB_ca05s z^9uT#ck!0+rBroRBK}_G3_pb7=G^M_81w8A7?r((&;#{juBJKAC!Z|%?iHrAQ{Zkm zm78%luVpaohBD3xh$Jr{6{0`76X^rBqQg7np{wW~?D^e|9|POj&vaRC{a1s#Y;1tL z zF_4X4L`^ov`0`vKPAK>RFHKg8Cc3M^%6W5`QGpFEc({>vgoH80&P&+hV#Ygzg){E5 zJP2x=iBno6;a961eKcqv92sjxJvMyCRj!_-dH6>cOM~ak;QMO4E%Ag7NV-ef6PJSXAYE{|Zo_rj zm%)(e6j;+cmHuHr@pDTTJEo;iA7$jg_GR6|-s6u**u1lV@t!z&bQhVr;slPGV+f-+ z8Pa!eRiWgcpC>iANjlg?XbhVY&YYd}#OxT!G!CRQ8K}rZtS+hN%kq=)RhBrj$>%y z^cj%1L;<9)3SP~LpNM>^36p-+MFtg|PO{1{aYU2*v$SDokhVoVn{(+gtD zH9e@bGr!90Kn04H9R@{N#tcjoh|{(X6i905`sE*`cCBzU@1`r*G2mw)$o{*b)ADJ1W(78f0A(0?729}L!P(n zy9xO@har`gK+K=-EJ9Slwq6!8=uWp$F8DpO-Ki!%n0tXt+aX8odMvr_-AtU(??t;U z#OPOa1YNU+Q-|>*P-~46Y@VtB!_wTVHvhPY8WHorUj2~xdd&&8L&AhVFEdAr89Hcv zU7gAeG2-`kcfkJSbIjjd56X`BK>pJ+t|KQ`kVyqE$d>w@m|ZjuUmo$rcU~@-R@5RM zwP+8@N0{=0>ZP!1@F((lnk-$mQ;++-??uhcBYBRmDt+M|4c1q#V}jRvp*OgQ9~iuz zUi>P}2fj;!o9fWiqWqgut8ySI57aqYhzYRR?`#GqNO5+jUBS7ts8Q=c$F>b!0 ziRR&^WZCGU(Av8m=Kp8Qtcnhj(&TtnvU31lHrL{RZ)8BVpEAZUeIC(c#XpSuj)xUD z5~+@Cd?d^jf2Cwd=vP&{<^a&~8{1D1~) z$XA_igX43qLVH^P`bhV&ZEZC;PSKLW6D3;Z9R=_9TTsbo&EP(=fVh>;;7gCJ#uojD zBs=OFlnUK8cVk65dG%7VqDNNX$m(IdK^b`M8$?#?&p^4TC1RXf2HNjM^onL0w2ki( z{H`IODccF5A2x&Dwa?_K$!Qqve+F;+twFO^4L<1eZmM(U6n+^S0S!f}2#?kHR-x-K zIqen>JrxT@dhfxtHVw5WTqTWVSKxw>#rkq>E8>jtG*o8|@snSINj_FYb@*v`|N9JQ%iRvzV3P;TSY#@=$jgJwZlQtmez}GQsWwE zIA%cix`;`q-gollWeJ*RoJDSzgdv}d%C?oG=BQ{nD5M&c!IS2N(+ zGvc^%x;q~hxQi_aZFe0K=OJp4RmEXBrJ$8OfEoxH3FYg`xOLu3)O)KBNs;wfWh+H% zHYPwIJq8&uC@ zb^l?!Ad>(=m&7FMTpk{q-48EH4RCO7JQmDehc8xKW25J|@u=0Qf*(rQclpPG+nkYn z@dh($a(F*()cKFpp*mHZzg_%h%1yE&C=ULMt;9e5X)q)_1M*__;A*K#$j@H|x=RS- zt2Jrzw(aQCeuU$3mk zU!8l7F~<>uFWPXY?|ZRq!boV|Y76&s8pNBuMq-P93Pwh_(oGkJGed)B%n)583Y=&*La+9TfZmRG)tuT!7npUV*M%7$~fq4{yI{}Rzt1tH<%bOf^W=J#gzAc%+s@jnb|wi@n_UA$L%cYIku4Ib;(Rd zR3ciarAUhorN9cid`vDZC(pG8iz5=U1V+&mNF1Ml8!qY5akHnwLzx@6SzxUFn6QE^ zZ`Z*=2J_J`wh(`eRO7Pl_u+_syD%dZ*i(;(^PbPlrFXIfeIGrTLeC`hc~paY8umlc zDl_W3y#>{LJ7MnE5TRc{c+}5U_BHA}guLHNatt-$XKw_^HCz+i0cT_2g43cGrw>02=Vd-I*dWi1d}mOJwe?KjIRm?XA0W<(I*`~gm7ZOv$M0O6PP8{I z6%Bf22fy|v5gofPU>2|m?%JIq8_$LbUFZE6@M;%-nOBD!e)gbPa{xbjVgRJaZo~V7 z)iL>GI$3pS5Bc_a0E-LLok6Qk9}pbyrFl<0%qe_UJtB!GTgiqNI`2T!wh zuxjDEd^sph;H)lz{+OkBc9s#mFI)#Rvka)!v)xeevxbD;H^R(J1-@_1P135c7Y-VI zL0w_Ky3th!)I8FNe#{+FeeDPs6p~Jy9+bo8wZm!4rZ&;1K{9l!qTnE$K1t-08~`!( zXRxe7@K>7Lfk{i%`0|K40PC}&p_7tHRLeW&y*dl;2M3^ha5$zD5xb{&5Pv6*1ZmrO z5U8$<`NQA2mjBp+VSTG;%UTYJ-ra)pY4VElZqIsHI6*icn3bGRrq})e=crNfwquNi0L#3hYOu#`y7Ib zt$$(q+moOyaS*E(DAJ?@x7h}tLu_}A72lL+fkj)Au}1Mbyp@?k#W#fv(F!FRCd{X- zHt2$!)Hgi6#er59ieYA=6t%QzK-p1}WKQT=6wf|I&a1ZJTeCQ#r*{sj4$ASN?%RZS z!)oy+XG?z0KMkif<}>3OVb}cE5iixxpsd~xE{-tbNA3zU#Y|V8mo3RB7RBKi<6Y3~ z>kVNa61YMCDkxj5NQd{Skn+e2pvRM-Ui=5z6h-*!SS-XjIDzaJEoj(y7PH!Y#5F1P zqV4W8;PKZ-@KPlTJd&o+wD}$|xau$4`ON|@XbS9v?g6-Q)eExLWe4?gbjP}=Lohh& zGP;Uyp~Ko-b}rEk?LN)}$6O7reJ&D{TPj(lb_MWhl63Kor$qMAb#d=4!pHr3%xv{6 z#6?twUOF)uw>>QH(#HM^ zaH?Dm+6$DZUdk$Pus(*1(H%>80@j6mW)qb(c}ABSmyWmxl2dBQlgeDu_o52ac>}AI z2&3-=W(HXs#~jxz#o+$GAicnb7MI!5*^$@T7Uy#!2k@a&~rPD+3@X(Xe7@-$j z5zbT0$5EBQ*=(+6rrB%+awykRhcz1&Sb^3?5+iXEeqJ-?hxl>v>YI`@J>n*=X-k5&!HZzSW)HYp z`4LC>Yw&+*g|N{23_=*fQ5$9o3*{|C*IC-NB zS9~T3%U<2YlPwSN?Y?B_sXW8<&7%2#fA_(JY3&47Cy{zDWo&5w!XS1g`P%9VkN!>p zub4`_+HS#P&qol4bNTq!NCf}6E}+ftPZRCI+hK&|V)RhDft97Lc>MMVK4#Pu^jT*K zm$%*ovq|S6%fy(9<_0pI;roe1U=Ggj`iAgT$gkCXCgE;fIM(kwkY#Q{j#G}CH10%M zsTed^J{&a-KEa-Y!W_#Z81sfDikv=ugC~C-skBo(>#Ej-Z?8V%wvMl4>FsyI40tGW zo_qs_l`a;m!!a1=*C3krdK3HmRCvA>w=2Kweh0p5?DUA#G35~S1T<5kOHL~pPQ zW-Q|D`)d`N5_Xg=RW5;~h!Hp?pdUS*`!Vf58(uC%LmO|*;%4{NKs?<8rrU3!(w@cQF~1Q$A}Gl>b(d_hY+d;iOUhV8on&L3v*{qeq(dk$Wn<4;#q_&fXu?Nul(k$q0NkqLqb@-e80C(Q8gzd`GuqA#u^IXzGc1Bji z!^#4*9sL~o4#%=RI+OXagL`3X(07>J@(KnCd*AYTFTlgiN&I82G?nYGgUE3LSLJ9u zx&NRYKYuv{-TwyAq>^OfK?QHO&2SLgpJUpj858dY;f6O8akk}rQB}Gks!H{+m-m$6 z-u4@0aclx^A72ECV-SK%#_^+>Pa#uXiM}{0^y|HoTzx}B;KZp?Hb8M1v<>se*@-(a zv*?BRMUeqkb+1Mf+d!1d`i8?~g(mm@ZMZ(Rnk0TW&R@?Ex|cmB(BOHO*l7H~tFse` z;<0X4I^z)eRALRUbREIKE)mDcs(_cmDrCF=xmFgU>Xwhp@IRznf{jB_VV$BC_5@MgU=owVhSv+|M(uo*It9xvVs2cNtmn-7gakwhbT zTG}9ZkDow9pMx+*mE`xlKMEOu9AVcb^rQ!TWFGS`5RV7`;+?ve6ca<5I(ZWM9BrGag?Y_l=i8JTrZa7b8_QB zO)pBc@VpFH%%b>KScD-?j<Ni{zI7z88cc=8hm^!d94 zBV42?@Z`r!Lzwde_*U%6YeKJzhA1tD5X(CdlQfF9#%SV6w-cfZ(*)4P4B9jt4B|;MDVU-0X7^G6IA-O2H@66?g{~6(+%zy&Iuqr3$Xw_7-m{42BU8 zyixO*AFL?&i;5;;Y~uM^nDlNh4!Ch#@Sh32$%*`YsEK0=ZoH<&_x}{$!6CD7PP{W*S-cx?ZY``5tAM(HD#VCXxl)omM*7?0 zZi^V4bayA7%3DTVQlFBro<^AKv#T6dIqj_(6$xk%zF7PI(qcGN=qp!nqT zCi2F770pLKGV9`X_Vla@hP*XFB~}9y-uHoDb1BLX_J>ueiroHqA^7ZC08v7(fuwFB zcMh1L%Z)EAK5d0)=IMA?Jztt`K7h=&{tsGME=7x)YG#sDi!Yk}aUmqqHTxf;N{T;4v$>sR;9Hgjm+MaPqUH>cej3N5Z(2h2W>fA}I*=$V?2eIFj^cGut?QrgkNEN2U%b4hpY?Bf#7<~>g0<)w_;{(a(1iSs>A>h0NXWNot>ZPYRHNJ=J-Mk5N@*m-_-`;RL;t}f) zYXrToi$v4B)sRIDqj{%hqk5-X)rlB;HnpmYX&sj(yE?*neaU!g->yzutfJxZrzn2e z#|~t^O@KAh17S%_9RxWoU=d*{P%4jrR%l7izKMtYwYP}k22;pL z&w$xg!a3dX3L%Lf#pCPagsk!x_Nq=qYUj^|Z%6V)Pv5`8br!qmsNKe_&i5!JTMiVQ ztWI>sR7tVTBP%2)9zWV?cxE;pmcHB8<_6>0_hi|xnI>BnBh8x8;01D@y^v%@pFTr>r^5H z9?D^hXI){jy>)PUUI@Ipu8F2^j-cB20CAV(8S=*6AC>NTz@Iz{4>!Ifhq5jMvAlzY zFBXHj*HxG*^e=D4)!@`G7a(%TdqNvRd7(`foPU@HL)*Te z%My(K&O?1ob9@~Ai1j&~gUI6airS$QU~GU69hhs4UVmSLQ{+H!xw8-pLxeN$|2Z*y z1e$17unw($mN@DzOxrJbwD+AveOd_fJ5!+SKP^0ADMwWgMv@=R6KO)#Y$42BM>J<0 z6pdZ}OQiIt42E={g8WmmxL|@Lb}YOrs$H0bt>gE?hljCPVD=N0UAxBh{-AJnT|Oxi8d25Xo^*%7EXutp1I=eiJG+a!W(uoRE`I^RFk=< zIoWl%9PM}hBQMV+!o}OKVN``Dy?HE;xt_N}g};O0j`$7>dtWY+s;xtVy2mVcnIXC) z$3cShWmbLmJb88f8;VxF1luK6@Z4xNeWpB!I+y0KL@8xzJy+PzO`n9LjP>{ytw(5m ztO}ew_rdm|^2G0$9o0x*L>h-xVRhMW(skB~E3Gqv`7`C{@TG)~v^Wn2FHJzK>;vA3 zH}Im>V!`<*g)?R5?GI1r7 zy!woMI6sj${2dQ-=Bsdb`6@hdbSCeyPNZ(fx>2o4n#N}gME5c4z<2X?_QR=@)m7HP zl)Deenc>-xtY-pi#|ggXKvgQW=Quc3K4Sw~)Sz>!1zkDWpO%exhPy5TSHidpi`@R8 z*ytNGN*DpE3qK_m3!hWGT@9@#6nu46L&@n#72D(b<*W&OCe+nzqU_JTMr zDJF^8LN?m-7V)~%j{~=k;Ejt)Fi&y~IO@8=MVYVYz2y%iZd9S?UcV*5E@z2W-h2jw z$Do|GJ-_Eyhvth7NRaDu(mv`ZTO!+l9?8K1uOI*~ww#0szc-51i|%8P<6#z1`V%Vi zHE8_aG6?-~7!Q`N-EHWaHK*He~fJ$XXPSD!qpE zW$zxSlif!Y?kr&$GC72`>R}Nv!_${Mxr3Q8e2eQstc)Sn zjDyR+)9~5LieDdo92|Nr$kKUN1y17(c#+^ON*LP&q)mdpHf)2WwpAh_TTCtHCXmBB zTOnt0oM=P4kZZMmgZ(dLsZQ++cy{6sdw*Tv!X80f_iv%VS<{AVf3^ucaRW-~ROnC7 z*${I`kJ@#s<3q1E;=1YXJhfkeu3s2WR#ysr(V68$LMd42q^tw;0k2)dE2TkwyamRu zehh9YNuV304wnT^j95nCx?Yu`-otKT-qzb}gy$Z%QeB7t8J$d0y3V3cRXTdD)5qk| zLNDb;4vg}Cz;2e>;vkbF=v@^LKHWC>e9viA(;Y(Yh9ro+aUs33@-}qVy9=G(Q{t%- z!*Q#XJ^m7(fPIxRd_(0;@%1Gw7$VgoiacZ?+N%0fl+|KHt@_WxI)(Glc9#&jw>{r zTpx{%Bs0dWW%o>eF>mjuXtLFa>)!fEm11P9N< zG+bYB9QQ8$3@477u%0$eOc^HZ_~#5KrKrt~BBeJ>Ht(OI1V~}<_JzRTRQObV>~%)0tQ%3Br12)#Ok>x!A>a; zzFtYkWowV(s%#ZFxyg`A|K1CWfWcAgUDR^oclLBs3S57^4}w0uf_wKrkm0{ih#Q9) z@yf&Y*k!9tw=8hrvlTsA_~%DtN3a~55SmGbZ9EQhu3f}iMhWO1RffA8w`0)pU}2}O zPL6+2<(DF&@lVMcn07t@hg2kqecooWUF!$3In4w3#TTPczB`SWEI1Cs4||epnnG5= z@*SCxQo;iIb`c-VGn6gu!?Xc|@WZ7%*y*~KX&vf=qZ?_<&vD9c1mYj6LdCN|+bI&qKVs#uo-TxThNGkGL+hy43 zx&vZ|Er6%z?z2`UN5PBun{51K&BIMS$T^sV7N<4nAtOopxuqCN<1E;N=kuXa_^pju zSq_RiGBCW(8Rl(j61WHPi;q`4yzd0JM_RH{`A_+Q1NeXMf`tzc# z|M83`pK;`;VZ`@(BI-PyN%W0l*x|o%(6L>KC?4E}CMN|>;o_;-8Jg6OY7%E3|b z2J`D7miV~Vo7`(jr~PK;Alqyyn*VeK%-22z+TTtxO^+&+ifhN%r8{v+?oWs|y6igG zAQ4p?0_iE@&OEH;>BW^(;Dh>m+>n=q)f=WkVXGxSn5)A#MTWCN<>91Za1yBK%*UL~ zj>r_sFnoUu$@7gR=PgC7$M&YEf3`AcPKmF&azqI~I~`-!ZUy414Htbs2p{9^xK#anGWXkSJbL~oTeGOT zet|eb#TD1>5OTq9C&G&KO=7c^kI?4UQj|F~3LT>DsqyhN47_|5Xxs=GyZt@Zs5n!5 zcX?WS{2rF8hv4<;fajmZ;S<%rIQ8xb@}m152{aJF4Z(j9b8#=Y_Qk?Aza7}|-y~dI zq`^}P4#Byx)xzhE$H=3*P;tX0bdmVQKJ@Q~y_44Rst*OEy(kNtzBS?7n0p}Qq(!YZ zJ7H0jCN?fON2I6SW`3r5VyhNy2=X>Uy)q*jYVL|%Ckx1Z{e@_BVh4X3xeY|QzuAzQ zOfcH&icx=ug2W_4o~n1A6qO{9TpEv&^cl)UTxXB3t>M+X6xr$>&fLV>kh0I`aF%Zq zzOgLFNVl74rfmfytJV_Rq24UjW-SJ-pN%P(29XUH4#MAkweVo@H&S*ymb?7!V_WAc z@ZOI(MCFtZY|VG0L5H3Y$E2lnQRou>>{rDr~E+7zXYD0Oj(<+>-FJz67;j6pbaQXL6 z>B_iGIv zu&9R{*+t~#yIeMI(JOJNmKK3AJQD4C(BNatzoP8UuBV6Bcc6<6#Z8$bSD1DV37JC+%su4Hm})3BDP9GuNl-QDlW)6Q;Dcfzq3+qIO|J z{B2_@EuI{Q&01ojC9HH09P|Ude1EvIKb@$rl;SsTJ%-^`C-K!~AK)3m;?AK2eVcnQ zWZpuu(RBp|M`^&x+zio}-UL{w(1%HZp+xg?2QhCyik}C*Lq*RQcxmlnv6u67@k4n+ zG4TNg2>N=-?OXwRTm0DB zs!DcpW&%haPKSJUz2l2mJPYw>M5T1DmuMVssDm8ITJ8cxz>`jGn^^f89(qW<^ zIV)PSI1iE*snWTMKZyR+TUh(p0@p5hf^u^f@X+89vBEJOimV*K=EiProaReUspJzM<-26#_!6P>Q4YF1 zA3GeX!SjzQ4IGg}Y;rH4dJlu!&Z)>{RJq;z2)yTe2-fVbB(wHzW=&y<%zeN!3^$kN z`pR1%JS!a4eknuF_*1AbZY3LY?iff}WP$guK3KK88^^p>W2p-c!upkiX;zUu|NPFJ zEtXT^an=Pe^QRA2aZ6;zevPDZs0cPbGh!!9|B7$i&4FzgPjr`7kj>LyiT4k=jcqH} z;o>QN_>QUbQR`O`*G+X|v*D}g>mRG(eS9-a+n0?$yfZ=VodR2Y_aQK7icy zYnanpDLRp!P6nU(2ZrIc==`?Yv2;KM9&_%h}>pN?@_c z0oArAK-Gv8?7uC{$fbo`$-lp>sV@iSRaxVjeTNVy--YmxI_POC>{fDON$dDYU}8GZ z^`Cbj*VugyPmS3M(<@x~@vv)T-P^ZVY5WpSJZmTN*JEKw&o8E5`kNgs*o(~vWZ;>P z9XZyc!BwmR(fg$yUs-EK&s-AnQLloSjKw@QWlkY+HoFcwYX76?yu-2n-Z*aWEg8uO zsg%-CJm)@9q@9L}sAx}VD9K0}A%v_{R#u28@tpg#lvGqoLS;3+E$!0&eSUwtE}rXp zE}zdi_x*mqUe#oz##)>)_!joWe8vK`5Uh?m$&&uKvcBqI$a1bn{liZ&I%F-Gm()c3 zEQfNpIZkBAA7w1N{fO^ABjQefWN6%gaP~~t6Di7E6UxquFn2^BMhJb>#B*ir>4b2a z^qj%Xzfw5p<462BcOjC-+swGxn#Qh{zv^1_@{GI5T;! zb!{Zgt{~9uZwNM4UhrjMBsMqw!-HRD^FSjXxNw7G)P^G{7d;l#F7%Ts4Oh@iLQwpx zfYZ-Dg|6vB-|bwz>{ilt#D$etdczy{GT5m37aeXlvIn(GfwjlreBtw+ zRNbkgJy8VfxVtP*-`HJgr#GFE#%r<+3}mOZ5t>-8Q0n zdP&6eevGIQ5@E-rY~uAW7xy^yu#UQ8lfX2DLYa9lKeDXy(r zLd|4!c-R$p!F@Y`$Z8(NmB*EM&v6IQKmXhK=}j5w$_u5J77XV1iUxDDHCdp(T8%ZH zJBra|uh81;G)}gV<3SPy>zYMt-_&8rogDIPKn`Br>I}b*A7qo< zgr84RX2qKmF{H)?em>6;I-1u=^Z79TEcXf+jd7;nVM-ng&aBx@Hgw%RM>5KM9X9nm zz^-c&_;>ID!Ijr1et9^DNsbMLhb3PjpztY9Rh8l%W}583BYDs|{WLf}>L)L@d(Z*h z5AdOeGS0p&!?imF_HNHFdt+sNQn3Cm$-C!3O*>9t=EVo_vUQ7S?_M!Je03SN_&q17 z_0?EWkV^i3?qYNP3G*M_Flcf(i&H!0@p*JAT6lj(4V@n_ASP6Nc;!g?pVSU4Tz?sF zN!GFS8+puXTLlK~3x@RHtHESx6S#T1@}L>D_{+(Gj<_|Q8u|L*wP)_cTYUw$o`PVg z>5t2Wrd;G*;r01rHQchD%_Zk3b0yRFq+ez$9oQVpk28H` z_&D1@G_IE7v!h>wyIVM1t=Hzi4MyOWl}T_qzDu-ttuOmhbw}vVPDYKl32dvQ1Wz8N z1KK)%aP^=eeYMS;ZzX1Qfpi5P4seC#AD4jB?ix0-|Eth(pAM&gIq*N?Sxo|#_Q%cRMZ=%6IFTO4*(->B#5LqzSSRcHrbWj|K7z)<%^0oUhuK#e&`a=h zJgjpQviitu#=b_ka&5Nv=`SoS8%PJ;cIDsZH{rLmUQ(UErnWloU-$~-9uTTI7(KJDdr`UOmJoiuH10x>cwVx;1UE#Z0 zw)re>TBVOXCM11IXEeO3)TCbqTeIUg_ESZc$o4h1qk&ut4lXl-BfV3Y zs=EUI>yW3JyY>^!PlM>!UAx5@?i1m{oB0swwhcCZ58yUatn4;cjiLq?X&CtX5Q&#g z#pQLaxY8pG_*Yvx4o%^o%5_|q*^X7)2ZF?wc-B;IL!(xwkjNp6aP&oiRhBLE^Y$5V zFpI~4sb5%K>k&9=`k57uwnep)Wn3rZoPEF>H>z+`hB+AQ#}|`yaQrjjz3N;97R}!< z9_pd=({Z8Wq(k402!Ni~V{wPFH~3oi6W4``G*GygOE!N%*&pt}=KGRZ-#mOS%yq?X zqcMKK2XGcT%5N)8_?RE>$c4dLv^{ezNDSG)-i21fh}o05wQexHy4ee^GD+mR$5bwF zxQJW2erNjii=fO;3tG(5QUB=!sJp5}^!D{&rF+H&U0W~IuR4i^ci!VB8&_I;Efyw) zMMLJ?7#J;E2K|jw&~lXlY^_d)egCSNW#fgRn+-ixidsnlD){QG5`O8%(O~}NRo0bs&4?>rBaSZIEq{ys*VeU3w?^b$;Pf5cQeCh-WtCE;0ahr#RB ziJEJPIDdW`u2@hY&hisFYEuR=?a@v!qpC%8=%+C~FnqfG#DYdPDL4hb*My>jbPqiI zVTHEt`LNmZA})~}fV;9@5}UK`aHaJ)?$K8i#iqOfcb92szCwbpYB~Xx%!-%#TqGtZ zF5@e!D3lfQrN7?}=H9D6gX7>7wyH^w?#(yhEm~W^r#=;q`dITE`}?T&(+JDrU&5K2 zOvssN)3N16WW|Cg7~gxGq!@L;{@RxSTPQp*h=<0E(Wo}@9Lrd77hV}&#(DPhcydds z*zWgi!8PcOfj|7f<(wp}s4Nsaxpax%Bnm#M!c(G>`dqxAVuT8Ab8)QsZ*bW;M6@m5 z2x6TxdFA&bL}N+}`Wy%m=?XjjSMdj7zQb4Cq+|nTMrY7lPmw68S^#f9$zDoZ2|Hss zzH_M|w{Mc6^Dez7D&?^v>uZe`b?#N!>LeEC;l{&EaXwkME>Tkf**6+vX9 z>Q?m5n8aa8DjBoj5ICOJ#y86f(95xp1^gZXP42Sv+~+e`5IO|BvvhcXLJxFL`U{~m z=Yp@RDN4p9z!<6LM0j{%aa0MZRulYoBB6)0(w*22(4tS5w1Ro=0?cr1BFDUBdG8Df zx}vdh0MZb#RgVTsYti3Q4`K+{*d=h1i=GelPlvYp{hKA zF_w#88V10`3A>^DZzO~oEI|#Qhxl%l86>>EfH$uF#n7o4crtezlb@W=F7E0l@iyl{ zV{SCLs8&#$lcCM)bhg5P#qFXa!adD??I_IXZbBc!5&S>(4_NdY4Q&xC6?+wGr5-vF_kum`(XhQnn4 zKhxfW=M&q(A>c5oc8rB}+Xa^IyeT-x%bN|n)q_R;wL-Qx43g{OSYF8kxLJG;mTvmO z=Cry)&-rPvr~EZpY4-%gB1<8sS%IgGLt&YzD%Q(O5ceogbbaN6FNQ~BO_zq?vzvmE zy=ru<_X@G*>rnXQnZ}Y9xxf(PEZE=di36K8X`JvsXg#KZjH?^W*>@K%dt(;eLUiC3 zm4*1uVPG7wUC6jdus+>;;!Ag|D~P^VXK z*zjrYzBpjKIqf+s$8&#jw%h9$NEYpaQCI(h*(n`9T{y>lI;2cLR1c>0^R~bi1q3Ib zOC+{r1)j>k%0`XePBsr#;QA%AX~_u@Kk%v)xG{sAN~n94EdVk75H+x3^!jc zAS+u6@#lFdh!oX=lzIeC5S~S=no7xLwIXaf9gQ8Wx{wu5(W&&;QQAA0jin%WAgt84+;o?U%^bc0x(Hm`e{^6zIHFF&tbeo4cnOfA| zaSX;grh%?UDwKG*vRS*1ll4kcy!6&4qIS%M9&>cS^$Rkwu85*bjPO0Cy@Ppl2tQuq7^i7qSgZSq()%>&`v)mRv^Q=VVd-pLFuuf|6C@wnOTDMZ>&g9*!S z!#JsE==`XUegmyB^1M8nU6d1M^MkSU&=+|4_A^|tQQ<2_Kg6IdYcWtl=w2(W1hJ)% zefnL6b$@n~#1~_zqemPBe3#~z{W%`lca9C-A%ZEwSzW2>8RSmBk1~Un(IY>KYTagP zp-<*)2p%JtZrwja+dE?xDAdpXH9o?#8@}Pj<esSgUgnlB@ez_7+Wk zFvpen#5zETcrSQp8)3!fESSE2tLW^)4Eipl5qhU~;%PGw?h5JHn0W&)nCRI16pr9m zM~&u-$P=(X^_1;SUQI4)#Ni_AST?!h59xR@4n}ENW1^XeW2F|W7P#{Zg?`NZ_`l3e z@&Fc|P~*?$t5c;UIo488&a6KwGnbLQqNo4)qq}fNQi@xICuNTj`O5K3>uN5zr5oa= zXe-|Oj|!Q-mpD7sg3s|2d)o&&h0z7)L7 z{)W=)u9C4`V(j`EC?YcuA2>i16Wx~GT zcrfltP=%|OpGc#$F`Lseo8PPKB2kuMN z&?{QlD;RZwpNuU1E0v8BondJ7M$kpy8pwYM4AD3n#_SHt(qM&Y*ie6f@$zmw*7lwl zUUr1b&E0TO;GNHD?t;f7M({fKMvx2D!Ol7v^7(r?J1{|uruZ%=u0z$Sm*iELlxoas zeRA2?>NYaQcOFl%=!VTA4T?ugne2CEdiIQPbQetOU$ z9GY8QiZDO1 zjLsg>s2hEFC`*G*-y*{czYL@PX39+BhroNhnk$lCe+#T9)=_qfj%k5E_PD+deCa_$F4LO-a%%Y_x_vml$kk|M=UliNEXyfaqW~F+4evJ{li~C;#K1KCl+dqQ%g+<}-}i=pfbb*r>u0cAN$jUgzEy73FpAf zubGT_Yk={MQy3E+g-ITTFx2%lmh{{dHOa@oJs~%IICe~J@YdzTB~le`-us8+9{RB< zp&?vs{{?$~b-=Fqt`Hm6du_1;;`A8nV zws7ZnW)Go`4^0H;t16BE6osujFAF`8lVFuo0x^6KEdLu>yF~DsdA$P~(Z3B7!@9&u z@RCGS9fWJUzLBguv-t*=4ps+)@r2_#(VVfl;Bel8s~LX7UkYYmJ9`u9c@a+5Ki`J# z8GGRM{b~5)lms5Oe8J!*@7d7VC6v# z%vSvd|MX5XJ?j?eHOs@E25YM5f1C6!>lD^*%TW*B;I2_|tfgcSzd0)&|E<`7^w<{? zDrbwo($>MDi^b&0@^vJ=dK5jBbDEy%2u6)y;ko=tkz$q}bvuVJi0II!>3u{oq*!cr z!kZ4WOv79aO=>0dm8H9mK#k@Fh};v4x6>{F?3LvKqZTl~e?L*vb1w#KeiaX^35KbK zuSv7@4f5f+I`5d#(S91bK64U%+;HqZ66QSOMIE1yE#`Z z>9pJJ^Hx;nc?^6VAHfIjvux|tFkV@YXnZCOI{l`Twmok#`jY~^vMhkK{8~VVr%00U z<|62v<^s5^036~P@p;lJY!P;N;y0?yMDr4J68a3whCLuDq2Wx!xSj|Jv|5vu1L-B{ zRyIvGlze{w6y-4i4b?4iUz!A7S@HpYg#Lk|>;9dn; zWUkC9n4Pl%zwfm|pO$pSHV?tyYFR9HLMmQbpaHAq-+^}ZP+{(l}1N=gG?>ZY@0%gm2~-wMXTX{r9Q^1 ztc0ARaF~1bAyj+*0EbsWaBiMC!n8bi<&ecH&Ren5BXmKn&6rsaX=fi|op6uAS2E3W zHe8x;1wYPs3}1@P>EDo*7$0*EyMFl54D5S^`;TqF(iz9` z`7pr+L`tA^XgU_E`H{|hvXEa~TQl-l60CG{z^Z%oaBs6Dom2Z1T|(MG?p7OSjfuw* z!P{W-szjWU_6z#%ej~O4>X3UlmsOIB=yLlHwiQ3ezp9R~>F`5*>ukpRnl!oh#anE} zoOXPrd04zLN8q6^F`;G)%<&{z!<(tkaq;lS%sFxs%up&JsSo9tj9d|vw)|qj`42#~ zKOT+s?h9G7VEkLA%4ZE4Lz0$UgClk(G-OF9Ik|cVbBx@8yx)~>4PS?U`iH@{4^w6v`@CsZ*&p(3 z*aY$4K?%%vcpwfPGZY_9ss^%H0na^1W^<&zu*UHDLO<&edizzd(LTFj>1s(vlhbkT z3n#4H^p}X<%COO;&f?CL(Gd2m77Nx|h(_fsVjnIphmD7yiVsEqgzK`m**O1dyd!k( zzHL2eXBG%xTKyRE+az&xMHM`-_{#=gdqiAr1cH0NhWP2v5BPq{0T|G{P~_+p1b_SQ z!LVXgycMDa-i>8Y6-cR zC!vs1^^Sb+%O+0)>R8Tq2@-Qhg}!V%NxU-%*EzEUTTmVv-rj@82?@k(Vm_+;cuCd@ z|No08e5uV)+0Ak%C4-lQ3%ENZW5wtbVDCJh&&f9g+iGq0Z)z%r&FVy_52pbI=62b6 zS*jxR1NsCxn4_*+A?!Fj316q? z;B|)~MCz>2nRM($x8s64=3XER&yR<7ZC&8j^OyOS0Su2c;}I_>3x49^aHn=8oW0cm z^;h@efIG_KedjtMVN)888YDPgluOCX6(i7i(QM|ZDNDb_+mP=X-{JI+Bf!f>v46JK z+&x+m<6eCR-QBggBUHY&tf(2JrxuaXo=o&5CIT`)slxI`cRDDg07AQ>1Rlm=pFh;-?YAnB49!q)c7lchc`f zYuYE+ut|l>53k2Bq6Q-4`5%01p9jS)zAWx)9C5E7jG(X_LIsxd)pAWd(K3kl_N>Q^ z#rf>d-WRq0{`0v)$}swgUB}7ePoSpJ0Q&cf6?%F!;2gniXf$IG&N7+_Ym3_mjZYC~ zCU2RK=^XlL_Z5~^6bxa;3*dCjBV_IAm~-cyTXE47kiBy-pDQ zyQvTznhrt?mi+u`!FQa~#xX_{xu2CYZfc6b$9d`OacTh@Z_!ZO9B<7|rQL?g0tU8j z68wf!6IpRFjr^Nv&CeC-V7=dD=s20gCt12+#7WMVN-cqHvZ+u%OvqXG>WQ4HOX1O1 z4>Y;48uu)}08QgdiFG+=UsWs^1Mf$`Wv8gWGpv2{ti2X5}D*2OW|xd1ZPOU z#qI1q>I~?GRe$o>wl{sO-s(O1zJ4hSQW?bu^@d}s+CNc!Stu_*whwMB*X0c#^U0XA zzftrwgG99b!;ezeYKNF3<_WoyhF!YcMac_G2ggEbXgow68p9pr^y$RD|1fFUJQ%(7 z7(`~CfZDbC{ECb+sXP7x*Lk{Nc&|RF4;@IIl^enK=Q&7BQ-YAi`uM#$pE$HB)7e8q zNJE=HybqP-K_*3PYTy_A-6e+;=1c_Ly2HrU)-tBQ6|`P21F1tF#B}67?Ax;ieOEfb z_Q}Kf<2$$E5vhfD77v*8iFrJ3qY5`#IFYNYY9SZ?YSInu>a0WP^30#uMzR_kMNL0O zft9@!cX>S?Z!h-2c|IPv{^n-z(>?-QVvBHPY#;jh5gHP64{yB$UKeX2&VRXx>~9!I z=bTc&ptea^cYhY0BugMen6y7D0u89YT%y7?KRrnPB8%$P92|o01OzX8ewGaEjHm;Lm z8uD(`FtHWL*J0E=a(wO81RGlAki&LY?Z%V{2dFVL1^o?%v|34v4$cfiGmCk2<-JZ^ z`r!g>Jdlr{M&A>?-uVK8!ln6k?-&@YaUHgw9Sa+J1L&9yiTL?M7Kn2NPO3)%stGyY zzF&9Q&VX|Ck#VBd#f>=KOc5i}4~n%l?=r>oN>tFb<05rm^3t*#G^V5yh5TN!aESxU zIq?>zEzriHun%@MG~@Rvk$8W{Vi@_%n9@lpWT-I1P2DZ{RW1p+uB!ut^H~-q@9O|t z&$0ZD?+ILbT8ufyA0fS8nd97gbS)MkkEms<^HhoSlHWLX&L`2PUTd&BTZobB(a7FR z0CBd2C_6iYw7-pn?_cX+$J<8ua!DOabyApgWIgP>CQqH}r_%nKFXTi)2$>m}gqEdg zc-rp(tM^yp>D${$=Nwh)J170=6V$W zl^w<6=Us#&qD4HdY$W)VE+(n@CfH~!oO531!0AK!ylZ3u-kI^1nLoWFwiDQHKbNfm z-?grIc=T;3-~N^9d0c_La{lCokhhRt9fPlx2Gi@wb5LZf%!dt~2U0dgOe(Dh+`bE0 zgWp*g*W-wRtGwA_O*_wO^JTBavT zoOzmfJwF4wq1QwaGrQU4`D5AX^G=|UqXLs+gGrBZJ3HClNEDCUAv?Xk*&7m|X=N{9 z_vSMg6f2Fp`;+W5THmuh2mHZMw+0)UTEOst9Nq0^NyH`(;QAY78hkb$-blou^ZjUX zsIDvTwwsH!$`fFH?FR9{W%c-<<8~J7aT+TGx83dq!ZUJ=0xbK&|j8=c<49DNi*ha7C8w_NFV%XzY+`VI!HiYB>5@chC5aYpQ)k8evFMG z4>DKgo;T{@#0oi(S*rwgzdn#IyQ3sK`#78#=>{*peS+=n#qcie5Z=i!<$>PA>ELN4 zOq;xdJztx#BWD)8%SmOoCw^pEFSU5f({VJ@yHb=sI*E1fR)(T8@5PzLdU#3aJ~3$x zN4+L7YcM$hWy!Iqx$za&oY$e73Ka2f2t)qj9t79a!`R0Y=nAE?Yzi)cMQ#E^SW=o! zC~(AO&u)X~2xSs_`w`PWF$BJ;ega>IV0?5*1WnpW@Z3WZB;91-M~o^B7V`ARoL#9~ zLL`6E9gm&v;V|D(0Uqb(!|UP^B*pa^Y+=O8haPZ?PI`V!(m*lIlR_m z!C{ECN`=Efx`U(tkl!Y;De{h;uY z{tru?Z(?3~AKR;N6hz0&XnvI{wkTTgS#PTB|0!IC*puTRapqSzynHHukmxUxDI5bH zmL0fxKq9Vsn1!Y9!%!n_Q}uw9NVIu8hGe=7sr9lKxJw4!FzCA$tb3*hyDVJ9o2ryy z-?n%(8ezbXE}Y4BtX8FE(H}8?nhBoVBTf57Texme5cqu9%09{au(7XZ!h^-_kYdnQ zt9<{5U8dmyN;{qK;#Ubg74C_$&4{t396mh%h+8a6AaKhhGPvS4lP%th2Hp`Ewf?QR z&C>>|rYZBUC874mN2ycg%7?H}Q=dw8a){4Sp-sDuu+Q)+d0*ZOiqCX;xUmz>OkT^K z?`^>>w&*d`?K_I5v8(Ah+ZY@(?Kz3Nq6WFbj=1~6eWGh62NiiY+3Sl!KJuXo)7r9{ zp=9`bp_XS6r=3n^TPKc$KzgUz=lgrI8-SG zo!a#1JpXKrof}LeLnqP({Um5f4#BO5)iKoM1_`MjkBY|AX!vLs$d*h+v#)IsEV_x^ zGRHx6l#zH*YAf6IcnusEIIek1htuU3j_?g9P54B)gxbJkfz;i5EcV^}|4eYMDAKYL zZsqR7*fZO)%DxZrayV#ejbinCAF$58X1KXnNAPeDqpxNAU`&c8N8OpYvE~bNG7LeP zaW`Soi<{8UV2fGRBjNqs8#rp-QONw`K!ej7L^gMn`TcE%?A6Z=Tw}vm3@f)|=Y%|} z@rT>B1B2>_)xaVY73AXIN6%qbUm6jKQcKKrv*c`w*^(_QGB@Dy9l28j-J%?HIsO>R~vuf$^w z&Vc17W!|&Sn1xid+O2$AjQ#~jF-5l!ldIOkN&|vV{Sw*lTt#~9YcbrBP@;$TCF1b2 zD)v#hfhf64@O!bBu|8LyL}<6#?~?k(vhRE&vu2eu5A{&ID3d~roMP>t4fjXQnHzBW z8DZzK+=jYn$$-@B6rz>697QfWA@kH(VjFV_% zU`5#y{9H!yM&%3W{*yoqrB0KV3o~(ujRei@3&7It&q>X}X;`T}h#w{ksib;2eiL~6 zTZV;^=8=bS>FWR3yzkO)LM@)xmjC7kj0k#e-MoL+|RNu&kpVQ{`Rp!o>UNZW0KO&MwBT+|43`%{}5Pso!AS z3~6}%Qn+_I)?#-=8qxY}4Qkr~cZYFQIQkva|4hW}_@j`p?I@nTRK_aqk75(v+tV;> z6YQ@&Epl?6&n~Qdf}d)ZfW_U};?m7A80V^o1wmtQpMi)E4cG(A{)^|igBQ^Krv+d1 zdOduj9>7i{3-0MS~22K1=mmTk?t$e) zE7(M#b3>SVyzGpx=~>ec3NM7qX&m$S+)U}a5^vY`))6?y|EXXH79~f$2IV{ zX&_$L=7zV*CBf%Y4S6E#N^DlR!Cb+$CizRBhCWGU=AldBrA0sdYwgC93YW;X(lB(c zi$cTX39LJJhA^)T7kFbzn3p4DNUT4?85FulpXcIzkJE7VT@HS;`y%ojSB6L01SW3E z3YaZ$R7Wn6fNO8fDe#rVQ2#l`+)<(pU`*~x%oUxUG6s!IC$YZW>3D(!1I)1pwJ(GC zxT+c4bThEHlsE^=hb&iTxb@-z6 zKYM%{J+@dJ4crf$kE#G%tq)u_4ukK~(_}pO$#sg5XEYE36&JwK&Oap3D@9yqGZGB+FR?Y%1EEQ08rsd8 zEp&@Fp~>m#{7HEmG!*?2x{o6M>x3g4cg}%cNO5F&-sx;l%TbzZI7#ql%%kE4S?2d% zf`?g7q94r}&|BK{QU44!=dCmJt^doW#s|XT_j6fJ$UeTd|27P65$3h6_h9-9JNj$W zLGsVtfLDC%7q>sO!2IqMQ2IC@>{I`s!`B0(_)i-C^)JA}XWbayd55_OnTsS_Eqr3@ z$$ht!Gwr2S<@4tpza}xHYieW=SyI<+ZlWQD+9lM_TJTv`T0B+i4EvP5gsjPJB|iiY+pGa6$@7ivBG2wZc=%@|S>LmY zna|%%Bv;Sivn-_vU_GuKsL7pYSW&r0KZ#|~57DKMA6ab9P+Gj)3?=hc;CzKoc=Ckc zSUUcWth;*}sbvOLn30Q02MH`5wHv1$vf}&vA45WR3C^D8L2E27fP~Lud{q7o&o=+S z{D5{gLUji&`kW4dEmOH)zy(;4eF>s3H!$*Y2k932M;UKs^0}LGpv&zcJGkN*oI0@- z0_{@pu%-*soBIx;y2jJJ|5>oxp#|uwp-U%4zJU2!%2>kWxl-OmwCb;e>4$3o3ItzM zO*R;AhzFnH&Di|HpP30h&z6eAxNYw#kiD)BN8HA-ZHXc(wT9B)t4#UX3QZbcZjQy- zy)bN5lhCspgR8TQU~0W8N_|)0^%6(E%kMe2H}UX(OkA1kyB z@cJwvQxo+lJB?ZZ)AXspLuMf1o_Dgj_9;=y$m^uzNya=6}!ZHag* znxcFeN_#TlYyU@7J)6c>$t&?UV=jx+AxL!ha}X{~55b8J+u7UJEBO5Bd9lR7WVm(x zEv_w?0wrG(v18(AvCgQO^rhogAOQ!k=V1WWb@s5XyHarSoguX`S;IS;C()a#4WvkY zIT~J)XQ#42hzgjG*xpQcu!#`uZsSbGr+oGiEi9^GWi9LJ)m@UCufT*yNP zrsJ^O+3faJPcU}X#-1iA{QhAxl!U1A!NFQI@rXb8we5y$Q|^#kbThTzwI4s_)et@Z zlL-FzfgNNN=0~o9F7#9Zz!D*AsuqRy$#@>PtcT$}p@s`V>S0-zz1& znO&4SKz&z6g4yqnP^EZ<{TUt2UgWmmw2N(Go6nngPtYQ|Br*Xy2ehGQZ3Vl(t_$MlBav;&@zYXxNX#Rvcz!*>`fD+cuY=vh3(ReE zA{1v z5ng^A2KyhjlI)WkVPmok@3(CQFTuysvuhs2rCVZ6iyM~xRl#e%Goekc1f2ywzIw|d z@!0-Bq{=N2%+3u$k4t|9kJur0*SLipe*Ofvdu5T06GlMv>`@?2kcTPb&a$Tg<4JMz z8mOOs1%DrS395VU;?ANE*kryM9(bIENfOUtLY5?+av4MCOq&e_E2XJH$TDu4eg>Pz zFU9#G!u_=U74*&@iZd>0^S#+ZKJZs5ss3g}SBC2Ij+PR*?^Hvq_B%pjy9MehG~v09 za^kdZC?98nY}T3)R63{|Tk@yViNfzN%t+w-vwvU=I`ih6))b$dBg6ZK^3Ux%fOp(Q zsX#jzzStdd+|R(9=N9z7RTzNE5B#>t5$gs@^X$sic8ag2n)x;(?xXGJ2{|12RU`8qaRMnjo)7Sr8ohO5XBYWxpCGQf|d+Pm>_k6r1- zO9s$;>$m8}$`bHd)&j?D2#EK$vjKLGa9dIgQP5TpsSOK&9U50)=-TCM{EYpmJ6wmW z`I~Xc$}3F0Y9{KLPGI#nDlzxadeq=LoX*u@o@+jUma4G#J?%&@SQ^u*azdBQ?hedY z7z2}LNzQHVqPT@Gj4_d0%=qo*LI6 zYSleR|DNVJ%HTQ--8&vzm1g0qMNTZ@gA0a4E(IyCS2a6qi_k<%1rNF|rRoj4@w0CX zJGRRR)pRxJepPc2J=_iE8wHk_`#jp=yOCrRmBLwJPGr7xDi~|tBcmS)?z&gHeAHfJ z9+2z{)w;HHb<}s!-^vCUyGTi3DG$ZK$AD{xui&c&W@C!gWr4Rl8V2ed!RMJGqI0%_ zrLJEGl^1l$%-R=lYueC}oxLKl(Gt^>_7>4r*?H!EHkRV7I~-tQZ*$F87Dw)Hly-Pxi|3 zSA)%|#;#(bqyCaL$h{}GCtrYf;=uyvbqKA{n#8%(O!&6K99y+5`jpsV>iIE4XZ$Ag|+{S*Y?M%G8@ft{MtP}h{>a=-A1$LY7!aK{BqeX%Y zH44`vJEf$^!)XR|m#G3i$4(Zc7>Jr~RZOR6Fb!{C#OGP(W5J?R27Ia!Dv z+SDj=oS&w7(i zu^^>z)VDRj%{9j`^TK78L>2fl(Tu7$Nvu?EM-&oFOz4){$dCEmIBVcV|*qT{3(a-N%E+1O-=@VbD1p1p;W zjgQIGQ>k!D!UV_c)xw$|2QX~$eV{EGe3;Tr)K9J#x6gkG7Hhw;^hR_3H7XL4th8b5 z$@TR7@+xwE!b#jRw+}t-%HXE{UxC@U2{w%pJjc>eG(92!4y2zTCrk#>Z{q+KXoukO zRg$d7suR1;=aT~?<><{#x#Zb=GrleH4I1(tv~zhl{Mv6xI&I&>ul!ul>~ltg%iSz` zOdj!Y_Y_OcodtzU-h#el6wEkfMhy$nplA9NUZH;;Hlzz|pzaB{*IS1Rc|`mXp-nID zO#;JL8vMaSeH;^FfRg{Y;k~FLvb1F}&J$jT+RKtbdXy?1dQ}_ZhstpOuM)H+_9Wb# z6eRRUn_$)>VLw5y-r{gx+=-#d>zy}k_x&BSMYsSIeMiu z!9&Rde2&U0lribY?BYx;@BK-3R5pX5??`^BXF2>iqC&#r>>+ktHhaH%A*!$3i~U=N z(`o0QkOvy4S;5S3^62FXNG}))*&pY#W7a|kc}*^n_UOYg?N^EUoJ=zO-g(R!Sct#6 zuVZ%WOw^yE#fy^ekUJ5Qbo!9*%;t?L-PhezT>(-@@j~#_Y!W?OC(i2h04tKDAB1t#aO&9Kw*YHBf714*U zNi5%5gic2P2s0ed`_pSgZcg<$U2zN9VQ9wfnkWo4UkddbhVl`&MuTX7JASpe!J0NZ z^PjFe#0L}1AZO7CRcfC2IS zFwI>B*DZa3Mh7SIj&IS}a^nNezvD{H>y`k9DDaK@L^yMdDbG!b#)B*K(Dvg&>@Zm_ z4i_?i7atFR6?XYNzU>x~k6Y`C^EJ1!rFKDh_2x>LpChQ%P`UPlF*bN^t5( zn!vkr;8oUhVBORw7(HM&d3;KehQyv0rwqM~M-6lEX5|xf_)e&=^$6Ujw*VB6TqZ8k zH`r*K;rP5|As+5LEOxzaPD*(K9JBg?`WNDHlaVaV8Tmho&NQs1uMOiV4WfC_AWe!$ zqoF$MS${)C2^m9_5|yMvhKL3g6;TmIA|fJFQD;3Xl?J3#rj!gJA|zwPyWel;%el@z z=UjX3weIJ>e|H$@3SOl01& zwp?o`ew#6c*yv@jGe75Yiyzx@>A)QLoK%QCN^_~~d5T*P{zo=j9)_!DywEwwnXAfH zqTlZ+V<1^imL5=Ny( zK!)IVJL;O?u=kT4dfKGG%lTumuz57MJP|`)M83m>qpjH1{#oG8O`sFKqKMN#e^g!Y z5YA*h$9D-*tU1JjXSJpinL*RZkw`7@9n}aAwqJtte+z}#f(KkGoPuFqYSd@GJ$*JG z@l4Ni2R}ZW_rDeRHIK)z<|9I0aN!~(riJ2zLNdJelN|hDy=XrBINE9*#>ruq1n*5E zJiKy|{J|bn4>^l#)lA6Ij&Qcps(}$OXcCiyS-r#fO7aRQ9nD$S*C0aao49@*rg4@={ z(p~kkVB0tms{e{;@5Li%8LY>4%XwpxFQL8BzQEV*6Fr!9n-vFyq0CbsI#9k192~cU zySF^N8Jht0J<6Ewyc8TS_MoY|1OK^H*ykz@;%SRLz`VAK;HOdadg4@Z(wc{4@1j#+ZQfq?H);~K zm70bp7Pq0j-f=eh&2+3S0kT_DnGK7VfRx$pylh|?c@?k>vub4dfC2?PE~_clYq`mG ze>sV}gVzuryE2SPUIf!s%UECgf3WMDl)!^qO@m)uhY~^mdvCN4o~S!gKFt`7BVIsE zR{-QpYeP|H7e=MTsQ_5G!x$=8{d9cNEDjPZV0d9?)f!e#K z!l~SBG=4gkD;)4a&v9;`5x;@l2N;s|+8Yw)$;sec!Gk9oVEgKXnwG{0|1lbTd{#kfiAef%KW z`9UOFx!)aLnn>fu4o!M>HWfK0tkCPe|DL3B8kw;eO6Y zey>cP{~W1wOcI*lm2Rxe&6*T~zJ64AC;f0b|z-zVNwlC37%5Q2fe9OHYP; z$50%3HJ>~+@uf{NNWM^2Hh+>E6h&Ng7!}Y&zIpG$sXZgWsj`85xVVSS_Pzx@Yr8Nq zuA1H4rAfDH&%@4sGph7HfGi&>7pY)H^A|wGl=b>BUmgW!?W-H!P*(}WSc@Bu^tvLUO#y->-3pKde3Hy4ip?@ zcb7Mk(|yO_rpqTX<+>EKw6}qcz8jqtp203UEkoBi!=Q3VfzTOPj&uG>(!e!i$nsxD zFtlz2dG;xX{L(rrGE3{mJ%>g@@t{6-a`OQg|HB7dTm?OC-xYk+vCiR7qb+^bSjc2{ z7Gd@4Ep&297YPvd^;=e*M(xTgpt>UlvTa(islO5B9miqkD$Xv3$H0Kub>f>x{=n^1 zV)Cp`7v3${311z`@Rg;|$#lY;|LM8FMs6QKLuMOrlclvNif~{mzn_U#*Z)TkuT|p7 zDgI>R%=Kc+F+Wl0K|c&6Fqd(2#X(@ULvJeOHV5^JVGB zL*aaKC@76AHPPYd) zvR%y{Koj7bgRm{k9y?Op@P)i1%ReE7Ue5Nopk82Ih|FQK=VCPT$-@ELlZnnOMG{s$ zhkeuN6py*|8sFXa1H%cagdZD9o%7$oO{-Yp9#FsqN4zLmC69Sa_Cdt467pzh9QyxO zrQ?Rw;hdcZ!TaH6=579(mAft%Ydp(iyJv<%e3dU2`1}JGgF3V}n*^UjZTQeZfy^i5 z5OfC25@nZ%FpnEqL__e2v-S^DXK0=*;mkQ~|(hZ{fG&>s5% zTxmoRj9y&=*GmzUXAh=QRzhAaDMpwr9wO3hsic3%39{g(5}s;rW`)x3*gVb%2Id5o z?1+B}!yPk#XGgJA|EuKwn+o_gAq!0#Lh;%~Y2v1+!LNBY;OywXWXZOPpy;K+Po9>g zSI3kQjU`^#f3^bRnkUmgo$|OtOX!TyHQ=e+vhbS147jemmTr3T9)DOI1gW#~yzBEX z(SZGX#8&T*@nzE^U~1e(Xz02G%f_1WwNlT?mg-InbiM_I51^I5H(%!&ZY*O-07eFy za1V*wqC)FjeEhu~BO4x~Mq@QfyuCzhB!UPj-iiimACn822jJDf?P#~J7XljJkgva+ zz%2VQytmVY+{+St#?Jj>=_0}Z?KTx&ejkpxi+_{4#RAvQ`5I_7AH=LeEn#^>>0fUAAag!Ytho_Sdmv3Oi&*LI4F&|fVzQnzo zGeEsw8ACo_fME-CVU=&KjqJL6YffP^QA;rggz7e|R&G4Q~7Rdkmi8NbH69%$N#CDVz`s)!>DbzOcB!*LkD|57xX8V+N6 zZNQ>oAbl??!%>3&=DBVxJZc{UgJLQ~GdpM5yPbZ-CjZLEH!8#7{{1y@^HT#0er8Rw z2ImvUN_ki`NE57&NaDhakKoN{OE66$q}f~v6~4wZ$yO^GptlMj{T_S`9YSXOjD`y@ z`%6!hG!dBzyFoiwkLZju=3k}9LiZyl7&SIg^s|XTmcUk#dP8Z6uNMpZDUXGvjx>4$ z$9~0pXdOEfLw+2k8$g_ps?ql2@-h z#(Fcq;Q@0BI=Z3Mzhn*_Yj#q!uOgm3&^YGc5@XCVD|SF#`%a-Za4$dfV>#TaY!_uD zbujno?E*X3g^#SBK^F!oC7^`2ACAe9T)v(W9Ce(1^%l{}r_ep0bgUW>v+m^*zP)>mCrL;QOc|TaEFK zzr^}#OJTZ+25fj{3hy0~1-_oJ_m!RsS2vW4zK)RO3r>}bqE5JiZJZW%mo32%gCgR* zXcP=;cu7)}l=(lakD{8{lF-yF=xm?P!|Pwe@ay26z;B#jqfaD3ne_)K9hAZJ@1G&N zr&;iI{0jN*8vqm3=7am=4l;38G%h}Ez@-BpL-;uj*17N@YMtDJF`D`i>i>e-RIJCL zO;6!<-5qgpgafLiwnI{RIBqcYf&W7DarmfCX8gqfrp>7)1$B2JOaNBw3mpWqb?W@# zh8*b2T!SfUIil@no%s58V>;!PG`@7ZhN-Iz>7xNs+)J|p)4Y(lrhi4Li;CR%`%sn_ zGYM8z*|Q3I-ht_U6y07u0>`Ou!>q-sIDdo#UK6ypvX=6aHz_yS7G1`c_{!kq&|k#+ z!&9=IzrZ;Mf<)1t+F%|k1wAegZtH55R_w z8~A79AM{vq08VG5Vsy41EUDMTPqQM)_FIXdJt&$Lxyw_~@)vKIr%Qgq9Ju!796r7) z&71YlpmK&hTs#pEqyHU;n+CdQRiuU7M6FaoVKbx_FD3(*T)>>CJDAeM!(w~G_mKW? zzj#>5W^(XDA1iz|hBv)RN9oa{peWpw&s>~_neGQ+(U0*^-norFJu!qIanXf&B~9@1 zau1Qny-7~3y#V{yyuzyUd*Q&|)u^zdTeK&#j~VLK!{AYrtTvp4-g_PpC+#j=m()m- z>x%HCrjT1(G@0L7>F|}d)H3)2?4CS>KA_V0?aFLW zJ^fbj&nCmZLO(YD?qKu~avz`k3Q49RgYtUie8)Z&pV;ZrUms-XFP;DRnUV>Z z{6?5(FBCF&`Kr7!c`Ng7S-=AiI`M*2VPGOP9qXG~Slp*`sGM5lFt)Z7uPss~CsHdw zd}syKyqo|^c0)L8T7{O zO}boakS}jkI10rvA>g;<4$KQYUMkmd59<5&G2cOhY2)z%@q?MW1jQmre5kez?_X&^ z#U7!5A>arM@3Isp{5i{hznO#P`lI0RtZ8_#sD~}>)}(DtR#fTxA9gh%4fn40re|i> zll#5j$lSmVO!_$qH+_`{cZ+`{y!0sUdp3@!7M9_#zDRf?k}P>|l?{?Z@1l%n6g*Gz zqD#isKulgbJl`q7^#$La-o%}7`Ff&|PfNtkuLn@aScRqu^RIlFA>5=W9mkmL#gm`! zL$YuVUh`IwulPv7i90wX1q)w_yr#Lx}Pm@amzD& zE$E;pDrNc5yGC$K|1K^Is1bbY-rVEeAiDp~K=3YCpi8$lU_{+Tw61PMwlag+o(N#C z4L*_<3nl*Epp7^NJix{y?_ssiSBKhHlYN^C4hV23XCs=9+J3K;U3Y-mW&DzcBTsnKjw4;M8ia84}GNdl2aRmLmGOI)m-0 zUJUCr2VnMwad@!&8CFw5Yh@PF(J2zR+%*!H2pt;TKG(tM@U$b|`|3QgYq%jDzIrKJz3MQ0be>4(Y_Z`F!mrz}uae^}2kX%-JOYnhwIun* zDv+_x0DT4utdvkyzIkvE*xl1F{WRMU7AVN@Z!Ld7`g|r`TD}Tps#4HV&jyWZop|D& zv-rVlHZ6L(j9yQeh9ir5p!HcXTwbL^^NIvEhv8yyIa$n->>t3)D;>BfZ8sjy%7gFy zQZ!!lgf(1y3Saj$KoI!yXU{coevby7u78*vbCCpn$91UNuSkE}2z`S?9}~aOVv%y< zS4^M&int5<=*WW)vCg>|`;?DiLD(Ad?`ICP2zZV&wy%X*gAHkD&31e-Hx5<|n*jG} z-!i8u^93#A90rYP5T#ojBy)tGw!&Nw(6^bvGn#_Qr&Sl=c}fxLtQ^KWz8f&*dVRbY zE^u*$jI^C$HXc|v8I9tWG3U)DnDJAY*O?EZfjWyyP7RQtvqHmhe~1r@-^RYX`TzBUxZf0@1p1h-+*c#S3mffW0p-lUl1%>?_d~=z;ot#SC9GOdZEB zCl|A21(x>eGfv~Yb-ft#G6M#;2EguEBj`_DkK4VL;g9a0I5KY>uaJ1pYDTAGd~&VW zb(vOa+R}}X+}aMZ*^`K~WfuK8;sv?4_Z?|D=1y-(&B9H?w2@sLPqGIuAj1-c=i)3s z!DF?Z)dd_PTR%86^`moH!w5A#)@v!Xf0YI0*MreSCLXIpo`dY2-Q>H%baq2eM?99Q z!)$|SCNK3H!&(h_!HnqAD+`X{ahVJZA`hX%O^Me0c}moV7US04lUb$Ut?pcKiDU`6 zcZ=LKoYb-p^V8#CgJKn)H3;Ib4VHo9(gD=QK%ILJ7V%WsJw(-03ZJ*`74=!V(Mz?K zFwrFve+%6N#;!5MQK?Mqrauf?t&!!Yqb1?RDPi&Z<^gUp zBJ};(!X%^zkxAK;gaFhxqEoyETLpi{x4p^eTsRsxN0wv6E|qDZ^5 z6pRhY7eBCGMh1LtV9!7AWv{=wa_?)4Y1OSd%o)1~k6)DJuVx-)-=^Oo8S*xyi4Wmn!do&^YY$eP(-Xa)oCR&y1&`6AMZ8XWx4^=F!sg~Ipf{G! zqf=E@iMKDkieoQNKsG;)eV!Bmt*b}TY{4rK^>#T1Ox^{_3wMz(XX+d_+dp96-x}cA zm=|D>RUmYUsZ-HA6CTuf0gs&@Q2O<;B0q7gnk{9LFa4WwZ-zk(6ZI7Q!_wF)cSLuwWn*SrJ z*Japdxy$H0R0d1@qeSKVJXyGAEX*H1m>(YF&L{4+!|1h|_~)u2S*yIBX6wuqyH6E* za!zaFLi0Z8Kr^;nEr%3!%fd{TTF`Y4#r9KgF{fcUT0Dz``Hl`){=N!!e49mD&rJ~a zj~g*@)&(d|YJ=#X6L8?3APih`f^;mY$9yLxDBd}ZTd!=vdG3-tynGYPe5S*ne%yy$ zU4?Kuu7tR%uV&eI4lx@^8#-xc1&O0Ggc;g1ki7C7{#iU_YW<^VSVJSUt2{)N7p=^$ zP{zU0;U#G~s)H9K^|)h*2{%9d7n4G7z^BGX%;@D`n4ggk)28oqFz$&4nN^llWwr&g zD7NHnPTNXDH(P_Uut&GlZinIJQ|PB*S?s-`Bt2Ge9Yc4?^Rl#4VD?p#r-u|{rF;@p zM2pz&kaqk%T#s*E?1yDZx)|zhM)A|8)}@A8sbW;(YQ~wg`Td zo6}$K`iS=hfgQN69_PyRkhl~AzvmofYkVcqU-Lb=#t*TUz7W8L4?s0%Ct2D$4#l*d zs4Tt(1xFO%wa}g96?lbRksbyG=9*01zY#KM9=?{Bp!3`RkRMYRy!5QVb2i#o>Tv{3 zO{{q7h*Wms(@rk8NEVkWUB|Az2XO89J2ty=5*tBcApX)%ln}0Y1ZUX<+ow0R}nT3Z3g#E4y-xYmCo5+A#zlbpbLNaU`xqDI>)n_Y&)aJGIyELo7eq()_ok3hZRcz)bUo+i9(!LsO45HzL;Y^<-7oF> z?UW<$x6J_M?rV5hNe?=;)p23MT^7H@l4sj}CF>`v(l1**Kr0K0Z>9ntWgiO>LI=m? zuMXlm3w6>vB8AjMe-$tCUkszy$a7VZ0vcb_r)r1w=<7y1nmK0_l{`5U+PW0LXuJ%y zlfOY+ubb0{&u&Asr3YM|b5`Il++`&ir%^WGHyb^p2Y;DXi%!**0S{MK9W`%EeN#SSLJF6u(ex>;;opbfj* zHHdDr7FMga1aNkDfSu{5NUv=-jD2E+aZit7pTscEzn#Klt0wV_^>xHeMp#R&ud&49 zi+HEW9%5s~q*-GG*glJan~$PkuHP!SbyNl)>KVb^j`O&`=n@#D=7{RaYZi1&pXxsf zqZ&?Yn3da4@|nw0t$#wllYtx>4bS0t#)2|g#wT3lPM#p9Ev@gCb~h|stI zW_gZ$oWgK2-g^)3pw+lo+mw3emZ18i9pLipKbn!t;0iehQfc4tmt{2OnGzTgStZU( zG~+H?l{o8`;VYO4o$xDJWVhfXR!EHn6LyZNI0BrjdS%WDH+o?8u?46(-(rY+FkPq697H>`^6fZ)1ed|=HJ zOxu4E=lUDaq^U}9<696^d3+G{h?HPK&83o`B2#u(CJiH6cCwtWPW)@iNC>iQX5DeJ zT>p7B_^;Z9b5#eE+zW*7UnEbT{F9+JgGR95pN2!m8jfwx&1wJL*+_0_&~>M#!fY2k z8hU;dO&eMXUp0P1&lo+5Rk_%=uNq!!Y^HBCRMue`lzbjbtn-0O!QCV9kM?JAD=a20>=x8ind-{DI4T=07{ zmD&k&thT4`9IhqY!1|~Gbfd)*+%no40!|2>UOtyFE7S$Md;3W3-QQ%=Bo|2f`whS6 z4dA=7%Zb(SOf+0NfxWsWkB<+>ioC5p<6n>8czVMWP|2z%n}aoJ#LlUL4^NS&ZAZ)~ zB1~HhR8QLo)+yZtMgIxdWprQsxkg*a0UrdTKz|~owHf?BJjE`WNi46pVvXR(DHOOU z|F$+l+cp{Kn<3052XWTWGKgE*PG$w?>|k1^7C-LQ44+@haP5IgkdTp1CilOA@XN8# zCt*#e_O>Ek38alaNBHdue`;K*#J7ocd7x$~JZZP4sT!|vsX-)0b)=H0gaJ4w(E<-V zcSGx1Rr+glE-acELmWC*@^dexuq#wxYHYhlnlFwKe<_|vN9X;;g#POw{oNRP`_$=g z2U#KCDKNzP^|04%DF1bAxbS@NbfDYh;m7YZ()L9Pd9WnUijm-Z7Mu{)Ei0URZX8+; zbrE|jO`$!LRN1K+1L?ozt*kXmME?!4M(dN^;&FM4VQTAGxb9W~L`n`0&yMHPVhciVOU1fmTf!p3Z4OsfI*Yk|_m! zSC?T1Zd)wrQw zD}L};EAsE22OE}Y@cNY7%zR5T`?FJ-chX*zKkK4rq?ol98b1%Z=uYd>7h zRe@`&weUXKiY|Kh3$}Tb!NkX*#C7u_GSSHpDocD}e^o9^NNXdC<7DV0d4c;NRzlg9 zP*7WQnt4XfRUV}xRjI_oE|u`Ag1oHJf<)%@91{mr!Cl!S0YQ z@^D%)rma4W*+t((9Y^h{v|9-@-5AN@UOW&P=|$ooLlv|VG@unan)G1pKX$b&gepB~ zC-El7@twaEs7il_s^6vHa6Ccq3u|+46%}9y8b!-QdFZFS6ZZX);!zdyd^=TyQ)@!l z@}X_;)O8|1`uw!$WwssY-Tx1tJv<1;mnT47fD|3!xD;RLG{PTOFmNaHUn>6SOorQTWg=hc@8Y!&dr3e|C>>N}g3*d$7+?4w zjhPXMN34s9Q*{L6Grd?K0I&5 z_q88_wz?#7{+kzq|E`KHz8wem?kn>vbIw9YQnI+l_%$1vsm}i!mrm3j=b?6#1;07& z0{e1M0`(K+p=gs7I!%j%#fiU|(1XOxB5q@?XCW(2%oit=_v5n|L*COH4QnE7aOvx> ztXVo10>3$8`M)@*RsT+oyI#R_#|qFaX%x3OU(R~f2Exc)Ww6D%hfFdl#Av+<PCD%50|V;wG>I7f(}U#2Z3_XYQtq+0zMPbd$8AQjt?f}IdR`}_JHE9U* zgpt}iF@oEXNg7pn&utNOEBo_W*+dN4mW0_t?{CvaGg_E-j3qC9K>DkeVQ9Sq9#&DJ zD~|~sb}a!+xxE=rzB_^kggzbb^cT!@K`0tpOoZ?1;AXkGSkvDRIfqVw ziGw!W5NE(dvn#|tAP3vzT9`@4f6(HRh(;^Uz$o__JXPa1^WHb#VVz|mPOy~VA}zv0 zUQdM+PW#0kH$I_GOQN{I&H=?X=g3AW2~3Sj!;^w%_lX39dv&##?Jx?J79XYSFL)tO z4ijGts{q@A%c2nHqpUO~3)qhVP&z{wst$h;52;@Qe;dt7*i)fz@<=^gO)9_~*&49l zJ&P3V+6(*GZrIa40B_}tCF=@i;0RYKo;q(QRy~v8mP(4eq;UsI9cQra`bhEIuo5s* za)(@;7qqx* z>ti`I{_2Fy3tQNH#kKcAV(e}HCq17${)1(yfj>U57b9p_K zcj$7*jh-~>oDo~oI-d5bDX}VfWg2d93l3ER9@qYgrj?%fw0jTUH`z_`m%#maR125B ztz_<_li0TYHO#YY2gYmsM9J7aMDxxoQEKiw{Z5h>ETOk> zs~Wny~$jJZ))EzkkRj(U?r|}Hxs_+%H5>r5Q z<}tZdH3y|<$8^X;IU4r+?9%Dud8V~(O)}2@nnm^I`f3t#Tj)G3FfL(vvNvGch_R{A!Ts!>-RxTREr={$Loi6^U zSat>r5BZ@A6ri%MI!@1ZhpM4d(B9V?bFO~}@CgJ(K?86VILQYK_3*&1%Vc4s6h`{( zqDmKYp|&&_iq%x1=d2#+@OiYrN&(*oy@9%pR$M3=M`JI@v8G5Lj2fiLS4{PVMOl^P z@=u{-d&Fy;<`TsYiv$*1|8VXdyGGn3jCVT8v^4`5Nd0wO4CZDLLbUS3Zth&$iFUGCWI|Jjz;5}4m3bT3 zGHZB~@Gsn5{{%H>| z74z{9AH;KAhLFeJRqR6wC!&S-m|R8!pu7n?ANLuf3?;ac=26j%0iMu(#D+^`4}E(t#Em+^S< z%XchKs$`~rH}b`rYuWkY~oQo9C@mo~!@ zb356#EIB$QVHrq8-oSPCp|oB&vm|I|;N0q$XkH#CDxWr)j{a*3k9WPnn&ojcQuuyt zdn=JhdC@lC1a|V`DkeL$nAKOsqh0qn+SK61+av@|)Z!>OkmF2KjgR8V4-H@<_giEl zT#L2ZQFvkBfzy}^7farS8i5;<0Sp}_ocRH-QnB9DX?(cHP#WoYgLJ*q#(OvPiDm0} zZkW0sv%NX;&GytYwij=;DDn-h@0e?PCDAdD5!-i9=X2*hC(gdx;M?y2_GR`!zW#J4 z`5IV?N5ZusyssXgDyGr|tt3_~r_4{;dC;Y8Dfs@+Lwx6v%LbQjVag3T;`?D@wk$uG zMw;zLvQLW()L}m7gbFwF&We#NJLv&EAhXJZ#M9RNO(A9vAY)oW*0s4A;|I8j=UsN>#%fcz zt4TEu>}wT0+dT4 zFn4Vgsvj0nOSvkyUP~}}%%S?&9(?a6oJq4ysL!}c5zPF;?*Fhw?bqSxEu2GKZ6%nW z^?gR`fJUBBAwxn(gS6KQ?zPg0+qdhG!IO>y*}DcpcHR~jYtG?spN^$trVQo18c8Cv zZH?^EhBM6L!WuSl$P|G|Cr=exIzY#7C2qBHp!Ek8_~cPfV69U+Xs=rj`)mZ?a6=@j z$ERXf@fvD2?HOK7H)mv50&bH3kDGDDa%1v;7}U`t_;&{JkG2tlm*0;s z_MOEp^lWEFS;Odv-RH=J9Vw!UBN9TN@?u)M))OXMx}eu(H44kd@E6_w__KRAcE1VX z2d>26lDTK$&gs1vct{$&L%J}euo^Fp*(_+6wRlVJ24qz)CaST=VdTJb{Ey2o@GXB! zHpv%r`HQBw$tM#IC0nFHdjB{cZsv`VN2cLd{S8lWDA{1NjXD!#`L`~i&rv_ds}FwTQ)qHeFK)v zs=$Z?Vs?Qy;fJn0FjFcDb>w9svaJ$NMF?6~)k>i+N{)6Vjp3nN-lF!&DKPc;HM}|? z2X-l#QK!iWl@G5$`+q<1*4{9vD2j&t3PZtc+a&Ikya^$>OMKsMKZ)4%0whx(!;QBO zMFoPMs%NnUWv}ie`vZ&N>ElZ9ze3s7%_Gq71c2q~4r1^@8e_J|3OSEFxU?@)RQS@2 zq*lj~b?Nu8L10BEUDv=%51mC?E=oA0@B#_Vt;G5}Q9{S%Kis&(9*w)Qac{$6^xmFD z4s1>NsH;NS{>@NNGG3!JZ$S(A$KY<>*Ul+3}XA?ma}`wXN6UxNWv^USRw&T<-gV@v^b?%DN1pDE-3&{r zr{cZAp_o5dcus8fgR;ZU7^_qdRT4kol;B@TyK@cLqXW1>R*_Dhuo`=1E7_Ez!ai7A zmJZ+2Kqfr7B`(@G84RWmr1x+>zh0aL8(uG=|2*d5it%=EZpsvhS-uO-t=yG$12a=+Rt(7~-!%^@9iC*}h;@eq1M#TwNo0ZiO}Z{zz1*(5HSM zG-%H82K1Ibf~QsmVa~nN%)>#2mTAcHk%5D0c4--`=Dw)-!;kx1YKH5Fevs`4PNBZc zGxV-i#@GK&mfreN4D0vyKpxZO5$z`+eflk&Y~u>c*RO{y4-I+P14-g>@Gsk5bd_1^ zPv*s`+T2-q1bt8u^0X1JU}xMW@RiTS7h|Tf(C1T8qHr&c(b|spngUQu(8bOaG!W@k zjc6bGlf8X*h3Gv=f`-lUu*GmL{dU`kAJEQ%hS+-$Jarw;+_eDzyt0FYtHOP#xEJnz zc!0%Gr{Fm1VtUPe41ae7_Ub)^-jI2G(fU}Z%*YYmr^-(qm;fVYO5rp6E3kHF0-5SB zXnKLgxb2BFkF9#gT4&8=J6_$w@dG2^y3RhLE%5NgFZ0N{Ut(xEnh*6&E7%p^lSD_S zu+%XB7brO`5V*}PEGJK%3_oZ@Kbu(Ny5lJj^Eu?#^(8=lSgyY7imAd2{<$CRQ zG+F2s8vJ)I4K|<6FBkqtlI9JiQ5`QJAlFJ@8D~S-!C8FzRdc#|{&hYYPQm_Y55pW%z{L!{xp8Qo!N#slVD0WZ&k z@Vf6Km^+D4+2J2izC9b>D;|X5BUEr7N3BHd-3K>>q|R3r<5sduVUNvQTHfql-mq3az4U(E9r&}ZyIM$ML@ zcQ4lCy{=MrFKS6??%5<9Bi#(;M;yR%=MRVW{$ji$Hwa?pp2m-D_XJk!M!+co$KK>E zyAtn!Q=;!eZdeLTCQopIbQUy9PKyOV5jdWboT-N_ogi|c{Q23 zXgo!;&=@!+A4Gnw3?Z}pG}#>A33RTl1V6GhM%YI^W0~W3!)7@dde~?bCzE6Z4^S6+ z3>Nyi%~Vl4`2a>(#h^ySO&Im{D5)BFeX=ZQEaW)$4KFNeR!=u#W!2}H2f(@z`L!8M0n?77H^-#PD2&6|e69R3RAWM;tA z&m*YCfGYSDstHrvv)Q~@KQ?=GufqZR;q=|%e8_QrM`o%%#~A4t;WIyg+tDcOy7&a9 zt+8XfJCo>YUq}4Y)Csw!wM=yOBAU%f!e1{Ik^AEh;)<$Oba15{T|NH;9=}%3{1Q(x zb|#9643EH`5W%B(>^sySu_L!$Z=@mbM)St`vBDmr6{2nogC~D)K)`wh>>fS=Z&y8r zc^(%~XJ|Y=@Uo-&qctdh)PSpP@4)?x)jYdMM&J+X;*PVQaN7hwcHde8hkHMV+j~>+ zc7g%MF3W=2)*-a8mSDf|dhSRYx;$nqP8qU5;3TWD-v>*Xk$)5W*rG~P^15-$@@Meu z;bBqynUSFRDS>UApMhPvqhNewCB!AK!2O4$xm1H6ejBDkuis5U-BZ z1!Ebc?LnyShc-DIjCvmp$Dih5<|%)Hx$Te7lpFDMdI~;ml%^TqW$7 zd%`33mpwSANsl_cfh}p%g}nX_BG=JH{%vRx?N%GYFSN{olb5D|({NMP{3ZtTM;XJ% z-)<~5K|?%XlN7z*ZNuolZ@3gS88aar5d?$M zKjVgk+gP8x8;sVTfY0hTabRXVgxpyQUq|cn8PP&MH0nC;s51eddy9x$w$R7&;DM7dR{o~ zR~mHqeqrVRaz+2f>vFrJGhnEJ7<|VX@&!NMK(dLThss5Z>nEAewWDuAyuKF9&b8!9 zk?%nqAV(i7#o>rj6+FC11ififXo&84SgJD&o=FVB!qulmJ4fHZj!zA++hRPc5@G@M zZ=*3_c?}yIQqD$Alfvus^HB-g@m6LbDnXfPr9?v;v&$$XGt^u{S<ei zcz@=xM09&0gl+NVXF4jeb9*FSS~(uG=RLq>`)-R;1@1xcfqf47n;dBJbwy%A?5Rmi z5=!O10B3_FS~<;tY&cv7$HO~`&h#U2tw)YOcl<&%=c22b>3_M4t}h&U%Iz$&YWp!Xebj=!dW|^k zr!u5QZzA36M$y`{5-@MiY?K&%1CCl8CC`(zP;5VsY?R*zcU(PT-6csF>wk^q{>dW+ zjw-B6zW~1o{j&LgSFyA2YT!(QKV*5nz{+cZ81eorhMke5{rjiF()3Y+A9_EA4I4<4{u5g#3x4;_`NYR>DZbQxZ<`AMkWYZ zHkW^}HTnwlDD|)Ar#`Z-+=GdZ4lUW8j|IexlEfKPPbVF!32?_*_@8UN4d9a;JG9bU6A#Y?{wMG=SJ!MW;R%;ol3apups5<}ymxc=cQ zR(W)TpbNf&HQqN+Z>oWi&D)J%E3V+EMS>^heI!nw)P`EWjc7pTJeaUjnSSgHDy8sKX&GZ)(@4Jf z3af&-eCLx45GDR_SQ&Z@7i{eZ8zQ2);=jBld#Ah%r2iT!1-S1Ucs9Snv^i zI^~bH@xB9+Jh6Q{HQ8~VbY@K>`<1+*V%02|IB_)}Y2AwSo+Hz08im1KH=Q=MTS!I+J5z?Tat+Jx2l+n;0b`(XWRL^x@DzhlkAbUhYMj<1-_xoS} zbR5s|jQhUs^Zb54ALlFwdT5d)etTJh|MV8)&F}u?m8>4~ulWv+J7&;n%dVr9-ZAoh zxzHcD)Qe5`_L9bp2Bgce1yr^*Gr%ygwJPnj_QT+WY$-8nC+es%}J%$*5*(h~#v zZIi%ya4Te!vxQ#Lb0yIEDUF|}H)CSfLY^Bm1PAO@W(n!l;1cI1nqwv5kaA@|zcP7` z@LVWl#B>z-nVEJZRN@Yfi#`WOSX`j3R9Un3vx3Y=O|GaUbZ4(Gp5;(ttsf`j!7*#1ig zoxZ0+{8fFpy3>|+t+mIsQ96uXY=Z%(zrc%IL3l+!3cRk0*_*0t61vF}WR3|guboo# zoiNACIB<;o-l+yB0u}koDs?6s3VdRlh!jA1s(Bo(5yNN#_TZXGoEh}hq&&8wPDdH=RJ}S49(&(s@|aZ zOqcIn8N*Y{rFn~fB>ozw#!UX*AQIB~B%^aDbDLsH6?|`ltKdX$a|=UH2chS_DHih@ zm%`}o%lPEW2n_$w3dYS39ha8h#-T&{@VKicx=ZTe#Vilpd0T;I`g|028;|k%M>njw zAbiIP%1MevHi`L>Nc!UBX;YORNZpLZjeP@n=lQuPp8Ohr{&dCjqHu5$&S?WxE|S-Y z;m|p6CW-r$%;R^e(U_WQ=8|Q_k`n%dW{4?;942R^opuiV&sbfxVi$ z#cAvuq9{7rXUYRdJcQw)tKj>IyHK)vI$wPIIo1yz z3UlnLAUJvjsaa@*X#0&M*y&R*oqCKAnQ`Bot1x`+0P$7O^~PW<@#`hf3j%q0cGm*pEoUD>OqPHCS~|(8G7JX8Olk-ppE}M zQm*j~l>4q=2fqrzvESH}LK!AMd%6Jp8${FAcR*rXB>yRWm#kFEg*gky!L@IVVxy0? zeEvoNI?jXNmD8Y^X$XUi4Ct`VQJ1Pg`j#%7+H*&6 zUFm|+nE`aB{dsZ2+I0A{bSe&uv8S6R7QyIyQq&QCv()kW=>IYT+2dSpYS>JQlLBz| zpE>mN<*)GM|2w^KZ3u~zA@{qYNqELkdPUooIQm@#cl)F0!EdN z5S#PF9e!ROf|jMOC?j|%t6(P@W{t(+PUSFS;#stxKa?x$cmo-~0X%oi#E4bDSz@mR zH9VTY><{mTwJPcS+%*Gk?M58t> zu-Yp;i&Qv6V*fd@g?S22oO)M$J0^%vj;~>Z{Jydo%!@A@-V7FBB>9?$nq1+`GqI+* zKE8H&2^aqx4#84RsPOePT%2A3%L9r*ZvHg7FYpF0it)c`)x#xd~Gzxx==t3CIt4klM5R zv47-0besDO+YVGBIX@eG#s`9jx4;2+7G_DojKqx){C^MC!L(F?^lVf_4eyss=HeLI zOD6*RH-IKtzk@wjcH-eU0OOYhSl%DOCQhzpk^fBKgUmhDy~@NZtTN#5%{{lf+K}dXB@q3!nmpi88ybu*!qB{F{Dbx+ z@R~CNjtjYCwS&XB+n#(3o_`1J_6C6VbCUWwnL^3c+MGo3f%Ak^u_;PFI-IfJg$J1 zv@tyPi$`zg-MHnI7R@+&U&yW(vGeCG@c8l!>h0ktE(kIZjd&(aOS4q?>VUswrO-8A zcp(QRE23FgWgLw@_y(uVQ^DZ&iV3yR6=0v;%4SyI#R*`{AI$QElaHjhcFH5NQbLkG z?e?U%?B?)^&GEQ#k)-Hk$y&N`el$#~xGVI`E$OGZhj6XMU9>eS#iAc)!F^dFJEy1% z2g^rse-{TH@YNia-1C6P8BSH!GIxV=LHG zT=+Xk956T$m4@sAtE)29zi2W&Q&5V#PpGp%t1#?;XTT4q_~YGiJJ{?M?SdCf1ximm z66Pd!O!l4<*HF8H8b6Mq#QULe|F>AYMz~jg%ex9kyUwxul5bG_-HAm_j|JalLbq|c zAN(7x#6x6P!5iNy{5h()9t^J|z2{fr(NULRlEWr&dGH$w?zFK(qkV~t^Ch&) z8BPBN_+ZDRiM?>xQ2iFvNbM(o>bB!JX;Z%b-y*JT zd&VK`PYs(YH<15XItqLbtpHiI?|8si9}|=F#ltr#W2|C>XzL0F-<)f4f3eX2w=svX zT1&K^mIbEko$%VB(Qs?Veb7I6UUclqF$hws7teb(9si6tFP8H2;8VHqJII^mc-&hC z7si_rm8@GBEVBuwskMNMV&6d|>z>Uws{PoH(T->cp?wNRC zV@J0roPQ;4x~Fi@%ZIFInb6x?`56i-mBFa>4O^^LLv|)8ffA7ejR&3Z+G+&fB9@}9 z2_>YY&=xdA8*%Q9NHRO5lDs_hkoo=_NL=f-^DFbOfM3Ud*l9J7ZxLO@r!uPWPkuGK zJ@*9MuNjTIR()d|Uri-*PyL1WeIb0{(gz^c-G`~`?7<@bA4rUv&F>e?0)wGibVK?= z9N=n(7jHX=eAfKKDY}cutLr7=4VfHzJImqFvRH!qDn+Rp@i?e&3_kts!&Kz2!|D}B z;LyA)XnABS+>X@8=+q__>$o46u9{3^0v2I_j5=QP`h*8!=i`@Gb9wEX6S%?IgpKL0 zhq-?b6<^@=~QJVFaSA)LBJXk}ILdofAxLY`5 zCZ=RL}9H7)TdjX`?N*Dv_mK1 z>_uJV3w>!){6y^P978-T3$RGh5@LIT0ji*i|Ci}}s_LLM{ zVxt8P+2y#tNuO?7Ihm?^s*r74C6MR|PWwI`KDh5Uo{_G=;Hb%< zk#byo@}bz@BdV|IoJ-GB=YQg5>{Xnr3aGAqJ^ z>>*6PoXU=^m*oZ14Y6bQVMslb2@2or;fwqkJdmHv7T!4wlZRUK1zUvNRd2GRq_Q&I zJLwUVQ%?egJ37=TbU#)5_q?j?gcvM46sYv1Jyq9#C9=Syx0$?fY?&{SMIOI5frsZ; zqtzZ|Z0w&47Zq&q+MMsg9PTb2L0iWE>41ct72W>65_UY0;?0}m;EO+JTdaoBk!R8> zkBRP*wjV#RdRigL{Ez~Xe)HLob%~71Ob4GUTf||Rd(pnO5ABz(fXu|rBxrCixpgj( zyz?0XKc)*bTOHCpjhbWn+<17p!WVjbDp<#9a$1Zp>4sKgYYE$FgzEFVL1JSC7V%CPN^y&zN0w z5dMC>iyYjOM*>X`g1V7DF-zNzbHYNvZ|GLgvfqds777{EC319xQ7&T|a&Rv1T9vPx zEk9)@OO)CQ;L~t1%-C{~jWF1VPIMnieT>J>3s+$C?LQbXa|Ob}XsozYDSU6Ip?gFS z=4Kp+u{(@;u1X}7Pnb{V|IWd(4Xtc~emnGLx#RfqH6-%nA@*2c)GQAT1KhEQy9$|5 ziQJpm>}^B_3Ay_t+6&0vnaBB&8{b!tWoA(+%M6JQO;~JTp*Ftg4lBMkIe-Wa(N%tJ5-XFx~boGc^?yEs- zx;+1=YRLy1eZ+gK8f;dUX5`(TKgV5SPCX3Z`0+6qPzWCNYRqUfzJo^f>yv+Vbrz8KcTH z93vcso#@yE{M??#>yoD}zYB=2suCVb83v9GdbB8*i(dSc;4(_?tYgny zp6Gf5BAd*~zxFPir!xe6i^?%e;WECl@T6C57ogp{ad7(V7M}f8k+0wX8n+#}2>Gfj zAkx$u=Ty2d)y{TYyi$rPJbXhMEFQAOy#w&Dvp=kL9?E)ONy9(uanSrpL%e!&4jb?9 z%%`kW;CuFl!#3L)=uj%6s`NgQ8q*=Vsg&f{$n?-|*i;A)zCiYt6$&o5dwBZ&bW zXW0vHGn%^aEsGaASIXz#fQ{24#0QVCde|TcE|BC?)%_sqcQdLk{tY$C0>5wspxe8N zu*CTs%u+@1tS9Dt-qi7eM^=|gx9QXKmjzc_d@UT$Zzdl7#_Z-EO-T6OgPAW&QEByY zBK4<_k!?E>mhFI)n~pepdpVokRf-|=mFNodK5=R0c(N<41Ud_nxXq*{QdB(rKKP1+W0Gak%3P~^Ywq`!GZ!Mda0R{a#u$vG*)D_@hhQrUNuuaI1}oh zH^BwbRd8vbJVkOoihb0X##4L#Y&6g!Ge=(f_$1b?2?1W_$0T~4$oosBsONi~O>IzS zeJ5>Dd3TE_^7uY+skR$f9CM+@!si_n6h^L&oy@04M3E^EB~kjF5lA;a!^b0k;{>Z- z{9Tj}vug%$yTi|6*VGx*_qA$;+~g!M#;LGjiz5@|ri=dutFz*_is*O7g$y0qjfaJN zYOj+e1ow}oYi|F;Je4`%^3{z#FB^<|mt{jw#9;b4B9AD9Qkr`#TlD*kB-hTJ1@p!) zq<;=xVPDVR#>1W)VdLv?7PIP)$g@g^i-*|Y#?MdT(ims{`rSKd)S4{34-?qOWs&&Q z#hWL@TxFWOXVQ-Sd%;Ae64MNBLWvM@usb}Iw+xEKujREEGgCHO~Czy18IIPZmrJEa6e^|38sYiIz;dm%kONSL3%5dK^7xC_Q`!HVpngYsJP4IwSW5f8=ZFivJ_eZ>-kV$Nw%?7hux;!;r@Ndq`1t-&;_}}dm%$Xv= zSG?0kAIUygS{+0hOR8X5^+!^)Z#zEO*TohM^#S$NHALZ>IX;BJw14AE*m$-a0|q`| zjcPi4>-I=qwY3?X_sFC3z##%(&XyiuqYjJYW#Ds8I_tQn$gMw*qrJ2H#911q)XnQFxJ0S*)x8A^kep)zQMTGe<5j&<$X2V9t^L3ZEvC#?Rs;1Ow z({(?Z(C^;?Xg?-N^>%iW?o=gi@#PUdpf3D{@c^pz{wO3`x5DyCoy1mO1NtMz;LQh) z)ZIgiUg|0!`$j#(+s9R@)xxDP??@b|<;t+7cNU>@c?Z-&HR;qphrdQwp#JpltbWie z7MZ^lFSr*v4nNwVe=+N*DeZ*33H;ia0zeaYVR`={l&`L1x9_zwqYya=7NdA#WtsuDq(z>*h|D{<9s=JdS0%7O$&Xf6bb&TH{7Pw;hIY=ViEYq#4PR+r$daM8LW=I$$^? z3&T@9sgZFls7^S9->Nq88=9v`nsKRkZoG&1O6w;UcTAI6zbS{GCxf7;=!*FH;4aME zvKt~V52KCSB2ZG%iJJ8F;Pt8$VJXI}+yR{Dd=jw3H_m*`2 z?t!%8o(Fd{E`arNJ#by=B;@_OfeXxspr`Q#oF_k=t6e`2K8poTOJ*r7)0E>)pN!zJ zyT9o97eiD!cNF9WF43XqDX_lRhVD8@aJrH))>#av4<(aG-#H6XzQYT2_9sAb$2DlS zivmrz*TkaJjZ5Tev5N_(dA^B)+}fr5uLHfS%jUCBbn z^cZMXACAh`&cT!Jn^@WZ0ms>nAUjpG_<*uvoU_#ib3bH2RMlE+ZP-cDi_W7@bv`rD z{tfTvs$i|ax&C2NiQ=>2RQq-@dRh%*hm&r$|W{!Xvn%P*RzaLcv zC#H6o76b&$;5V`c(Z`##d0J5{9&LFG*BV`Taiodhs##0=pH|~lC4pCHcaRybUIOdf zq}boWe7F@NjeElUFnQ7=+_O!AFH;?lP1ABni{fxTTgd9Cx_n~Jr&OTi4=36sQ@Q=h zWIU|ijPW5Au=}qmHF6N4*Is41GUEihWO)fx1B2VKid^D@cu9YaIA9BKBqDEL(*$=&`0vg)Tp>5jES zVfTkRq9OeghTgahB`*f^_9wI9%0EKly3f<#|19~-cQ>#SROrJ-P5i$2AU-;uI3av? zGv3pghD|S$A+vP|H&i!=r~zqckY2)usK$~4`DXII@g}&}ov5Nyy}~(;~zx7A*jeBxyM6 z)W}31^8mva!sLfK@bgnIoOzHW-J-Roiv=la*q*pSI@zw zF}ZAf$A4gc?m4`ACl77KGg)-xLvS@PgHsFK==q`VV72TnQ1Q{=Gj8cpKb8SGZZbG; zN`hG4XB2&HRK}b`Brr_+Ff2+j!M)@D!n94YG$E#$ja8Q7Bg9KcTg|7cRhBQ=wbXo+ z9ua|`y&ZA0(*UUXVS_Ta9>Q3Afob{6fi|eSVTHh0#zVXDcb6J#zvczjlWob3XXQ9^ z&H$PxA;BEN=h4hj6=>qJjk5S*;CIeRxGs$5Q#}5I=I|GwBz1wPHRPde-vBr=1g-gE`js=5dt0rAy(aG&xEdeQ1v!YT67hL{wMjKMWV zj#$YgLXeP!wI7*+ZKX%iBt;2+q8h$PbY?p$_d&mRBzVp3W220hL3jRQyp?zqH&lKj zhGX;4MDzf0fio_9cnQW$+rg)Yg~AJo;rv;^88~=Xj^Cso@X!w_F7vb;b@?%IL);py ziAjYy{oi2wxCm&Qoe6&zo+PF{X^^+-HoK@A!RIV_R<*%s4xQHHLC1gO%tEUk=42$X zS|LL=X2>jvtZ|^PQ{KY#2jV6G{W(4U<@E&8 zxmgorv;5I_Y#GzEk3`n&1N+Zx!on~1e6Q<3-Vk>i^pl)f^!8SE#`*)i-+W!jL*K)3rAaq^UICrKrT_1&(w)0C-cU0$M{$@-B1C)4sIZurp&|RcD2;>`4{|q z<{Oyo|H`hm)UfW*TuAO-#e*I-ftr~o>?~aiR`JVl{3ln~*4>XU)r|T59)ah>lTgz& zj_I5{O8&a7hU!r@n5X1O&GZ+Mg{NOTE}l>U(@$C9*H!i4n)L)<|7>IG!3%>GM4+K2cAv42a-^S@;qs00{K6PpEO(8@q64QfY|9ClN&$4+k=za0frs~XzOOu zAG{b%?`*^0lZ@yV-9Q}lYZThQO90n+GmtkcfbK!V_yLr_#yOM7nUolIykjmDZ5M&w zEklr1zd@b|*Xuo7Vp*2_7`oav5=(j}ld95VSbIW)8h5)x$gLBgX%K~rU%IhUg)WTp zN`!Y(BJS0{m)#58C+aKyM(SElLMoby0}O;NaN0UJ@_2PQG0^B@m zJ$WzJN1WQWcmX7Bw?x8XeBf8Wm8APTs{F`|Z2Br3j2Y)d~EAbVm7#fa`C#sOAhhn(Liua_}`W|TQ>O#v~ zA4Pu}En&3#4^)-t5g$>>fGnq(F#nJ*z)pc3>?(2&SGfkcno>bjQcub=`iPbeArKA>@pVN7G&5a&*Ssz1U4o;gxfbvGU74y!jy$rCwdak4LQ8himu6X73F^bf*PQ zTVIFSNwWBB$92@&9*UEd_u<_UUSj3hJ7m%)f~GdkH=kMC}>6^+T1W8j{;1EfFtj$O4OtX%06ir)(U$G9CrpGR;S?#+TT0zb^=m?01US^ygj zhww&$)pttZCq0hV63*3ysO_yp%>^dN#XLD)y2KyPTI7*oGaE7MN-_JFTH5Ulx%sdryx`c@ZU&Gm3Jj(f`DM32c@0oUR>DV?A+M zuh^&W3~JYYz#o!oD1-xGmD~z}F{XzOAJW0rbOgTLkcRrl0?9nD2yBXfFFLVxB$n;= z(kMzs|?#k-uP|T@k2% z9}K-3k)q89BOGKp2lItT9>JRO7-;ps3irO}W2e3fRH(dW(`{Gr1tMK``sN6}J=zz4 z9d&WI+K>pM-|sQ`fgxWUI1AEznlXWuvAkLC&^}-q)I2&2Wrl-Et{T86k*fI5xrx}= zW5a4SpP+=>I#{6PO>NbiP&w)x4iQ{e-*pQh;`b${5HOL9J|~6mf(pc5c_aDyjRFg^ z;SgEat4n_fGw|}1p?t%XLs0bvU`J>rG}R73%ZF#kJxwF{*0BTCthI5Kv(VqDRwgMo zy&Nn*TJof&e(3@5OW$Le9?`n#yzDx&^xzmvbh5>9{K z874cW3KTZBvC`>Bm{ZGE+7p&5Hg|9$4Fa3pHB1Q?oeG5em&b$l@yoDs_D5*>`w}ZY z3$vlbUD)zVm88`Jt;l@^mL@q>6{RY?H+&`iQl3HTcnhjm&LyLS9CJX_2$pOc#3C{l z;gKHJ>KRZB*|?37XTL$)dT@1q_arF?*O_{G8Luln5a zzr`?F#)obma25Uw(58+S?cg|SGWEHThIjD+mc#anZaAZ3o{@O=M|>HouSvEa9JkUnFoN}6BFy+F5ucz5olrE zL+%t*3+J-~e81jo?xG22`9E*cL)QOl_|gJS&&H<~RT}UAkfM*9)cEUPUt!Zib6#`#DO894)W1RjQyXB)sgB?hCFHkPgc`;G_rXu zR=T?wijFkk#gduWy)z2U$7#c%+Sn?C*am16=4uTpVpzBSIeEMA4Hhq+DGmd zc7%iJvqg8{Yu^$+Nh%$mh&-IK6xb-UB5*tZ@?_m2$)#d&}WM_FZzU-UB3^C3$xmh35)W>E`=YY-VCHZt;<( zho73lw%qMdmw${Tf7yfo4vhg#?KFX17D;O5)WjDrKZE>e8QSTU0jlz=(cOD6d@*!@ zb9FDp)$K0gqziI*qt_fh4}3yC{*j{>RRllb!hSe>woh;_snF4hsbq_tkTW?VM`fjv zl#M8ba5+C*x%(FE`m`55cqno;m0rfJtUzhtQAoc#lmF2dLsEJxT+|A~faqKvv}z_7 zeS8J?r%IEeb;{s&-5NAE)G~L2kv#abB^?ao{CG83PVI;o_e~Psl2_Aw1(~w)lJddNjpJSjG^K<~qQl^N#G^-Md7;q!C5oqhSAA z5&SHpbkw$Lj9P8WJRcVmAM-$<G*SK0?5^z!7+bMU|G8xyEtJuIw)KbUwTr_ zDr{`{fVyXBa_Ryeu-E2uy>ghHlLh(6M_`UA`*?FEL_ zNzx-O538iMDloPZp<|OJZ~D6pA7`0y1L6;U#o=I4nkT&06?lZSREdXb@-2;DFt+F* zOgd^#mgauP)QOcavUoFocvg0=2x$1CT5L2rUS zd9Y7-4mAEvPR5qu(;H4Rg$#(_)=kjs13b|=P8@a4fR1tq#)jIBxHqyGw-&|0 z;LOJ)D8(2a>MOFGORJez$q+uwBox+LFUIjpeKF}#8K%9~Ch6TAZb8&pY~ca^|3a~GYqAIuj8 zuZN=Jf#~NiqRI(((L1FA)T{^5r%ln!_LdRY*&WBbCDJ_JVHt|8@8HMX4ni)ipFAje z%*?P=eEWGMKFpqjT89Tz?U~nrk1CeaCr46HG2fl)cwA*kCTS=dwyjE6$Q~YF>yGoP z^l{XVG?eqaLeeyPpe9KT3tkg`_1Hf6D)xdIdnqh#>L$NrZ;;MMU2vqa21DoV2a#(A z96Y^}et!9ojNqCWF{h2$3Y`?GNoriHFN}=O{0SC=W1%{C5$sqI&pya@vtRuhOrz%x z(-Gz3$I42WWWSB*Uu#FzEkUR+uzd0I6^KkuU@syn;A6QQrp3R&K_w62j_)mTz_%pv zteaYN+;Af@MQ;j|6{KBzN_4sVux1#rKM=QX`UNSa!_dR_J_IbWA<9ed;bqOIaBGw# z7)ZTF=Ls*^g_{O+VMz!3xAs0-3VHJB{ZG-O#{_oe3vp_m4gnV>aI3Eh)v`Z=kBU8L zQi2BeG%A3uFJ~dhP8R2{?Ggvxl7O>;2U)wS;MQ7qoxK-$0!L~+Y3t2=7^AZflg6pQ zrnh^!{ocLoMBglIn$ZZZFQUbVrkFy_79|cw(YWzp8BRH2$@*Sy#UuHaMA^E9w8?g{ zs&@lXO1T6l|JzMgO*x0tGE4Ab>?WZzpH2cs$z$m0A~f<#2b)>%NvZP>7;?vuO9p)r z9iNfHE-XZtwpau81DYX7_6sHqo(#7V*6|%m$d<1fj9$Bx`LVJ*oWK3BWB-n9W=PI>BxRP52 ztUg-7`fLSubn7Mzl-@!D!;2tTcy{o2N)X9g&*H%`i=aNz9iCL`(2^K0V!du2c^A@0 z7Go_$Tvf!f?g-d5SOZK;d`P5JA)L*x$1H6fY6s8YlS?AX^sPau+b?k7kh3_^&X%ug zP~sy0<}ofX9ayG_&ntaI5~OIZDoQ-?88Kqxa11=a^FIWj){o@%nsBH$(Sn}udUUo@ktpAqgWW1eSZlhL#@b49m#bs&K%EpCIGarvrT(|- z*I92I{rm;9xO^Ke%}wb3mEJ-HG6v2s6gp_h0bKg_bm~y30gp!i#_P^4j^nk}(XG*r zwx(XgHo z1!G}`a0Z-w+kqeYG=;wKmcj6e7jap!tiY$5g6$W&VDYdrP*f23pEry-d%TzQ37z|f zIn`jjc_o}SiNb|e?{M^lzmWFJorlgzSM}q9>lfKB z4-ri{?MDNHOGxKMC7vA=gp$H{)qM77zVG#47XGvz`Zhg-42z{CdCnnpbKDNyaY5Aa zwF_9r?Zdb8Dlu%`c#&=Y9-1WGjkF(Mh{_dmxs=hDT`>TIaR zkO|`YG1Y8B$XLuBEMzL;f1^swMb^5zkXgR`N^E=-sQ$hw=r1~k%s7D@|1yADdq!Z# ztig1eY#t=PUW^mY$>M$4{aDzZKm&q>oO$0VI<4(li~l}tR(B6&BD+9hMYH@Bb{rH6n#xt)0&wUpmTMgI8k0&JALR zGb6zB_Ez{Y;2vbYlHnafW?p6RKv7B87pBNKJi4|6>x-@VD}#^Frr3fdDmge-UzZc3 zMbs&7IzCHQ;3ef>VO(G^tm!GFE{jG(-=bXLPb}!8D4}Bu1yD?tnY8Z_Y*@SxtJ;f6 zc7799y~`l2gN9Klp3mC$Ho~WOscd}xXkKHzl!*erz^2_4Cj@$fy^a+O{rZ$lEz+mi zd6GDzU;#?Kcjs=0bxBJ3CGzpXU*f+<3AE+a(8=#6#_OVxeL0CuHmw-5J_$a*-2nFU z9jV9V(NtUWI=+3A1KRVYc*PGHs_`iTCS?_pNT+qwZlyKetLFuAHf*b|g5LvX0L!+er+nYyFhwhB9q!BU&J#HCd@Zw3w8XnduU6g9TPVyO zFQZL%ItFbrC98jxS-_w%`?N6Egw=P?Adu`f}R2L9Iz zSzGI{Z^{LH6PJau4<5h~C=q*VEuy_llUHp%M2Ac@hktvuaKY$LXny1bw>1ogix+pZ zj`6MJ{HMie&XSl)o-1En87rRY?uQCLUb9cJ-RODQ9vqf$b7=s@_1Vp#OwZ1`eT0n0kHsn6UHuC`+l{xJIjjt@%2y+*pYd+TW;pk}ga#OM)08Te4uQF1 zNp7!bQ1$Vv7Ef3)pMI`2pqm$K!ltq`=rX*48Dbbw2S<)?ziE4q}JgcA|G+I=?%2K5_W#i!a(n(*BH{m~h99 zY1uu7Dg|5eQ0*ahxOt%4u>_FcCd}O?+VPzl@^s{5f#qFi%nv^vf~S@DLloX5r3*b# z&E-GrNMGeCHe4s6j$46%@a%RiR)LjiWb!Pp!S4Rv80tL*Ui6! zEnC`gXz(2B@OmOyxHX@7fLq2PpnEek#K2B7g^D`<=E15mHP8%~yN(PIcekS8st;V>)yA4TWkm*e-wakR80O4_A8k=Apr zW0Pzp8QFVBBoS$lN{R+Wv@}qX)^n~yi!Tu>B1s9MWGhsD_wO&L*YnhUpL1QG&-=|> zR3l(@%~32JzKezUo5N3;bPOmnrirHaz-g@xgk(HKt*}T@@Sk-U;WGohvg+Xdvn&=) zqQTdSz|D&*NZ2=jTv{=l|15eH1+zJ89-z#H z0%9rTQFaOQ{-C47(Rg7VzS>uSzs3k?E`!IUcjhX3`?DV1w?l^NM}EYPy+$xtFfkXL z`3o;j7ZJNH$IGb^2Gb++KH zV=C;Is}Dq!j^?BJYfSksjA^G$!ZC#fs7#*X)8JmV=S(tIG*<{Nzha?7x|TVn6ynki zvx!YWVX58E9*_~0!lz70cC&Lf*y<_KZ!XEOrXyJN87{!1uakMrmK$u)syb{OWWm+; z?#IoKOz1B6Fu3jB#g^ZZ=YEFrkU3TfW3sgP_7{zCWYiXzVQP%89%S+7RYL#8_&1xb zlE#Dkg^u4_MYxeWlwMG1BMa#@kn+~yT|2{}G0O@@&y%J$(GhSny$lQ+7w~awZ(_M2 z<%*Wd(5ZR?o=jZKM%2~dr{Sac&ZLFh;F7?XZxG?%naQwodNRq0PGxUXbq%*W>=SMk+gN~8yDvGrxQ_?eki_!;N>H1&3a}|2 z0kR%v;Oo1OK5kSwx! z2+t-ZpwGn{MA~63T4*s;R~p1T{L?T;=N@^tOO+>7?gU+%3wTE%LdeB-h$a`TvIhahL{>?M!Q#d_eCxVCTy4Ju z45v53+p81#{zGT6%XkFZz9}Y?69@7&*_SZx$Q{<(Q;+Tr8*z=UJs&7!3kEdmqGUxk zrd~Y{X{vLm*~NjVk#z;u+?5vQIt!p!L4#i^HYSr_$wPMe7b}67eJq0Ak%knW7hjHn!B(S};l#LC4 z26J8H`Nx-PyiIZvc)8l)GJzd3=RyqjHzC_Tc_lio3KPq1U+Fw7RbQS#g8WC^o1%^u%$)W%sxZfI29W;6jc$oUs5%yHrmon^;gKg0gK37^Dg)&%oRgOwm7Fvk*^6lPSze5Tq~-Vn6=+j z{^;K=)+TWRpUimzHk)d2K->sEddw&)zH=H!Mp!ccMT(-m_sSqs%L%<6{1SRf7ufcV z@fhE>0G27U zA-Lb-3me;ViR^I^7-q&j%p`aS#j}%nPk9p*RX4x_eLW1dZ)d|*Gq8GoI+@*a61@LC z60#^tbo?SAf8@SWyy56`(zzoW|8%(UW&cek>dU?pmAS7(a@{d-r?v}&zJG&jD8Pi7oqS1)2)OX~61443?0EO-G8*H_s4fg==A4)ekl|dl+3|W-sy??NA!} zJsoOJp8 z`-Y}%!T2;Wja~cxfK6DcO-Xi~sI@c~TLfR$@E<9pec})pDscpKHl|=wRuG%As2kUa z-xN0`F2QNO#^BoThsDEIL;Z%?pf~gj)Mn`NJx6xo!HJ{!Gbs-kVV(>NSv%~oJq{zI zf8ZadZ4l~FM0KPA61VTb@b$_#MP~$Cxi^=X_qf8;`_^K|`SrL_ehQr!eFL@(_)wDm zcRHl%HL|kSE%<%09^Hf}E;(}^o3Gr!@>wHj<-r56c+3cB8ruSK_hfjYy)Dg`Jy^PZ z$7@hH{0HSW$KtG~TH^ikL)dDiK3t;e!-H>RuuRiQyeLc)GyO*}^MoKW-@_O3%HyD` zuL4{uW}>k|5_CSz0Uv>r`zhun%;*Zi^)i$3wplumVUf7{@>aIhV->i+RiI;=*J4(2 zElcbl#xE#b!}3XO>{Fe>J7)v|envj)y6=A|l89p$*3?&rzlZ{tCq0)-$;JqLYdtYU-siO}F{kfH7x6ww> zlPhq(*&{edmc@gLWg@&?Hj|qEk|wX48=$_bPGs`Oliu}`qX#!X6!I(^c-`Tb(BZiP zZ=AkFdIy^do~MmSUsd3&Wjmd%4F}_+t;QJkI0IK&h6+2`O0sZMGdWX#4iCS`AidL? zG5F;Pbb4O{J3ow}X>r+DvRnac%Tw8?+Z%D*Om|qcAOkf1RRG;JOmHoXpx!ByA%Fie znkd^t8iamHra?68RQ|=R7hi!Bd)ndsCB)u7ee7Q{g7;3HN1y#U!9T2tU_IY_z-xt_ zXzjfHR4t?mZZw@HeEDgVOVuHmc%3ZuwxY*RlwpC|EHryJk~O|c0u7@fWY*{dv{Bm? zepLn2(TTs{MVr7mIC2sa{GY;~8{shL)kx7y?R$9CEfYRzYSRI;jOm=%0mSc^HDp_w zFh9S0_-u(O{h&J?-kyu4ifaSKjkER17{LdzO7|-9De>i*CgYWpT!oKqbcK_? zD%d{sl<3ZreJnf2j1{;`(eXZoV6jUBer%h>MOFMF}y@udmcIq z=c}*9ztD1DGRnH8LHgpEe8G1i_q-#@p_KBgU_=LQ(_s!$xxU`Vv|%J44hS{)2Zrm1#_ZIm})rL&xZ< z<2)lV)0*Wi-u(amu)xF5OVHrmPOIRd;ZijFJrHio8W5}fLY%eYF@dPNSRl9{(%fdD zzP%*C*1M>4e;1@`&Jz{=Y9-TmsNtdwdPK(f4^evMg;U98$j}L48c~rb-?AHj{x+xg zwIxK;hPL9jnQ|~-oG9@4))sR6e651`ZFcX5!8od{S`+ zrf-;tZ%Zze%B+jPtt)Oq(EciTu+SB>*1X5@-+VDTXAd(tAoy@C=kbV`&(OWyUUW1u z9fl{E)0oFLe4v32EH7G(UCYOT+OA%wY1wkP_x?(ds1pi6F{?>cx;Z^HWDKM%jzUA% zR_1%)M^9s#_aF?Xy8ng0 z-Y?NGppofJ>VuR|W;9W^*(rAR2?+eV4$6G|u*b0pX4uu?m)aKCCG&>4Car+xs3r9D zW5hnGTX<}WDf-Np=T#$~q4Hi1V@nqZ#WV6c2q?CX^or|95J9g8OMW|6w%kT^Pu=z(watcgnHy zbRqOLDN(C)oZZg|V6N64&}qI6H{IC-+P25B-Dw4l*VsVkja>>3K^Z7rT@M?!SBsS7 z1o!FW!JzD*#@9;5VU5&XQuVHiC`cO9NB21BzkG$mGq&N!?Ag3(^DBI8U<)_fgq^{p zSQh%>DS6P!n55!um=Mu}yR%eitF|L*!4GV9kHvTAIjjxwhdq@iU|>@n>}Untv3{u$d_DUWd&e{P1LSx!@A`%_hWLgS>-}#BZ#HIlz)?G%UG}BWOEWxLp@b z8ot4n2kHVJ&l2MH-(usg+Td>cRiI{g9;bXg4PPx=aPpaGoUdvEALV|D+>;U18xG^X z6}6bY<06Z659Fg>FT&OBCqQS5EbL!r2HlWEElTAwq!Qk@ zY-ZO-8`DaO>+s9;JBn^t(mRTQV49^($KAaItLlB2TvZ$tCdu=k{bBgbZ6nqX(*Yda zFV3Dr&}q*w?qc={bcZ~|psS5!kmwT(j14NiVEGLC*cm*fw*hxZZv+`%X{NU11wQDm zVg_n6(AO;v?Gltw&Q^`NrG@#?{O+ivw;9$*D}6gT{oFd9wo=yJ@@0C#l=`- z^%p*cS@KucdU0j!VRkRQ8piDVOgtN7VcT9^NRa$b_?!=y^duEPlt`7g-2DSD)4$=a zHC^Pr;40p=B@tG=JWLB>@57dxHr!;#T)6)x6a4oC^E>84X~ug77d>jA>`o|Ymr$VF z`?TpcA-l2YLlV5dd=HvdRiTVoJ{k`fGQPPxV8l8^t(lKuMDGFk5`Ppgwr}T|Cw8Ip zfiV2(piHDqju6A|QCM9OG#_UQdzK)+Ejxv}^S$Vm_TeP=j|_%)Y6^LKdwO|{86W3%PLz}|jykP( zf|KH{Fkxys+JzUAyZ*+dXZJVa%yNG?{^%0y_?HD+mbk$e`Cu$qpoA*t=YeOi3$FUv zPO4@9fZeAfSbJ(Zeh4fe3dt&@XvWDIOE?D!Y28>R{;tH?(tS+Yl<|R53 zYrT9B`2^zGj!0+@SL0^Ge~N7;*q~y4C;F^B0@Xjlp>%K?yuX(Le(opHKq6J>W}L3UEl9Kl)!A$k@@@G(z5*x6~Wrb(J{uB!A#ni2}@XHiZw1_0Ya} zF&x|+&qJqrV)3>mIMQ>fs88x9kiE|_GASI57KFeaM-D&K-@vkfsW@VP3_P=M22bJq zS}{Wwy6unP0yV<3Lv8t@V;Lg*YImYHs#l~}I-bTJOcI#Y6Y+w03@s^MM&R@{kz$tw ziEtQ5Iv!M#+B?>zM>aCZmVd^EX9#SeoyS<3#0{tv-tE_-&f~tMaOWlV`Zz4A7NWI} zV`sMl>f2m{oCEjZT{SrK3n9w_bnU=2t$XCDO4>zgwzC^FkMI&o2Mq@sYE68l2u1|d=h11f5Ui5 zD>hpHw@AiKNi;>+QIch?%zRojY&cpEGBeGobea;C?-gdTf$Dtxl`_L%x4o0ZHT#LKNy$m3m-FnDefEJF!;bkPXj{ZnAH?@T2fcay<;cPh;| z`T`|1Ye?r)VZLp%6CP`J!pYZ-xaPVMf7l;Mrm1XWztkjomZ`w*-cik>4n*Q?t<6{w zr4HldDa~srBl(y9fZ1p>o;IQcT=$h@+4)QucT|o}v-cyHMk`W}J=OR=Js7eS8d?4M zQz)e=^k()AqfgqU=)-kdaPiU}__$^S8g9KwMn@#Vdp{-ER1k}12Nsi=C38uZ)gSbE zZ-TZ1Wto)i0@7Ne%X@w(p+Ui395;FnZCa|r!@B~|Grt=Tp*kN~nNB3PzC_J~6wQ|} zgUMQk7T8=(fDkloZ2J`eG^7Q!b z2GqTz#d8Y2z}JBL_sCF!hCy#TK4X$wPC6-ogi%KW7@41gHueL3uuXUJjfsjV8~e z$BK^r-Op#sXyT52b9rrp6qRrE#F#a@+|8s8S_Fj)O*nNLAdBjS|(hU34{%& zFTu-LQ!;N|3l4bOD7Y<8!^caMPN^Y0XyR}2^fDXTC_0KmjV;Od-J|L5D>X#!-D3P1 z*^OmIY0&NW8C_~a=)}hWCp&)O-Ii8i|MVX0tzNM&rzJ(c4^Bdct3D<*iBRfrA2S(f zLLYrp#PF;jT=2>kw=B`QSk6pjA*LsEz-Ac0JqOi zhsOe||Bs6eMtgM-g+<35?@GZEc>@3V_d<1hO&9UIKC+PMiGljbbw8_f` zyADmEt38=$nAr(TS@D$l&ANgIb_@K)+m;yPafvwg`LpZ8dvU&B8>xLR!DV%uP}jPg zIi7fl1C>R{?uL;~?zc(T#5Nc>e+4MV%wwLDTJTf6HvSgH&>emI@xl^A{33n@DVbB? zPT*XUwu|5ql>mlQEih-gK0jVAMa|06aQkct;cRXPq@o8{eh*E5@_$%2k^G2O5m-_ zabiAzE`C>yw?mcbvk?>6jVs11x3L4lBCmlTw7~IYPf8VQqDfh_0X9B$q-Fmu!5)un zA;T-&rS?`claf_%d-HZ$m?Fjf7i|>Z)*XQJqVq(HE4tv*4K3la

LomXh0RM0jwn zJPkUupVTb3V-1Fe)GxRb>Mtn6hquE~zg!2lWGS=pR)+X(x0os3P~|_Bg&d;6LM+nq zf|bG1WU>7n(doKV@V88>RLg!6ahhkqmdTdm;g`yMt>rN6xciFyzB-c(WShhRem?Lf z`ZzxJ9>LA~KQpoFaWGB@gp3cxxY#@b9$(YJgI9X7Io%5CG;ZSq)DYO!4s?`owx4SH zL*#z&IE2hkAaBqRCLD7oW-Gd2Zvz3llOpP^SB0Vf)NuGCH8ME5SNzS*0G70-fsdRs z3>Mh*iMo`w-kArp{G34X;4ogM`4`V-g`nQvPG&mrGEqnm!Z4?c@b8fXSD9%5vv%sB zL4XF+__UkVlnKs-!Co|JU_H9n4nx1L-^8sm3R7oX$Hr9?@WMH5%-1hqMSnx^> z3;aVOw@v^L+3|ea^a1>Ua;4yg*-YQtjV21C%(-ZL9(c4kfqZuWe8>*RrM-=yHMa+| zCVquuv2$35iU%B0{7in`p8}e;pGnx+KVvT$k1prbd3~hc1 zj$y;t*rc~OP<<84%BVr-+C|ji&0UbGdW~kEz2M277DzO_gS+x8v9InZ(>;4h^x5jC z$n~EF8m4Bmpd%vgRV77TMqo$$n8fqHv> zV%$nN2Xqfc?OVBY(BV)Rk@pnF-?|8j^8%sYrxF!5r-&U~(?n@km(meWrLpPnDF`^f z5l5}O0RN^&qK}~g#u!JSp7unj*lL8nC5GHdc`i|4G(DA81Z^c*5b#EsUY_H~ zU)7q@{eP_Jw5`)Q>owqi&KyL^fH<1=O9f;L|FEB)-Iz0R0vzypO@3)ECi8{fwTF)? zw>|M6?q9Npny`2h{W=X2w4Q>ZWH)lbA8NEjlcsAo;%Tj+w5akKidK*230?_!Q!bKJ zCNa@RcOTFZ@|3r44dO*s@_2H>09K(Rc(69yhO&dX!ZTit=Q}9SmGZ;=m|*FP`b zkgvev*QxO8Z-QG;5A zwX(6XTVVFDW(e2QK%>~L;Q7acs?HV|*O8ydEb|_+_x2b3bmKP`Z#fD_7s!bGl_mh5 zA56zvZzM{#KB$vxbZBMCam&Z%uv+Ok9?-l$P&&=?k=mky+5wjiV z_tB8P#W*C|0cS?~;FX&~hw*X>-f;-PO?gvM94JNO)|{bMOKj0sdNF)3lYk#H8gSa= zqvGYC2lD6M5#(?CAQoY*g-ZH|ajInuteIqwzd}@KZ_{R!{!t<>3^*p61glt+>ag7+g2vKd{K7)Onl_oQ<4B^5>+(wlrr>;3WKeeHqu581eQ4bFk=Q zD0*H_;aQ)(X^GNUzQN56bxa0fON1=FVLS;x39O5*L=~8{-G-L^S5G}Fhlv*r0uuPy zg!aW87v?KNXz4v!@auMgQ4`*w;q){Yvk#S_6@k;xDI`yyAad%X5;ds zB}D1E;3{aDh$~h1K;^0Vbne7u0`n}!c^cCOw`Aede~L&JqL>4pdCH2rlCHf|^c zr;)?Ju;C{t*c=d@dE$W`6)AW##~I_g%!D2Jb95e($ScAvFucAQ%YM%XKB7n1bq}D6 zbjNV-T`{!z?ry#!U7z~bt3kv*Nf@~PKiIk{lFseB$8tKIv03ImSgpJPO+(^@jN@hY zr_hP7$nAqttsfYvG>;a$jE5HwucC6-FVr|Jh4-h05Sh#lyg4oz=GgXN;`SFfttAO> zj|@hm-ECMhSstv?uHu8$wm9QO7fcQegTD*U2t4X2=iB5jj*JUp$C4~c`a1(@skJG0 z+)_$QXGURMP$;`}Qybosdfx3D3!_X|3FoXdSd}I;ou@>LM~z+16^1<_iocIT^2p61 zlO6X_;~Iea#Z(^97Q@#6jN?zN82MB78ut_$p<9#Lrfylid~LN1g$#M z=%eIcSXnxSeiYW7jS|5$F*F>}xfNyLU? z`rpbnY&klGzm7SE{NqCU$tINT4!?rOO0I%WzA5S*wq(%bEVg;ZSV-G(8u`tLo2j1S z_Qic-srm!x|4Cr(H97L~NA)@=~HO`sK{h??%EC-G@^kaUUFQ}fCgOYQDVT9^K z*s(ebr?poUh33cOIm7=L-Qob3`SZf{{f_iW_i8#|y_C?iFTmx;e~_!I{INmHi7&kW zjEu{_4F37;V7n%k(#-tQ4T<*r`-7W&ZTL-Q{Piwb*m4?dwREU>jvYTbD*zI|h{)Qd zXQ5lchwaw91_=Xxuxs}lq3d}o$UMCS3&W0!+zMCH{1Sl?n(jaY7XO0erqkH(V?qUrzX|Obj!a)A*#tc|?cP7n0X-YnS+KVe?9e8hQD^pz-i`j;=(BCXb;CCIvz;+dOO>oXD zYp)XgPJ?LWq$=LCaSBKed=0;!XM@h+m*lDbC77SMhEHCsLgSt+p_x6)$%Nu^qO>eP zaLkq9wAm}T?Cx23sdp1(@0F(a?@!?)rk_Qvj~9qqO%PvGGFfa7QTA4>;uE-=ByBcNJo#Sp~?PDq_Y% zv+0+Qp|I?UAysg@il^i5GImv#r+FTPoAOQKI@M$xQU3uCu8U;{Y=_d#!!_6$YYDzj zWhl=ZF`XYsQo~4(y%2xqJSdJEO|2g0LQU63xSzpE)YZZ4>zc{b^Vn`Id*hDIL2aNU zcZTR1odt{J9H{*oMXa97_2 z2t6K6pk(2M2NJ6wDA7iAJ?<$JU^_Iuc_X?^y$e-+cR~6?1Fm0KFCuSOLRN1+v7M|+ zy7v{3!ad#KAV}r{&rgPa8-1!4a1}G0&!ML0K)7Fi7Z`1&6+QLDT5lpl@)6EEwrPlNU(y zs?x!i zsx(?mqTCnZlguGJK&cY)$q%Pm^@S*5_aC&ZQpWph5hArmv#@n}r5lDV!J%8!vA^{% z#QJBErC;Xrw2^i!q%ei}9zMyITzEk&H2;daZN{KQ+!B<#zLbtm7lGX7vk>o{44xsD z`0eRbs_(82iZ@gs&pnVh7)a2mgUhhx!5NsaArKbI&4Xr_T=6s2Vk{Um4XnKpHFv#1 zMNGvV`bqHA)P~l!c|+Q`vqS(ckSO<%h@M@G}{dGZPqp{TtA! z=oy|pZ-K>?uONApKMYVY;{Ep#e%)w??v>TJyK*cxtUV5n+FPMha5y(+3A3WCGf*DB zfFAAKPDhtC!j+SW^ufv9`0UAf(y^(QO|}dbcq5;|Q*@CH>oI~EslV9*+h|xYB8rsg z-iGU!U1{&c3*_mgTr{c31w={iVD^w@&~ChXqXq8I3Knhd)1rPMBEE4(Fq{4|k7S)N z5D)l%7KeG+(VJ0?xb$8En98TaecQp*BA>z8$w!$bc`Q<3V3ElzLq>ha=5W zTv_ntwuE#r2cwY~*mjL=oBESMqIHs6y5K`r+2uH=qzZ5RTSP zr5B@C!xrfcOn!kIZTtEFmN@-kI?H>|!{$1vYHbA=Ty)$lcG81Z}HaPAnX!$ zO55GKVf1c}OlD!il^A*kZa7K5d+ZpP4=%zpIXfK70rkg(i4cITMU-Z{%t3pWux> z6vL{Aq3fS-f9>zcFNy1`X zKN8bcg;QKEVv|KPIcedEJ7=qL=DmiAg`9A1XD)ngCoF$&BW~zB$1dvJz?|#$Q0muD zwm+FkEoP>H>Egp!>{11-r-y(`(`!6dREba4S@8Is!O-^mBD_%=!xk0&WwSR1u-ErR z;@LWv@j(R>uil)=Cg)$nDA^L+85K!-9V4K(*`EB%59TM1?G$IqYd~$|WvAe%c5ENH zo4&kYPv@+>L`0`2!b!#ra+qOKak?LKaL{nhNiMfmItFAe`lHD*_fN` zh*7l?urA;?d$QvoNOlaM>x(ZFnb7n2Y>sf($K`bXxXa9c*g?Fb(T>V3W6^U$HmTE? z!%nV!hii(hxlL)hNc*=Pd|&yT&96#eiF(x$46gZ0y#Y10M@Z_j)6uDA9eZ@L-iSR+I+$uPxc@C534<>2f z3}L>@8|L49gH&Fh&Sn^flOffSXt%H$es5J5{I5Fb_*E>fxGX7-e0&Pgqs&>kzZad> zy2ITLL(~s?26{I}@pmhq;gGF6;qdxo?mjYs&iG(TEgDACK|*FI`uAF#wQZ}&ahNIJ z-FFog3I)&OzCN7i@eWtsPDEqlSfW#246U&*$!YyZusTp3ePx3{zwA853$sSk-xm00 zaV)x&>Xh`BZ5FMGP-8}#D&QOLiZ^>rXqiz49BvdCMd{w;fRDTApO95qjJKfM{|@-o zM1t*7f3|Bt9?EhH?tY75`6*@k)7^>xyW9*5S8X7{Ia*Mo8GzQiZ(_{YGdS$j_c)N+`%d|dQd4= z-?yI3`j<%(?kr}Lmfa?@F~R6qs!l(QEW+m0C8bTq3*qw8Y*ZHvpvpq0@0M)?er(GI zcj;env}zxIyVz5j43F7VtG}WJaqnSBW(cH{NTSCHKy7JK)s zfb1+eIC@NiE(!_5gDHCWeY7UIMy2pZ_CUJ$hAiK>Micp-P5goMnI2;-r2PaG= zF`M2&l?)LqyJAMCN5+GralgPD9sp4mE|gb}hOhHW*ajP0e$inHM*Q7?0n68stQ}+d zWAE88%F&UUt#&}u05kS>rx@BZ6}f9sIon_JhCOb)Tx7Vy7%v@|PnK09yLw)@BN?}0 zl!T}>OG+PmuUg{Bl=~!T(prHDBSGyH?f6Npv-rGAlS`EChC?@*$hzPFo3|kpp3Mz~ zfLVPwa+Wzl)@`gBwUHMz$YF!AKR(wXh zBILc`P}mOxXHJBZ+8yw8{$BEVi4}ERkSx}kC(Zrk_rt5GvZCtP&?!B3OHyqsJaDIv;Y@h2;BAaErf&M}nLowQUOB zG|>SOwy=U_~yDsFAh$M`p;xc||2R(ai=+*y4YZchL{$0v*!otcHH4~*%g z^nNgW`41Bm@^Ge|G~T*l&u)c=;g_~@@zvO=Ji}-ypCxcMPnX}v1oKJs&bDfVgd|wp z^c!CIwPDBAH}K5g2Nf&(L zB)R$gME1RP4E+_I21WlJWuvrj;-HqJR7o$JTnCEEYka_9MIQDG-|c~s`*G5-382~~ zWU5wq(9;J-LgF)PwttHl9-f{K*KN9?drJYXw{qcH+g5|AUJT}`hJ(WbV>*9oFl0WO zh52@2pq6-r<<+i&)w55sz$qcC13!_@0H+?!u^sk17^$XeJ%RR9FN*ek5 zK@TH_Pe*QFgJW7>vr&uJVVmI)Je5-lg>tje7;7=+i3unTZHC3^LHxDrRkS=%PHr8s zrj}Rq=zsJBYQLFCF6_%d{rX|NetfwwI|(M~LOyE8tIh2Cl1-uzd374{N`@DHIm@mH z^YovS73iKp@l5XIdnk@n74oJRO7&HG$XV+;yjc{3kKbB~BsJ>94=+XId({ao zsutm&_RlEu;Q`i2l#2GW2jSb?XGC761rJphi=ULuL4A*lu*mBWI`@U)+L=rwx!jVJ z*5;ET6Gvc%rY3DL9fU&$Xwtr%)5w1wXSU|IN&2^&0G-Y7Zf!DdTpWV=W4fWrYai%3 zJrrZdr&6aoV?ld+2MK8t&In)5fE!mtvxz$Vn8Zw`A~0x;2irs3#;p*ZwjKPHr9gY` zVEQ9NjlR8h2qMNuid=hti2lpl4ENvKf`V`nfc4cN`L03tP(nSR)X z20JuG^S+NF4QWTIjg19+bv7Dj){UgI7Wty`!~tXm`;HsOe#hB+uCU&KI3m+K1Z;;7 z;*P41aQUP*ASu--zi1lYwDC8r-K7R!7kO~`nT}X>s2lc6ofnuYGvOP*jq<@#_mVodNRbrAAhqo8tz1^luH-Y`ywRqwVJS{F^u)2aaX z4!0&EPX{y?o6>bkC*a0}B2rVak)6zx;xj&%;>>_YSbn!2gWenSyJ26^dx9F={VPQ) z9FyRk$3C>t2*LU)8~Ez705-o-;N}uHVdwovXsehF-wqsRDQ6}5`-Us{ZEYCT&Cupc z@7-q;WLIKix(rSEwU)lz7Rx^B&EgjKJzzHZ&DhN!SXLeZe_BjLicJRiU00vhUfYZ9 zUM}K?)_~#HPlCV0bW(AymyC@(#-ieSm_hVwEV%Jm*e`zq&nMlmZB;ewiz~q!9p9kA zDi(ZXb@`Z;v%uh9ChH1T5Kmp$g3o`}Ldirqy6w3bi+4?fUh}Ukqu3UMRvad04qpRx z{Sa_HeI7=A{o}me;2A4hs=~}WMqYt$lUEq;RC3!PvJl&sChi)<@M6un4 zmHTF4*wZgC&S5JtsVNiNcD=xFwI86q?l8W06C5^o&G@$yu@LRhfzFzRY`tYKJ{fI~ zcQ&Wsl}VfM$ipDCK7SuRU+u;XcK4uey&RXF)_@N)M{$d;SCH!xTKXhgn$Pe^gBc4e z!Ju6g4jjD!dact$kKR6I9>F^NSN(mm%V!uGRh~xk4d)@=;{*xa-^6Sm=c7{dP1xrW z1zTSALe9Ze)H>=Z#z$D7n)6XuFkv4oad}BhUCui{KGcJAdpls%p-k~E4;zr2(kb*l zePDIy6|u+m9W?cBF%yM2(2tjfQZr{o3X@$ByzWA6Ry|RTyNdHpG~l3ziMUbOlB$Tl z0cv^UA0Y=ndfyE;aF-1K@k^N1<%WUN!8LU-&iE#a`9Ce`WeqEKtpa}d=UJ5uN~J;o}VNWuSb7dPr%C{2)Q zLxuTL&=dKKz5T8VWsnB}K0=0W(tFX6wX(u9OB?St{6A-{4knF>nCDvxDP4oOTVxr# zm?MVe7dx5Hnrz z?0+gR4p}*xZ~s!u-i@q<;Rj<_qMaDU8g?1(7_4_bJTI88x^Nl`Uai9*pX2O|yD?us?4c<5 z{V1x@;s9%`g`I5s3#Mrm%fwBG@xtIjZ2$6^xf&Bu?($OS4_+B?Z(9ttYwBY5DP^Q2 zWD)FgjfB2VPpW0@2C+3OQE!_zogsKckJ&l2eg5V$v$K^NgTsa&4qq!da9x zCXA`=EF@v(M|oJ(W=hwF5yx70yy4^tSAL#^ly7ph@jXY^gjLkRE}j+3x003%(jfJF z6baE5gZfuBb~!%`D$i#Ut703x{B{^#I}I^)r&Tb@6zvgfa+%!U`vn}r!>IbMxd zW6Om5NVdQf9II}{MN`Y6=aD^ng~@=S!$SyKW=|CsOJJqaNendkUTR%<1}+Xzgee1~ zu-ZBZ^=%)6qVF9Hn9zyxTW3@DG#TqGH7XO}eg+2H6N8i`VyuZ|nD)Kt$8b1P5 zFD#*_ZdlXjHO90ePX+I&dy$)M_h9u9dx%zjCf+UVx7U#E(CKGN{yj@V$@3aKDSAD1 zvtP(Jb;x1D%ZWIBcrafoF@>?DIMUZp5Bj-IwD)ZaRxcA~C*SK}n`fB71wRFDgNLHl zDrIi(B}I4BZTNSaJ9d3LLgdcxAnxD361C}qmuz(^Gb*>h1838napf4)9@UCNtCMjz zTp)TUCHOd%?A3TW z9KJ311XA_I@Hz4~X*wH<)!XlZ-<#89%NK?%mfg5(tOd2SUyAHxF^Q-)rrGwf*f~9n zO&!vW>SZh8$NoEzJ3SLG)l$%9@i_70K(6qq2TrtxvdJn_G3$FDXgY_96<$=A^$A?7u{zlGXD!5!_vBHZ%=i!W z8~E&v0e8Fm7jhdKz{hhD91>55lm=t2?yClt8f`Fi(-B-f)EAc=sfFZ%L3H)G5Yfvd zPwu|>oyaJz0Gf?vqpi;yp_?AchQ@@0#@jR~-LM_wgJrp~%mbqIFcWUwXdxXD$C*XN zf6QKX8bqGb6*%((H?!a!u24Toq7`@0bbIMDtY2tr)vB#{|md`^aYK!>WgC3 zr1Aa?dEV#}D$;2mi6(YQ_<~yEBHcnXwoesrZ5odnA9^8C&kuVIYGLxzDX?x#8X3nE z@tw{%)|$PB+N?^&`BCl6p-h3+U9rV-m*d3z?b>3KZHcf~I~j9!1%Ojt1iP~$hdt=b z#rlXUk~Jie&MkV3b*ILX%U>3W{zuVyIAZy|Vce!eU#x6 zjyvqebP;-KRv1bfKVwf_2?>sf}#tZYOV(6ejpI)ci{jSo|?piomZ z!Qv`TI#vu8O{duQ(AD^%Sc8_xJSH;^#Id@&X_%Py4A{+PRyX;xXzI5OQ1!Q1T(bW% z+PlBS?#wC>d&**&ofMh{dGKzD_mDm43ehlI0W;$cu=kC#Y1$WImzqBaSM-j74cV4> z&@~FDzWF6q>=AM$A==zQV=epDFiGHjXhY)gdUDfTkNPc>FgudWN z%+c8f(mmsZxj6zBe6i*oOZrK*d^y~@pTx$$s=)V0Mp7ggVzK97g|csDX(s^>9Q(o)vq#(L=9QY4p7tkS6S8 zN(#bYNB2#bE3Jo6KG;A$WCjrOxSATuYrpHyPvqU9s$=kiqz6Wez4&m%@Zx;VYS{P_6pmV6a_=S7%!> zqOQ#6FPngC-noM6g$lSbbP(TGc1*l%P8y79Y89pS^s_?8cd&b|7&_j55}eV$aRIUB zh40&;IMAF86E~pv(H9(UM!DP@S8QB4N2DL3M@^5|QVX@AJkLWD-@KYliR2edStBM_ zTeYd%YJo2mf0T%h59aee%7b>BD!E~xNzb@Hf(Bs^zF=EK`E=z&p#F0-YT5ch=M5F~ z-4u%(o64XtsvC^bk|66o#hQ$tV$~b(pyTKOs&m+xzD_e|FFlp1*dvs}!&pY{bL{Oj z9LSe zCm_G`JdS@mgC|$WfZ?6nqo#IjrZNHLY^4fkpfP{ufk6;*Sgbi64}1Rj^0zZF5oclqsLX zX2N%UU79B_ZSLi&aJw&*nlI>M-<4&+BSjytuDV9Dh3{jZt_Q1Dxro5g-32+)0xjqw@v6^1Xp3uYZ;oDty5mGN`WdHJK?(rtJt&|4m`N0 zfjEZM!c#{;_XJ-E3IBzi$5lvnuI|;`U=#dN{|0}Qb>q5Us&wG=SdyIg8k&*{VOf_U z&TX(n&-HqAb)X*R6g`9Go1@snv_Mp?*bkYn_oMX60d$URDSkVA1Py09VOr^6^u5{* zWg9l*c&$XV=!iz+?nr3X?}lHddvV6WL3~Q;9MM(na#p)W=-O-<%C&n0Zl6~gif(9w zb*&^V_VS@-U7CDGRW+=AAvo1P*z)q%$KmMX4G^@F=;z5r+cxwPdTMD4|RTw-j zvL*u_9^}E>qR1j+A(-oMQa2IMIfzEgg^i5~CZoA`MjYQ^F zwE#e13Y{{kLs}&P8=ZxGO5qfksUVMO{YAuU=Rv%f|4h7UJYFu)!5IMh+08$Vko@B-*kpYKt^HNlxiJ}z{H$TKd}3hDA_ZKl5r*-50(ng! zhfh~kdF@@%5BgaF19B14~sI|6|3sRa2h7`3U?m9?n&J$tyDDTNC!~KTeE;7oo@CPK;I91Gw%8n1B{<}3$ZoVCC z2D`&bQ#+{AoPx3SA-KqIJ!YN#i-Z3(gU!hh=;?nBA3qI&ljfgLxFFzH2ez{Y&KA3$2KfamcOqHj~)kg;1*aLJ@Za&p%?4EnK^wXYDfvzD)L$j2Na zI;cbM8tBj`jg$GJNMBfWzEJ3PnnKk(Hu{-~T<7`hm-meiL zI-u*#yzKg6$Db$~otc1@Q9{@M+1^Rm9dLS-!cGP!4{Aggr#{CXw})uDFb+=aj4e}nbe~*&Tmbu4 z92QTs6BuA2Nib^HCvl;t1Vmil!95%0`14vdTv%3zftPNJO?UvW)0=@)k6pqyybD6^ z7Gsia0NfchfL`A{3qzF_qUb;Ier3By4`HyPfsIJ$h2 z6}1Wa1hb#q#OpI&z}Ghe>D*=^C^EB^$($U_T@?qwQC-1{rkP11``+V%ns#hdIf)l5 zeqyq$E2CO5>5e?V{P>KJwFW%nch}qwK^0rxuOD=rIjz|YH zpT{|*UF8%r`m_;s1P??0l{2K?G#$>3oJ|)Qa^iWTWOBB|U~+r$MRX1K6&=hpc}Xx3GjeFH%sia01^WV@Si!=y2z!QsCGykV?&vpmnuDq9u{D zc+)Ev-YcEK^DG|W7!85%(zXa^$t&>ly;`g{DGQ&|Tde0n3-tfp2OZMKaDc@fkR6c6 z&h6-e53bU*U9EtaUshrRf-{M6$#(Q8ybBXN?D?=uGbxh{6j%L;B2lmAV&jlkxHR6G zuNxd$QYW=8nO{Og$B+1p6 zj^dx!N}yG;iI`rur*{u^m#@rp^_zdFv_tOC5$Jmil%O=jfCyMbLK~-Z6X+VHB4Gj2X z=l0E!*Sva)qdaEuOg%#|xo}>*e1ttz<+p+QWPxR9^#v!_OvTWBJ5h5qFut}0W?~{# z8%2QGs@b?W^n++?WIlw?>LgD!ELm!qF%x*g|4^etp=PhVPE$!^xl@oaU9ce-c7^4_ zAGr<3vRZ|{l&W2YYJja>sT=S1*Z>~mkD{JqG#Ia%i*F|>k-S19TKvbHr+9tD@75kz z%d_E-v*3rnl`do;2GEEhKE!nEXk1o0joxz_N)Hz)@C_qx;)-8!^n#oVR7*+HBb6(G zhbh9fyi4#sCRX4LInrDA#qhdp79`b=0~?QbFv8vxrlz;UwHI;Ra{6YBv)E6{?;G=& zAa{P)t%<0tlVVZ%N@BhA^W;p^E;P7!2EMdxq|>FQ)2!|7INSe<=z>!oR^0ppjt|0M z=|wNPy~dp`ihqyI16GqW+os~PyZJQbXcv~P>mtu*9HXNjq~XQ`HZ0sJ1UEi*W4FB5 zVE5^-aQx|8v{Y|r>x6k#HeVfA$t`2uk7MDJ&2UQJ$U>}i1+h6Pi}O_H(|gz4XteAz z&<)e4@oFcYnQc1eq$5dRMcTZ7f;620tNQzT`t>N?8MG* z(WI~QAG6KmHPpVCMHfe9;S}nK|IKva+M$zq*Xc~qj=BKn3bX_cO9ogR5WGWIw}OGY z7GIyCCFI>Eqk4F);4Q6T^ThVFdaDOX|6xdDgkDdt)@}5U8o}4D`@xp>T)^QkZN=Sg zxp;5Q0XTeNJ-cjRBmSE7lJvYXgc}Pl62*bPa8UX}{1J4CjA)6*w!6x7uR{)O*&xf@ zFNSf|lbg{~@hsU_ER84crJ&VudDb_=mFO)NylDOF@zqvgZ`V+Sy2A5UA!{rQ4F88r(XdcMFo(u11Mq!R505OP!8sYxG`EfL=jZ&jK1jn(7cN~_O z1)-(q08EYZfLUwB=%g_RIwbO-e0nN;Q_lw5t#Y70I~=?ZZ-Kun&%=gdRcNnz!CYJy z(u~BhTt>*}?Hr%W79X94*brn3|_DHRc|aYb4vv~v}W^Q9%152raG@;@<)fzdy$q@)moqVKbp_d zQ-odP<#Kj>zcQR~OTvv8OJJNR0Ut!g;+OcjkoL5m?63?+x0)!3FyBn2J-^_Ewbj^Z z83)QUgg#imz?t9Z3s)DH;d!HFs9Agv&!yP&??rpzn!rveeeoarJ^UE9mKpMYBQ}$R zb;F@MC{4WiLk}u{=!1p zwFV0g55fI0<`C}v^+z;5V+kl1X2aBvvb=hYEIs>n9XL-L48sQbvciCm#A`|(&JR%I z?U#l9$5Mg@nz8U8#TC=Oo)?YnFNGXy4gr#`yl3}*n0x)Q!0z}2Dh~&+UBmN6Ba)Muf<>Co1~G@y-7?whxx&a<;ixH4}K9h z+h)8!{yr#93;>h=l+e`VAbc8e0(-solZ>h}sB&f<(I2rN#zvGtsoPZQejpEZ9%SOt zcjd^G=Ug2ic?@)Z5d8FF4@pnhg)4IpoHkL0)Y-g_my4hBX z3LKkBaPaY|kOT!#BE1$47FqBy<9r~IBO2_jW+9hUSyjVB)KeE`m-F#hIQloN^&U$* zw|~Vtn=sTolfWD*MWVGVN;LmpD>iQc6I{-dsr0JBf{*f($YriEZ5U-j4U)of|9-bpg**?^B|<2D zszqx*OMzNkIP}DO(XJ~4X_n$7YFRWN9yUD39A{s+@F4>_R4m0~?kMunxm8epePr%;FD?BtfzJV5jkPA{VEPZ!#WWaNtLXs2xDpNqIBH3{O;Cw+i=s zSOGgyqM_8%fe!dtfIBmW;3a8$T;XHF{n8q7aP$K5JYy8x2=#|S@+S2BoLtsi*h)T2 zi_4FNm!svpy|}v|j-*wj(ltJ($sm$KN>#O~{7E%to-iNBT(83{XAK(pQs~%SpAPPq zz3I~DL9jQv0=9X@LV2mWc=1G6uzLRyi}u*Vr{6;6ueBU(#I406j%__RAWp!RetW}h0zrCTq6 z=kI~schOlcaI)kr3Lv`eJ>c^5fYn2*}}Kgo#(5%=98;*ndI zartgHC^Bqia?b?+fnhTlGtq<|lF;D>pFIR0#Y7%Hii=}pEb;NXWR{bE8dnLQ$@a6R zxSng_y<6I#WBLK-O*?{L2Po2zO@NE*Z!j4C7>ZP6@xp_NApdeR-uB?-v-UXANe`kR z+1`=t-ht2_RfY|sAL58jJ)*ze&qap}yzo}n1=jxGT<}k{hMnSKwz~NnE|y*jqsQvg zrmX~I?u-_jC~syayNp1=GZ7^0n&EwUH7=JhCCSxS;Nq`za$RJCtKJ{O+XIdHwA>GH z^UP~(Iv_a2AL!93kwbXs?_%_vsEVh~o&=Gkt=+dObFQ+P<8r53@r2EqLe|j;=)WpB zZ;%30maQT0%C!0UiCfAy=D6X!uG5h7ejHgFbpq16|B%9*L)<`MPm3R3#EdhI;^T$k z=+LVPMcXRCzP1xX7mS17Ll5ET>H|n_F2JTC8(~%%#ljW|JiFuwG?>(5%>1jYKVzXd z+l8|^DZ{B!LoI%+Hs!mgjleoPV|1Aw1ZA&``8`*}z^C_dtl)F`UKGdfJYFiA@x_B? z{oEpS<^Bfrr=S{yLc(qAB}7~Sp2sL)}t)Vr{1{^5_>1pKSe`XT}~=y z39K3iw*##3z*$&*V*!rczXYZJrNH{re_(==J2Yi%fcle{?4GI(7Hc-G#->v}ti$~P zOgJ@$-nyPdngrHaf8%g?*>j7jE*c1GbKRkETq?QO(+o4*g?T;u0o)Be1ePsb?D7r9 zastzF&bU}KcvnX}W9N(7me%0vi?isZic|<27zw^_i?J*vp0CiCfmQSr7%Z2g*VbCn zzw7#N+r!h)5i<&B_$`LcqtVFjMV5QL6wW210D)PX4K8Pn!2;{^M91HoHh%tsjxqis zzqwH~aCjuSJm%7x>J&h$L7K=nFhO(sh!x^I}n%sbik@oKOXZ$ zi)z;D=xx}aL(;akg}!iOlR9smr%I1J^n_M_b$(dsB^mtI33Rt!5jqc}ux6PYwU{l( z_g_8$aa~G>Tt--AW;>BSD1uOX;2s%_+_YV^_4ZF(Y+DTDj2&rMge~BxhsPT0VDLwVb9oBD61H3(rR(eFC zb^Z_b?YuI${LW*GmDa+&$8NZA*a>VlEk(OQF*sQ-6Q6xLPOhv=0Hd+tp#8B9!{W~{ zEn!#eU}X;pRe~>B{g!xMx&%KLxt@kU74rCwXK_LP2hk8YNs`}LEW9uLMceITShnp^ zHnF+`Pa6#uT}zI}uQMgMM2;q1t#O0-UfDt2-J_VheHk58=Zj~}FTzAOb6XuD5AH2q zK-VYdVDoICOV`$rM9To`v~3G~5m<~>k|SZf>TUMvnhYLZI})XR58_VIM9N1ivWvGh z>Ei`2(d>x@XzTs4?aDI49D#FFyC;|IoHqi?uj})>=~e7_lP*8(e+rUZLc!d7DHMlG z(N0%2ZWDGKk}Ma({?Tzf#8R8Duv$o}bk9=9G2Q6U=8iW5;&Ir6QmB4eg5IwZ$e%Y; zklL()Gxfu`LT)K2E*L=nXgy?Cf3=aOwqz_{Wln4~-D&)61%CQt2kblT$cOn!^OF8^ zV)gg|JkZvZ^t}{#`$f5=^Pdb#6c@o}D{J%~)Bqm`UwLf>IjOCtY$P!oo`<&-xq%_6B5N%*Zb z5ziLs((yB<(d&^7OfB48!P;|CSN@%h-r!^)qySZ_I66^}zJW96C}{57$p& zAZK`=?A~yml`~oJQP@ouzMO@UPqN@wg(H2lSV!!*A)l>sjK`lc5zMXqIo9~A(bnxF z;dhR{`1}1qbU}v+bI3c6UlSVeK+bD;H)J@SAZ&jx&z(rljXe(0%eOGkMbg;2VTFL; zt4HI@mi%?DH*5UlMqUql!Jb;=vSaU*&~LX1eDXTR9GzNVxy&3=Eqw`xX8lRv=rGvS!Ad?p6RY-cXo zdi2?NE4K0dQrcU01C8?@l82E+_+p9*-}c^!9{iFGrh8<0UG5t!ZYsnH5ywFH#!P@`9zxg-I=I2!v) zvv}CnAyDsoNNmQ~$HEbn0M-)TYV7Xrmb z|Lk0s93YX?RN1mQjz}EB1@28O4zGNLKZ|}r$M)T@s3F0oe3tH?1>N;=zf%@VD|Q+Z%5nvKb}C$LIzz%u9t~_fCWF?gRAokTZ}S zu$5h@Y%DK4stG#XH{oVN4y0&Az=nkaU$6Qw(bF-<4|8_mnXm+sc{7cNYVN|{X_xWc zvtgne19jM#3Tra`l_@`EA3%NhcpmI@3D%QJk*tRoc={TH#yFsbzF8zRw}@FyEhK9j zUXk?a6@=)R)A;qO{DN>cZPZA_J7s>*U|tM2Z#wbh+XTP)$nhO3xh#Ga|@)K8qr(exnXryt?Jr#Hdvgh716jFni{wF57Fjlc&c^=xr( zC)B4^;nt*UEb68UI@Aj4^W4LyFo3$AXey zGtLPXQN>^Gyzs3K=dGn6yD9|QWM<(^saSSd>mr-+uni8Q3-{e5i{pp>!v-rt^Q%_k z+4Tf7-4=4gmm$QbB^CO=HK5UBC+?|N180&i!svf4P-p<$IarYnnp%aWZyF$cn7}rE zRLlO!c+vNZQ~2vt6Q1sE#iO5J0>dSrnY-vTK13zHJiEYLgz%il%eLVY7@v*{eR4inf*R|Zp^#tQVfp~s@`J9FjLgTQ06 zGOhUCgSN(AbWvqGo_lJ<-)v7ni|$=?dCmbCG^Gz4gB37VHAUdhY=Jp`vCOpnD;ZYY z1=*erY)khEp4Op<{?V~$y?qGi?}*^zLi)t&8foZyZ6Awa)2Zy%N8;4~{OQHeQ??F% z+t|#z7TD2Mjp{{vg|E99!U6?uThj;lHnbQoO~@t{etY=|sR>Xq>k=877l^S~jTaPG zzcx;_XHSWR3eVR(ov=8Jsx`&qW--igF=iH(@!Itv!Y3J?e4bx=K5# zRRV9awF8@0`@o_1Y{MFGNjSu7Jq}{T)2+nmY%GSY&Bo;VaD0&^aKA$( zxogL0-uKpvFKjHwY5&dQcP46(&ns7=%4dP~6`@RPe~yOaDZ_}`D^+CGQzuE zUn*W5yaPAB$>k%2>{QBUS?ZeP!#A#)3JZ$W>3yFD5}JRQg@2q)JD-fiCzIw=-3kr5 z=3zLlu-QRoytzu`y&`b1tu8kfxJ9=A9Tq;TgJGlK*~l*VjV&*JquJ_EzPHXERc5Rq z3I!vvKHCZV4jc1@_W_bMOQ3S;JQ(+LH*as`(6wHX?vYjjtzT(aGWD~lvNWBKnfVz8 zjQfwD>b{L{?QBr$t^w8gZp4qimBNY5i=p~l*5KklD`7He|wg^Vs= zx@Z7>u}wIu8bfJYbUIl3J!GrQu9K2}|8j>p9CMZzgHzu$6zBQisFz+?5q1TVf+I-t z%>g*Eb1L8By94v|jJRaF0v~2|9r_iQ!}~9@XypVWJct6n((wkonOah=wdFA^lQ@il zJB4h2g%k5QRf)G7GT@w*8a;CNBODVtIZ5W>7+|2l$EanCHtDF)|0>UsbJ}sJCjz(= z5W}9|zD9md9)dI8E74Wwyx?x^JT6(}PmWbKf<)FcP!E-%-)hIu=btKAbMPQ;@F|a7 z|6Gcu@0(a%&oVl9zu-V{(4ss&0PpB)(?NGs8HtwQZT_VYJ$@7%udD+r`$V|#D+VuB z%tWt|Nl+1BjdQjy5S?ddNNGC29`6iT=QElA{%yy9b0M#gE{og0odfR~%lVJEUh&O^ zb9t}SHoRk5z)Gcr=gs0+e0FvuXnqUCEmB%^!Fg-$bEOuiZQhC5c$VE=XoQB5yXaqy zZOq5~12}31z{#*#n~z64^o^$ye@{X@(nPhsV( zIsm#6u&n?jeI#JnF)<8zDr8*DbFr<_4BTWYq2b6M=(U~4PD-@Gl1s(J?}s$>3mt)7 zWFAYD{K3M~{lOaViQhIoBMZ;Ygp{-z)ZT4?xW{@;95({pM!0=k2-3NiLo%?Gb z{qja1)_+}(!5*K<23J+#f4msB2t2lC>&HxgQa4#SDH_N8OTw4ug8tW6`C@Z^oKp|Opb_d8*Oxxf*bHju?H_{x6h7UCC`9CSw&*kzrLKho+*NQf*- z1rhjrpC-I|AvT(P5AGrD5g1;g4WWF(mc~QV0gKmWM0XF!W+t{(UFPOinlR$ z#&Rr{p3eM?=3@9U6F$#-FqKTd05O9Kp(D9QJWbA?x`i{g<607~-J6MT4z9ttj6*n= zYLP7CBBpp!l4&)D!>xboK~!o0uUCzL!tA?XBi!?7?Q%u;Q^Sag72#h+zSQY?CjM2> z<%tD;XjtrrqvK5Y*~H1{b<~Aq)ivU7wSMq7x`6khg#Pbg2m1b~8ttF>hsckcfN!q& zv-O4>aE#u5{L8z=4NKzLqcNIb8CuGYq+UbMoa^x6^8hL~yoy?T19|S4U!>Am5scL$ z%9r-3V?y{BvBP>FVILihD}>C6&txU4{K~dG&#qQf8k{nQszLm^%83>_wAFvs7r(uB5!&&}O z7+vkAz$Hf^Pj}H546iHECHhmS)BBe~zVi-tIMgunmIPe$VLv|IeGEe`cCz$)#rSaD za3~CqC4H}U5a*hDT$WyeiY{UJZoS~t*eJo5B@Tx814eN7)>jMhGU6O(spcGP)N>g{szNGh{5iz z1>7o^!OgAX@T~6*d=XNE&mX^os!`Esq@PW;eq2w|Iu=6ZmuA7=xff0P&N0b(Nl+(R zhP`>RT&lesxK9fVh}s|;cX1q#4-ptn^7=60?pib~OUKH+!|5EW6EJGaDAx4P6E=DY zd8D3XSkiEsxUW6M>LW(t{nbx_@2tUFp}Opv;~}&kn1jxO8+A~;KJ5CC4l^h37u*cn z@M!j9aI)-!+|QBZ%Qs=RKla-8N74uO%{~nKHJXYj0@$H>o@ zp7iU`BJeLMA{Rn;g58~5JPaMUN_-M_f4&U*YWkE_%R@uUPm!-i9O-er1S8T?@zdp0 z?Dm@~di7!wz3QOICExdfR&)`hKbOSx%?n{y;?8bT!W!XXN;^K@ z`Ua~)jLDSaC1mRJ2|}kc5mvm{fcIq{@Zp#Un!{)E6+)MGyu1dmBC& zF6RrZd)d0_>9|3+on*-5LaJylr&jw(-u^cDG2MbX7ac>%;|{pPLCEo*3&68`=Ao6h z6HU7J3gQ>1v9R4|#3tUy1vi~8DLMTQ>H>O*)ZPlgk+}h*(j54W3VT{p@KMy!Dewk1 z*%I0NcgW69XV6V%9Sn+dqZX&S(YS7;fb%TZb@(--R(!y4)#4Ebjcw zi1eagY>eLvjNN*R3|M7`p>Mh1G0K91HCLc}+$mV${F05f{!VuMNPmITNSPnZM{1ZmugQ`Ht(drP z8suL0@LJX=^u|5Of7i0WuSJ#WXcuGUiyIg{PsqyJufrQF&FN3!Z`s%G zOO9OsPHyTS1I5=#n3LBnhCc)(xU%V`Ms-D|_!L;a)c7sjORksY>r^I3Fq}#+I)eN0BonkiGKiSP3!AUSynVp?-oxR@I z2T7k65pU!F%7;%fg=%eiE+3PFKPKydz3K=EonIu9U7CgAJs#l5O(5-H2V1k#99)Fm z$5Zb}l53_0K7LWa`-}0BwmIE?aSS$uOyG}%xl`{XV*U$#I<`@URsK9I68Mn3ad{&q z(|5qi!r9+Tb?idYc#!Jw!_3%0uswMs25vbFZT+9ftLGLlHeeumUcLl6o6n%Ksv|ER z*2ls|F65)zqsVddTdYCo&&-^VF3haTe9<;p$ck;jvoAl2>*{@QdHq0Yu=q9mZtKcN zHRm$3HD-`GEf31hL_$VV7x-qRqjSVVJU#s*ZaBOM#jB6Qh*&8+_U^klupt|V3|oQ& zA})f0kYh4mGm|X1yMkK`=o4?ssmHq~t1zj9;9tEMpmWCH$G<5M(B%Phx4t9xBmQ93 z7QtWP5X;&&>2aNyUy#d}VeBq}Z`34-3*!y=fW~yxIG@NT++2!ROpil+OeB8UMQEGi zBW#XJ#S>DQLaz8LR>n%h>*trSHs!qNeLyPc%N)d}sm45QRVFiY_7(Y?6u_AHRCZ!f z93<-ryM}|48PA>}X8+mn=$LT=j{Z7q4LJ>?1CmAV(u#D~K6UPY@E&XWdJCrJJJOnW zoM@~XN)@A@uqUea_-*-llJYzXRce2eb;Z8qa-brX4Af>@JLm9~4{fMe+)f@zK7j4z zsr>Bh5twuIDG8D`p|eL$q`KaXDB&uwC?{KJ74EZ)@&owV z#Y~v7PGS1GMsZ5OSe88PCmzzd4aCizNPQoUPXaHZ`py%CNIUa&owneq7c6wWw0M`c znZOMF3(Xy;LFvan(PpxY7mpbY{g$Q}-cSKG!XAH9x-r_h*ih&Bn^1XFoZwx%$Bt-L zqi}HxgPfXi#Q78Wqg)3*R8MAEdqIagDJ1)>$e^3`d#LEi(+@_lanHxpEg9ZCD_5)q)`UyAIlq9!^8sp0dL)4`JFK zIrKbRAs!v~&UTNiF?AGXoL^h2nN(gYb{NEpZcB?HfiI!NxV z#`_k@IBQ2dj0?^Zr=PA6<^d_XPr;Zy`}7Jwo`~m?IdQoEZ5OI+9Kn*72I107HR!yx z91|uv(dElGv4|Z9iCk)w@as(hsTBcqqr!ReH8d5qc5dNG1!KgwAGp92HU`WLmf(wu zLonW>qKpQmp^d^I`1;Fi1a#=c@!@zDma+{;E! z_tCuldw{6LaVuxBFUf>pDXx6S1BzRdQNKv=p^b~+qy2aAj4)+(LwT<7^Y=r^+aqkB zey_-^>n~2)=Ek4hTZiAnG#dKN*wVhEn&|2~=Uk5BRiuFx~R%GMi_#9_QCShJV_W-xfH(bE{fdz#~LM zB@_H_$$hw)`4C?#3vSYXA93gWDsr;=8Q2Q$kR^X?`L5CD(BZ^=I%f1T6QgBeRWPkP0<`x#5mjq$dNKqqMtmz(n8AD!{T`H`?duK|w)L_^xu zXE^tPDVbRF5ubF&qMe$x_-mRb-8m@^a{Lr%-Z(i@b=!^p-8+JPKRKGZnl#|q_6#uc zzr%V1x4@lAx%eTYpIp5vCet=iT6t`ekR|zw3xrnN;8`c&+pM`{XY)?B$*h$rSGKY@vAb&r;T`dj&@Rd5y8d1pnRb5OkOz#~=7M!+pVxakWmJ-nnK&HNv7% z%T!(1`)ASysd{mh%RttB!h>EJ_l@aSKf{I1cCd=T)=1b*kY~*=_<0lAkmZx*{e~6n>1kX&w5mMw@4~19j&?0$K`6bN;W|WsL za@ZdN3l^P2?XTgmexxM7d~XN5-?t9s8-9vTIPQbZyY51Wl`Br2F9%7wuSnmBd(aSU z%%8i+h@-~I3!h^LY98|u3v>sIu3j1r1v7%7J;;JxsM!meD=xw7{Aa8?QA}FW|KL;0 z9;kd?iz9jr;at*N&=@OpQtrMZ-RFvN?!kvJazO%0d5>c2Q?yXdaS#j4@c@Fih}^-O&C@K8jDUtrf$0VxkY6RDVRCcpk;Emh+k0V`V;qUqIzgx6#Hi57hqL zf-6q*A?c^!;1)Vs&)SFc(%S_>#`h1|cR+@&TVl#hwj==&b`6P7%b3^MqpZ+&El@dK zuv{>lD>`GOZ&@GKU)=6%2cLr>$M7slYf!iQ})ix z6vA_^Lxf6ct0<+Cme5|xUZEltsYt`f$Vhq4bwW#uQc2TWq#>n}LhHT%0Dkb?_v4)F z`hGv3u&LO7V<>!#-VP0Wo!EaL%;3`9X|UMU1lH_K;2|m}VESZldR#3Q1IqVc?9zUm z=8?@VrwO0OA8ojqJBF4X--b88NTbx&S;T!(5(Lysfba4XEFe7%B+4tv`+t<$IH%&w zQ`K;P?SJgmSy?F2wqmt&RA94O39QQ~Ma_L4_N@p>R2LBJp+00&u z_ZJPLgNmfldv+)^+LpipuX6E%H#^{OV;XaG@@0BoI?-=jBGb`Wk3~u@n3S4@;<`M% zCS(-zZH;h@StuF2eK5TeQo@e6+VcT6ggx-rhP_mpMC%Si*4CF3oo4uVtt|*zHD42+ul3^+Ae*C+UJMZ zRyYBZ_0*{HqH?VFI84Hde=@PP;QcIV#9e;%_ERNdF-UwKO|-8;2>E*=*tc3)P7lk`T@(|YdW(qqCL zGO!fQ6*(A+D)2$)55$fgMCH(4l2iW}`=wIRGqs6aY*~!otOg3Z5*5@KlZ;#Ct`Sw4 zhp=wq0-Trd95ZWnW6hBtry}(5d9%Rz_ z-}r35z_l!qpt{0-Yu2WZxFd2VNPqnZZGoNGx>p*LcjjTD@lF@Ih%q@Je0Gx@3wQ)vns-KWm50sVO+$TZ&4oJq~-x zG-~sy0S0fHFXVew=($IW@V$mTPI($evSwdIpXa0KTg@o4e#}SFMU{7~PW2VkFP_f) zXFO!L>tk_DmOf^^8HeSAmQ;R@e}>Wyx3KD)G+lfuLev}&P=59?OMfzrCvVsVYgE=! z_4*Sy!SpWnTFc|9-z(@Vi5Dd6-yLRldo3OtW=N|i`J=V+Q8sIp3~$>%5|pDR@;-Gb zDz~woxGF?}Zyh5mBIW3oZ6}~gvmTcB`J-Y=G99wmnO80I#VcEzS+&D9?7X)CJf;|6 zWqTA+OZ<(RiS`h@OPvpEK90^y#!!`-3>@k|jK5COrMq7r5x7Rexg$dfU+SM_(o$M{ z=C0*9|KvQL+0zNZQ}l=mF6VpB%;axFEnww_Dsq0j8~IdHj9Mx);9cwnNUxQq!}Q8X zccC>sYPl69_E+JsOQ{&FwT*U7YzN<)8Zf)xmEWqG%1dVLgxqK9Jm;qmu?TRYk1eKA zw^xsF!n%_n0N_ADY)RL7jb$DV1>%uWnWV9|w(_^m61uB56XOR?!u_hDDL$Hy10y<`7;Q*nk&hZ2#zK;dVFVuh>OOSvF9O*Y}(s0a^Qj?y;fp` z7w-fLyk@{XZ-wu&Mc<(7g+9IeaDnLjl@PMRaxB(w6gY)V33T+Tax{7=B4c*w&>?Hn zh$r3<@4Wkn?4OV=_Vf}_SL<}pkrE;*YzQvIsis21i>Rs=GRcRafl8N68Okov(KPA-Oi6c zE(OayK3G2MyzQ^U9c+fNHjO*04ri@SV@Ym4Jeji`8dbJZzh{GS*r-VMA!8rd+8>5V zH7XdDH=cw)Lh;pR2|nde6|BAz2*U~)Cj2y^>TYjwhu%9FFMWgkIi-ij>vfsNov)~* z@(0JXT@r1oe@Qg7e?U#+1ll#u7X!{N$BN-)_6PGg+aCT)q}yEr3crkKNB(iq`_NDL z-)3jjh!>pI_tkKpzbmdDBM--$MncgcRTwt*5(`(D4sSomalNbSS#YEgiA@P5vhq3f zjND&b#19gM>~^$VugzzU*B1OCKjGo2!PLL)FZ_`7qNn$J<88x#nE6QHaUH$^18d^Q z`-~BAJNhOrE7RcE^q6oTieeApJ8hwaaHg0e`WpKWXB8Y^ZV{DmYnL-RSt?M4-8Jlb zV+;*gCphRP>?NU^lA@t)jD3u0hPU=5a7Q;69}ieZB!=W7A3B)JZmWbDUrZpa@HC#d zb(onXWRP2mW~2Zw z-}DIgs)2a>mlXf3_?c8RF=5}og5Jy+i?jY3!~HIyue{$AwmgWzu8Z5@kwzjK?TV$t zqx5n9;|!R&y+`B|$+_-@J!Ei_7mj@;1D;*ma5WBQMvK<*zk83tpEWLQjm}!gSkypT zjufG>ohScq-!vT2xR6JyuEv7NVYtI<0vtO#9_KDMWG)JFm7R_mtjgs9(dvH0T>OjK z15*jwQ~90rT;IR~dd`F76rlsV{5{&7E92W-q9AH-3tMJvO!ER%@vEj4RW3WouV*kWv|MXsejZ$U z*+v{0Cd(JjjKBc74xH#%gx*toP}%gh0WiX&IJ|vKy527QT@PtR;qK&4-(wX zxe%3{-{ZJ1W;kn1vuJp99%=cz1f|ED@W07wbklqv64J7tTsnOX_pn?T(k)HrOgw@+ zPg}ylz*soC%9Z+U*oA$EH8 zeux#eC4s|NJ(|6}72r(t!?qZc8H8AgI2|n9>2*t1aptEla|EjnJtmTftp+tehWBCFK^o3`@ z(F5a8Ooje&**NZC6L}Y!!ZwXa!?ZPge+A0Z^r4lP<3jd>OR(^rwlfzz ztEB1Oca+Sj;N;J$QyAhug!Xg^o{U}AU@AI;5sm|S$fl35d*FOrGHVLRsIG?EQPTWS z(+Hk0T$`*srbU)tKFHmd#-MbMA-ikai0dQ|;*VT`qogN+wGU6=ou%p6pJETsp4a2H zZ4u}kc7YXrd{x=#Efz`2Cc6qi4ruYQHjqg#Y5bX^P4-aFN zTNs~EF^V6VXGu@i<+Fm_cSz-QF*`bR3@8S6px*Q0JS6W9Ib?JK4K)Ry%i7i4;hikZ zsLjAu-G%(2emrb5$z=`Yu6V6Ra5EO10hLp&*m=AN@`Ho%hsjb1%*rA84}!^;ldTwS z=Ec>MYnV0U>n^7;>F!&socSLb@4HE+ygeg!v{0vpm0}oX z?Sy^(fSr#*N#mC*829N4J6os6s|?y;;hg}MJh`k%;$zQ8>Yi3dEYnZ}I>QnmOd zY|*I@PoIzhZya)2Ys(QbxXg&_so#f~yoGovB$C{`R|TgY^nzJ;CkP=EP`F(M*2BEu zzQ9i`Dfy51)@6aOlbG$gugEuVFlOym9^$OU`$a7Q1|%S2DU3JC6uB38lMh#mLG!2# z_kI+l3D-_Pi#lVkkyRb0a0QX})ydS-e&E4sPx7MD3lLLMUJEsbi z{rd*rKaUoh+v)$o@;vN{`Z#rSEWF#=aQ&=soK%_F-#glF&&40HjI zE^y#g7fkq!;vvLZMtI%?{>8BuJ!p`iOt;UR!9FklLmGUCLVUiOFz0^697eXnMWtr@ z*5Yn7xoAX^V_fa4-?@R}*?Qy5H+5 z3BN^1;qG!zG2FV0{dtEqXw~%^Y4D1<_5k5M5S#F{dOm z>aLW6`SELsV6;x`}V(a*4~nOuTi{Ta1rZp-e<2>IrV5sn1-v zjfOJLIrkdf>?7#8;ve|ItBcINoCBU_y`l$6*HANOFj^OS@w099@LTgTzFPVo0!^<% z`>C-|Xsm-(TR*~USy|d#sD)XUFWB$u7_hls2(s`FX79KlxUy9FdDl3|m^_2J8ssrK z%NuBO;}lAbH{d3A-{64xBjUQ_BeuE!2h*1}K~qkxUCz27*1A26>c?yHZ@-pM{WAxk z+kc;UfJ2_Z5zH26$6C-B1L52#%n-$C|)`Xhz zntjI!xpf?G48O;ubbG|<1KMEfKvOm=ZY0imxEsB%%Q45Wp%^SvMtUscpn1m~u#;U3 zL&g|Dgmk~?@VP};Z&`vZm$uO%s@{0)SrND@Ct|xyyo{DoaUj4XHL*0F-; zr!tI8yl)~nC4aHHz-;_29*s64NB*&UIW%AWLOxElU{f9x;T^6E(`Eg!RPD_bQH2y8 zzCuOljm@r@BeJH8mrSKam-kX@O?$e&@db{|I0Ui1PSE=B5L*&o3j_T2aJfB#V;$A_ z_&M`PRCSQx2sYxs?EQIPuDTd{v0CUD&w+=}55t@;c{)H=m7cm)jPv!nA^+48 zZm{k-E@@SwZ%s5{qT5saZ}mQmiwh-kRXX;AWbEjW;emqr_$KJj&4nose!)DeETX<_ zBb@J5qaFu5_-tX0$um>nV6hB6@!}SUA58)?MSa1&y9)zM2hyBlEBUI+*`PS17Xpsm zME8SgGiFN2>_5til_M=A$(2>dgI7aAXXDG~tIolP<&!WZjo=-GHRzI(-tc=Ht zRfNnDy6@Ub>2S1Y5D6D=hH#;WG&@HhW+&eu=WPao3L{Se}DJO*i6|HZ?xb z<^`5KJ^+zR-jlUDEx4^(fest9Rdnx76xqAd6^+mAA;;M>K<}~qZc#H_h&(IwCcD8@ zO_eW|`$IfqJz+u8e&iMU@axBLw13kFFHU_Xz6S3w)?V;m3v)_Qo*ekR$OG+(l1%Ey zTsresE<9yJX{?$p-S0et-_B3L7f+}1FqZ@3Kds$j)y19Ab%oG}2Y$k2^Z77B(g>Qu z1b$CbtW(QuX@&VG9teN|2p*jYyY^~B)h>L8$Ju0dFiHorGXmUr|R z)1xm}z@dCMGUHARESXq>yHcaDY4b1`dvYH8DclQ4^>BW%Yz-b5dB3V&|T2jB5Zn0e=0JL&bu} zc9x9L%bwMN@2=*N{;Pp}#atu7#U;Z#+JEA~-_x0I)O`ej-`o}K4d48Hc%0}U@mQ+J zL!zetRlX?EgLoukRLBejO{X1?8Tux6u zS`3ADc^J`bE-=44Nrz$uv@FmA*Bi=ou5&4ja(D>iUw#lx8C3~YHJ2(K%J#stH?N6< z+;hAsWIrqquNAlz<#4$n5O+UK!oBaWi9R&zL)4;PGU(NJXq|bO%=1WNe#(zA=<`GL zy(vv+$jzX}FOJ}eN!H*oqyav5OW=VMhT!?$fbCniowgXi$1w+9V?jp(o#=fUXM8CU zpD>NYiHlFM^@4B2_lOFeKFk8oM#SKm$z7~bDYJ5y+FZC5kqdWq1W#c1eHiuCA3E*@ zLiizpiIWrqP3e)KI&la!JfVmE8G{A)MFPwEQbz8F+=Tce0&Bwb8_LK>;{Nj*u<${Q zxa;&uTp7EVjT&r@H2g5k-6c4%WiK+bby{@70E8hUC&SchI->Nko-jqxoOqx1f`4jn z*}eyRVN^{c&I^^GBL!AQi!H#D4a=z8GZS?Gr;o!2%;Q@UACu*$Cu8Cd31)pGo4st? z2&%iUutgH1=}q(D*ndM8N6u%J*T+ck@)fU$j881H@cl);8>!H>yBC6Odk*N?2@J8l z!?{Q54$dHAEIU1K7O+G~%Lz=|{pcQpOuhkucwFjZ>^k6j6 zYytH~A@}2{i|eHNapx6^VOb|&kaQ%w@^u~yy;W+jI_xwC2pLKxPcMj*I|j4&%~v-0P-^%qEWKJ-vSTd(UND+;s$= zg-qrN3l8Cz+{suN=77appEFz2FSy&c0nVqp^TP7em^U__p9%58KBtQ$v?>rK6|+E%oefk#L37CIK*Uz!f2Oj zFn2!#=0)dlalj_%%^1ichD6}tu_I`9{s=zIRf9)Av!ta@u9HNQT6kwWnooCBfXKgL z(APGCF8M5JpI0R~kJfp@!qt{k^Vmc&iRlCFjtjWbFA_e*?u5CfmvBm264_$vhFx5j zXR1ljksBTO4n=8tJ~*IkWdVQeZ<7&w{clnFEKp)U05yDk)kab|t-AkE%v zO?%%?h4$1sF)K>orTb`sp-vMvNLj)4vTaax)0m%wqnzOMd zRtNS>et{d_yJLwk6F=o%$u}I-rv@9sKyyb5`t3T)#`WdkPKJzPcT4 zg5Dt2RiL3OV*wv#1OH&nVEhH0%W3~Ib$psD1AErags)%LGk3)-JapkWnW^*-q^9j=8Na6j|62maS>fzr zqZ!$KXCfcetH75ASVBkdN}M(PGGseWC*zL|B9~_7!o&ZTlY*B|uvN$lR5Z7<;gN&* z4@pBBvsD^<@=hY0On}9OJs7gnmIh^txJKYRA}vu<8JF&X(>)Fm)6{KT_jiB*rUKZRe z3toBAp~C;xyuAgiYntHPDQkvd3qwhY-%Lo^-iT^ZBT=eBo5q(VkdB-8$RYm^%(HnF zW<_V=_22anskaOcgbPl`m3N_k??gJUrx^+_44^TGHK@E-5x!~ffX7zjARt$g?h$8W z_~jfTsAJ&vaDj1C`HU^KU|e$MVVKVUvU2m+1d~7GmqC;ddTB`hd>675{cpuvrz+xv zKg!f`xfIQc3E(a*H;CiRJ^XKvBl{*k#!@DptIU#q%toIU&XHDcS!T;rlzcD8hj*5u zK}k2cd|wIwW-X&13 zA-rGo$z&Y=GsA#*$~?mr4JH^D-+;Tyli=met+?+>5}$EG;K;`36Nl;y)H`w%q}``c z*_K?v*${?%XXP=+6T-cDtKgKnaE#?0YzCbiOa5SMh3G%}8^c``@pI}|((ig7lh5nm z-uaT?_27|6Lwy{T>{tMg+T2)!HV4HXWKy2_*j`{khwj79YRg0W z(PP9qy$R~uJK6kcVxnvM6rZkH4-3L5%ww}>9?4#F_CkyPpVA$xdeKs_Q;(U2t5bJzcfLM-isZr~$K zl8=Kaoh@Kmqd?spgJ9SWA^&XCBaZft#<|OsiDiB|=sDP7_(oyhwK4>>E|&MW?VJ2i1v~jYTeMEm>_gkQgCWbCp`0( zpp#iMD*e<4y)*JuXNniPHEqRALjnhWD^ou$Eq=~K9$xe#PWjY`^>d%$=q4?^mG}+} zwrO*lu^I3pPMyB`YXd`WRI#hRlH7Q64f!20oxeRWfHJ}iTvP;Eon^Xnw>3J47HWtD@X~N4^ zUpgw~E{a=&p!`2AW>Y*E)|_g@=36l+Icgw0-gT1gv@2oW+rDApiDtp?Es5f5pP-qS zFts01F!f>^J2h#$IQGFKTz6_I*6)zSp6_l%Tk#Xw?0ksL6Yi!9qJ_P_W+`r1JPgXa zTCnuEG4CAw2dC~m4F65c5{oCwLUY`5P@EWx3xXH2Q74A+^68%iK9fCOd$x(Xwwltm z6JJGFH-5si^XzezUp5|jyOKUtXlA-cv}uTf1pEqYgVW0r#WlQM@V2#(?WI$Ba!LWt zd3p%%eu+cxcYElNzCQHzvFG|XIXHe6cH7QF>7sAV@GQO>H}(NMK6Ho4jjje0*&bLv z`V@?@Q-j%qk*%@$i#*Q(%AfpYK9U4y6?&lTnp}K4Y65pp+yln({jhK8DQxXzxQ*3f z?5%ppa8wptw43l+NwVNCDhJcatKiLrNXWR;0j7Bg=o;^Wx&|q<)${<{u+j|5+s?yK z(^6OY6Kndy?I)pzRB*Ry@24ag|3cmDy zjnPGhptdN8tr46ec}@bOEwK=~+Q(4^#R59F)RkUVZNl}dGr;q#o=8*ScBO<<2C1=; zrhFiGPY+P~5jIE!fl z?|Kb=z*5tHqSB5(FGb^uIIB@5dT)bEthUfhcf?44|A|S2kVzmwMW|D>A0$X-P^MV;2 zSalK)tm{PEsn>8_K^@qeEr8mbScn)PNrRF&uD-5_rY&;Zr(q(_Sda=TZ)|v1-&VG> zxmFy}nE>}f;=!hV8h-96VfC|jpn!bA6%#YD*4kaXWO6PvwpXy0G3G2PFc<3_qwro- zG-+0j!+ZM*QSSU^@^r269=#WQv_6gO(VAh@LH9NGjZ)?NFT51DFD$~W3Q4>vWV9FB zc;Mjt08pvXgYkLk(66Trn>M{7TIx43^-hF++TLa$7gNzWdluU?dp{l?+$KJ;K^m;p zP*kxk1Lw>UIyCujVALGTRLmuV)|&&Q1?SP0Z)_ULPOeI-9ubD zZnE%(9Qc_yngt4uX#Ztu&|Wc+=kzhWxvh!ZSz-n4rPes9F&2k4v_X2h32SrT3{$6` z5?v~s&di+s=;nQ+=o@2Q{$isul?r@#IeNkyVmiDR&3pQx@OmvwJDrKa2BX06#7e%z z=mieH@e8_iok5ftg2p8uh>ENlZToV7Y<@eQKL4eJ8|q)-i~FIhWS^~YcU#SS`!}$D zpB5q>W{&J(Uak# z%wN=6cM==!7Q=&1Rn+Y%V^;YE*p#M5KNMNhf{RzN@1`E)R*c27pFfJ$H(kd$7b~D@ z&tz;|HWSq${z^mgQuZ#Q#x~=oGFIsz3O$_;ra+%L)z+J1fZfrbV01t^ozBJg{;nJjv}TQOmp`au@a%c@BbG z;jR{+w>A*_#-zc4>;`C>J(gPLB|yU6Fj4ULTuj#50{g80kz@yR;+S2Ezpsa(!dw#? zc~Ty}{*ET>(>OR8R8Jm@Ed(dmJQT&%lMvZTR8bm4ZhM#D%eI#&nqLcH>+%KuK`K0S zH(>i0on^<{j^giox-e(BE}w7Hz{a(HfQcyr$NQ%|ZJ6f{jh}>hyL%9-8IPxV{e$Vm zrG4mcYDP~J!e{9#qqp`W81aM)+Bo3_UP--JLfYy*4+wwT;lN8q>+4t+CBL7 zpD*aoj9@B`{`ey1Gz?skjKsEC#Lry7!9Ag%_;WV>)7Qi1hlPnJ9okHO^r#Cy6hrtv zrW`Gj^=L`$72MgC4L@J)g5@WQAV}u9ILYh)%Di=<6PjDVrj9eOw;dSjRt!ah4#Qjd zAeiWpNUpy)D@>|CVn^OZ+$beMr~$vr&}e+7rF7MAFX)6=o`HHtPNAV%dmahd(a70zcWx3h7Ee*iDrQ4X5>WT=I5H0?Jzf>p<7!o2Qk72XyZX>*)79{mk+~-b0l!gou^Rex*xAbD$+gX??g&JUdRVbEQY*s`nYH9MwoE&IvD?9 zEc-_YM(IY0R@FH1zisOLf%70Nc$-Z4bK!kJC)U5>56&lF@U~(Gi+x;zjw2noVzPy;T_gSq7@Cn&Wwr5{$Vw_7%N9qQ_gBZ0@Bi`~?!nC-26 z7~e46KJeofX6hh;dsVLB1>;2|*W8sl=3Zixe5c}AA!A^8EFDTSRzO;C3VHL}4lRyW zL+9~SSR-)(;=)~F@pA)Q-=TxA-d|wLtj?hp#$uH)Q#rcP6rU}3L93C^uw`{Q+}~LR zdmA(>lP2yJY0)lB{l17QwjTk@2ix(7pFdQGsu2xYL{IZVT;3!Dv2RX^2Ps#B{Mc7u zcp(ZToEAXraXB{9I|c>@jRA5`9zXoF1BqM}(0pM5kL>l~KiwG^wYrcLSWD41rDNDB zSw*5B=+XZAS?oe|C;YS4rWzY9F?Z;3EHGb7!)Goarb^v7dH7}QUK-2HjT3RA>uPAe z>q`z#Il>mo?-q9q(Zo%EilE0mTco~U7l%dXV35EB+VkWQJo0=DS@!qXVxw&IVDUKK zeJ$5r5rcvLGjUDiVG=*SfoPupiU!+sAu=sma1ayzIm-(+%Z1_TzIqrExB|TnX0R(( z!}zNXW&AFD4u{LH;;CAI7w;CZ6+UOtFL9?h?X?L{yBrElKFPRohCa1gugx~wK4wMy zo_*7+ZQShsMbh%XklS6ljK}9Y^PK~;VR^bU_6)v=liwt8vtJ5q<)$;>RU<*agbN&_ zmkXfMQ3Xf3+`)o##q8YBJ{+y5h7xNlL3x)mf7CDR^knq#*xzh$c;HGERJq7k{QxS? zu%qizl$p=tRJeLX$T(>0v1-v3@yc``SX6$f(p|9*9IW(7Ua<%R3#94AmDP}TS&dr0 zbb{!W<4BU?G3MJXu$F>a$x#D0XnNg^ZdrLmdD3@Lw`DZcXuX8QEqBB(9_!#h;f@^q z4bLX_8X}d8g(2B(u1ExZBP6n)^wm2wL9nZ$7fd`w2@-H3} z%jglb?|Kv57e@+bqHI_ou$9k+-@wp38FtWM1nu2fi;^3j!0@`sc=xp?IX-G1#!OYl zAMNwG{JUYyp_hXCtF>TlR43$n=Hlkbbr?3o6$Ag=WL>=vF<@IHCiXakS_4JVa=|lg z%%Q3Er1*oeHad*36uWrOfVBg{p-WXAdLJJF#m#rgkzWS1k9D#|Qr976Qzy=;nT6-_ zhl*@YdvJ{&0Lxbc__w)+kb0pTrH}k#0rvt)<)yv&>8q06=u8bvTU`%-EcK}U%(<}V zKUb`rvWof^KP8`T3B81o^0ce2oit4IhrU74G}w9fVDtF|HaF`nA(nl3A|o6(Jo(3-RV@LTA5wT;YbxKo_5heTs=;<2CAu)7 zfwk_F;@ecja9;kTh;A!|k7c{DVuElcSSwf=^($HX_rG{_N*vwVIGDuwCcyVQ1^D*Q zU#R^!2_ox96QyHrOnN{H6g^C0D?hwL?WC*l%2OTRhFJ4K|E0mA{{jSO5W~< zE_vU#fWrBMxZP48r)EwC_s1r@>TfI>9osCraA_owyGNmARVI<#bOUz%y2O_H?S@I~ zoAA(7O_+W31Aa^DtK8)2CMuut0bL7MfaK637_iWkhk`BLyZa3BnJ39UgB$#|1X|?|pyrzW5UpPbU!TOV6Q1wHvrr#QuVq6+a{_kzEhPaD7hs^n2k4xU%4BCa zGtrvwP@XV|W(r-A58kK2e#K8Te4aq0$zI+Ol!P-+?;^>AtJ%N1LdK*thq2FRAhz}^ z(I~wLQx@&#nuo6o&Mgs4>@OyK@FOC%P(+>TEO56?42b$|V59P5*tM3k6{FI`uU75> znN{KJhnMi43VE?*4WW?St;brX_zB0Oqmi|q= zL+Gzvv!0GVPI5f+geJGre*_xx!Y<{rimiuXWAP9K8n^-y>CGVJS6q`$wUV>(x4&zr;XMbmaLTyciH z^bvNoA8LG9m6e=%`g5WRqD4Ll8&&!vKOaHYM5ta3w=rQ0t*qr-7{GJ=*tn1IvOUPsgoSFiagJb#ICFjW2 zRwugo+es`RtidPzCve)=sqve0Pg0F#hhV?z19J7DJUun{0<3Y66IevWWP0gHzG{#J zEF82K?XJ3Ww{I2LC^ZaHKIE|vI?{OjogH^vs!hkNSLP>P=HQd|%k1|CVU}}w8564H zumww)gYHqD`Z*YUa>qb$YBGdfI3}Lv>P&s6-6AtLzh?tmAK>iio4H}-5H|mtBn`h^ z36n$Bd6eM52${QyuRQ7~iXJ)u)=$5|9#!v$TNBgyw(G`pti~yjai|i>2AQx$H3e9n zb`MNs1PqX{Ukly-6PmZ3#SN|IG;j1)a9f^0TULefY?HNks(3A*yy!08I2-}}UZMP# z^O4FA!6leHxt6VuD`PJnA|uv&sddUH$?iI0fzn+j03TBe=2K1<+n|N358?gSdw&(G4Ypomwse55JWd zo*>0I(C#xsQ`k z>f{g>`Ob-Zt||cAjG1iQY+>G+JcTcx(j?ZZ%_efcq`~=hFP3Cn#tY9<`MJWeV0cE7 zx~!i`m;E)NA?^;i`Gv6eGRULDn~qS!nBQ!fTMHX%_!C}Nj;0?sS<=;#$=F+=&HbHj zLaCC_-~Oa5Bn$rzc8J@Q#nIs1{w%{*w3hw6^j}lCi3GQ&&X;^2e5wrk_Ax>d}q1> zZGWob;P=|RIJXv`>V>k3@pVw{HxBOY2%z2V49mub;g9Z6v>%!UTKa!Ty}JrHD+iN3 za};PW)uU#=uHuZ5#kg+9cJbKhQry5?mWF#8^EHL)^k=kCt+H}v+X_|r1vF) zzK*Fhbb;eRpb30>*QK}v7S~Q8*M2>*uf6Z(R6Cv{W`f}L^7qH-}GtbYSN&kRgkk&6;n7$X8u`|lo-_5J*Ef1Xy1NVA zGxk1a^$wx}rjo_#+`=FBW3hd<0`Hqp&Wuz$LA@w|KN*uxi=>8ArHFZa zT=Z#(meL?Cb$3}q(-yd?HHo)qo}u}DG4Lz65&DORa>vSB;zeuH!EawJoRzd9dux}V zm4hBNZ+QjUWC-7;aD*p+o(;WsbcN?0xVHaiP_O-m0TUAOs;!#9i0ffCR-5QJr&_Sz z&<{VyM_}5DIhBup>C*5kHuUrMa`-%PFVPr%95iQg7c_CLj64NF1XmDyQU%yC} z)=VEnul_tjR`4($oqqv2>!8zg_6GwIC`|=vWAn>tPnAJaj09oY}H@g@1{Do;n}%CIqW3`_IZ#!GS{#=)a4gE=+d>43e3&!!OpFiNs6$gY~%o{d2+GMEy%O03@>^hjw7qWRVzu4)?ZuG+(pydt=ZY}FX6adE=gHnMAa6!)64C(XlxosuKa!o4HIkWvHR8d zW#U9gmOe)(r~DM>WoqMe@m+R&=Lr_?-h-!)P^!{q#>v75OzW%zw1?@kP&N%OZfhg< zhw5NqPAl9rngI8l>u}M=Vf5^fCStO23|P*NqAP^i`{0%cxF<>glOAPo|L`6(znOx< z$7-yY*M(0_kHI-lKiqzB06*IP6*K>HXT@V*p<_k@t@!#9d($=Ox>mtUFU$(Iti6l! zLjUryeGZsy9m;Y=|CqYk2EM9Up4UzvLVL@N;k4&ux&%TYe%^Fk@!>6WU0%yyC?CYF zjwPs89V%Y7R+ zbN|6M>jLp^vqW5ZY$ksn=)f1uR;F>EzhHh+Cb|1tpC_p-2LD_O=vo43`ZSPz%*@4I z-=(?ya0RXc{ZPhfc7!y@9Rx5{q4{UgFWNVlcYaNnR?P!)L>mi88{*;;w_g7@e+1 zeUCZOKF?Y3CR2pZIvi>0p;u@(U^|>!8je4Hj$m`-RY>(TJ$}tlmd3w+#wvcTreh5s z5~&SSU|?k+kqwOir%gd5GJ7iXtJzJo>qpbY9}nUU=PHP<(*PN>7O~x9E2vi*$^MN| z#3d6YxLx*lg1g@1K_53^M>QBVe&)bX3!ytVEg1@*rb3Lq44)nF6y9se)3o|Y+&SSd z7He2w&%&#)NBc3GpL2($EKJ3JTSnv6&sw;VrDJV~0{4`yLG3SUeCwVvcqH{1(!cLQ z@8sLKWP2f5RUZNlo~;6gN{gq?cBlW<%;6U2-=Mm4FVM9So5sEEPljh zrrA6I*Vf*{e^q86Uzq|)H5YN!*CpIDTZZmiwFjg44!$AdEfzYQ6`e4?f*Ml-*vdUl zd}QEpNG>je&k_^4aGK`o-{+&Yf*16!drewqoI=x?S&$&x0YRHZbeYP2^8DajYV{{u zm|Ljf;^@N=;b>0pomfHNM&-b))!l5YkTvl(Spg#)19@YjG^hK+ZiJBDCdb z_Q5q^_oNr1^-4)x%X;)W!thb{Q~S-bYpBw#4QPC^_|l70$3tiS|QsCp;Om{u(Lnl55rFA zvU!E)1m^E>+K@OHYpUCDMARSlTzU~V|1^(J_5KahJ*M!XHw8|wd@xvOJCn0Y=X4v&G;k5e~QjK9P96m;~^u;st}11QAyE| z=iEmrR2oVNQIr;y()^|&GkYs7Gg1_y;yL$GDI;2vk|s*aXwgu9pWmPUak*U2=kuI% z-|zS9)rCEY8o2euAnLc;93q;Aav%$^oFxGN6ap1gqU&rjJV-%z-I zyAeyK&*B|ho>)XLRS+1{>-nbNN8yR-bUr_SFBTr0$;BCRf>+oI-ZXY&>gXDnV%JaJ zJ~>5;T7q!gp3Nlb?H6!6dI|g`;z>$YR+#qQp(zy5VW9?mh zwMv$1%ov1!rF40RmJeuX3?_ZMkE2QigVwVX$PD`vP<_*fW~T>Yo!MP-GRK3Pca8%C zH!t{Qp-N^Sn+xg%`uL@wjY*C;!mG7~O!mtlTrxBhPNt?4n37KPm$pLx_dqNdqy;NZ zw_v_RBNXl^5Y3Nz36uPUd)$)K;u`5=uy1+{TVQLzrw4`N^=Ib9ENB3|HcWv|vRzCI z7cZfw!J7Qq`U&>CZJ~p!FW~jISTNLk#B2gS;F!N=_)gIR|J^-^(NjOL${}ieTu~7= z{ZXPhDKDUe-GJv`C_OW37GC%;kN&=3%V)Ui(CXj^?B>#D{CiRlM#Vpc|a7QCD zk-;)f%HY0?*X&TplAeO9K7=v;Vc0BI537QzjqmI)vY)^d6 zq+M57gxJYIxse`ox)=np3MCjg&Kyc^4H8M62?xtfq4;KR3;L;#xt1SOjH+Lov3*4m z9(%nF+=SVUp6(BP{MVQU4oVU7K~ntOqHI)&i2#@6rNnb;F&3nsLaQNy6E*D-SS9J< zm>t9dXA7*L+4u2>brW)>WiS#wF(4!jAFNEp!OCO!Y2y%dt@ROuHUl{&SvqCdR_eO@ zA7Ky9V!}Iu7lfJcV?BWl)LSm>MMLr8GJ%QTp@KW4ps`a0-U;DUj`$+&*!2xuF> z!-7dmX;P{L&vor!t$uMrhou0HWy+#l&N&E|jHeUkzJlaaSA?#)7G1wfo{Q*qs1Qrg z((9(6cQp?jKaJwztU0)^_C9>sGoH1NO+@#57qC=T=%4nrW7Q&E<}}j{TnfXKS#Esqs!!sPc~7yv zT*#O9tpkZalldWKBYrU{h-{HofQxr`a^H__xJu#!MrW-+(~Hf5!)!E}nKm2`yludn zf`{z)r#bwG`#YR^UyVayI6IpkFYIb;>6Lum{zaf!n24L_Jo z?f{~a@6F%d2X=E)A}H6V@FwATcz5q3cqs-zZ^UkrZ_o>kvJ!m$e``QVDTOIzj;1AF zg}LfSMLI)vInELG7n4m2gxOR(Y*9MLG>fCKEq?-+)oMU%S3^GP*G%|UQAO71n-Q7o zh3MS!napXphgAc|(4niu(DFvabDHKsc1t>B9nXegvPNjNayk4xH;KPF(go%}KcLH& zB$TwUCXY?;fZdDDA|tz4)_*7is|A=32XwnEVT(ItvEEQeh;KSAS>C75BI4`#O|(D_Lp zn;IP>GD^#0pM&NQziacsaQbe6sS!mUj!{AR+3V1{xD*T~XwzYvQoz{IhAlnO2=C`d z!G!WLRp$akKNpe?&2mL{;1}XaO0&wwNV-tHN{l>R?rMC93=NkgujzygK|P zX%p`u@m61$MrxOMl=KQduX`w8wXqc{ihM+8)rw~1NVdYCM12;TCZZe4)Ij~lNV@0Q zIQ-gD0?rd$;hSU_53WTIua96@r_UC}go@rw9ZV;m zRN?`Pj-h1IN*-t3fDP|Q@U(_%bgC+1)>efAtJM%lfILY~*X3W&55<*2B)#(2U)JIg zL;hQo#+*z?(arPzqhX~QI8)AmKN@@mR{pYt#e$O3bUtX{ZfRpac8w9n-g9D?h0c2Fjjg21$rmo%zlA}nLQi^E8q|$; zp$mncM$i4V*kQgBt!_n%n4BFZ3%iM()5NS-TZ68Scjh(oB?iFhz$ZK%ml0A0j zw2+jyDzKrk3=DT4rJu$JV*h^^NrYz&TM)O0PXFZ#zDlL28Cn2o^~a!f%}MgjR!8uH zOy^H$-G-+c>$#@vDo70PfjxiIiL_J&`aHUdUvuY>88PGO##Py{sj3K?1}M_Ot{Q-P zL%GCR5B{=sEzWlQ245{gg`J>1b`AQDg-?Hyis{G5pry-j*qMoF@x2$0-!#O6SP-(z7975Ip(S18@O7#l96z~v83ptL3iGSp)6c~r2F`KTn? zyY%qn_GPf9;03AKA%c17&snuaGP6kEh-cG2lLLVQ!%U%_#q|zgHj)86*(?sWW|?Er z`c8pyQX|ssz5%6Pe)#3#B(l=#28MRngY)P&%tkScc-*WbW}DwY$I^pb=C>W3F)${Q z_hzBG(ho4T*WqJir+~zF1!6hI83$Ncv4EjN__m3pz1l+cy>zq3BkgV?ACiB$*9#;0BDV8&J%9(`L9^<`( zD5D_%#c^kR=pL^INRZ3Hy))kmeXb1D{ImoNq}<@-p$p(Q`U=XQT*VAkhR*C*{giyT zeV&Ub~f3f-Ya@arYC_8)F6!x1=CRXnAxz|4x8mn0(uwXUtYH$duPfLQK zzJX|xIFw(xdIBnY@3R$)&yd9m3fgcoBJN^E_m!3pt5Zb-T2B?oKL( z?F&WEi6k3#KNjD&DWFzX0XuZ!JSJ-mqWkwq(zuGJWJ0Wl=>FgH?BK((IP0W7y<;5& zFXv3a6}l2!TB03ZiR!VV(vsL1cH)0OU$eN=+wsY+PWCoM$OuG9)4}E6S)*Sb=^LDc zmnXZym(k0(|B2x^CPj|g}E%l;~hJ6DskjM$yU%`|W3pls2Kmz1`?bwc8NlxQ`F=w1w`}pHO62E!^2I!v6UKxyNQndiIHPS^JKB z^y_hiyhZkO!yipz_GvbmkfOwPwcAi1A)jM3s|Cou3oLi*P*e_nAo8(1f%3eO?OQq> z-Sp3a@;z;ux@auDck3q+^>>qIfiJNqOov*W6P`U`f3$VPC)CaQO~xD;M-JJ@puyv( zY*ns4NW=`G2g79XUc?ffHFXYpI;&96W_3}vbstO$wgQ(8f#~CFj3oje;G5xvvdi%) z_({lx+m7@{Mek5nZ=Z}qVs?@V6NlrATl>(tungwh4q_QS*VusFLS8;%E?v`c1MP=r zlI)!A^tGK4j~BX*YK?|ywD1a!nk+B~>pWQ-%M?9VTflyOD#A9o1gOY~z~{64@shD6 z_iJAT?%o0ucaa$!yKrfy^wE2;Rbdl+@6_aX@2G&L(@LJXk5SogM~JRP4l}&# z#ZBLSM8*3X$%s!q(5#%y4L3^B(Q3}<{A<3&xxi!4W?&(D^~;df2~40ByN=?s*8T8j z+8cc3q66wzJovWBEAZasujI(DIO1k2MXOf0qha9!et3B;etlvOC6AN9AaXkH+P)kl z-4~$ofheMM{X4jI93ux6g-)P)0D3nC(@n3vncnq07_f99WW1N4R}@rf%B@Ts-Mt7F ztKI@PA88t-?+=Hb&Y~5wey~U155eYZCr~G1E_S=EK$jaiSZotX=9fs~A;s+&|NDU` zv^$<%43UNfM%A!I$kjX*cHZYq2k<{R3}qyH@p(J1b{$tv#8d z>N#zKWK)yUB0bTIe~P$an-5JHc@Ed_x`i7)yRRK! z?7D%l{#6Sqo>Zf0_hjjfnp9EUpPd+2umjogDAKDGd+n0ZUL0Za0qTwIq0g)kTh~i- zN5}1Cy5J9yKO%HL68;Lj)kO5$96`NAwqRj)oS9o3B)a}4cZ;KWQ@BHmr+wpx*20mI_0p_1FQEyr$o89sRoQ2Hk%$s!(`LY)0 zv@FKk>*sT`B!;ct!rVE+OSqd~BO^3Vg3kv@D4v-NcA90dx*}Cf=WBi6`)Wz^4ESp<~&aD7huR_Tc0|ofxn?c@; zpGVS1se-iGQnY>f5I@{oO}yj%Fk_@T?Ft)@uZ%ts{Y7t4U9=jZ-jw}XsfB}EFN)-A z{b9065SAKj<+*v2F?`8+X!)oIwXe;^dt#Tvn4sHaYEB=!?70li#s0^~hdWZ&FBw>_ zx=~~Tjbj5;8kS4kKi%+?anc)sG^ z&pXBXLPjv5rHS3M-izUa|0gd&lRBBMWolA|@X@eV>dzEvy$2g_7&N|B`#&Ri9no4q4%KL~t?zY6rl9}kfJ zD6seCYvJ)QdF~yy21nVa;ErY4Y=xTy?jHS~Z8JH;N{YXcy+YQ^!)XNUbz4ZQLr#ga zOJ(5KrTZ8!k&Jyi-iVJkj)KcMilCov1vY#6LKP$TNiR21dS^rViBEzn`P1Re@=aT%#nbUk|yUnhox<1BX^q;Etcf+MiD zE)qw!_Yeo?B!Q=0L3C?p^R{6bSnpX4OM2~~^QSJ)Gn41XKHkQG<8>fbZ7u##yu>b* zS3q653ePRQ0$g8st**+CGQD(o;yR=|VzDL7PltoWh57S$g%g#Il%4>1p?(2F@T zJXrYsev+4Q`LtlnPFw(go~XiO>lpMqU(7P9O5jy_E?)e8nsvwpv5|f?Fwn(>+}%2gv6~CZ$DDNOcqwMXFCP&xoIsdFQ%vE)RaoY_k+@eKC1cZipsw@_96KM3d^aom zp0|i4O^U%Ei-+?450v54fG{XOeo@>PaZKD`_YDk9*I>y3Lu^sh!ZG+&V zRB_HxIhvhh4)xJOu3+w9x^Jhz5UV)IX2%+0c4iHG6gCn?%k=nKWmP_``87rtWJBPe zEK$U3go)QQ#5vb4!2^jv<|;gsuVO|s*`>}TSa2WJywOIt(ZAVsuhDpW@(g-fA{R)X z3YD5Efd|yWm|BV?*OHkBg&{jg&nq*SmP_H)0y}djp%WOY+5_`7r(%a{C#j7~fjt9O zg6Pl~qURn;0_AE*c5f2tx@bx*##J)h6vD5lE`qp3wybMRWAXw4}?+({c8HW~@|m2EV<@oBS7l z9VbrpM#H8wlw6@rk3CnSE}jYS<@GM;_P!*x5VE%(PSc5dLk4E;6imdTY`lE5hCEnv z0&CI_lf5&{p>5E2xU=j(*xo-M<-}R!=(_u`p-u~W7mWu)A3OTSZtl#DrBZaUybtSj zk%KATtKr*`B1p1LVTbCXiN%YHEGS|r+bmUw$A$Mz=iLdkuR)n>K67JE_d-Pu?>?Y( z_<6xstwkNP%VGTbNqBwM1ZMfh2Os`1LHfa#%s8ovdkn|Y-7)Jy#wv&mO%`Ci^Y)S4 zZhhQ+_#v@;Fj8>OR^di_3eS~YVX#aioRaW{<(`0xKiR>GlMk8OmjpPWH=a*fya+3+ zRq#+>Kil2@iw*ua4?fHLLrnK)$ojewl17;bojg-k8gdb{mwDsf^BQrlE!}@X8m5@VBLD6Jso+LZ%0|(Bg#l2i^TDFx<_S@elmxMT zlMLOC`d}uUEe_fW8SnJVWYjG^A#YB|-#!PV;%rs#~z!;2}A_ceyZ^ zZDyj5dh{D`hP+sE0+#HK0=rkS;ICIO^LXAWC|x#4a7363`8jXQ{u~EQ$Nll6{uA)) zxg=tZ33pA4UyqWEutd)0h6udF6m7gkOm%oA9 zVbXl^>SR)$vJacSe+KEV<#>B#JgaKl4Q$^$(U!mr6u&wrvYsh$_k2LuSB~M+Ru@6} zq-2OvtYocbC#e7SYq+JB!yJVSd~*99+c-n$swAui+hQ}WJoi4lov@m>Pnd^uJMTlf z^DlIe%>_?UEB2c^fljtEv+(Z0z_)|wkactU_@j;Zce6ZBOq{^h?|%p*ww7b|r5i*k ztd(`?p25EZf3Q!FLZB@D5=IZw$E(FZiIs6K)}2ogIC?`d;>l?yxgZSwJx+wFeKmM8 z<_GDz??_UXa?F*~r>jG3@%u`BdcH1+?PpSGklT$TI$imY0W~OgGl4^QpR*MWB@ll% z8$OO7LO)AHv3RE({JY}@`4=xRw@{~SNv}6HI=&$8KW7Qu>>;@OpWwoANAU&4|FGxr zC-Qio0y`^n2--Fz^Bl!GP;ec>lQ!+ZKh371WZlE;-pfAry{wUF+|}j}Bs@f20R!;g zz6CIFr&X&jg49wGSji3JM$Or{YKJ;MaD6-RV`s!O z{5)Zk`VO*xSQksZPy^Lh8O|c5FvYkZr>b9r@K>7DWY8^K+Z&8)JXT`IoXhBCWzM8L zgkI(KLa6_t309vxK=f=l54LV1wmbx`FAHKeqZR;;PQ(pxm_rO%&FW_Fzk zD4+cfE;>IzBSR@X{G|)jziVTgrwSaBF1ENdeHnE)nhz&m# zM_~ModQ#vei|0P}i(BRYVr#xRjaojJMhpGtHD9M;(3b^d=8zUr>u62AeS`4rv}6cb z9*=c@{bs5x(?E^WVIq^4rntZ3c-awEe@t?Ch&uv>e7;&?S#Ql(vF_~(5!=xL_uB+s z@Q^VufihUV^4o$2|dr) zvif|y9T`S662HTi`#rFJSvM)DR>xJogLp%)Acp=n5DyM+rOjW@n8_Y6g`3(Bz{Iq(W^aDMy1DAqV=qT}-*g35K z@I-!Q?I8X_$x+<2Z5RzwjK<+JM^fESjX2?qId|I>I5UUl!`aiRm|rJP7Pp-S?bXhB z?DAYF|5pRy>Jxc=)d*BNIEnT@7)W0T{J^`v!!dn}0Xw0qfo8e|V5{~73g|Yz;H52# z!3{9x%1|`CIDp^mPXfQlV|ewOFE)oc@OIlmd=$8a{oT6?cB)tl7qa{CeC$j3%_4JWDha>P{QUlr?R%Jnlb5QF0dK~RC5LO9&LYrrT(|l7jd!E!m?4-5$ z!gWQMXT1lFk{r?aauWET84yL)PpoeD^=@8;|4c-65?JB|i)vzHvI(?GGkFNXR zaJNRt!$`u=bvn>4UBxsa${-=g9}lrNWVl@-M#dGB7kgfT!5=;BQ_sh^W%1Cp?HAsr zW1zdF7z2k0-K%^FPD7i}yHf!obqDZrxkA)xyb6O2htvKInvil{i9a)Ope`x0JgG;D zuU_8=C1w5auxlXt`~Jld=YF!x9C^Ob^(+~2qm>xG%mGvR1aQdcL96uH^iAw?+#mUr zMPC!LM%Dvhfr{||j!wYW!vpw?nnA>Dw<$@FxsLt<+qzLT9cmL}AzW^wp@E(1eW_n_q#1{%B1 z(S$8qU{CvPy!cF#@0i#KzH9?V+33*y;;|rFH3V;rf5mb%XOaDecW~#)eDO5Uq&K{R zQSP^`z$a1RdvE89jvFSC>l-`KdSVtXze3@_wInFDh$AIcj(q&%Zz9{Ba+s-Zh;+O% zDhZ#{kkcyEZTl$_6l#e{fzD+O)mowx1+CC9d1ypxzbo`#Z%qOM^+sd=32WYRWsB?P=H_fP%ImqE&ta`GW50(9d{IJgJc$g4KS=~2f$3ee-Y5+?5VB{^q8;no&U zRPD0Cz>6cO?OJyb>u5mIuBXEHnl=wy_>M?IAsRk-%9J zv7KNMJVAI?_Tbi!j(9ZiF&-ONt_k z)-X}t@(!Y=ZA!|X97m-M&+*EbO7d%+1z%_oPV1y+!js`v@LakS4-~zGFr~{lqHUPa zUn(Xd_K~d=9ExFbOR3~+SCC!ogaccDl3@q_iY86aU=uP=U}XIltQ&rosAkCGv?D<* zb{eI-{wAWHN;}&n@JtWP?_ky+MC9M6c2ri(h0FkfIds7VMLSga#m0xAYW)!HhrSY> zX&6US1LeSamK&b?U`6DBsgwfL8nb@K>juiBc5yWo&oFd z?xz2+R-v2q%pQpg56Z*4;f3&_IE2~VEQFiaJRt3x9{k-s3odjt5Kozv%zJkQQ47t$ zUtce>{hg}RN?eSYBZJ{f*Dm;)agT}pji}Q?Rdfi9W%sHP^@N>HiFGkd)Om{+%?DC8 zPmRa;T0&;=4v;ygO;`RcMhzKN-g{7(nO^b-6Wc7Z(m#-`HI24-a;O6CFN}rPvxQxW zcQgK&l?0zM?_lvhNlNyH;;eO^P_@AU`VXwfHR00;yLX<|WoCk-vK9__9|xNs$nvvW zl9~H~>#*_lB*wn2z|~LRu-}4z<%E=4y#I?8v*+=1L`3!JfX71lPEVUCLfIZpS%+UpJ&es>*SS!}_#WV(ra zzGQ=}iVcpQ699Q_($s$AU|jKQz3A`PTe#^%GH9AKq29WKI74hh{%qCczV#-UsI#4~ zvGsz8vMoHXR|;fHrTB*(0+ZsV9A9_ikti@P1Uza4C+M(L)SlqSw+Qn-!^$dL^fDi( z_)bQ%L}~ii=N{|qjDo)nAzbCP9If?e|YAS;5^SgLo)P#L)8F9em&X%Bc&8c>*y@u+|f)f z-2H=&zCw2A=4Uu|#-0EExRgp=8!Oz2qVPnxH7u3GGTb(kTU%d-g^I7?;96^#dEpyW z|8(X@r&4Y#`3`(fPX@VV`}itJEm{>DEx4>Iz;#u4+3tgCaAMJ8@|_=~`Cf*+r!Enb zU8HH{Wna3#Z4}6uOyrW)cZg_31FTN#LG^L!T;$@;lMf7|HMa`+*X@(Q;Qc-DUu!D5 z<@{SXciQmk1H-tN+9vvY)eg9CAjM~A3a+IS3bcN!FSZ%y6P2MJB9nC<;^OH;xf>tF z3n2x)7ZsIx42}V<9xZ%fI*AY0Sp*|SjDW2@RhTv1LX>mdoHsYU6MKa(p`WiAK-`<-DF8}b5NjsEXdn(%Ob(t^H)}fnQ1y^_XA9k#}hScVYG52dVv&?>oy1Ul% zz#Uygw|G0MG#&(+nGTg}jcMk_OuploHyKV>QL}I zk%D!e>G0=B7cSZP0wX3=fqi!G%u7?9$v0~~>TEO@3T%|Aj4qC9bZD~-zb3p3zr#+Ejr?w|Rixpr zF>j02#n;XEF@OYsiSBgF>lh66r|qcG*HDNlnM%SukI`pj5Vx~5q5r8jk(Wa%pkL9N z8{Zl#{GaWhxjPQS(g)&Tv)4TGH;3Wkqv&Aq6Wu(LQBBbeeV^wES=AI~=I6!^oeIXU zYto7DoI-n>RNoIN;W3nz{ii4{ElfSl039xe>*VQ`WGJ2j^OX-?P7BGa){6Jei&swgHMcC;+wiM@#O9K5Z_=xlUqG8?6DNR z9c4nzUE0Jt*ZiqYh5|-6c8vMIO)}TQ%@Ys0pwM9Q7l% z@>@}|-1Jid*<>35R>SkK`}tv3SRM%r*X+b!pRU0S*8%*}yra+)G@VB({6v$39Q@L+ z5_R3(82f+8TvUHYJ63CcK(Iw@XxG8&+z|wgOQ@;$M=Pzq;zkThX zl@ty0nrG0EkJC_t$+6t37wo=CA0#wJ;^VuEfohKBF*n-5QX_<2HIm|$4|Y(q)vuu8 zuLM1Ry_gIMU&}`i%EuR*r09g2P#$X-Pp5KOVIS6uVuQ2HC4MHf^wUq+n)m7;x+k}#gz`daZXQ!R1d zqa}2)?;Ttq>=dng{^8i2H*oCa3YN84jvw;<3@M^ISaP%$=Dkcu`@0&vPjD<viwfQ2C!h2C~2q=}!y(+#7sG}RG5FI0fVaR<;@umTzVz6vK&MpNa< z{@mgFY}&Bc8kt%El+kD`s~N(b><2)Hdk$}D*Q7)2S3t!{WVMy0|TwE2N5nADwygOSG} zWAPkZJNXuhr;_!6qo*xp-T&T;89Ex zE#G8{{ipBaBi~7I*-eqYn8L|NJ5%29tCV#qstb7xHGb`|m^H{K)9DV?aKlcAJ@__~ z1XZ7a!22<5*E7$X~_z#0=);@3aQWkc>0ZlMQn6+*@d<9f<{JGUX2dr=$#9Piq(2dRN)MV&h z)X-Um3Wg7GP)8rzeN%(}9%h6-Hd1tE@#_~fuX z%b$7}y|?*O_2n<{??h!jw)6;I?5IQemjYX7pd37@4&f#DBw*I=CpcyHDEQasN6$BH zh8KTQVZT}on_x7Ae_Hh%EVirgtuLa%NpN>-#MO~#s}1;h!!cn8;SX}M{^CvDdSv&9 zb9k-uCnTPhrp}$xykOjS61qX7OgTc2^o}#3_U==trqJ2an(vKMOQz7cT?488<}R{8 z=QU_N3;^7B6mC@x;g=n*fZvF(p!GX*MH+b>l@muJ~b0MhF^$+cK*y9qn zSL~+mKK$Z4jgE{vL|R=8ig4%01a zI=nj1628ei6!LyL=vkLYy2q@9O$N*0ll%qtHcXf~bxp)>c2sQT_ko0NPJvn7C*hOh zD88b+0qNySr0V?>@^^7CrufV$9eqIy^=!A`kvk1!jDHiRkJACg^D$`sB@H!V?7;cP z&$7Dbj&$XUV2FBWNgdv3lwBQ-(x> z@!&dUBg~)oWJzGlljr2U-wbLv)CfPm8Vs+;ZN-z#qk!#hmcaq_3I9Do9M)!IpI&kGnRF}Cz4ve0N8UZn4 zyi<-@Ems6T^&Ln)AoRTp1L4|;DkyjThGdc~A8h@MDI9JV?GAZS_TAzP6izXqT_JvO zvU?MJ_Ojx&iT*gm_7m<3OMx8*Hz4nEL0MYyPx0o2o4^Ki)N-www;6Nu+~1D2NR&OU34$m)?D zsHA1UKz0~>t=j_yn?7Lo@-{Zqbt|~0%hQ!3)v+yMJoQ|tji*+sqs_l4^!y`yo|Z+R zqT@hb;kk#UwjsXDO#;`9V|cUj6nH!-1E=h90@uHl6{;|}rFsdU$w$D_Z>LbF;W!?! zPeU?Wldl^$kl#O5g))g-(aW-y-L$YJNB2wdf%16}_#zNDHBVr7!``9x`kAaTTY;|2 zHKN*fvsgGYBsHA_sJiD5*qB!jXaDKYW+hV`dUP6%$_4&sjmRR{C>vg8c8cfC%>i?d z3ixoegp@fH<0OG4?=k2OHt(EEUN*(B&Z)&2zDtEa>8by=jlzePM? z!9+SWD!bnH^HdKi+1k$Ga@ zEo)GKW06bBlfmhM;4W_+$EysoSkAgoa<`-uTIS56_urI>ef}Dd9as!+%NAnk^Ccu$ z^*BzMb_@(ZA7SF{C&(Le8>R`KO8d#5K)>@1P@TD`TDTJrnQtbc?#tP|^$FPI*~war zOd){@S@mkljNPxUuZLSr({jA&%}Ij7O9dW9%poGh)|sLtl@Jq2$UNkh)! z+hlt58Ca$)4_5yv^IbEdiPxYxcpxeey;B|e@6#EOHZ`8@y7ZaEN1a6*uU$l^UIr&O z3}Wd8lll1xm+|S%<@`*cJ6Pv#g2tl<=jrAaicX8SD0kEMd1^%W8ceU(p=5{I>!@9qTTTKPmt&;`mT6hcgJ$uZG zbgw|9>?1bv?L;VaCe9D+$FsA zb|EV-RiugzG5GhV9shO6ijTKS!{tWL;A+TX$Z*wUIWkJ*D&Dt_0Z+{4+g z;{oDjYvs90e*hL1hY6hNHQ@R7FKN4wjo(swA+J*K(EjVj_ji8~v)VHvPw53zA$mEE z)Sr%{tB;etGoxX~_{cKv!hYN@WY{0p*1|*EQN-b%0gW|H#GxBvplshD@%(>N=>Dft zbojF$WSf-_q-AH~=G{$f+Hy-U|2vt;P5;0|$1Ko#s4(MHx5RQwd3=#;h;ABJ*&i!S z7=Fu~XRi&wsG3Y1zHBLx{!~sfQs?l6{^!}8v;H{pR|MYm(L>9{MnpPd*h#EMMo_XDdWdSZUa=}CM{!opxrh@RPXZ> z4hy}gaS!V)wnb+{f0-w;(auP`;_<`0(Xddp5q*aC;xxI_Y&Cjv)8NDC_+6Wi*8U8y zWzxiJZgsMDy?HpK<$>S{UQD;&I}fMA$D*Usxw2Dabz;qU@Q1joO-iCfMWA0 zvNdozB7=GQwqU@g11w;;wuMYquc&CU(6u_Az~jL$J_*)dpE^R^8(?}rZ2>_=cvHe4M58udrZP6HjJ9FiK>9uI>FdWEa}VGWi4sl`{K2CZ z61MNUD7xGezWYtb>LW>z`D6p&&7b1`&krx|aiFS0E{ne|)1<3gD!_Z72Qx2tj+YYx z;AH7p)L+|-+Ld*1Ds&CZdoY%oz6gSwQ5P8R3B&=Vp9v}_p={q6;(PyVS@a8GXWB|d z{_7QZSz>tE#tZZCqoo6ptg8}NWIKzGn6@+P8~dgN1y}xwLot~4*6}73}ZSa=qsHm^lsC6coEi%L#ndD zV@C{IxcwsjcDhD1fAq4{xr<5PKWVyP-4>{oxrh%G9;3Ty8GVeKG*g6yx(xlp$}Iam*)FRCo{!E3e+H=m^H2uc(cjx#9o@q z@bS17G@p>mhAHf0)7r+8bw|SS*L`I;;C~s@bQ9o}+DcTeSdQnn+ylwYE_md@OStfT z60!fTLz_O=vH?#A!G2F=Y(6)M4xW|=tA1o)%UlQk!sZJenK1&k*%y($;%tcfT}-l0 z$#TC&Yn)+u77|Q^vtLn~ub;PFeC=v7w0B$=ot@uR@!2d2)jQ=OE&U-JQ_!bnkL{_3 zo;{Ra^~V)IE5P!vAzePQ5f?nUi-Q}#z=|*9xb|H;a6D*2{Z}>MIhlK;BFzs{D+f?l z>6Lt#!XWxGd^J6IR0+?l*$e+fSK-0Wu{^+O6Q+z8UXzYKe0Rl@NhPMSSLWmS5IRrOF%HPYw0vwz~3{`F9J zbOVVnpgdzu0v<0buDH-4>@Aa$ zO_(Nclo9R^tE$1yS8&f=Z^RZ0d79gJoOCTOfE~N#sj=@y*tT&O3;n$Wqc=EH8J{UI z#@ibvxWC7%oeM!r;xH_{qDb5J41|-uet1^qB2@I+!wX^FGJ<}_eFr^>_XP#sS9l4& zrq!WmYdSWx3?c{rd4YYk1pi)C9hMMs24y!ORqX0u<2Z_0gCco}w%FBnJ zVbNDznU>#3rjg%v`UPZD;I*aDm7)p1z+XK|5v1@ntZz(;ds>5ml|@O8c= z|8e$!__XtGe5L*awby3=?^6_AwnkiRJ`4BAEk-4oEO?2Z#LilsMAT;o-KHoiDbf)- za?4@cyRRs_!I&(1JCI*X&I7MssZ7`RfJ6AkN2ri&1z}BpG0Z^B7JQSbP?sBl2?GkS z%t;mAJoSYO|1M$TZBM9D)}#A(XA;$Gr*U0p0xXQQ#=|*}AmGp&a(9diGxkZx$s?bG z{;hC~-|<&C>t2FFyTDly7{@A_9?Y>N6K;%)7C7G9i4QGx* z_`{p%FMK9>A=89+|Jx&$>zxmW`fid4lQ-gQSykF&u?_FqU17R?>FmEVOQAhX6aMSJ z2~wLfvHJXBSXCBI{_;DZce9s_{dOL#0`zE+pC>EWeIE54^GKTE06M?$4_r7J2~#qg z!K5)kczxo~B|RPr+BA6aM0vE@tjqUu9>9## zLq$VHK%_Fs@!(BffVEW1eH4?v~A??hhn)}j{tLWAw?FthI>yHjRPv+|9p zfsZ8qE;oZ}&FkVM8&~)$X^0ZCbLsevNAZjO4*2rB0L=QQu$61h<9_S!!Bg@5L>6HtRXwi<6|HBm+`x&<$EED`7^iK2?fVqwB6_Gn4Lk@uc@k za49tkm6y%m=JlfJdqe27*#}Yf>^*dkJw%S5EEEOW=E2AJG0d?j8y8MHg^@*h zct2I>Ft*jf>=+$rIx?N#uu`XP3sTtLQdKJbNCGd1bik^uX-suSuSogLdyqI`OT|SRTV+t;zH2i?@Nabs+VxV)xWUjjNlQm9fPiciEv!EoJ|arhSrFi2?xhAwM2Jyj{IpEKZ5p25v)mBRE%pPm(R4BuxGrkhjTU)uS z_9HkvCJ(1ASD>4texl4pbvp3xV*Kx}2bx}A2(rtgNdJu`;ANQy2HV5I@RAgdjVUK7 zLuHw6`UB_!gFN;Ok> z+XVURzq7ekdr|q#a9*Ia6?e}O`p3}|pmC)kbSM23&70MZGhZq2h0o>5E-u55e*GYh zEB?+NJ*T+U(wN^~`2n|heE{t@5j5}EEqvl4EgJuC4=f)b#ha%ehBY}m$s3nszJ2vp z=u!R$Jv|W+^706Fsy}1;SNh2Q(!s1UrWj?CXF|#YCrB;S1Ra$+7*o?qwkdiD9Y_mq zZ7~z~N`4^a`E8J!uRtwE4IumHl(7ITWIsw)Qoq2>)T!mXsC0)0>dvUg>WCT~uVOz9DU*_ONn?*_#u{amx)jvOyVw z$V$kp+<_y6`&IF^29g!kORnF3AzEy42Letn$Da3^^qk^+{+hc zVYqQSwx5Y+>-79YIzHKGZhM0G2PZHm2ojkDUn0S&c{ug+0XQ}8Hc6EF2!_JUI7{n2 z%z97@E00V=sJH{4G*ij>=zF3Io{zxsYlL`Ngb_E$6Fjevu0VKF3k>cqz;6S?@p|x2 zIN6Xuntt2B-JU)?@^b=TVmOFCvb%*%g;$_EGYXsffi|t7 z$0`)y@d*iP|70@Pno;0zLB0;o8xN&!C9Oo#=Mv(_b+{S4a@{U>RhR$uwAIIuYbNBgIr`k*u_|gduUi#F6{tFh1U# z%=wbVChXYGlJ+UG`otJ~C**CEjE{xh9;X=)LwI3=J_YCIfBKZgUR2IH>JJHa920Eku%#LmT z=lsNm<}vV9eFjX~-HLUU$M9~K8cKB6qIKsgHhbk!Ty?gF)wmoNI@0P~lAOUFuS$@O z*5L9oZn$wy9mZU|NFuck;`%G~@a~+@Nwj#zESKM6T)~ZaZ45yRFE{bUM+d=I{2azi z`VYP0A|*K&GsJ<-{J&Y<|?qVtYe^Z{ye!+wV8g4v!_mG zrv$c=1V-3i!Se7|EN!g zjbn@-u%QF1VOHW^yxrUadcUwI+ISk%-hIQO zgu(R9Ukb(_w0W*)JW^*~F= z1RQOC5Y_+Wz@^%UqN~gRUWzuu5eH{t9P^#z5AUi7`f?7M%_AUgpah+lF@X;kFTs!y zKirg41QTNGF~X>h%rJ3B$LW`$VR!%;RQv?>ZQihs3M;~H(V!xM2ReZ%vGUFHC$R(i-f^Cn=Pogw9g*WgM*39RY21l2qTehH1cJ`^g?P_Agec`+0(0N#`1as3x)VwboD#A3Vf0{}=heV^E+*ope|F60>lCaXI12{6_y?v% zGib!*C}urH0;k2Q!N86vXic9+oeG<9de=5^ex^h7BdS_MgFc(rhx&MAkV)YytiwC33qJpb+dl&w;#2jhVu8>((Kmo8Gv>p$GdGiy&@rh#b+%SZH4k_@TK)S7GefW8wxj3%<7cPIb6vp1+a6C&xcowpm zo@Ny$sCA=k1A(_+O40npG`KBv{IsqcW5iBt+WPY6st7m^uSj>dZh7Sn%+*{BK?n2o8TiWtFPemfK<@uxU>mH{qK zJ3B9Z z32jF&!wJ4({H7=ceZ8MCq(1XBn^YrOgRSuaD%nT--oERs|pAeI#9m@=(_uTXL1G}8vz*nJ_szHyAa>}!LTx69Dbe?h7S~P zimH_iFy#C(0{3f~d+TjDWGBmuVk|{9r>20GdkJoTBn{{8E7FO+2cXr@khZ+e!KoeP z@ZCiLzx|fSZ~1SC;`YmA*hR*Sw#7ikS9N@>c@`yN^F|U~tG}2=gbYCuS z-k#3T)26l#>*)Snu0p8x5oz@fB8Dyo&}XQ?|13(u-6Q1qn}WrnLSf&rVXweWOK_kO zWCk0sltK8FaAE)V10}bYLHM3Su)a2!dropv3;`%~A%-@K*po?`_L-0+(G^|FBtr3;|_ zt3I9S|6Z&b_)uh1;Rc7ijmSgYp%@U=Qm&`i+pCpa zt@$wIH+&SGk=x1!X5L2Sorm$!2Tw>#($R0t@In%WAsIm!a$%JHPJw@QP-g&_ z*)^P=E0M%lZxPLTvJ$7PSPXKiaiV+)HMV>BEVLUT1@AEmCwXPVPsKzLw|hWV@34oX z1(t}JCBUeHsB>z)TDutn>jun@6Y9hb@KJe zlJK*3JWp_0&qBQ2`QUUn@_O6>;+|uMb9N^3=K^awCv*nrmZW0rkqM~N=meK)M$wv; z7wF&7#=O1Kjam)qW;H?KY{TI(pdT=pW*uBiJwK^2BTGx3@@zY<6IiJ~n=Y^m{c+^q zwM-WKdp%XvK8T+2gK4cs2~?%(Q0qPm*gmKf8=dv=>{Wa0urGw_J#+Z=iONu3pas3@ ztypNgg*-^hf>#1R@M_gj5*%PbE!j|re_9IbY@*oVvvaU7V6y0)fdsXAe4E@~q5#Qf zzms{^T4>ahh^_KLZ1Src#5XV<(v;4EW8gq=ACiK~8M*lE&ocbaUy%;!6TIH%b#VA1 zYgn-Djd*dR0ZxEX?WBRM?2#09)`{84!7s7%P?E^1d;q1XiB#?TZg!C_!i#?% zlk;CCz^%mxmOM^kpG3~2rcj?m9WR4LPX$NATzPS6(m?v=YdU%P8K}DPW3q8>Jr1k= zRdK>Voi(SQ6IWjK;NF&4vBfBpmW}03Z4zof!-foO5@6ii|QvwAy4k=jOd|=;0d7H#h~3DTSo@ zp9Wp-BTJK|=aRWAE<#O88j5;8V5)dBE|QBP(&LHX5~ze0y#@3{_80i7*+Y8ucA%`^ z2nZZ<5oMk}1!+e$$f?c6kGe`YHN%XQy9sybnwPA6P8)VCQRc4UIYPeq3TW(5=iW;S zpl(AQj!alfWzN39ovps?u17M4eXV9*a zJ+lWunRyf35#}l@?s!2(tQzgkeS`g(=Wy8H7;JecMBF9*xs}W{a&phwz=pDq;J&%Vg}*bO`uiigsowRuwu4F)!c4d(*#g_VOaq z@*sq73!4jOTikhvzBU}+vY4xX>R}76jN)cK-*CjAyEt{@0v1uy1<77ExHtPO2Hvd2 z=CG42r$adV20Z`+%kwPn_D?XLZOd0^MdQ)32#otsNxtrW0M#&;ery^6KXy-{^V>Z6 z+n;C9Z&4R)S(*qg$Hzn5mSr&S&pnbq^qVjb5WGO%Iyh3l7?=KCO&@z~6T2RrDzd1T zLEVU(;C;S}tsOWOcePJI3v(+7-l$B~if@tP`YBjqAxC{4*$KI0;mnoL5W5(eg80cX z=&%rRm;U9%uHY*k_a$^`@C>|}SB!zPqWRVDap0qt$ifU`kzZ?p8$)v0_U3%%`Qs?Y z&s|L7`oe^}WuX{Xzh>j)?-8XX&Tww?GVV}6gdUMyf!XUkd3oJ_)a_M*#kEpYQ&R9! zZAyd0g+eXB>GA3Q|TUHy>x}LK` z#&uW+aZK@1B{3&|D&BtUz$Q-dt%W6D-k`xd(yi&K8Z*4Fc$7LMN#V)5321v!8V^fn z3jC;%ylzAk`_!-)f3_Zi%p=x(QrspytNja8mfZ(;|0ej=c^&hmJF#{|IP9&HfY&eH zqWbZ0Shvld?z&$}=6I!`J;va|d9k=@YcLsH9}6cwycbQMjF>JZjoxpwpltGRIw`^y zJ~eO0zpfH&%w{XtvFR1mC>$a+V~6sg9Rch`V>j%Zev>^Lt{^a@#lZSBc%rVrwHq&m zeG*3S@}48TR+9&ReDdH&z8&9MUWeyys^FYcy@Y2eEVD(}e z`g$Klx9u0;zxP|wKs^Pz5{d{9I*A3*MJy_96#r^ehWaj(=_5~R_@>BUprW*bncARg@-nFFm?ykl zWue!C78bcr$UNjM^utp}IgrN?998!vf6H|fQm?Yk5nuu?VGBy41+%FPg3;c` zahJCuejiW>7h{e?NTd?C+$F*Zjf$eQ`Qg}Ax{hxZJ%fb`br?l`z*_Li>r+IM1t!Vy`!jIe+k+y{_4g1WqF~p>XJDp#70P4=!?Y@GS}O`3#KlQCuvz1*%+lAxbU*0xa1RI zM;+Rj`6qwKwwRAYzej?L%4RUIO~vozKPa5G5G5s!vpcP3FeNS%spD4aSmF(1`jugW zr7zlPod8ui4;1Lm^oQUdi=S`ga6^76-qJe2EZmz{(Hi5@;1R;nHi#A<`$4G zym!v}8VZK%n{n1_L*_8-JuBOK3v@PU!PPNKG2>7nOl>=fp-&@W_*z3aEBO#_oUOxs z$CSy4iO+Guz=!0k-%z&uzk>o(Vl*>i6`G0&J-48u@j3MF>v!U2tQN_ zI~MMv9S!G*_Ogw%E6W^*h@!yf&LS8y_d4`VP=b)7EqJ(840ZA{;*%jsR4(Ztq_u>= z=@H$avZM~b>)YTvgR8+)%!*>d<`MG?e)Pin79y;$pj!J1^No~2>(V>yjD-#) zDa!M03&Wx5bBFlQ|V@nYUA;*Li4T_mC2fo zd+ykauQmUHw!hwVr1D6v@i&-yeH@ItPY>p+PW%#8KI|5aZVZQj*Uw>7R1NMvzZS*z z!?13y1f=z~ih5Mr;F$R|mZ@#RSGT-}xJxs*uJ=Bn(;JFS&Rem%M(|CK5#zv>0^jOO zFD#tiKpdAD@jWMxaGy@0d$_0-JO)e^eAJ$#?oBU5+Zn)_Qd_#fYCS4t9-|t6J~Nj) z@9?lr6I-O?PuU(V+I{W-JUB9!UrXu3^=%hn!O&s6*lHjgJY!1NhB?5z{)MpfYb^}y zdI0PFzr#f1K`=BV5et^C#Y7=r`e*bSs&%G>ye^Cbt??0HZ6ARbjAW?(2zU6rMvI@i zU4=HYZRkmDeXOju#|slbFmo+!-u6duuT&;L`%q6*v$#hhwx5I*2bQqlL8`pM^dL4& zT>!CB$D!bLBz=8DohoTwLYvS8r0cZ#@>O@Jv7`e3GXIlk#=T1pdJcO@Rj?X8gd#>^<`j?kevOLLl)Al;!7dg>A&UHIO+NlJ99mp9iH z_70xcZio~cGGKD|1WdMUWO?iynoa0}?lvLMENOs4Y%h_^D~n*Af-biEePo@|dE~?? z2`I)57<8b9z#$|+#_P#e9b2J2h=KyIw`B5H9Ki`3`x?VC*)n9PebvDn0Cv5f? zRcJQL0`VFPnqL1Jrtk0t(fFh6S*-$9Qf)@6YQUZ5=;O!>nnag6@h#ss)1%|^&^~-S z#zbiIlAUAe=2jUT7~6sI#aBVHaVTtPxkY7F>)EO?U!ZfjJq_&ZgI_ns!jU0^;Kbyc zWLKpX9;~sXo)`APqp4zcI#`M7SiBN#E{>s63KL+{hxhpNlok!EH72LT--*N9?Qm<~ zKhkUd7G%PmX^DO~`b&l2>Y?tuwD|+Xw~v6olKtSjPZoNbZ?mKOHH6L-V{IzN+-s6F z7c`@&vSAR^rJoZ%w>^T%>mCa`)$4Hj%`a5CVQ+FIso}HepgE3$Yvloc zJTV=YyQky5JR4qoN)Zz!JMquxQo>&x#7bi)VPE|m8`i#pk}CoH)RPLTAh(3K=6z*l z$Lny(R-qf|+7EQpOiD}RFk#eGFxFl|5-+c0P8kBPQ9l)ub!E9;r;y#+oQOHCiFDN7 zZ_w2*%Pi}jT6xrMic53+G$pj#Z7YH<9Ppvn_b`^mP2;NO)kt7FKuK1>;<7 zV3v~vof=>QlD?0zu4*bDH}w$jvsc1VVHJ?^eF>E>(C5RmN~qkuGSQae>u69t2!GGY z!*oAzR+Y+`}B9eit{Z6_(aDFgFS_A+%{QI|LBgoax#3z zX9c=#SPtL%IT0I@I`ECuNG2!TyFb<&lM^LF_~U11Y0InxzS~QSzZp9d9xJxO#pYvh zd+REAqiYMXuZGf@a@M@esS5*s_Y3~3i}dgE6J(-^Dk=zf6Vc5Z=<4YXnzaitrD-Ie zwOx+tnK@B|jcQnEIGM|86p{P=wOALU3CeG@@qNouX1dXnZt7ddWk$5%-6$g-efYCrJxRsZWN6em<#4rSzK};&=AvP$^!4+*!rz_XV_R>i_%@Fg zAN`ECJWFBserJ@KlZ9qgx;%OI37DDRj(6@>!>46Zf&~G}X$Uliy@SjSBC?og->|EtYeP?avd%wB?k5tC{`Qq@}a@{98aNlktK639eqPkd-?jEKHOWOoK<_l+$uZAhDj?M+>y$w-v+r;;c z4x-G43ouAWm>c}Q3ZgR)F*|Vz_uugqCLN#0^QL*A#M4vkx`!uEvU28`iULgQB%q+@veq*Pe;WOLE!a znAP;h0b|tdQh{;nk3fHwHvKuHfMhIqfp5bZxQ!joe@*MI$SBd^V}4KPXB9m7_pvr~ zyPGvzbNv9!+BuDH?>T}d4c5G+#)*%bNz;JII2X+*rpe za~FZ8;z`Ju5kmLB5VPtYH#XW~BzJu70mcSte8^g9-dFUK^!M6PdUH8namfz{?XMQ? z-4_k1i7K?;yoMQ14B%$bjYRJ9C@wwx7yk7#hBW~r@U+t*s{Q&7WU6k5SE?3F%HkaO z9VOB6d;cTRz&}E#b!CqA#6BjKOI?6vvL_L3p@@W$QH;<9v^ZS(PF4r&6 zbag#FzN{Z+%o{;`_k4qK`>Mr%MK*M#-7InB7E9uN)scprKgz1$rO*xSf)!0yz;N{- zJZv0;Qa@HO$43%$QCB5cx!n}~x1#}`ja34(PXjS^-CEFSizeIT{o$};Ba_Q>;)UDL zK4@Se+HKLI7f0O15h@$8=T0LYp6y1D%+baPW`f^QB?uF~whLXdSad8l$M^E4e8Dzl z8g*bD)*hHi9W`F!w--pBuK&V}cO8U1ph8y+&n6`$_E5NGIQbg7h}%Ap<;T_y=Ka>M zAt-kP=V}Htp5pK-IvAaRdqlVX9myVf5idq1<*%jQ@ndXM8nlSns9#3lRXxK{r`eCT)z zlJqx=eoj?jTGs~CLzg>=a)&Es*#g||9z-0ASHR!Ru53ncE3=w#5~k&si7O9x;}x|P z_{C!(l89?)>!{27Y>q&oK{I<22IRM24VcQB&@;n3D%J#MuvFJN@%KNC?4QegylLP{ zhN;cOnp|N{Gh;M1oE=C#18;!bzY5W`os@m&^<>SOLCDlM!?YcLMcK>TF;(R{*d3l!FDzW2tl!nlB!CmxYbOf>;PLy_~Lv{5y9=JIR zKh+-+zYAOkr^d>WQPVqdtJGaE(lEz}gL2$|w=18u|KjzNACAwq!ZFO^RgaHbfFv!9Q2`R&jS_~*9mG=u+X0sFATBS{QUDBd6U)5m5%KHp@_4s;M zU-qRU2~P04pPW~?1 zwC_W$)2U!vmajqh)0(Y*JuSge?hHrYqvbYvBZyv{)D$f11v@DMg+NFKR7 zlb64C_!R`rl!@H4BAv?nx^$l{T7e9dKs z=jE|gxE~MF5L_o?Kd_?ERrHN;bPt^E3ZtyO*iaGzPGOO_SH2+AWT-R?}l5=i)(dW`K}IR91k?^W#Nf_ZpeRrKvRi zl?`bv5mQYyYdjDTfSol2XQ|23UkC58a1g+uMJ-UKvJlH9hKZ~_!$l`voMazNQ*pED zbv!yviYDh@B)?5dgkHER@7~c)QZt0RIkAJBH|>z|z@IIb6TzhSf~$J2Cyu=+$*=Bu z#5Uecf??a%V(FO=cu_%uPyT2RH)|c?-w_SIw?T=C!p-)kgE`wjMt8ipPLAz(?g zX^DF<&l`M%J+Mmve7z7Z=)159q!*{@d$IPFcSuok1o@ttiXl5!qx_#KZ15L%cz@N< z;Z|I}=yH^ZZw)dg!!m@kaPu~{bzvVComHj7rB9-is|3yIZUA#-4Qkz?!Hn1gHqf93 z8V6iKMVE7I|0uyZY+HnHZ>5Q%f4AX|#$TWqHh*T1%idZtOC`4Sy?Q9qYtmC3+PyFcXHrB#q# zl|^QZNx6m^-8tzC`_)r!0Af4Nn=?1mXHuMEBpR(6lAO|0|oqKbkk7 z%~eT=SK7cIC)kkV!j8e|pA0|#*?^XmYx9i7;rR4VEND#{%%>0j3*WNcaq-lzEHhZ} zBhPUWV=-G`ARinah->l>!6(6ev_PZ^ z;(Q6d)4df32+zh@_ebQxcwOpvuoRVdkLF`SYayp^qQk|UG|X0Ai+hyy>B09MAR1I7 zdUY%x#+WaG0k#9t>3}H)%-#rjdBUusegTZLR)Y9RcCcjYWj1WaW|;me6ywMDV$~g? z7x2dsfvf^kpE7`nQ{lU^B-{LGJ?9>FcM@u9gUWp#-ascQE4@?i_EYinU& zWTG)@WgM9aO=L@RCiEO$48tBTXZ2QL5TB)mV-g>bJL0{f$NdRZl&}jTb?=f#?R)50 zjXY7ox=#@LsSXF3odEmy+3fKPOCjI90Q!lgZ~HTeyQT-&y~qjhKi02J_!xI67<@(>*851?P+r z%!jwJy40K(CC(#*MjVF{|4Sr2C>8ADPe5M6AMz>i3fu4U6ASGJf$7|0;G+Y?KbINf z;mchlu|xu&8Ax!0E77p)nhpE!^$<{)vI_y$F}Kv53ipSW7?67sj27*~J+7@Vu)z^i z!@Z#SlOygZH=`fNno>g{Yc@XcI`%{#VOf0~JF<28qCfXBMVOoNkwE?(ne5|Y`FMfQ-JI+qDrFIn1oinMZwE)yDm8GT>_Zkhh{(Z*gkn*T=7+!C~wx}o8z?j!GVoLLg*lKmuFMbT&8Ml&;gBu(c7N&$GuOHd4E-EUt#iCeie zm)ut*dOYH-_*CEsOpYHwO~yaN-F|m*zTkUom@OikcKJZvvQXMP?+E%O?7;G^W9hh^ zzPv%4%zp~`jmNKV;nl0txy@wY!?q>zhpw7*d;dt5ml3q63(m9v809SL;q33al#>=Eg0;5c=~QM{;2_zi7= z1wH#ItW7t8+@2})vi(Smi66=%-aB)%fH|ZSeDTBBc9?@VQ$E z6+fQDXWhugf;Dp7XlyVfy$oVzaU*DAY$lA4uLgd-9Nn`{FvskZI4Z_SJStF+x1GbAIbuEf?bI}!y@^+wG%Up5GM|HStz5{|jTw_g%mdrm{5~o@>p$8ZC4acp? zmUmJ(%chb@FD-;my857DxdwNh*-zqX{PBV{!<5iqbWr#%e!c7s5KF<~Y;C}oFC~~B za}bBMa;VXYhX84r}MOLfF*1pkH+e(}^7Yu~Y}A zj9!cP?$om4+7^7^=E%D*Ors^5?mRrv7L6+RqVr*0di?JYyYF@y#KL&zc_C1$X3YANK{JVzRuN>6loYq1En;z z)u&QcBqJ*kiKHQ;rEp*8LTRH(Lt7#xMN{kh{{8`e;BnvH=Y7uW^?b5h11(`?)jaaL zq8JRM&*RP>U*rPEv?GN;T1p699(j{_Jq{*40%xl}T9=OsK8xEeALBvu#VDIsD}MY^ z4OYdD$Md%*(wnb-%qzQEVMW7 z1+)2cXk*1?u*v#^7uq%OQQKjB^D6>R4f$~oM|x+`1o+cn z%&!Wbw>QDJaL=NJkbmVW^9foF*FA(zl>G_J?K+2x=ajPQ3tC*hR~;cD8^b>a;k9!k zXlK`Rbi1v}yK{okCgiKIM^d3?qSs(L=oro2tHU3e=2O?*?xIJTYoKfG6E?$XH$U?^ z5e|7t5cz;*kXT}hWsd12ef2XOH!{~b&37+u&)P@IW?At1kNUK+qlh=ps6)vhU;Zy4 z4;sbucu{I1X2ctFZM_1PGbw~b+{-4W-#3bV=3F9g&)&dO<}tz^&j6pAlws`Ml@wgJ z@>hvp$8FU!<5+4|BT`sL45-SF0%4!oiob@b@r<8a=&H=6%(p{e2Z!&%q2W7;=^+)ES|mZ{&$)@;R&0Px zd#2H1-2~!1%bGv@H-J`TO2dbn1fKaOv7Or|6H$j6UG~_QYxW0X;#3p?F?`EzO|dXH9kD_I311 z^?RphLMQC9zz2>NJ|7#({ZR9eB1hqW^OGnSx^id)t3QxL#i9mAdzAR0$>!XB{syWV z_)Y9Gd?jus4tP+@ovRK^6GgOFf{x%W%6b<}Bb4Ncm-=SDGxRimI-ZE1mXC+D=Gk1Q zx(E+P3`YM@9ey+HB}_WtKr9|B(lU!4^jLo!G&?de^NAP>n@-^v9|d~BNnnj#TIl>I zPnP#;W{5jyZs$s3NotUEjqH#t!RBwq+9A#R z6bTn;FX(x=IT|6=4Tc^dUwi*8XZ0<|*1Z&wX&JFO@w@c@^a>2m|Y13Kue0v*x6A8&k(fY;*J{J6|GDj#+P{=^0FL%Ctl_9_zo zJV}I}ec9}S+6s8M_dCA5n+1~sOyH@NBC&th#XO4UL$}xpX0*ofxi^*x9y&c@n`#Q8 zjSYBK6o_G`qcO%|CI5I=hNfk1gD`J-W-jrbN&YFp!Yfy?YhX1P+*PM#jcfV551w>o zzy+A!BMnlIm2u#$VK6*sir{700b?=}cy^|jINMi}zkYa36sA0fUlYfZ<5#<@(~D<7 z>-+&UVX8Ey4&B7<7DbUq!+WvtrW5~gsu6_zK34WR(alEp;Yda-af+P|feH4&J=<_e zLIg&4uVjl4uEWW4e{qL*43m-fp{ssa5SM?N{BchgsTEi_NiPC8vK=&X^JUny@H4cG zFs9+$8)nE4r=R4rn8o@bRJz-iKgzho_K&g#`>grs=lha%4N;?#+I7(MKoShK#|gXt z(?W*)4XHL-OxseovC4pV)pA3kL2Kj~JRB;=%F|21`S5e5_~|(OP8WCrd3JQ}-_7Xx zt(ja`zs{WFRy+B)o`h3Av*CXh3Zc~C!ycb|;c|DvwZ$V!C7F-<{$C0;Ei}-F|7rM1(EV}#=^JCH$v_Z!m zs@g-~zyk?7XQ>CUoBMG1!$e}S-w^l3q~SIDMC?0!nk`sypTzyR%eJ5HNAuBXOexry zcGNq;-J3oa(yEjYg+Q?J3Ub4o5q#@Sc%BKN+$oU7&~S^z`F_@Z~mUfCvPf& zF%`kk9wNd2FeQ5Rf)^?NQ%>fmt8j@lKUgsF0B&-+@PC#N%XMvG8B(j*8Np{XbtJ)* zDRyw+@@wpre2BYBYe_nuz{tRZWY)Y^m~>E#qxSWZ-5>8kol_Dn5c;0Y4+q1{X`wLF zjYaa`!9{Hi182=bqcOP%M#+XqEQsGcMl%& zE`jPQAp^5uB)l_Yu;$<|Tob*QC6~;`L;rQ7bF&IuFZwOajwNt#!yO#+O@+^i7ztAA zC(;tN9GrejmyWu65{3pvV3cnbN!hJJ6O-FW>7COs$I5}a|52r~#d}CksS$6=a}f`G z^AQ_=xQN#&tHNF1XiOIF$`aEP#k~Uxu=7ASQSiRU(ke&LH*@#Xs@0x+?zE92`g0J! z)hLJEQ-@IX4=2IQJr_o6UT|uhWlRr+YayIh5dDnlA=kx4&PQ}lv!ZQwH0}3P?v^S` zLj*pyL#wfnzZ_2c?n{CDz*HjYG#$72njbveco84H-benGe%DCrUT!i-Quc(%M8zFV!q+P5od zT~a+ZSg1nUPfFG@TgY@OhR1fXfa3>J=d_;$efwDM7ZvbKs|Q^E6UIM9wmYH-pu!ak z%_TwNoe}+P`-sE}?{mEiVpzM84YPO8gdyiFNeYp|_0oPsX}AWXnls3Z-c49ouYnUU z4~DDbhJ%lt4{tKIqYEGYMOl3@vidHZ;rb1{-wQ4T-)Q*M|CNl{n8c>tPbGiejuR_(cA~fIQMA;L}}-uk(ZH{M$zGbCerM zt$xZJFCHWl&P9QwaXt(*6#9jO7{<#?<97LmfOm7~pLh)l`pYnXcn(ya zJIdHRdEVgr6(&A4LG7Mz#BNX?<~78Ttv01F+sc^k(RZPtIf^iS%o+ILC2)*nEAaf_ z!H{X14JlSbX_tWkH&PwQ^ZTr^HIc)@I9K-VfIA$~*Wk@1ikPmPiW6QmiaOuL@ZzSG zn0(?3nod0rTXmFRSHwQhZq(=38b;B!9x>@vbfLaAIy~w59&CK~mV|^yke#CIDDi7C znk0LO%V%YZC3mXOvwDJiQ7HvG`3cx|D;qY)#-Qt`|NL1)gdI ztCUy_`4D80OM^|vR#J@$*e8Y z=(f5Y0@wBjM*ix?i@RQdS^fapr+$Pe4-))ET_UhOX^%~^`|$BiPAcZ*RHu5ifN$A2 z@bjGuUljV$ck5N;Ka5bp^%b-yjG-ag@ldeP8K*rig{OVHv7z6Ib_{z)9{OHp(du4c zl9&w@%QEp^YYZ7C_-uR!9H5_sd2M3oPr+SbgU);1X@5g^^^++J=qT547*@UvZjE1n z2jaV-b=+jkl23>0&Q0BeZt0VsR1vGEnEfOP+)L)<8(J?qElU z9)et{NF2QJANWj~NdJDahDAY6)PWA=r-ya1iT;Zq;nGjA7%vC?Ctl#hS{*8}(GeC{ zc9AyUDcssegPt(EG-eGsf>hK6JnuoxHtdd zlnAR#!%#2Wf{xalDsY{DV)oWrR(3TM>^pbCh=5)+z+c2`<8O!!+XuHKc2sv9n?~O+ z7Uq-av?|59$+&y<7+m=26w{hifNJ-i5Ru_jlK&u+rTd=7Chrv3u`8ikZ*wlrowy#g zS9riqwU1Ed8^eB#4kG4L_rvr*=~&rRMx=r?c=zM8=u_y=U)?zYdhNnKX_yIQepdpr zVmfh@6u{46I((_QMp`UB!Keab z)Vw$a%6p}$a_nls4{RekSKEM28d1dMhAnKpYlq*+Ob|8wgF|TsmWhYuL1I@lO8(ah8SCee(50)mzSl9>v#Sy5 zh*4C@eitb;o5`%oT5+zqGVQ)BCW}r2#s);p=A1^oS2d3tG4Fx%J>g6mVn@Z!oW{Cws#?D};Y z9$YfQ`>E4tLS7ZbneAkQggmTT^(M5G_)8( zFFJ9!P#l4ee=WnOTWj#a!ePK~ zx%l`+18%)b6Ibq5##)gLTyhwQkrx)=yR!;hZQng{b=V)`cIcP*S>J7F(y(URY{w(N zu7w^+i{U|p4}6`WhKqOtJAdOYo>85|%@5o0VHb`8jr8RcmK=avM~>jhI(eGX7>^ga zGgxzi2GdeKgBx$2!_>?lc-1BeYBt2dKZSPudDE3%x7-h#C063qrr{#xY3f{l6~nJC z)wt+iHtP(_6-{)}rGDw!a4WY2p8uE%k26l-@lj#mHt{gz3h(F@mMd__xq5NiA4?`R zM32vK{s_5l_wbOdyVzJGggzYV50|ZqM2n)e`DwwYIA-}#2%M$}$F(akyK*#rEAS3V z^dn)u&?h>!{1&Wj9l%2-zrYo9wu4Dj2`lvJA%C`OqQ@;6K6Z3D+zD99*U$J31F|e= zKH9U4C?yg&LJmEb3K`p>GljduM7kkgf^^@AM)!h&?3m^ht~D_X8Y|;yce^~F_hvK( z7Yo_7=Vk!H{yR_Tb1mWwRk9}04_-lhK(!v7QCkRdhtg=_HYvDRF2mET6XE{bU(9+^ z5&A6~$mhLH=AYdp=~&YMzHdhstk0@}M{QG46e7>h1t##pX^YY7VJaP-phL6m$FQh- zA{uAWh>LyVvHy_^53zWTtNbUy>fsAvTyk~wn$}p{cqf!jlXHQ~zs{0zxAnQv7oayA zdfDXTsz`-wwf0a?RBQ7{Q{S5!E4A1Q>Uw6&E$q-D$#GtKGfME4@w!q`0{E!>b?93`!mz|5pgrb z3}4Lb*7u7_^*6Gpn|7FgZX|Bp6ogJo?0AsSjj$*v5$miLn6?)`!2O+nprPB3Kew3+ z?wfqc{)!9u@=Y%(!qMDU{S}+3?nCnLJix-;uf<{CHTXX}G1OHniVXIp!GwKx$=j3K za7`fwqaN-e$8!W$u9phz7#4tL*OMXlxhz`$w+6NCCXrB`H#lMHZk$@X4a#;pVr_%a zKVNzROgqNFp~ulMSt%WN^*W*T_yZ7-uZ0b}j-$!%i8%U?Gg~>b7oL@-L$;T|)8m56 zX`D7smKa5it@c3L=E*puz5}&nT5yVYFG)=u&3oN^A;hKym$nM?|KMBjX6s@&b9FTi zX>?=V@yWPYV;5~UIFHLcPr|!|3fO)8SM~J!*|21uEya6d=$_6jPzd?M;#OIs$xkU* zrD8&x;zEgOpaUQHemQJYip5X+D$%v?Bleg#u$Rv}uyfgDflI#(zIDp;X+6cT+S-$P z_x&NlLm5+cSy07rHEt?5k=NC(H@m2-?Y5qJ~ zuqpvHdnLKtN`R|#M7VX%8@BvKy7&Tr4ck`={LEi15IErr38n6|*36h5Tj1+FYkLDk zhkS$~iaLCGc|Z8*Y~;5V<%1ef=HJ}_@M<2+ojHxCPdJ4?!e7Amf;_P6suQiVh`}}Q z)WO;41$*nF2d;@rV54>zyRuA~htCj>|y|wP&p+&sv*V;Zp%qga{@>we1sJ< z?t;JfUh;k9I&dwMq1!Ut`Q+7-w72m9Ot|+3?@p~3XT_}pkMY{H@7P_)c0Mou@#YXV zhyK8@f39@Fo=JSs)&#P2@L18%E6U(qmq3+n48a*DCAeld!)V($)}*$JeB5SCui5l5 z&m29$8P$mc$4;huraM5jQ54OX<3(%ceusTuZQ+zn0eE&~!_S9r!A)r^R1}Bc;t!7q zoZb(*qltKK#s~}(_RoJC-VihOYFy@Z8YSzCXhEtg{Ige~UAGJ|rz8tK6y^EdClYvX z@HDQY7DLbPtgepSnZXZOT@kv~->RP|q`)K>eUV16H-61b1?Sm%@Z`!fn4~qIZ&-E! z0;j~XhR|ee-s_0f+!H5_68w|X>fqiRR~%h2hR>WQa1ozN(L@=+6Rjsjx3reSim|W6 zcWP6hNKFKbDofxl>=u~g_V8%ra%?>t$94#A_I=fc^!l6vv6T28e9fOLxH6?+$MIa~ zSiT=NYP@A;DgW52Ep{+2#S&dxf8!+6F1B&=R2Fzwh1y9i;qS$1;A5yu7d@Rzr!W1- zQd+a%zeYpYazlyBO*jAp-)#qnZ|yL1mL*@g$&H6D(t^dbTRd6)1F8FQmSwchpmBfQ zXz{ zk^FUuP_u%u?-fe)MY=F#wB^7$gB12bPT=vc%ZIViRm9CSnErQ1i*MG8WVI75QLbbU zI9U$Ceb?vmZM={?%+kZ2ur&O6XeGKf93b|P`NZHB9*TZTjkyU@=vT-iyxNqgotl7i-Mhz~-Ej(8=>mGS z=`-_IlcbXNPec(BR`BIaFm{fKC!RN5+1wi)7^^*kE%CMkiHNCq?SUK(%N@uY4%VPz z@i^2ql!Ygz!@>9O2w1fxnAd(Ng)PS)vk2EOO{DDaU-Ke8SBt8v1ET(PSkhnHp#MWS^lG3n|c9;odIjf!jN`Ws6yVB$Y0 zRCo*J>&`*H#Q^kFm z)gicErwz->uEPsEZ#V}Z;lGe9+%E9~J)=EfXkHdv-aQSEuBKG!&Ux?{`G`bUTVtba zi>SHBnY!N3#i%L!F?v-v4eQNAoe7rY{$<9_jQ2!Ye?PqImI7B7-9{7P7WSlW8s1qw z8~Qvw@QTY=42NVmF0D%{=eU!ZK9k_<7)$y{Rhb@qF_?xYe}+Lx+t6%yBe9N-6F-03 zUp@A_In*RSCmT##svxxb^bW|W~9KyJp-v!;9e}R|4WR2 z^+ScW3wBQ4&W<=nLhUGhaOfJ3=}m*t!_t*IEsMqB5?ev8n~@#b|6r-69Q|sy1|_-& zLx}z+e&n+ze-*YHC*P??i`Ys7b8)-^poh<(T99n!peu^YPXe}>CrBw+Tx*y;lHhj?({9hl)!2Gd3b zV&Q)&F!cFod}yx2n?q0FvY1goCklMdO?jf$Yz@A8wi++h>Sv=glHhpEa~v*nS8y>s zB~Ej**o+@xSRp)*=D!!dw@2!otDoEwOO=GM@q2(C*PM$PC1q%#HwpLJErQc>#-wQX zT|BsB56MsZ1bd2hQ14~WLA<1oB^_KtmbW!I&)YNs9{LR8r91t}PSr2OPDZ%7c28hV zDe4gVY$NWCA4~oGo{+0MeQD0z^_Unpmwqv>M637JY@}rZIR7~WKO8r~7P)6=rGFS? zrxdcdED?QWBm=_?Ka$xsQ4l|6HKy&zVAuZh!PTkB=s^XAtG3{?lAB6hZ(N4-6fcxM zm4|cQZpZQU*Kz5?7&vJq3*S;wQQ9U7opxNozeB#m_#+$f`vyx`qp3xMCs^~PwZEa^ z%ShU}asgjw(u0Q<-$JWmAKI9wEXwyi$dU~_8R}hSE1o-wJe1>bRQL~eVZNVmXX?yV6g%t^)6*pCQK8awh zx)jV1?rhzX!LWY$czil=JGQ6TlHw2p*u63n-PH{FkIhc-?~sr`Tz-g;n4=B{T2$eS z>NPYUAkB`Q>BSx4_u+(o9F&E$u)>p_xG>}=e(>ke(OZLX8}ZiUP=THD2PFPhLGuoI zzPW8G{nud5why=EFESQl!3zbd`)Ul`7O4Sb`FMW1PnGw}eutO#=IEl61X)TaV6c=F zwRcwmtL%x8IKTtdK4{R_=|k9&+p+k%=qA35>?g|)jHc%fpK(r+sE4RM?zrUdo2r%T zu0fUNCWvZI!+;$NSxTe|efLrmeuXBY*QE#ezTAwPtbAUrvt%-{Z#%?BYtYY{Os%)s;+5=Z)-yz>>XndjWt$7>$SD%s{faIL8y1c? zPM-p^{t);kxDSk!YOukvmb{sgh+l>eKp)42I9|B|znaa&H80lF87{@(Q{x9+|H+fE zQU&hxY8?G|-hiJ7Uk2M}P6So!{kVRbHsyIo!O`>x7T5h_=V!@q+t0@#($x-(Gz4#( zt~A`gGMW@`PasC?)baj|W`RX5OKT605YF*EFlKBoILsHEq#r|R>(M$kNqs-+4Y`3U zFa2VNFCKuj`G1LewiRa1Er6S!S3_ZdHb1-n9N97A5k4yTLK+sH1N$ItUe}{Tr`>6A zZtsuBjpd;*BB&a26U^z0Y-?!Oj)w9^E0j~PfxyXiOw~@EyFFOQJcE;=^Q%4lz8pY9 zKg;o^#Z4sgXCEFu@r9`=hk{w?N0R-|2csuH$BB8bh-yQNxFTJLU%z_>HS7)|cpK60 zRqAxri&Dh8nQ$HF!TV2Zag~cMj{N$KWW4<%+P^lQeCQ4q9p0vg(zllKu2M6y#;IQ< zSvrq5*_l$gITbkEaULGK(ut#|%_4vAy(C%QW+e0OJiM_unaGxhQ`-@O>tf&}5|(TV zCMAV1cylJ2d@{iJC`VY;m4*^?Y{7eaAC`z5$nI!0svFZPa@;FTt2#&H(R?vFWsjmC z)gOaFtrDMBR?9Sn-R_Bld&vUDLG~C>Wcryz9#tk67o2>aZ&lVV2Bityq-(sq-tY}}f3fFZ=U^WXj2r(eaLaLdP%R`+_bn)xOI$7ds+=(ncR zBV*V;^|!EAUXi437{xaP#)5~Q9?SR?hYO28Imbmu@RRG-;hgjwv0}qaNSauRAI#Rk zxZoxnX8Q~-PL9W^W=hl|SOlXrRK#j7jiBl@iPl#1Ft78?Y}Fzy(PJNZQSp@!>=Zty zad&mlwYrpv4U*aD%9(V}Co6%4@JM7+dI1%Ebzx}LIq=TO#5Ub;uv%1t6G}VrX-X6> zd2mW>dT1;!2(v)N-?k{bumk({?S`8V6OCQHg1npe z57rls=GS^cv2Eub9vfuAO->x-r`}4kZ3ABjE~iP{P3a6qPmmtxpQi?<4KLWkTotA% z>@DrT6yd$vCuHCvPrzHJ@Op;`227aGXZpDDDH|NQ0^ddy5(R7Lk4JFx+D_N~BT5SOKdnIC)u>}4%dN#YWxt1xW zKLuld5ib;+fu0jiqDspIntbwQ_1be~m{jlycXgd0sx9AGTQIsbwTaw})v2LnN- zSD(wbPR2oOF4%|XvdZ6z)KTECHSG?^^fKYLy<{wPBiq^X35)p(t(WZ1y{F)(l1I=q zA07VfpiVN&`55acr?x^f{%M;wJTob0#?@umw%ih$f>O}>))TT>t((+`G~sNo{UU#( zP>A4y@8zRE{C8gyCm$Jt-IW7*OYA>9EOdyDinRFMj(+%CZij8k^J(zSH{zZn_IP?& z4!R%Qffw}!u7GqrjMt-Vo!uQs5!T~3tXxngx}CjQuTBr&pNHDUkMVNUWgL0-qbTiR zDXbi;j}ko<%;8Tfu!BGWrGxdqjxpec1-O+j6jPiN4U|e+KKNTgVu@0d$nv8XV$shjm??O&jLNqVMZcSkdtV&Q9_{ zZzUVL@^!bU-l!f8wg6SgpNauS#R9)F8TW6yjma}Eq33ub=H4v}GQa*U64 z2Cf#LU8zH>4lKhL!W~!Yxh6Z;8-yy-KZ(4*iQs3{3cRn>k{2VsRc~?a zK;M1k?4bE~wqUR`kKUocTs)J|xcU@?XpN+QO_ae>=u!Wzu!fooj>4_(7a3w{LMm6N z^Zdtxr*K^>`p0W>-+k^dJSQEN{u(YCI{hhDXCz>`!AiuE7r6K0YjhB}19kr-_@U`S zcKc^IkJXEY0tq40b^MdSn|wn~)m#yBZ=PggdpS84VuQK+wfNLV9kEqmC3L@|G<*9s zv|MJ4zJXb+TWJ&TyFUUeZ*0M}@*1#n#B*G`^*>x7S&oll^*9NbN;B7=V@vlL(?5wV zsPJqKJbW}7lDB?>;W4^&>VqY`S~i}1{#Xa24+y=gq8!pTYA#M$s>6Nu^^v9HRfSHC zD?09HWYOKnkYMG8UW1>BM@Jcg)^}+V=d4F7EB``)s}^sbe;4+S$U(CQ?mS@C2IyOu zhfj;j=!THtpf!6U&TW2${g@6bPB`%*ZEF_y_#)PJyaA&4)qN9yp=U( zI|kVDZOwXA`-dey&KiS?KbvJ+s~CTZga*x*A|suZK$^@|qak-D!-MoiQ1LPn&wrSLzwST7va~)NBfJl7 zU8F=6r#}IA%~@y|97<#KWZ46Gb2{_+d+3sJCu{DkAh%`WNP5f}!Sj%b+uoeUggZ@0 z8+!2Y!7lh@vImdu&%~s*!{QMKq98X!AL4pUi0^16YUO8$zCv#IPUsU+(A}F5l-f#U z5*M(hTwUH(c!a$)djhGZnb5xVGn^g09|t-Pg5Q!u`D^KE*nl-ytG*ah$3?LhGqh;4 zXbG(G{((A82e5J15m8j-L^efAQGB7j3GFhD!s+V<+*UM?_&<|@!4hlPm23@MJYfdzx_}8Qzrb3d8y1r?j4FBweEK^x(MigVO%2n<9z_?? z?21%Sd4C_RY|o&&UAjp6>K|+xYrtpQUBTYdK0IZdEm*35#FyUn_+rimTv?;e_Z|2v z?wtQXV4cd)!n$(UnkvkCyVbyVtsMHvl{z-b%7~+to%pj@M(%u+yyEi>Y=&WEui=rW1C%$e_&M&cwFj`d-0QKg{V zSrn3l7L_R=qxqIh^_)nLN=w7d=3qMGS}(&k6YO3%gtuIJKt3K3xM?<*AtJ974OjOO zotV3%5RSpM^Mubowg=zlX>mol&7!gT7vbGI1-kzG95{1(0Yn9+vu@Mteu4J}q{A4FYobIeG5CBzn%{8%!POVtf|wigRp17Aq>0f16$r2 z(Z_+8Q0cBcePC8YzD`*|FGTC}%qt(z?&>nQGH)m~JQ+sM`W(S=Qx8K?PO5l%y(|s$ zcY&)b{=w?WfZ6fhbfcpu9oRM;{hz6D^G$ETz@w4m9o;HEQI~`G3#e7F2`gSO)`LJwt92TEST9d1U%ya?#IeQ2nJrW$Ft91FuZRc6Vn^(9!aW?DlZWOq| zqhRlAISlQ21wKOVW}@mNm^WLJP8&B3_l%BUKTg)MhHHwLKh_8gH{Jx7^Ydu2nmUbG zpi7HnrsLza!+Dg}biDfT5C&}hhwsJ70v97!*!K;@;yKr$QmLFREjy0Y$NH*uh6#+x zt)?{ShMq_=r~-zBWI4#n+3o_rnz~(>|@uQgn%S~k^QitnoTYW0@ zEI-foq>jh;tu3Ja+ybYxxRDB{a;L5U75+Ov5-*>>D9o<2X_49kxL<9=D_r&HN8*o$ zTgsS^!%;B)cni18wCC1ORw0h6Aa7!IVPUfxuU$}rOP^bz;r0yp^<^*Q$eJ*h>?-F2 za{eGSb`mMezll}xihOafJbf@w8_VWd3tg8p;JS7(9BKzvyuws;v3D?3+m7Iq%`-qb z(hG~oUQ#MBbaHC?&_ZW0)qXjY<7qYUU`yDE0$aLhYB5{;a;-S9XaL`}_ccuSSD_^z zWyE);9fvtbcCry=k4bjzLFhV@ExNK$*paB3V~33}K=p2i^D90>#NnxIaj6l#e_Vnp zH;%+V?n3@o<0NdVel5~FUIn$O=3IBqeeyY`8Lc%=FwJM_q@rZ7vkZQ zYd(hc+3`&i9B_7O9+8#34}r7JfQE%^9%lS!VV@z(xYV)nktF-KB{suru!wFB#LsP-wQ|MdV!&s+h6 z?*C!kIU!h+RLL?zNAZ6}7BH(U1jbBsWJzbuG5+3M()R2$%i6XEELZmneYGC=^HS)A z&A2HFKl6qd*6HKkfGn_^v6#OR?wHrQ&ybC;3wi$2Yhe3cVC28o;8Gdi(Z)m#-u_eO zv#y*GHLNbjH$K_WTjB;|pE^P zv2oB{vcYKpUNcBUc1IF(&cA^(XWdk&M z$FzC;Msg}>|C7h;36YqQB6PUETfwQUeEhXNA6}n!0h#>Y2s4kstcL<4f5U2A{C6t^ zA2Nbt7lzPzszGAqUji31U!NWR+J;IO9E>;X1LRQU3v9F;H%^g39 zx?NDBqddLnXZ};%CR>IZOQYfQmpg3p+{^IvWjo|vi6?azY_RBz4-T-ILxV0daYm~N zy*qy;cKlt6vY&#nWB5qH(Wby}U@eBAU?}xxZWi03RTd2_rfGt*U;kic{ ztDaoLuBMe!8+U2`-(fL}9(#b|=L%C2IT|V(isBq3!Rh)25}pEp5P!fpkrh<(#t@*CQQRJ9oIgYX{M7uy$ zo@_J|k2Ec3gIXnEm(Ek+{Y_xlD}5r5lHOs~kX7IwcOEsvUJ~^~73ffqhc`whfbtl@ zTf1Zd@1C+3W~_KaG7^`fPm~jChpSTaIlHmcWHa@CmWiq-1P)W7GC%!kJ{)a71-V`O z@Q#h}-Ps#L&$yIh*2LX-^587&<3%`rkO9uxsfug%C<41>%dXwriYasK`Kju+=&;b6 zZ;!R+L+b2dl+ZhplIe$pjuLR0m5R&QY_6^qN9>PGquB>SSXS?QG`OP5vaCXFpCUZ3BrlY)5-v#7?})5N>(4{Hi61G!m(i$Lftv^O7T>IPZRZV*pS z4Kl@~1r6vb!_n-qDwhosI%*E`xcv2cn)2@t_P)}=TgO(wl))!4zsV7m+lSB(x?6Ca zd@Wc6tMJ)Z|H71wY9#H(CRjgR#G)Mf!Sh2r|GdtYdVaWxE6?YFf9X>6s`<*ijb*5p ziYM)rTL_cRl?b1|PIx!!6=|PR&YTV>!OTRV179$Z-w6}))e8HZMh8a`y(E?DY2Q?- zs>qJds9A`kg>3JW=^=r>Tn+a~?Yt1J?_V`gH-$NOaEPy_HBszftwRGkMK-6l=-<>JghWh~ND z!xh&B_sKSO9;E0M!m398!D#~L&_Y}Z(g=jRmj zk6-_R-Mcno`S=SQ)Dk#7kIncr)i~(torXHYHiP|K;qGQ>ht^dUs6X%>B)+l(i`AJZ zJJ*M|IBpSXmF`Bx3p?n4o-&;yDmz>jCn#t&6Rj9Y%+#6`*F_SCU>9hW=`ne9@-AWVQbz zP`@55#qYF<-|V7WsKBjII=;Ic03xn7ejp?k@N>WEG=?3N!N`b)2Df1 zaWt^N&O1zcwFz;X|6Ck6-i|+gEZp8d2>TAha4^sOifiv22EU(kp*kZJ)tlx~E|S2* zOfXZdcjMmzrRX;2E|5>xfy;aHz*}uAraKsbRE#?$n)ov}l@VC6Q^+$_-6kuNgUF?v zt>Va3f(q-_z~E(j!T*sToJg_+3D;-jnVt_{8RJA3&c2MZ-Ng87%S-q%Vic0w%VF}M zG%(gV2K;pOK|w%*~)l`Y#KkTk+xeDL0L5;$WKe;IsFeE7B^<=t;sip)9~&=kQw z_?3g^f--XESuGoqRtDkU-{bukW`alj58hFJCE7LKK>UP7AbG1=?Kk2hbg8`n#~+_q z;qBdMcRO5U`Dy?ks?`Otu|1%b|BH;z*5y~%c)+%_Ka6xaLS^~)>Z2`!C-P3Q$gD+M z{663z@j4(4X7Bc(Z&N_kuD{vv%3PLPMs^dmi*exbWj@^Z(BL_hsh}w(%x2pfal?ju z5}2OM+@G|A;nU&3&wdtt|70p^ej!0+t{L&RUyZD7us1p${|d^7-djbmWyZDYlEQuXV$pT%}C^Yd5SOS_YZ3lbF5l5mxf3 z33oo5Pg{b8%)q97sGhiiN#E{guZ@gBcTGI850K*zGL_KbY$?>(O{Q0bcfi@Lwlrp> zA0PDW1DZ4>!Lc^VQpQB#rkX$;c(mO4i|i2484?VI1zxygw=mmap?E;hWjs}H!5zwM zITO2KuaI@j-7EZF>5b49o51gUkAzznm(ZX^isHu}1NqOF)$FKJDI4n5h4w?+*@K25 z80TmQQ>t3<_=96&>k3)$yy=c6=HIY9`?dJ$;}q19(BW$aOY-a+;gCl!f$i8-Ol_8A z^QU{0=fz6kG+uCU8`_9{R@g9K-Tja|@)WK;GJ?z9js_3GwYd2~G%WPo3A)Qe@$}Ck zFxpuF;kN~E^)ev~lzxnOEM3kV)=#Hr)~isP4e1y!bXp_sIpH#iAp)-{4Hgs%9K&;h z-{`xyz|u^EdBXqqZdX(Oc|ir&PHJY~RF#>iyiRpS1jmOw2HU+gwPl39?wTOL!2WNR_3_aB6oAv0le#0-pVSx6en4`D;983gsF zz*_|q=pNbtJJ0u`ZQ(<#?wbu-n$z&X$vB{IhQP|-k3|w&UNcW0OHrbUl4#|Bl$<^y z&Dq&yWYQWT*AuCUX;GtL^t?iHF3cY;J!uA`qbAj{Lf&Lu*a*6HqX9_9`H7e1e!(#= zRcwz_1k=co6Dh?VzyO)uLXR&J=ZD4Mr>Yg0Ip#VNPeO063BeP6$I*J#dAxZx0;b3n zVp7RKenzJj>S8IroRN%b>Ys6}(Er-~Upe@P%TY6<0Vr?ZfLYaJS;N)o*sw>Q9~+>A z&#wqvCYR-KMa7QVl?wXMGO;**JDJp9eq?NOYbhc3ttcRvk47(%;bSJbvref z?5H!Pp9=zbenTW_pKby(Y;rI^y$?O~UNTE*a~^#xUgT-!&VvTugXwEl;-vpkbRLdW zet#U7t+GO76;WAfAi3vrD5HV2v@=?o8ro7MGgL&WBxR&TNy0s!)1FG9P)1RykV<^1 z(C_*E2d;ac=Zw$${dz5K6nj1IB+HzOZ8Jw2a^I1kAZbAWScu}d%iu_nmg;X-ly8R3 z*^(HjYzR7=Hp0BBc(~y$4Q=D|;c=i3CS1D2QnsJKlFLkLEX9V4h!yz=AJ^(qF&eLz+HDK5TYe5^R7r5%O=qw{)dCYguEv?R zE|CA$nJn6@3qPfOK;2sb)=o1evrhdHWlp|9Dow&5pj8tK*E&GAz@ZrateSLL#>0Ry z@_0S)GQ8Nf4T_#W5slvU7*5~%Nkp_4tk(X3nxG93`CgB0_S56f*4LM~4_W~ZgEHae z34uxKdDTwsV;pq;o6f>2Zv&i4;>TVW2xtC>pdS@W(uC}7zOW|UeHcMJ76^9@#}(Mr zaV=m4t?UXN10DjJLFaOc_)A$jT1QRcLqAM_wFl<#it`Jsslq*0DANuh`>L|ul#V)j1@e|p#fVQ* zn0qXrI8VyP82g*h*QW{E-(%3cY&tu>Z3ucEyN&_MyM->GKGmA@9vfc|rxT@2>C^HA z7-fA9uin@}Ti1Ss^{+Nl^C#oE%@Z$tq_UBwDPE#=?}d9{k8CXDcOXmaCCSna!=h9p z?qeOw4U}_;!MPLsT0$D!o%Az!z{NjD4#c&e@K20qi;SXaRzIc ztbR1;ugb@L?kCs<PQ*)TS8$z~H1BD8!rd7`zMUuz--+hqHbGC=QWSMb@vxde$XGB08}Dnvln*(x|>+!z~$I* z-I%B@`v*^|hI0SbiJ;eapLJ|o$yQGli#2|X;XN%=S)$rkcq8LX+ao$edFz^qU?UcM z(>JlQJPLyRK0tTh0q~u1683-YhUZ%5(53SWN^+l|=!!DGGbs)7+#2xy?E+Fj6e|C9h}T`!Ca=BW(jTkSSc# z(vA`RNsMgSgpC)Y@Vn%6zG?3{QA@XwQyO1N=54IQALokUSHMb0KJbrq_S>L|z(lC- zjp7G)jHA2%OA=-kLukU^Lijwvns-aB#I&WVblU28u(G;=9>PA+XSgi;@4*FFH6$L^ z`qr~8Hqv}lMF-qI8v~jKN~B}XARaYSMOXu^_^tsZm~$?M{w+!+;X&1)K6niE(#*s& z-@M77gWKq=my`JWjCeRO5C}eHMf3XHaMDpVKBZ_G)H(<9@0*T@+wW|`Zu{MM z`tbm+y7Uq(IWwlDBWMp9dGistsCbY|V@Kk>-Lh2k?Gc=P=>}|EP!Gx;J}@o7940n< z1Mb&A&!1l*Dn5{JYik0}pZl4p^$FCzY-K~kGsTDbl9Xl$4t z3)90wNXV*dz#Qecw&!FTzEv7Uzlw0S-(vb=vmxDGQUnj)z7`o&tigh^8eAy3L2RzQ zfuC`mMh{Lgpv51Q_zlxg@rOIUBJEZ?RJ+y=uF!zja-YMC5 zHItU;Be46^-D1;IKZP@QvEbBtLX4iw&%frLT;mz%4ZlKHRGYUHed)^Yj!-vgJg- z{1sdc>L8kLd+>U}WoTM88oi3f3eT@1k6Wk@<4p{xR3OB4_^L>;_211Y0T%*v?;}nN?q;2xEI1+;@(z}x9TK@|JhP;vMHOs5C4V^rAl#|S!n8eh!~+uVyFKByAcnWJ*g`32nc~`h20phP>HYCEanHrr$M7` z5ag(|L%zf?8a($HjFc^amK$G0Zbr{UZHo6u&HZOYz5g4GEtlf~+XM!M>`~~D8_c55 zmy)-!$*8Ki0QW7H$6f0lV9@|Of#mD&YY6jf2d5@9$ zX=pNFIyT8qAx^V%LGRr_OdPQm3Iz5yKb?a;m2;r&We#33)Z*Mf9h?n?LR!=~wCYu0 z+IN2l=W~Gpu~7n>VhBThRL+N*MRjOo{~vZZUuENR-C)E$eV!h=jCOiRVRF_|EuoiOr{=n4PhG6I>xJ;d+@q@e^=(@Dx z*!ijWTqO)M)srSe!h}rFIBUlpd!rK;Y6gK!t{G~U523mP-{JWD>4N9apAMOr3)lKz!#>H6U?ZGU9+wDasJv=54@@SBFy~ zuzZ64+yu4W5V~PoAM~GA&145p2TN4~Fm*no*iqxye4x5XT z>BF_B@sr*Iv=VaWfx(0M?yw{byOzz&9F~L8-XVC?ss`dr_4vRA1l`iUu&Iezm}<9N z$lu9|UG&xI-K1iSSWLi&9S$`=f@*4;i=Gv&np$N2TEcWOAU;j0`T%Jfy9kX=>6CQ%aU!V=*w@R ze{_%R*Uy8)$AA^+HgL3g)-#npCVxo4uZlJ4Hi{(5Iisd z%!HmntKWN^9KV2NHow514<3sRc74F`AZ7aOV5pNyQrj3zV;!(5W zNxZ8(4LYSmo@jZ}jN$6|D3ep|Y+t1H?XciUIeQv;7ve7IIIBBvTeV>%X7QP9l z$?h6ND*7`tdD~Dw9KS~Mco^-0xQwK?79kc@=EIILW;EyPWNthD zlxVz8CVur_NsmYtlFjY{J61^x(vLdAiTSFinrn|eidwwn(rkRIt;mNql|h!td@x%5 z6(3_DQD{hDyRO7SpYCBQnH|fUfzlZylw=Io=8ca-z~+w*8zL1#&Nalqup$NC65Yji zYgOVwtMMqQ)g^RIoGBV5V6So)-YS%(#2}QHB)jp}fHJhYunV#`G~(pWcIK)!jQ9Nd z4&5)R$cBzcu2*+M$XN6Xd}$3)u(LK-{A7*3lMBIYzBb*eZ9p@1C-4VL&ryY!gdeOi zMX9X4TV=;A;KPzA)S?g zUh~d?pTap}lD0wY+Vh+}PwQfmN^K} zpzO#U;%O8_&n==X^H>>p&G2AaC8sc5el|^0(d28IbP?=Etky$SWbfyI;k$=W z?~;o7JIk5F-C_K<{~^)$t;bMfhY!6~qL2O>9%5JiMu3C+v(#h5=tbo<>`1Q# z*?nUeTC~OD8Hg2O>sfL8Lq9HV*X4!(lwt4+J=Bpt1|FwEVNIPB{uFqVm(>Tu>%TQ5 zTlY17b36``Cy%q`vns*0-<-}Ieh0Nx)ro0)A%OXT#1)UHub&}<8 z9GeNbHiV9;+{*rJsmG$rCyDi!d00?%ljL^`?o-2^6cq)hgvt}PVMqbo{;f^-1ZdEI zsb*L_W(nlW zL@RWyR-rZNLg&XJ2lriZrxw~qv`5R8KC?Va;suXvj{O>F{p?IkXD{Vj?90R+bt0;q zS^xn{Yau4Qm&Mq6qE@RNkC5F2$2$Zr;N>!ywqS;+NJ1Lj+8^O6&jT>`!FXP?uM&ge z4znW%Wa*3!3aukv!;0oWZg=tJ*oX~+A<6|;v%*C8=Y3kJ(XQsXN-u+`67R2e)FrQZ}nM~HBaTDA|$jLgw@-bp<2 z?Hsla(dK)dMYu6(66YO+e_HNY6|dvMj<_V=prtgAp?_~ z58w<%Q@FP4IE?FeptlahVeDJ|lKPOV;Ck#nd(`+&SWlN>r*$r@l9HtF8cw2b^H^G- za07NOv*)j0N8=E;N+_>$WC>^PVRYXM$o(kCXYa^Iiy_1K>X=|WQ|84zW2JaboIbZU zj1V`f+femZH*s*i4u9YK1V>NKMd^y;c00Dc#6!+PH^)|iXCxL<=U4gU+3qb+x8D`c zq@3dBz1P96`6o%v?1s4`4@2g$Lh=2Ww>Tr@9t2I%;*qF2o!oYf)5?tJW3TLFbh?h^Q0_(_Xyy%w9 zo_JW(o7N}!0Hbb9Um3?2yO)uaA4{p{E);s|w^43tCiT|${X;=rX})K?mFVnN#W>pF@YK;j=}~nOWtX7YAD$;l$Qo0!Q{g4pb#37`YYq7Bzan9F zp8$(4pJWe)FXb;PXYja<+hI%g!4j#}r_tATAqw$Lk|G>gpa*^L~qy2*ou*QR9;Hesj z9%eu%#07D`HDXr#_9bRIRiVTxCtmhYhn_hQj3bvQ(q|`|#mm|=A#}J5-8%UXRw&zu zj~y<+TUzeKj2D2#Eo&q~x2tZ4IUV-!1YYjzXW>b2z>~J4*R>_?r$LoQBYvn}s%;1PLv ziCTEsZU$SGH<<=luOc6RloMxWLw~Nljol`Cbi2UsTT@lTH2%8M0mD@J%UM(L%c1Es zbjDk3D_7(l0d(1NzrDjQ$iH$xXAB`Du?KG<=D0=V`fA$bY1ut?F66f4c@hcj*Xh zylIT|@p}F`&K=d$FG0hLk^JnyF0}DfLF25c!YpwK&-a($SKc1sq)*6DQL9B5w51br=ad&^-9P4fla92cC?C_%p#x$`Mnr zA7TrSJM+Qdf*Rk2ukiUyOI~8On!Dd@0&O1=JXmo8lJgVr?ui2|Z?6leRQ~{{enJ-s z_p}{fYl+r^P6$6~0P-&e;t5A#zI4f+msLc-l}+yazL5J--&-kkvgB!qLpOTs=?LDK zB8c^gXA{a-gYyY(a{87b?{>7rBM&BXBTWZfIa4@`Z%ksFg7PS-$$+z}hv4Sg48haB z1f=hdz1_2!rg# zK8R*cbkvs|2+ex|cl1jkNvc#FQT7dTM=*9Ys0^PzwWO{gBhWrUPjGvi(lnD#V2K0C z6qQU|BsiEQvI=3WVJ2LSd<2)h>RD#MQ7Av)NIT*vn>@1__L?BHN;;4oKN7+9zXlT0 zTLD{fJgf@RrZuX$n9*55_DC$i>b31co-CNXJUpG%ha48ThgkxbbQ+)4eF-mim4S)& z3Z^OF#?IWk3@QOT#P05QAd)PjY7;Y{QNsoIubL*zxGoaa{SVNLXz*bzX4H8?AjD)H z5Ih0}m^VX(c&&4$4K|C=?sqY6-n@uxUr@(3MZ6?8?89;Q*a+;}_YFsSOyM%w2249H zf!a=OVi%V*K&`t!G)BwN143VP;>#1H`}+j&H*cZzi` zGUdq;WstmUFdJ4a$IYinlYDD^z9O+5-e;!3qKAKB&g^V*A}9lNG$yf#tN{2n`x90L zJcnDAnXu(*H5{>Bz)Y(G*}prJ>F>Wr@b186wqi{z>}%Xr;wSZiBww3~x6g(Ex7$v$ z73`>goH~{3`^~ zqJECUwbxJBIak=?7dKa4KDrtb(zD6*R-ubyE{1xqp)5RGAH4g@N#o+r8QT>HL+ zL>H8jnrT@mz5UGO;JmZMr38-S{)f&G{l3RbJb>_`zEtorBn=3 zs1b*^DB+MEYpj;v1@q7r>Y8_e#%&LFvq6tHJUD?(AKEao&;k`#JYuW9N5E<)6>NC> zgCxJ6Kofo}!R{vu=)_SISWKQYdC8)oWtQMRU@mOY^_7)qjq5CS%y;`PuVrh zr`+q%1=bfWd_MDWU_NIRsNGirJjGd!LtRfT|*LIljeCkrbF--dm{dYaS}06VT3;P;yYU~i)|oSj)o zCQLQr0JME^Dok9t98@&Vqvme|8l3wM-oKFK+>GEW!7mnGmyUU_fJ_-_NT;eWY;in` zC+75!GV8faeTkTuJATK-N|W)hV>z0^buzG39bb*fVt2|8v3*JsbPZBT0VxpxW5J~y_;cxmmU}o z8;(62jp+Q1r}5qX1o3d6p9HrV!Thv|EKVnd-QB6cLwj}UjXAb_bbBqDw2EPcyFE6Y z4MSy@`6%H&8t3)zhvW^dWa^EWu57 z%RtD8UnstyM6XF+f)Uyogfy=QSHo(-=Y3J!`&r1yy?7}8S8`i4#Jz)EeYJz{2+77M zg(z?tUcn+dmy(e2%LNA94ZPIRh0D&Ihx8Une&0=jKHYH&tDi@rjPTw59F@#|-y2G+ z&pYtY6e06)&qVYl)|{rhs=`Kn8NTR|JMKHv3&p~_r~KnF;Y^sz?imiJM>58+p3;Xn z?({bp8RY^BlRt`lr~by4nmN#ACc$^VKZhf~wXtz>ieOxNtK?5~I_a?LXTLIs(j7yc zSl9b*QGss=UXO5ue+Nf#M~52b^2LZxu2uzkpQ&PnFN&BdmxhI*OTnSfAFlZI5xw$8 z)H*6fxtbOYJQWB%(JFlSUKdn(cZT)LEP}`3rRXgFh^?K6$y1L~{MKZNRrBWp{bE4b z)lQK5Bt-{LRRx0`^H6cMF3&X^fU^QlV2vJu!)h*=V|-4O_*MyYjPk)tN^q42U7+V< zT%l^(7uX&77Yq};$XEq=Y&h-9CSF=W_uTqQaJmkiF>e>FG`WjAnr}f^j~(5btW3j< zJlU1nTiEPug{mXMLA>TVdJMTvwhou#@4}8_;e=MmF*w7fEgnLzO2zmSI6Jq5*;Rv0<-NAVrd;b(vOqfhl$u$Xa~?F~|+o(Z$SICd=ElV1uCDr|&E zyrSTrHsQ5S7W9tJBtGYmjo8xGje`X@l3;hY- zCjADbYpQ&qYZ!j7kwII5Ke;|{1imOg2cEJD?9*>Ec=+EN92eP#N?)WPAYce|K2Cwy z&H?;+x<0K-|H8DhPOvS93YhGZUZKlW567n4!XU%_u%N zC~rCclKqTd19J~g$J425u)U)Jf}Jl5z~B2!)G(L+kXeU9grEO+q6K}%%3}4_3(WA@ z1-77TG+*$qkFBvd4+%5m#Q%iM=U)9uXzG0lKE%v~WiN|K>CKbuxPc74ebQ(&eMb9WplSh>_KU%9vl}e%c1I=s$D%6J;dIZHESz<+AKq`cgjXA92={Oc!Q9h^ zJ5qU(*u??D?Iob&>OK7S1yLsDEMSo|-uco4YufHY#n?9SUULbev)@EilQ|HtKMF=u z49EY*#_^`(Qgn`rkoVmnI0S5`)9HVvl8?tqVO8r19FTDX(cFL!JK{{*b%ft&dJZH_ zGDq2K(Xj7^744DwME?E|I3bE_iM!GpxIH2sXEaMtPvM-g=0gaJcE5n8!c;wJ!5lL0 zTsM1vP>u2xz0BKl1TE%*U!`RZ%)O(A4(1wcd2OkX%~?#l9v*>*EhdmEF@l!vmj@pW z!OQw!F?5a!gy-w4*^-~Zyjja11~~|sA5(SuN=FU)4-Vx)+A@%IM4hjl5-*mUEA)bG zL^M742Uv*rg6~*)JYBPu=9kOi2WJK9W>f)#y_(o~>paw*{9V+!s8QgY*>IItYCKQR zk{)pH#<-M9(OvWXFw1MZ@GM;=3O>$UZ=kPuXlRot|Il#Sn12V9W9~p=%ONZq9s;|^ z9sm=y@gUK92qhb9nalZQ(6|33GhExj-gRb(w)zY6_Z@GcO>rpxik-xt=~S~>o5Ns4 z^BFSB@+4e$zlbg~Mq##7IZX03nUD05H3m2yR4eV&E}y8p2KaU$;1u0{EnCTuU?0{41#@R_v|bv-`_ zZbgI(JlwmYDN>=}7r#a59=Ji;#|Rjn^9_DR8_)^^b!dJ!1;@H9XZM^Bv9!+5xNUnP zJe=iBg0|OTSEO(+_&Bd*;^BTc`9p;d-W@=TXIj#R{Kv4)@dN&fnMu{7?J@D!L4m!a z#3FWe%`qsR3^@$^_lrM@XRQ z68gkkot;=+1jE|p;F@|kNd1{W4jxFrg{#IxP~T`cm(o}=K*;@-jl6_)?XtYR_8Lqx zIU!C{lLDg|t}ssM2@m_DM9n{HQ6l!?euoq=yyQ7Pk@*8HbBE$p=QV^ry^R^S&Y?=d zP}-atf=l8WOKc=^m`C(McEPz0hA$WT>96YHeBV}ReH?`2PF2E;!>Y6mVHjP)-f}7aH*yt(T7H9;F%s0|Xd$+(3g;CG zFG1kV@sS0K_*=0G{g5&n8$p6k(sqUe3$CD~PB!$9nGA00&H3^vM|tS`c=Q@S0?u!Zx$H@K z9{=|t^j;Q|mal^6YowoKHngTP9b8e`e*PaUXhPotq3bRD`5S+paKT@Cud;g5V!>Ym5Z_8BN zc{c|Z+0VozsaH5b^&NTdU5PjK+yUhD$k9+S&J6AY_%s#d&sX5zyn$d;cbS!i=wRZE zQpot!j!QfnKssh5Kh~$prj`2>oq$WQPMy#vYZ63J9`IX{o{O>>-s|h#>-!!Cn*_#?W*WLc`I_7TihIrcjK0Dwxi0H5lnoxp_MP*9?$EP%aBvdH z>Yk^jdv&?bKL;>dvyPov)lAr;Nkm`Q48IJTkE#w~_;sw1nH?_6dumlA1#24PZ-PyRjqHTE6nDQc2H#0q@OT4h*xsi}Uo9VIXY11mw;vwFi!thO zKh;#&V>O7~`^zzY&Kkc+YPsdHh=zZ!Yj8nPZ$FWRT(s!0mm*v%2rHT3ycqg7XW)s?HE>{16?o`ACRV>{kw~eas(v-0_v}%! zP>Z~|cpd%XBC&qeEtJ<5W+RoMe5Ge6dT!pq=T<0jHux&s5g%cB@j_Rx>o2=F!4Bu{ zxK4iFIs*$IHNc;`1w8H0LHeoa5c({1;kz#Ai#8Bzo>g&L{Lx1^Q#K5yo%=tbk@7j_ zv{R3-HL)Uho(S2A-H%HOoqNzWw-Dki+<4K(eK>enIc_;V6fQ>k5C-0FV>gvGsAcytzB)rea6$!g+o1F0wNEKD z3#@vnvS2tcXAxcDx1ak~my|qE(xMq(H{#FHk^;Z(Fyvf{M%(pwA^-P5Y;s%=Et+X~ zLv0#ex3>{O9^Mi84_`r2-PVGY@UB$oEt;IBs)c7ZHIX%+PD81}Ju>ldHa>D0Nc}Ue zqT<0^h%l%GyPhzt+47imzx#-@8g*cvX&~zOT?c8Q7il;13HxxT3ZM4O!GW3~qVx`V z{&w0@)XMq`?=od^bwUbkRe2`jJC>r~014XS^++s_V<~+5L!>->(5UAt+>MQ5tFwc6 zZ`Wu1jYVK>7>T=l;;>CpgSNEhvXOCd%<|f1fjMv<%DP^Xz3IU$QgI5>;$yf;_8_R` zrlI%AR@}DZ7Gw(htEDrS^XG>Q*pNwH#Nd1d^IGUh?56GD^_%7R@w8;NK_p9eT?#|l z_L($770EVPD5XT>-%n`m_78`3jR6C;^Gne z$m+P+Jn`})m^JPR`}=Oaa7Pn{5IjS8-qS_eALZa-rocDT3L+)?$@pWdKYe?}i`n{~ zg*4BXa7sst?CfiX@ZW0vPiOre9~Qr{;}0qptTB; z7N(=@qk~}Qkpu=K*R#5&R{W30^pTq`zN6t_|e44$^(#M}PZ>yU?Gs}iBA zV=wo6?aq7#`G_AHzaZT6Cr<48P2NrVEwbDr@SD1pQ_Uyx)NjBEmUOlSOirvq#eOgF zdfiDPB(?d*sADYi-)~ef%th@31NZ=MX?juL9_M?eVmRA`iLW|g8AM^*gf}>Z8N%Cju_c8U)0Fq&tF8Xys0#Ds`AbTr|KuOAwzS!--ue`Ygk=kci?lv=? z)!$D#OUARr9Y8fM4uw|>qrh;$1qk?WIar*Dz#k`dK`l^V*ABS?4t}rj@m_mW-K9!z z&g9Hw=3Kt)z9tTNAB&gZDvn&~1FmfhzB~knoQ?INC`??nSuYlR%h5d6A!0pIvNi0pj1liNi_hzwiZaiH7-(N>!qxVQE@Dk%Gj zbvAR5h;1wP<-m zJ?<2T@rZBp=%ZEXaQ6IV(D@k2PhN>cr&D2Axb!aj;H{0mPLCnmZXi1{_Zf_JI)P5F zjp@*>!Kgkb5#uLUkSouQkWc>iK>fNRdR30#)1*H^-#}gdtwoQnd(sQO*&gg=>VM+j zjkDS8k27#aVIkPdZ2})-SHUZs1D`X(ag@g}o|_;|7r!4&^~PnQ_fQ2oC14|c{XQFP zkLv@w7f5$lM}ygi@ifBXBWg!RqsrcRU~`M;N_HGyc@^Q^*8)FXc+N&_t;IF@r|@CY zL4HOx1Tq&`nS^FmP3#kVurF|hP3DAN6}|f z34UPWca%3ZC)Rhf*`|91*b(8yvz*`IYug*})T;-4%R=zz``Nr;tRe(d z8W#Br-5m}UkD8)3)7jxw`BdEfD7wAp* zCbbQ2M1A-boGSGnn(Z1(h}SQSou?q~kGzAl4I#t3ovhoTOJ!u;`LWdzYk9M4Cb;@bnJ2EW=TG7rM0s^zg=eA=KZfjt*C_+= zdzuQpC~)N4M()EYk_+K-z<&5v7mFdr611mc1&)l7VHY|*VXKvb;Fs?Qn|yOV;hiS^ z(z*=Vs;=U`qCMz$&4YguINk$tjk%@tQ&>Bk@R;f~%wj_fgxlRf`NNsT!>vAJ`O*2@ z`SfWRw<8}U9iPFVHtlO#j!kLS7}Apq{#&-g<&yuvzaySa zDmjD4&X`h>k0lvuaTJY4#2~*q4<+{9!Or*l@JqTL)jie4I@gv!@8UH=591(e-HwI1 zI-#_0SvjuPn?T20nFvaw3z&}FJj_v4#+qeb@bg5gs4cMvOIJPMBCU8hqH|p3(#QGoc5F>Q@RA1@v*$-EctnUkX?oJOBe^?Jw9!9ej zlh3lC#mh_TR1T8HGba3JS3C=esK%f3;$X$B2sof9Nqv{8pugc6%i5r=TAXc8=G(idM`-^eUee z;<`C~6Kc+%P83`%=9)OC+U);lVN~8I%Qx+LfDK+Pq&}#O#2gM|=Pah7(W`98^K}H7 znNc7gcNaJ9?qMJ9sqnqevv394P!yO;D@_h#&TMJnjzS9NRE=R9bYy|rEP6tsASp1)4K399*s4gB>(Zf}?vyG|NP*-XHe{wj80dc2=RVo?RBCQA zm!DaM9;#_<-tYg|p-o}*Tw^ZzCQ|_Us@XW^s1s>-eJh$ca3; zOOMSHIw6DJv)zfcWWkhYxMFn(T|HqawO>AuE_#qH8v1<%zqu}u?7dkF!{)E%@?U}G z>Gr~w7DZmvGaUNXc;INa$5?Av1XHb3@ZViqnt!+y4owaPg^!{9mh?38Voo;LXAh+Z zYF>b+{ZKydPa4o|>F`$dDSE%^!-pGu$=S!c^jw()`u%aGIhhtb_IN2P6M9N7lsd50 z`UfQb5HjEJMc@w&;tP@r&^4(XYGc+yP+J117>THViVvMOU>rzgycNlG+#(kzjiXCP zHj7@A4y5k?RSRd&(b%5o!nZz%Al4DX$?Np#e0i3TUtQoPp5tEwF&55faA_~j4o`#b z*9W-%Nf$b;Xd|__CwLv4#`2b%r|^u*Vo03V$Q;A>G3z-Zv%8D$!!iWK3Ba#%|KVqUV3l!48!dFleD0HJBUR8h7+3iy=Y%){dbJXbu1wNb`2#B?3%)J3A~#+PXH zARqs0z7K`c)+inI93E~5ws3JFmM#f_fpf<2Pex8$?UoX#4+&$-?*78kr$^x2^ILFr z^+9G?+(H^|Tk*%U?_dQ^;Z}ju=|7VtuwwNFJa#M?r&{m9b0uC-VJ_TnN~&?gp~bMY zOb+MlJ_MoOju@kV6u)gAX;<)c8V^`B9-sZKf_rLle8_`#n0#4-Z_GjLn|&0bveI$l zfxjT}a6i0uT+W01JK(|jqZqaDB0T+ILt|Y2!rYhYDCgZG9+UbIGu}*qv(NwGot!eZ zFT<7x+#W(@^K5v$z^|?x^bAab*Wim65`6IU(cE}VA;fN$py5Vsc=4$OUD9C+0d^N4 zq+|!3cXui^obr!NKl()+Z@-f|%ufU7=kvr5oHa zL!{UqcDoIr?Zq169Zy{#Rw{)58h9Md;@;qesDtPwml}g9fm(rBMW;1v3{ps$^7pJ zvAl33{o{I&=7sivlCe5W_a4r^eV2nVJHA5FWqZ(lK9|bpNb^%_N8r$Sp)(kjN2>M0 z!8UCyM*MZaEg}WJe48Gf-4CQi==i7Xy&(GU$ug`9v&PT`YP9g02m5F=ke+I+C9y&` zbb*=?Py75929-pK$JBga-p?J_<=*R<_3ao7-u4bIIF^B`nl4y*gwtOxj=!4iIohg8 zvcABJsCxe|Y9D;YqCu7(!8Eku3`0?V**1uOV@S=jo}V|owt0CzYTJjcTL#mlnLKo{z2E-I`q*)Prh5DM&zfzUfg3P^r2K5NLf+{ z7^Dhrub-p%w8G^mIX{9-bc%%E1MUiUe4}|xpfv9{SERvD9J$eRCw^9M5f0m~L~dvg z=dX8O5|41V;ie`I)MRQV{K)G=ZH?U=o+p8xupV6QKg_082zv#aUU)w_6S|v!fxebE z&K!1(TAC^2=pEzv;Q%$Dw`FKw+9y~!Vh?=Nm*b=R($Rd~XXu?M&o_MX5T3yzu=vyj zn_>rJ`ig;c{qkg3Tcky^{yl|OgSqJWWF&tpYk(u~?WJFge&eo%T4b_GD(F=ip>C_Y zD9E-Fx?m_@w^NZERc`}Ytb`F%ia(P}z{Q%1yfN|&q9_m!%df_>do0LmJumvuUlVG7 zJ|f0r`f=IAGLYE$Mm)%VCbgQ?LgXTZJEf(Ga5~HqSDcRm@^ZJ@bmCe$=9pgI?> zW4N;n_@0sEi9G{Q(ds!X+I|4vZMWe=7FXb^viGR}v>8$qMsg)jO%}chG2?;-nKf+~ zJPbDH=wpP3)>Of|vF3E`vj(BRa-Ci7Fr^hs%z10eapK1dS(xrpes!)brs`(mC-Dew zZv6~$txM5R{{yRDq|U>$M$`PM@-Xb6H-fPX=$x>IOcyb|KO_kUYV8w;$xeXTDTNSu zp$SZ;c|eEw4Ox0|036#hj8+CK(ld7s@G-Bpkv*UD$c+j9)G_uCwEnz_Yg6u%@`%>S zHeu#?K}(5B9!esMLoW${=wGMvW(xr^jIXNK4eyIL=0u8`CHMqv$*wss7$LZidQ=%my;jFe-(6o)ayU zQmI5!BwCuWT0@Ks9MrClf$Wi&{o^!xn&g?m5ue$IKG_xts_v5$mW zhS9^hgJ^BK4Gj*x#MCd3r%DCWn0wWCz{b;HI#M3}5B89Piq~v@z(`E{lOrCbIg^K3 zag6NFXK5CN5e={)4ItsSer^39M8^K7&fG!#@#}{9l$(+`0!2I$c(AGSO zfj4v@Cw>gKzSNI?$xi%>qm^if)j3|UB@~>`EyHsdiYGU|gH_I&5US!%ddjw}4?F_SL{1V@n8%HC89QchH(=gjH607{4!|%!WL=zAH!By&(aQoU}9Q5=s zI+=wLpL|C&v@@nJ_6c{V?;+fv@-5qV&yI`r^;u851#ehjhuba-yo}K|Pl487@q9wtOROokhYbaXpwh&P zlzfn2#cLm<%mmYlVEP!VhmW$AE0hBoV8B$Y+u>P+h^-VDl>1JZld$ho$b>n{G`rxh zty6d@?c$IuBK&Qqq3=*=I*esf|*`BX{5C|7LWN^4r7qlgsk%?2Z zd5G@{c1!3{KUEDA?)e@>*(n6u4(FkUkrTP;b`Cl|ZRaUp2lGdBuHzNkOe{XHApACD z1fKj1$XM$^=4#3F_+^f~vF0H@dhgD!2A#KV>o~{WIcm_{vJN&cJR2wNTVXqT*d7Rr zyaWe(%}D8k98i1^#VsdQll+NFytDrZw=yloz5``2>~$eLj0|BWpZ{R{$U-)6?gexk zn}fZv`gGB%c2sK81are={`_|@Y#%?7R&2@Ri~h9>S;Z)uJTA=eK6bF?Td!D4wK1Pr z;s?IXbzmjF%<{vYiM>NE3VDzUd@JRMKRbm^>yfc=UzpL_&n;)EhHAWXp9Z#;PUmGM zcj3y@VDK+5g7*%wATv6iO}6<1W?}=ntx1!n4;aEfpd1_Z%Lf+OUxxOY*<@6=9!y>o z#cd3Gq3iZ2-sCx*bxGc1h-O!=lcH}JOO3fr{s(B)EC?H&!skGc!K-g8A;QVPsOMC#|x;x;?A6JOQ&07^|ch=LvLu&<2fuHEzi7sLl5CU?-e(BkT z5KIml#8q0xLs()O4jK(4!%_lH^%b&{LRPxs}wa!_^ho7rK)%`w5 zL9P6E=dxz|Y`ms>yAa3}U*i@vtcT55y|$#IAe~^eGp-J(D{i zXqXgtlKco62@N=1;P*Hl*bdQ~Z@__^XiS=+iv^3mqtS^d2zdSi!>Z=f-7+IEUZ8mwG05R6s~qy}#N@Y5%n4YJM@1=&6T zw>ejtvfdaFCoG1QmnTrI#{1;YxVhMoyaBgtIfb@1-K<$zhFt&h635>k$u(>>=(Ux8 zsN%B+ueA!hvuFkSM_O>wd=b9$DnqJz^8#u7ZyL8#Q^L?kR=7$xg;oVik-Kx}aZCL| z*mV5`NzYE^9&bGH$LThBIP*B3`D}q#n&bIcEk(XE_zHgh?F)yt457alC*g@P`J`h) zBKj_p;#wZ#A$WI@*kAvsSn~Ej#IqyVwHbG?^tm=B`P4z@)gJ;+R?H^+mxn)`!!Tw2 z2OMy#1nwRbqeT@VO{2nXf9?suGno=_bNET}_2zFJZG082o|%caM(L8WvUu24y9xXo z8cFqtWrAZtovV1hWaF)N5c4svsMR+fXWBZ#p+sq3(R2nY%GJn2J;5a?B+xA&o@AKrO=?9EgNP+`j7f`Wc zG%PT+g4KT-(SJ*pZO(8fSaih*J{E1Wee*{jubnst71o{P@3eY>`@V#i-yKDhPYtAX zV?BiV%N7(3nL>Ium|??z@_gTC1>&qLPp2AL!i4jA=$Dmo?_>5uG zH(kSC{b@Kf*^3!n6EX}N40v!uD)?OuMR}hja(>_uhz--H*M#?;6@D;l_9)>VOJ@MhoN$lU%T*1S(73F3$L5J%%QPAsG(D_bITphKL=9-wn z!VS~t&BOxyaz>r*_itkVJ*&k%(@bcUM=9%y7u-nE5hBsa3}|+7ho+UEz&7b1REMk3 z14}=W6J~p`;Kv$%ZsZ}b8ugFa>nhNNQ736fnk63G^bB+_8iVBN+f2c72d4V(5yiO; z!Ch%RU@G;GI9ASp@eeSkOO9q?QG^{e*OTIh-J8jO1#6*Dbv!Q+D}bE3HD5eb zTcpXhZeC_0Yiat_t{!&w8Zd+J(fGn_J-et9fLkPO z@x4tRezg#Gnn4D(x*;<_?r|zKgoR_jK{)=BolJDE*rSqk8}|$$NcEK(-nkudAL%l8q z`fkoJl(Q2!_Tz_Rqu)$S{-}e4UgrLc2+8 zLAgVY+P`@S!Pm24N`xXR8FXRAmiNTbFqZ|(rIFja;z&}EC+wL27bZMhO0ug)@%!rz z3mltMFmc^BxK^AZf{0HTd?^sezc`H#MyCNe_z*0DD35zSiFCNiP_5s^5RotxcNHJx zr=B;7kLV_fR9^}ChPO*0)6tMR-#t|^08*jr=|fUBcQ~#u?|_JcOVC|9mTJChfgZEn z=;A8)H4+!0VIfD$zqw@M*HrTE#&PERduS&2U=XKevPhGw!bA(v#Gat!wx+#x?YmWd=!>;^^-;X}`ua<#^t zB44o+Z-48C7854(liAl$J8&&tS8}1X$?KIj6W6({;p@jr&;=V4 zx#u25E_vFA3f4;gUj-(7hBSR8Cl)aCBw`!Ic`aPQY1 zL5JF{5W5;?vjw9UW7|Drcr!^2q;HmEMbS_Q+?NW=#&qGlBhRouG)?3fZ;5t|Ur@K@ zE7OyF%7$zSA{}y__;B4c`t-j^{6dWZ*)wMWZdVktuhH+xA>{_B->b^co(O_3Qw8(@#QaM$^_L*N3GKvLx`*6{oqKHNEmjVs(qN572Wqx9#p)<}8& zNB$LzZIq;+W-Y>EpRHgqZU;+sm;{}ZnwjbFk@VQuD*~gn07vcp0x1rSpkS@Y?7G)M zRs1>JpFe~bCiv5llY!lk6@gpR6#+{%kHySww~g9cgT0Sa$Q8qQ(Jd==oZtNzb!6K` z;ltg8XFL%9g~{V9wOv>_FdW>crinu$(=j^VfzKIk2A>v-QP-;lM!$-Nqi!x_>D!BJ z=~@G}#xWOfCzr5YV|wwM{Uvy+ca<5A9Ls+jUBH|uN+phGhy$D@;K)iNqHSDA7)S<;!A+-CPW`HiGBd_R^fVuWZcuU#u@+i16Ixva<#fczMKOR6Z~amYa;{ z@jg^MtT2|G*vg@1f*~Z3j zK4`ZnMvYc|a30)&V}7*5X8&e9=y@C-rIfOXj@B$VAeK#yH5M;ikcm&+>agS8B+Rt! z7S4fBVQgYc`PJQF7!zd0F0Zx1fVM>VYcLWoj5v?e;*Q|El|6X$mL$FQAQA)a%obga zjD-xn1pvamAb;RgyvGl+jCo-gtne6L{uR#A!fa-9cmjK&_K=OcFAd_q2XR~6Ao{_0 z5MLME1j9$$pv9;AqJdGTphDs{eiu43Ek2{*pVlgy^kiX%IVO~=3bXvXMejwYE-7JI z{}q%tHU+hha+o831nQ0(@?Y~#qP>^B=;r9bJmIWxW{nBtQ!7lt^MO4dx7!=bw#Vb* zb!Wg@SpygSJ_D8`s!^{u9F}$^LO|Gf+o4Y-FwXxI@sdynrTV*AK6;|KAT1LjO5OkFC+3#T};x!m?lO%-!f9KJ$}-8235Q(Y_zM_2y$y@Ex@99D+Y4)?&QB zJWO(30OgsIxTbbB9^2VPz9|}!{>p85-71ouF14k5{;5#|b5}m-zaG-6kS^>pJdo^= zqh1!jFmsCp>a-jOxO@nj=0!ke`%wO_@&_4En~U2Lb_+S=&mxO^ry0q}9 z9_sy-MT6{7yyE#B95`_)Mx9-PPA5{aex@EbNese~ovM&@Hjnp?Xa#9;GPI1e=Lu)- zg2G!BbR72zRp@T`9ySkb{;U=k8Z9AB&f4NovtrgAGl?o)i-qHz1NpU=y7bR^HCnyE z2kvJ#kk1o$QmS}c^iRs2I$abZqW`(`*qTBZysrafJ_)^owH5eW6imclA3(EH7EXTk z9N&6%VBbngZ~slj*QM5QYooEPV&w&o-h<)(XttrcZ>*4g!g`lG~j!uq`;Qo0WdRFXX z60Mh+U+D-?(=p&*wB(@wnwn^n;$18*u!67q3gODz2rp1K!J70kjO9SC+7jN%4i*z8GvGN2|`C75B`1 zPAY@iaDC4NKJu^*opSyJn8xmf)c>?$fx~DpzOVqz!q4KsH=*Fw(Sf;n-bA^S!M8Yp z`?9Hy>`pSHBL=_4#CmvtpyJnb7?5 zG;=#3cvsTW!JwoYPTJ9mpWl1H=;l=Pm}n!4e(QmcM(T04u9U>697cLF2wc4OGXA;+d9cWLcx=;DlJ%Y$MBm|EXtvOJ0GZn+laUtxSt5ABdOqgu(Z3e{oU9 zM>w=b1FLUxk{BJzx0;s-xgR^e$5jpARkvf-n;wSpl>ZWVO6qeNsQ!?|=ciU;S6Cg1 zoqiD4J@pd!CEm=vWCUm%-Vjs2OE~vRCMerBLG$!Dv9yI|h0!ep=YLbEtGXd=9a#-i zuRef~uqu{3d@hY07fdEJsnTV=zscW{LMA@D+s!0F+cZ0cRe1P>`9q_DDjXKfqM4Q;7?|FA-tl@PldL%&97T=^rIra_kWv z5&UdBf^R^_f`^#9>mB&{UiW&OUChwE`d0Pgbh_$ywy5<4@%NG?R#S?gP=6D|#+8ze4XWh*!-u$E=npvjKa*#lhIVJ9K~KH| zBu}VP_dW)8NdqzZmo5Yi%p*!=DcHUH7r34g!;aU_vA@U-b#L89TNg>1yBo0Q-W}UV z=?^OuKpl=Z{T7=S<)i(r4k))81NgZdWfEJ79B+iYi)Yb9;1+IJXo_j64{)fG1B}h^ z#^Pz4(dqdn-2A7WEN@AML|I>vk!KN%P_yKrr%m{8Z55(;u^yIqN%0%4?^*hOElAxv z5%<*Qpt^@1_m+8uo`%_2>!w7#$HhQH=PmTrlH~>abeYL3XDm$$gq^A7*zRRb3i`7^ zs$?3DUi1Secx@rFN3`KUnl1Es1apAM`TNB(eMQjs(FuIhm%#C&_jp^PpIq%Zh%st!D%J`8x62=*;Qo#d zj5MzR~9RH3p{2p(x0=*ox{!kOo^s3Iwf{dl{P7I^jI z*^ABSm1{qiXzWe4P|;A7r4_%`n` zJbAtlk2}fm7mF6qIifz1_J1F7x~DPI(;i7@O8pZbecAx3O`hm*X*iu_@QHk=zXDD* zv23~KD){Yc2zctLsQY><>0G7AceK7Di4T3~R5fW{r8SSFJ}niw?Tr`CKYt*5%S`@N z$hJ7k7_#MK)QIJ|k<5Is1YLcvge5)5Aq)KuLqb}qn63RHp6=2|mcE-xPL|w+{@qpJ zu|N-85=YT!ztf`KbyrY2QSg--pF_FMmAF4+0Y5V+T~s^r6N`9L!oqZqz;Ld~+VrA8 zU;jEzRJ+4QJ*-3+{s-6lZNMvgn#D7!Mv|`w)G#nX3CtyZ;PGc+Z)~^^dgJsDT1VTigbf@IF7*Cbk1*09RJ3T z?kP9ooe!RY(z@$FRdn!L-3L6;FCxR$zmpevBB~y_9+L)k3c0nX;={i_3Lb%p&_2fj zQ`%}V!T2ux%*ntM+kt#ob~bZn?-;z>-A3eIUle*PzHsXNF#PnV23sz>i$V()Vp^dWjVTU? z8zNPVS{X?a4_9HNrWyTOvxd$W*!lleUlY2HqxnA^!KL%pVx3_+ChfmYR!$78Xw$D` z+hvt;yO#w_shEv3>SBSOm!o&DIdkz>Rj$7L46Mx>!Q~n~_&h2Px+8p<+SSS2!Sy8z z7`cJBDfq+P4=X`AcNRaQQNsN^x1qoCN;1vM6&HHt;^Wl4SZ((W4(U&)e+6fE9WkaC zbZ@d1mn8Y1ffcNFc|n<)emTrKzX_gg^W&;-2l8SsNjhbk6hC!XfzCg>gdTokO6l~u z_=LycevLVTi&5Au_WdEr+iLOBmIy3UGs39!l{70TALlO2gkOgvAUjr_9dgkVo@pO) zYkd*Q=2H+?uc7;21z=822#Ga5g+Dg8Ao|*1)6y!yh&(tZa4#kFLg4P06Zlw5L&!vp z;`zUAVcq9mcqKQQPHB}Qo8N7MK{l^2>$Kn`_z^;vJQ>O#>oc}fqnBMVKFsdv>B7rg zce>g43t2W)nto{DEMMCQr=-jABNL@Sr=w5k!N$?Rt3prX%K-87{&(b8Qi15Q;&{4z z2}g-Bk$6AP6S`mOv&$dF}&~)1eaE^NmC%Y3!rrU2aZ&0GObgcs2wyjOrnWv&!);IXN zu892GO^xn!ea=s;%Q=dn z`sTdNdJ2EACyA|EKNU+ql=7{b+xYQ`LFnV4M4wh)#{t^1tbeizZ<016o0RRS&bLY2 zr{N0=G!T3fUAg4m7{NttsY!?9=T~B)UHQvc_P# zm#T9)uSJ;Pnt)p;3v(jYiCeiVPTJlI>y8Oe^ZV!2=hh}R;k`EY-9AQE*5855@nb|` zyF$pODfiitN&hjygbgY`rm^6(0xVfBK{wmGqTBQV)P7zaQ4Rc#X;-yT6f+Nf?LDx5 zsVrsXzI2r1N$@-I3gT*J5mDtNIQco1FZR~Jtkhz1Hq989$Hc>*IgKRlQV>L~_=%MP zsZ3FrKTq_%f-w$N@G`xdoXoJHSC(7z3K<7_K{Flk({fm4K7`xlJc9Ry0W_rM6R!C7 z7FO)P#KPl_fkL`GZ{0T@E}D6gk!RvS)ol>0vu z9S%mC+9=6Xqp_3)TvWV)?_Uf-n|Dt9-o){E$07-vzkCFLH4#3(H2~Bu&ck&VGU@BJ z4d{^cA5njQ8cwg+D4w9Xj;wwrOD~Q0#e#VWc+l}Y^BnXWRpy5CrL{NUpiLGz;5w8} zSv&?!b`7V>t_Prd;1&EXrH$L~hvG!xcXR2@d$f3d57yRtqn%7ShBWB#RY&IF@yo*J zG2KJR-csJ!87_`}mu zR2_mxt9->Tn-X}*41Lz9=Z&&=9cks-IC5L=Fw6gAz}E{N2-)9D(0yGr{Oq;ibzii} z_nL4%|NCW(OgX^E?9UZz)}F)5rS|9~JiBHzp5zs}h}(CcU~XxDiPi*)ZSBvIKOI14 zzZY^FQr;r7Redn%xiL2#D>&}*1*dGi6?rgxI1M(Fre}1dah~rYYHgvw6_$P$lT&_B zeM5(J?F)qaUn{}w+fiIMVhUY!FN&v>jY9>89jG$Oi0*GT$BI2$*q~iTynBTre3X%( z)mr2DRm(VbaHB9g8|FmKwkNPh+y9}Z=TT9w?L@3|jD-!Vu`KxPMaX(~2o_~{^8NvD zarV|fcwpaEFv&*jZk*3u+H0}0pcIxU3(rmMGTgl!Vdi&J^pXn2j-#is;`tVsr{;?f zRHwkZyC2x(2zAmRzKI`pBfff91eKlAeBScIc);T@rsz51(!~!zW8ggUO7#qwtP$QZ zP4VTqI+t*9!UQ^PqaRpqbY_S8b!_)`T*WT6^VsG(3>G`rLC^X%bhX=k;-&1t<*#_4 z>EPpHtHX~)`_}J5k3%zY#xMiC|MxW735?cH3)hMlj1uxiB>}=txmcW~`cQmfz7ZeR zwSYI?$rbSkPk0)8UHrS+0Uz7eqfd{}x72r_j)MDO#ejdzBTW&fT-l4W_uPg9u79w1 z@pR_cZ5ysqFPorDz;=WG< z_>cM&XvR8xnqAM{&p!q^uH$gG(l{vbok0`6uR_`xi49Ix5Ngt3yI@}#?h-sCZU>j+ z?1BIx<1Ingsvc#2w}EY|#iAw0k1((M(};|agVGMC zVar0VlA%KwYn`YeuA=7D;=Lh+R$pU2SLf2nQo`L&O_{DW_yBRsJTb21BG@)96EEtG zL9@D3bWcDUc4|EpdZE5}Vv{C+Y%>(w+qJ=R#Q6>S#1 z!Q>5h;N+(gJ@rP4$po8turF4s}>$!Q!Zy&NyR--Aw< z{JFvu6P&q;v9@0l^or$qh}siHt||&{kzEf+^vF^cS?tIzyFIL!b0L%bVT<6*?LWA& z>n55{uVqPbcVW!zXX3p-cVn8#V_Z1nBwKCNh9&o-`SUGpaN}n*s;^hZg66}#EPMyJ zF4rPn_k(zdy|8D2V=y`L8Qu;#i9=6XP^}l2(EiLN$lIC=v-)jekL+Od=@!^0Q>MZf zC1Fq8_YHd+c7avpDd>sn5FJo6!+znN_g?|<7| z(_q;~8w&RRToIZ@&ccpw_Cn#A3CVVom{LjLn?G~4Odjajpm;bF6$aIRSebHC5RsZJ+x zRA3GHCs7FJkIRdC)ceVihv6*oPA~dvit$ZFIusr^ha#f_kS9@a!!8QM4cqCx+b`gj zwmEIkUBcT0kE{>Zq&J36;mXep$khCkc%)1Z52(Dw<+B*9)j@KjICzjGYNbRpk!t%sVqLs5RVTO?JdlFhlE-uo7?*UKXS{ahecWddJ?secCp8%&N zR8W4Y8f{xYl;6cd-wncR`9rJB39d%Wb#LSgqO;s~d_1|4I{IwezcgJC)vL(C;tHbB2 zf_HYf33@c{g+}ET@^$e8Qrde2?9%sx&YqMCaRtXyyF#yikFSHL3o}6K^Ey~GC>>qT zSL2Nxh9EPvkv))9s#u+uz;Yj5#B0Np*hH^n7}Ba}^v~ zx8ZD?5Hwq9!^ch8j4%6QpkDnJKJpsGN9-&^6ZgYx_}@6H_-+Hw*q}ylUpxpQ>lgAh zFKS_h@c!zWTSufErdM1K(ZZv8r|?(y2$57l0Yn38Ty`?Z0lAzbsHSpx9AK0(-9^&-#(AKa5ruz1y_uk3$@A_gq z6#4~I4cojqGI>yLgv4Cz+8EZAD}frXUK0q4X!_~`I1TkXIsQ1N<2KD}Hg z%x6dOsT&=r9gD^dpALyDg#PRCA8PzE9>ZOAZ{f%eDKg1axV!x=BIgyRG4-8Guu`>^ z{aO+V>(@@_52b$LwQn+f!*hLp^r;>_H02J?3f9F*ji2GCoHBHl4yWc52SDDqZm?85 z$GY$7LWbZ?*>iXvJ>$B9sGWXFHfjx}pZh+Ni(^-FeYp?l@^Szs{P>JX2ZYaXhQMP! zr(fayPlrGHq6V|vsQMZ5TL>654s zKL&@B&lNUZ$0|zpiE#ftV_Y@-C33U3Q0vl0^b)p1@fImMuVFhX*!@7q(j?Nj+YTl< zZ{nBK-lE+LBHnsqKE&qg(fHUL4D1aCouwPdJ^gmLeD069_Cqgt?lPlx%jYs586jg( z`i+G2=zPQgj- zacF+*G$@Syk5w$w<*(E1*)F;YmA?+DP>Bc>nYO30slwjod)6&@7MFyZT4vE;Im#

HA z5^a|g^5HQpP}nX-x0mbV27g)1d8>-fWn-xOJ`LVpsLx~XE`{Qmd8GN|QQR?m0bXZ+ zvGLvoD7~^?XfRJ8?#33deDGKF2R#4uZr8_ zmg46OPvSLe8t%AXkK=TcadAcs&K%%O9}j&CB^z~d|K=x{JmLj<$Ebi?Q6(JI6V8Qw zC^#aviPaCtvz?Q_vSj;KEIe$&M{ACxt%Ymxt-d@&y_`eaWF*w~B*#_rM$oH?BXCgvZRUIFH^z?pNro+Z54T&>Z5?XcA!)KP-pte%x_$C& zZ+8S$S(}7O{RB_yo`)X6_vA6>t2n#-2!_OGLi(Mz5K_Mp!|WI1)sUlPxBfmZD#-x( zqD?%=(2{p9QRin{U2#j0Dm~aE51Z*X7^?x&8%? z(9N$H9la4(ol9hr&t|}pELA$c?FX2+oB{L`3!g_Qt@IrX(79J|;x6J}emao4dy$Yo z*9h_COnNF~4xUqaF6{c|P#d{PC=nod{DfbzOtuO>O=XauvKQTqccRCPMEH}Eisv1! zlH+AMcxKX9=H|BuT~+?!p_HZgZ00n*qLKfl3BRvo}QuX$gb z^E(x{+=?c#b{|3YzCR9e{XuSOUlh1rg1_wXDR6jkgWY~+0SmX(;#|kAxGvWS9&6^o zEJJ7bX?he|0*c6@Ujcaa1QiEsbmIN!0dyj;b zg3JEaWYzSO5V0x=Q!S#ICs~d08@^W@_j!$Vf`hf`(0j5r;whP7Z^%{zmXY!j6>9i; zF&(jf6QeoXF;BJ(+xmXM7vpGr7(0P?3j2nQb&@2aF%U+iUJ^K*=b)s|mVfjMSWpbElu#^mKFLn8w$^b4PSR%nXgIrWRlZOXih^o zOe@@kMPB)McGWlWX0s49xw43;p9q03p(QXNsga>)KDHS2lg&HM!sQz}qC*#inZ(aX zffs*PG<}^K+uzy%&ntRh*e@L%?_CPRP&mtdbrR0!32ev?B}k}~;mH+CaniP>b*HfE}OIiVuqvPO)au1sv z^Ow0ys1d2(`G)@qnTC1k_PDM^3|}_r!IBfv*w(sHye8RP>`+KVL)PT6JL4s}&V_Zj zaLoczvHu$mPfws4AJ(G!#gS0Abs|0L)`p9BFNcNxRp7s44fjlW2?h}x(N`gtj*Be8 zZADsw4E7@Ko$?&6-Z~2R9=~9UpJ(%U*({9sYzKqYr@@xhli^bMHt2aeOYn#WknN|$ z%-CZeO6Tg1t4j6pe4An(8 z+&|_DciDCVgUy2A-$FY`@Xy2Eno^jNHxBY_`)Uyp$HcYlTag)(T}KLfu0mDoyj_%*pmI_zsb zDZev8H0iMnYR0Lc+jkLPyi)~EI@!V!E---{J?MX~N!Y8>&0Nb?^3vWJ^sdSu*r6c< z@)u@7s{cW}=)MSAbuF;4F^x6`3tW<1KXm*UhowFj*|wXxO!QX*h>1O16Y@41ekSmK zunOqEI*w797w}C|F!~p5q$BiiVWi?`(N6bya4KsIuWmj>dpj!8dq)+FEjxpQC58VB zr#gr&zR$+2Rl}F<$4TOtOBG($x5++jMHsO?jTOxL#mvIrlKuD1c|q+C)E@H(^Y$c) ze3Cb!>(wASGUOWA4|;~7GKM&Pk|{~ovf@ultC_U9HKw-;{DiZ&$$O8f_`_D8`%TxN zW5q)A{&_y=-NZs43LW%Poi^@Bq>I*0#*X_Q zZ0)RN{G>8a621bnhQGjwZaF9|y9u=)w6K1i6urN`)V8>@5C28w;W=)>ALs>x)A|=^ zqH~0Ajr8Nq9z(I}$VRY1HMBIHiTS@)aP4P~RO!-qdQCL}r>?BPhi-Q4^@=ZWr=S~- z&_8gxSeq(E`QyIgUqa6)9aZ{`d3>Zg$hDT>0JCtuNA?g+b#v$X(>$;>A{rlMtJBxt ze6e3EnKcF%!_lM^s2lKzekxdryIfW1pK~6x=+i4m7#RT8@+)z&NjFO?DYJFSISiHg z=P~=lU!wARCRh!y0rNYT>D;k0R948gRd$^vJ5$GE!DR?BPgseV)4E>kY+lpVmr)o#L(KW}IeiOR98`ApGTG&;2 z4NQSCCf~v4ktLd#Pp3v(R>9dpD%AbpOh`ObMVgjWk?u{d^k;A*soeht&3BmLfh)g> zrTIu+xX)AIZ3x+(TlE5)GZW|4XOXLyf-yY#8u<9W!P0-{XyA2Y?zTvg&I;1UvoddB z*ee|x-|0$^+mvHN_)0Ws^8{-PH|F+m0=N7x4OAcPkfIo zK%o)!%GzMrHcO%ybO{Yk+yrk6M~*Jj_^r9?`Bljqq)*C%XXi?izP}3m&9);D?9~cS z2R(vvuROM*ZY$5Oa^#o3TqPgguEHm)b?Anl5W{YI$M4#1s zgc8NCul^tg14~eO3%;T6E1rX!EfM|ISk5a<0+ny(W&mPaDB+dpBUyjQ~h~?@SFP z10iH_7++3)!~JDjxm@0F@Myb5ZVXH!2gO>{=2$3~@Scoh-%|e1aUY#`=NNPe_uicy zK=^#T#ERT4gRcNiH#SFDS$3xnTk;5COJ*tOK2O4$hg3foD1@1E0ef81&2?ko>-YjpU>v6G0Q zZWY`AJp)yf)hP%J`RH#guzRJz-YZt(Z^m3ipO<^MeYOIBadalU&JM;iIft?N`%X0K zyUc3cEcu}NyAW|KP{=F1#6%BO{!HMJKN~TUigf0Y$09S%4qbo~6;H|bGkQEjE=cSh z6N-Ze58ySH$8k%FK0UA1fPt4&VA(WVdd2Ur_|9p8FELH);7WAb>Z~+o7GU?RF0L2L#WxMJXSuo6%Fj|3Ha~ENk2AHr4TtQQ3`(YgyQmn9 zqZYt`gM0Dw>oQ2aX2E;5uA-7#b?N*%;ocwX1E$R_BIU2@he*&G@?F&7UE{U$1|jbm?l47dLfg=h8GP^~0Y?8r{%XNf%D zn%jn-*8N43=oXCInE<<9&A06;xq&c<4{HmE@3@+30w?@3se zIi4Rs)r|=|hV#s1TW)t_2EA}?2wGXla%rvSTqbM=wO$!Y=ADe@cKwEM$K^1)tdh_E zemsa*hsNL`D<^I=dKw)b*#ojxk73{RK;q*$17=>I4$g-&_;A@1n5pdw(#w?TzJndO zcR~mkWoq*)0X}?LZ8b?f5Ch%s#zSXb5S#W$j!%u93nMMtVWFY{mEWO-juV%Q$M&1i zA>}@JXh$b$Sn~u5jz)8Tn`N+Q{&S(L)I`>j%^16B9DUQG$$K0M#I;L_kn zv^<})i*vQP-t^yslS7lwNt@0$Df`0y&qnCj;!6{2Qs9tXlz8;@a7c@`0H3$PJoI%o zJS-T%H><^oe(Kv`hTn4B)%%ysF;l6?6USq6P6R(RgK(9s+jy&G99^uml5UwJO^24x zpzAYdp-iUf|0p^SzZ}0ej%%k$C6R`Ps?`l?bIYl+rR0RWhgoag za}c>`vo$9VVn^szwqm^@FDaJBBVD^;;=f4TnjFSljE@k-&U8FvI2*p|&!LSTtHgfbMJUHbx!>U+gs(v0y#xjl4TozF&43+|>&pnqJt zu(u2(g9pmebE|yFI-MRes&+5-jNV8GRrSEUi3)symm@wJr%KKBCBQl|j>qYJg}0-9 zSf7p+m5^8j$IVU)_cbfn!F$-w;L&*R{Cu&e*G%lNxB~~QJRqQ3TAVH;k0pl(f%y$d z^53{2JVvJ;@20!puvO#4p&JzWoE_;bWOh2U;)m#a{}&)7BgZ0B9>e#sO8mEI9rPXP zshSu%8)NG;g?!o;vZW@7Y84H}X1z%Ko0Ev~)73HUfeMBUevS|K*z@g|1F+Mmp1qse z4P6QOaHseO;nwfO&4X*0*7+p>ZZCngtMTw5`qUt@6vz4BU<2m2Lhx)SZrB)yh6@*i zx5^~;LhU5c9OjIlCywCe@sS`O_?OJm-HYk7Yp`mPu!FX_2t`LE_>HU|c3&T561CxG zynb#bX?K{)=PVsZ-#(ATp{`?yUxj!)&f1yAT-c(m9FZtX7-X5c@tDCaobD38Nb+bo=}J&B&pticLchb}LsLGJWp ztbBG9Mhm?|*ZoN_rDQzRKQd<(b%(%zz-&>k_gzs2HsRN6{`Bp27j#`;%rX~H{4@O^ zj;)zM@7;7@YYc5McAgyVamW|WpjTjKvkjWx(co19o>&%|i7$3$lO^A^;MNU}^F$BW z_;m{0z$^p;dW64QJ)TSaj)t0-7qH;xvZ_j(a?p|MM}tKXxWf87nCTmHopB;8ihjw4 zJ#quRL~Atb{dI}RHiSE$qjl*tX`hLh86E% zS+gwd*&Gjp%QjNQ@{{ZvtAp6V3OG?^ys)3)Oo4Z!*$rtnpht#gd)T9r+%VeOC_G;R zd&S0o0Pd@=!SE5fxaVsHN@D!FGPXhGhMgE7l`r-=p3O3~Vxjfa0xB)! zOs)4ji*LLiLXCdRgu0&TXy81M&i@nv)7oOVO3@ooY#oJWsR}&gkPcOQG#bAgUCVQn zD#)jvFSvi&33B0f9qTWYq_quG+3wKA0xLfi@-U7iyX4X0d{a)&CP4DFBnYq1hg(Na z!;!fP!t=<;8j?DE+Yr?^nzSKfv1$pz?gqI1~S-%Blq761j zQGcs8xznfs1K*!u$|=T>**^*cP1MOm)pPi3mt69gwbaK8Rm#q37 zgEj&BsB_8_-+HS-#TZkPwW5Iqs@#E}QwjfXqZ=Gfd%*Oz)U%D+f-9~ol^r{~m^LQL zVWHUv7_>MSqHgWO)rtvtV?_v#*f9nUW)wiTZ6IB@xDpa2Z^48&gbdNV21-W+M%>8V zkUmHcE}2i}HOuRnbyb(0<-MWU(CPv9ma2UD7Zq-J(i&CTPvW@+arl)Lk&ipl@Jdc1 zy|c%dw>b(9m|s#*bMd37)MouPRciVaK*4U zRgQZ8+-|%yd?_&Ihg*bQf7N{M7`PtegzUEBqUaaAnJ`gWrFi5uavup_EZuYezO1y=Bkc`)U!z^v?_OCL#1V;k26iBA1~hQlh%p!4T9 zFyJnr{Pic!4$OcDOP%Pcj>9-Y;SN@1^pGnpdc5{#7)@^St~xukUbHiGF*W^cgsG%U z{1~2z6@R`K4S8V*Hw*NLCmq6nTaAL-`?A@RmvOjPtAH4EzCww#cwGD?27Zklj$XpN z;<4K$i1Ii|{w%P7Wdh&x&h?9!Hg5ynr}%-a4?PT1&=sRE=&{1mSu`sCB<`IXN_m?f zA2H64EWYp_w;Xr`PoWMZZ{H#ghaO<*PHouG{vX^6j;Knt9K@@(m63+YCs8d%foG4M zLv(|M@0)ZCRO*>>S7RA&Z+9F+bZ3D@bUV1LS7qZKxY6rBiy&@X1#@|q$HFxC;rF%{ zJikGU40@5uO8aH0(wqzUw9gGwJOALm>djF5%@U^Or$Ks|8%}v|O8rw`iEqz3fkWox z<5uHGuyt(*R2(zrk=c*nOzdDTS{H)*?qxu*%NOQ&I|7cqQi7sSL2y!F0;kTN$Gv(6 zW65-72))r@H$|A`ou0V7qR>zcL&m4$wdIQRlF*MT2}nhscrzSieu2#G55{Y^6{yWv zfZl=Q=;4e=T3s;;M(0h$;F3}-IkkwCKg%KGhtGh>gVAI`h%8_7d^J6|A&ayR3WB~6 zYj7K{0{WQ&__#?9EZ-?Gz3WO~YgtA_g1mM1x>lB!XCT_QN0Ta_Ri_u)Zo;KE6te_o zZmiEK@~VF!y2(^PS=T^R9z&}h-?$}weqHALt_;VYaHdON&V`pPgXsy)KDJL`Dje=u zg!Ru4iZs`(!|8<+@rH^DU2kh3{NKH)hKdwqN%!Gq>&f)wn_%p|(kn8`5}wN#MQ(5- z6Axb40Hyb2X-?H8JeBhkmw9TzE0xR4|IiQ|)qEDGz3ml+1TVxJ_giqa_a00PHf=RLvs5AvH0IMFqzx|hVy>m=@Ak9zbS$T;E^1LItkwGX}VmtOX$z- zk!HTNX?(k<6+BgX!M5!(BNmM(aN4-G%0*0z#V;E{pT1j2|D~GYVcQubMf)fyi56px zmH}^HT8;DVZJP3lBcCRV|9Nttb-y-(&5&kcnG7k72u7 z2UZ`j1Jm2RU@I^}PmPOUb6nJjL|PL0;w*yTM>f>!9%D!6-XNWNF`}JbS8&Rvcc{5G zM(B_lQnoi4X1+;Ai}ATcb<{<&+HomNUfISfg!{Werx_Sr_(~FHKV*H`_9UnOC#3Dx zfpP~)XrJ~1epU>klRkbVMT>{=uy!r1_9}+zibG6ie+@ftW{s*Eld0>=D6F*(gF6Rr zlDEr#B99SvWqB!BJ=Yj_nZ1U{mc{VmjSfi6vPI_%DcBz1hx-J#>CGoo;kxg6d{-Ea zvmZ+HvWWMvWA}U>W)jA_%T~a7VL2%Q8_~Dm7SVq&6~8wky~q{r3HnNii|hj3RxjlM22C6n%tgs<*ld{vPKZ3<0g1BTvW z|K{8x)??>z8-ua@nx!&zd;J(9kNsgRky3-z*XglTIr{jbBZN!K&_bUc_-|Gu)mM3l z3jId>MDj;itD{ZJ-{gWug}wOET@8qSRl~v>_Oo|=h;s_|3Ul9~bnBpSzS;F58=+@I z#|NtOox*Q^_(Uh3sjk5%UX7>r-J76xc_PZaQlp<-RA8is3U8Zm4oi=FG3kl`vRoz+ zD}#37#;&m_DH9Fq*MGy)zATn>bPNA%rA0e@@8B&j8Sb#Nfpj&iaOqqxv@&s^-6vDw z(pN`*)HNDva~QrI_JeGkk_q=8--jxR0VR>*zv9>)dD7~b3lcZ7!RYM)?!W&y3z~igf4dFFZ%IqwWW6>I^boq^cRw?W zf*eq;brf{AI|0;(ob9EOWCd%u9|3Xb#5SHA}%U zIT&)5>}NMN8PgdipUBB_Ek4L_KiuCj6(aJBMal73h=b`oc<^^HeE#Qyn|uG@>gHvl zIpdczKZ*BvrfL<`pDkrEtJB$?z?+)mJO*k>JavYi)q<=6W-jwAnT^U zQMNk_->*vXk0<{ScDx6^d>VsUeX(fap2_`2wUgF!M=)g=$Hju*(zaIM=A|RC{+K*{)`(c)ya_DRpW)Puv%E`XIDIJWrQd&w7CD&i z1-YsYnCCwSad#~KC>zRcVn^}0)prEmV=kQB{Tzqo8u4L47xD3CL#};27<7V$!#3r! z5ZoU^b`33rZ-p=6p{y1iX_W!TOO{r>iO<4sD~m-dYdo>8)QoP20{*alG8G@pz}o2( zVN_}kTCdaP62l~TQpQk{y|ABbJ<&=^uI6F*zyLB$_9+H@I0%J~kMOyyBZm2S^40!= zbBA7si1qK7Qr#EvYa=<#HTlHOJbj1HL-vE$mlm*dTSf8w4A9STp$qO0qLMf42?V5* z{Q7v-wc8Q1JVHdfPb|)c%q%qYa+UhZv6XLIeL11B%hlXNX|4WLFB0Z=kubVon#g?1d?LBr4X!vIgLi8G@fpJ|iw|2!z}#z3 zk&aqPcYj?33&Ulo{EE{gUtrNr`K8M5O|+nN(*b_iN7$*CT!mxh>ij^l2^Oz&=NVUS zk>vxXFtOh#ZrVGR4ptQAidyMlTOP>ezofFu4)LsWlox0|P=ZzYk8!uJ1DI`*qla^) z_?6&ge6Qge5~nha#vaST{g1yh^WQsI!;e3ry4u6I$jOX<+c<&d>pFpRxGnsV@<8=1 zOWC%2H{txH1n`uU0^K?V`Xpc$@%r7sd{q!EM}H>?hkV({vjXE{)D%c~Zi<@s#$o&B zbzG|7iduW8!1B;3{P{C!3YV5bf=?bEsCtREF-4d~9)V@&Azp7;3$ZO@=wYQ~Sau5d zFRgQUEbkqOpI!=&oG+1}1qX4_+Y2ybw;ekzx1T@nIs(eBQM6ZjB%C@?3#*k3@a<`1 z3SFbIT{ZytUIQ8~Kc1Uyy9Eo|7W2W^t`hH^@j`Ai9JIye6k?2M$c#m3onUVFU28ED zndQTui z-WD*6nkoKZT}H;&bcs^;y~Zlu2G5FbVCm$G_~DqChS>_9;v%A?-x-NcZ$&G1ZMPqfIMgZv39@JQ8-Ct6Q{Cn}m4 zI;a;mjsFPcGJ}L(T@1*b&cxo!g(zB-2^rJA;~F8CxB1c^VJ2Y$1z)bS6|Qo8`>lL% zym1ldUtNI1*E?hHj^!0P@`+?lSRWD<2^cOr1Ybuv!uko1;WZsVx8(~Au`>l2^2MBr zA8H|W{{Wqdb@0yoH<>+M3N|Fvl9j82sNCaUud54+b*?eaDT9IT<%E2dJ?IAim1y7x4pjZDAhAAC}p#}?R^}9dfBBQ$~Jv9iA z^D(r@{yBUesmb1C7lO>5C^~r-;L6qhaDLuIq9=EQI%hiI=4;1rgpiBTq=g7-*Vzlh z5nQS`9we{WAuTI_DX%``hJraTz_tQ!>RUicx)S;d?w;6XYw3I09@wy9wb-?(ot&De zNgr&{re#xAX}aM8TB7HG$->!Id(#v!Q;)7nTu=#zEZ@OZ6J;L#VmvqKHlu->w&YfD z7Ahu7Zv3uiBk(O(|c;l23SF@;L2~R%5)8p-+scVA=HilPS1@RL9*lgu5l;&H&0EO_MMeMK<2Z}6xOANlS$X9xzF58h ze$BJz8?xWxNc%ak>f$>r`{9WPK1zUWV>zBRxlUr@CKC72XGq(pLg9NL%{-%TlD!Fp z#N_5ce#AD|yRiZ1C+#E{TZ^Iz@7Vdi3UofGNzWhfHz*>uJV+$XsKwN~0ub##*ek)CmtAXk^1f>(J{!RJsUymFMI@plu*Lh6eP`(07u zasgz0xl6QjX5fY9$JjYj0{>1wg`d~Y07<|3blaIo_-g(T3{(D~dxa;a%+qCWd>g=C zQjrd||AVjZOMz#YCDn0M`-8 z_YcC|7hvx)8>%;L8ZIeb3DJFmrzuHz*VK(+tHw{I4*5keV~jFityczt)d#Bvs!HJS z0h;tc;UkPXs0zP2G`VYF1n3wHfq284*gI`7v-Ws{Hy01$bDtK&f`)iei=Cxt)|^DV zvCEpgTq6a>JO9F+U`ehpY$Mtf8Su6*a`f-?U~!jDEzUc46As^;&GfVs_{@gmq;G~S zg=sc0?VAGAD7GWmz6zq2{X=7gZgGv7JXdg*hF_LdctW-ii^C$}VUiO%%^Ly=H$XJ~ zuRm`*Sp+L=HQ@ECi|DOVDD+vrz|fqL5c&5F^E?@jM)MoN(=CHtF0F$kk0J1B>2YFs zDX;3yxnA<~URkM4kzRwv-lze3F{ol|hu|m9Bxrt3WzK-4WOQHUG=0vvoCRRrk zh;`T3f_+&L4u7#8s+L|R7q46sjcrjBnF%b*O{>buy3=c6tKSbcVeKet;cw1${>=u} z+)B~;5_!^bT@@BYSn$fD@-#s3y(d1riStGthIpF>(5lpe>Rpe}aMLJsn_$UxcV5GI zfm@*x_73Nw5jK|0<|n3Y6tx*;GUZz`u%&4?j-9tlbaUfTqVlnnY44L`&q_9sXAFB)XFq#g&R|n6H z)Nsk~%%jJgy97isT`2&=8sSTah#y~b9J&OK*YC?U5WXazWuKo+($Z#9U$=9t@V7VA2pPLc zww++xvX!pzc@G1kG>DslnO*af9LTv>0$)ZKz@2Cjzg1F9EUdm`ipzDo;;X76=R6(Q zvalO-ZR$nqT2cJeN;+dfbe zZOv8T=#SgvRDdSWTCBv|O>)`nJSz+tV#O8+Gx`Gtf~S379tnuk#cwxEXxkqX($r?l zhH3OLJ3}=pJ{%(MsIsKe-N032H^HH@)1XO~ild{PU^kmX$imUoqc~6S#phvGPd!Ad zSiy=5zTmoOBu+Z;p8TnN3bRrxU`S#d47;GrcTXNcMz_0@wD0|RF6}V(>$XAHq{ECG zy%QWEoE`AXM&+@t@WQhP?g{sYdW#5l|CBU6@o*c;w|>IFLZPF2LSRldTq0+*Z{pv+ za%gfd#_$G#+dR4r%m0kQQ61elOI@N$y8Hu-`;iY`3QTmoGm<<$pATL0H6YJ*AjEeL zq0Z`BB*1V1JkpXO|J>zKK&3!q^AfK6Ennyu4WTXy&$0EoIXdwMadr#(FV>2W6Qwy3i4t2HcNHyNHdpJUb=Cv(x87S>+)mr0KskE*qQ zSgC3R!VCw@(F(^sLjPWJ{$TXBwniPPOhqQ(k4fp6v&717nvnNC2q`NMf&O*DVgB+kywZ8koXX|tH!ClEd0&`Y zHxz>O>y}z?>O9Zixa#XqZwb{3-14p!0t9BE|FXelKX`_)WL4t2$gW$`!rk$JW0BD z$&i$^4DdHEXLji;xkL76{C2_wl`m-W`r<2gU*-?zlMYSh@g}2rwzjf(>=vPK_Q?nL zS?(n5F>9bSI0=?tngT_e`|x9}9P^Xy0}J8#_1_kZ=Tx29qCXq4=hz}XOZkeJHn_nl z{|_u|=o_#AfBy9P5Ax1w4y=2wjY$`GVcarv>Q|-6Qy0g=`PD|ep!_kr+Q!MJO%>$% z+6wW^A6XD`emnklAId{Jj^VUJ`nY|i6V~m0h6RuRuwTmeVc)|a7;`&PV6?098zN=c zv_XviA~hZ_`x-B4?Slk`xuj^QE4=%sN#D+|BCFafVUS%kNZR_tZnL2@V$xml3h(uz zo?C~=w(wc7@3bA*ee}f@4mZfTWNRFWgji!1jJ!l!0$ zaCuoayMO2>d-vaTlGPLochf#%{*)(Br?v`mP1}fi-dIYu3?xs!9YKo^>i9{k3}*ch zxP{>dP*X0FoLV6V@8g}Q%d&wyjIY3))WO{D_GWxtcb|PvTFJLAJc2Ve+t{UE&cTbX z75JnhvihfeR*hQ%*w(!JplGjuj9OR&aiRfixoGo2kB;sCdG)=+yzp$}p9RXlEr zBrmvho2^{@i4C0IkIOb}7jfHYCR6ekK+%QQ3U~IsyVgPOiz3!uca*rS`VSJfJrnCi zF9Na2Ipz$LxWvUC)G1Iz*H3!%Pv1|l?v)|uN*$ngN<5ntZqCJViEMHBd8|8q06OFL za<8Ed^z(y!0^9!sZ{4@z9-~XRbLCmwJXW3d&Gn!w+hn1rZ3FD^S_DtD#^H&GVBY`u zGi#nRp6hqNV+KZYd|Tcb43^%HlVYae29dy)7-+#;-b}=t!BJF0KM&pC88e&e*AN?h zn>D>>%(hDsGs}J8e#IEp9FhsK3uIvI-Wh1wy^swUEYI-xPB7{5fcI?Gg?u*X7Rc5hPN3JAAlr&Vsf~1J(Jf z_`UKOFrcOf5Bj=-_jyg?VO@-EkGezw@))Zhd#T`D5cn@kOYpaD72LLafrsuGa;FzBV92vj?pWzc z7t9QXfxUikY|I6A*FF-Pu0O_ex)OAg!26wd-UW82E0dE+BY0594*o}Y|2QOuLe{Ht zJZd+RPHGIJGv`)7{d`|IH_ecKwa#*~C8jBLJyCg&H>Cz~fj znnMvz@%ap1KW4zNa#No2cL0xYk>HMrUf4G45b?qkKIl&>TKWxyJ14d2WW4R5?IWdVs<8s>K zagNC5^fJ@M<@n~YKc6P4PqbM&yg6XZ3Rh3$XIG8kLCK5x;d{-bY;lQr$`^HhYmx;l z$E5E}i=Ud=*aSm}v+)rXxJR+4JCgG3g={WNU;{DzaBH4^cd|WI|?FuP8iIJuM z6;9#x2N(?KQYDYxY~?!L=gHRQznHCWK|@VO!`G6DTqCg>ZWj$>b5mN_DW&5ujlPDl zFP{lazeQphr}tQRwir*`2!=PJAUNvXPD<<~NZ)r$u-%(Px)ckb>b(#C9Vx*Z);|`l zY#hthCR@W6mFF-gzJmNdsYXAS*pobueI&J7k*Z?|tYLnt!Ydn=398~$P2<3fbFum%sgputAZ2Kc&d z7*f zGH4r<+&=-dqp#a-@v`I=1KsGHw0N)zG~h}5fS1g&VnqWQalf-NYPF@2mh6XU-|`Py zY!a#HuLo?)EP%P%KjDYxW*%K80A5>s!QszMp+}y`JsgI^U#l8uu#UwM+a!2IegWST zas|9EmcZ*j8~E0PvypE;h;cv6LB{YbbAFHy8#fK)buWz}&msyumd)ieJ6=`I@G#;| z_D3=1nG3e-Zo~oOdU5~n1W-7#8H`$USWRG|xSF`)ubUDyc*`hkIqF3B@983BWh+W$ z$K#a7k>Vj=>rsf_z?1paP(NZIJ*VUW`U@>F==*;BR(A$hHLn-W#>?pgD{1y~)>NPBRPw7**+P5ACciMxxyC0SLpg_aD2a&G!i@pev=Su~ip8g*V{$!2dpHftzI`>=QpOP{>iZ}xa*&K{jH2Bh` z58&y+<@Az_DP5Fz2u>*2&_Le-curf78mbzaaU0oQP)eH(KjX|Z8k9XgPqMnT=#S04RonP( zvP9sho{98e;g+T-+Zqo6mrtY5B^x5M)PT*{)GqkKkXn`wrxCP>E>IP-n+rzbuD7i$ z_)86(436VgX|nWC%mk3~vEqa!q_kDm(v zsd<5%Ie1<4+{K;O>7~*wr^UE<&sBJ!IiA;ld?3C(@gD4&Y)TuaCzI9j=G5l$HHb~# z2o=Asp_u-J>o$Ku{n2L(wA%*v&Yr>V##5+F_-tF+gvSbB6Q zOwD^NhCBnV`m+~QibKKp?ptD4;*EdrR^sor2~>Ql3qBjyLe90F&^iLRvqm+46gtQ>t~SqU_1S_yc?{9j?J9Ulh~kqDSFyp@UGP*fH-Ci&0Veue*4?-m`N6F zjd=@4ye@#xztOzFIt#P(v*25@EKhs0g3s|e1JeiEg15pp$j$2lh2!@iVS@y3FHHn# z7>d5F48N)k#VNC!uyl194vjs+yj!awyb|$}Z$0K$S)$<{C;lXVIbUm80wY7sS-`XR zqCKWM=&fNv*`gF+j-f=?<1{~Nsldf@UvSfsGtja#m=60K!p!qJnP-FxK37)3!$Lky zqgs_u+bvI@47Vd=bRIynS3ItvO`=$tk7Q%{T7Je>@DFANqQMkZt{is^%2v(d=eRsC zy3`?_|Hz6hp;MO)pf9rfvB^0Ze;LG3&3W6|*(cLTR^xeKUoybx(gj$vMh&x; z44}1Y^Qrt}W%}qA&NiY=j;@@F#KNS!bTia z#-q(|Nu-H0os$}ZKZJAJcDW_u4>@h1WG(})z4=(3vyZzhrr7T?u}@J(RAO9#1dxbx51AC-O;7}I=knRh@}ht#V@Qcv9(8R ziT9qB=p=L=BGwqgluh47d&Uf4W$VV{vK9-vC^L!7nWl@&=_z(RU>H68VhT+3l3^x$ z#?h0n8BCaU5!C4ttleD?YqO5PvI+mOmS=(kEzSZR7L4F0QuL{cIw33@5y5CEfbE@Yr*YC}D9D9>1SYRF>{z?|%d%z8FHy4w_Oq)A4wrbq;-Eu8fL1 zM$xV*jj-TY8xEZ6N6xtH!KQKrCs*!giF_7#p}Tee!``rW^< z@TP)jw~(WfTz8N)zI}%8)`p?2-)p9qkq#?re!$zv1k88b2m3nh@sfl+&#lr28jz1B zW*I=G=TTo3DIU02U^p%GhRn)T(e*7kqHFoXY0{8|#PA6boRBMMdv-DqzczgFUGVLy zg)=Yt>HM!=4@wvXal_}1)Q8Iw!^gvTg}Xa%ur`ICL=wCWo3Lu426Sgd!SyA#U}W(( z2vK*zSGzUnOYs6+wx}J?YS+U174me!Wot^3aps4(sv&5eCoaqfnStkz`=iZ5z`5Wr|bnqW|6*WfaIx9lLFe&sc`@t6WwFut1FHmZ$z{8r4!!^Su z=3hgxq3btnQLVw3$y2~>Q5$g$>SE(|X%h$ecF|mR4;NP&v9z(P(dEeqsAcnr?Y6lX zm5@nXM7B)#<3ZBzgt$n?1G9#HBeN2Riam|?!bO9jRLb9#PwIU`;^sNC`!g~`1N*14 z=iwb#rjP-H1HB-t0Vid?a(;-qI@FC zUzWuUanWEJB_c=qQmK2Q8UFH9pbE;fF+wYx#BVppeTFu;IEk}E)01Fe`*mo)O=#lJ zVlF+j5QmSj=iaNX;ejhsVyjI@AWUKvfA8=bSGbz3>&+>#sxIfFlA!aRi+iY{PU#WTEMQv&9WpJDjo2K=`C6G~Zs zLXX!2P~+Whd_K_=Kbr_&rpDPgPvs%h?Y>SPO+Jl(ZJvnlFDk&U6GfsmT}d#xVi#RM zZvvm59Yp!tBwXY$k9~3LVVT_yT-DxyZCGr_9yAT1g^A&qr0v6=$II{x4PBAr!kbKY z%np{+I}qivCgZYb;qE`&fG>Ghh_<8mVN;R7G^jg{eRdHT@H0W2YIy)^=ZMIKHJv12 z`z1K4*nv-@M`HXBJECc9jnzRNSo)tj=cZTeCU|$E@4CI@%(+W2bjJ($^(O^m=y3X9 zgfchum*Bs==0KI;IXL^%mo8u8MV{WM#_@eyAaL0z-s64?FBPoeJIBqT2Un=jvYq!Z zccUQ>AEP4h8ZLuz{3-maEI0+6%yH201$2E@F8r33=eNT~gXQv(%r>_QLK?#1fo>_N z)d$k2k!Jiw?NX*&W{uwtU4Zq&OhJ^riaVSCMkl2+BwFY)=q;J^RmjmMhv@L^ z+UqEu^+PncJ`HUH>%nTmT`-JUPoCZlw6!`DflW?>pfj`@m;9>3>#rxU$BK&Jm{sP;!k4SfXzoylb9dI{W@P9((t zZ5H%3WN4?rwHn$FGcH7 z(|G4~MgF(r1%A!VAX8lgz4bjw>iP5;UTLhxhrZv~t!LkbJENJnYwaqwI(r(oo>VC? zev(P?autk>4}%k1WAXB}Zcv`&!vggVvzJrD#qN>`*t|7DlvsBSRQqB;)@(RE^mHhl zGBgtQ-%f$}`fQWpB48&x57}EsSFn#Hw=fy zE$47(sWGfv{|cS%_rL`H170KzpsGDSQEB6t+RIvq{A4dho zh&0U_{vMAKBV2yZnnv!+#ggTja5w%3>pSX(noHK;tJh&T>fjkXo8Jo4HJ54j^OG<2Z`9F#cEPP}e{W^$Q0;VZC7zXn4qE%+wM z>tx#~N4~z*kmu%0@wj<)kY{2?Z%)s`(%JKQ+TA*G+-EFLSn7zai58&z^BdE3N{4iv zAl~=u3y7b0lZfF;yt6f#Ri7-ur>7Y6&9#7u!fecbmlU_RH-(4JlC;#U66aq@6u+&P zfv{@_$yN2MSboWrn|5m8;*RXepb)}~HxJ|GzIJ#h!iGo8u4WG{Dp}IcS8zyM0~4pN z2bT-Fl~YL)c>FDcon5!l_|ytiIFJHIpC}NO{!HeRc>u=k$mRj3g|m6-F|pKAJKSY( zm9&*7Ld|O{eogm_=(|xgT>0`4x4QI$^EhFaJV=(Q7Ic7Gfj&=!{anJS7Ucah*_TEg zI;L|5z2kPCtoUWdY|mc9NSV8MD6arzvQ844++;|dc?jatt1++rFX+h^!{mTrd}82Z z!C!wFlLl0Zw!KxMh8_;!bwCz6T>^=>*$(#P{Z{ebd;a9S-9chGCRE)2NC8i4r@_Bu zWw!2F1l)i42zD+^gli^qAeF?xw~Bf^VdO6E?3N=lk5n0Y?}C%hi7!)oSd}*~oHryliMFTB!FFGF@SLWHA2($ZW>pGF@s>QKSC<7k zZsO@*QgP^|cucdaLRXz*EHQZpjLe}}tyKtCH&S>vl@v{^&SqC8Brwf=-dO6N3({#t z%tYup_v)WVlkp~W+$C zf!|!|d7*=Ix2hQpaYmnrLb5rU1u_5s4Qxo18TM7o|J!H1dB>vH=0gv@m ziod&+itj%Xqwn1PJZo1O-hcaqxUTOYvLXYls7dC3*YtqJ`3SVSos4F}yvyW;6uLg# zE3R6!-yyc-V7A{8n3p181Co^pI0Px7R?V`F7s-pEg~$aTIi>HHh;jCsYYD z7WP?10e-38z-xU5{Dem&oAm4q8b7}ba!)@H@ohQk8JfwA5M36 zPUPo54I^4y4PwhqFR{5*l@e@}<&VyrLruUY{BTd1qeR84Sn~z5G=u3O%Aq z-G_Ry_v<&I{QBn*{QeNJ4opMcjTs;sH4D7&>!PmNH|PzOFaz?7K&a^~WEw zTO+5))#MfNZ~aruFID7wOw{;8DRua7jtZ!DZK1)VgV@nNjduhM?@PofMxn4!;H}&m9t%f&GpXaqeu!~7NJbRR=G~FQah=k2lApAI z4%&Hu2mYr@d#B~2^Ug=`tMdl2Qtc9F9tg%j79Q+=2c`?njmKjpD5TQFI=T zSbcvSm%X#eNQH(Xl`@|5IebM$Drr%KBu!0CMTIg#B2gN)N*PH!=W{BgQb|LK29Zjo zG->|s?=SG+-shhC`Mlq+SGzQpm%5|hz$QE#`Vu4u7Nh=<2z;b}5 zPW-B`Rk(NbaMt;w@OzRvt*%a?C7+K$-Dd~-USTwd{H5;-gq{ z@)8;R#gFye4515_zheE7=U~g`{ct<<8mP`Wh{`s%=wJOV_;oLlR+|^YP@z+>M_Ypz z961cbkDY^tQTfcLy$zF92U2lUHq@*;3u9ZqV?yV9!1K|pL3Sy2915cehn9lOJ#|{S zAP~H~-s7I5ySU+|WSDO6&&%_s&`B9nY0{jt$djUA+fh^2lhX&5{=S$mp2P>mETk3d zQy{&`g&yA*!|z=_1~y;BaI#&Je&4HsS?U9YZgNo7t{>*KYhyHyXi(?dYl_kKUmzV? zK3&jco`jv|326AD35TW_5$V!Hh#6aG^Wq<1cHfGA55I$lE3%;Y>0)ZEbq7kF&x5a! z-S8{#1_iJ}e|IT-U?lMJUbw=g{wOS{&j+jV7F@4F@Q!Bf;o}CqgP)ES5E){@zjrT0 z&j&)UPER<$#NEIHcRpc2X+fm{-M~qB5ES1XOqGPW?zvYZxx?70xZ`yW%qb+yHRchF zNRgp6?R%jyGg%}Xwvmt2sE3G43+bs<%}joUBg9TyPlECX(0QI8NK0r3KI? zCj#k{w(>RK-C)eOF`$=}3S93V_?#{QEtxYoE!ja-72*Y!G=qcla*07m z8#>i~B^~{H`43|ozUZhIdPm;Cx&wP*&~p>fv)G%UuN#ZI964GgdeN1p575MAI;Sl; z>_h5sh}>4qth4{au<>Qk?@iDv>OAP_M{{R^w`wpep5&C6(O6{*s-vBTL+BQECHDZk zY-E627rlmlIl&qAZ4QO43Z#1RM(Fo_#Z)N7$F4t5FPYmHCRU&zDjq z!JG2F=?2!er@^w>Gx+K&OJQwEHCZF6z{T&P!D7p6Awzc^Tn-(B)GO0yi1c7OMUy5$<0v(=Qh5mKtu<=>}+7F0@z_m6kB0-It^_uaGx7MP(@VoY1 z`i$Q?p1|OhPej3Z3cfBLO@|fvQjbeAJT_e$x4w0umyOk^d(v^x^d3y*oQ^@-4sWQq zdk}wSK85P~5|}Cgr&1n|r{3RN;QlRdGSp|CNViFo`<9sSoU;XJsoN|%Xt5hjyfT@k z#T~KLpre@jvIExG6q2I)iy%Am0ClhX2f4;Mc=+oS99XJE4T}}&`F-}d&_j{BbK&}M zXc4lM(a=;T@QnN~)9O(_v3i0JyD@qX?GODRR!RQD(np&MyRl`U>u{Yso%jSweyrxj z$8EnvcNjf_V@L}pWF4-lbZ@wMH9xr+R@%00|-Mj=(z4n2&k+HNZ zqZ{A%jiePjrRYk}gAk(9jU6L4Q}5QbB=Frs5cDcIe`FVWYV1eT<=g0rbw)U+(~Me7 z`~okU^Ke3CK1{Dk;u#Z9Vt+#ymfsz~49;4RC#4UuLmkYXL~kkuL{RAU2pKEz$@u$aibb94B3{(RyLqF4L?VEu;r(lMX!F< z;gkc?{BgF>kDaju3bd|~x~fEQN?@eVs|@0URbcjozr;Im1ph2L0?=0^R@>swj%ih* zUXTq+Ljfrr`2hA0mZav@)A)n3UiR8q=+QO_u7MG%IJQicTAM5L88I_qU*HvNeQ+AK zhL6F(paC#()(Lo|6o3)}|El<;CvR-<#$V-vo9}p?FuRrD?N=h%ObciJ_^G9kp|yj6 z#d5r8nb0RXewZ74@xp+=Lg~b(8q{as$NfQX$a(d2%vCIe3Kq%t4%`4ghe-0!;-j$h z@^@C2O2lftQ{cCr2HpIh4d%^X$;zJ1VD35x;Br?792xTuTP(K2D7k%j;*}xK-y}Hq z{*B>U^9FJ^ry7_znSx0`8Tf>UaF^@F(C?*+I&&+;otklMk@rZV+qf4>${vfQ7awJ- zvl2l`VBH^B^BQ+&eiP5pr9@#}DOpgaEGn@SagT5BVB_0kXx(Z;JKlRi5s87@@4Vs1 zrxLNW;UHK?y%s##vOM%^IZ^qVEcA~|x!&goU|v%R_g4)>h2t(X=Ew$W_~M*+ zyxb9}61ZR!w^`DQs|{%VzC_;e?*Mw(o`=?n8T2}QfturC`-!cNU!r1EVOt9Yllwd@AZtxp&>(rz0O6!(XIkFb5D_* zeh*;0@Ll~gF%w&==CjDY0O%|p28qf#+|*9!(S!^pO{N3T_hYhXR_hd$Kh#Bb%^1bi z&lbS1d9JupBM+l)ox!Q=HuG8B1-9NR#H#!#s7{~56*5XdE~8PTUjB_J4L9KXBJQw_ zMwDB}_|OMqitT$cHR$CfLA2R+8@^uo92D&3Y1MiQnwfio7^=qMKF@Qo^yGUG7w3}9 z9*$#n4&?L9)acB#KsI^0Fwan!$3_qMisjPNNxAN4?7bmHn~MA}&*8JU+{T06UZV|` zBi4|$IwCqj`wuhgw5J94)!{^-8r^tXmcP0G3&sW+(S|v*u+OhjP`(`(`ryaOvI0_wg|nYGw}Q1=I$D0MXLb3%U{>^cSZonRH`d+T7S$ixog%fGx6Tg~4CQ|e=x_{Ayw?&3ks zg=f5F@G{U}Hw))wMT2IKG=G70xFyaELY9}3hqoGG*|h^0JVT1MEqg3(^;$#~);|LW zp^ra0WDNQwn$Y~%CiuSf0DPZaMhX_|^40B*;Uq5`Q|P>I-{6LnEgcQ zkvZh>&jb8d=UseyLzQkfxreR`&(hotZ{W7|Y>edc z?QwFpMlnf((SR%U^j6G7!4oH&1D44ojtX2#os^q~^LI-S^)E)?t>+^PlG9h)IGU1UqrqMh}=5+$F9SvJP2I!n?Zr zL>%?afUfgB4*Gv}NYRSxcsnwag&U2f`L*hl3wei8vQJ3{{|3I2Eks%78|K)$;5lzq z+OlgFo>$rfb|oe#9K*Ko`B z4Jcp|Nw>x>FtF>#>v7$0BsunCWB63x?F?@kK z=;f>O+eiP1jK-UCm-p)-Gr$>!nbqRTp(WU~`5#&gxehrg1L=r>n>eNL7D(N%Bio85 z&Q2?-V@v=EbELk`<1Foi}2!MjiI-dWA!3cQc=K6?QgSo*uT} zhbO;Gqxb87L-LSLm_7Lq{^&2oDwznN13!TGAs5z8w?p&eaa6%!1Yffvnp90jQRLbn z8dm!RUG?hGa!mp?zjhbH@}k9S_m77ZZ#l?(dIlxCmxz9R`hcf;Hi^c0>yy4$%CKSN zZ1IrcQ{ld+H+^!_fR52_!}sG>LQ#l`OEuW)`p9CMhWhd>Cs=@39LI*rbo2#vEWBblX;px4jK>1e=PFipW?5o}p zxvh!BKhz!fZ?A!mM!(sZYGa|pXA76_2w4UaDr9@d(Cwp=QT>J_&5~IG@4}L>;n#d9 zdK1lM+ODBp*BEy7_hym8@j#5#dk6g`IyefZlTpRbV1P<4m>W+g-*Yv2#yo-TPgaqZ z9$WgM=Qs>feMlnGozOU70uPTF$-6iCqLcMSC=m8GUy4lFTxACwGezJUes2@W4sgV? zmdbd0pBQT+1#gBIva~hPL~ge-Bu#!m=3bPg+D9FEXx~dFc~TcIDc=(R^&ZVa9b-wK zzoQseMjVE|q5@(Iy~QdqK7=+syES0x?02KJ-AU}r-mtW1Bx z!i>Lx#BHHVb?z!?&PG%!eu8QT+E8ugaQHW9D!)@3Dq1@!3SVvP23GO`{w=*o;_JT( zytsJybZi`~w6){TYd;b{MFrmerIskaUSR*_x(;2mHk$m=90l*qKfv==AJVqg3m#9Z zL+!0N?p6=+YUD&5;8P65S-9RD7vbUDwJfr|Mr5@+ zfE#5blD#2=dG)e9@QRk8X>SFVlCv6@ofgS9Xb9X`H;TEICo$%3KWz0IMQTE3fLpRT z-*@c+-0{{z-EtTHR_-5@AAJcVs^-wgJqOr?c6(l%{~Fr@`-$cCZ2XY3944FIgryH% zsBEE#NM+n+DWR4)z|fe+)hUp7$NyoEN-^_%bX}}t+yXi?r|~wN`QT`oK$QaUMv_dGv9`_);Zv7t4h6-$845Km1W8fx6(HEI~ zTqSEj2T2N?v9bMd#_R*cg}I_{0fWSSEHFuS2Tt^Ud;~sMA1V@W+=Dy172~LfL}uypy*Lf`X+%__P<$tK5BQTmbCy4Vlyq$Jm@C=-UnXUsNNb5YD)@s2u;d{j{?lbU=wGv(R<~?q)cOykpu&sWu1Q6B>Lu-SG=o8p+Vnrve~U_aG|D>WMDooksD= z0{XpEf`^oB27~qo%y!UL+8{V_o`0AJ+)fgg-*-jH2Ei%lU1pzrMw6daRU`w)of4;= z8U@v*14ISjOO8HCgUAKX$lo*bNTknOrse&Jd|#+Wo`wTepEHk-(ADIDTV#3kl-1B- zxREcN<_^mip2jVieYmZAIAjX>-W7&+cz#YLNGI6vR}ml4?aD*Q>AcJO_ZQ**)CqKJ zq!2z5dV4N2XXCWxA^dtn6N%|g$KzXX3LK94{At4va??hVH)JP5K;Q_BH$D$@p0?tJ zJ^f-w1A%K?8^TQ$?6{m?6b?*U#vg?niOd(N!+bLp`bD-J^@js&NFD^vBc_n<1?A{i z5CgvIV{v1qGyEF*n8@~T;fpF8**WJfOxf7Lx@~NrdFEVNSapQh>sw*|x!#ca_}JkA{SFu>>;$Ka zu0i>HE%>v<1vWeD)8foyxGpT4?RFQF!+~>f%wZEg*y{#bjo1QA*v)^KwpX-m)H9g8 z=OX$kIitD$1$(!i?_`U4B)hMkK%B~o;cDVOG@nw)EWX^r@Ow9i_x4=KmCF>pf1}5T zn9hg$ITwgR%vvnDKZ@T<_{Pc?dtlN-S3X8z5*?DZl}xPJMIWj4u?_0eaImm{F$iu# zos=x5?0OlNea>QmN8I4UI2TNvpurVPpJH!Z1jJhH5FZjg(+FnIZx|jRGD9q>WTXXD zL<}cCbf$uzeU;d_C>;;TIHLKZ$9SRUJf_WWByyJ7Ku=Z>-QBxjzIzdD_$vhql_aUP z?NhY6JrOINomh@rS>=rp?GQM*0%uINgb^g^qJyCVwnPh|+ZFJafZqQ1)VOCKB@R!uZbR1lvv;FPDgpwEiq(y$yj^g0UVUdi)- z1q)Dqh$ig1`;nOOKu*H?Fx5l@Pyg0LsUU%^5~)EXrUkPDucFwS^--)sJ?6uXQ3z8oa z>-O_7dD?gQw>1!FTgAh`5JRDVQ~*Zpkx(-7CC(81!a%{8J7N!r8$Cr(}VgJ-%*uQMO z&?BFUPEt8ABls4qY&1vD^t0k=ixpV?;Z^Y5X*zQ>OUJa^3-EdK6=K`#NiK=dmh?I-NwV`lUZZfNZ!9ulfyL^tTouh_8l0GvTifso0c`dZZVKX zEQ(|+4MyQ8(S9_KFM<$t1x&GC35t!g$e)bo?0V`yh)35SLlg{&vB%S2L$r&TY7lmfG;^^UIv2h z9ul6^z^5-aMIY=^nQn_0rer75n9mg$otz3U%U{B;(PeNaN0w?H&}5#5S5f-zS++mj zgvafug|6Jum^gPc&UG%U%6R#dz9@Xs>qX+kflsbyU~92)2pyt$b+i+46;wu z?O~721-91A3t%hv4}P~?g0Wxypmuq-`NX;Ns9s$b8Wc*)GqZ?o_pCxI}Q(c|Q z29#9&nYs-1r!+uw)(%wVpP+SW9;P?CVo^#B8y9vEGLpxDTzChZmDJ#>1*7=s-ovC} zvlg`;w1w+AuZ8%f-q<~U8=3n0Hk!vt(VxXK{Khi_xEC~&s(#Yr@~dvK-I*(evX>{` z=rqQ9$#EDO>cD@hjE0-?iKq%Lc(vjaOb)q*$!Ax?gMsp3G|h+oE;uRPt{;xZoA=`% zv%jDs(}Zs#x=6r#Ss?R{vizuLV>r%c*17R+G&~)G!cURJp|P~;(iTj1p2X&Elz`H4ePnamCGmzG`RI4P2x68E zAQO{?{6Xhg81d5${bma+R}Edhw4z5mT$tev3YGzPdje)T45sha&SO1$H$eWO zom_%TwT=%F)-az3e3>9fH0m zd-25cOm<|$Q#1_?$0e(T9BV{1WCd*IiH9|yMnVK_IpbjMYiTlj^-%KbRvW}!Rb>`4 z7|hw%B61qy1-0Lt#2vf*@nM6MkR@IQ=Q>XjOt^`IZS?WT?S7G}iws`6)l44Fv8lQo z`jm{fx1tTynNq#$prW6|LK?@?ffI8DSAZHN^f$WMETpgaKk?i(g`m190TV~3z{k|N ztiZV(Ormar)WmL7*IEfL)O|74;4&=TEbMinC*k?qf7uE5KHY2-Yv`e!XNKV?^e0+@o#D z=P%$46I$W@zP*?-*c8rf6?PsGBWY7zF*)3SkdG@h#;PL$%(l>!WCSjTYT;o>m&B=R+<1^+$K51lY_D5)Q+K!Q*ACM^#?RZmdIWN%O&;Hq*C+UW5 zSf6J^4|rvf@hvfAlx;7}h-`u1N>2RP7&kg=Y$yBlO$?oEQ`N3nZN!SUL0IB4ytmyQ zlH4RHn@|m{0{_k7;%YFP8cD+a$Km5!PvP3W26%i=1_wS8x~JnO(YI!Qg zH(wt_n|-5L+x@wCae0OK_)~ut+ExU+m+i-l*IOW5BaZR7W1@uzhvUw&*Z70%gWLbT zCL?z4fE{D=u(vuEqyFd5b5udBTEgDP=)>TpUH0~yhU1ys zDeV0CdHC>%;Eb?-N!lLQh&AaFzU$j{FuuDMr)Mw1can0vw>gvaZ2rV{uS#W=`GunF z-;GreHW;H%CBwo&Lt$dIH~z~WfQB(KaBy)pOm12V&gy-rv*`qO2)h$DBm;DQc!FNX zU-60`LzwZY&%{uFEhu|N!G_9i@wBc>7$m9yGz2Ia!1k7p;xc$)*lylzzjwRn_HM;IERp3mYAF424}R**kA7t znEz1lDXCp1{v&^rVQO<=T`Uvwr^;Mb=pnoQI|@18=OA$ehoLVMfgjq0*3*W7_q%i8 zaoQQuSK81~9;GDoehj&BfP?nW@%UBU5MQhQ1P7_94Mv1w^yoU9o6}ZovG_hIkO_cVV2ipyZH&mfz7YndRIpEpIri_^UJPn1z-W`pxQ8hU4l5bh zF!>|<;Ujo9T9a|Wrkk)r$CYF>Y-BN;2eEx-w?O{+A1F8b!}K@WgR-F>Z5ryx-hKWL zN=s{?L+}jcbq(b~8zP}rU=d%*x(^wv&fzx2UYwV3kIBsJ7P5UJ?7OB&Ef%;FyOuEA z{a_S5I$W8}I}?nT9vo(Sx(Cv9W z+IPIbXPG0ZR+cj@+BA%QDhLJ37sfQgF%2Xh|G;PZvmngwGprQ;u6|#nK=gGMQiU9l z537V(>Q?-qr4o-aH|1^)My%RK@KH6L6c-Bj*k;djL|fQ}4C;zxzs=sF>aJQcbebCb zS@9ofZG4O)w1(o-05dwGuDxo(hs8`!_7K>ce6b%Uc@QF)DqLEY!{YqASm@f}I3&;j zF9z6Q`Gr*R^l#B%`&tWYbj~3ib^$MID~Pg#5+SfSgch4mqBO)HuuC`b~?M4l;IbY{G&>wGxMM={v3C5 zvO}w-TKr+)8dChQoz?5w(Ag)N$(Wrf_-)Ptk=TC+yH>lE)TX+NgR+)^myj78r>VeW zHOFD{)OI*$@f+o9O)+T8M`Blg1-!kE;D;yLloS|~1;Wlc#rK50gJ}+W-aUe^W=lhk zb`KF*ZNcrIh3we366Pl{1Ils-vdK$1xs~;Tt(qb1>F&6p=d>$TkN4D~{cnLqt~Z9S z%o{`M+mq2~NiYk7GIfqDN%A3a+? zqtk*6@!!=M_~dUO6}er)Wx<3_czT7@rG13~bC!@x7nFE>+Xp;(*q3@4UYp;G zJ2y4rpr@e%7d{y?*QyYA&3rUl9wRo{G?(+ht@L%C4fGZj!S7vbVB^^fOnTlecs6_@ zeLUTe9}gQy<0pCZnP;{5p#y8MV#FWTbI^b_$$cYZHEM9v;?X#EN(<(e1ftx4EYw-^ z2eQUE@gwKVG1SwUW(i&J)}@79_3voD*zqFk^PP)D!t+Zjv=u#*tmuXxLT+U#;abnr z_{+Nre6CXmJDlQ;m3qhU=XVZVsSNnRUG#?6477|oMsH2h;Q9Oh;?P7R@Ge?Fb2L5Z z8oNdknc~Y2``s6NWO0~XauHR0(je_kDE%)e1f;u;!ra+sL4U3_Eia0sb-SLxwWfG7 z8NU9%yJ7GAb{)-jOTvt?_sAjBKX7J0!*kD@!7KhD47u;Z-N&wjiXZpI)8Bq(v%3%B zr{#xGKh=^;bQNQt>pP~fUXiYfQ)ec_CeVO?-fYGuOEfT2B#Wg=VeOZRbgpAHH0>Nh zJGPq$nW?`lGvf+5*Kmp!%8upZg`tYq4hk~8o~j|TlEWQ#xi&=Uu2p9oFn@;KW3 zK3utGD6SD0i0Is_6ZZ6ILCxn;Sa@LvzMnlAwN3`0TEZ(ZvCm=-`zx_Q)c_wUzJLRF z#`A@{qS$jMfB1R%AsZGsUmRAi&(|6Vp0E$|_^r@prj^`8W*KPMTe~#D;q=SmN}b7c zX4MglPZC@SA+mhj6*JVT@q|T7JiuhiR_1sifj(^7$TasV;kEBM#92pRuYD|mRjW1d z;*CQ*}g--suVFGAdZjg?9$(VtCEaj3W)pFpkny=J(OVVVQ< z?h)ZVr3GxZy0Ge%PsL?EvDmmp$hPPCK=G3i=&E{*JBK+@=lCA{SKrB+hI5>`(3Y;S z%_Zc+SQNcKjMsKGLbh}R-B!L4>E$d~shk9=Hn(7Ad>#zXkc3bbC1~4Tjx|CiU}bbE z20K4v-V=SPOu}t!GqIq{mx!wNUuwXx5jV+_pAv!#_yL}F+{WlP54!!H3{ANg2bc7& zw*B&C#F$rHc+`#5N3E1{|F$S70TS_YAIu8;xqy_So%}OBIl!K$Ex`V6H9`wof5FP2v;{nSK;Z(bHK5VHBO{Y`& z&^;D>Qfmoj|E*<36Eo54_HlA&>n=>0rh&=jUE*z~Mzm*-EOc%xVyD9T;k@2v{_c?k zUlP2VUr;jvy$mB-F3jXcb&TRovo&e0S0aD9OqJjBHlP|sJ)**OUQnZDY~MKDA9qqq zx>hTPUp}nFBOVE7@L>~a$fY<4?YGBQsk)f$2$;0*KiaG?O4z+_#?-NM=}zs3(6DSR zXr~V0BPHKM@l7?Z?TN)B*W;=tPHTo4clU9_?f@)(7SEUMp9(u389|2GP~QA# zCQn-%gh`){k)xi9Tw=jo_&9PeZ1&#)Kke&9x;h78^i|>aoT5*oqc=mva2?ulaW;lO z9?bh>dZGE23mP_rnNHwZ)@5wX&Mz=>-B+|c zcMzxfOa&R+W$bIpb`tL3M4o?NfYDw3Fvc30X75sN(yoA6x!;9uUAo|A7|!GT6H%c) z6`%j>#;&eq(D(N)``I>^2HzTug#e0#-?DZKTH<9-RRKElg!^4@lv*szxhp{ZS(H7n%s!_EG zMi}b)1||orqFc1%u=Pp=lmFZU2EOl^s3;YWG|JIgxq~hZQBkH>XBg1vv@V$NCjch} zt>K@V?{f6JyAF&53(|E?A3?X_w4d>WciClNA z9;|001#ac!x61rv>36mw_AExrnebohrTMZ&CVans9=^R^g^Bg`#9UezB~~g^tvBDv zxYn`oyyiIMqz|M{122h(Y`w&Obk2m!hvoRKl&h$8U<7ZQ7R1foKEXGR-y!|xl}fc? zo5*#KdOX4e#(cm#R@NKCA3n6D$}T$)Hapj>)!xaZBk41w5EB@$;9ZZx$C~d66 zCu;6OPjf8p8Rfv~4^^n>*8#EBlhkV2R%sSD(JdcJ?m7ym;YVOVP&O zY3NA4N8rsnW=6706`JUNJ($+CYGYK-9Pa!t5Bqx7KYPb&yC-HlSh z_tN7{nGiJa0v3FZB|A^t#XYuPi7z53_4bPjW>R?8ypap`4tV(D4a_dn5P5Bt=W0d6 z=$)oB_|IrM+o7-s#|xa8S(A%k_84Vc@O(c>+z^X>S*NfhsTnt%8jL?Mf{)xoM7v^D zdHM}w8tin0P5pivZ{(kXm+uzx3s)VP+4*(cX4C`LGLm8GtI;^?_eyMESOJH$kZsYq z#J&y>;XCGfS1tL&afC@bBd6-v)w_ydeDWxoo_|kb5|yj=1|NV$Bcs^e3tccx@W4Iz zs*S6?mZ8SnTy|c*M+?7f+M%b+msu@GWM~noI2SWd> z(Uq$fpC>tKbj8X?YknxS6vIx_iZfMw_8Ctze{kfIY!hX zCxE|6_zaWnCedIUGk8{Tmu=j=2G!f9VaJ?gj8>4QierYt&Eu``V@xJiD~0jvF|yDy zER-IfP=jZi+hE$`gEYXR2WXNiY5qJHeyo_ue(Rgkq#b5FLumk+cFK+>J>5pn51UGV z&auV<+sCX!wHj7${D-RZ2jk|dCEPmQmt>4T#OwNG=siz+s#cc?t7m<}>puT+d&eBy z*=euH zjGjDJyONHR>kfhImCN zxN`xHUJ-U9(?8;gVS8EE1)+l~>@&8>Tp&BHjul@vwxFTYG`QIbL*DbS8Z*2-F>L-O zxPHJE{+927RjzrwV!8xfy3`Z~b!TGh^a7F`A46>His0gw6kO42$#)7FO{u&-V)EgU zXujfgcpaicn`cMy>L^EeH8YA?m@dJiOcqaO1@Ly;7O0${f~mu2qK{-E4Am1HA)Akq zG0H>ex`0Pu|4O(&3T{>DS`Q$azpOCeQn#qlKS}5bPbca>Bw)V8HBb+jhxD2$op-{N z$Fgz!`U6wil6e>p{mmjClN;gGi|x=Y^nWv(Gf>t~L6r5VS2&9w0~1jt-rltjtSje3 zPtzU3y{^F_zZkYWLyP8q9Lzs`RiVlkI3xyzvZ(oLxUM*ylf}20Uy21cI;uhkOU&Vy zkB=o+>|0>JjWsTLJR4vBtY=w!gbw;{ps{ZSSDU0M+4COgAU>48P)ubKu`*2sZ5tUE- zg$}OC#4IxaZ)cB$BIg~D?D&bf7Z$Q35T_LYDkBL^s z(i071xbu({jP1V0Y=>2eV=q)d$P@**ZJYx3D>deXJabeK8*4s ze?V|`QU6VI+3dS7Fy81dY;5kt(NA`Q%9t{4mL5-?U90iV=L}eGVakT?$v~-R8~Ihk zD`fWkU*flVMOYB{8eg6t4x*vvn7&b+%IMqRO#NTv_(D7WQE*1BJ>Cz$D>}f<{w!Pe zR|BNV4Pft-87NzBMo;deR5PX!oO2zB{0v#TudWhSb?gPt$J^kIXd9MDtwmi3gC}l+ z+sW34?1B@_@5Fj+`Vqpnmgv!cf!ldR@<3WN=M*XZynz@EJ3)6T{w5{cI>r40hrvg8 z35oSAW2wc9=!)q5M16`R^}Q-EP)uBDXH6Z!&ItPCiaLzQ2&0ox9ZB|ah@9UFW?5+v zTbT?U6CJQ=`F55fBLyQBwu66uE2Mep+d44#j`PnD`+V&voUYOYmj!)?GRFJ*B((8m}l?Af-h6 z$J){0ph;X~@o|(h%pqy9R(Q_+tf=*tCMwOF2pUzbWTw!+hM5MM1r(xl9(II-1=)dr{;80>n$Co}wvCl8! zm3<$aKP*9~y~!}kYbTo$Hi>@nol9Q47)E!hmtm^=Uvh8CYOX(79v$xAh8Fe)MYoT@ z*#;x3(P{yGW95X5Y!W)G*QHxJ_V5Xs%2aBe9?eca0dDPzJO)=_c~CUmT~F*nW=T?~ zrg(IYtp=aAo8WJ@o_9MxB7K!(==w@|D%zI|zKLz*@PV(S#WWH&Y>Nl|r5x&CW#VbJ zzUoX>9#=T+2_{*-@ZVVr`e(i&EYTA>=Evr+x}t9OEkJNoOOK{$&wF6kY2jy0?#4g= zs?kjC7U64lLHeA-aDF=B+r9VTy+hZ*e$Ek$*jkIDYK3{(d7%sX=`&d)e-~5~Ib8j$ z$t^tRuvFg~tV*@Q%Ej~Xm)vz!**g>#4Y(kFl6)VQKWrm*n^0iOO4CWNmgDgat9hA` z30}B94~Ok=z=?PFV)fz`plv$>u4hQl^0(UjdtpA-uM6f@&-7@6=}!8s_#+V&9m6Y$ z8My256rN-DVH;4A&8Vhq?W%&dZpGwi|OFj6T z+zafar5c|kZG{fr?jU||ftuRKh*#Dea8KXLRi_OG=???p{eN)~G0llysxODelyugm zEO3g8v#@YdAzaKJ$Q$RLA;fG ztV#d^1KE*&%^mRWC{$wG~1(#ORW0*6P)>H7;_r23^)>aiqk+~AX9OKDobM{M*SF5^~n?35Rs~@ICr`J6($h;yKpF zWn+cQd$C1?DeJ3ppq}c6F#3?d($+jmn-&rxF>xbb7^03cdD3|I;WLojy$?I>Z0P3% ze_F-n^1Z&w@T&Tt-Tg_m^ye&N-Y|VB7Vi$H2c{pv{UdGg$p9;y?wJ68*KNSr3**4; zygU!Ftz;)Xi%A76fq-Ube6c{5YQ+476ADA=@2P?xT`>j4k#^MmLq3s6N?2PLrA378 zHlW5kw~@lBLDY8VWw2B*fXNk#7Sx~>4Fzp4KK8Z!pVwiUXd%XF0LJb`SpF|`A$YW8(zZ&)0J2_uap!Ws6soz!Sk^3 z6*?{ah;h4B@o;qt{9ZYlE)fl(qKSpDU)vuCP)3^9>+=h##dvr8NZfF*5jC6_vrv=e z7`*5zL`xrMC;q*{W1Iev{U??P-Dtr9^iG|1?$zSEOC{+K;kqzWIEkwgo&b9iyMrkOVd6Wsd;VY?s=qtRrK8jaJSyAPk zyTuM&mxzqnbT;`;k-!@{i3_?868%nL#-;kvKE>CLdfXi%4qkATxa!LC0j_Is{gq|J zwNnkPPCtaX!CAQCQ923!qRrM`X~X|fbl%}ue}5Ry2pQR%6d^OItmnK>npz~3CQ&Ms z^sN+{B9)X)NfYjz^~r3os+40o2niN%6b^pfT2s-u8_a zwp!4vhL*L}knV;_EDd(J5SVR6Z)x z$3F(sneADuU`-g?Ane?4t{=q!g~f$nc)(rKH2*U`IG2JMw>Dy8dz0vU z$9vH(fivpg@>(R4--AnCj-dOqYw#yjh96M42Dkkaag57!nCB2n#(%g2ixRbP%QIsr ze6tANduW2MMHF#zTZ5lB<+8`t9^%nfL%Ghx?^xt5gU?eB4ZN9~D1^#p68f8+rqCr@DKEN3uis6#m5NP@$C z!KrB#c_TQ({FV#XAOkO^s)8cJ{Hw$^{Ul8F(c-br7LXOBP1guniKu6?_)K^=*o;eq zh}F3;bz43;`FR*MD{UjoZdtGuT~WmU{e0S+xdEdU`oPCi22LMNC&L1)snxd|Vh=lK zzIF8mIPm#4^sYN8c#o^a<^wN)agGZ<{c4MmeLq-n^%o+$Z8Y85;Z2Rl4Z@z+uOQ4; z6*ZKuf?>f`e6uEo92v5hd(8<0he>YYN>@jI<$@}n5DA`v+ zG{xD2?8&U_k8yR4K8v&P#=%R};p(Z?ID6|%QL>dae?b&6QU5C(U1Ls1|JA2Ut&`Xu z4Mni(UC0(a5cr^N0_Uj90c>PNC|Xid{qLX&{ds#TYQK&m-(-5>&~-!Z*)R?MeygbN zU2;w=^=BKi+M9uIdeT`y*-9ZNl>qaX*{J`v4zkXsVz9C*RjPC2CcoNYEiZus!k%=% z9}(T2O4ehrTjoeItQL4jKicj8D4dGG5CB* zfMl3N&e{6m>1FcV|LqMV^~6gbv@S z%YA-mg0$OTQGbLOXZvZtO#SPEE)UL-g?AhwSlB$&Zp?%P6J_49^e`)8F=Wo%BchbsZjf_i zErjQ;#4(W@>9%jTN#*H6^ocj2r_1zc`LW0NAdf=oBW-T!vWLdm=yT1mUiPZxI1X>^ zsP0^NM;!3PL43}B2@4T+9J`P1MK(79@0N>k%gh$IUY>?&ctWgmQv%GkY!+?o_(dMD zNI>&meDvRD9GF^69zDDVyZ`(W_6$# z)MbsdJWuv{1X0&GYdZgnjlFvm8jpO3ew}_8;H5xqzCR})Hvb^j><7l=j3%-_%wXEL z41tsMPT22v;AHJP5LJ+beP)mF;F%t#{pr5w*_9={s4)e0uG8in;T8BzsgPI+T#XFZ zkyt)P9mc1AhR46m$bd^J@U-p#Ssu?sZRvU7zH%dEF2B#Lss_^JgkUBaT*vAq#H{RZ zAu8(4q>BGp(ctY<__}s4OuH`hHT;a3!NW*wZS(^3;tbGNtYAIC9z<7iDqr2K&il7b z*%t7Vn}v#@3jEF1Nzj{L2md^VkpRc1UAhHU&RYlW{1sxyG)$S3jmmp|2(KR-C*~w9*6xGQ^gs7u0u|n4y}73Y-~Qf!(rEV z(0`4lU@+?m9)Ev}E%+~9q`xE%e`n6ZRg)(PKJ*F*z5WYS7pLJL=Tr>s`YdYq+sQr- zPbbIrc0=}EV@~bmdBAKDsHHhNM~3bK&k05_NARn!j~BWKhjKAzuNhAo9gUsqdhqa( zSS*?{kUw4I%4AFQgwKgND)(BD-ZSNBy3iKXr~|xG5;K{!o8XnhS)i%FD}S7d0Skz* z=TO3%>X*o^h?!8J5`oLU7@&0ISU!JLGU^z&;h91iYTL66$9U}qwWDXCI2B>qcv&9u z(SweZH3NTPCu*j13m-nRqA{a8VC+j%zAEepIN52kU*B)jcHM65Iecw>h#GC%%(cDwXhSiNLPi zq(c8K|AwCuYGLz|P3W=H7oRpu(7HLpP}ilNbnOqsppW4wxpDGQ zOqCYw{eY7@C3uC?PY84_WkJ(r1SUWqj-D&H=j>H^tE+I0Y$)PCrTVsuJ6{A&;n#K8CAg`E*Y=Z2rIAn? zW<_f*B#YvbcksInt&ILMqSfAksCP99Z*7sKQM!+=KrUL@Mz zEjYm&-wB%uf7UnAn-<@#!zj z=qg(ekU+oUd)V@|nR$p-LFk6Y)3+Eyys`RjX zo`7KSu zHVOWsd#{<+qjRFK!p^1q-f?0vM2Qbm+mD;Pfj2Im0&5@G(gi~oLs!L0x-(uAZ6~VJ zJB7>HtsJu3=xPe|~V(t~i}ZYlm=>O^}(g)WxAG0L8Ng~w^Oz-0PTdH8k- zOD{IzF|Oy>kAXLsfA3{7yxkV7yPff+iZWN9w;7V_=25BFBJQee44Xt6@Xf>#r{x}C z)%#Au$fpB^KEEzYwmpDz3MBcgJx=_=`2rH;-$b%v$MG%ivq3K-fX_5nWs|x`aOHb} za9-1fSay~O{pO>%Y<(`9A9S2{4F82kLp$&}&4m3c9}t~W!ud|$F&Hto7v~#@MPIfn zFg8%&D8LWL~$#13nA(k=YLH*`N@E>b0>ax?mxO(6QvV7rmUTGJFhDGym;lzP_ z?LTMcp5n)T_06EBYo=i2;Jsj8Ey){?BRM*L7F@x8)LXWahDXfc8HHjv=Nt%ee-GfH zmq%e?Od4$K%OQP!CUm)w8!UR^M$ImsgaOZYb0zU4TInbSt1ej3@4eGS8kbb~jr+&g z(Fp@#={!l^S0UscA^S0AoDB{Uj}sdlT7wHcOnJ~Jd8!y2k408a)Mm|X%s%1*9*;Cw zYTG?l;42Gi%mQSjo3KW>R?KyBWFCHI7$)}u?e|);w~z0TQNyc1QOM;i$6C?_#gC!V zD#_(cashUhhJoSb3HWDtF>Cwp9od$hhmj!7mo7^Zx6kN>&>^P$Fl zU%19h#R>Rs|3O^6DiD>we8H}$HfB{h2v(@2VR(8LzPw|J*~Ztw-RcjsNtiA!lb4~L zLeH{!FULC{*79>(G?^Zip=`icxN&hRq>i?wRUKLUBXcL!f8}7FWd?cq-w;@;lu7bl zjl|n8W{~DD`h4)Y=fr1|F_^4;11|JG%o*>&W?m}9yaTq7vPmNPaYNgawM z6QDNt0D5)|;*ST~U_w?A2DQD1D=(Aazd2*c+TmR=>s2j|*`m+K4p=3Qw#)^$Nt;<} zjT%o~+k-W;N?`S`bc|_<#mI{d@K4wqH(hFlg0_k5=1z5yrj;oV@yP(2wg%#LdNMsQ z=V&_!MF=)_Y6f%l zs>E~BMyy0(3O_%)5G3&e{@5g@f9EcMYhM@RJb_;nlHD%8`9PM}cWq>8?CEm$FezMlbT$dF|Y*2T`Go8x5T2yJOI`H4yAG$hoDZlk47fu zVe4ze)0eivx3}AIlixlZ*%OO)(-(s0rZ?G(w_o8+k}3M=4FkQxpZHfb2Hpp4 zWOluK@#FZ7Y+c3xYM^9@L(=nEmEAkyv@lv+7pcofZi^SrNd6Pis4%L1bRjJx=g9gQ zdR&Jl;pdRS(9zpR*5CWfroMO!SCU?1%;r`&UZReR=T)KUQ6==YcNI7;nkWw5QT=a< z1x>aV+>cH9Abn^7jqLNo?6EJw=bbM2yiP!FSqy?;oL-U-#UnogX{6Q`RL#jF`)*Cf zHQE21<__6|$Ir`QgxM0v6i(7idp?1=@fawa_LOZ&?1m;`auj>zAn180iT}B8LjlB$ z6|i#(aL~b+Pf5gDj}YjsMV_hFxAI5HWcU zm=@);vTk9QcQO@+zfq#f^JQtxeqk@$=`Q#JBAO*d z3k25AI(~!wG?(M=ge>3EL4zw7K8FWoSMY>!H*@Iw!iwMR0CSaT^iP^3Pd)AjUS6`G zc$K14u(0dM7)tuKsByRUJOLbO#jm?rGiAX&b}b|oMy8bDeDecfwrm&7EZ@xxV|rkA z$WgF6CS0Yo>j4EA(6f^uECSpK(&`YmlHxla*#+p5s-RuM$nRFe4kYvgsY zz)TG{BytBQa(wX`G)rV@(*rB<&aZ2@npYd)-%{D$crCnjO@&qI^s}zA!|<J`ul-wEFzLYG(-VpzjIt@fhi#0G$bpo z;J&w}6G!8V%sfpI#^oKy$3;tFhvZmNzrY1I4tRw*DtmCM)o*xk+lt326~UBo!^EdO z=fSZ;74A0YEuL&wqib^H_%Q1|)#-0^x$-z8jI)sA-y{WZ#mievbGr(3A9+HqK6p%$ z=jID+Dk=09n5WAhs*=O|WiY)@nT4HErv+9X;O-E_ub%B8>t)rTeV`oOd9VdOd49mm zcb#O@^BpiRHUmHGu@cUFa&grBt+;i#9qSk^NhPNgK;*wb<|gZkf9sTZrmq3_&yGj0 zVZsJnISd*EFIJGrFyT4Ioj%#U4E+nD*y-MAJos^u;7Atu6d7`Cc8Vc)c%Q@qu4(he zAI*>)bGirwG*A9w#8sD#$`zdwdTPt`rRfDf11>jqkNDwHhMz8o*av^W$ICkL>}^wWx5%8{U2?bD z&c6tnvs{r^*NPM4Q%UUbN^DjH@y$76s2r?F$NPT6k>fV9s;whe$X6( zPArF%4=eeOsq3I>@CFv4e3lLFvj^v_eaOE&7pYGP5k1J)7QbJ+4|lEiJrPW6!B>h z*YM!n6GX#Znt$mq<5zRznbn~N*gWejT;A_0nlG^xy*E>Qad;E1JMY00+?8me+AdNV z?8&q3_dvB)JpbJD5{66)6uO*Bv~S8xxMM$wg*6Et?I0igxmOFHUfjaJ4*etcSDcH< z`wxNC=>_m`zXUd(bB4MnZ*W_zJ3rI4h>YmkgRaJddBeY}Q22K=Drn8bBQef&p65~+ zF;a=^uGz!RSXvSDXYMq7rQp*^m&YlqwehH46)|+bOO|`o5TBnCc&V`w=8fEkM;{#% z2dUnJ=J*YGVQaXHYhNP-J~m-H56_^H;rC(Hy;`>Lm?p-igfrTcKxVWzh^oz&=(HMHup8s040~?j= zz_~IB2e%)AZ?7o-IpGVm_O+3M0nKDw)arblebcQc*DCALrBz*g#@GUCYpw9tXeBUPWDWk;jxZOl#T)OR7Tw91 zjE6)@H1p(Tv6I>z7}U5F?=O@Fy|-HA>Ht+% z_>GU(? z-Ex~4hlSviXYXKL;uSbUyx^h7RLt*v!D63fuyWHHVrQFtzW^89*2hw1XGzTGVH5UnSU&qrQJmi*DWz0mDOo#plag$=SGWe75>0 zdEs^oy+|y~xp;}a>70o&i%;O@n6+@F&zR?&x(XZYPs50Bw;<3lmM&TRmAH(Ui!XyT zcu0^QYtLQ9mj7BPTzhUZxk?#WAA1Q4ou&|ttV^OL6;tTN1shoR;m@L>+6w%P;2T=* zZUVNJbLl6|2~=fd2b(frI5iCSBzJ#n(|K`y&=a$XZC;kaetyXS!(lt|SoB_c*WVpf z0{2q$=p@!G>5X=tO{~V|6!>j*;}0Tc3D0C*5b0Ndi#~>ef>9<0KkdbgK}p1aaWm79 z{tFi_Dbcs7hGd#2;e%(Z@syv*q&n#ila1^rjqlC5hVYzu_>u=4s(k>XA6fHGVZWU^ z<_<)v=wfi$BglA{MZAsD1g`s4!KE(EYlm)wq*5*J@HGv5EYyi|gbge8&4pR&A@pa1 z5y*CVv3g5AdN45xwc>1WJ3R+swQ989b}5lx*vMQzWr}G~GIp5EMuqnKRiAVv=%4p> zm>Ezj4rtM&jt4%&abZ9I?`0|Z_TGc`dnS+pEp?D|EuR>BorR@Glu-BGIdt;T!)u0_ zBAb6^>}b6#_^lZQcT?^|eBLki@A?rqyIYkyI*ow4cP>Mn?J1O!ZUWECS)w?tm8dZs z;cxYNm+y;gAV^1#KW}=^qOV)S!cYs?o+l=8dX(-4Gl((Vg(u3)Mf+XmLinIu%y(vB zdd3sf15Sw3-yUGyuiU|9k_)LI{c)|UI? z)k7o66zdu`DJK!e{_=t$Ustmf*IB4_`zS^zUt(j8X5h%BG1%Jt+hvri6hCs;SQoK=K z4=U3%@xSk_V(p4#Y*0H0>txq4Gyg{Rv8Wt(EHI*SYI^k3pUp1+|_r z4DF|!Vn1I2l~LG%);EhG=dLkiJWvug%op)s!C~_I?*zIfMvcqL?twt*TkK+x984MR z#uvYJ5i}w9I8ql z68Uv`+P6+7-V}CG|6R{ zBW28=T^tJTTK@F$q74|-H%{ENvKU9CT9RsOJ@#2(we$-cXRpv9@a60k1cP)o>Xa1S zuud7S@88AV$O@TFLm2Zvask5RM{qM=3uqlZjXY2F=Bvf0NL_UiK6LIEojxLmBV>o; ztk)y(ZRb}wy|P6de!Cjo3%9ey+Xv9Iz7xQ!d_XDf7uBhbI0On(V;*5(|M5Pt- zWLsz*UVN5C#63I3r%z^MO_~+SKYNSN`fGURRWK`lIT{n5tzk{VKB4P-6xc701aHf1L_dT;7zIqn0AoCfdM&NOMYpf-B*%{QnR1+1g1pM-8J$h^xSSXo0uxQj1 zva`?@-s)Kq(`~WL>-Rl)*)K;8zHY}*IeRb|Jq|zm1wf?nPApMsgXQf)FWxYMD0-A* zT&>^tGtc*03%&TaB1>MuDC zig?Ath<=|cTf-o96uMYhCGAW)(2bBgC%`Bu7m{zS#BJ%L z5nT+p({>A}a^8*x8Wz~!ZbCgi9D(fz98ftt6y`-uhZ3);^q03Sw_kY#roDA%$2$(- zosp{m{;goGpVeWdggU#kEFP9tk0-T-isbAkXEaJW4d48ZfV%2Ve&KZ`<}ZHJ^Tna9QkcISp3%E1sP>{L*Qxz zomSv!NxtyJ`8CV3bEAc))zN6fTDaaG2X$AI;fBYM>J2MA@b22doJQ!u@TzYRy>2wJ zpdyhb>4l$9`tf*^IaVdDAb#U}@krzwj5!xY_I4KG0IBCh^J~6~V%8(pKSPGk7dAbo z{jC*_lRTKQ!fnB4~$U&WE zW?ez6qJh|Py$AlDf7zVB-x7(qZEdt_@A1;B9vJLHC+CE|+6+=5Ao0>e)oS zLfGZI3Btzp;eZu-a4o)%DbSM`uecFoR6WG@kA?4gUIpf7Thpll7vT2wpR97)XPEw- zgMvJP&Vn1b{#HJkZi zDm8{YE7-^tcNkMiEnnDC(JO9u*QCxw6J6{r#J(XNw0`wqXMPL*T&mC96AwV~ zOkY@}ytrD#C#_4seFG*5oh@&Et#UL> z74Buz`qN0~3NOlC>aZYj3CN$kj|+_w&^zWT>|QKGkG*MQW}-W!-EueC8?Xa67requ zy=!1~?i8^*@50Z#9!>`y4#RWyGPq##H+*n57qm?`3ZKC!?4BD7D#tJ4f3_>=iYaCo z8FvRudwhwf${?|iax`9%$iki)fdeLFsmBd0g-O>zG9v9Lu4+EZZVhk1z@5XX{`)Uv z{n8rTEAXST<4Z_Xlo?4ZKaU~DM5H-ZMtrxm2R?K;;DRlw%r5L4vzgY$WDC2=bctYm zxvB;p8b)C8QGp53T6*!sqC*fk#hG|~6ZVSr=gHs8MNp#r2(BJ{jM8q+xS~m)WxOqe zz5iZ{_A3U!b_Gr9wr~(;pREJ^iU~YFYz_11%7Cltf$UVn6e2E`gKUj9Vij=!qelpN zuYnDGTYm~<)P~SwTlS0gm&9W0sccd7!MUQd4!_vub2WHlv9~u$r@$C9bll_88otd z3$aV=04^^(h`Zc$0EwZ~u^@ULB#h|7tupB(Y*#bWRgNQ-Hbo>#c>{)-oWPBB@?5o5 z$Zh0b!<8{P_-eF>?$^5khRZE5!fq9`j~K+2=RSeWyQ6V!L^t#ZjN&|3ZAfX>=2>#D`%Z#d-=I+e`u-v&P5)Bv6w{Q#p+x#7c>SvdCm75p6h2lr^sL{0r!_@}Il zlr&W1sL{W%vbqrVlvb0RDL3)X*#GBV6yKQ|@q2@Y!P2aey!xdXXuOibw}N-af3H5B zWPAu3Qf3pQJK>_>j!(q@&3>E}WZRA`>K@lPw>|QOV5+ zwM!qdE0g^(RcQ@8UeLj2o(h2b5{dXQ`~V4SvxPOAp20^IRbCdq4BkAp!;@OqAmPw3 zygxFIX>V1g*R^K4+;*V2?bu%o9$E?1U6yW@Gvv=n0bWsCOy6DG&ce^@a?O>t7#B8< z&hdE*lN9$cr%Va(by$pBS`d6qEr{!VPY7A$${&`><1t?Z*_ZKX^I`~<508O~DL2@n zh#XR=;RMPeE!r(LnGZ9oLD&5kF>{s{JQjtsglAb82cuw>!9)xUYGd`Qhk(UbA6Q=0 zNmgF7gTBG8Jl>=hb=pU>kJB5-!r!y_lg$!%<>4{xIQbLLv>4LXjW_UwEra;ZeXuU& z6Zsq1iOOU4p?AP;T&YT6@YJdJw%LlENH@Y|>k438Tn@foDF;H#BKV-TyG%PdgxjRW zS057g#rw1RnOmAKYRu=Lw8{kH=3PSbAJTm78eoIITB7NdWpKS`I|=*dO-hmm5)-$9 zFehi1un)e^3|$)_+U5{EO56)lTH|2rvAy8Gw*vzQDN#?SVo)wUir*Hcki1+iY9jEF zJfsKXhF!aHSL^}S^86!QxTudaC#y4^d&4jS$MW|Qt>WH;!^!w)Ap=-A3C8cT;V-v% z(KCBivYR@~V8w(#%*e5oSs4(JR~}CMtJLV*>C!MmdkpqJSE48L^l(SN9>SO#aAwVN ztkx5r2O5Mv<}Lxsn|=}U4;zzDBPlJtC~P4QnB!vE6WB7-kZ*XIK!}%@ zf~(lQ*nwy!dE?Cv1>C4E!$vMPNW1cBm` zDkxd8g;e~mBvBHJ@lC=WEH=wwbMy^qmhisZJ9h!k?APEc6V>VZ`+nRpu0d4bzlvY{ zlgb=#8}qk?6F|=UkEk{B7{9j930__)# zumrr;NzNeA zJ8fB^yb4JA|wLk<;LEGioWEd7OC>0#O)uqHnSBg8$+KrbVWD=K^5g3uT1@u`u z8ZTQ)wzEQT&r8G&Ti4;7Kl4Fx)J*ckWT+^xdjNRv%|UC0K>*igV92!(I9^);x)wV) ze@i!^Vam6m(Qp@RGD^X=Ey6Xm#2I|Tq|jn(z2Ha71RvL@OrpO4*R5F&Umee}nzZwn ztm-LbR|DwAIUjNTtVRe++Y94bR)EH=AMi`zF#dX;gN`v*FlwJU=m#Z=BOf1uBm6l# zx6BAst3okn_E5;o6|(#Vgc*PRfeCI7oR7|jccIJ478MJulKY2ge*WV3@9T)`)G9c8 zX&k8cJR(Z}*+IgN*&shM0p4k}kX@?^&^z@t*%O$H>5c0!bZIiy8!PZTy&`D+AWx0F zGGNZw4H%ia53fJpFN%rVM(3^=hm$8VQubyH^%dNUlOqSvmk+*^=cT&TK`I`n$Hn5~ z>*2(vYAkn`7{H?xE@AN*PA02|^88PyU~unt(5nk&|J~YvZQ)($T;mJsd(LBCO)1FM zI`Rd%zb~F4(|JnHA+~duJDyr_5Xf*lu=lTZ@|rEn-#pMDPb^cgTTqd?PW;XcHrbF3 z=ZxtqseI9~nPQat6Hhu8&4Bw?li1i%O0;>*YRq{kWaceVA_D_mo}DC1#V>Z?kS+0e zNhK8)FC9u3OPq!oj*a*z@D%*rYmDy8&%jLYHRyNlFqrMw2;Vv#K~}?#n5*mq&$40^ zgj~?2?7*dN1+W=swxgQwT`d34iT@C`ga3-M@lNMz>Kds@bMq`=VYQp!&TPOb%$&|N zPXxCCgJ@TM4-9>0M3vQEixZtWmduETsO)BVuUv>fx|?9-l>_wtRAV~z#R9hMf;H7z za~kf|J5U?Ly==X_@c#^rpp(N_Q}w%9aKq~ugEKqGj>q-n$M5|ttb<^1yDQ&vxlAmv zc?Y-9D+9mdK&ys?khGe&Y|NJcZu)RKz7sm{MV~#y$8z2ac}x|w37b}Dktu(AUxgb+ zW{UoGRpQH{$E@_RGUvZ^xZ^q{f)W1-&lpiG!)rD_{q8O#SZ)W0VCcAX+B227*fm=-+>E;91#5!x+MM{;@ z7f`w%BN5 zrPBa`7a~EuU3Q5E1g^tDQrW~q%N53+vnJR*L*VFJuo~fMSf|%z=lK9QOkZUzhpR?fbSqW@pUfR zPoj8U-j!`#a$8jTawnfws|G4pIp(*?(1j_3X>+kMZ~Ax=oQ3OA>(-;7{ZQEQg_v>8 z?(f)h?gkv!@xZVnhhfsK;r#veA^7O-=4v$|!^zOyOK!$2#Q>=hSi9I6opPSz(^)%- zjY0$%PMAkyUGKuq@^_-SAIz$y&)dS`;rE$WsTnWHc}z^-_Tyf=Ot|#<4{F_O1-YrG z@z2EV{Nbrh)WzSP-Tsh|qLskremOx!PV%0A6wi!c%9kihE>kQat=!=fh8hlC6 zSv0xfMsN0&@`PMUpKQ!V+fpak;%^SNagVX`o+K{~`o~mLmZ8gGflaVeA4mRu4>=c< zxuZ-ewy3^GCY%$M+*;0i&lcdyF%w9YXA$0vYy9UHXFg?GsWT$OOBx1>rpVcT9?+O2ZPHOz>|;lT!Qa6Vbs(B zN_3;R-`O&ZOW?`%Tvx^%)Dt2CN)Jpn@}E75v|H>}I=JlGB?MQ5)GY|`O_P=C-BoR#EY z*Y%0e|MW9nTC2(JL(Cw{$B-XNa-=)v3cHi_%ju1p$0uxO>@5H0@fQy0$@f<8XZbVOR zTL>9#Edm!b7$1yDWeaV`LA^?l$m{7xl4*MwCaYh@#%Oo=cPtxhZ>fpL+neL|mPa_g zx`Z4FJzMQ-ycaJ;+VYW>0wcV3H+os=()rVNlaLdw5Vl7hyB%twbijUeT`t813R<GI) zSuQi`oJpNgi)YW5#rlD};p*oNH0Vkqgr2V_8FB8Y_x2PS``m{ee_I6J+QwW~>m0nl zxF1`_9)qH4!ACPihHSO=z_jpi%yr(uytY}w8n-K$aHtN>N0ej4T?fp*;)|V{gL&$% z5>ShJ4sueHc%bijsO?L|^&Lxg{P6HzJ>HBgShdk+oDjx zjq|Na5tp^s;K}1FMEY(BAD?XEcRE_wkSGH@?|aDQuE5ocKJry~FQ|dwP7@bbe?P%7 zo(!@u@Xd~FNWetrt5!wjsPmx32QJ_9$N0~J9&@OYyc zG3%d0P5!14i{&zOfyzs4SZm9*hwZ=}5mU*6^ac30{2+*S7sJuP-`LxlJLH$T68%ru z|0uLu(tUGX==b|Q_@CBD@HDN%!N;26h4&6JLGTVbBpjsXkqKy(W=kXwO5*11opb{J z#8&^qWJ=LWxCm>)*OL*`_w^d!A5e&Czchw8Vh+7{NefLOiZ!rW!^Id zHkqZ5Xz^)h@p_A~+{-u#7DwO29Rm{Kl(4S~Z&nt3GFMPDH3jU4S4I} zWgLI63}xr{X+-ld!B3-KiYl^=PD<_pMrK+wMi1{!mo-(UK_~MpcY)07{IbFPkgjr zhc(yFh3`Jo==V$wY|~RFoe_y(8#^D486036$_pU=Z6nU~Q04c=|3HgB{SfVP2)5nQ zL-VGeB;BhKlce{+u(>0s)WtEpEy#_o7PiqD1G~_(!9&g} z@{|0D=;=!(+>|$zbT-uspJj6{nWc<}KW(IOVJrA71$TbK?|r=9M2;I3s-eT0Y2d0NaLeZ~s9q5ZACtwX=p~JVlYTon zt#pE`I(oEry(INix8yF(K2YM9fl3G8pp|bP{XVk@!|uPu&zJg1qLw#$cmEVeESN}G zUNifUZ9~nWj^+P$0Xe^Cq+E9@`_MI){VN+oO|RCF@e6aw#myQJ@V6O_UkszVQ>!p) zatHf1{U~_O8wm#QXF~LbWo*%(m+a}QoU4t9ATqKa;58V+QY%z!F4U9svm-{&MqvxFNW^yOC#@8vsv-P3#j8H zILt1dsvdKBBHR0RJP!)k$v^y4;T4LHVc@WOwtY(^{BC#PyY}tC^AaxvKWioWJ+2X_ zKUjckT0Vou>(fL(^gcO#+>Gj)h;X@y0<~-^#|iSIxYyVea`DN0kbddU>omHcNMM#4 znH*;3?@Q6&tP^hjzDUl9JJI85D6Tv)7GySDr1w|V;`eC-spRVzc>TQr#@dyD%tV1{ z+_03rzgt1}$`ym|D`R{-$AUF@OVWeGce7^y*8)#nU=Hgl^4STxWKz8ZThV01M~H3E zbJ{0ZeO3gzvbVu7Bo^zB+QSR|c|5D*0W&cNjYPC_F3lX;5kz)MTmcaypN%eZGE z+waeDT*X(BcHnW0XfOq%+!(M3RHFTB=F_$P=`d<~GWltJ8T(iD!@{J&bjm+fn7nj9 z9Q@LR_r6|)!M|$o?QuVD>X=?@gtY=?pyh1eAC#TruwLA;qZ$kcV=!D;5A=moavZh1{o;`Jd$?Cb~Tl(!TtUqVxXi@q6RAiqNE?9ceEL&G)%ZkyT1o zBK0v!nIU8q?WKi6Nu^LKloWcO>)4}EDKk+aTO^d(_x}C^{m|om-}gD!^?E&@kx+ZN z1ozvIpf0Lfd`4^)HjV?Dm$wsBvMzvr@N!HYVhGhAF9^vJSXcL$I= z8GW!ezJy(6VWOs_zihGeXA=2g7CtoYhrQPsKJs3{-J(WQ=ZcLaXW1D1IpRBxNePF8 zO;brlz*tu1?n=#uyYVyhGpbK&!KIn4i z!_su}3pGr&-Nn~0_80awj{J{#C8#Q>a&7<7{M_MFC^FXK;S*Y5(3co!mV5zFSFq&!a`HL542+Zo{p=^&qAE~LeCI6i{hS%LjlC(B;nkMgszZ>^rWkDI7 zwUtJPBb#`~+gN-!UJ6$Uv#CF=-C!PPOvV+wLhrl%7|6=Nz->3|>XU-AamrL=A}ps= zFM`~yB9f6@4qG%85t?(^;-KBIrX>&yR z*iFyzbi}7w=(fZamlU?ci8LerApAS&Rna1cz6qT|(7;odjqNG2cm#O;jiX!t?IXXJnewk~D?rUffp1hF z2J1@;u~B{)zVn#M&$}#yp0n!&uS5d3%^uGSXXHZE69axxA{YOYAIgQ91yn6?=G9;N z*x3p4e9v)Dyk@A$y(dl<@!^@ca$F%iJb#DOEp)q(;;9V1K}qm+dZKt#!$TIm>bF?x z-WtsHj|JruZ&AT}6xYm9$w_RA zj|lc}OE#Z*YLJ7zgeuUksa<9K(aE`-rd3 zJ~UO<<&(zG1*s@YNY!?x@uS|O;Rku_j6MuH?wT~>T#G1M=>2;{NbmpI`FildFF%up{NQmLZjG8)jaCY6)~d}GValS$}DZBPl_3r9aVVp4D_ z^VyvV%_GwxV7U?f@BU*rus0Iz|IOsi0o%x3`BpUbs2~Gle~ZgK#khHO3%t)6Kuf%R zQ8rK&l8bv`f_)2{IaP2~2aFQEb|+XqD@=tQW&4@qdLc=>(VZ;JiX;we zCS$w0J$xznh2sWV^5O-)ID2X;#7jo;rBBj8SG8L7Y-StESU2LM>B~viqIEDvx?Cjf zZ|NAgOBLfH5t5VtkuS5qu)#Oe(SCZM_`y$Yq}y$2hPJ?ZUr{JZojIOs9}%2(r}yJg zUII6aXW+Ja395Y}9q5b};n{k-ZaRkQWQaE6!!2Pnb;C_NBwJZz6 z>(xGZN_{?luUQAa@<&m+q#R1_jpC)R8(~_&T{dLp4LG5;3}=aiXQ94IoSM2BwiX%l z@L}s=d9Iegm2ZQk=CknZ3@h&PG70|O*AUIPR6>@l?W!rTQxif^3#jbwU7~$1pU|5}3?0saV(ww6%c} zm_#fb&3f|%hRfO+Eb{nBXs{W{wGSB5{nu5BV;*FEz!G+f96owXZr>h}oNV%jfa!LI1}B@!KI3f^0>6Wrc3LTd9al8G_GE%`kVaBh0^%kM2>w z$k_?$kgK(lq@7*GPO2+GkC`gJHQ_1qxHb$%kW0ZA(+2Y4jv>cOq>NTCZXOP?+s#cxJk7e9`iz|DgN*L2ecvipKJ zo!{BPo|!mN7thR^;?FCgXq_?FF9?O;%rwW|eID@s!BK3`QRL0DN(2tZK{i3~e>@V0 z;ns;l$IjoH>O&s%8F}K{3_sDZOOCL9Y!Iy6rA?fh22i8t!}#0v4>4eV4y07MVcMz? z=zz)cxCiZ9=tVKbfV8h zaIfdV-}yUXfbMO`6WC@iyf}U-idpT3puLD!@_yq3=RI| zV&Db`Vp$i1S9e@uTQu@mg4HKfqh9zv+=Z{z(PLponz-m|3`{PQgA|gD_9itXduR(- zj4%-#0kL@cxihgn{v8%ARN?DJ&tqO$FW}WA1>AYTn&#~kW=TUw(5T^~uuZiYe|f5k ziVQ#F>BGI^m2+!Z*<4dNx&Mdb)+w>rHnRuEjr%5e$2y@X^bI*TvW6|TjDX7GSGaGW z47)n(J^46z3{miUMlPy_!QwzhORI|Zt;c@cGMo`<1zDb#3S5G+c31FQIV z^!?IIZd;f`(zBJ=WGG871kB_SZBIo;?}w9Px^DpwJ#pL}q)Dp`gOQfRuqi*2F;rp{ zX%5N8c?s<>hI$J8gAd?(yd1opG~uAj3K-Qj9Ml`m;jQc&r1{+sXgsFHZO?YY0~5x= z7TKVg^+>)wVKizPY4G(^{(;uRPRN!VMAMw6;-!^4Ku+kRUmG4MFbQS2iS7{GD4k78 zLWYyJ5kd5z%`Mb@Kb=gL^$~r0d=2Z84Iod*V_eE=gxB*UID6d$6HL(lGSxMA~=a3fj8;M|a(7$3F8svFopcaOK)2Tsd?B#--gw z@d8=eQ~Zf7TG@`{jt=6V$`3%@vnU)kc`D!ScNZUZXz=j6k#vkG56XpeYNYmCxO>=z z!_|5?aHgJ3?L3S}r~OA(+uz1RPT!eRU?CdytAoX6Iq^T|gOD#}N`sqYxo?&=$?dU& zco|2oef1OE+^~oEY`Y9z59biu!&B+-pVg2nJ(%xmjb)GaCgJmUqgkCrEO_kRMH}i` z!Nx}&_J_ZM7j97`d44;2i3Kpte>}d@F{JnJj=|p=`Y5-2Jcu5=fQM=KQOV~F9-X`# z{(D*ir7Iuc$;KXBc1)K}dt}77_q`C^Ih+hP+s})RW&LolUtEL}`ZQ^bX9&rhdKc8>FuMY3g!Ml#xSmog2H^l-wXbY;2JBIUhr1_5p0iy4V z=Fp<#3JiK8;xDsa;(1{f5m>ZH@cz!HuLOtbyaUw`|1ucrizVP)tne;UA0Y6K3@~VB z7%}~;L)WZc$-nFgr9yR;IJ-ZT)|Ug3BA`YF3Kq6AY~tHpBODU9qN zhpjdy>%*oZgxNKu?YYrn<7*W}Obu9aN4SVgnjz_qx z;|E%!@Ktdj>EEG6#{{2;ecJn>^K=lIb?e>vyy3^tLt_VRj~8s9cMk}CfnI+MJlly5n;L6+x6DG2uZIDX zSK*q9E9~X$L!z#$2g&K_p|Ej509$|eGA3rGv$lKN*x9kC*#ygExGTj3-q=%ODYFo* z6P$UE$Q;*B>o= zgnZ}mg>+C{ARMcf` zhtSs154k}IhR1vJt-b;ar|t$CYv|C1pa2*v69aT@8MwV&&3_vYq^+xj-KjVedzEF# z@OgqN({C&FogI%K=N%+TZdcj8oi8DAW|~;PLz5?#Kf*hAH^KJGR@~g&3K2sap?t+u z;%dDJXLvc|`r5Pb`|3ohJ2VaRV=SrP#b@}kV>N~~$%zv@)nVWJP>fpo65@(n`L@_W zd=_e>bka6#DE>>HRvZGOuX}KL(Id1hH>X#cb$M4_F!#JK@P1P=(D(Il{@GFmJ$Hxk z^QZTKx0?~I{!oA>=+EmHtVFAYnV_aQl7HSm4fnPAh;k+FfxfvljTmwfos9KqlJ9)D z?3RTSbG4YEc_~>WvxTN_Zil!Z%eixcB`%DfLYh2N(0gtiZa5JM;Tzw8_b5#|=h0xw zz23k&j|EgZ{4{#!+(GsGC0Kg$UX9J3bh_$~0ViJ{z#xZfux!*lCOiB-Sf}K{_kwP= z=CKIL4oa2&I>H726vsp(ecpOZl1~g948lBsR6j{(ZY8OtSD_jtpMPdu4n92eOE)_AlLO3_`GL#y(v91Am%wOG=ZuipQyWc6|<>i*RV$31t^G${tYFeYT z+z7TZcQF0+A)R^nWQgUKnBXLG7WMP8F*&!0$}N!NQWCGoK7Zj`yxNMJT%1N_zn&q# zyrzPSQwIEZaUe8&bfRC5e#5-DU--($3upeghti!{7`Iu|@rUFYNSNFsHYlhjboMfQ zQ}af2uZrWMkP_mxUz*Q0{y|<}|0B$A-k@LMD;Vr4oKtR>;oe=7VQHE*clcxslJDmb z_Y)TUYxD*zcJ72BQwMOR9}-Zys#hGDuvfHny}%O=iowiGRXS+xb$nEn4K}$w@Zn`K z1a$R6)DTTfd|3cHS8l^p!Fk$iI0J`vs&U7g*~EE!4XC-QQJa=|RCAyokFt3wUO4(J zPODPn>K#h#s>B&s^XD*cs{eqEMak?+VJjReZgT8%NyFtXmAK(mAwGT355FG@&dzxo zp{`q*zERGF6GiHfI-rp3_gA4-l})%p*15)FQ8s?KZ_Ym+8xI@P2JkylS^RbK8uHAf}EUhsU|9CCnk=Q}nRxY59TZ~0UgXHK__M5$~Z3UMYim!V1fqtGdZXVkKezjr5 zcexAyxcD4Q+?Jc%B|?qG@WaHvjyjY0DRK)LZR(=%~wSX=Xs%C4}yfTnx1{RYdFde^?*1 zQ}keMEmxd99TYMSz)^P%8hgVHeQaNg^PhdgbHU@O@4%H2~2Mg2iyqP+O#>|>Hn{=w1@(J(udx&TF+R;wge4dy=xs7oE?fjz7F6C6g z`72W}Bx54FzF9`eI4i#L-3kn@Yr}{!`{~>(DG>5Wh3Cg!!y}2lFPmHe z3ZJaS=l1SFhs%|0nU4YLd@e_632m;iQ3~tAucNWjK)U#B5Rxm$a9Ge~k;y_ssI&D2 zZ^@ZdyuS^zmKO2}mJ!rzhZGc!oX-;uJz)2jbb@tt{!B2)BrFEayq0Q83*yS$4 z|4de(zmx{hpRomO?Y=G&;d}^^41A!&;|&hI+(9h$=Tj${z3hwbDxRb`6>Dz(6ECrB zf-Uc^%ohwPE;S zZZ}lB9>OhiJV4sx55y!Tp*0UhxdjB0W?SOd0(Cm;K_wY4v?f*`jSGaCfTiF`JN1G5QP<@T6=k4)-$P(GsPSP=d&$Emi!gsxD1L$V*wrQH5%6sG!v)1GQ-~zN1(4I zRq#dGfVx2h4D%2?y?K{#>^yz23e)7S_3vRzR1tYps0B~6&Eb&iH)7#(MzmP}7m&YU64~oBYbL;{7x(-nat(Y2QTEB`?U|1ctZ|&x|ZDs_g`W_-<>@x6y=?8Y?z+rwV{}e>$8PZv;CcO96 z45E#pu!4v{MY@W-yCX@<{xqPb@p!t}Xat=6twGE#WnlIWd$dS7jNcujdBV$&EXGNm zIt_6H8Ph4q9n5)Gog!`+qsKLWH$aB@I&?jggzJ|-z^!J&eJC#nTelifpV=04#Ya0X z3|;X0&^B;gody=2LVHj0EUw(@#9zy9uSu(t=XKw=5oM!UBJ-cAkZL7x3vIWP%^BA~ z_G%J%xy*w1g1_u;uO|0AA>_1A&)|o)q~iBEW)Qq88~CSbQb)- z%%T>Sk4fG8F>_DEOCno-rvzmd`t^TbHq*(b>QdS zA=oU;f9n>`#j7suB84-#7#4IE{;<>dsO6kEi=GkYg#xqXkqVi6vL06bHGc zl2~?~6xEJb#>G>7M9UrKf~);eG#%~-pMELRKZ|F9$&EaCHNTNP#50gldkOS>UD=Xe zdptMv7TQi2&u^HnhY>lOV7B2(_*Su9AFfuW)>nmuXu#$!2eQG1^?zn?Lg4%-?GQ9qXPvT1#!t$P(@PpKq>kDrFU zlhdF-{T17A;xP{0*NGO=_RLbpj*t7Af;%b#g0da`V-eUZAHV5mbo`S(;&QPm!8?4s8z^mU5;lCG(=vNtzJD1r} zGOM2@>h@#GmF28y;%oA5px_KGnnDb7n~~HmVC4lt7}9l1;A;*OZA%(RC&;>>>NFXC zuPvTz`Su@~?Y#?r>T8KFg`XuIx0R`G@_6RHg^)%w3o2UNj?OQQ_>FNz;Q3pVo0Zu> zrKUCvIKP+And8Q_YQ?x;C5Jc}TY%?Fp?iG29ORb9!EL8X^o;r|a1JVQ!jD4Ks4PXZ zg^kQ}oDQ+Q)(0d0euMk-9l+z;6I}YvP^7e~h!n&(h}$Oo!s7Wpw6#K+cI{rrCcPOh zoc1))Yn2jAwN8SuLJx0g;B~flnGBczegxj$*GALKgX~@EFpO0%WsjO~fa5n~5|9`K z_ZGIoHj_BAbL#{y|1gZkPv6AWd9TNTZ^z@f9(~ducMYd}&V#Q9$BLS!3bRieTfXF? z9vfJ*noQ4ZgyVZ+1%BcJdO%+Ww*1)4q@IK_|FIHqpeYtytDV__!3RnGw*z9ooM~y#d{#?oM0$w`UL^T&2pDjJLoQiDkG>vKGQp z#&PrQGOR1_sJO;)2INaq{A9hAw(EeNGuHTp7$H*)VGQK!J1p;V{tT0;Ugf zBQt(G!`gc~ykY+g`etTh&BW#1WZ$jZ(DiCPsw~b#)re2*P`to=UL1+~{;%PrFw3y4 zNMu`mC75*mSGH)xKG;VHlX+;pyh67NCX^`j{D%}?BuSO;JBhr*C)LJu!ZmJb=DM7|2|`=dM> z*1oX=`!g$`Ypw@$IGkd)RtgTn-N)f-Q8e^lS0z{V8%Us@EE%+9K78@$BD03p<2d&# ztpBwGz8cemP9qs+W#2`S&VG1Q<;?1zG~$K-j=-DyQDlPjcs_dMI+)Zu2@VvkfsgL` z!t8Gly?ioI$aS8CF;CCp?u%2!Q*XGEK+`72&gNL08q&lR{H1pv{bSWWy5C>TwP!u86})p(mO3iOZthQIFtm$^>vO_r*-xSX?>!ANeuB zgT7qh3h(Y2a^p22e7u#BkVBKl$rdHze1Z9(t|s)#UNke+l0PiFQE*%<%;X)y-Y@6b zN6|isUBsu(l0{@5U>VDmc#dH+WR~mFiK`^2^!J&(KPpr7=BNVS+wKUrR-eM07*if& zBY|I#cb%pOi+yf`jmcQ?c^7G(ndQzt zseVAU1E*lu@Kl)VRYI<-s?#N}7l}1i1u^G4-DGm&L($jz{*X!veW!eCApkC{=W&n|B#G-tLd4zKsQ_`Fc8&jC_sv z8%BW7BLljBXf5~+RG=lc<@m2s5ub11_DN0gOfUtRahYIRThKGPdWPL zlRxZJ9YoJ4InvTdN0F|CIvpCj8LZ8fsl-TUdg`da*Y_Soe!i$-rymNeM7wZyxq1uo z@!mXY?|xkHMuVqIxsld;`aJw*H0tk_g4qfq_}(-ddi;_mS~lCEVyQfK`3w|S&h>?+ z{A!q`dmfa3KZ7m%c4Fe9J4|&+HvShVfycWNQ0Zp}wk8~6lBRuPoxVccmS@YKe))+L z3@5^=s48qd(I%>YmW_9Q*kRo)349Y<3y-&Trcbxi_Mf_?*v4a7h zyYB@Ky#4^)C;r0LPam0+lPj^cli}lL%dlxXr1;g1%jxgKCyC9Zy|`u4KsvV8hJR_3 z6PNd_#S<+TPdB<&1qeHt-75uUZ4s65`=q=q(66S_m_) zSdef-W2jlenRD7#2wu7uza$UD%&J~XH}Me+h6Ve+kiJ!lRI24DS*WDUC7#r=F?P#fbZRyUyZc@QZOP)vN;=eQt~_p@ zvyFUj7)-0Tv;!8TVXxD6ete7~)tWV!ULUW(TW4F~oW!|~iLqK}dxSHyqEdVy^#%fl zw!-*Thk38XS)40-gDvlFVfCv6p+GTA{Of3os8=nOy)vH3{U=vJ^sWrZTocE4+)$ww z!SVRPwHbX+rvVi@h!?$;!1v)&_@-Du^iNO07nf8?$$Kf@{x}0fu@&evP7Ut~{+%Z0 zTUZ{G4)uNNSZdp3VnA`uS*$cOz@uu9*)yTX;~cRA zC5pDdp@|Qm>FQ$G`FR>2;&mS#9V6l2z1!rt%LZO-a!wTXs|Xc7C}8_(Zyf9{d}B78 zLSWn2w#kNgdcGA&R(ULL_$*|j6^lWXI|F*E=0LlJ0=@P!inOGRXVHD-xLWl$o1RdE zx*iAM&XoU9WS9Z-<)+bQks>a98VHw#{>+hU0-?I#2U7`GW&Z?D&&~ORnbGA2kwMry ztQdNSjf@_GByJcxQa_Rp`Jv|c$QZ~2eRY`iHy*cbOcMG5f8gO&L$It|gZ%VvJa{z> z;&Onge0DQMbm+Iui;FrIebki_tfj4m$ zcAg2wJd?Aq(mh7JKK?f}Z~2U((SXLX{muf z-u+c@PVxeLtAB(RW>Mrj-hz#(2DD(~79@9$h^K!u6DrgSXee}#_Q%JO^&Km~tne(p zxp5rczEZ-36_y}t>kQ$i1?Lqz2a8@0rSfaX!1QxTILPfU-c!nA-^YyLm+R%BPv3~w z4^zRJ(`EUT?qYVZbrl}pa0Ysgg)-|Ec3=~?mKyI)BJ+gbU{<>Y9x(X^pUy|~##ur( z;8ZE`=*fjidjer`auv1<{++MqqUesv!n3IUn@OhU8`a8ZV{J=Zb}!KzrL8h`aWRskRJ> zb$EG_GT*Vz3m07(L6!Vkq3U354G9x?M0vN!=yQ)yTCo9KW;Qb|f!ArfMvtyPwg@d7 zuHk=f&W@W3bjhC6e~GJA3A`GeD7wDUA1`0Y7MO0)a5cG5^x(}$VL#&qMR%_XzLj%g zW&8(@ZNj_q&;STlP!tadl*A@EHEJ$7j!rr7o4s?61?LT8;8$~=eZBk*$oa4fNY)qZ zw^gBk1YUISE=LUQml0-B4@W#AS?7!Lp`###JwwPPU{>NNxeOU>o!KB`c8Q~)FsUSUd4b; z#&c+NdCj_AkD=KDWxigoj4Zz8N4o+RiZ$9ULV@lh5;>15u{pq; zl(k@#?pXd~%WSqqB^Ae!N?6#SPcHQ&u!4?E*wrsZW#<;x*h?(JYr#Wk)}`~XSLj#n z9Fqs>cPd1~9*iUDW1VQ^oG&C#;N`E{GYs8g>S4wxW$v(6;4uWIvV?6CtV^|#t=lU& zzJ)GatdpYn;phEugM#rr9&Uqt$p)_ZF#<--FkWK4$HglUb;N+Yrfm_F z6SjV=VSe=!;q5Xp&WrK|`9fu^9vTdf6I{tEw>DfnVHEESdI38dQZe$-ZCooQ2?YV+ z#PX^fOOJ0>9W()uM?Iv>CB~!)a7lm<(HQD&Tp6nJ4AG7Yaswz`0AL`HIU` zr14cV*`~h;p4EMY%OTJ4TU92?P7}lNUllChXg_9#e1ld6TRKEW4Hj-{#cq{$a33}U zUf#`yo8AMk+@6t+b^3T)vmQJK=ZU8$EkP&$06sTR_%^6^GnsNNti8%m>(w&o%6!b0 z)ZBz!^L4;&Z7_s??j_w$1j(B(-0^jB{(G4Hayn2W& zemd3(rxtP&7fWDc#k5u$c;+SegJT>;? zx}h8wtop@dp4;P2=i|&_^EViJumsXhO@ir(u2k+~1RyzPLR?*YBC`kA)f9ae0RNR-z+$0OhRaY3IEUEnf^j{27fhc$lS)wzY_(wjj7 zSL+H{Q2QMl6AAd>TlQWWWRnA3zhqV<~#s*u6&NW=j)3P#pDWqNs4z5I4B069&&PmGkd3W5#nYV3*ErO zJlipgv>YDC)pIYx^kL1YaZC*^k2*>`!(vflKoZ`rx8!RzGQeq~K0h>TB-hnaw45$b6rN z4V$)8<;C|feajVmyqtz8D1N&MV+=^ zz+F=bG`-fP;g-|!>6a9Iuw?+R6dsyMZ-?^PS!Jj);6EmL_B>8d|3*~z?-17y97fZ{ z&MYzK9@KA1g7JFGY3H_V_#vx?0^qfb#Y5jBeD6R%KyE+ggNypq(m}~ z{&mj7={}CIe3c9izM4n!$4n;)TfU>otlzBgd1s| zij{RE;JL3DY#z&@#t~!M{Xm`SI?Ukml~HIE@RiW$Nwm36iOU@=#gmeI$;J97VE3|@ z&FUV&mZoUqa;}8`uI$8B-g!{6vKqQJD8i7jI^@G>MR@vr9`&x6OqZY1;m15Q=%bLs z_+LyrdWXehc*Rrpvidyi{`ekLKULzLNt^LiHidE(A+IF#kPf6~&~=l~V(AAh)Kq;0 z6Qj)d{QiBsZ^(4m6tNt4U9P}{jlK|O=ES#;8A;o(We{_<1oW<-%Nqxuthq5raA}lH z!m2S5EPiVY-2XX%wk}nqXYT*PC8JYm@$@@*G9(lS-A{svZ8xAvSBK8I6br-XG~V+R zal?hDWMXY(XVvc*7NXMwA_+1efjAvHz#wL9l&}o@PPd8lQ%5GK-iKS~yJe>Cb^@Q%Z?QC!BNHm>Y z4i0BFQG=Kg)8un`zs@~FoSt)XK&aGq6dwD$l=HM+#^s6Ek@)GpO>Sorbat*>|yTqs7{l&xg zE5Lbvv#7RfuyDp>)JEc8!pB{8xW;gQNr zzWm)GM|(9zwEJ0r&A0Zmg&yBJ*xmxi)D^jvVl4H)7J(@x z|8TO3hv0fPqLN>plco?KS~g%etM(N3p|?{6cL(8pJGOu{UxN*~OZcr6X@2fqIEKm^ zGvEH*_%y-={cPp=rsOu98tG4E*68ylnKs<{?ga@h?t~}%s^H@D;nZ=2D_!{@T<{Bs z#K*tf5UqP0jRTD?JF1wh#i~`Cctx8R9dqmtt}0o>+AdzekDa!(qVv9ZkWCw&%!?KL zQof>@3$M^C7u;~+q8<`a1q1 z^*kw&ng_Q&UMI&&E7=T}bL>#hQ6Y*du!8zESnLbRzs(h9jW+Sntt>%((uFR~yh;52 zHc1G)V2m?wK89B#hLf9vq{Sb6vuM=cK|EmaN9at5XJ1Oxc(uF{Kh|0f>(xSFmGLIdc40p>-q)kaN6nBl zhmpCjgJG0i3Iv>!z`fRmHEQ-r*mUJOl<6u6-g0Z~a~>o3B`Q%{Uxi0B_OgO~;c!~2 zn7umk940+4rb=EREBfuS7j} z-03Nyhv9Hr$h55sr!UBMK0xQLSWTFtnSMEqIlpGI83&b_v*$dLv^<7hu{g~in|{XV zeb-RVaXoD;$;R2Qs@T1oZfw4gnFOI1`*Bwuigjyn&+VJQcl-pERS%$Wzd0Ybzz#yJ zl0kFAEIPOD38+iy<9Pky0;_*1KQa4(qxwD-Ar~z4Zav?yug@p*{k=o@sB1#`tcIii ziiOzjGz&`YtHkH(4?C{Ry~GqV$FP>zSBSF%#GO-f(Or289q=y(HSbi5*Bcnn<{4_( z9KQ$uJ8_(CXflP4*!wVltpbzMm!TJ;M)TF9KZ%UpO!{(dRPA1zOV z4K~H#BB6<)4QUvelL$X|3-{I^R(Q=|AX!tlfm$ba!O?zAE>W9^Glkh>my|s`^YMmp ziP9u+j)^Gr^Ixdh^+aIpJb`bI&0*Qb85r+d4sLZDa7n@+G9`E(_}Ko&-`Nkq>Y)jp zbSoboIp<}S^N(2dfEbwXeyoJu(=^~Bbku>GrIjFiCFHX7GhVRW>c#N6^4Uo?x zPPbpcl2^S@Fm^QW-_Z@4W9MSL`YFuS+lwKmQw0a<9*C8#fVO~EC{x}~qNkXncI8M~ zf9^I~D{0f?LkH8m9(NevfV4p@+9q z*bxqemL26pXZ{h^>|_o53VU$LxgI#}`4;0sIb6z%!1??I_KlqmQ%XnC2Y*J;Bx_wB zJ3Sd&J^FqZ7p_+EyDnb{kXHXOf(G=#qmE!@sHp3;No5P#G9`@$K}p? zT--mKHEjwYPikM{ZEeCowASLC`zulHYbUz;^^3;pC1BOl5%h1l(6^1uA%j&-a9i|Q z_+jHl-#D!ySM1z`zTOai^Kl3J+F{PqrcLEz`cI+7%x>s#l%qYRgZY|(Cv3gp1bDOO z4o2J+@!}#^y6M|#tT^Tjx7%|0zK4ZiV>r=4wJVWJP0VM$s%7l>jDJvb@d!@1uZVgf zvfMVX64nMHJbPe*EN?d1>Cr>{^?Pwb;a8k48;xnNt02c!8h_~o^TQ*3xRr@Clh1eO z|Ihe6yn0HcaPJk!oI8Xe@yY19;~Ffuqe%}s`~!uvwKyT{B8C|shLr)Ih!f98+s=1P zbi|uGhloWxs=fKr0XH#7DhmB)?u0*;x5S!C)}p(IoXL>s4e+-^V5vOYO$ucQf1X~# zw96Szl}*D(QyoC7#1F$%_tAa9Bf(*y0eCc~LQMN16gl-{_39H$spted`b+T4T$_cv zc8{P+1rGFw!+!RU}?sJW!2*d>sT9v(Yrc`oN&%) z(ObqgdXFhM7}3wD!SF65gOq<+09MA!`M2@M z!0>(@ZXfWKZ4mgR;Um&e)?qhR4HMj(uH)$1*fi*h{zTUE2+(GJpwp$ve};U;pv}XW zK}HEqEZPn>!acrPV-Fgw)}#ZKV!`ju1xPcE;eVpEs8Q@4n6EmSI1kFf8(-U4Nvs;& zO}C*d&TeA6PtJhJf}gCtSCjLlA@FrmFDmL`@?nl&&S)j-kx(m_x-vh1wdDIaWm8R>0t$X218E6 zP0*>Fg739&;?DWCaL_je)6$2F-&}hSD-L{SG4Jh2r^!1u=G-fMn4iS5Jb^S~Fs3%vUg zZ!P&qrK|X+J^}h%FPAMHsETHL=knd2jnJZU7Nc&yLmQRF&`d^>#&s6hCG0G(OdN~# zLO0Urf(z{M@H*)FC;`5rcizb1<^@6a-W)=V8hQwB5}XT2Fox6(5ksSE5yHs9`p)lu(5q zcFTF$(P^S3`MK!$P6K*rCXwFk=KHG!3Ct zyArk!Z5D67<|N#W?NMvZKl~i8MlB!LL&zjC*uIbh6@d}p*kcM2YwMY=tCTp~NRpNp zRKkkW*O0Xqz$N9U?AxA1nDI6mhHIM%J(42$C0@=uo$DZuIKaQ}_t9L5U{ug&yzQ9_ zQk|XXFYJq5u2`|s6fgMudp!&)(MHF8KXLWei&%4cIaj}B(&KhLU{)VU`{VOb>c&X=Cg>n3ZV>Vm zw?%w*V5wMd>?&$IdozjKBf_n-gZKi$EA{fVE`My5EbNYNquQWLME%bSxHM26XHF7} zTUB4OS^fr?Fd!I=7c+F9WPt`29=z7N0VanCG;_H`=5_ELX}sG?rsG29EqEf=)|a!e z=E(v#cLOv$SpqNCji42c^Kj-X5pEFlJl$PRtmNZ&@$!F7MXspaI{omhn3 zIkI~}*B5}KZk=L-w;c-@0? zC=?H&{)!>&ypWm6Fw>-6NhA5h5LvoNGz%`ov_SfQ*MTjYOmXXJoPKd7WNo@G?$jz| zBP&u#{QxymJX)3x-egRtT%8PqOk>!k*E{%)eGMQvErDkZGR2vKR&;NtGK&q{O{G;{ z5_}m*Cnx*LLp9|3H{3vRkI}f)WKTD;}l3?QJFuJ8) z*e|SFOP@}82?-ETqffv}Hxsl7EaDNi?$Q;Vd#QAoTcpn4DL1OboZo_(|nr?2-1f=|e`tm7bVy9>QW`H(Mk4XBCJiN8dqNMUyl zbk%x;P0%247+-|n^?FF`6c=zOgQ@twCuVeg#+%I{_+M@=6to~3-!SESq<7KLN2f7s zCoyxCjfLaKk3jZ>tvEZ+2GU9v;uFJHxHj`BG)^1YXUqgC|4;Zx zVc^8P^Zdj1cGCN9OxGtaQ1-~Z9C zk<+Qo=@4AGVl65K2p)}1vjvUVoTivb@I~h=XsFU#jPnzGLE-P2?WSCqd^!vZ#yntR z&F3t>T^`i0Z{XfDQz5lNnXl9Sjn@l2aL*xG9`fxvw8~@&{@F!b!m}9mR=gLTN^T}? z*QBZU>r(i@HLz^03Z~8-$>Zj~U~wmR@NJEYK_PBD|Glh=B#mjqF;mr1uksOi#jC?c zAr~xbC-9J6-@&Q#0wdzu53KgdfY^{k@Y(5!+lB173Fas{mj6%6%ufrrQc*qbBg6cV-r&KzgIUAiBXDG941HZtfdgHZa-AD{sof7TE>?^o2VL~| z!-L7BXJm#*HE{slZDGW>6#v3GKQmcT`Z;z)xQE8g*$8Vks?utkRd^&OPaK}sic)2> zVZm}4n7U?F*_Yd^X^Md@7^DJZUGB!MFDr@2Dj((~&ww}IrT9f_1s;-N0O2pK$$jrW z9Pcw9?@vfXQRE=x653Q!Dwyo|>;`Ujlv!0Nz`f7E@JpT?J>Gec=<*-3aHB+-Q}F{Jb@$L|U^08DZFWDORXKScR5BA+YS-Ana~6A%BhjiVpEQ z$Y_=3hHI)tt&@#WR?Ud-+?>uD)3;&DIUfkUHUyVz@4`)HJ#3MS2@Dpx6<$2-NBZ?bO*2pK*f6mdC&+yPm+CIq zSS~AG$7>veE-F)5?_7L6b~UP&N${l+K}1pBjfxJ7QM0L@86FrXHnvTG_D`3|vg`(s zS!s`DlRTLj2zRp|hscf(2S6?HFn(Hh4?6FC7CKiH$aRg=;#-N!cz$s>#Czt8i~p`7 zLu^iw!Z~-y!l9OUbJ+m+t0YSj+ATr$wgajj%Om?nTj8f+S~wupiP!eVig1(!A6nmt z+ubFo)b^LK)k~KjesUPrHqT(?{=Z?e)eV@QwFeUQ>*yduDGXrtkQj3u*EJnsw&S+q z4%tcMh@B=|R@DI3bwM!p?<>c!kIB^YVlZ?T8Q|&xYM`EB!k_d_72Zd2cv)8q!Xo{c zNm~lUnm@z@vCwsCcOH-SdBG?PVaG8^9gUTz(f09IU}?PsPm=wBpSue{E_)o#)=}Z{ zsYAKZ{V*JBIGq&fH;Ya_8VjG_PZvjy8p|~gRI$KgBlz1yO{yRL9XFm(2c7)YsCIKY zDr>wH@)-(LB*VZwcNVb_xEYqomznFN*^qEdmFnq@Ko7HF{2ktANe`FMw0)e|hb<;g zKg2`#Eka)m`o|7j?_-0m%G1e@|6<4lTYMgH6lP3uCnvqL2zE!piHaTQvvjDaSWA_P z8lHgl6hT*5o+8p(*+HTTw8_Di$6^bIaiAr1l6ZZN2AR-F+4*unQ8xy#5y?H0%hNKe_{nq*3&YMe{dEoZ0y6Z#aLOF_D58+#XPi!1&U`badt!i@#KFu5}ii*wYW zK=TK)kFo+!$9gh+#TxLN>OkI)jmFatLRf|2ahh`LG0L3VN|WDM;&*2g3{gmeX=C2A zbHN&rt!vDlM|7fY+I=Q!{~=0QqefC5OES~FY1~h35ZXTspa$m2VDx4-jyj}5oNf-` zX@Wi&ktFi`N z4vI^}e`eZTN#L8ewdKH1-)eN)P!AbnvPnwj1aPqs{C_DqY>3QoF2AZAW=A@sXU1IY zunWUYCr7h1#g!tHGm)amvjS@^cneNWddr*@&FQl%&bXw-jyJTv7V-ki@Ztn}`hJ5J z*IaB2BPxV!&rMxCb4QVS4c~#!)sNz=?nB~p&Wq_MDd4>ao|49n?JVkD3QkoMGNxfU z@aXLYjJ$AxO!|=vd-s--*rxgT_wW~tSfbB8cE-Z~lY^MSkU$)CNC_k^XNcG7PhqpB z|0Yw1ETSuR8bY0GGgJ0c;wx^ggSGO->`d`zc#xI_FPG>7ziqS1aWyZ}OP$ASX5+q4*Sx6Psd&R!Lj&QC?1E0%aYFBkmh%;eh}>_LbR z@OKjzK=Jc6WWS(aSKA$eRT=TbCP0-)n5e>KT?rwQ_4e)GxeD5DofK()|QF4nNhQYru^50RSU@dq7}D7e z(sI?XMnYAHFT(iMxkVK5ZX%>SU7dUQJ|7hCMzo z3&zT0b)t2pLFA_HWnk^kMVWbnbR--$j)`Lm-zwPh z2Lbd$z;9N)LY;n^83f-Xl}O8#PO{1L5iu=yB@6wQv&vtAPdCD%$; z@G+Me4KU{pDkY$`rJnsc=79~bBx%|=SCE(gfd&l#mBm^lXv9x)KJOolNSTF4xh4-- z94+j{e8j_-igC{JM6&tR7nXAF5I9>dK)Jjd*mqr-OEngeEgfg^?yEA0{MzWaP&SMH z_vr*o+>wG|+Q-S^sL9~rzgJ`q_wZt96mE_=3KhM}>C@r)Y`$qTsKx}t&;5=pc4&y; zWjxB#dmph(i!Qu0<|6!~n?4dy-@$nOu5CD%fS;37X2 z-rV&JB$i6?B83vvjc8>Fpbs>3EZiZ^ZyYQFQUvb7tXP&%lDejF;;PapA;G*@8bdT{@@Vk?R zZYJ%JY!eP|92BuO?A^#vnO`@S<%rEZTcg9KeK}WWpd`l@rCbZ!zY#N4mnB zw$JeQtB_%y_gy?fwieV6-iB$$t1#f#9`Zt9UP=8`5e=xe6Xt%Qx8wU=cFO)1S^nLQ z)*mTgre~(|^Eb2cMNSf!Tzia`XEJfPNR|)G+09(qg|mKGon($X2{GROxa09LA-C#> zbY2r?3w$1_Ea1}59M~&COSrso2f3{(2ZrK)aN5-^eq#0o9{5Od>8n48wfGh2mNepb z-x6_$>0OjPD#e=*6_#z|dOT@r2*f>KP7GUTgQV*(NDR0SL#3i&vTFjCwco}Q)^G7x zlLS7|Xu#g{1HgBe4ob-!0K0=jAhaQ;G+gowY(H@t@Ba>hV7uGsl_byNhuLwNGDpWZ zW0S$O#}*cLWy6>!5nwfF1?c}RgZsO(VZnqyMKa5<`)Z!7po)S|-C0;n4@L9=+#7?)4z(0qLsPaeX z(u%3Zf+dwiVeLiYc44`o0i{4g;V|?S&b30Nz@ife!)LW5SYVsWqPF_MmrX@ro+rnX zzRTj=(0Op!{wL%;kma8~tb|;@bT)JSQq-PrSNgDP9Cpb|qfv@9{hrW?eS3}Q{cS>) zucre_)7pghdmzd8{VX26tA!~hY4IjVCQwz&Qg%LqEtQwag>DUepL|BN%QPO0Oka|< zH*2tl+R(`RZ_&DCEVPX*XCZS&3w`23NACXLu&kV9FB&=MTNH-=Ms=hlVKS6z zM!-^~ATCJ<@_4hgQ0LzFa~ixb0oJCDf+1$x z;cA2hts7&&CAQ?_s6e3)_TO%txL=y?urcNf@;c#pT`+`i>=(s(MYC0xjM2U)9GeFl zpp4r9(x7`2+rIbU_pae=W%VI)_hbQeTcm^X=PrT!#wmD8ZaSB?oX1<_2husGmXaEm zVuw9}hXh8n1i$(2@YNLyufUsQ$zYZ)V#7>g*nB5Vmg)Tj_D-{7m5oYJpMtaP%)5P_;OW52yTr zx$hKdg`g#0l5T^r5MQQI8^x23_J|869;RXXdFZjZL#!X>O^5FvMQ5vdgYT$N=6~*R z+5ApD?qlZ2KB=$4E|+E~90=sTWi}d3cVzn|RMBS9UcTh?YLNUH0$Lt-NWb}KSQtjx zY||2QEO8eoDfYtaSKDd+TzQ&oZN>*pNXBX#5sx_@gWt79^zMr*&|h;HxKa%UG|UtI zIqAfQ4;arr8EE4$I)WHasKjSKRPlV#CGpZE8T5~if{t^Fv^J^};{2rf(^aR5(miR~ z>DLWsO~%0X{zKR|Utp6THG$^Bm6-0if`6>!xc1fyl>C=1SdGR*sA(*o-FOLKc}1Xh zbT%1wp&#YV*Wj|IBJsUzEoA4!4)RJ$ir?G16^5G&EdK3&_)Rrl9AB)5KJGif<-a%* z8#n{HQ=DkV$#&usuoCn3Qz$Nq#H#3Z@ZriFxOq^Hjz4e?1uy}T$k0Y_<8pZV>@7r1 zHDgD&C{gJ--=W%}5rh3FkQc}O@ys|=NR4m@72kvSqCpcs=A<)i)4_cEkS#1|&^q$t z>;_T)>=WXzdadBTZa?nu7$zRR;~CTXybC1DnEjUpuw2Rd<;Y$y13&yC;6IYv(iJ4MMOo2klKJsRUV5iZIu z;e(9Df|qhG_<5VsS+{PZ&*D6RzbWLDYM$ZFjEVTg%ngDjKM|jQI365{h}Au{q4J-+ z@Ibp8T;EwBR!+JDy00ftmvQZELYNM%vDSk$>;1g4`!wD=Hi#>ZNQLoR?mE62FV-Dg`N>La2NbiQl|P`ZJjr6 zXqXIVHe7~z2FKy~cQLjtTf{cx9>v0JEna-Lhwc4OV1wp95L*tq33S{Zp)1gk?m2y& ztoOeJpgs_PPt9Rtmx*xtHA|8u*(DBd*$LF=7~Rm(j&?r>Qk%>rLI!3qd|2p1_e$=- zl^^HA!(=(^O`J$|H!Q&W)kR|KUvUt>q(!9FAov{0++l0LE20*4pG5prhv<*W^j43c z|Erht8W}@spBRiDk>6qU_*8UbRq!;miJa}zrCMeSXv%?+xIM=l2RT?!HSK<^ES1AJ zR|_JVK7zJ?HldqZTS?!_9B3Ag#%r(oF<@x1FtZ&3CC_~*|KSiy&m0G)yW?@zi5S@Y zQ<^qU58?9VlIU@_1j(4y=2cLMRN4A zMZVBA_lrH!sRF5GUQ8?692S@8;?TfY@%f0URK4Uf%NJ>pjdSH-H%4Ic5=jW(8YOm} zq{kW@0^oN2Z_!8lZCE8`Om_zUgK^3y!T3=)hxDuL+e1V0&9O<~0nWqWj^n`Q_EXIL zGe|rj$PQb4#&Dy6EpQ~%fv<%vm@6Sx)W!I+mq7kXV~d0E7+@p!|C!hyHWMRRXiY@1DykH;f`(`RQ$aJMo*f> zQL#2;-i#TLb8w(2QCr|!2#nItJwy3jNuh5sVj@npQ^A#EbMb+Yjn_DAkF_Xd=L~#B zJx;NZAF%@!iu++qzY-rTvc-)b)wyon4s?5T0hhH6r!EBsxXoIf`%bA6?Vqd0ch9|y z_qeGiBi#8{jLE zCOY1u;nbTJd{*X0%7%?&Z+^6cVaG0LbIe0|9etAbY7*}D@ZvfWnOGgY7d4;{ZhhO1 z`NExN(zcP9(0c^WxSPWhMNi^pe-CBPOVWi0g?!KVKjJ5@_WWn1DXr7er`PPL*ie|~ zcV;M~<xe@(gW)H(up5vmz8d%gON88soV5IO>VeJH)%Q{KW zzapY`B@GW*dg0+kF66`%!Pnt2*Ku8}3XRq&fQrwT*oo*Gk{o5mhuI9r?mT7Ksh9=6 z+g^h5NjI<@y_Rn|AmnsbH=(ZL2yQwmoD@F34HFit6IX|w*yMc<;F<|rvQF?RykpQ) zRR!}mC7_X_F5kMp!EyHLSGaiRS#r|TgBm^mCH^6C9d_YC{BM|KnMKwo(KEX<=$H=eot6DOX31FgGdNqxp73LOv0Cab^1(Q&@0 zWt}UiHuu2XAsd<8lxFNaDd-}_&E$=Fv$)Yv=4q=&M3eiX_*(x3;3sI0%icd^FBUt& zkL`ycOs>SSvS$o@+Bu%5k8=W}iT7AY$p!H@jab}p1aL=h2pkHh(0EUk9jvpVi56ls zx}J^?gOlOW-dWu9k{jNgoQxZ6LrJ@zI!b)3618^y#`XUs$nLyn*t7LFXf!+%O$}6o zSEKXDy}if4{^Cyjl$8o!=PASd4^j|bD(HkMp?pisSvJ5wmkoZpicf1#CE?Z;P%S0& zut_Drh4&j!{N_IxaMqHBzy;AWy&+WgiYL(DH_^VJ8s6+Z2^!Wi*y|PtZ)6CYmGWBL zGr1C`-`m8J9Y)Ym;nwt8lnXj9u!T<-y+y7;I;j7m0$wZ!K6h$}s3Bkw*Ihk?dI)=t zUISS=tS^{E1b+ri6hl+QUkGrIBk}i4;O=*0dZqL~Si7o@{2e!vN71`@wAPC){1L&r zQpfVtO)cc;x`(jECm7wX8pGa@5q$OTK=JB8bGm)dUsn51hEK}AMN)QjlY8Ae;bdGm zNo-v&ew1L!8U?@MoB?U@dE|C}`9%*-o8OMt*Cv$pbR6Jkb1%UrBXvG+=_WY!@-lu1 ztV8(kEOGl!hF2(^f`+*BoLL=5Ig3r~blo(x^bov$hefbRG!kZIcQKcV+PqsSiKVWy z!3C+m$SdFL%)fRfTxdN>3O?xJ1i{yo-mC!`NlMg0;QQFGcmjWYQ*g!&6;?mY5l8qx z!kHHp=*1ZuSy7oCU!)mAC&_h-e*emYKDiKHXWI>RIsd`!0e!@A;zT?(D+#>vLqH)o z2KLBoR7Ee&aPfb@@uazbn7XO=^HgCi~!J#~EiVZdVI+DA#%%Jkjgcd&@ zFRn3PPi7sM&#Lw2p|Lv?_851{>>>w|CZ9^kv7d@F$};hH_bB?-mw`pRywFRjN~eVp zx}fMjh)Vae)k3c0^9W-&t|<6SB;T`+{9GcfCUh8A#M55OS@2~_CEU*wn6nzP6ypj} z-}f<^6#hWxoaJEmK#JQqaJYE;JT%@H@=>Q`vGT}F{?{V__qK#nufq?>j;{$gZ?_1N z%I!csB3Qtc9l;u%0y1J(B-Vcr7y`o^aPgL-SZZ{HoJ&juKaXg(PdS+PSZdLWosHz! zLJ7V&FNE#ztii^&gZPpoW-v8H5$89G`1pY;q-NV-^mNdKu|tN^U9DR{TB8M)%`Io| zoz{@J(V>`G{T4iaxzUSiW>k8*G7nI@h>_mXJUv7OMWyYe^4&=`^2uisbYG7%MGgn` z5`?Y|dmO7YNjy32ES?hm1ht5#Xe50Hf4D7i^xFPS4BfS)P2wHoZ&9VwKMFqMExBw_ z_YLgnO2G0+eZ1_ok0Kv$T_VGt$da7g+3;P; zof)njfX}WhVQ!B@$V8h%pqF6_9sCPOO}B)k)4EjQ&vU%CMV_CqoV){zaF&S0QX z0vZ;rqGctXP`^p=2N@Eac+rKPcqmJM?o{UKc4tJ@k^-OW=R;;(905DKE6CI3p-^k( z!5ih~z=w{(aCB}hew?rhalHEt<`AwPS9a@-60!P&p^|JR?OdM#uiKx^14;|nD^ftRBZXcSGfNn-!oTp zwF#d5XyGmvZ0v=tW8GkTY&cuc=q8p(GvT+M?IB^yeh^*fJRG?v6;6A&@>;1rc6Qz` zu-}m(?ppB(d>=Fsm)v7)k1WS4UnE%V{xy94!%{NlVG#3KevnqKK7smPUs;{O*YtU5+Q*-okv{V3eHZ3(>iCSpT>m z2Hof(o$MgbcJGBK_oq0jsSGB+2mpmikH8i}ai-KQ-0(XTD+`Qy^xglk$bAb+6nlfV z?I2!!VIw}v87lOrp22*dHc)w=DJmKVFlLGo9dJmR`u}wkd@1jsL(xclq{|Tv-@XS4 z(Ba?qe1PdWXSn=rOR8>FfSwaVSy$9yG`@HO_eM+doz*rl<`2nxB3;_T6_-XPS&9@ zDOW+lpa&I3h0t3+#JD~}Q{3&rNL{1?9t#uZwe%=!d1%CuB z+zam5M_S~2n5N21`bX9c-i?f;Zkexe%qe4feWDh8dfN&DL5mUb}*VzYZFy{S}`7Uo!j0Y*=C|%l-W9 z>Fq)p+Todta~lt%+|o*ND&!CzAMFokpZap?W;c4l^)xJ)XauvsfuFn41jTnc;G@}R z;yUOmOu4Dcb-!*U?HzAnCE3vU~yU(&u&TK)VWSmai0+p^B>MYpsKs8&3$G&cwQGae?G(I=bRfGU z3|+S0XO%-wKyh;wo@qXY?$?jN=O1OF*2)JEAa_+1_t6-dq6U&y;aPRAPsEQBepr?E z601g4F`uDYcu4Tdj){?^npeD-i@BgBzxhB!No#Ogk_}HX$!4j44}fp{1*Uo;7)Lcu zqmtL2i+_%@5WE}O{MOFd=)kr4>EpRj?l*(3UwjDjg`7hC`m5}i&~rR7L56M-_?U7E zGa-589_;#U2m`Edv+KA0;Q{Z(@upXCSXM0tKh%XaLoE5Oz25Nifh5n2>&2#LLY8vc z6#g>!Av9c5gvR)teCg*l@bw%H+q+yKqSBR023gTF`e(8ETp+Hs`G{Mz50S@mgZYgw zp%5_Aoo_v`8ZJ3LLY?)8*cC|`dMxEP7Uf9rJ^NI6gU>gI%wP6&#y1__Cor_wh@mva5-@Q*S)Z@NFM{h-Fa zok*t&D=%SqVLq<f5w3JJ0^=$qU6Qy_G2Mrp)m6_&18NT=J40&|6q}4E5Y4sAY#21?kOl`Guz_u zk?Saa>`6V@t8s?wwaZ}P!mmR9X_#oF?iZNTe-^%)Z4k+i)q}}ZJ0b087~D)=1>1V_ z*r3<*>82_@zHPrBy4R%R8Ix>yyk{)`ST>w*8{0-Ej~2Q|vNF+4I-AKm4}qvbi@5ll zH8=;RaA(6RTyiu4?mgRy?~fWV=Z5iQzt=tX`Gz&sarlKli=9ZGp(-D7;ThSaej9r{ zlnF|FMqkxS@WuWLE`KT9kuwg$r}|~Yd%HQk7q&p)uX?}>or5^SBo)6$3H`7dUocd@ z05umG(zHpd(7~^aTJzX3XFgV zd>p2P_DWVz_uw4-+gZxicL@8xgb!FZEfr?&d4@r~R%Fcn2M)&P{opJ(&;{M!*(vAK zjxIq`w58Pv0_$?&{q1)4@6RY6eR7PzJL!M|?@m~P(mZ_eeb5P+NB!r<2);dK-15^H zUT(PvSwer7=Wk!GlQfgx#Y}QsLzn*Txdi%s!!WRZ1YNx@7S;@m$C?)kTun5O@0jow zrcQI>(`Q|UzCm(SlU>G{!ZX)hV8N4e$D(Y&T)K0!6-~8fBqB_Tu6Zroqjy)~g*FL6 zXIX{uGWxu5Q#xv{*XGL|Ga%fLL*{@Wkk2R+EzX|I4^QnTy(`u6qns~3c>I*L57B|Y zQjsV<_W{gq+kz$sow@I-TDHUVAd8n-D(pj5aoV9oI5hsPSTgxB_RmRW_Xg{*PCI=Z z(EACp6CS~X&%w)&1tPl)E64_IyghR(?+-cz%;pEQXXN0#c6n5~ zcAPl8wT7y&7ck!}-g;swgy=62 z-O=;lp4-M?$;qEAtNbC3b5267O>1$}+X%9%S&{~PzX2I(XHQvcb-iVjcA++`n5B0;5=_wSF{#KmK?#pbS>Df`boU{X+MbX9Rk(CTi`;3 z9K2a^4oj59m?v`%hIlY6w48)Tq`O2X2aSNt7Y5|}+7wusqsx^;dtmb$C2p6rmJUq4 zfO`!J9H(v`#9z9UqW9Hw!fLLg_Zw5{8a0?7S#b|m+^&St{$n9#(qnX0$-#pQw7F5e zBpuP$%N+k`(}W#0aPfFFDX)GkYMwBnzGwq37E8 zGmDCS1+}(TR9#YojlD7wU(TG5`#!%CH3`|ej?OV4zho(4}Zep)Y z4QN4^A!tt>LzA4$AbMgVOwY9B!`udPScbjKhuzl`O7r z9scf>g4vITva3{%_N)CMMG7C7^>GVSxU`paH7KI}eLOJ#|Xx-c(bPum%A)B?a<+mZ~ zA3&)8q{%$ILZEfeXfP2N<2!of;J&I3es7cJ5B&;(S(Y=cvKsK)x*De4(xhiTOoCw+ zk-X#KQo1xsxNGEp1nFl{ST&E}1&fK`@y3wbJP3txQ;y*ipV3^+x3hHKglrO4qs}*1 z1d**Wld<{NGdSAV2K|q_@t>|WotiQdv{JUf28DC9U1JucnjgZ%_9gpbEO}p2#Z9-3L^{fwQzrv0b{l5k}y71!m9+4o6xOx<#bI^_v0-%(ol^|NK5GOuR<2-2Xem3HAk7Qp`k>lu7QcM25V}Xm z(nE>U@tLOy_>3#TA*Zq+PirXH-Wtr$IzJ-ru8xr3F7S&VM{xTuJ?ymLmOq@f z&=TGA661?qse<2l2X1gZiv#ICn7d>p_U=&U=Y|%;s5^V$LBjxS6J|n%ut8K?y^ra> zwZoF60PZBM%_YWs#XF8?V3n*6?Gv;q9Jocib^3igIpZH5E)AhI5eevJ`iZIE_{Uya z+QO5xDcEdmKx5l2;E>`UJau*yFPT&eWu6-R-mWHCYqA%kKTYJP42sE}^-4U)x*aY{ zRfyIXx$}SVS77iIHNLYZo;*x5q;{8@;fZ>h;E72T?L8rb-xHHbL(M@_w8s_VclTr7 z`e-On`+*k4W3cLc3Y=?>ATLkr^Sy%3bN%QavNAISE-$>o92*Wfew$H3#LLv6>7$z{ zM#%iQcdKyc;&bfd@hZ^xDM!EWR72-6JK&wgNGP!JhASOykdPvr8`)~1S5M&I%V@HF z29IIN4_#5=gp;BP)otjr#0PzvhM-G?1zt^-sxd?rUi0nRD2A zsRgwHN7MOIVJLBW12pYkk2~fR6BlP|4msyxb*4MkmrO-p`z08oCW&4%)}Zof9cYdo zLiyb@u$2nzbWpLuaHi=q$sGyBV14m5x zLQLlQ!;GB+u|>Wd9WHa$KWQwV`fV+333o@Y|Ng*;^p|iWITwTH2%hw|SpLzl0o8q5 z%ClE4^-mMAKW?b#wn8oGh#ktqgpP{y1}}&xM;cDfEF*Jd=HOMO z`M7e3JdQhb3S#HIAn(+NLcH2yGHKxe{&3+%?9kPKjr%k(%vk7}2oX9ow{F0XC+lHA z^cu*G8bJHahoH&drMzULJa5}D2jd%CvEAb-?nyL;MP^;ZPFR7PADt?y4%`U8Z%qPU zndQ{UUYnSI?Z8pne9_6xi0{gg=azaG*=5&1?2UvOgum@Yg)57A-U1hFS{lz%tKYKI z)RsCAjDlFpZ8-j|8hs!92%prh1U>x{Fny!PzwR3e&y><|$c%6ZeHAQHJT17CoC`^Q zh%NEUO~TW|2Xp@%C7$3B1?jI6NXf1kn6`gEk=S<2arp1g;(tA3BWQu>K_%B%_JRfisb;L*T>$cqtqr*sW{amueuLjg}&%k5t z6%g!{2ld%KaQWy;LF3E7n#C&A%Krnb*fNkmFg$^2pXV|k*{Q-E!W1J@Vo>hRFAVR~ z;g)TQ`1(c`R^JIHts+(NM3~1rFO9={`?}c)qjqF^G2roXDE`@B%gU{sY0yMZuHTZ& zQtQu=kfz~+)^L{vZq?ulUCC^}QW5@eItG^_kVzOM!jM%fS?FpTLE8aZdn6TBKe8eJ zj+^pnLXIPJZyH8VI7@1mYVd@~V?`SUHct9bH+=LPNqtv0EZU|@r<7=sxT%I%ogw(_ zw9MgD&U*MZ+LDJpY$W==NyMcjNA%mq4JUi8!zVVMA?;uVjB~f5qD%$qSo;n`Cf0-B zDk1Cj^ejA$Hb=Lr$Lwm_7E$?8=4jEdA1d?1WMvPTs5swhIlYPox1vDyOlW_Da_EJ5yvH z^O<}Onu5O*WO=H}X!`W#Fs>aXL+|byNEbdaM3w#?+&Hq9Jy#EM=(}T9M)ef=iLc81 z=)w$<#QQjL`OM)o{>oWVyV4-;5I9|IQ>D($ikzwW7~`_;L{HRf`-j1{73lvW4Vuk9 z3I4RrSm?X~R(s^JYS#gDhIJXtQP{%s))tTs+sAC%vY`+dWDjq*)eHWF%V_ze5_jp0 z5pvH@nAjqTIRqH;hgMG^-cb)9&DN*-+U-PXi2eBxnRqhEhY<~?*vR()sUxTnqS%*Z-sRrfUw)C`2Hn_XU&||Zix?Ej*Y~tjhfWEMiNh}8_|7dBSn6zYBA0{29(2&k=j`!`Pd)pK()FO$JHs2 z(p~;oIxiI7)P;aW&vVort;#j*CV=Ma&mfiGkFV-l*~qwH%(}XiS%sP6Egegs3)Sd} zB?+)ZWd)Xe31PSIUqyqMAw5U7^#Mg&qf)dWez-7N^&lBF?V}%<>@mDTGAZJ|? zbS*2zyhu0Ep$u1ebnPIXe`<-n`PTfSf+QXbnIO9TzyOA|z98Z``t(EXDZDdWllh<2 z6Uz=hh93X=L3fTTDw~!IbLe^^U7%K`r!j{AQ%S@79|v&9xmqBOyn;zKGqG{#a6bA) zFRPa?Wn#}Nw4ByLPNwN#_R7EL5v2<9-ho8P`W!piZHs3d`pag`hzEONPkLm}d0bkq zOs{S)5FdMQ%iC@Y!%x-=ad`SOva$9hZ0NP3QZ0pe?1Bc3tn-+P;xnKpnZ*>Q_L3pGQe?~IZJ;#jInLT% z$P!6F|b|dlxJ+?`r0`v}3Tr;qY zEPfUQYi}-NCabl$`RPP3dSw8Q`Xcdv6rG1Z)$bd|$=)NGEh;k+AYp zFd}*VaO!lQq;?d`uQPK4!uDG$Etvxs&%=UaFn^SLztAw1Jao1Zx%NJ&V z4J*<6!AVd%uSf06lzGRt6KrN+dDCc=)Iv#dGm1MCgafoXq)ySX@;3{~1k@)G1R zxr_z+VM&%$bD1<;z>dr8|?M zSZ^a)`Q;>;U7!nl4Nd9INxx9L&VfGcmZar{CNx#xkS4|%(xMsGY}?{V^oIFLs2=wU z!X@HC`=Ty3KNMI^+QyiF@)`st=|E$0~nzg?EzxNA;VZ~F|XHBaGPc8OSz`SQ@+@_Y_2 z5zT+64sd@5bFO}iF0Z~|ROUvKVx11D#_LMw2{UxWa~oJRLk)~<4`I%yv&_eL5>?JP z$!_JXAumJq_`uf=%qirc_{)YkeBm!Jvg&j&FJwG9Dfr$GUX!Cj2Lpb0%O(Ni)*u|1 zNeVUZlf|dCMC&qSVV=@^R2cCU&&ueKTgwBOTvdi}pIQe`UE1;WIVry7SqT(9`NI5G zWRV<+tz^B-etvwt5jRiXO+H8!ftUAh?9fB#I{!cvy-^LPwiuC7!X90kXiaao#ET22 zGwjr};ZuBWVqe94uE*G53Otr@0gn3~ z5l?PVCI=p7iDLqj;70jz&>8DW{ig~2ZBCxBd7w62Yd?VgXYOP9+aQ>47mGjh{J3*z zgJ?Mjv+~e`aA58>xT9~(723w~ZY4eHY8i-!Wu3AAKT1zut|%)Xc@^FyDMOU8bJ?Tj zKR8WcJ9%OiLN?pWaJSln@N9B1%6@qYncuc?(I;K($qB{yV~g48H$QRqmMW$QU)Yah zrRd+RAlfE-j#p44aof++D1{QV@a0#L+3a{SDB=neOV5B53m<+b=LC^RmB%$gp6%}1 z7fvIMvmkRxF_w1EWC4;(#3i>g|am-EeGd-E3l`D&{;Co2oJ!JW5xZK1!` zbmA_ba@_Cp9S#@NlhL8uNaE%t{E9@KXvDr^7%fCZxNXSn`lOpd{wc*w^QhN znZ)zDhEeC7oqYX-UGVo9rP5w<_|$z37CNls$=jv*t8J60jQ&;VUGtFb94t+59^1n< zZ8YWM+T!ukwArZVdkNneZs%zaS8y$9DNZMyMdh%kAeU##M#TB@*Pe1z>qRQza)&V{ z(}&IYqs8}`hqJ7}adg@L=dZ4VJn!!i+O__msAjc3z)};saFjl6*l_?$_Rht=W&H>z z0{Dz+Rb*3mCx{)V(%c_U&;py#WWgf7H}oI&78l{W|3=ZohlFh#dxBfuXomcsx$wgC zEpg1!CR;CP@|Sm%1g*6VBjX11*E4(s(_9!PEEBjH84@t@b^s(y2mX0{2YIN|LEap# zWABacfyyg&UUy^|HH0&4-r75&q@MAteNHcaH47&_0ga&e>NH5{N&(lJDC)hT1GkUN zAlJGJ$n-QuLOfL<_lF0J?lU824KLuF@e%-r)|jqoz@@`pL$$vQ4m}$q_)pql-_RlO zxm^K9eDFe*w<0{YPo4%&osKCb=S8tGlJwuTE!esAiP)v*IGnj2C+^&m1wXx2`8cT% z;+M7wZk0q}U#dHP&1}HRor%yfbR|aJA1Ux+x9}}S9*~v11oGeX605jhI8t7T&pEbU zP`PdCU7{FZ9IV41#iVZRq5yzA}|}}h0f<)6S(SYU+SQnh1<_KL-*t9G-32}qP9S; z#C=*U{ejClbXic9jmFT@#@dm<~O^XHYAr9r$?vFSd05AF=1HGx+V8 zF`YQ`F6g*~L#nwXjmwe$fBv3@aYG)F+Q%L&l;E=uPNP!xIz0cAG@bXQ9v66zpz+b_ z+)QB3{oFT~9`e-SM*rQyx+;A%FPcJ=ZxL1}m5pOgC}HHC4ZOBIg;ah?LySwseQtzb zD_epskx#KQVIXXZkf2@T(!}2rv|x+lS*X05FCHAbhlVQ*g)>R2cuVdpyPBB|v92Xp zELNu%4n5$)!a^m~Cv$_$axlo8huVS{c-E3AzH^B(7#%Gmiv+$yWz+(kBV$Qt2rSAJ}7 z#+7hu-wqgYtOV2~wAsaxV%p((OUM+T68Be!W8?R$WI;zO`!-jOh9CY+egs|y=QZ)- z*f9#!kQ};}aq=upe7%u<3YkVXs~JPLY#crP_z2T^9135B{J6^-DM}OES!IJah`+4? zv7n3o+qaqzEbnDM{t0`XkVB~(v5Pv684Q81C(v)`OC}nL`1##Actm#w&APasPhWb7 z7XKnt*H)J6{c>m80!!=qmL<<-dB>35u3tk_eI=h zs3+aO-w*OdOX)y|GCW%=3y#8f^U^pC=9XL$cWTY2$7`Yh-=yP}7ZeoN+d{*qyWkO8 zgg-OSkjkwQ;@>j)Y{T{~d{}clyyzc6C;rmrZ3C>}pLH+jf0m}_4-Vwd4@&VAKV8~W z9?UOT?1ie|eMIAZHPrS0#%Fy-+^y>=$Y!QM%r--?-E;}=WAbfmOxR1LgF`TL>pm{O^8`%Lutw*3E}$MZ zmqvUkfaBK-(0Q^n{gM>!R1`0UCs*%7@$mUnqF3PK_OEd2w4g8|Q=LZa9YzQC2|a$d z27uaDecH1k6372X_?y!*baZtmv1O60vdNOzPdEyT-Y1}~RzHO4UB$C&M(`9(4Zie} z1vn-@hcM4HtTw&?n_C#M+%O$)=sX}_E)L+K(ZM|Z?hO*#tw{A6CqU-xb)@r;0X34J zjjMe%$S?bKJd%&(f0r-g>BNTKM@_oOeGC_?c96bpqlBBxDjcv<=p&E3h3VV7$(5iL zWZ}bp(V=&rS-t57cBuVOsjjv*4}AO-op1ovo;r>1PF+HWNDBRRx9%ajjTa|$nDOK{ z)-XNnH>k?Qa;0V|S}i*jXF9!w^b#|A?uaU#TYd#fHW;IdS~r{hDwo`uIFc*<$%Dod zkI`hn0eF7<5sN;o2(G7G>F1x#!fU09XuCWA>{|&V`9d1-{WONX^&|bQXU1=RZw-=9 zWa%+=3!0Yi#B`=TVS9HSrmqA|rSW13iAhkRL-O81`?>LSirZ*>JNzf|u_n%3rD{n?ISb#M-AY_F5@hu14t$r$83J z`Ub>y#!=a+)9A86H}LG=8qxCOnb;dTnabTx056pakoQldaY0Ia?vh6F4s#b2AE=~P z&1Z7O6oGBL;3zFl{fBF;bC~I6GgKJR2D8+Q*slf+8oS}C&?(%6N%}`|{LM?yD`W`w z_GCg+kRN@mQ%ELiD)E|iH(8sEK7IJjj7}@N3Y!OSpj}5x(b_&7Ej)hV@ah?O(&!BQ zg%AvTzX#7R*ubmjZl-qQbD7hMIt*7D%*!phm_q4EHcBrLK>i7^uZSQGd{v?sNPb)_rwEqnK%MOZ65@&5zk z^K_}v(ihmdd;=fm--n4!8+go>Bdqa648;9#;!DRAl5_9_C)A1IX2CJY^QvM#dzFY} zb_-5kqR%U)E+G4wk1})pLlEh!28yY9SfhUp3&I8ep1!~>o*M-J$ybbTYKUY1&I=vV z%@#DKsuiv+X%hE^UJ)tJ9RlfZb-*a~r;}%C9PF+i#^3*tgVFzVc-89!cznwqws;A> zoFNK)yQ(g?`+OFk4-tvq&;KAQu6u+A{#j5kI~#_dosaff*GcNd`!M%)GQRcE!iIhB zV5>Ho#f253R%IyEAFG8q&Mtgz#U;THEX8ah6zQ_wAp9Zd$#*8cBsFXG*!1mX?AKa< zJ}u@bU;Ie{9Hxh}TQMF?V|WzgxaHt@&7a`fnu)J`+Qo~`Ix^dB7uniZ=ZUU;G+QN| zPRd@KCFmAiwmas9Q$zYqe74My^ZUkR)3WjW-p9eLT9kUdnx|9^p?mpJ(B9XoB~ncWGoP^gFdu_*}G=*Z0Ec9 z;7W@~J5_~uA5psMwU z^;VQ&#PL=#V~OA|30EX$e-7ax$&)NM@d{Me6u^T(IXcQd4F~J{u(UO2V9mmQk@Dr8 zB>r+DX^#Gl7VeIG4YB11s1>hmFrcnSenSC!0TGis;o1lZTv|McN^g_~-NsyWjd#F= zwqGPPXe={K6K<~j1DYN1Lof9zl-g_$0~Zd&-9rcAn4oV0cj_@*j7SunXky~5O^RT3 z^(wnwBM&($mqoWnN8oHxin!5JpCmk74`1}A&^K3HVBUu;A`?YfW!`EW>?sF6%iOT! z+EKW7+ZVn+xB)-rY+UaQCJ((Kk zn$l9!V!#(N%w)uIESWV9#vHV!o|6$~mDq`29*9S62_Nbgum>7fJ|P*A>U`18QqlQe z3fMAr3Fs}8z?Xj&sFC4dQBC(F{I6ms3|l;e$12J2+V^A0S@{qcJJ1fu4JlrBtPlpr zr{R)HS89D=G=2?R4;Ot7;g&RM`uVH6xTh)xlO}n>JZFIkx#%dX%q_rC*QTQSu=luq zt1;&Xmy5>iy9*6^lH&P(nOJlv6B-Atfii6oSKcvK^x~ba(08-}7rio}*!N1DowEmR z7Dd3vX9ch~$`)R$OY%(BGgxUYczZpEqPx@%&^my)V^Sy{b8JAFQHQX&Ef=+7j$rAp zAEY#L;U)0{IT6>y4Fc1%Z9-L^C`T0 zW+v1)Z^HGuVYq*R2F}=Lgd?R~xUa7S*b6!Tm_?U}>eENSrCp(@!T_IT3;g5HMznUP zCa>nkJiNP`T~9uZ50`Ccb*}s1zkA6zp{7OLa?c8sJdODXlML41G#(Xq3Cz#76Kv|x zc$#>@k>7B=3w5gfFi5!9HXUgsRa5~APlQmPh+?qWSjPTtHDDFN1h0MdhR4;j`6G>a z(5!zLdJRwDaJ&J7O-In$_WK}_dKH6>^5DhQ=Zx2GphxxA^M^5-m^;&fuXE+BZC(Z= z=Z4TU)g#c_{uc%vJPobYC!tS1jC5|WqVs!`;XrZ?*?M9+dKL>hW%E}MoV_scm=z@4 z*X3_V?*a20pGc~wETt!AVatmdw0h+!@@MEhRN8wK4_Iu+#Xg2Yen?=TISdkXXA2H~ zeysD}Kin{6m^g`FDBC|Xo{ZbK8s)5d;a{yDz5HB*cifsMo}96VoXA-MbM`8LXV)Oi zT7~S+;B+Cg=ZzcHJ5W(E24}_Jgzr~v@m{#VR-2>AHLva?RW1`S`IHua^{E7gj`;#9 ziB|k<>qREtXHKrxj-*X4GpO6VKR7(^92uKmP3q+%@V z7h}phzOMm;v>24y7>BNQ!>MYwHMh(TK!dsaNlD*$OfM0#T0afZCAk=y&g)^v?pV}& zx`nK^KL|G;9T87zD`a!etb!Y9+Wgb{Y4q!uHSp-T7S`^n76tv&YK)+RMCGE7i#>VAxxqXv^F98qK7noTeBt+)5-5<+6FNzy zpk=WN?T8a{LHpj785&5?;3`?RvMK@}Ot9n&=bF*@lNn%h@jW^E$R8&5A4S!}QeYHz z5<7y`QQW1>|KkIhuSa;9jOryY9(6De&Wtz)bV4Fwp54Ch24eeE>@I)W%a7x$`i4{-g<33L0-*>lM)qy$DbiH05+j zDVn9%jf4KpSX>YI30>LTj$SmG8N z39_s9U{L!`!4GPOo_}g_Q(Qf|@sFs_-{T9%WK@=Xfq%l{dBFY%(WI=)!p^iA4z3G? zj|(bL{^c)d@g2cG)Tfg0nmoAFFqj%IIt$fX&y%JuPdL*V!g`8y;LzgLXt}TjlYXVM zq0SS~{n9>YkGTX!szY#T#{gVeq{<(yPDg{A56H%;F-)Njp!7)s`!8fF)zl~eeJLsU zW9!c*It@n2?q4uq<7DwUO%9t^=Q-y3l(2(W#n7C8g2k8{fj4YLKdCHeuoJQa1NCXS zX&Uo8nuRh-W3YD48No~U7L~pfvgO_Bpjh0FQGvmvePSi%%vZtwV0V^1ax8see+c9S z=GT0~C>)=1UF`m*TQpBcm;U{!Mi&oq#M?Pmv`>FHU&i$4v9=+kp{$c^5@(@@mLuxE zC<60gPeIRL5hYLguavD+f|sdya84Vx#;ek z-MFwj2~H{9!1K@Mv0a;#__vJbQ0XPZWUuam;(>?u>Py5KyT))oT^nqfE5p=w zpC;?wr9q;(nB|_H0guKD-Gpm4lRP;)xN}OKZul|}$Cuv2lku+bW%xjpZmbqvD^jNx zSM2ebtpP9Xe&F<7<{TCZpG9h=A)Td~hk@Hqu_5DBu+S_HZ|@q1$5n0Fzi2Dox4wy$ z4pe}1ueI2E-C~&VH4IL*#DV?v609y?C-&QN5oWAYBo$sqe4|aTj7h#E{)2ZIc z)$onb%@KnmvP0RMX{NB)`S&%lz<_U?r_VoR4dUYuI$(MCepaFR3W}6XXnf-Va6BXQ zLY|MOY2${I!`^A|YuPn8l~w?!dXhyGex<-yZzC+1pUfM?ub_4M9Q=`e6O^0&5o#SJ zdi-5rPV#*?yY196szeMf6BHi$H zFJI)`4570;VCtQF#2jbg%??dEW^*DwI&>V&yMtix>^t~Tb0$W(q>5^vN%8?>?~w=6 zZ&`L|2;BD8V9$#GKxb-^U+;&jC){e5k+>=$}+QTWLw;KzwOYbhMG#pIE9@3;zHyaRNujvfO^P|v4T%Oodpi750;WbBkxC~r2NpHg^D+Kd!XCl*SL2Kn(Vb=olX!71`%iY$33d5Rpjn+o5zo#d^8 zZUuIK!F%6D=->Vq&6i(AXW5gu;dDG4(w#*#vmBgc{Zq@_S{IvZndMQ?j9I!3R z9sY*&L0ye6?Ykn}R0e%S7b#~9R4YVLRuN1doPdkHzTsz~t3dn4cc(bhm8@LgI6QVZ zgaK{eAoZg*{or{7KG})I1;0gj-mRTTn|e^)4q?8K(-1lqZsOk>eb~@Z4+cxh(62HJ zJAT>-UApD$CyazG5?QQ&_Eh|oKMeA|%D|wWT+$;m9X+aFFv%uAa47Rbm-Hi~`{W4T zKj{&;KIw;rk}FW(H3|-@2>HwHze!Mkm$+D9N?go;!Jawjh+J_o_4i@$`sy{bzG;fk4U;X_Ti+^6k zrdu!KYwo^6*}-MV1r6}X>RT9Zycc%4?1w?|TjA!aZ9L6Oo%S7>!+%`f&Ia5v=T9WV zSx&Wx&p-XNa%qAc$4z0nbmySm67LZMZ2WZ#5>O`{_MQKPU~dm3vrSQ8DwfLh*h_ zTi9Q04Cl4hvw*Gl@mBE$wsvz1Zu{OS_Ba|woc}K4qY_5Y($8~f%VdA?ZJkizJ*M!P zp*`eB_X+&*?i*{5UM!xrX%8a4?h|k=6g=1wSaKFA0-PSUdpI5dNG>SQJR&FD-sawI8nSTY3 z!WY=Qdpfb}y$4$Ji$TS_N<2bQ2G=|s4h6z~B-(Qt*~0(C8!i=z#-*LYRZSW2Do&bt z92&ys9NGs7fyY>^OCCh*uEPrV(~zY;jfbtdBCdP#7dFb(qIRz{yc}B(m6k^Q{+LEG zV$~u(=Ec~uqP`r|8CnIBJ9PMpO>?0y-jAqrtclP8N3tpiw|G z-e1~@o6FL1L;M_ZP^S*w@*Ti85m|h1EWyemg*?Q{Ef7+dim?Wtgg)Rz^wQ}P-#8vY zxKk1uj-h_@Wq2miBvMP3SGGU#LShXchFh z`eAnTL$UVf;WT$cJ8p}=3wG)r2%Y~x2*8ltCm(>x4lQm!B#K@LF`-NH*()^z1QEYC}gon>kz+%-N zHrr3g?`C{Jjin1AKK7f_LJ3)}t2q~qF6RLbe~e)PGjX)cI(VP-6h}@wgbwCQ&?r_4 z-A6==Qql#k;66t*PCbiO;}1F&r_9H&+O7CbKOXKYJSS13Wl6Nawp{2x5PyX&z@2LZ z9l25-8#ZN@W>j=RU&8}bDocWo9ziTw@F)K>)}h>0ole;_2N!6n;E|JWG0yWcD&O6O zUaHIBPy1Ay>g~l3oYNt5P4KARFk$9Zkhk9p=W>!*a>`yD z_NNywXWSRfF*n864ch$kfm5Xe&bVRWgl>5Av4%MA(S`ifm1u7-FYIp(xHv2x`IBI= zDESAR=%0ymT&|Lp7ZhmBO^(s~FACksxln4`30aY(ZYUhpxdt`cb=o%G46 zRO=8IndD)`Q%frUCmG}(KE|jdD@^oPriX=W)JV5xyco5UjV%#+au!yVS>Ea=ZH)}J zbPb^4{x?u#Y$;Q9{lO2~UJcsD*b=AD798V~;rRI@Lbrw@ zk4*^08EM@+@J!e zQa&v5ZiyimwhmzHms^S{kEDP4e!|9~+hNhQI=mgDgt6m$MAGL=@Tv4+H1aHB7CW|K zROoTYZaghsl+!|@4Thln{M|sTx5KpAs<=CRELg8kVUJ2ngiNR$$8Cl@Wx#kc|IP~N z%Bv&hBOSnfaU6C!2ZDM-H(QshMYl^f3cuw-(W*I7*r_N1`_#H&b*mF^*jnz?yR;sb ze(|6y-A*!x2b)m6S(+y{xqzqsAHgdh1FkDV@xHtl>Yj-q7hiuRhR;>$>BbIt?VCgF z8Z()@u@(1lJw^IY6rX-ajRSHr^!{dpqEO<2_uremZ8@$`H{HQxce&j0@JQ&~(#A@op1;a>d)3 z*1w;Im9wIe%?M$~hpr{DKOOijAt$~dwHfv~HjwRm8cBaBkYICXFiUO*8Ot{qvbGLI zYuYh&n*~0K7IMZz%Ai-`D!ZXokGZ22@fN=f71cg4ZO=%$ss6RNV3?thdpiM=D+lAz zz(?rNpfA39LJWD!8%6Pg-X2~q!X3K3Ab$N4uA3@R@ZQM-ijLv+c{Pw36OCyC-`v>v zEqI<)g4yI7+|sCmB^S+TqLCa^a8iYiW>s9+AV#}9S4^~6&p)0qgi{w>IVqIqF07Cp z{%<&Ol(gWUseJ-Zq7KIAe8EHh?}>5tY2h-{PAn(LVE1JO?p7Zx&YQCn*j{yNe_f59 z-|NBSCcG3kUTnZ|4TAm^T1DLVn&I#OIbw7DHDpXzh0&g$S?x4n_C`|l*}uo&qY;H0 zv+oUAqm~c7I`dJpb^wpxtIH;&mtezCYkVqy7@xJT;h#CBrZJQG z*r;H*rr<%XCuw2FyU&>MW54hbzDMIB32-Ow6Qp-JqQ{C2IBj<+RxwYWxK4`7Ci_!U zTXVknsUlU{9Yec)3*qz6AmP5LOIuDfLdoT;(7B9b*uBx1mfr*=8&^^N{CH^E6~_`z zorb`?1u%DDF8*5(%nzJR;*L*D*nG_x-aH~qH&z z9D5%|SEY-7#u?Gn&l^eD;bDB3M?br+BlNqf^x$Qq+hl{UH6QiyDtpwVgQ6$(V48da zy<#WvY4hH|&7xLjTX_#p9nhx-uQZ_3rq%Gc=OwuB3x?;Ru{`o+KHN211L*^QkpS&F za2#nze=om+hu#RU@vxTl4U*%23cp0W{tMj5Ql{mrT)EnQH6CvuunAL(h0X>gXg_p} z1P#$8p7a9`a1j`zK3a5z(=PJ#P5_(Q!o?ANQ5bw|43@{saHn5WSyx{$*6z`u;Y^?E zuhpg{nOWTOU>B4?d0B+kRDK~{na=lJ#k&^VgxlXkh}*+XEW#4vSSZHVe+QxEl4zKv zc^@@i92Q;c_k-vE6^ZW`Xp|+rE@G_?dP7kq;j5!dJe^t#abr(`pL?z?ghAFnLI zCF`T%%JG%LtW*IO$$x?T+6B9|=YX7344GP`jwf?XAf(5Ro>{*SlP}GI<2A8BvX8O8 zwA;XEgy5zz4PZSvfH&3Jf$_>K=xb1fHy>|DkxD2Z)joqQiqz#kUzgJe*La?i9|f&} znsj;G7uHXv^7wnT_+oQ1cQYD8Z9hIED(nMnb*=$+zF9PrS%5@IGSyK#NF&D(a4KAd zkzearVdKZL+K0y>xlW23K6;NAwlAk4(s|@!jUJac{|_}G1(grTaG8+T7@m6{G6Q1y z=dE#UU4I;vmk9xT-LInJFgL1Tv4dx4uA=LbA4ArwJ7xbx1aXBE&M+$0f|y@*#_-># zaEIc1?$@s(mNVIczkS+Ka@bR(qE^;pxd(IR2VXwNy6!PNO3H!Ow$$U4 z1?@1P`TV2xGCoasyqi8S$~?81(*(gvcm2+^?8{w+nsfu#HPduKG?YeHtO^ zTt0YJdXTxo^Rre)0wy;LeaAxPxRf~4BZrhZIj;f-gqwTkrdT{W=^)?jIfx$5jE1w$ zr5M!Ni^38Kak^=kzCsJW3H-NyOTo7pWW)z;+>gD9#xzHI2-UIa0N=`a#P_?PUpx;$ zmmU?WRrVT&%?T3t2X<`DW?$--rUrXGzY?>ZfD69~{)pCj*!Cw7E;o;)Gt8#Y#Q#E2 z^zH(&zqOdRd=>H%qw@JG1sizG-jHu5S8;jiX==MKxFlyp< zo;X7pt7X49sWrU@`wi#7?X?cxbT*|nl?#oE1!eh4KYsh*KNZ3RzU}?JOZj3`p}#(of}s@f&gbPP&3&N zy1`C(pwfo-6M{bXe!sOJFc68kSCRCR5I(i^t{v zCg)^cF(utO+{bD+j!CMeTi2R{!`attcSIV_X^*3h;zv+ie-|PieSx_6KurIcgJXnS z)Je7hPXU^897BMGbGR zTW*QBh_2i^()Icsoz!S1=+`6J-22INz`*@zzhMd%NzKNiX{W*B{uUfwas@vAQsd)K zJwm9j!DaTXWVFd(T=MrEynZV|4R-3%oGw!scgGkLIu}CnFgKX{R+AoWj;6J#W3X$8 zptl%*$0_GgN$Tk3H~&RbMl;SPP_?ET2dgdU5y^H{s5~2C-GM8PpD;Cj-4Vg>tT)}#VIH8&N^?fZW_*q zul0jd4wuA<-x656$s%UiaupLsIr4_8^;p?_k4>^lg0c;^sO7f>OTilrHYvfZi?;9~ z>?V1B!x=^!SBiJ0Yv7vw;r#K_Ntolb5JE3#!L>&(Szq-tQRhTWx}^cwf3GJ)Sabp0 zj(!7grni!IQycX6|0Y`MH(0zs=LJwtH)!_M=dWf9OvHaaMAf(ro2-`+g9Da)qNEaR z>b#ErCv{1#WGT*ABaii-ePA}L4cIw%I?Z8(*!Sin`luop6j}z56%M92=5!#LV)Ov4 z?Dt|-mjS(&ewQWLJcHI#S@5b>L`N6alJb`6@V%)9mm2(sHn&O4!eHx%@HbtL`_#GfoqH^(>#vbue9nWv zx)F>|>)VLrF@~A<^`P0?l^a?Oqx}mmp!H-IZg&0`N`_y=L}3Q4f4mxtUoJz9HQu6k zaYe8waW@UES;2GjR#KH)N?iGh9-iKxz@}y>Q|qS-=&3(CRjQ4+SxU51D+YG4`>NdL<&W1UMcVz8AmfB9kvp|hOn9EI`RYe+d{ zI6M%~8*9NnWbc6=tL{V1#WZxjIT0Q|T?G4Qv=aq)X*~LU0_Q5e=oi?4Zxxonr><}k zZ$AaFavIJoRQ-K+8sC0mtx`bt|lV@E25uuECORWw840^%5H$p#!kNo=1c{fyU{p z#X+T}RH4QMZn*4X&iBWIUF8+5P5Q{-Um$indy1yztcO)zhlxWe@Pj5XOa;{Ng6J0W zwsImbwzz@v;~iwnfYIFH#C}lkb;7N&vRvHBiSgIx@Xh!i4Bw zH$xlAO@{(@aH<&g2_C=?mx@5cJ&=x$g^- zipBu`W3~qDd6WrNg?lk&*<<+AxD;hB3!RwJ2E*aEYBK&7YK%3Sp(9JtY|Ck)c zb+pqdP>oOz17Ff2*+M#!-Y_SL3HWxM4`$CgL%!HwLo2VbeCR|iTE3|mpT)GoNn>T& zyhq?}2~7JvkDjtih1>CYUau%$S@7xz-OP(muZ6w8p0h*76Py(3aE^DEGF(0j-niI7 z+lF8`;*ubKzGgph8orOsOYB1r8zsT-v=XMB{|JM9FN0%|z>@nDgtPznz^>hgQTx*! zh~52^SZ7p1&ajcxocm!`>@P4Kn9i0Mxx;049)AX%K?gk-I&g^hT}#Aw60~?jzOWCw=ZZ1|Tgbsl()_XF0B&R#zzrVSqy7PN zT$A;ioz1?F&svZ^$YwPo@%f3pYC| zQTOIDbaS#09hu)DXxWkA?QoEXkR;JqpE#a4eIOb8`!cG!ZpZP1K9P(dUu=3~g9Xoj zu(GmlDDjRKU-Z<&^{Gwbo!|DbX6q>sc=ZU(tGD9SS;w((rw`xp@+El_aTL7T2GW4d z*|;~#hbr8N=Q5!S_@u*jG;z;ZQG#m$7^h01eN?T}L&3A~{L&Utyy^7v*M4!&z6d7nJO!6Ru3%Y~C7LZVV&8VO!?gPqICc%gSB9sdtJ|KR3(W;{ zrUqBX#1Yv-;dgz}o7c!C;ysTN41KN-MMr#KYR4pgb8Z;F@cty8QI2K7{2z9ouR-&H zTDVZH5|v{mc-D0*c$U3UG-BCL^5xnR*rr?#myA^~K=6#I$eB6WE$b7X{^X560^hPh z0u!_UtvWTfsYE|LFS>iE3woOl;u0Yf`J;ejniBksNR-Q>IS8zkm1YE6m04-C5no(< z8^5bBqgNLFG6Czy zrel@x;NN?Yqt=YU)cqR6WS4cYVpKmVwOWYtt=;IMj|MPGBMz@wNyCa268uZk0r8i3 z!As;d6{$xU(1sGh%WWqlp~9*Dgm%=;$iVEEcS-hCbJjl)QPurB?0NQzZ9k$;L)TA3 z`&Csi?Z;dk;=G*t{F@AYbF#rWUj;YD$#92F)8Wj*4AK5mQ)%Ju5V74B2mZqO33R-= z&gLyVi6WuLaOsD|+)hu7zt5j!YnNL<_F#1$Xf^@6DtgLN<_S!0!*r~$1x&0jgyHXx z;P4qoFjqc@O^y?zX1^S-9ykQ&P77r<(-r8qL4ud+oC#VkXl0&XhS7aX*TeTos(AFJ z8J<{Di}$^o^4cf5^bU;~&Br2MIp>A4jyxfE1An z20siDxx9_zk6z4#;a0lPpms#){9Owxwbfzo$zqUwoi8p-mIk-37Sy1o^paaT89aU< zsW#Y1E(WAPyFw{*?<&X7Z#vNsM;B;aZc#i$kQStE&v{la%AH79V61QYK)#;*`*37z-P@8yQV@a}}dxI8ku{ z@81`CP@TUJxh6f5XETo6i1cUvt{E`n?^3jWo)0kv`y=qv9x@0rx4 z;-1UOeEV)~oFZgWCRxnD^DG@~iq3%BD<|Au)szePCdT{16M{ty2DkNam5aN1#W7PSrkuE4-$vWl|-ox-2y*d_ztW0 z;?B$r@n!W~aM^SO%MN<*9^1EgwnQJcuH7u|>y#Dw3|K`rYo?%?wI{Si41lEhl62cV zCvk~=8_|6Ru)lf_cQIUv%b$t(yiwZJZ$ZGH@PymF^e`5LUk(vAOFogs4Drhu=`x$~K?6lr6O z2H%!!$eZFCAy()yyWy}}6ftlMA9`&9xL%2bkiX+#&dgSvA-X`WcNT)vqAb{&?}c9% z*OHYZXY#AdoLQ!MHo86eCYH)lA%7b0W9$eA-WM)UOB%xYM5Tvd{7;su)qKERC*FX} z{5Z%c-GN_BW$CP`^TE(00yNjJhbP*5G1!svvlj^YQ zD}wps8o2&MS=1u}s=nMEBd3kx@`*cP+THndGHoZ7-e>SA8491&BgNgd0>3j`o{t?M z$rqPx2hqv#d`9R|G(9qoT0CeMT@~HK#<}`@j&~Ji4w_DjwjTtK%RPce>KZiu*Gy&< zh2gk!UR;#*99(A#jL&&#IIFA)oi=3R?W->I=QK(9A4limm-F}j@pfq|ZA3dQ6|MVR zCtIO}%#e}26Ai0HX(*vVSxp(CB;Dsa()cJ!$(FquQj!rFzxVg|58RLYaX;#e>%3mi zr}xw*l5>40m%~@^vCs`;(yoH2^EfD4cVejdWz-ImrTw>ENLs{HuIPIMt%ZB##egXQ z|CU0@2YGtRU?7$$PcDButQkA@oA4_t739Z-LNIUAr7b&-VA$U-^lTc$ZRb?s*l)|x z>$)L~_**G1bhPBNd+MQ&Pk~7S^Q+n>gwW@OAh?=AtL-wodeTpPu%jFfybZ?55tU#y zWgE$yC+uO9y?OYEy=WF0j|~L^w>P|##7r>ev)u(gztaG*m0kljcvZ6h=IEl2whw;K zn~BojE1@sGoy6y#V;|s=V5OuA*i*I8LNE)gZ|YpLHitvdM=WU^)Xc92&K1F zE#Twnd&uu?V-ww%z=+5Q2++tui}iB+;CW@*-ZLC^>j#nDC6iFgJpz5Dr3DwmG5q?V z9)@nZjus71z(mu7#*Fv_|1`|t)ORl`W9`rX#qEX(r*=U$5whFzBf0dIy`p`BXMJbw zVUWBs5_?Rl`JZi{+32s`qS5z;;<{;ZxGxZxMbv9FovFf(h7Q8`-^F-->L4)f+DTeg zOvJ?2MeuKI6E6B;ft5qkVAPLhR{Zy+Sap>H;I~R9QPPbiPG`hvN8jLP+XHZrJtEg< z@1TQ5{3T+g61-Zqi$$+_g&vNo)Zf&Ax_Ui>?j>a~cYwg62Y03zu#HvZt8*Uu9X)Jx zY4G?Z*!=zmsALC{T@C$YS@(EmGEI|ve^Vk?UWM@uPoIf?50Ivz9cuLBLL;Ksl*Jxi z_{;2b*6^n3hP-F}c*s1o9E?NlxofQhD2E95?lX2QX!=p|&d^2h1PH1eDLI-Ry^ScD z2g3EarBItP1TvHebKc|yANH@ukwzy$;+6q7>-i3ogj~+}J%aajEfXz&b_^}`WcZu)=JI78;iu?Sb358kIe*o$sTMuCgPrVE1`FlAtm3ggLh;e zi8$8-vBn;(@cdhN$*0h@@t5J+FKIG*R1U}_yk;>Sf-A9tk!t^19RBtS(_CG|3THMz zP;x4y4L(b(%0FW9#R$GZ=ma-3C-B(&PY4;dPGHs!#p<<;ULC_&%jzYB9&yU-_&rA51j62rs7x?(m4pGIra#_zkJu;Bxl zTQreW>`sK-#lg(WG8ashU$c#ep2EHI>!?@R4kIIm;E_G8SUY$Y)j3@N)A>lcar9*} zPQ4e`Mo4fzp$ewY*Wypl`Ow9cKf$?Imdl_1ASy|`&6dBECmttGmbXbv;)N$i(l)OO z@boql9oT%Cuacb)-rq;UnR6j<`QQrH60@2W{yjou3}(YA*G|^kAYd>4*f+W_wiHR+_7DC(6ulRVt* z4`~vkspyI_ZytV!iOkPq)>%nN6*$w9agi*bO9Kt+BFobxE%>I@Y2f=?kvbpL<7UAw zM4WsR1VT4d&0L9D(-^537ziQ$&OE7d6+N}jpH52Y2dR2>eD`iGk^LYCySHYEv;8xG z7slg)*sbu-JemyqF3Y=@e`JAlAJ`Op#{;el;dkFDbb_JOx1tdKZEqyi9@cQYPlwk$ z3&c#Fnf#HTGb%1y07hSRs94&LzKR-4^R`e}Dx(TlJ=Ji%;%0_(2h&qBa`egiGq`=Y zjQHgI6)@^cC}!PG}0lJpPYEt4MSeIYd2mGxdwKJ{At!mfoXFy4lVSW zkqovbZ$F;{6*(!qCiIm4nH#WA?H%lA);%^??LKG<{qoQ5WBFp;>&!Vy9?qTj;F^C@ z>78zEfgN`i6@3VlIj-V5TD!q#qZ*CN_T^Ws17SzyUtw>Y29gmYX^6&4@UlA$>JWri z%Cva-`@>k1?aG5*xxm4`H~7!L3|@u5z+ENX?8n~YFfiH&1A`U$l#^=YjA{e;=X=uU zzK?}jl00pWeZWNC4?yl^FQ9HWL@eGUN}aP6=NL;;w+lK z&zX-k%YadduA(){CDb6V1q1HQA?a58sCDNFRN*P)*Qs4%l~)&-^KfbIP#;UK8cL&i zg(RLCHH=S+Lh;DuLJ!fh5}p%NIv{l*4fFB~0l!=qx5zwrTT3f92T+e2vssN<~f z6>z2_6}R2^D)?J=gF7{cOX|DPcak};$qj(0o#$|EKo9CpjmKQaEJi##iCOyrYTbMj z3-#6Mjcc~RuNn%xxxJ{o&kJtY_rac=bkRRO{#am0EiLn+ zsHzoV}txsT>W1n%da?r z?lWWHgWrBX>>z8c#0BH*UQ1)U>$yWv?+q;F;t&1o6p;&THbTc6Q$%^ zS)Gp1pUs(y6)p;pEp?vV9ry?*NFB%I;C#1Z7b@WFuAKxD2f>uz4FZF6=+!y1Wy)La zH2B#U3g9&{5hU6SFu}=|8U<&P%7C}*M(Q%LeWw_j%+qPt<8o$os173{evq#kCh)^y zGk#h(Pe5Jvvc=5{ahR$Jy6iW?i^lF)IZYE>w%!xos~WG(lHQH4M+&{Y_g2uc&Qm-g zNSTJ6Is)l}tFXzx0c0{g`NT6uOu|#hI`%$eujjnLTOpn7D)EKyR@z+e(`kJFCLT}v zj>EXh2qF+?#ip}e@O;h|cGUM8MBaRf8D)1_H8T@cf6vGGd4q*$& z40dU6H4FZI0W4*|L-qNAG(~4WOkNj_N^cJ`ndD!h_~%ziwRS8?X*f?T7TzE|A8q(& zfr-6*xiMGujYTKNH0aCUf`2Z#3-f#%o-$Vjb*{@p?Vd0uSW?j8_*2Zbu!oMjv6wW? zoX=l39BA!jn4s|nxSZdtqs&eVJV-SyN|I*5gqYH!)^TD zHZ=TfPGyDJZqldmctma;TeENvS|)nn;C?k|K6W168uY1N0$~3)U2ePZHO!6sh^L>o z;*A|rC@E2di~lBxwtH&QGJyv?$fp#hi|zclRJtg*E?ZLdMLJTIt6rXIQ-r|K)k|Ajt-u8 z1GW6U`SkP4$m}Z{S?tF=l)vUHlI=ovjJ2>c`~kT86p-kN9F4=K;K?*uS|CICJ*AuC z^{JPUd{QT8){Dh^S_;rglEZ_*F5NuA=rRHQM1f5Qmm2(f1*{h^^`qSX@|7 zD%}?1*Qbs`$2XlByXTU<4?H1I=!aAWd2qYWj(9ZWBG~Mar5X)m_>z~W(8pN|1{URj zbEz-Jymf>fi{1+}#)1AF&V4eq!_Bvd~*ndQ-HoAo_5rdXKTp)} z;Y*HW6)=~lG4QKw3=ZA32cO;ePG+bTqEw3{TAvm2AQ!gcCzoeLwQUEu)So~yZaANG zTZ-SQTMwTK&SKueiL~qbRG2V&7C2Hs-X_qW)k*4# z%^)OA7RGFCVXNs#T>NSx8a`V~u6OEkk*PZE&@Um$^Jg)6l`PbZl;bXUIZOPsghY*x zLy_QYKI2i#N=7_DscabW8rd49k|m-;)u zA|=JA!FH1?&mXh|b|0WTgNDF*sSYd=xSC6iN?B5EDJBh1VvA!9aJF-M2+NLmpwvdl)`q=z7}Ba6iZ#)DPxQ0&l)f-3g}wmGVfyy#Ma^If-4+4u}Q zEcE2{B}U`zI%z0N--0K!H{+hZrQEBEvd^Vz z&cgf1t1ZiE!4y3jbfgY+1AXC1Nf^58>(Yy#L!s-o1l80q27*~tUvFTJ@r%h zKtBsuH_Df|DCyAW|8fvbM?nYFz{h%BdaZUT9L={bmmOAwL-d1i*|vJv4)-v}?Fz0n zx(a`67vYx(2kx}7k*#>>z%2yk%dD%l%+RhB;@U<-^OTjCUc7>-hMIy}?IkSclEz^B47 z;@``z!Q-STe(%#bSbSxp!0%2VQj5CrYjLYvO0q0{q#pup9wS^|*OUe`p%$ZOkPes_OLTTxZx;SPvR1 za`eHUrTAI+dw%(hi^lv@AwL?E#s95W$8x*RocH)Keo>I%)%vNpgNTR_zJi#3X+2FVAu^K{A_p#_J``?=sVZg);Sj3>Z%&pY8=H&^}}IP<*M>LEj^qw zZ5KD!^uQd!_c!^*a5SAfggn?r$}w-cJ)Z1`++U$@!Xb&Jkpl;+*r^Zg;(fcsIQF0qUU;^WbnJS>wuUNVz%La#+h25#W#$|7A@8qjvu?^z;5kG`g-V5maePI3)c%S=d;;R^S2o4 z!)wv?b2#3Z-iGN42cWs2nY4YF%4bMtbECq!Y#FtMg~4vj(q34LciF&kuYGXh4=4J% zXTkK(K6ck2o}62s!@QSXCfbQN@xy9=elMsFer~LSb$Z&wZ3lxjw}ou&@HjRkp%VNB z-r2B#RM7vG&&u}8(dgtK*t{i!Z0~X8PD}c5*ML|U^!FV+x&8wWEKtGq590aEor6Ke zY9U0X=yRW_3NW@kfTE*HJbe5Ray?##+D@&<9V7kuxk1YO$H!n88@rh1|GNckSF>T$ zqGj+zyPw#fKgFWzkFgyZ$sp@!fEixxnAEzGPZoR~O9lZ{%a4Fc|2%98l%?eXN3rb1 zSm?Xy4KpXsW#hyXVZb4OsB2z^UN1Yqe$PW_U7Q1s_d{{vmEEj4K9n5Ubsj9!MC6h0 zeys7)#S3;1u&p2&9(@ml>Cm`n{3Tbt_BkEjv3MJ^FQv z4V|xT3I+Ziu(Cr5l~zWAOHV0_nfFoD6sJbD%!=T}m26NsUIHtMs=>zZ8hrb(3PMgj zVcyrfM9UV>fo&H8gzQT?qaQxNm8@8}o%I#7{7->?L^z6vjskn^7w3sxG2`7TQP+`$ z`22J`Gb}B@C3f}TvS5vnQ|o}G&ih0PhqbBA(rf7OLJsfhJY_q^%;5^j#l-3Ii}EA# zw(xSYJ`dbIlK-M(V5gNG^lUjvxaMd~dHWI}+X!FZIwDRlTF5`HEJcaHNvuCami!$P z4kMhai0tpppl11;==obh;kInZNm#@;3v=kXHuEs!Mm%0N*PxH5&LcNu`|(qC3taJW zgJISNQ1rEhZMrM0>sxmVZm&R0tQ!IgyVS|wA!3~PrH6c1Um;%HVv0|O>u_x^OYT@M zc#%5>@c#S$Y@+K2Hda!Fi%leGxa>{*GxZsK-&PH77o_m?jar;=_BP3!tiXGHV)44x zXK-44fShb2s315IZpUlk$S+AOx5Aui_vkUTlm__w^AHW6^$Aw!pM_L^7uK(I9*xtY z$+2JIEH*U@a~6-rX>;u87?HrcYTiQjU)>02Hx3mz%KOnsSDh=B1o69e;n?)rf_K<7 zLEmyEloYu2b$c^WZSyex4^FYkWp(hrMV59wSqlr?`(eW|cRniZC~lj2kjuCJA|}Q| zVR*d2iTt&LZ5v`flJnyCZ6ijMOO8_N0~R#s7Pv1%i|rM;6i5j@;<&}$ynFf?Mn1@t|sh^?ju`rZb5X< zWAv*YjwCh;7oLB`{M97zU2C*ka--n?Q|i2?+SQIRS+OGfe|J$zx`ya ziOkAOz)A1zu&;3@Z#giJB-zgcsWVPItHqW9{ktZPS9F01uyEB zz{YxMNZOHsVWM;topPi;$A{1{`5M$qA_%7s49A;U;n4G@n857-RE{#{c?$`iGc5#H z*|Y3T)nHQKbr65b)d>{>6)0_#1N*tjZuSrL!6fh#R4qRV`4+-^&eL&J`>7GFwY~>! z1`2RYaLc}^55&-pES4P`BR;-ejW*k?fK|&Z_y}bgyfVO)Z!C=Fn^M%UOiA%t`|pt? zOX?zX`5`IVAiURGZ2w29dSht)+bEvWVN8E*ScyR<>fCprBKmaZqQ99wHizATMLA=s zZQLj_Y0-E1wo}FJ()U>qT$V4Am=p>pw;7;T!%DHjcNKpwMN?CI?|&#Uvd3@j4V)Z6UEeGcY>z9_9`fJQH!HxIjvk z_lNw270u09oE60k*AGC~AC`QB+Y{oal8XkWE6MYtYObeVrjaBf_a`N>5t zbV5-ndv)z0TTv&8G7EaKae0Ce_6>)bbDPPFV>dv{L=MJ}xy1f_E`XX_vM9MZka>xe zXzJ4iyx>belb$}CwqKhIS8eYCn8)GmF*{(VryfWsycO;qmNeft3>x?8i$gj%oQcT5 zx0bQsRnsU^e7Hkw&^(~r|L6@?KGKN}em;Ws6LmU$QX?|aT%3J;JG>B_ksf(p$a_B{ zn5rvHx|F@>ZRfRUYCQ`+@mdUCG@3oKea(V~OrWhtm4JjVck}=Cg6+x}L4rG_+%7EE zqp?3d|JRcO)i_H?)yf6OGY(8$ID`J`DrFyA$1%^3{#1608eif)7w+b{!;pP;IJC7$ z?D8+16gt?leX9=9W9M@rNt(m-GB;+lpcQfEWeneM&BliMFx{CSz$+?|5up$3{OTwq zovKA9djS(qE~Z!BJBzFL*MjZjGEh(!{1olZe4K$JuA7nx8bJf#O6E^seg9#cYa5J8 z`b{3GN|1C7NtEw!N8`2mP&n;4J~%R!T0FCW*DG{b!o&`uzH$>>P2LAnPw8P&ogNDq zA_t?lO2d!kg-{>1i%u_=0KalENREl5vWBe~_p}*3Yn(7W#+xjS>_O9kyJ1aY9&9q{ z6K%XS3zv@%2Mr}Dy7Z`B5^eoAyt!38|oGK};z z6pD>5DMDtI9mJj}gU>6I;f8cR7HrGIkd%7S#8OEjrsH7u!H@7Z>@o|SRSmPu)#=ir z9k6S}MU+#1ObYT2!1oQtP(LXVo1a^Q?up?7C*&J!>t0LlZ&2o`I>vZmmn=-+pKyCh zEB2;3Q0A%%BV4qp@!or^b>lF)MQtMl$+SW3u%T#WZiwr5EW`@sxqOe-E%^Oy8b-Gt zBeYhA*d!kk{n9i8yMNa3(N`5?#AYP=-f~pMdM2_DCK;C;z-Xg9S$+2sp6Ob_t?MFj z%I&c{E6W)TZk)!}r$gM7%hhA?F!bn3W9k=U zuB=myg#5rZVQw<;jS{VSwHIUFzajI*;o$vuDLAiaLs^g0pcz_-CvP>vUnf^oxieUp z!*9i9+CI!G|0`KDatYji^i90_Xb-HmTPj|%BZ~|URp5)4%HWWRt1)p@2TOW56_e(pxqWoTDu=|eq_gqcNWkuAdsF|#B6r3rh8a(%^CTQ3011k{T6lCQ~y~;L8*% zco902&GIlLPK&ExO`ktW)3`61ulX2)GQQ%Pks{jf!&zCRa3&v@A-=belW9|oX?M;W zyxe|Tlx8voOiXSQQO8?ztgFH96=XK2Bu<)`sVpCU*-`-7^5Kfuys5i3ovs&gFu())$k2UWs@C(ih%S&F8HZvq{OWQetxi}P}1(Z$o1Jnp;5 zG83#(KVUH4TqEMnzY?LWEPxGC*n@q=N9bwWERnN;g*bV;6OaCWhTT`!#Z`%Qu)bp~ z`4STWdiIi_?I=s{DWNED(*@k}#}91x7@@)2jl@f%8{2(z1y)!j9I<{%V#L2i=1D_v zW9u-6+axhH!ySxAOVOSwuf=i`E(pwJSvvZJ;Nxkm0`q4R;Mjr}teMSYLvM7k1+}}d z@Kz|8+Lg0Q84l>Sz6^X`E0c_JYj_enn#GH@qk3?VxaacTa!Iq_xaE*5_FR|ePt9|2 z`9Epusaxunvgn&Hd$g^<_o6ZngDBry};_~Fsz$aNj8@%iSZ__Fde zzUz%5Ws7Wiw?cD86!SEfC){PKz=|l9QZsOs`e%0(*jlc^SlwgCpc;B-h2;%c@IpkACzk?Qe}EeHxzMn| zpKwT*C7-w|8Xl-C)0e^wnW^i-g0u~8UEk`^&V4w-{sPc`G6o|?ULm)>^pn(VTlj3M zCz|M4hIdYkLJiYG@$a$@a_RR35*X(u~<4) z_$SyjV>`P1b}#O(`i;_4qp8H0LHt~4347D*FJ!XZ$+4bYu)E!c%zj~o7ge5+rN;&5 z?4f}$Qcbu+l(u$#Y*z@Y zLUx%&Vwvd$oMRD>LpRNbZA}Fj?q)_^rw`#%BXU4};5w0tx&rNAUNtLyrIfzw+Bxq-FC_WV79dKYH*4aAqQQTPdTjOD29OO@ptq zf=F+U6L=|5^7vLaEN#l8Y3CZSwx|-WOD2Nyq+4XF%y;tf&K3xvYgxHg8xE3F1v#~R zQRtaNFeH`IFR9buzJ(bb{z-VYE&GJ?MMBR{;}EH83E=g5rEoA>NnkJOgM>v6Otpz5 zvJ*>1z00)mrQ{Y;u|^S+g)>6ptko=qJtl!_Ysgod0^A;(gs&VA;+-LP@z<#o81VQO ztXNh9_oHv4-EoZI)5&E@gO_2P&>zsyOQOk+hw)YJdnkSL826q|65Ee_${q`> zkwc%l;pomt7(FnK-nf#$_Q>JsBnq91YVF%gL?*`o!wLa*X~Z#l0T6;pcZ(#8W(c_%eNwSfr!D^V=nG&9!L3 zv9Xhlz3z*Vsu|dFD}V=u>x+|hE69PQiL_Ir2-}ZOr}n45Fgt;TAUoqPu_!X(Rb$t& zd4<~O?l*&O@s;L#_upWbU3|D<%>m(mH4k=rG{E$cHhlY7S+=ZwF8_A!EIuCDisKG0 z$Kk7_xu#VqD>K=N(!=EF8rNjDQeFXXyU)g#)hbv?pR&>bCD|kKar-*=jQXV7ANtiki99C(&yfCDl}W+Co$^C z!Z`Ii5O+8W1>7PAp2$PPW0^4AeG*8-KgTZ{GH}xlVHOe;4#BbMWR27YG%&jZ86Gd- zlc*k3E%dnj4^5C7-iI3!vtW+e2#_*df_pL!!k9BRaP^P_aQo|hmVYW9T+RE%+6EK( zy8nck!}tO8#@d^>>G1}B+wdznoHrd8Tg(7D(-{3zRAFDzD#6<{7YZ9I;E`n$Y#20y zT()TtTxr+g;a?3rqP<^S&vS9rh%Aur)S~`5D!h4_JJpi=h+47&n{I$IUw`p2eCk<5 z#u|!HLd^$t=2T)Pc_T1|rO3)nCq+9Vl0`!%cnULgYi^Xd0Dgan2BX{2aOjRYUv_!~ zlK2rgSm?vAQ5hw;*5o05^Cd`RPl)b>$@ntIjxXu&B28^Fe9Tn>J!_muW^o$Ja;QL` zkqwyDrp0UZ%mg2f24veAqN34B{N?NpE0)|PeZ3~E_tF6tDVGG|eXHrCuhF<)w-{^j z2D8~&gqu8{q0Pw}a;(4$Pge_b#|!CDJ3Jnuema-m8y13pG=7rI*U@Mf&e?xofGISH;z6rR(7n%s zF0j~2+7^W3lffx?wL}MpJ08LP-O|wc!WE`=SaO*02j^c&g3CccFvM>$w@SCfio|Cu zZ)ZHJxUaxL8nO7f{v9a}EX8EomzW-^3*#y$iH=__##@^$$-teb;Ah+|*uCo!44!!$ zw!ggrulMD{_=y+crZBu{bcOspErYsG%3)yOeVA}o#IO19XY0x{;EwqU zEGVhM9ZjjkbA}kV`8A3c&rsnz*6l|D9m1LnWvF3WF)p5@F1BhnfcS>jBzSH-6m}cK z^Z3u$F>V0uUn>EvlkIrh@<(J~feF~Z3!r*cg`njd!5-a{=i)7jsO{K{ha`<**81OQ zp%sMX*U#V|&y8pwlL3ia;=y0JgFSGvWZOSfqF-lW636YS zLg!1J;F{!1&8qGp3U?;wo_aheWK{1|b_&cPL;l#!1zzuY450<*@j=p4kKZTc6bqQqp?PC1^i-il8!Q=wZVZ;BQy&BlK@57<2wRdTez75WD_ z32yhZXb_>xb?VQNVly55d2}eO+bPLoJN}RvUUg*AgGZ3^q!xXw7m(eVzacd>3S!;PLtZ~9*aLKvL0@IXv%&#TTeeybruW(R4CS(e{1$RrCGklbZhP|YPRhbx& z>1TI9$bjdtEaDsSI=_MGwG6@~@^&~);N^CWSD>knd|ByiUGhC51Rq7-aeJ9#$y0UD z!0uzEXg1spCcbZiZ4)|J?eZpk7oI{=U26qKxWGj!8-|;|nzD@*^1Lg2K8-G!M7_npuf7oo)!!S%zAVQ*Y5 zYP$5nGv$5wty7Ng{yUyEZW_eGeY=F*TNdm!FU1LecjA=G?=WZl5qw!=%dQ@{3y+M2 z8N#hGWItYYHMzs=vkA_7Wq?8U#ZOGci5+gZl)l&`YBaoyxaq$2%rq@NA^ z=PInP-I&nh1JS2rKq7V@Ha_yh3e^=5v7ABbut@MYCh$VvSfgB<9ola{2$tPRFuq-x z!ud%UZ7e}AWeU$T-Y$IHnfs)6VjQMA`9khyKZrhFBMzUuto+xIH%zZ}CC-28MpgQ& zKtClC*1cdbaMdDQ*#4a41^go$&!tk-KEP6zOVL@^<>}p8IasML$)EWBW}d+fcyw$h zNbl6z(bMf$#XMUB=pN1vd6$Kr)9*-%a_dfW6W=k89-YOG+<2AR`i(q zj@UoxWarzqz<}KXv+Z6sNl_ewhc`Bp?(tX2Y&jb|+WZ)j6ZE*-^QE-UaXPMke3QKB zy9GI?bJ)jF2lU+Jz}2=UarabZy8p%jNNE}=iaV+ggX*KPuJbUQ5vx*(J=rj~Z7e!p z-HU&2S22;DkRu=_bjaCW9C%0IcnEHUhqo@lrurM~f~iQXnw<^yPU`%Hy$$~7d5&F6 zImcS3mXX?$Suk<7Bwx$_cW%jt`e%~-Q-L`=^g3Mr`d=s%Ec=d8Kh4of;Q{9MbGSR* z7(N{y#nUXk$j)0`B+x@|SfJKQp#$p$8l{Q2eC~4`pSBym|2Zs*|J;l#2BuT# z04JEK{~uFOnUB$D4GT$LB9g%@|0nQ2 zKtr}D!4nl_C^ifPm9c$re8^}w6Ll+IcH}x-49mj>;l^;xU<8jXROI?@fk+3Lzyg%v zF?(N->H1RinW+gkte6EsUE`>#;Br{~Q{Xlzm7_N_W6rD|n0I3Ue1K_W#<~oQ{IC&@ zjY`MSuj^o)tOXsuek$#sYQzkp$Ivy`P7uHEo-}T(4rrZohf}Sw@Nk5X!I#yfTVe%n zSl}Hp`mPJ!k5J@SAOD6W@{{;azf`Dgs3Ij%{b)>MC~?VRYZ~^F^doh+;MHN0zvwnO z*l-Q@T$##-uNU6Q{xp(XXO@y>o+LbL}7N^YFsqB59a*7%KlxErwZj3qW|v8 z@cB>FxW~r-@XSNPFHAlU&OZOxKmAoOdS52C>CEL@-+d%;4tWsOJ5dz9d?bApQVntI z_k&LS0p76i9kZNm0tvTYgVO3taOsE&&-j)A{Y)8roGxL|`q_NSHo=j$%7Fgdw~*w9 zyoPn`J6n_Fgm!0-k(UBDVY{>xeek3Nhsn!A(2Swb_`Cv-ZHkrZEpC(pAJM%X(PMU>|xsY!!I9?z9np+Giy(SoHeU5l0eEJ}{oTCqZTfSfeP|1umimG*4U#k}H`UF5&VY_KlNk$5NDoncnPkSGlOYQZlRgXH=G(E z&zCL!jee>pSw{F{Y|WpAr)S8Bj=jGpUNce&6?CKVd~+l?8jr$J>2c^ME04bhP@eqW zkS3-`5~p^Cx09>MMRlQP@7p47sJ4c0>f5+2xi3Dkx)0;#`+-S_1N4QhWXfwz;9T}S zvGEBJKX-LLefO{fkF@{2mSuIC&3h@ZB>5Gzb-D=}+qqbG;0m_rh%fsV8V^QgZ-Hoi zcMExb54{qEZe;3rV%xifZeAdQg^HonZ`Dn7pM43B4A!9c_iPl0Y`3Hv)RMt{kRxfi zeHu@$t%b6I!MJHtEXuq{W(7^p(6=+zMZTwur7k&1n9)`2JUSDTvean(+EUna$&$xE zoyJu@D)MPnQEW`BKAe=UMc?oMA+KUXC!Y+b``=ZQ`@<{IVAfODBSy*Ws+>Jnms$=d zCdJY%Mn!D-$|SMV&<-#tWN_AH3!iHh15-YVVX&bJTe3C^@O&_i)>VKNIl8<);0^4Q zG31+A4l`Slh7X>1ithcHj`7<*<80eLh*3HYpT5PjP0SrTW_Uxj<``--ZVCSL)1n1d zGa-n0v062bD}P17#=IV}T8R`ZVc|IV^i=*{$_8c&>UKiA^g^ zJCOt14cbWix&(Y79!buvI*sm^Ynk=JDHxry3u4y?U}{Aq4!krDjdrTi%eIK)46BLi zZ)@syB9-lr))s{iSjMx@Y)9Ft?IN$EYk~i>Ex+nmN|yi5fa?o`iTV*MO!<#PMk5pL zS(}V0W13l1fhnuAe(bUKuv*r&$qvn$szdfI<50(@< z)h2vX#~;{d76`AZZsX{SL%2%vDY)Hqlnp(#5H;MgVTiRV*`5>yv$KZc?pjNHxVHi( zPP_*#$CEK=xGLGa=Ps=AjKJ$J5}1ufB$i6Y!IQH|q)9~@Z>5_szSs_r2c2cE$4}s9 zRs-g14#D1Er%|>e9=J}o_@(#=UHNYpcsx+V!q%^a4O+Ed!%yCe z?)zp?t%AAq^WFWJ^n3uXKf3|!Dn%PEBQIll!n>YiUd+iIrAmE87{Cx z<1@$*=?E;JQG%ngCJ2r!1vrrQ2hQ4f(mA0k@o3g(HfxRz9bHCvO4C@{Ra}G~YRA#$ z%VKyJt_`E#RuJ4?Mgmk!xp$2$9edy^2BliEw&LL^8}SSGMw@e)^Nw`%5d}PaK_53a z2u#=f2Bz+$Nh_Cr$Cj_McxdZ2xV9jH_2w8-$$SNP9UPA}D_;ry*@O6R`+Z!Mod(u9 zUbw`gfn<2ZVc3fv^ql;FrF}?Y=j|O>-uPR@dDAg4HBh3LHbfAC$$~lKHiE$;9rT^J z0&Uj6Vehg^;pj1au(_hb>(r~5Q_u-g@@kvV4IfXEmfaMqzIh9dwhGkSsu@p(IMEIN z>ulAw;?l7NFev?oaNfQEgU|nAEjlW6^B`${=KF85SV!Qb)h$QMz!i|=r9!vOP{fRO zA>Whq8s9A*hV{w8_;K%2*3=&lJ8#^@a`PIzuZ*lvZ+7|G#u(6i`wjj6DRQlkl6V+? zlCwScKxRT223s-=8Z(H-Xf?Bt4H~4|I|1(nSkdl$b+Y-JGToZC5k=Sk;D6=bg3reb z?Krbe78bdtAIdl;?gkI9WsaOL)aw8V5Pruv4^GZ&5M2k&UiPMHel zsXTaps(>#S({Q=6I>d-dnD_QXcH&MBR_AX=hj1%CTc!#|<)y$yxdhmFXgd@qwKH+z z0d)M4g;(TK$SUVL%n!`5-FtOL#?lgTQ|)YcvRu5%+>|c?dv;gwo)j5{Gl{U7uAjTrsWEfoMHeU2 zuN71Au;4~@btn?v`Rw^r=>n9x@SN=+uSGX!Yw{DFMdeS@ba~mtbU?{%s8Cl-D*VUd zVxiOM`rV1|E;`^={V#>*d|wDR*FVHRXAYvs?=t?HzExcN^%YicT#J1*_lf(vVK{cp zciiG55R0V7--A78Fy_4X} zUWzZTso*@$lK&DqQ5EKuedVbf7#!C{i2nvMSR&Oum#E*cM93sFl~khdLU@Z|H+G;(?z zneobu;TC;XJ+Ke<95v--u>)az^IdGa`v@jF^`cN3hySDKJp8fz-Z*a0gv>-5Qc6Tc zJm)$pSuH7P5`EhPm6m8ABZMd!QAQ;zq~ST&NoAKJl|-doly)hV-~Iasyo|?vpL1QG z&-?v;bO_9vkO1w@XQAU@IqWvR2}VD~XuoJVsHol`tDJ=hL8B?GcsvseGxiIfXn86M z+64E0{XyqnrBD+qbf1ChMR4qGtA`47r)y;5~cV~)$8c2c^4Km{{=2| zuS2Hhz|aY+uz7I_6h3RgVa5vLeZ$Y=hJ_oT-1R1$EK|ZDi3>0>#T@e=ItqU$Wva&> z;Zz|HcXOXMonhI7iKbUb(ykw9*V|sf?Vh8=cMvo?V0)6K=wSz6$U(X(2)o z3Lh@IU{lf(j4Iiu#r74u*t=81xcw*{^v@Pt>FVy}?%pwc!-p(nn}(2%_-D9asWNV~ z8N!E(D==}+0N#7DjWyR7vGsNzSd6v-KPc@i^cSAsFa3oy?(hPtYfuf>&qs@1{ip@< z%o{fSD*}yx0+@dM7EZm?ic8<=a=#KUe#J+fKOQJgXGN>h6^5;NKlCTw$PqzyaTR*5 zHR4Mo-Kf#fi|o)4eSES`;8C2KEOe!BvaP~BbzI|hNT1~hUvJ+Rg$B(5zn8ZlMRq@< zgY@WvZNgpW<8R_7??k%H)TwCmd$fLY3IEY&IPiKr+z*N-HD1ctFx&}i8l*79^e3ht zJ_Lu=)3MKJIxC#-#8l?iW25^vrhH=xc_y&i);8DTDDPEb@sMj^p1eTl2HqmKf2Lvo zlhOR)kH@ghW)k-inCKau?vQM790H5X&;u`Hf*xbiXV+qU(;w0(d7rd~>5&tyflzxo z7++;-a!s!sC=U!Gd86*Yfa%5nq4DVYd;uOw9!ZR!4&a%FJw*QZ1TM8eLEs(##%1X{ z$ndN*xH0#k;OxAIhi9+A@cL`0`u;fTT}p%l$LmFBB#OYQ-T3d{oj!xtwqAHVM+SO2{o#%2W{|1dE|$@FL!R_s5jWYZ zW8WHiIJ|8TR(cxp4dPA`#d-TTG$CAN_KP=WevrC9gKO}w{2T5PaJ0XBAP;#CcA zT=9D;@}4VrvE_{IUj=s|TN#E^4jb|xSF6#m%K}C(izBh^p`fAfg3^g!L`!%vnUgjj zT$H70y|oxpQ&q`A-A(Xcm^6Pp;tB3pEU+-c9}=ylH_^u52p27Sj%~vJ`LAgh`s|Cr z`R~fWZo^EzrSh5RzD^9kw%8bZHVJ36C8g+9ZHd!-*MQ#21hmbVDD?KKu-I!RIn+6j z4;ed-tc|h6b)EB2Vy*=JX4E0x5|RV%+ogb#MHSZN8>wrXIo&KU^}}`yC0qz-w-wSnM2CHk0fG}7D%Ta zAOXXKtWA8fIP=p8zHzB0Y~2}z*yeU6^>!a?AECi37dK=5HAVU}P2f|dim0TqELHD) z2)(UU(78kj*Xl@f3;!)JOYsYm(-EX8^&srl9mL{Vf8gWg7houu(Gx#a`0$v1Nc}p5 z&Y31dV=V4rp5WFEvIr+h7x%$*<2~g1-RYRTV>ra#3#adfzG4cs46RB(ib?ugGD2Xz zL=Q9Me^VoHY`O~vZm zTv%q#Tt06=$HYb)E_5?SubIn22PpG#uCMUgrEB08Y3P6(!)MI3Ik1l6yNfzMmtL&L%!@MnXn$h=-$ z@#V@iVRn3iEDsqDMFTkG&a$EXf}i-Xh6JBy>c(s*4aYpWMUWS(hC2+L!J{XD_sji& z375x#n-(MO)w^-asv^=mG93Kg{l5p0z&G!a0X{e!Z$&wf`}HpLU+!yx^&(`|#;>gC zJds7_PB;pSu1th+kL87q#C|B!NDx!QI*icT$n2t@;*aBx*-!}yx-&TmoVT685xzxi zVV0e^%-4r#3R&qQDNArzuS-pD%0TJkBjBE~759e-yUL$oq-{ve00OjeQb z&X9vGAG5>;q4VKGmIKs8WQnJCJ%OWJ4zf>C15xSOL3A+-#G|{;6Y=8*;4prL_`QbE zmE5e#l@b@y(F+lNn@mEjUU`1mC_ftH-r4R`jm7p@`C2> zt-}ApT(nMAA~|)F>GqX7Kwb7Cx~mCj)lZR-teTE3$4fF*xG7@>;aAp9M?j?g#Ht&v1)$F4zBf9&DET z@VyH{v2gwFicZgyVja2%eKPNf9y`e5agcs~ctpM^99<;Dk?Xe|bHcB`b>p+V7HG>lV{7XZGQrlS5g~g@qU- zcoJ7<90PnR%)0(+(>3$dpm41U{jq5!o)7B7uPeGl-!2?uDideZh>Lyfzpt0bN{wV3 zxzh(qgg(C;gDe=NY*$LEZIgAqju7n#$|9e#SAO{gmBfnBk;iwA8=F4 z#bX5z;Ih+SP;?!_=T8`ccPgHd(#IvNQIyYo_iJ-ohjDaSk|MnsTL9lbIPqiy2cB1+ zTrsfb4D(+8hpf@fVbdPP!;?^ivK2eoH)mBIaOMT92$rGZjTAFS>QmE=uKc@{Ix$&P zDz04A%%bZxsX?10oAODTF31twU9*O9%a6+-EA0~uxIGRFyWinn;rn{$o5;5P0^Bfb z2IS6^WZK{3*sRvm#K!3=+Br`bNr($EtKXlPrgy*)zf@e|?Tkg`id1IWa{Omn!A@$( zahttD_G8NoerBLPO&0hU3oWJT(AC3uZRR4ZDmA2D>khJ8yRO29$z9~jrgql3I{>Kq zaXhOtgzkLw70zvZ4Qr?8L5oQUE;3W3(!&jC^~M(Ba5MB#-f`IJ~R%uf~?qTVu(aYkg(?ks`c@Py6H zT)`FhgoDf;8J@IHnvS2bhABA~V5av%Fj=m|Z4}1CVuPo!ddVHz@Uw5=4ULDGeJXs% z-BcVG`vucGGQ_1OhS)pS6?{B?V3V+)Sf4SJR?Y7hi##gPrQDxe7Am50(`;%t`hu`a z&4b$Ui*Q^T5JyQ@oOovt{cIPHiE?MeDjWa7?$k@rymJNF9w`DdZ!vs&)(STVZ4~eG z9|?SGJgE76CGXY(`m`oN@InjH+uBP0eb?lxMLoFI^9b8edy~B}91Zq$Hu&<34i-pI zrmlDuG+*8UW_eDe>{38iEUttg&22c-D+O0={SGdxt*NxY;jLJrLz{1f&^J2aIM{t4 zOI_>)U$b^m!%d5D?yCo6tnEU2z~&V`{N)SFU)P8h8?Hu&8Ad$w&RlR@Z(`$qBwENl zoxolDZlc4HSd28>17EK+gW;wYs5U)`OX8=(velt5Iba)|wN zh5{z)8cM$#1hb#-f;0XPp{y{BsPCM@{>UbZtY0O7*4vZk;Qo8h9Whd z^_Em!&4H|8nefdyf=|l*$;>DC+a7u#M)iM}Al~2zPWhgTGiRNIeyhPKXBr1DRr{IU zbupdxYp8(Z}^|CA8G70bQ2u zfSdPIz(!zpZ*Q+)naX}b?_e1%=n>A3`N{&jU6qg8P5J6D;k?!IPRRZzi&owg&f=yA z_&);`dhdZQDy<2J^>e)Vumd8Rpg97SRN5;vwj1$Lw+~|Asy_JrOP5-QoX2g;vN1+v z$St19Q~%3T@yCK1$PZJd8HyJCv+Z~2dHNL3DXQTk5Ij3i?6|l57;N}+0Zv)R663`l zpx8lZmcXMgE(%1it+xTHb!eAm0({Naf-O<*WT($9^5WiK0q+__BOlekF8ffjGIy+`!w)LED_eQk`^-%1Yk4G=xMH9VH80o4^OOG94JvldFp0_ng(2IfYPHFyI zqZW5~PiJyhAHd;>1>$ja*C4B{o4u~TEqc>4n3}%O#FrCy!s`$daFW!Z4=>u{*(u?$ zIqVbG)hOcO)D1lE=OXM2%NND{3uIP~LKd<92$)#CLAFldWJCyE^R$y->MYAndj;Z2 z+j5NB`9bhf7h~B`SIF}*;ys<=*y1YBzu6X|yuAYny_p5Ry4yvS5e0Z-{5(9S6i6Q5 z8jO8b?c`mHwCJBj1Y7*E2oFnJ($Z!L8nA(gE&qjpwA5IT3_lA2^R3bI-Vd?Ies3Z= ze-f=noy2p`1YcQyC(e0p2*JN25YFCW7M0WSO{+D1>z5#Qc%Th#W|_E0SebMPSsIP? z2Dnba5Vpu}1euaIqPWi!(d@qrRI$7VOY)=Gy^^Mix#}w9nNnTyYz=4m>SN;ps4bM*}RK4a6mLE?sPqE$rOn zA-`J+T~7MKYqw;!@{t8U*n9xqdN;$NqXN%VhT=ib&usPaeR%D5I_vRCCI?*hGLt1z z(3!j(6F(l{Ru^kwnDsgy^4*rwADwWnNDoHDPJxkM%Gv1K=Wye=5#mz2Kj@MifZ^&z zY)^CosyutkhAH2Iog1BKIZwy?E5qSuM+R!?s&Iu(cK9ssG>q{2!NTl?Y~Q15w4RqC zct^Wnubv4X*`dkrEVuwW?#1G^xh;(8@4}fIq*1%^J^V@)^16F-n5M8RJKl5+@@u2O zbNU>bTc5*}Ya>Ow1#f-c`EfX{O`XX5W?}V&$x!CAALVS8K}uPK*!8m|-gy;?j&G&8 zy0;9RS2?`iX;&YtgpWW%#+opOs172h)vb;P%aZ_-Ieh zl?4l;pyB0D03p*^qb%Z1GbMq(wPl}O=@qMTJ)Z17LA>my3pdYC7X`n_MY)k`^yJ}O z_R#$@+YzQui(gIQ-DXn!hD`y>@l@bNIj2Mehb$8RoIHU|SUw2lOAo;6>|o|PW)M$n ztO9a065J9lvW~~HG%Htzvfa~ZoVykeU-=8QF*rw){t3bv3) zFYYeA6fFKm2+>3-G}(+MQ&WX}^AmSRXgwZgu z_q%x9XFQT7yYQRSAL45Dg0sQpu6>$H}2vBLrhN=BCux!$8 zJdihoD-Uc2^Ncd+YHPtV>(doWj|&XsVMkG=Jrrxh`pM*`b^Px05bm~iARKLx<;(WQ zGNTkt_|TAnM)RW4u_2O<75q9r0d1J|{XY`r{f8~sr$g6f&A^hs8=yz}22P1krZuZ4 zp@EDVU2d@yWM7S=tW=p!U)sk?rRyPFA&^UC-vJY|1&}}QE7Y%R!S0zV;-ix^>F1_i z%sX=ikDQqcZ%vxfYFGkF4Z38zKQ0ZPzInZQAIoZ5H@w*Aef=g6_Nu{M0)!4#3hxbql3uM-QGH?!CF6EMwQ3EOsk zM7OpMG#Vnol&xj(kD?*X4wy|YK378{MS&-@AfE2^(}O(;!nyl%8y;}q5BjC~kTk@e z&5&Gy_HUh-e}TY)8ulJ~g?Z4@bzRK0-3VKnXMo$mv3ObLB#UeGhb`fYF-+*)JSt3P z)!T35y=f8XzE%-rzFYFU#iwv+M-9>P6})!q2Qry&3V3zJ7?4}qhJ*etr~0Fw!{AmW z(GAbXI9T79!QP3$9z2B9^QM%>YSGx-7tCgKC4bm%j;Fe=Ly~nR^jlAS>K%-SmH*G) zbVF&4JlwP33Tf|qM24H)5cqt?1#a{YrrGuAuU5JXL zpV9q~L2=7|bTvK%sou{~wR{vVsH($N?=*4u!(g0k9Ydd=euJiV63|5TKr2Zo90eP) znGk`dO;fqTvq)SizDa6aqC^1$yl~+5N2Esm5S}?6&40BV;f1rR*hrQ4P}^888n8#5 zCq3>K_Z}UA3eKlU%io!_aH_TNf42xH)P>N}-l5#^?rNwHbm2L=J(%(E6Dx*H{Po(F z@0gm&mX`OkSvQ5}vC;+XD)ZsP6{YyizbmM`u;V#7p%FCx#=@iu6VkA<3XV^879VlV zWnEoOShQ^>t<;dAs#`Sq+wczX=*@!Bc5*z^%8G3n^p_c4H>Q3!+C&edj|%SR{QJRj`G{VV}ZfT2t7aW?-&KAKNU1TyCX1`Zj(>{HdL`kHY# z-l!B)jDN!BZ(rD@KL_F7DKFUBCV?|773k$f4m|wT6f!NwlG|;oAZDNS`Gy7$JTCc> zH2bQ;_xMoesILchEqb)TPQ-JE4F)RVERubhfHDOM*ju*@YlFTM1Ghr5UD}WqynYJe zc*;Rw7fsc#U^d?M6>5^7gmYaMi58cO&EA&6nwp_Dfqto?69?~$V{aCV3ui}Ri+_%7 zs+KUP>dv~-_VfiQnD!agTm1#KgV%&kzBV0bk_O-B1;J*k8*J3ZTFlsg93yp(5p%`q zFydJ(c`z&&J$DJ&8i6r1_wp4eVaxddR!8hy#*)Xs7`gvmAI|A9d}bxde^?iS_l(|( z&Gw}vMVKE?b}FN5;_l)~t4X+5VAupV##YQb5CDdTUij|7W-{rQA#8M*M?ZZT40m=G zV)5n;xa@BvZje<5r`cg(G%}Ry7fV2-P7)0Ll8=wJABTr}b~t9&H0n6dg8Yt;VNGu= zvF5{JmXTeG9HN+f)#prY>5qo5~l#)EM)FzQS>960#}JuDaDpv)v} z&g{d3&XIWOx-F^>Jp}sx!(g6^7Ywb91n)p|beS5ec6sU&7G^FVFhdQ{rXC5`Wq5;qLsDMxB7x8|J zFmk2*BpcmqO|n&{Q`@)iA+&8AO#D~}4&E(n<>n+(aC#}fZax~g(Nn>(6^j`$hsb)b zjab;HjB=JLdF7G_$vg24!7&)a;xGI^%ON)J%-wCZ6o? z1P_?GxC&Of|6}P7pRsP++mPn7nr|poAj?9Z30}o&RCU&dXn9#ae|#aN#a_UT)%Qgq z|5kH@!hiTw?-$c?eTwrU)w$#I7}74#NA^}MrBALUq58Hp^u(AX3=`O&Kg=Y>Kl9ho zphaG^ck~zH^hIziu8|;UX-@M8i}Dm|m$ttR4;(O}y`m6J~p|-{*%gQ(ZHj5VsY!2kKG3Gb%9T z{CRj%X#u~3!qHH-jZJ*i$YkWk&^g1W;v_p_o8y0#RK&T#y~{NuOih@*I(V>8<&(rR zf``PU>mi7ahrD(z&e*=J$Zy$}diI|tR~Hrz}2?3vefhz_5Ofx$Amg3rYUY$r^C zniWP|`rAvKXywcsUx!2Oog*NpK9;msRg-Ir_hH-sbDFkMm+t?W3Ma~Qz;@+Daw;X7 zPS;oE-6o958~i8C7%$_2;=k}DOpm(9ZpDk6U%>1`<9I=}FH`iC;%q=3)-IEy&YMbz zv&Cq>qwNOf{>;J)rhaTGuf#)pefYr33;98RPh2|Hff{U{$OlKhVP7f_5YgR9@VEOE zoQwJi{y%%cGQ^mEnHNn$EGuCB-W2{$S)Qy^9>bN(s|C)&6o?YKqk+C5tZ>_4_AROh zHXLgw`nq1Q<)t*gW?@Oot~`eeISR1l*j!q&bUfW?egMKQ#)xmFne$@1XBAN+r;$oK zO_0&k2a97(c*@NXmwh;j>rRKj+tHG6EnSP}1}BngzpL=PT7_NjG(^SC7f9~Mt#H54 z%C>c62h8nxD_VJdJQp1}30aSHnf*&`m{FaIQBn=~>!S!gZF+F@r5$)!Z92Cx)`IK_ z2jG5}wM}8uHa3{VVgKMSq)|u6LP?*4j%ju9SUnPUuN{un&l)gZ%?edg^2zxL*ReKM zUfepll{nmbByzeonzHNy{IDz+hW=c}rdM7UI382!;o-d??^Fe<{$p|ChS9wKsG{w! z<3@Z;(H2ZwDdGpi1P1EB4w56dh|6A2W|qdesF!sTMmPB5W{9PG8mzdl{Rh&q=qdI- zh!9Krl)+x3cc7bn2=B>uSL{2vQmmm=f$41lD3;X6G4pqVvf$8AHrNZ7w+(=k!Yt#K zeg;sla%_z%#M9%2J8;Axaw2Iz(G$yo>&F*3qOTBR>hx`O7EI%k-2!WO;xIn+zajYa z=Pw9596)q(%)olcSA3pz4wpL&1aVatMBW%dM`owszVj34u)ij_VT(4GQBGyM)y=p| z&LS9nRq%~Exls#mHQwx!#My;Y<_kH3P-{Y1-NM$NpxHlj35?;Wce?OQ(Q)R_1y(*ljd<~2a zRKfzSTe!qajNM}s$$q|p`+dCu{WHSEQ&T-b@op{~f5d}_X=Z|MhaP`a|Aw49WXt@9 ziBR^o4ZrVQ&g{*c1m00TbQ{=^ML~6>vr_jhc6TOLISrjAWn^sh#d#ac>kI+~IV*NVuvB}(Ly zr#^MxE61N|9)cZXyU6{C#_XzQ5nerz4XNvn5{LF0oT?)sd8a7Y>(qkzvR2gX zLk8Yko{KZ~jiKGWYa#KBG5*Alu%}4inryiRp1Z9e%cO+3E4;*yvbGQ_@TdnHhO;Ys z--#RjuZiHaJXiT|KfOD+h7>(M$}}BhX|=8z)O39ZXI~}m?kwcom)DcB*Jm-fKAbfy zyT(c$`QzNe3=pXZE>*!NQPk(g7J3DX-gi!=Lu-e@7PwDF+0G#f7Qe2fp5 zp*l;t$-ayYLf>u#-?BUchc0Xa%O_3b$a@KT*GCeyeV<~6({fbpcElSd-t-_@j~({j zsLhX{(wHBZC(PWIK6uUS*8C$nh0FQB0oU=>&YvhBHWpu1K1IXz%_K?D59+F_h_6I1 zJ0;x9HV8b>32L#}6Xna=g#Ch=bE=TNIFCi$Ww>>`E2cK(@W%#0ctYVEOtO5zw(F>H z9l-(h+0~k^UeHX2yEUT3!T{RVH3Z%BGeF+ai_e_t2kin3eOWi4zq#O4_+$=$^}E5g ztd@Oh_yDVq} zdKvEcrpga>kK^Y56_cq(=Is5HD01q)82fa0vDtQS*y5{xRIS>ZD&=3p&QF~rJv7fY zN!Z^F6rSSV64pS+swjc32wz_Pyw;HbqT zVLniUbt)=6uqGEKZzyAq7ZR}{XtvNX_Gk9phv~}RDfCa5B8^*h7zaq{+58pucPip= z$bTxwOG}c$|E~wmJKh6i)@x`yufeI|IXvZT$k(k1#_1=Uq4wq%oA(J@$T1-=@<@3n zNn2h8TmL7`}XX zPF5a%if^w^Wi}plFm!+ve)Zgi9zo++?1me-Ec6c8O00uV54ZA%t3R-{w}k!mu2EpR zNsqrd`wLy-rjvuO=Fs!6&Iw%F^H9@sn24h-nEJG9OilGRCVL!U&#y+oV?9+U9UIHT zXbcNodkdD&+zO5*Em&cC1mjWx8w)<(5Gt~~+mh>^5q;1$FvoUCm45Bjtj)P8Tr?vC5|Fi2p?^&~;Upg-_sixSn= zJAtj^r{W7cJ?!yz1?y@fsx$wexbfp2+}+#`iYCt>!mv%aA09!+mxq~c*-5wpT@a%> zny=aHi46t{{OOJEu}5Mff>ckA_7Ch}1_Ogb+7L;`Yl8QZ4P#HE<(5={d(LZ>AC}KA$vM2eGqN-{Efq zrROKy!sbvrezoN$%xd6J{9!bDdk&|H1>q2~@hmK{&qQMzMY^Ln5^p+>qDH-jbX9B) z?p7R0?rz8urKy&o&d;N`kKMq5ojHP6Ns*Vdu7((y;k4N85PnycpzM;JWMv)GZu`ZVGjHVVe>4)U>Cv zgZ%JZ+zDuTqlD&nI2v2(&|!BBMM_;NFyiP)5X$SgG2E9w7XUFP zz6lIc=40LH^H{&~EAvVA!vCiJ2Ya)v=!GSk@aMEASk23W%{kYI>Xbor2Jxj@h9j7j z+kDvKDu(^9tiV-$Fb)sSKyj`y7Ee`THZy_Ws=Wuy`z^jmDud2Ddr(`g5{C-DIGsUxVLVF3;v%)jil>}8BSWP#UGqA zq6JYau+KslzYeV;R^emu?gBefVXlhq5eD?OSu)tiqza#-NUY0_7H?801tE1>+C{M6p3B1%*LXUskb@ZrMKxdonz%I)}zmo4De@0JckWF%IqxXD9uy!hi8|kXsyQCnhM5`)0D}C^wAPlBeSXl9$(ZfMaQ(L zazC|f)X{!H-dIGz0r_#{U7r#!dSEMFHEkJs=sy8ztKaP46h(4igoFbOpyY_ZDV z6gIulN0~!&#WO11fh;_NiA~?gVdJqR;Aa@V=(eXdH5Oq1EeRA3eTHvSZ;R`e6|)>e zd)iZ~L3hd+b9tk5QZlLqKD{|iOw}ED@(XDwOgM?ADn{b-9naVa>4AKOLMo0?Y6aVN zc^c3XBtHAi8gnXrp(4wb83#CkOadiCh5otezCesyI#^sccs6)@ofm&|QvttmO0du& z0r|p0rf+r}UE~EO`TpT})MX;hZucaI{+@V_Vf)euQVMmLwf{MpPd9V%!F(23wSZLhZ@>i$`r&N11?T@nu)1&v)7Wy5&dTp% zFD@2Abz>mkuc8cwlgtIj=>RwqRE2kj%hT)rnP6P;UHm5RBEJ0j9-0F8V!Wy+tT4C1 zN7pU*!^@gjrxhrcY6+xoViVDFPYiU4AqQ*1A1{i=M7{V7jeH>_Yk0h5*#H{Vz zBI{NulNjJ{#ya>Ls0nkXMZt%+D)=T};5+4>1Bpe~ASy*2 z%-V#!s8<+REj)y?7N)R$hqbX~VW(3}NqPHmXmsenm(82#j}ex@3xBZ3=5uJkiAn%BMQZS=fl$9Y@M@iimzx*> z%qX$>;a3jsQyZA?wMg;5xFuLKyqs*x9tk^yd(^YTIilXeVzQuOEZq3;5c*152uzm( z5LmyzR~Lcrf@h>*e1lM%TY_WrbV)6lgO}H37OIQ%g+1MJ-2GRKRn>-6@iE8xrze7{5uw?&fphLQrF@_U2JhR4J1#0=CMZ^3Tb zS)u84bM|^qBy9cX$CPv*V9v||^vIN9-0045c=Wy&LQh{}Mp07q^29yjKYsc&(&a6# zYu^bw4YINB`&A72F#tCYQsk2Qg*f}xDJ;n|7CLm3$jgJnaM0llRKN0?X|EK1uhU*b zcVstOz2E%*96ZK6)&$Sh2k~xV5sZD~0dJKff!`lQ4c^SA2iCcvK~^7mdHXVq)&FVR z;5&)_zMfTay|N3gkBcT&t6s53PI7d_iy302NdVI~S3tRf@UE}>1zHW$`C$Q1o}8%rM^x{h{V`$byC zk+7`W4;6gAll&JEc;RM0dAam1$+$3<`o2AjEwSN(M_Q48cCUdBFvL+I6Y%}F#hAWQ zpJ&ybA_>#hz{f3hFvDR4j!_&1GrW$&GWd_Ro;{7hLnw^-xELbRt4Zk;Ih=C)2Ddn^ zK`GrvOdcN*X34G4F#03;v#kZ2t4i?4E=8_)XA)dCcgDXv^kLHs4Lr%x$l%!nXtQxE z`@7d)^uy<^D9bzmroa}li9;snc-|#{T3#~6^`F2!ScAHk*~9dDAu};AgN!zi!Pm2m zdDj3S&WD;w>l=>Si>{Kgs==JD+J#dS#gG*^5>EvPeTvtC%y7YQUSal{SVsz8Z$}0( zehKhvogRM8yNZ39m*DoEf2_hyil%%LeunmH5-0SBd%UJ#cw(#2y)(oV`z_FZQI{&c zn2Z&-Hj%!QmOP_UkuGoC4GnIx_@P7SItd;1qu;N?P&;KBA6bQ0;}JIXO9(x|?Si8^ z8$%zq!P)pud||GOy#fcL;X*1}JhGufdM82R@CA@{E1H%5-U908gUOX~zF7aU9EW>{ z@)@NM(D~ak@xU+z9(XGcf|d-zzu~vow%qe9BSe)IYNwOwjwP(aSCcBd2^T#mIKqto zeh~Z6Q+PhL8x`kVN5A%WXk@wt4y)ZqYk}|JEz60eWj=SRIW1ni;3A$mv4BkTaus<@ zQlp-7ZMKu-K0-;?3-;?>sL;6zfUz5dK2hIKvGv2JXi+F^0f*csFUI``wRUPnXjh}g zA`walp2BO+!ZSp-9%m|VhXqHbQ}41M_B=|SE3S|re;i%uU?CUK(e6rRi;E%ja5e7n z+r^cKMd3%~KQQ^a6>Hq8PH+E9$6}9btaIWtX1!o21e&XoSAjF|@T|jRnv*ri3|LJg z52<0#@pKI7p2?@GG=R^+43a-smfUf_jRRgy!#QncxHY8cLBpSWk}q&G7))NOF~PvG4XZ_UJ2dFw0(<3 z$Hbp2!o8E&%z6vaw-|YPtv3iiNHntvWIHNH%%ipADE(>M1GyD3q$olfL_uq*-E(lQn;e<0=~|jhU2da_lSj4(bv#|`u^REMkhaDg22&F z7~ckL;#i0j`p|g_g)HU!a;)vsJZ%ZID%gR!}LAbr0E%=*`dOd%5G&bZ^WwOyd(Hi>NC+Q%Ft-hoxE z8a)`@48@n6=qArZJo-(aAHFz-4|3QGXQVXAyk%ApDy7ShWjM2U&!36wLNDXhx60hz zESYI^o@P_OTxG?%k3l^}0cN{v(JVP5m_Otm$^PAdM}zOc#kp@pFJmIb@6t>mSZX6= zt!e-R7vS+nR8T5RnX4s!CTU0W**=xA_|&i%&dh5R+|{z^T%N=_x7Omry1DfJ>Wys3 z`yr5K@D5&Y@gf}ymWYiCv@w5W5_u|_CJvJFWNl{27`kFBrg_JZM<1K;ynZxZGs|Xk zgm;YEpjL=d+Ce6Zq@hjN$$Wd_40p7qknMv%VXj9fhOUprjUU$VvUw%!{_ndi*Jlvl zy<7sywCwN^RU-i#hEb=`KXBlCDwL`0zf!ht8o3kvSDYsFA&;;6Xj3sY74x-jkUTRL zKIG*%{xrG*4+zgsm2nr)^UERczC^p;DKFfpc1$Zv|bDE?s!euwbBV6#aF_)&DGc|9B^Zfg+b~1BxtqJr6c6D z_^<8(D3`8H8;BVV>Usx@`c}ZMh#oXqxfr}e1IR7YgOGAG0GgxC=}(K3IDN)$mj8PW z=(c~sn4u?0g<3Ck%PX)OuU~-oG)WPjnF1keMnm8ZXR+$PXfpQUC~BGKgqfn_Fr~*C zuSCzly`3rec}^9q{-nk|@;unOSO@Sr-;D8c!)S&6E7B$tgNOgL!1Rl*sB6$C4l+~0 z+_cA#ICnI@x^#qOD*FmP$yJbDU&>Bh?E=R^E9ts@+GM+p1aGm=~9Hi$rr!uLjY533O6WqR)0}k5@P<^=2J6ql)4odLg0m4kAr&|fG zol>FoBpnAz6|l|A?BUJcZX6wxNgf>;L%rj*aZlV}es7--?7TXii1*#X9a>uWqdS3h z?z+cT{k{#K15RW7y`i`-Z#KHte-KSD52x#Ul;J~8IZN)JLUnp)h+bwLg1*ppkzBkj z1_XzbzpiR<-f-bjyf3%xMoJQ^_NdzIU2%{%nU3+ScOsa#dXZpBvmI)tXev=ry`~}Sw1hucX!GVcV^i2oHLjOZT zzrO}|RGboz-#i3)Nh0JqyW-Q}seEHhKE%EP$T!ZzhkmKdJiZ#zw+fy%vkbf(B|KlY z4I>_nYkBg<2=e!nGe7Effo#jEfLS@Ksh_}C+p6-0jqlFJ;N6$VroJP%bk%RtoIjad zcU0oixpk=iwhD80ZNre`=gGHJ6KIlMiFL~dac{XjgbNNbzlsd7jlKoVXV*~{{Q%WG zZm}U&gd3^0!h?f_Wa_ziw&X$ry!b9cyNf<(rXlb;4psUuOd~Q%b*sVH&2^(dx$HfJd{F+2R8vozR-_OkYb$R@V$*4;sNms>byl(DE zZci{GYqpuwU4IhE@)ZGieM2@3H>gBvEO6Gf1jd4OFVq>BprWZO_^wl9zIWd;1;;L& zDv<#R%SQ5}oA(Hvab2QW7rR#zZ_zotpVH6nRtX#?-&Ud+aumMZHsI|KP09VF z8(8~J6TV&y03B&3P!aAqZSWWaogy(u|1?}qA1QS7GsvSiAuKNFJ(CQL#Jx^4>FZ*B z9y>h|0~3vy_tm>>)x$nqaDJb7XT2RgyE_TaO;3UO#Tn#=^f%b+8H#z6yRWb-9U%2_ zBYp}<1?!M#*lsJlTSnFp8zFo4q@Jl!DD*l5aiFM8mqR2e>b(WJgS{+p#X|S})U{DkO#0Ua4v3pq)lyN zzCqchQS6?!1FD^x4IBUFqSAa#e#~Bl%D6hi^p)4ZJ^d48xY!C=m&dF@ZH0Ky7fqh* zAqW_!wBV5E2C!qbJlZdjq|g3lv-{($=$@=3@-9S?ebE_(&Wkl@tJe$hz~EDOCLf89!K(xdcI zVFDgsG?z{`7J=5tlf{)TUd-b1|?Z8MaT9J+Nbt7~Ndq(j5nLvPO`k z+Fo395Wy#S0$tH=NlW6k;N{q-czxn@c6DF{yzH|FZsQ4!+(lHpJOqmW`vU)d)Zp_y z~$7SN7#ciX5gzl!O8o`Md>Tp!4u|Qkz*IHMCbX!~9$MO2iG~?jMUq02 zip2Y#n>00~G?YYVbrep9f^$sw#kJWjaG^Asjc|i(Q5Dag6^PY}DvNr#l8P77vl=fL*xB?<5|u ztHLFMraAOk4vypgnB(vq0`r#P_1bAPWRM+fS#yMF`VHgsxs^vt$xo z@+ut4HBMs1+8X$4_XM)P-)3szQ!(5B5_IlAf^tmvcSc`r^L7Zp1|v%!lS+o!0p>@Y0@Bd^qPM}oS?BDqh(Ub^VddDGWHW_MXZ2O z!)yZD8YNW@eQ?S03MjXZN9lxarmraE)&p0GXFiG|lWvY+P1OTw)CXtQCtXJNStny$ z##ShnsKD8uIXVX|K*=3(7<*?uPI@?i$j4X1VuNc;`R*|63w;bC^93}x7pldNkGG6}J2d1&i{l=u>l$P>Vt#!#tGkE)GP)`giQo$_UFo zPg|Hadj!Av>bt=C^b|m;FL4^XMsCQPK!AtfnjU>qw8CR1O5PcSCcFe6rc-OlIs=h5JYt5d(khAOf3}FvCO_=GgjrvWTo7ZE*-58PmZVpGyf1r5XMe)7^ z(@4)d6UZ6(1Yb{=q;t1cgIUN*Iw&e1-V_a|HqP_#e$sD|@y5-3wNEjVw^E`z&7@&P z-Z-81+5MGGFntw%6iy~@?Zls2`(bo;G^t8f;#w}(v9&%L9MiYssE`8mSBQta zTsgY*4}rr9M!|G|@4Ao)ZaP@(I1E=@9RPI#2mjM7!5iAR z0;``}0sA}~7G-H-f&Ux`Sv(o1KadyOUrNMr{u3bX;$NIl5&>J3RpI)l7BDIGV7oVZ zgZnix9J)6ihmRC;0)LHh?{gihXS9`t9n_|lE>Ez#VjwqGQs+IZtw>W}ugKxZSTMC2 z!=GGRPOTRorK<{ZiRATT@Ne}eDEl@B8}(k`{AY=9{InasJf=v!RzJmF{a`pIuK*to zxMADB3}RLPk0@TY2XEi2*f}B+tfUf1w)!Jz$Q%Xv2UWmmT{SVdt_01Z5GCA}vgNPGtRe!l{(e zsAzMFNWUqE1&#q&Q#pZ$ndgD8<}v0UD+6ZJ#$k*8O-z@U<3649sG+}sQ~E+rivM_Q%eKuo!%0fc z7|D#8Tg_t}9PknctyqFTv&E?IJC5d=3eKkSLf5hUmt|OyHEb}F;%^ONa7z)Pqbfe) znUq3!@v4s1mRiGz1bdu+@|Gx1-Un;;`>_|he}O@W1~x>7h`jGVgdvi_m|1ZRV7HMt zSYkikJ-?Uecv;|`Z{av6V>gy1$x`F3d2rc&2KqJ26P46|BA4M8#bfv=d^9oB(kpxq zxCRrNd;27db@0XC&9P!Xj~pzkSO>)eJK2%zfv~V`475L$!ztEdQ2+E?;T|xFMvynS ztI3bdj!uALvoHASc`xhwGLS2GXQ7|ZHK?ywAUh^sV~;P$l6hMmp!nG%SRCbpj`QZi z5@lsBW#Wg6%K9ORG>H7FwV=k^0=^g|qW1T7aPPGznQP&X?<$m$KJes9w=ZMdnI4>) zRt~;Nf5`X%cZgk(j;+d@F89_C4^giN%H>PdJp5 z54yiNbXcasS0O(VU2MctrA~lSULjgENrLxs*<3CYc$~*8Jq6EuAyvcjtLfExsA$^jv1)?9=gR|Z> z)_T+*+UH+k8WSGC@CTQn?cSu~j^e{a>e6ajx!#U$%Q*p-oo`^xE<|(NqoiuWUq}m_ z#ls(6C6z*sqe){Tt{hs5s)6ccpn4PWQ%}Ty+djja^Tv=Bmx^zjwaKFO2S|pbFU(3^ zj!zmkV$*>hu|}eZwwVf9nt{O>mNysD#?IyKP4n>Fl%rS`Qj5D~f?>JLWi(y)h3U_z zC5}?k_|~l!X8bq?;zQBUaJ`I_oA0Ea7TR< z#O;g$-IP&OYnBpt&ak3;lpV;H;bN8FXP00N$cvXQ+{pmxMA zoDmg+3x)jQbDLK7%gjP#GFyVLcw7KZ=QFWH)kknhT9C-+!)e_hTdJ_nkDWdI1lQOJ ztcfupc*b=DnJ=Tm8)p3ki~b2L_0LrXX&caX>p&V9Gac!OOP7%B?aSts~^X&i#Z8`&I9Ij!}#3jH4-~8xn!}woF1mBkPINHDyH--pI z*?)TY`_n|anrh?1QTjs0#{g<=CFtXuQTV1+oyU!(P-P>+II(kT)<52oD5jm{4} z3Yw$rvG&SkG_Sagc5av8N25L$&$I;R>l;Mb&i}yOh446qp>#{DF{;TPg%e@JQ6+dc zdA=hN-(5d4jnv-!9%C_pPMUI{{zoW#gVbN7=dc zrMPOtL_Fzp56qH6;CYIOPC3y^u8}X$C#xae$Mf)5-!59|{}?kv&2WE-2m2DXp9Gex zafgXH;I1q5kep;-itipQwA>BM{R^8aQ9xP~^?A1IBWRrU3Q{g7!0%hv;o01iB)z*F z`lfG3{~5CQV!?Cp3A~A?5{|*tLU)q0U>aXmd5P6#ZNT~aez80AABy}8_kiQ$7z|t* zkKWfL`G!@i+4<=05D}IQ4N><01_`SjoO!o($i6W3h9fc*Gy2vqCNtk*$1$2%b6-BfU;x{@!;R91Gkkb5*o2zUV>HUckl^YJ{k2a){ zLjs@T)&04+(|a&qb14pf(!u273V}l(UMtqzKAnymu$Lw*a>PZ;E|SdJRN@)?1ZL^) zW%H$Gli3On@Lz8^TVt$*b6_lp&41&2wPfgVx4|l#V0uE|fHeLY$x9<->Cd{=P?saz zFD{7%=Tj0~d1i~f7GvStGjnn@N?_wJb>$XyV?qDONYME*6w~tm!9(9}k~VZJJ{lEF z>?fy*_iI*Th370*{keg(vrH(T1HlX0|jr$!QqK?fgHsIF~=n(qv zZ+zS#;r>C)o1#TVXn$atgO}qjwKI^jCYm~|+D4bv#zX3g^`vl$6E0l;R5W^Z52=x< z0$owA*x}n>O#H8o?8q6*mwukib2nTO<_aMv{vd=;7*H;?4iU2|a0(A{8J*MPq! z3ZC_6z4-cj7R-D}#j&5CfK2t7l1JytL84$O5l_5@hHk-Rez%pVIigY|{dxmD`Oqj{ zxw{ajT-nJ;`+j&>I31L%&G^{ldbF!}2uB{5liNulcq_iK=FkgB#V~2Q*!RsaXC~3yR(!gSVO$I4NX0DLbOe zcl%jl{kNrj=fDp*%zqLe{nCZB3oQ0-0%Bl<4l ztfcSYoiAh;CB3kt(~H$A0Ji2{f(42aJh^u|ii-#FeI_RK=Y?CWY?%$t@Jz!k=DVRj zdYW+OSc!wC=dpabB=9ONfUrynSX61o^VrFL*Cj z6P#Nw%wii0*?}7!L~^>A)!1%E8)`&G)t*GT9dB`Eyd+)FCw$K}Ga))k0!}XpB@$Dk zSUREU@ehx_z~#2A3OP`PZxD@lGFjad*11<>%6C1wCG0ZlH#Fhi^&|N+%!Z(%7#w-f3u_~vVe=CQ(5?`C@GoOg7tGPt z;EqV{vmvPUxbw=~T-+3OLGX76h_3s}^7?BkFh+C&jHXV4=513!b*$h>f04j~!-Q<` zWM@)rB6Pp~PD9Fup={6NrFdX&7tS1OMn7jCV|tEz&~EuS9Q;E9lH@DI^9KEZLGzB_ zwk{>=;IW;WYVClpDQUR)`3kW|%UO`!ejAdeSg;qrUz0v-Nv@l-6TF1HS;C4vc=}F0 zE_(Tp47y(oOQ!y2$6u}^EpsoBS1&3^^p8j2^V|Sa-9unN{9|Y?iYE4+X4Jd!F>W4u zALll$p~MjJm({$QvS z53SC_+4t(mlJDc_>l$U$y(dP~027)V{+yWazm3+ThtQGRbHt?84kk%U37xPL&@8;q z3yl4F%)1A$AVHow|H>qj(g)J;j#act6LEH>8-(Y!LWbG~_^Ypq=jBJhw^E^3IC>5m zd*v|Q{#tfLD~j1n>%~KD-_X!tIB^_MfHx0UfnWA?+<$x~F1sUeN#++}jBr2SG1LsVyMp62-7Ae=K>o zb22*3Fy_V4x5PCjQ%KYPt2oxD7iXI;B|B!P{$J~_mF#I=3`^r?K*JwR-kP=s#7F<&m1RTd-)T}z zzG5DUPZ$iX=2KBixdvV|K}IYl%MF3tv@G!3+Qz(d?qS3j;cgmp6oPsjNq@f)D!z0V+3p)7_}T?N ztHW_H@-)VDrwCyu+(Uktw&0*ca-V(y#pxWZ#6rIU}gU@nE(y zP7?nKyU6s)C_CS|x_`Y|Qyd!>vld7S}lQ3M|UbXUlV z2f*Qj17MrHG*Mjs6Mikx=lf2Wf_~y~;KAR)GtH7sfBy@d93`-$aX2*WRfop{^QZrV z39oSaN;T$TAcvwE~A zhpEcAy=c4mFi7Y95Ouj9hu`+{Xg9-$xp&woc>ymXTj_9gnfxqCCdd3%=4 zyE&MDc5fFg5NCtdiYd6Nq#WZ0-vN2gS`>?X`FIOAsK0cjM8Z7=OQjD3T^NI23Wd;V zWRHh#y74!y9{kyiPO-| zt^2TjMmjj=?h1Q}n_V=wsG{_|wL8W-`L zr4+h6PQXtGm$HFd%UHYhQ#h7BlFQAshcT&RV8J~Z{%dfIC@oD6y+4nkT7{8dEN~OX zk$9{g`v6P|<+#GnXlOh*1QR6Wc-@soIG0t2InhS}7P;WRGf##5h2Zfjl44%bI`l_M z0xnbSA#>iSaBn@q^*&;xc=t)fHN#$!uX@#xH0~%E{Z^vCf=qe3Z7wco)5nts6WBBT zIM}#lF_*FXhqL}0!gonhytq~pA_jiOE3dVnJ+YTWh(GSi7Dw*&#?hsjG~lzEhN_?)xlqUSQHnkbL~w zgy`X(k2b5Ku)5?UZYVwpy`~dOqOC^KS&yc}>iH%-f5=rR8I}tVekL%lQe|-2-p?%a z83fmz2l*`<(ZBdAxQb1=WB6Ior`KnQoI^VFgv7wOch`l_erc?p{1m6`J&wEj-->s3 z9KsWqPk_B;8`#g6q?hNmqp9R2@VfF4C2z`sZ>%~$+|dNz(tWARQU~r*avF}_H9${0 z1K#yP8J9gOB@r&Sp-(~%qiPmXo5>Yq{m@vF{jm<)8#Cb*;aREiW8lkxY!IQn_*5H7&aM2SNG zaq;y>={EdzLQjJ3oU$mN9n}tKyBAZzBD`=>lW$Fm9vEaowtR zc&z^b^Y+ifk@u#8Lx2z5KKPdOv}VAz&iMjMU?P7ZxJB)E$HA#i6J9=F6@K@R<;2#T zwNI{vhkpW@>?+DH6?fp~Ip?vfYP;CyKO5Xb2U7d}&ryA$86A};h7gfDIuu>Ss5TG& zDnVfQ9a@RTCb6)U-outj@0im5A$<9!6r$L+0=@4m;+{F8+~(tQpB*_iQ5$T;0WPl-|c!?@)-3k7w;3StNV< zeVjl2Bi1+Sz@Z3tk}e&Gy0b>&*I&u7W?eN@MW~`%Xb-Gjy$Rj23em8%5}jNRQfaj? zOkQ{a9qSypVc$?5-RDn!O_YRWg->K`v;vJ) zOjn^z9J<>CQ=~SqV4(w@w(KJAI%@>M2_`Ums532AjzqIRcF#kvj;~YU9+(AOvp-nXlVnc=A_pwQXXiwV&I;YVKMxF7+ z7CU7g*fbtBVot#>6&12XU_UBsp2l4w2!+EESh+n3nvDeR*RegUr&=1~q;;UV-yPnM z=_j(u!+1*DKzhSpfiGNXK>sck!$t8|5KFBFQQ0$QF!ls)nx;*^mvcO={2w#lJAi%O zqQUjg2U*tNjw2D4%h>*U1$yhr&*?|znbL1_DLzaY1u^Sn`O`aN>Gjnnm{DSZzpvZ_ zC$mCWr2b9lfn7uiA^#Aw_XoLp`~@cFmN38Jdzeb|VN9*Kg|o*!6h8lh;qTw|eEgjp z;8I-CmJP-8s{GSA1c?Nx*}f5o8ZGW^pVCy|rI89Y$)7L3je zrZXJ{K8^7WOOaPSwEhl)r52&EX=f&U+T4T<&vfxWbs1ENypMx)ZZMfpYkG5)Ei~6^ ziR=txald9fN)4LB!-9*rbY>RxpKBmdPmW-`#}a;Mu;4e6J_o}-E#)`fRSUUP8@R1q z#oC;UP*hwG&(B;&vUCjle)}=ZUMD6?s+-s&|8X$NUf};vc*O21I`FSEUc;3Z6;k!` zv1og48vY&d1+|3!vwhql*i{;VgU?F*zY(5BP^FJ3I*^F1=5E@&KAU0lveBl=(>I}Sbh9;|bUDOuPXM%F0^9Rb5k zFie-kS!+$X&uMA8G{Xch>Z^%R=Bq@i8r10MORXGZU(8h550RLd`d0-jsfZ zHLGreL>W^O^+lc^qgm|MKSrF+4&q04X0W>CLpVTpGKPv?kiyH-oR}*!iMs<4%R5!SZZeVDJ$qe9`Bx#!sXl zMuqUA@=mba=mS-WO7L|127y=D4m(AWJT%@Nu8&BALvQZF&#b|;Nbs7eZXC;Z-pPm1 zS|-d5>$rofH=H=IhF)+=gHz8_VN+HqIlf#|=tNU0x8o%`#|Me79djk}w(ICCVUF8- zcrq_*9t2x=?+_*F1_|uqZ+KhSGj92@icT-j#qL%WX3}Uv8y5HxhkL5rp({bW?zYgq z`lKXuuR>tc7ZV(DW{G~y)a zHVZ%TkGTfiL+39kNwwu!1LMViKHLO3mp5coOdm1a90JXS$B0$&2%f%16+2s+$OCaV zaaA#a=!8>nVEhRVD-8IXpj=&svlv#*{y;8h4 z!x9&m9);V{&xlv;Sibj!Slo3nPTVyxhJBiM9)2$oSVm`u0!nQ_Sn{bHJFlD3Ue_IL!e3#ps22rgI|^ZT!Ey3e@(K1`5}~1{8T%Qq5v&~B$*+qM z*rX!x)vZP_=d50+4!D9}>@y+fOfqy@OViJ9_X~`SOPC*+j#a|FLt)bZaBo>9>=sgB ziTw~hdr=yZ=i2b?kB9i^6-L-}bx@F$;p*SdLWxEhCXy=Xb=C!gxw}C+(Tg5542I@Q zM`1s>z}2A-*~!Ae;AAsX6d_I%X~xFDEp7ryhXIUFjTYFB<>X;)9$Xrqg43Qh;Ej#V zL^JX3_dpvVDn0k!LN04ykzT4W-!2= z&0HlZR@T^WKn8W-0KXX#_ucEKMw9r$GN~y9c8@ zp2Kjhy<`iP!D7#J~V-Z8MVD1{_%&tj-zWZQ?cs7LBZAR zX?bIz2K*{$f|TT5<~i~tn&?~eBI#zVnz;VV}9GPKwB6ed4aAQRT4vt!>3>HOX(v6I7G z924KcKADA)+1+c%1m{6i^NJU)^ED>Xt=GuzZH>@BX1vh#zW{q0sxUKT4teo+E;n3g z$PRo(c#<6oQ#=Qvit!D+p{tKyZXP4ei-+-6jefRu*l@b3G=R)1{g2ipYJy+yd*&PY z0%a!tA)()okdHzR`BYylm{r-JQ{WJIbMUtKMO!zs@Y1F-!wO+-K>*2@(1uyz<&g2I zn(6P^N~bgnyt6l_u!VGBhoKV`-82K+dzFZS2jYytuK&3<0-qR%lLUP5v`pCHD$Vs(KjO1x64ZU_83=1TN%TvM`7*^W)^l7z z$QTyl&Qo0|wi>}tci9u~+ZTl1N;zJ6k^u52XP{f;X^4OOLj1T>i@vexfyj&yh%K)t z`?c$!ZtDO>ubJSs#t`;ByMoOOdJP)AgYkoS6uqjHj7&4JWc^qVNbXRA_tUE2iSTak zTD+K@bt{BtK2;F+CWb^s`f!uN)8Z?;?_-YnFIX_a82hq?9Z=X|c4YWP(VX##5GXjp zI;&pdANgvydT0x*xmXP$tD7T~lIBOyS;9UXT@!57=nU>6aOI-j-h^saVH&@;os!AM)D4NL%{Rfu>8$^P~TSs?}Qw;^4BDx z|8oMSJVf+4=t#njlb$NKv4;WXY&c?i{Vv7w& zqs_)pNO#f0FW0@$Q`oV#ulNj2uKF-&jj|~B&S7f)#)HI-zJsxI1!vvMCD{7tJvPb> zrB{xMfmk=-@0RnJw0stMU2`6OEV~HyVGEmKf*t1;_ z7X)6)X0^{G_jxQ4qP(!+g$1|v z@Ws71L+GL4OXwY!4|VQB=I8Gy2=HuY^)7xm;?Qv%l4gsCuGiziCAn~XtqZQ+Uk}BD zUSo%CJPwaagO(X;R8w;bMrgeuNp{NgGjxB&X{r zSbQubrzX0B!jBAe3d%%}nk*cXbsVO;B*H$Ixopt}D-8dyp2dAJWbL{cg7<77?O*r| zclZg}#)BQ0_wF8AEW0lfU6ZATgKTJ|=n)W!aF{f=46AMYVEq<*n)vgDczw)XFb!*m zA#cSqR@Q*5LYVBb*!HCvI`jq5pKO@t5@|vf&;=OS~3sdliSp zdCxKD>tHsy=K~zvHjrOZY6Y%Z0JnsjBJZiemVn(@cTfXfQ zNyxW4hDTPU0gO+9{24k#+tFJ+|TX*UEv{o zQkxpJA9bF{KbVh^Z+byCBOMwWeMnirM>a5RKgNaZgUy|{;daP%7^3RJD#mz2S4sSh zr=v%TO1>`vTznSKzl}wCXB9f-STgxL%9c-7h=r$92e5Im7hr+MVTd`;iGHFH=)A0j zu}2R88_~qN90)FsvEZFUd||7$F%4}W&LckxY%N<={wpC+U_YhMJS}DP8DNEv^-9It zf*tVNnHAWgW(oI&%$r906)f;pqCSs@aT+EicI~`^r`C+1Dpnn2S&t!6etrhq_RDfp zF9|*=&JxV$Z3Gw;0V6NZfGwwn^Sy#|EX?u`B<-F6A!p3RQ|7pmA#O3a^F9i`KW@$LO+eMy2Yj&#gly6?p(9e53Pv>};dfCr zKKOPLdm|l~;=^;W{LE&OKSPGwsXl{c7RBJQssK7-GpYagi6EssT>Sn(0bcLCPre9F z+o^A@l>|dKOu>2>v(zOANK9A(#z3F&(x+;9F{0~|ac7c0Jckz9d ze;Dw@8YjHXz?uaq5FmVA-PngXUui%76WD21{=y#C?;hK><`k;ib&>v2cfmrq!}rT9 zA-b+taJShCCK@GAgDyrv_MJ1R;Fb=HU+g1QqmO{P$$Rl<(R)(l=z!*tsmv+u9vaCA z??b^k@oa?=KJ?IpgFB0H)|f14-V_J_K3*0-sMg|7t7PE(^LOm>-%2Ppxh0ZZbp+4+ z(`8D72hudfb>OP7fQSpn(00Q#2yHxu&O->@-WH5Hzm##$r|z9s5fr2`w9A#!%UQTa58;dW02*lepw4q6VlciAukNnGiI3O8 zG5a)D*{8z)$^0QYY%ofXTfwwdjY*NhcLd8mCi6uGvgE##dWS`1(@sU${YHaLZ7qjQ zp@(q6j{rG*v@Bm}*hPOdyW0j~}ulRsUz#Oe0Jdw*hv zkR|#Lmp@7eqeHJ@L&AD6x#C2fFD5}%SPgNwAq89J2;M-?R@m4nO`Ue_!uEVy_#Wv= zOgw051ipuL!Uxsd`F^;)o2{Ur>IG=;1+iQ@9kbwsi!9~&AxaL1Ah`0G+J zd8N7#KSWB>xTZ<`>6B>jK*r45m2t3*6rE~(0bYdmkaF#Z;GZN!uRibOR9!-O709g7{E#5Ns& zM_N9ViqwYOhKoP5$m|-xA}<^Ithk-EJr2iRsktPt{3*sQsV9~mL{>JX3b&%K zY}2TLxbpl!aiDP;TlYnszaOEBJz;;~q|hq}Xl;OX1#_sJYYJ02F6U7GL(l4UVv9#xW6@} zWa7QGY~ZT9&>pM6i`1smn?*zUvm9kyuaHSLs@x>=TIWJ_<_z3(^$5K4Eyg$NcJR$v zg&-yBW>qfZxRvQ@tP0E~3J+f(P4P!-fwgz^xh;*wHLPFo9C=$8P zU!@oZr6j@Zr~lCYNXvPuaRDS+^@UD z-0>5>ztzDGoy>uQ4^I*GtJA=D5fg`u>BKdmS$NPj7lhUdJN(lhB^IlJ{k7BN&~O>p z`GeB110UFf-8*2M^bkI%I2a>O1b|rBq3j9R4A1U3#-HO&&@%=l- z83jR|%NB4H+|Z79_3+B^l{{7AIZCZc6Y!?4#+j}GQS zuKVI(b~B5S0wFszsXB=Hm3l(Jix!fvJ(0gTP|l)o$3bm$azd7mWBJD7m;`nWjY*Ibz9LGZx(YO=X?0T+){ zL#;=*#b*t3@p$icy8PxM_Tx#q!}H*G445t#m? z5HC(nfT$($#MZbFmxoW{H6}OM%=X_fbng+;uhm#`?$QEY2}$hAjFaebO_mp~ai^mz zEFk=^vRL2bFp9QIfPdITxF)zeuejX7E3vO|(4*lbeP06sm zCb2~rDfC*Fqe8MtK;YR2mFNj1{R)PcN1>zsEy? zDm0)~g1*R{2Q`6VaObBcWb9AIn$?RjWtc8)Tksnq4%xFKGZe_i&SA8F>mU3)_cF!~ zI1V2QD@4^&Z6X;%;jOu+8+wO&iCzhL3!N3U>`2%V9AveZjsNoy{$9<2<%Oldo8qYS zvFi}f^c%vyx5L@p^7uO5mfI#oLRIfb^4`S-eoWVZpcT^O!kkVPb36>b>W!eH(I+uu zAn@Ay99-KLk#~`*`$b6fHKK6g{SeG=3DD_?=2ONvovjcH33Zfz4 zr;wG`kf3(w!eGzi6uf`y1S!sY19KhEut%DMsn&xqP&ko6e6;stmBvg6-z~{2zu1EB zrpsi*yR(?|bsuiB_Ta9|TF5AU+T zK4&mguK9`YJQV2W^Gf`>xda#mdw`QwKMByxLupCj>-?M0LB~c^ojMQ(*h%v8i8Zhz z$_ZzlGX+=OUi8^?2UFX=fM2o*b(4qEG#pRYl{!$1Y&pJIN7zSn#iO-a1H=TKf)Dw2 z5O6RL53Rk2w>bne4iu(=Tni!>gxebrL%<58UG7N&sLb00|V5qi9Flkt&_4o|Jv z%qulIV9lT}%*9e4<5fIyZ;lS$(3%ZvzYc;w+Q&gRtRE-zI10Y0|JX3uJe(k^fZ6sUF(p$FTQrDonI^D*1BT!l-*IS?J(Pq`%V7nz2DJWQ z1*n{s;#Lp(aN^2^;QGlAVue{R>*agPnf)7R_YGy5TgbrZ>>w8TdWJ|PPnfA!-4*|0 z>U0kAuv3k^Jv1L&4Bq1Fnw7Y{)fr`{oQ9J7MlkcL z13PfI7F&Cwp-}%WYgLh@dm|d*vO)#^_be6Fe#T%zz+SchI-z2@GR;mB7+R{ML{BS> zFi@n+7i8Cp)bIFk>ER7*z*K=hceIcUd6^By^&cTMCzPkDuI2Ogjp07vN{h3!x&3=R z92T}7w+=qY`kPh>^TR0G-(iknmH*MTt6qcK*NNb)bqsx`o+4Jy?iRd|pEmOU<_N5q&izwmmp{kyk=#PKAUbyMIo?vI2N$=zgq@N%5>-JPxSzJZt5?MA&3k`Sakh~IoWgU#;I zgXa*B&rWBG=9QYFyp1(XeJ(@2>V$q!b{GWsc0*Z76{vq`MGMyyv3bc{STjbM=5^>( zdz+8AQSluPJ@A|9#(L8!LhkNvaEa)ad$0Jm;Kg}6S{ZL&zsiP~d%#_-A!J5>InHjC zLr&x|(JhBrPFBHXZx8W;x0-C$xVvz(wGgWo^x|5FM%bZ$5xTF=<(q}uAv4-8&NIDD z+E*Kc_0?@W_)jN3?(M|0mAPW^iq-f{vk#rp?t_Uh5qh?>dDv7ZO!B#lJ1sik-i3>( zCZUR3)4t%!QR#5UWFx$AH{o6VdAM`89`tOnp__xsg&AlrND3L7DNaM_1es9G2t9|7 zHvhu=+h)=7zV&R?hOM~t;x=64{*Rr%9En%%B;nq9H<-!&aoBlNgL=nn&_LM~EL*B0 z>{aW@;f+6Fm+>E5RP!2F6rZ9cODmwmtpiTHma%+UJpi+nbji+dlep`*;gEvSkZNa! zId^Qx&-i36xuO6S&z^%1ZM*SRu_5<++R9wV29w2)?jTo}A*#1hu;`jI3_m%8A35pH zwg*KcACy3Dc24GP5;xFX$Zqb@Foac(Bj8uYF#c=ld!|2kHC}MNLp+0gKwLEhJ}b4r zxhFx$Vh`g)k7DqS)uul^B}rI=;60pp2mUPcr+2D+A#7*^=5G@5t6o8PsauZ8#Uu;4 zi7TQwuP%|>iUl}ld=M;=Go@1+Hk0o1S13}nf~$6mXwl(T;hpadbp-&Es}q^U6<<=Y z_$rBWZo?`gW2_lbz}9u>@w;2b@z?(}(fQ;){Fp4%0<|0P-QmI1>Z~?g)m4IC6GS-^ zZHU(Qf^26a-1helyqxt^yk_M<>a;@Wf_?SF_znGR{jyAy4|N6;%M&bV??R9}UNa4OIAZkz(M>r+H1u6oPh z!pc^(?8s*7lWV|5#}77#9)OWuE%>r;02o$g!@{E(LZ_e=C078$`R(iqRs`0kgfLSk!+<@QGCk8Gb;M&tH(p9&>qKs3c1oZxskEn2&7e zxJ3|c84vqE8vKu=^N#28YvXtlLL_7)DuLuu14G&MA&s3h&4`}O?ozvMpWT-WFGeuLI)HJrIfUv#0M3Nwi{;Wc)Qw_r=Ey!e=Y1GHF{1qbID5!vz_ z*nRdtZlex-)qo?=>^KZ_JA9adbmt%zUUoakO&P|Mu!GtXe;4dM`SL~GH z?O6s`t=CIdUAZDQ9w+4WtEZu1(JV4jVHmCba}M6W-ow`{Fry12f08X`Pehmg?8B(K zHAtxfwK}m|9G-sz56BJ%?RWAZE2&8nt{B3U$${{6;}oLXHH@#;TZ^xzHQ+|K6T;W_ zKFRidA)fJBo$4zd2KJ`NA@M~f*oEjop4SxgNsMBvV`6AXbv?QtxyUXF-qa&cj^cs} z8|w1U17^zXLu;3VIBVx{%$XL&tZ!DJvb;3C4g>H?eJbuz(Sz!uLAlDFNI5lEEs9^8|J-AgC2c6QZVMW{^^zwEiL(di{o$rLd~lxMjIJAO z1t(q+)Vw(e^0Xf^ZG_phkc~9<_98oWU&kc_N}+#7AsjsXNti)Zlc*3~c>X08)@|0{ zmpopxKl{dF`C>&{6n~U|%O8t1c8}SQbuVCRn;B30D#`PW)Y-#_si3c}3iApDm*dVa zFt2xuST`n%Cl|aD1!jI`yQ;slxoNSibU^|NSR??d55d7>h(wVN%`VD>9S%FtKyen% zj~`ukd&5ZK-}N@@(sJU>;U{3QnjEc_FeN@-WB9d~Bf!DtC9JiRr+z24lB<7Z`8?hE z*dO!4q3LWXj2_b!`z8@xhdjkv1 z8){!US40284$;_mXIRcwSLmp8fQZxrJoP66{X|W8pm0CVRldqhFHHoCSVO9*UyEyw zA7El7k?>Zxhwp>;lCP`QlK8wF7;htRW1pWF7>z>TQN{xOB(=ylz00Bv11DqejAC>@ zJ00Ix6R`9~EKM-yl|_`+*j3e*WU4}@vEaTQ|4yuW>oJVwCosG}4vl(?LGA4j{z$mz zoXeOF+j?dB{9nfKUt<7#*&U5HozIICFCBo2YZWAU07Zv5Z`xw6BU*INiW-gofFZXp z!o&X_!NSiQdEKjNB0oK$e|^*m`f5jzFpu?^HLZd5b-BQ=rg+kOFBOx0?y!AT_pw~B z7al&d;fmnGFIOk#5c>QiG5nEp>;zZ zUYoWJ8+{`n-N%O*%~%FM8WiwZm=*RWhoMDgo>=4Gak8#d7vBHKW`&K@Fw1NxpZ`yd ze%KksCr;3Wz<_hOedi#UaQpxs-}n`?qYomP@Jn2k=)*3jYT}G8dH89YA$~E+lUfas z$2l$D`*Bygj&0VG#1-zkSS<4x zCp4Sl+aVETy1)lIq85aCa1gu1TVRC06g_@f7Wgki<~k@2<*!8Y0cv&Vy26^jwwR68 zA+DI8u#&}>DxxT{6PN#f1}QnpL|0@eupl3y>ggKX-+CGHLq4&Kj+u}(bq?%rN?-<} zTTEk|CG1-(?3`~|;epR*nExhOCVO%Km)ISha^7Bi7HZO?(hzLAi<>_2>Ao&+urnqdDUH~gDh zO@8~x(dm!V#fv{_;etjNw5UwSw-r?+Fx&^8x!#5mod?MM{ZUXh6=9vs8+f3U1Owv! zvE~&}_t?4;FAU>w*x>-YEJv6=tP~PWD#J;G3m%nY)1rEm83yV^6Enl0RF(pneno<$P2ea9$rOm5yVm8|B}v zRq_3m`=suA7@0Nn5a{XJ!;&$+_UcmCuzY+I%70gd1@*fi)NKf!JD!T`cWxx!>gQpZ zY9)*r7Rw&wwqk*93E68hfGgi$3nBVRD3`7RP8T=g!khbv{^v7jF*KD8ytI^^$j`&> z^DgkgY8t%Lp%>`JJ z3Zi#{=jnH(z+oOV9kvY7`HTvpS{uwjdz~RV3^=j>+)W z#~X27k`@eqHI)nnYn;_}AA38H+3q!mtz1uVzbBD7wmV_cIl+nBB|)_>?G%k!vB@D6pz+s;l`Ryp5u&Fz&Mr{-``d$iHKF{FW_zlIz17u_+%kN`eND{V8r! z5{Vu69uti_SiufGQK$2?-Kor{7<{n0RV2`NNM-bQ$X}TX?|wZaeJZEw8aIr9r~h7% z)8F*D|CZT&y)Y{{Jb4dfH-5ke)%~m^dj=HkI|gdlAyT?2k}_-6J(QA2-Zx_ft_*d z(XBELGj(Fge|Edjux0|yt>1x3R#|u;Nenkkqxit$DE6jH3+C7+!=-cDG&fV93>ead zJ7Xt-$`TKB%AJ7Y_FH1$H!a>VVh#LR<&C=*)w9|ui&1aH0Q$+u5O%3ZqqDL*RXEv1 zYU0k4)<-wt`h_kMB7GHt1I?oVMTn6mw#^TYfM=@rB0-sno0W?p0LC+~; zJnXxMr95d7ojKrzDT~L@XE1{HUbAQK`WHgK^(r)Zq|R@fKVlsnF{o)8$pTK6qxI;^ z0%Ng?+}ZR^%;QJ!@1f;Tzi~8Q=AVRB+9T+o;GbwPzJ`q7Ygw15ei8Fa{UP9@HUAW` z3_se(fyP>IC<#xcfB$Bon`tEE3AyucAx?b4B3DS6{2nHMnu8zyR^gqVsi1f93Rsl= z7TrJii|m>d2Vomh@wHn$8WvFc@;k%!DVyL-UIR$e z)xNN3&lR|TzdAKn?H1WZcarsoG$F}<5Wl8<6^*WZBKd3bG2*%+e&0F^mLD8I$g5t^ zn5HVc;pSlIxDY<<_&^A1ekgtwJ(gJOoJF7R3bv`pLC9D*(|0?DQn@kmd|2`?{QfYI z|DG1WL?_n5h@N=-Z*UgAS*MTuPCX2dIfm))T0no-a%d@;gS!Sq)8A_IarrJ)9wW}i zO-4yfdyWGC_<1w&Em%dQKLo?8^ea%7IUTD;e{+cV9E@`}3jVzJQuO^)U;53<40D8R z^gSI{`oN$Z;sXqM#G`7~#mUdcDrIJ?1f7GU}u87LO+=H-qb z*yxfXc$F}cXLcn(!NW%E(9dQ{E3V@QtE23o#NpZ>4cj~k)=x&c@4almm;mkD`hp_ezs3AH2!(Ctrsu*X1(ha_xg zD_(>{bz&X4ubzX-&m?GUz-a6eG7ujx?_ufPIrwE3K0r72cy!L78x&{}pQ4KZB+I56~&zj4rC6gA zusb-K`mdi3UjMy^V83^$Fi!^Bc4jk|yJwiGMm^c>t%9*G65P(Dk+_82f-7gQFq4hb zY2diW(CGdYJf$P}vR*xOxb*^prtF0+Nqyvd%1`36G!Lb>7}EC#+R(UrI8|=EaaPiz5Xx0yd zai0cIw^e^|d?z%lN?@ZLrt<|q_K3GV*1%&g?m}&pBaVvAz`Zd9 zq%WJ|*g-=evG^XeU034Qr^WCG)D-WRI>Efn3VcLmI^S7&4hIc*3fk&t$jr`Bcr)4_ zAFud`4gTYBLHP>&cYP_wUQGwp$tS?|=n0(Le;Q^ld+N}2sth7k%+ODJJh#}B4rS9a z@Y$7SwpMR2HB(Z8kdpEIU3&o8{XCClmCi)zn~QN#oWQ2|atea-ZBQ=Z3#;!efS6WQ zxRK;aXH+f4qUL;<(K4C$%I_9=j{X6c&n+f~i+`i(Q)SquI*AwjDPhl!+#up+fo4@|Vw%$FUesU5|x%-IayfWdD;%0Vf=W(L{XB}ya zx{QZ*#o{mDe#rIGryLrB3DYtjtPB(1aoTjP!Ba{3puv9 zRd`Z*7B2rQO;_(6jYncK(L10AoV#Aapgv_TdNPmr^V-<`)WkPlA-MG~A&7xyEhe0%Y8 zOX2HsFILjJk-rw+meIa9F(UppRTAtaTCOUtn|yu+i3LKZJ9lE}tR{g)G!!T43R!L(z+MeOpp=KnUtub)KF&Y#2XauHvsJP@EvlB(TkC&~SY?TN1RiOxWNbo~s-(VfWKT;yO_ zkO|IuGnf}lKMSy81D>oFx-3^GLS3N@S(|za0|SmAO69}i-?);FTTX=i@P!h%<>^TUgQWn{5i6{s{Svbn1)g};Zxcs^N+x84)F zKOLK}Tk0iFACtsX0 z`xX(GoI$^@L*d!Z&v>Eo1UvrDf;2TYz=(-v)WY@!T8&&x+Fa9_sZIbbv~WbV!}r;{ zstq7NEmWkqY6Sc_rYc%A(VUf5$KvY$0@%10b3tO|Vzd)-YO{O(z~>ht2#zYi`GZGN z%Wh46<&Xpwi4a1oCONq0O+^2E116a_tuDdy4n%s^fzn`4c+__k{!~hEwQafLhlM%l zw^EM{n7#;y=_=vB12X)C;X3|wa46j~a5+@GuY}WmMc5EB0Ka{9A%9ovz?i5{==02o zt9f1@YZ55clvSzFE5gWEt@jI+hr*K zv`ZT-GMkx3MiF>f&J}T$erR--#p32Dx;uU_e0Ma1kGnm92xq~l09)!L!&v4uTYP)< z6UvP&!t9P!(j6mEIyx06 z9@-~%9G?lhCP;Dhk0!9>sxF=K=ohvvtOrc}3CU%yLKpBNnS8&6O=^FHt1pZaIzs}Z zE2%ndwx>@AgRT;i(yTAoZmggCFKY&z;GM)8w1)P5+3nhi> zRA$9boVQe9-Jfj}2d^APvd$N>7WJWYqs2JZ=0-y0p#V^sa7PDRk$ewhBJplrM07 zWd~c^sRb2x$D-5<4QzWq6&{CIp_{i0T>Ya$TP_k3)btM4{xlevEBahGLYn*C#OqU!!1vEiIPCgX++JLOqD3#+)s!ICP<#*l zzGdV3`OT32Y#9qkHRA&xi~+To+HlP68qQm=6MhtjW4-P-vXBhor%xEtHaRgossCl~ z?|BoB1m=rcRGOix))Nh9^^*_{Lm*L~;PBc2yyTfHxZAv-`obD;5c0#am&@Tw_CEAG zF0e&ks_+Z?E*P8rovazRibN}UgEt$(&+hm{!dKiR{q^ry*rXGpzpeog^i!2j?pwmU z&dDMh(un?RxaL%2Av>vJbBf zc7k!LYM>?ADBAY!0!r8`(R(viv(uVAa5?;t{erKhc&&d8{gs5~Y zInQTXPxIa_3CFYLvh;PQ+D!N>3f%T{Q>(Gwc< zLTenP@3@NHJNApTmKZP_kF^j!CyG8`H_3MW4$;8CRFHB%L(b&S0@`{Gd%a}9;%yk6 zvE?D#@Hm!ySG*6ePRj9wRRAOZ-2e5FS6pl92|3GDlB-f3NudH)NHsD$;(!^iSJxB0~Oa{)VJ!K_#2j?WTqaR ziZ!O2KktF8Im_98dl~GoeuAC~?)YcoPg3ow1^4@w;=SJYIO2*meY#J$$JRz;MwvBD zxT#B?JfDr8_hjgk%|rQ@CA+{-b{6dN_P`}`E%{Yx3sSdcER57F0u$3i z_`^`RCr#{ixZu8toEF8goJZXveF45d-a3Kx$x6^RVMq8Nre3sTpYWYN*NJvXt>e+mnPYmBDEuZ(PT=T(2j%<|y8hufU)gk|g+$2xZVM3}s#Ja8mOpSO-?nnQ?WAm3mQG62IdwCJRt$ZZvJX%Byg?o8eiY-mu z`;292e`MkQFT^kAkAw%eYhjeYJ1YO9z-Q*F)4G*+VL^60skPv6NYNj?zz?!3ujBWM z>G&(O9J5wC@|V0)WGwmwkwO=7qInwGI&31OgedcbbXn%_R*T->Q{Zmq9TuLeP6le- zWEX>T?1KD`g7TLGWbCkVOo&ZkdvbrGkMVkz)HxAGnpWcEY;_teSI=HI8}nR&F`&GC zJ`AvoCOuB)!RU)29hWc*CM>8Dc40rz^01um+6o&&Dx7=VFjW zFy@7DHf@I){kz~4YyX@CQ;e>Fqq;m*pKBo6@Hh^WHvYhChwbPi>&xgZbhJ*Wp2vAV zidmza4L5F)q|tKo*_RN;8upa2j)lSKa&`{g(7azLdYkYU7hb^l18vYbWFVYY2qHbB zLj)e013}R|uz%u>A%D*jtKm8{Y|UGkWElgIw1NbF+(#DvI0PCErBJC6!KM}$GRb4+ zbdlT((Q8i&p6})*>>Osph!h1Jd$1O7f3&2Ma?XVRwBzQF?1At73mS5s!hA!9n;HxI z)x07Meo>0oJD-t9Yj*HIg?d8YOT^!A{#tuc*_3VDb5;C$|36sSZ-OopH{xEUV1ZGt zgX9Yq5*WOEOGCDg{*jB0a$--#V1#gnYzY_mRdcBSS=Ggvqy&7ue$)qdTH{5ryrVfUira$juARi}=p)h7Pm)yXXde4;KHDK^ zdLedNn&GR0Jlub5Jlw9ahVmWlb(@sUxvNnx%l+&K;w1u?P;CNtsoz0;ZBCJ?F(P=R zp}=z$G9mtY9k#!VhrhD1IBCyd9KNxXZ8T^lLo=qalz-+tu%KS}Y9-_R2O`qeEDagY z)M#Lk4lM0(26>YP=HBuVM%Rp?_67s!&FD8Ex9mN68`jFI*R{Z=nO4l$XcdH?PlTho zbD8?C#pJ>hONc71#JKt5z1_7cOp$bC|!mpVa@$VOu|MB3%nc;Ok&(T4t67M(g!ayy87czPE!_O^ty8 zN-f}d?J+JA+!&AFt%ED4tm$mCP@I3;1yvhOp*JFm?X7zz`m?Qp>@2N#hHENSb)&~4_Zt|>72sVB}Yi? z4iUtz8A`W?Utt>WUSn3&ESQ(}1hZCL6nOgopf1#vl}8!Vhd<}gr`5+Xqk9aSRn?5< zMupJ6CIq&b1z`4mT`pH0L*M;$r*oD`;K%I~vA}(fX#TrEOkehbR2GkdlKLU=OgLko z2Q)(e-*)KewuBS=_F#XTCEoe?i|q_bAf-kp*@SE9V0?WGOm_Xqe*bVLJs*?Mss16{ zzZn2x^;#BCvJ@m7{^H2^t95p-jrqgvsqCbb5)}IEB+EMHqv75Jn3qXmm{frHo{)-cJ4ZHABV-{Xg?GRWX$vF0K0W9wSh`uelq}4Q<9CcKvoAT=#d(wD^B_;Sf zRNs68*%B78=!G_Hr3bKcr!CrO{Uj^XEZ~vzR?O5GNHrIK#n&I)!9zn4L#MccYVAL$ zjhTc>JOsW>xW_^kt8?b-jhhwaVU?3S_}LsqXPHd+T-E`nZ;s;gFBtQV=*#$3S(;~9 zWMjQLfZqyFkQ|Cb?W8t=yh)>Qrj5%v+$ilKz zfkkr(XS+4yt;m6N$yX5#ay7$c7iYth-3(V}N0F%`?dh@fZ!qRtGT;LXvZc(LJ(BHV zn;x~nsC{!qzqKw2`L28SEIFxA56WiNm~0f&`dv9@Q1~d zDLag~uC62uzCDaf_SdjoOKf@X@ad+9`#uQ`GRLV*ihIb&KO0<7nQ^4fGs$c)!@qN zYq0U)e(Y4(0+x>V@Qi0HthPCbaS?^0-e>U;e)Kua5!^M#_i8Y{O_7dbcO8tZ^abDB zR(fGtBfQmp>#vjGV;wSf>i8oN59y?Jms`GSe`WGQFS&-#6W_A(Guc?exqB8g{l#~L`~>j!F%+A$ zcEgi@wp??Ux4^6@M_(b6Ef;EOyJ*Zzm=oav<>4=(ZHE;+7%d6=c37}o3un>;Cz5c@ zm%*_5_b14CJ(Br3$cnwE9mTO*&cm($@>o;GE^2h;Dtzhj5WHB1IQOv}NJ-2PmA^&k z*|iZ`Mr4BAoKzOKc^O?{sY*i!wvyKwJ$2`b>Y3MeRd#aeX1@E-2T}AMPs}pCjkRww zaMsCZ#NA*K+k|eo-m4bVZ2!Z8)6dwUi~nHi-%)%pb>g|ANUYT;g9@RG?xnC2yXVX# zySG+CM93iiAkqwfzgL3q=ajj-(Mwb^{|i~7J;d<)4_rI20av~4L`#dQFuy*4o~XCr z@i&KKP5EA!&@dNo{`&*Kj1SL*1((c3 z2kcg`uO~La0lPzW>jtdlbL?7}?z#!^$HWh{CU&CY=Nq^kAH!?Or6RdIiR{DNrM%ay zf(5Mm4VR-+*oC{Fv0cbE+Up7LtzYJJ=d$$}zGWzVuv`{ar&50AZZXqy9Ym8dTxtBQ zf1=i)$GBVIw%xE*hse0eJfcT~zFbf!nt1;?Xtur-6%D)&wi|D=%ZkHMwN4feR_OAo z>M!i#^TTj#;yC*9xVP}u*Q6~$T6D_7Y9?jJVSU*g=5_BBu8es?o;k_TJF{b;w08pO z`!Njrie(3gQ}j?#Vw;4$xRjDP9eZ#HttcK( zie4TSEwOpX+><3m4N;Zgzqtd&Q%Zopk@I&-P6Yk_2o3`lRMoI_yk<-yoF4s8;Sk=1VS<&;P5T>M7O3GwwZSbTz)gU zv0e(!ua3gjX|a${ZwbL~Ut(I-3D}(e7DMxIllYPK1U~gZ!L4RYR(=bs^NOHsq8I$Q z=mx&sRgm=eB-)L6iigzu*dgKXaCvtpgs!L~fd$3zPrU(5lOx2dEt2q3iXIConadO0 zFV#&pEJEjqlc*eI2lj0eymQ%qd=)Cag7vMF~&Y6@@PGzY}Y5k##dHKY5O9`641d zN?ttnz7`H%b41)`TZuZQVJuwRA6-`Eg5Fd$T4Uyj(rp0f;6Z`#aZY) z{0dTOJTt0k!ciN#*-9TvzF2I>`)rxu^QOF5&y3o{2lF4EF*w6R6PG8}!CV^!sF=J1 ztW6z+nM@&>Ww?dL>i%Y3+fQTE+$hMjnhSH^_JEu9edg3qhF^sIZo{`3XfkC2-z{VZ z+Rs^%#qADUq>>Hzcqk3KW6mFcJqvE(msm#pXH0M3&)V!Wh-OZO$f)ZdOo%VX*cfZD zH#Oi7+r9YDC905@sRI#Pi=Z~dnEjMaL!IfzuzB<~bn*^E$F>3zWpBlWnGVAW zWVn;ySym#H#H8+KisS~evMsPzI4igP28>cHh56A3YHUJ4L{k zJxX+UB-I?DbPxL=sbbq_A)Q|7gS-M3X} ze&a5&-5o>vGIa1$$sX}W-?hv+;WYVXV!@AU=D?&As{DiWUs0jNV0u|T2BuG1jWs6U ziCOgx%)ctdZ$6QOtxKceWu!5m+N(kBgSNoWl-F2!=K*dHU&ha+ClNcVXX4+^4x;|( zNwCewSnOCimJf7l!*3&pi8c18!4m6p0>-C;RpyT3&vNClNlKo}?li_Xqx*48%UJ%W z*%M!w{w7L>v-#u?0(0yBVD5L|9{Ktzlx&;zOYkQ?B|eQ^_YZZkMCmUUO!?t zg<-3}#=I=43VI2ju z*Bva|^uRmY6sP&9fo=aVdO~#x-1hY3zDIwe`-WIN`!a_l+B`>|FYj%B*O zr^t+nB7rk0^m|_$;>46)>|SOvJAbl6l$3lGJ6vT@y7d*lHSiSJvVrW={Y7Z4d<36L zUxwe`(^=%eR@@mkl*{VwVNzGk!Adm-vzmQii zhT_P7-K<!8G$17K~nn9ujDXYqF;utc|!tlJtW?668$Q1caV3EPIDYuDf{ zZC!d~NH7-PB;s^UQwaF_RrFfmK<0)%Ve51P*^pUv5Hs8oo2shdK-6;VYUz=%v%zP9<4savuZG1{dN&5jn%|qu@dyxpA$IX zQUe>ixdPpI9}BC{#6YF*;)8Mds9$#h;w?%s|C9%LbK3;1?0>+|b{D#R*jZ8Y!8T@+ zJ`g=!rRl35L$KrRS`v0)F4~XJV;0|^;j~lNaZu<&SB-j_aJ6F{0w%m+CMhY}~ z&^Pw}uO4(2-6wCq*wHshYjL`=1g-DxV6H6@g9X5?i~Z1 zEHj)h4`jQV10?@Yjne#O~L3~F_=zOy2K{G2>^+wl6(`sCJyaN z&_=EC1$-gK9=f>k-aFiLZy!u655zx0H(brC5vEQGpaDWR`M1Ye_$y?-< zeAx@A*q24hZ(c{~K6%ubcn+dnj3_Rzfe*dqpr$JP9=EIW9c>?RSF37ZbLe4~j>zq|$UvzG=|KwG8nBPEtMOBW! zu-eV)ejdZb=h~1wX8|!eHux3kZJDg=u3mOFimDFm78Y5GzOIloY$e~;jT$5 z?#&~5^CWRf&qwkkeg&LMEuw7GFnUBT6~Ze|K_|RK{m?gh!Aj6t-bZA4D3lGlAVC6&WQ6hC2J(%T(3(sB^2dKWpn^VNFxlImQ$S?R7 zdIM#D4XhJIy%43@e}msEx*_ZO57_AV01hQf;((S9V3A@;SMI97xJ7o*jH) zwv9h2tis{;j_l^3Hk@_750`4sC04Y~nuCY`Nt&MV$Xp z8d1FpBojSo;O{gxbnHb`z9-9H+_$D_@*iQ{)J;_L!7(!asIlni#@S5G@FHHjT1|!Y z0bl*u0B==p1og*8kh@F{`s2@F_6kqfG|Zk3w}{0?;qG|wb18Ni-@zMOhjNLLduV2l z4xgR9kjVcx4Kh}A;ugM~X3Z}apBg(|=wx#EH2oH_jJP8%bxH%+4TONT-H z9NZci4~GtY1@lx{%rOqbIfWwf&*}nBKQkN;R^>DMOM?4-s08&@ok?dk{5a&D zD?u;GHB?sMl3qJ3fd$D+VO6&xEE_wQR<;$;js`P!oSOe$~Z{ zht7=vSFI~-K=^KMBkMpF*V*zr?hWGM)9iSdj~4YcdC3X{_Vt3UEpU17IavMhCLL=K zg^srhq4^!5Mt+_!b7d=xR$7VsYR`c208QxHp$|2$Pa<2q5Eo_^K_`2`N=Jwx<>OCK zFwJF84h7@3-p$Oi+70Q;y&&bB2%!#VV5U_YT8v>2Z-1p#>T3 zc!;&COknvgI$T^`MDvslcu2N0RqxCv#oEcD^&=jW8XW~X^S_?jMG}R0)2$2qO55sQ z+NZOf0+%)YOCs4^`xTnsn&8X#W;B1|Z}^!_xZS3MsF#p|vI>FVsc6N=t??q3ldg&* zTK+?=xofbjX9yJh=g+qVtb*P~Vb7pX@t*LFS$jtZVo&s9!4N;plH1MQ6>>?c$!g50 zSD>m11NljTo3N($KH8s6XGZ3SFn`NUo|@IbTJ435PUd-FDcxzjoWIvQd`@x+<8~Cczb~*28o7{fAO8<@u<=E zyK7?besZ3}v|aK%$9p}59nBY)uWKa@)nDQBoJcOc*_U^_-bd@!sqpfQ1FaJYJIie) z?9E^as_LZF^m^DOJ%1(K2hT^{9kR4p9E%r9|3HHDR?)`){HWQuo$P_&p(rt#O`9fb;Hr_%+|92U+l%*z z&QFRYtjin8wxu+8+d({|Xu&gNRq;deUg~c@OB`Z6fR{zyfYx7yEX>RTDo=~BV74zN zUw5PKC)zM&_d2dxP=tAd7Nd+&Anf`vgZn5gK}k&`Ha=coG{hB!olP1h4lIWE%m(LP zoGkYF@fCL~A?CgbN6VqFm|?6eOsb`rS*Oa;N{er~wgdf7yo3J?2EpkcYJB_QM5Oj9 zn5Q73LuZA-nx(RMT0#%ad}|h0T%KC-#nvMoYwmU*@S3_@)?3M zg=g`Moj?5jI3Ew`I#F{QFZ$o%V{psE1I=^xpiI|zcpp$qHW};DefQ46f*YIojY6P# zwW~2ZQxDI20{gr%35HA-pd2TiSy8JIou!=sf7_G9>s_;H;o0A~UD!9qb)1IX2^viM zn=!q9{|biAuV=mYKSP(B7WcqRh*DdKhlROz<>mqWOvE?#dUGMn9`#k!F*u1i1x}@( zi)88VTpya>Eykc_0waHqHHID0=g(?G;Al=RMBY6GhlFp9ufY<2y=)&Gl(s~P$tC!( zY$*>>bm2+n_B{IbE10|F6fuz>&)0r^icz=r5#^clxkQ>0PunHUB_lq*G;V(UELy$$2#dw9h@rU)YV9-Ui+_Cp(Ugxkr(^*?U#v)L&YWQJztWhJ zd^VpK=t@s5DuKUycJth@IT-%s1F36Gf?M4$M9&ll(W9Tu`P<`R^k7?_o!P)!@Fk}S zB?EIIf1xtoi;3rc3*5QFGJX2+gcF#xjp2?OYf+;80**dq%fmiAXQ_{RiN(>g#7*FU zKTA%;{8`%Qa#HA}ABYt=GUnXDI|kp$-h|+f`{3q=L$I{(He5~bLIwA|kk+TgOU?}8 zTWd@NFKs3~dUhX!O^&d69uZJ1xF7-so`!ta8<3zD$`jAUF!u+Oc%n-L2HU4WP2o43 zsk@IFc6=gPWlAi+z!ldus&T_;w1wo(=Up{6)UV10^|8k+Z zd^tqTqr7gD2|3+03I5#q5A=eA*mj)|@EEHAhT4~K>z%+aejN~pfL@|Q2kB-DwC7)0!@f&0aySyJAd+?!}3B;c=z&~GI z(Dm;@w9O2Kn#+H%1}9>FusNM?VbS3%Y*UlP zIaB7Lg~WX{>&(HVn4xs)xiZXctN6cP+0laIsj^eBXMZWl{;dO^^?jlNCU4-lSm4%; z`wv3mv_W}^Sm;|u;?ajgaddbpll_>(7EiekmCx-#GHj@jd+o!wMePpp{in#JPcd+G zOEk#Ecw!^u!`&EtNZKMxzpmMbWz!->KC{H^Td1p8bBwic2espK-<0F_mx8lN^cQ2W z*?zD13C0YTr5Alt#6!MRgZ)x1&{ciN@{hg~=Fhnz>w+opzFdu~$1H}OZA#qB_eI?s zu@YbWT9~LMhz((~+kg{|nyt*uKtA-MMdr5dpJ|4yYUNz?@)cR^43bSR0#1!yd zzmvyXr{Lh6oiJorp7?mF&0;5Hrh{K5+U~!-XE^j*o`D_?9_39@6LT4nuXB%m` zt4@;dgkrXjz&~!^jOwNj;ZS4+F1m0PPE8WQrHzLjvJ+1ui^>;&bZvys9%&>tO^vUP z8%2H7C8$&RbM&*ygT12$(unC}@O;w|SeuxEZ`ED_{+o^F?suVYN{8tD-2)i-M&L}c zTD;<21m2S_L8f{%^;kTejmtjF{7&s-@LL+HW)GqwDMOOD+ZV}ZA8a4-rcNqFNYF`d zpjRs=5Sd3V{1B?qpNBj|`V;2SVN#3OHTxy-TqI=4>ZkC?%0YaAzZ3YIULkw-o`5$g z2k_)9KN2R~d1R6@5kHh;RKl>Y$R)mp&{yQY(?oD!Xz7#zrdOT1I_B~sIs;}kH^}>I|;LBvTZEgw}>y1Z+BnHO9{KR2T341;I zCVsd{`R&P(B;&#zawTyItFwC!zs^JxtGkCp9k+!0Ld0AA){~1qZF01}aWCtb$MB-X z0RHa6LUGvWZ({LQ;U11k?8w1EIOXq0IKsH7VBr5KIuE~|zb}p_G_{vfsc0xGqV&1v z(xB{3QdY?q35CpdiZW6X4N8kLDl|U#TtY);R#u9Zm6Ae3e(&GE;Gy^Do^xKW=TnA6 zUY?95x~jD8%r*!#-Ncuy_y$X2?_qP@gCiRZk0h>9LDIBr`#tITL-df_?n zXk0ujNy`Cqja#r(YBIhyx_~e0YssAc3z(}pgBhsCLu+sc*mz0t>dX*YrEnD5HfO-q z_wSj@=H<*a$d&5MT#uLj^rCB~4_m4{h-~@ijU@_-^wlE4X(yJ0T=y>W>93-YL*Gg~ z!l7M+^0p?}olbbH1*ptd#@IZ1Ksj@CENet0q$30ykO5YAUKC0lfv;yYx zxdzu8ne&Q#BcA8;0G@nb%^Xa&gZ`CUsTV%5X-fzkjRSc{J$Gu-jo8afY`)V;Z z)g5CS%lv?xk0RensxZT#kv z9yX;i9*0|N^3{6x$g*OAohMr@3K+f&7K|2r6QR#>o%K^3HL@ORKAwSk_2QHd&V07OxUv5>0KN`Q6P=P(qa(%+;H^EUaq5IHI5B<=`!W3| z*<_)}m&GMu`CT2pDC;iRuqimTueu~5Tbq<73`Zv=efsfCIS`{~f`9k`#?$L;L%kC^ zDx|PaqfTLC?=}24dlb!m^Gmd}`WsICdIc*wj|s#fHQKIogQ#1@6W1RqeCGxwu=(#L zDgQo`SW8IIwX$;b{moiT89IsepV1_CWvu?^GIBTbHq<-L zBb5c4*kXurmiE_KyY6krGu%oJ!f~5){9s;sra;;_sw5 z5`S+7l{&B%6`~%&*hQ~#dX%2<7Ajyz{AR!;g+Mm(QxW8E5eBjh~F2GzoiVH2VIz%V+x{5J6#R*7>4ErNNeThUeU(Qkg%isgadiNct6f_1L+ zh49U>ezOZbw%#U(oTP+3)dk!AYlmUl!Na0|FG^s>u51=^HkFK=9>zzH>xD_Ds)+H= z1lT%e5IUPlQ{QkC++lu6{BQXfxRkS*mbboz>M`+5uWK(4Cl+FTiLr4h@XFCKyZ~EmFQf9b$K-;xZwnvN<9)M$@!vc_blwUr=Y5+NuM>w z;;bXv!1cRTiPMx!oaU!WB}RRQB_H=Ooz7{ju=FN|?wCjth4*iCmL0$J6>#FC6fC#A z39>(p1;6x2{-3}hX=`=_x0%mCvpxj8{{5dlP{+=0TSEg2XJgH{C^$4L2AoxQk_Ax@ zA=76RT`@o!dMfu~kj^adqbI~=p@vk0W==`GWm*#2Sjf&ho8!~kCRo}Wj`mU4&~>>a z?0IyMu#H=VT<0UqSY$!9HPeKkVT-7H%3$vArXx5??CF3ef3n$Y5E$I9Vqqg2@!xJ+ zdSYuh7>LV7zhv}r+r;~m>X;TMLY24~xI;6(MgP0gn{^z~ART;f4PncHoNeZ;*H#%HE8o zl^dh6GHnI=SJsLYqtvsvuY%~sFcQ4FArgDr6f%`*#eH0FCepMAX8iUskpgX2FlWJ5Sd6F z`Yj@b&HpFEv#ry}4A=)sUj=rc>oiRC`AyU=UM5vL6vdM1g6n0{PPX0b8~gWj30BBX z#Gjq=v^+=#-*<0;@#j35zQP!yzTcL%SInUU&CkG=<_@CEILU38hks00!Zo><5EfKP z6y54DGS&sI?48HWP8wlYgbVa7)`3HZ?~6yg>m@OhzObG#YUFY6c48i^%ojRE!pC<> z7}B3buE+}6uyYqcas3b)Im(E_1`4vzUcfl1QVd@eNt6dHqifsWvah{)qBEyvK+h<9 z>fa$)zVOHUJzHS5Rykf>dkWQD%&_xlJ9BiN05ga&x>WV! zswdCL=1F;&@T*?@wD}s$+3E(5|J)~`fzj;g;UXM+#sG9j{ACN@$3y$Vf#4W)gh^-x z;Rl^xu=(*U((rNu-O`=NZX8J?E?GYK%N5I(H)Kj_2OH3?=)=vgu=l z9fbRB@i>nQ_~wH=({T_S5bIrNTW>cG&|1&0*xJL&mwTy-R~p}G`4HzEeJ!e(X$cyF zYpmgkG0enem{AgoBR_1Q|J>5>iO~#tS8*zKEaeP zAN8p8)d>tvkEHUC!uVjn({OHRDGL^yrusVGkg8q_5_T#WR}+eF4@=Sy!;K(tPAU8w z_!2F@7>OQN)Ij)fX>Q5?ibho3fYJT3v}HqbiJ+=PV- z0ZNC4kaoeziv zm%Bf^63;#m{vS)d6?ex9SBPml`K$IbpmEk2QxEr&@!rpg#xpzE5Lk+~ZKp7ASqZUo zLuRoJ=QT@#j$@By4LG>rh{tzwXK{R>B5P=YQb}C=#v=OHYf5*3uOJH(*1$MTs z=b!h^;Hq!N)8{rSyhb^k&2Ak*RcHUkut8h#`aX5)t~!yvT`EDRel29%cdvu;jq&hh zWDHAPc868(zJUt|HQ`h97Sw*afh-;)%p>Cpz)aW?EtSZy-S|m@pZn>K0m2)(@#Ipv zO6WKbJlzKWwOxW`!5yfY_yK(WnZoK{o0v_v8BW)kfujbf(YkLFS+CUsZm97G)7<{q z9x%)SCHcX;%hL&XqX_Kl6zC%%WA6K)N_3z%5>@w?!hOwC^s$!*cZ#^fHgjz>K5_sp z_Q=swJB7W4j4eofJuU1RZi~05{=n4QXSlG<1NwLGAR03>8Mf7-pK=bI>hZv}7NyMW zK??ab-$>NArHWNu>w>M}-uM@LZ33UZ1-Qv&7LpQc1~{Z+-5chBXk zd`t15UL5NP(BiFSMraT9a|BV>D0@XO+L+%st|;=@ezY*nWgrJq1I zOoINLnS(K^ig5h78&3Cl1%GEO2OVi`K62bZ{$H&z9B--?Uk^P?%)T3m)VD?2Y9x1) zn`aMz?UOfCUdNqh_Y#)F$(?EJNzr6j=js5iM-)-TZWhr{sDp_KAtd5a8A;AKFRlvG z75&^90b`Y>Q@fbK+;hNxfSoDq#QJbn(6JdFwj|-E_@Qt!ITba2*Fe|1V)AYEC9oWI z8Ou-o2fiMsao63Y)MIrwR66U@kq)NlUp9kI5;(oG*NjQO;MYA|Vh`4F3UKD}R&MY+ z2TuNr!;-0A$-n$8cv=w({7D6yGx{k0G@x8IS(RSgt44nZoPcF1^Kp#LFFblL5-;9Z z$m%vm;+L(0Yq7Z&p8T}u4u4~a_}v6rJop^!-T9N9UMo0#pXgI#-7pa4tQA=X=b)~> zJ32&uhW}!&prQP5*6D1@OT?0VhC&>yaIypIidf-o?|`3IBtW&mnX<~Lh69VAqRnVs zzCFbP#>kp*Q=>%4>_v=AJ_7T6gBb1;ZtOFv;j~j6JrXHN|28_3T@gn_Jz7h^{A)Ny zO*F!HTjJs1-tVlVwMq2EB@F7Po+IslWN^&>RxGQ#2j_Idxz)=z0#{i9f-}ot`nMHTbJ{E9Ghf4#!rgdyt`eVb*$sOKrsI(x zE^yCEcxxV*1q~ie?9AAhlA+75uv-s@MvBjBB;eGA%VAkfG+HKk5a(nEt|_+|Gz!vCyx-$8Z?xq_1~ zmAFBvvABEF8r<(7O_1u}6+3>O3v+7Wn8V zV=myJ--1t5uNapfRK?)DNU(d93e{6b&@Xk?U?w;;YU^ZpNq!hL_$Ei&%50dL!0>%h zybzxk4-wC|G@++9Tn1C8dg$9@iyLHQaE6;2tsgHi2HZ2@h?kYHGZUe)@>cYpp-YQr zTqWl_J;gao1P-;R6KnA93wE%4z_#lXwMc2TUOk1(X-Z)Gm zF?gZ>5$qPnLq%siI5z|f^WD(c`Je%9@s-8e%l5c#<0tXq)-0wyA9&^EV7enw#Bb(Vlj6f$ap$?u zp!?boUFS)IS+N#9l&S`s^=jFclNnfEKNaLEYQ+kDb8&3QGgy|q93p2Jz~H$baOT51 zP$N4N1b7yP9vguVo5HbZ?+|*p)esjn8?ij6L|iK8BKDlN6n#@Zz#|qx9*?;W7CObS z|LkFuFN%fjk~aKpgBD$ppDa$0p2VyaMf`252febRhy409n4Xc_i9;5;(t`597QX=}!27!BBD ziwXxj@upid^BZ=Dc#Dbz&&&YW^hbg}(QLsRr%jN&+*~4#pHDJ&W{|rMS4dgWaP126ZlMF(9s4G@eQ$x4xRPZ%g|mv0h4{DjI$2HMj$%#YXO zKL&jVmwnRI;KL@GfAa+vz4M}DbK`}~wIhvxT4(zzb`{77&W=yvA-K~-g^*V# zi-~mK9CSSq3XUsnapSgWxUskr$4>l)XNROPy2lU>3GTZuo;{%W!+|TF9#0$Ybway- zHEwrk!|r(&eC5ycG-|{eEZN2}bIfhFCQ_GPuQP=S>QUfcGMqnn5=x*y7>`^F7s9|- zuvKas?D?;dm>49ojv7lU^W2^;89$%TZVsa4oDr`M)!`DGOi1bEg>2W#XpnUjvP%ysQo(ju4um|f`=D=$wO>SKk&0oe!^X0aSF=fp|l;3Cw z^KVA;wevJ=f$Gs)*Yx?G{z6{0{y+R>w1w<>w^=+z`29MzxrMBp69bc9=+ou1C-PM@ z4^oS;OE~LkB%gEFp2`0+rB>naGH-Cnj z+Cg;i14XFadKGrH$kHT%)!I|P8Jp)D@mFJxzmbs&;&9!dU zE4*{1Pkq1=!S%K8ZZB+lE=4=v9tMeP;bMssmsnkR6W-{urNyf@a2rPhTft$<26}~( zj+K@0WdF)D z6X9_1{U2D@8ACgNd!dE2G&Pen=JEf9Qym+1>}V{+;K^1v`-?r8-8jcWJI2!6GsfbQ z*I^hZ%0`dX+xVq51Wp=9gLz&l*L`Qj#~ojdvwP3M@%=)ET_Y8T9Das15s%^OMO!-V zzrp;s+FM*zF_TVq-U3znWnf?(3o~_e=*kZ@Xc?eL{q6?{*-=k^EbxhV*9pPtQy$0< z)M?U-PrUewX?NM^y%U5EgcSXK?*N3{5LkABUs#`00GwU>jXGvk62tw4U_L{Vntv~3 zPx}RC)nru&i&+l0=03z>*5)90K^G5w-iC3W#c*TCFr2V;1{I&yg5s}FF>*)?@%c8G zYHr_;!#5>^*EnmMq9^3cp7>M0>wj3M$2L~HIFj3Rr9za;d`NweB>FgWApEmY!0XDv zc)Qx3Q}t!I`?onSUn6D(-lJ*tu{n@Da1kwNPu~%8e%A#4t;85FJ0643;WzNw6gS#fe;7Oq#=@e!bZmG20%FBF zxbWgROb*S&tEMZlD*7=7Yx=^DYkv4V^WT)$GaUKM&pLP@Wh?X@XK=@G48Q&^j3nq1 z9&{y_Ry4oBacL9beRwOo-LHVI;LYO{n0H|EtI!3_Xc4XZ+#etq>OX;0mTlMzK}yDqI}&3e}1f_^ubz zFsspp>sHNT#!^1`Z`ELw{rVkroi~8q5Gn2#P>G)tjZxEoIz&`Rf^S;{fMXU)|96$* z0*02h2QW7_2LDWb#vd>6CC=}rbKUg==_tAnm#r-)7V8)C=4TzC5tD!&*WFO>K`5Ut zqs-PQpW!!WW#PopC%F3b@1l3#`mv;?0cEZnK)(-DaJcjV@Oyp&&igv!+`sby=l`<} z>`fzfvX?}guA9M+m@4Q{*us5`Tk)RY4%t1(9NxL>P{ljiH0b#Wbn^|TR*uO$uU!hi z`$$qRAwRdir5gB=Xt*a@hF|lQ>65RAdCaJvCH=xaZvWR2RH?}nCiOR>nPew!(%gdg z-*&;2NJlU+^TP6RePBvXP=!f5NJEw(kCk~wwm2u^$@Pgaq%#<6G=$sI_&}(yPUXG1 z%KXewb?&2~NS~eEBwjkWx(x*7%Qj@6NH!_b7rdS}(!+UcR`%Z6V!0 z{0g%&aO0*=4>1F&@$~0jPQ2#naz#0BHa2eT%Yw3{2#Q@yWN7aE5}=bM#l?W6r3;%&zn3ykH0YvtSjfs~$mvHi3IFhw{Pa z-(Uyxh3$d5c=+BUM%Ku(n$5B3?VOB*D|F};zJN?!f0XpK3wex9F{pHH7KC`DKy8FN zuksZ5k`$cNyxpA4YLcJ~q4`L&c-5`0~<+a4Go*+=`Wkg$nEFa^n{C zzdDS>xDDVDN9IHFn?i8x8iPiLyXo8ohV;FEILn^k1!gX9MX}jq+1wSti>@b$&-Z_1 zT~hYcciU13?kon&+3Wd+RU5f}BP;o?By@J1^WfG=Y5H5}cxqdALZ$RwoH{HP-%2_` zdJlu&c828AwRHG4(VYI-b^%t{O5g#~2dd})qL=>?;ZAau99p#)73eg2xKqr&&Wpsf zQ&VWBvp3FtkPF{pPT}&qcKo;YP@b_8AZovm@oyhTM|DwDIAu=f9g+cwEED=L;sx`6 zkqkFnw=h3!*7=EbI1~#|@uJ_d7*4ilSUYG=#PGkAq0%u58GRC$0Ch;#q3p&8? zr|8km>?xm`?(p=T%4jd#^+U5y|SljbrRa@TUqr=tX zgGDQZRL1B}o9Vpk;~?bQ38;H|Gsr9TEN1?`OVm5J2nmoGndryDeCba`;{9E?w&4+XvZt-XeF}$8z(Ibml4S=VlC7B~#C5(|#8z)OeT9zH^!OShI*{$%I)?jBNvTZo`ljZ zZ3W=B>jM-G61-7`XJCEnPFkbdCJNuJMr-y+^M`HUNl)caI?HJ|Hbr#7Y=>Vk+Vd4$ zyKV_?0gKxHwz;j|zFo;HMGp2q4 z2ft`ge0TCO^Pcw){Bkp3d)ij|swV??C~MPGOIHE))<$W$fxJ+-+u5uv#kKwk z(0)}7mbOe6!Bqt=Gqe?X;RR5AX8@VH1!59oi;AZ=i@b+Kk_5?6STa9`Xbvn9rAC*+ z!uP@0x=0zVnx25(-O#f{WhV4I>4gWrV*hoxLOqP3FsU+n7GkcbB0H z7mfgx@(C#8rcK$8yX^gCeQ?=uf~+zZ zO>|u8c;I7P`E1=vEWfTtr+1HLmc9$XGoygCxMbkVCLQ{7*BD$HQv#>=zk~E$M!0iZ zJF16lL?`(<*g7E_0w>&og?dNX7wLQOutexO-ge<{*ENggPhSqzC+vu0ygN3AC!jdp z4i`-RK!!e-;H>l~OpOp+jCyVmmk?=a{~e8dM;61*&87=I;g zPKrN%!TI~1z$e)o#Zr4CMEk<8gG~Nbfhkc0OKr{3=$JEc6DjgF7S*_7Tq3!DI2cCJ zk+k9S2q^8XgSGYfs2nZ@!O<;n<+Yj6NjwF=-3|CYmo{>I);aJIZh+}Vio%Sf56?e_ zz@v@;;=AG<%TmulsmdlStChyfYBIcjd?lz?cCg|xON-lVC8%H57gT(732lX}tn%Ft za9r@je@c)=tFra*=e;s1_g)AGqb=yi#vU9uP?~$N1x)3t2|OM@2nYQaCEnK2i0YqZ z;bZe($o~@p61f9d&EL&kTF}lF`|>qTI7v`4fA2wJ9T<*ngpB^Iq{KiEcsF6HSok?0nd@o!hO4f zxa}I?H#@iCt(*r$^q-=5k54WRbF9RM(}Ei~AOt50^Rw}zf8^!dGH_A9ipm8cOyko(?j6aOVfMXVn={ zOT3F84>b_WYkN_9s}lXa>89vRc@~q1GiacdAF&#uLt(o#HF^b%FU@ks`%4 zM{9z`LnYo9vlNZJ62ZKq9abA_^Vc@E*lHM#cLr}@=MxWtQIQ-;+59bul^kN_fRRG zO!^BuuS=5HU^8&YO5rd6>ht=WxoE4O2d{TAZ2Vw}u8EP%!{j}l-R?>qT%N%D&BATk zB@<0Q$K*AkF>axfi` zZ^xwX9E4YE7m52H?}eQ0Co#AEG45#|$iGFY(0h5eaB`e3kF+krrZG|&ckz%&v1112 zuUDi|&DY6tPy@qNZm@D`FDqYQ!}V4Zte z$7l}@>Uxe|$6hTsC0h%#1p;w{+q&=HG&0 zciyrnoj2s&uN!DGQilh9w+9R9ODMB>9_-3j=D)jNl3R;UpE_vL7sxW`PZ)6oL z-)_QvE&7@7Ct*(HBHUGaPF&QjLa%iyaH2DiPBd)Cw?}`7yQ4})(=QoPWv@!xQ>JM! z^ZrjFk3zm4da#z*L4eU8ysLPqB+beTFZHj6Z#YKCl}*O`DT3Q^=nxv#F2z+gWaH5a zhL`4><6plRGJaDA>{U!e`5ohl*smC;=@-D{WkyuK@CDJ2_renU(QIl#8B95`3F=q0 z;Qp0=z+3A(F1FLbQ&M^2qR-P{?uSCAT5p8LSD%4Xs|w9|F9Ub-TJdj=h)xpvL_tp{ zq4(hqkh31jqHfKCtkc8kP>X)BzLqSqzP15;R8KKwI+=`iZGz92s`1nJAyj$FVX@WF zc#zOxn&$@Y(<)2L)?@%KdMTdOsmc#;nNF9?(#1KcL!ssD zEnG6`FcuFB!lf_2<8`xFEN8pWOLMGX7uJN~$2%$zFk}r?+O!D97pD>B(rs8*YeU2D z#-PW9AawF@Bw8yKiJGo4ULEz18En1Gme&jUh$lHv{KA`v2PC4|vlxC}U|-}1+EYor zvE=ufC|c&Y6u1DLTraSJ`0u+6y?JMGs@Gv0QCyBDyPv{ii?KLydOaoy zZ(L;uMu)`NXQ(H--ymkj)mscjfVUR=W&V47CahlXQt%E5V)1h@lD82ahEG9nd zWJ#x+a7IuSM8ulWnZEJBN6o}RelPH{SPU*Afn_lME?o2t;eX{7>BB{8JoA7z(RxBa z`gZ}_F7q6RUg`(Q22K8=rCp?4+J*shFXQOSe(b#;NR)T}z?WL`o^PK^Us4; z#5wk#z8kotN8{t%3V8e}AEnJlVAJ&KohBKl_dGR*!FPb8Ed;fA^p_C}Db)Ezhqe|s0vHk&?ZA8o|SQf0vCu|Ft1A4kS% zCP2_{4Z0@R2FF{T0*UMExc}%-?98yi12=N;LYO;NI1b_`Eq0^mpA<13mjSzG3NvP2 zJ8BBERZglNY2AKaoSN$+GMS-BGBO`CSLaV~tVxO9oi6m}l^FTSg zr*a-Q&k^p$XH5ANFL%;9-C3lqG>VHmZ;+g$JA^$3L3M#Ea&N$EJgE{*YxQL~xxW(& zmFnTw9*L%OJe-N6CX#>5$ql3l*LjSo=ccUOkKqy{yZxNrl4E{%E|u;X8@c3IKh9bujGV5>frAqfqY` zf>XP+p;!MUoV0iYy(jX}DqaItADx4ni&V*~61W9xcSVLnZ6L%S)s3Bx3w0n|8*VqUh2n_ zuaA=@_GWlhwU51sUMo6yF$gO1tTEqNm9AP4jRvmXFx2K91|-}^b~07G(tHcPRbK&L zoezrV3|FAVIgPk-gf>blMheOe2OQ|R9n+4aW5W;=rks6ToT<@;$3*4$v?d?gV(s~y zy2Z4|?hDRZufUrxSdsOwBx%k0s}QXj3?phELJPB_ebFNLk@1WS%s-FTHOh3xiKFVS=gpXW6XO+DKh_H$G6MuzWgFuasMLgI;f8` z#!8TJMzh%cnaF0H%tMcDAMssuINdLF2xM=Dz*mtWR?JnwKw52RReek2;_r8xyj$b1M z{V#}aIR%62VN~MqZFrj3hvP0>L$XVWLw6`l=vUz11@GxJ1qt5TH61Sg6ZZ3t16W4# z0K7Bw7u#GKio5Hx#h;GVU`xmuR&YBTAHPk2^tZS0v||EJ+$_8;Uq2Ha6n?+;x6fuT zGN;nE4KloA={uN{*lN33*$7S_UkXZoYvJGo3se~|LoY0>6LsbX3+%aO(GSI0ws~F2 zV0`Zr*eE>5&q4-TY04E`qMV3nA1fei&wZ4w7kbP3RV?Z5K<+6xEkx1&M7g{Lmft%` z;&vW}vrP~2)1@-8=WxQtJMV|{_uh$9T9cqteG^Lid zUnBB}`n3o6(`71ZEpQ;d>Fdbn7yB?rrow5&btx@XC1Hv30UHf%S5mF|jKihGf{$SlbNdw_SnW zS^f~`=?q1S8)>ktr5{EQ*Mp4ag?!w2W!P7F1`D#&!D9ar$eQ>L$E;k9ei!u7Zi63a z$4f%Q(b^IpH8W^^WQB){`^f$bOWJ%p8uVj_&|Li(RvdU5TuaXiJnFkFaFyVL@Nfke zq3^=1ckub$2p80i(cWbV-xBc%drtU^uWgNieWwK1kmHh)8Og6nxWhw{l2Q=lj`TzC z;Tz~Jnc+O<;Wad?%w?y7j-c9}H|$i}0&?-$ba=ezr>JPoJ!oBG%-usq;e4OJFu3kB zdB46M=d&^R`Jw^WPu0M7>n_4yFN5Ak!k!`6lN$Xz1Qwn3=r&LbR-2fT_+m94VbICm zSge3)zrtBhRhjKC!<%q$$57lmVF*98s0&tHde1&zNU-T)ZSeWy2?$@5`i8h{S%s&wj%;q;chBwc9w1Ff$X!W{_2@22m- zwLlr%ml=|9p(m-nqnLO^@}MXX0=JKy1NPMtS8;0O2UDaN0^vC;jfnc3)fFk4`X zjdXuYN=G*m_E1j9P+h_1?V;lR-%p`o_H6z!JqFHr>A-q>G2Ru}1!?Z`pgv>0&09gn z>pj3sy!=^~NaL3Y92ndHf>I8D<(iSnl}G3q`A#zW#w`d|xKUEgvq<<7Z(Qo@fKJ&D zM4q=_Kyc$SJTXKa$_}q%Ik68QBU_S>PIm%*hf$CxH62XKP3f0RGY}H{m{@F&McX#8 zA43HmZdg0~auwc-3r+CYf?m>n>^w+{Ua|>Z%V_o7P7-rA2%PPXk{(StaNd23e0J;* z@-HUr_H)6L)+!_L1TrB%>z63uS`FJfWD=}AHwktt7+`dQB5&4ChSCL(p>EfB`rRp+ zbd5g7x6Xcz@-~~WSD0O9&hG(!DFGT1d+^{RH9qKADtzBF5Vp9#!2`0A^mgMdVj=kL zA8vU7syCd#N&X}I9=-%>{6axxSqgT1G9_obQgA_EGb@gaf)KsIpi?sp&juHh32V=h zFNOag@UaB19HN99QhHfJ&^#;|`V{ob6UZB%=TK((o^^6$b_WOZJ(~ByVy!tEe%lW( z{!XKLk84=n$%8_UbTKnC83lIfgV7=T3b|U)Miw3ajTef3Tvqt=@Q&p^93g5jHU%s=fLLnc3h%+4*rylq*J!NVL{vS zAY+Oz1{+H7vG?wYTq?)%6aVQ_W)wz!4)}-yrYeD3zAEks$%pyD0%Iz1B)YYKC7(_Y z;SaQ{Nw@W6K27P3;Nb`n-+`|p&&NXE<3~F|wnZwKKmaST)rOVgcCrJ-p1a&T{L z!n8YQ!DnkM%aUjj9hl^W7Y3X`gZWS3M{B(};D8M3Dja5e^yB!V9Bh+G zWg~;NxZ>(uyh%)`Z`L{Vxg1SiDs`d%{^@YxayYs@OM?|%(=aZwf>l}{g=1PpWI*F0 z9Dy3}plP!05K>Pb>`wwIFGngNFirw{lF{#W2UZ}mF%t_hy6h0j1pZ_1c1=OaB@aZ# z0@w7wYS9E zQWo28b9;f;{=uc4Yb_fe)E|NVvO__W`K4fuYc15Kef;?n+^-*cQ~h?ar{dY%cz7Rib{%i$#*I+CsK4Ml`WQg&)!rlfZK_y#0&`{5h71p>!oY>NVgC zqT1MqacvmV9xE=_Jw(+j7K4AqD{^y-oG5@QQp>Z)Ft4fyB_qC&gvCOaQ*a2k^ekYn z{@r0xCIVA55#h2&5W3go@EEW2aIx$Q6`tMmJb$dCS*3n1F zj$&q(EAYG;Jn{IZi&&Oa$Y%YpB%+)aA+s!~<=@wSq-Na|V#F1@x3F2x7KCLK%sDLDhqj^ZdQuSPwZjJRj=RfumeVuSQ%!W^G4 zffFo+2YpLm$?9KhfrKT!=`DtzGY8Q*(`S-bYqVg!`&@R+{4nM?4#jUatEkRv1AOd} zLFN|9&?Q;#;VSCmuRjvRB|{eO9n%Ms{<9cX*e6c6Hs>-HKbZf2vNZ8(H57{Nh>k@F z4K3IkOTe9$MfjNC6I07~G-C6qUT9hC2jpX}pWH~Ea(dd;U zK3g>r1CLvBV}sM6cp?efKOce}ZIJ5719|GA^k7s|X(y#8T`KhJ)Xxry% z`-6WcfAr@Q6ITLSz3EuL(;d3PR3ZFjmT28S5zd{XK>enUAcaMa{PvbU=<8n1OG4Cm zenthn_4UA=S^8W#b_3S@NXM~OKww=LY_6(im%CQ*z^s9M#HcWM^=cn;Ib48UySBp~ zwKTAN&?K4|FriaSl*k6KUDoON;{feRx;#n z!J4dgawjzP{eX>wWufoyEtvKoOyvBA(B+ESbjprFq+$0>?4D)=;yHt<-|`pu>i!dA zRXU1C%@4#!E9B_4;0k!(Sk1C^zJj}X1a)04i4o(BNzI2KTz~N>+6nxD-{+3QLEBEY z*s+Uz+;S6~Vs3~Zej0^Q2Y#^;hZLc$bRsjpaRQ8BsK~PIc*(8U2_)v-3hW_@^s2TP zkCz0&e_mX?u;~q(IzfXw*7UKf0gG|0&tN?K=M-49pCesiY3$kZDQIaI!awgZrk=aI zMGa?^C>wACXW1v?hr}Ut{}LHk(08323;lxk#ZuV!-zX5NS7Cay0*@|H<0?ONaN4F- zeAbSGf_E*L$yd5U=8!X}{X&%vk30pIm2GUC-Uet6GlPtf^zBZ_%H-ztHV>6&}Bmj)R_U zgb~jJQSR+dx@g{ed?xhTzV50=?iPm{*1yS$#2FYHrOLrg7V9RQBolszLeITmqICHP zEQJ7k`(YtAst%#5m1~i;N1>)m54?G#$Y6>P}=#@9K&us#!)wJVog#zn2y;7;U(U1 zy_ce$1)`tfKoW7N5r>+dVVieaiJF&Wupg6Zp)+(iWDY+Hy&e-vMzE>kM+GNv^7{s{ z(S~7|^5r=A#ZI9=CYW=TFV5_##uVJ+EyI7c#;~hPUc$g}oiJv<@a`#?MGwlZfWFIt zbkiaU-Y@Xa6&{Mofz@tMH~$VQ)NT+mu{QuWMTnC&XW*=aNf`8O3eF-bsBub_9~$2d zy9A^0993O_~~Af7xf*retd%@`N^1YeE|Kh!ikP*91WY6AAsl?()?zl3{!3$$SuZuB0Ca+ zBRxuRl>2*fx42Z)duuT_*HdCwj-0^>7I`rK_h87{yAGZSd9c87A;jxu6)PHbkgfVM zjU2yNEcC{*anmvjI_t)6QL4dPe3&{!oVh-mH`tYszl$u9%gNEa(6cY`kQMFaDesA9b8dlix9cPa@AZmSwVA+JYnVLL5w% z2|~q5g)Hl~z(Q7@#Y?o2%|2m_tLb2BIp`_8nK=j7hDhS{Eqb)Ka0j{`bm#hRQLtBe zm@v0+$XXFxvf+Lrq`cmRU0vC*e_RUO(wj&X%%jNi+D}-itWHOG`NNe1RrqP@ee$_V zh1?4mOm|};`sY4^vJ37)Mj{UF8)l(TiZuOeY%M;nJp!{Igy83)cZpM+HFarxL>5Qy zLTT$C?8YO;jJo`I{Cdj!X^<00|rpk7v? zMzAkOn2qk3LiPg#I&i~n^uMG|$^vrmLCh5V<LcS>KRW@ z>?b^zjHka7?~r-I{VGCdnaHj2EM#q%OUmM6(Qv?HkS(~&o~+%#?k9YK)K3olK}#zb z7JLUo(O{hUs|zBHio^jaJMp^tSLjSr<84_c?Df6dc&2qQ6OWsLcQpG%lhpNbXG#++ zXbTtlZ>0!hMP?=H zqA)Vvc>sUK;^E)WyC`8M#eK)NllFz`__aHY_gvVIJEvEJ)VHOmwZj3c!0Lrrb<^LEu4|goTFph_e>@6!YDu~^!{uzZe%CwY1hJC#^*M^RAScf7b@3x9Y*eMA^M~PcN>M{l$>A~ z_wFMukTk|ATf$Jebt)?w3<52`HCS2?Oy`U*I{37cOf{ZO<++ix**+2Ej=F;z4C+Zx zh78QLu)(5g89}qm8T9uAyk5Ls;BGk)rpO4mWQ!=+!aE;}vyR|!-3{31D9f7vL((p- zg#I$U)bBreyjRYCS)kN<|$ao+Hy?i@y_`oQM+uaH~A^T$5u za@xvApw2N5FE&1_Sk3Lnol7(6;Jz%J^tKjnm!G3im;R!ZPAt82Oov_A;{liK?ARWj z7w;xjf`1@lb{qv$=aR~aK2y1)w>t6OBX?G` zD;^ftS#be{+H8F6WE@y^2v_c@MCY~|x<-05t4*munY@WqJXQfNFHXafnSH`v-S$v7 ze<{27`4g7n9-mRMLnGBQ5P2w;o?GlktR&qtK z=^Sa0EpsHH_R=6Y@Bj;cg<*4p9Cv5hNwVW?%m$oac?IVcO=9uRnz&db4Mv># z4>C{XfRC3lv-3;CKQE_&ROcJ0xb`0z$h76|*s9?6`QN~OL^%G4xPl`(#&Ak6c)~@7 zE0~_IqYY1A&?nOF`0ZM?V8^7J#DFYe6Q-qeA!!oqQ|kp%ynZ^jWugwX9oLGh9^b&y zYhuJqB_1yh&4I*?Yq9g23D;P73SGyC;R^#r7+G-+YwtHx_3`OgD3oT-^G*<(m1THq z6hiBe4Y@f^fkjr>aHid_aDv}h&?x){Ce8!Y>`54Yzcr4VKf4-Fcn@Q2{3bYOY6zzv zO@iFc6KFruh`Zx)nrF`P?$xftq;Rkf6jyJDm09^1v#m$4?fFP9^kN>E=l7x3!yArw zZYlD;rWN#Y+8EB^_$f4yw1A9X67YK7Db$_k3pRY;BeT(o%(U7Ha}UVj3BD6#Vk0Cn zV+}DdCJ!pkhjaI03s8YSw?wu_66JL%toGhN+?Y{C&xx3G?dJQ5AS;vJcf%p;# zp5KA*#*X3A+-_lG^k@j9diXn}5$0Cr;Fj};uwH*BHf~cP>*p+CahuvQz0p zelEunBJPur%5$*ATAI^$PN6TA#|R(uT#+iBKw2F=IXA7Woe7pXjZ23jWR;EU! zBJ+ZOzHXev?Mp8}d)fh7Aoc-Gf*+$$B{SG*nF$E8bNpky=w!^35JlHtPojo&e0V(+`T-{xc(MuM= z?62!#R)Z5z8P@L(U5LkR}KrpESU2++Z8XJr*O!WUQD`=@mNjkq9h!aEyp0T*1y5o+;fp6YkyK0a~3DIj8gJ z!DoIC%I&~MpLDo~XO$o=Zz`mGjS@yI|gs1l<3#2dYl; z%-VTzp#M%1JLcGM^L~nPvv+9YeVq)HUAvRCuGioq9HPkJt3>kC=q+Bnyae|Du0scY zFOno@gD;bI5mgf_Tpv1)%l;OJ(sQ&(K&~otw9><6wQ*1-xfkRrpJRYQBPO(N6fSX& zf^+H}5Mrv&O;o%<2IeGTb>v~ZXm*a0$UU&^Lmxn+HeB204U#(9X!TE-R5?h|hzv_K zYAPWA$=)P0_c`PATq7_kxk#qV=;6%8se-2|8mu`mgNqw`4hC~Zqn&aF+*ronCzw_{ zl!{yz?ika9BYv*~$umRnsqGRe;hhQIAx8i#r{j(*1?cUciT1}d*@-$Oy!Un`vE&MI z{g4KR>TVS%ryiq6sz*VQXB$0TeT}rOsllG(n#|=RV8>7fRq>SO#y3@viSDT=@%bIR zJg^l`o)pJCi^-gn^;oW=*By8A89!1>17Q3UglNkP*n2)=^ zDB|jicZI!SLX223o{iLL6pUl(76{4p#jjbK7$61#XF-0u_^cGhU`Bx8x z2Mx`Itzxks4^ez7A7^C0Si#PGx`XYtr`jB1}2% z%x-UVLCfrTdd|M1lW|(X`M@$YmY? zr4lXd~?tPD?~3_J5JX^ogH}UU%6p$ALo9e3cmjNObaVzIIj!?)@QSXdENKH@40Ak=^ZGeBP$2t)$#yr zUYCny8Dla3j{|Amu1}ZnJAbgv@LTG$BT3sNz}t%l@P*`wQvGt}&QJCWa3Nt^$B z1qu&aLBt}I`x%!-zkQvLBV}~B=($Z)FJlM!y5lA}@$w@c!n z=F(LgBEfLTpG=(@`cLQ<_5gO@vxae@kLW1N8xXkYESawU0Sn1h z{M;Q%>MOO$Birw&79a|@!%Fd}wh~)6DV5R4*CcX4iF^NU3duE|kMPnEc5&&{wW10} z917uE`Ug;X_8M6DLI~Q5;$ZSanS~DVjJ)~$UCVm~cBOnOJovaDb)UO)2Y2VevgAfQ zY;YC>jy@&3`2Kj*qc9Zgkz*gfccI93J>t~wi}zI%Xwr@)aCEUWJ)$f_YL^Y-gYsRN zr8Wm1MJ;5iA6C#t$6Jm>@hQm88Hqx01=+E-cz?os@@~Z#P$)}=dAl}~rzfnKiStH0 z{%8$OEQ`m#QL>J{tJI+JN+=NuM4_woJ^uCez`N@AaYoum4&I!nMJo}5Hm8B?lLESU zlqOraW;`f-(WDVxcVT&sCbzT06Sl_egCg}TbQj*i@~bK+ZygRHQ-1RX?sD)K&x6)=R~(jmoP)&K*9Cu+R`U1%1F-nqB|KMINY{lo5s}g}B(*mjb$;^y zR;Mj|`nMitfA|3DAJZUXt`TNVu;BKs5YnvSrLgJfbgsEb4c~k|BJfzS3@5$j9W>+& zY__*T2#dsHA|j40TB=a$_DN8osL!6+NWr6ET_&5e2M#`>R@(xBiXMcjy>D2ptwdnep)|`39giam-kEfaQz_IKVE@t4%$qK z8x-i>*?_w)&tQ8Cq`B)7ak%H9EPFI*6TWIoM3t6nWcz_j^!|MlZjR_7-f^1^$Nb_* zLCy|5^lT@%Iw`XrktRCBVLErlnfG$FRpX-J$>`!U7HbDnX`sh2{T9BEn>=6$8_hVb z_~Cw7(}cn^XLNa9h!oaW#?hOtrp(VO6~2O0@S}SMXZ7L@9Q}O5G3<&1 z>WsP}a5oPidTMXso&7(U@SqsqhfN2$-^r-)E|m8Ge&87v*Kozj`NY0m61K=!gU;~< z`1^SV{Sz4L_=)E}gbbYHxh&_=&n=HTXInzcvLZnGbu1k4-$6|#RMXddU(QBR4}K*) zq2qLxL$t98ES%_O#{TNegZTUkI%?)8TybqA zZdf$|H8Squ-^=>k{rtUj`{D$FM%;M8lhlRaTU1MWovhfEifO{xAqkL|7>^(4t-_O{ zr%7MiSfY9B17_W;7p~oP9e?c^#nx7g;N<+rA~#RSsuqVbg?TBsds8*JDzlYZboO9m zGXrEFWOC0;qqo)2J_HM5dA6}+($3Ls}DwCkG>~c`dho`+^nE#Ay#E?sUP%<( zTr>@)EgcW>z67$*?aCge9ryR)k^}CMH|=y z-*UP@Ly>!U)17Q`?m*4PhRP?I2`ozJ%NBcufY)9{3_G-zJaByoRs)i3VWTr_;aR~= z)7x>q?hbseGlo-4=Q(!8!T71NmAdzMVM@CRdWZ&L8@7`$e!pzJc`H?EREF6XjA^zN z3fIutP%%%1>q{wvIGcZv|L};=vNjL9RF$#gi;z&0O6*%bj+0m(Ptxv*v)sSOKVN({2VP`m59}z`fO3oOm4)-W~kWrAKKloC9apWSW~Dp zcRBbToper%?QH!*Z;hLZIzM9ZZJ-PHqg)nVTDPP4YAsS`0AMhF3R4K*z{*EglFk-I zX7NZDEVDNW_aBeIc|UH#8JQf2-#n28{*I)pR@^39`7?2XL?YdtT8j{BNsbQBViKvR zVTObiY`S|E9xU|4Pl^TbL5b&h+lHXkERV{9`llp(&Si`meFLwixT0iAKR%3pK{XyO zhQX9(e0+Tg_B}PCm3?*ads74!^xdM7k1t^Ozc%{3Q-sqnFlA+iLFg>s1vP=2=}G6& z^!id+_Lt}B)O;<50FiF+JY^twcQyi6EHI~o%_l%3e+V^(ELhL&7i6KAHqkwF9-NZ1 zX}bpBvC-$<(qk4uBY*a}`lS`}L{flwE5fCguY!P658#0l!OFa8_~Xd8%EuAQpd|A> zxV%{cjVE+Dy|^Rz)9f7aO?BmBD)`Rg)FGimai4JRlnjBcxfdPGl;ZCUs^C?~D)Q@4 z7`WAph3wfeaA0&GQE`~aT-Tj~8&cX_(#T?gK7TK^n9q;5+u0DQC41?#l4tmjXDzJF zJx3bOtJ7V9zX;n^1DYZUkhtwR3Gj2_w2pnDN8a9oNe(8$y+i`{eKd#FrL(yF-E%=N z`-pJNxP|z7O)+eVx{H1z?CI}q0TfRp<3=qtG~>@l&8`i-0og3JO&skV6x(+(55{0KPzQ_I~f1GhC4`2JF z!)3ERta`Hyb1jo#|C;e^Tv`r}my{tlx)ed>%`t4+p$mq_Z>Vl;BkfQf%_0@Ha`K*L z(CR-1WsK5J);vKV#SaG@q*6ACf zDYp*%%VLEG_Q}Jw@=2`1*&jr5f^k{X8rYT~&vwhc#l?mNq@i97`cE8(HEDzRD7gbv z*LDb|wrC3abeEyiN-fUtfdk5GeibyIvqlBax2PKaAFec15^f&U;_t8)lBU6Yl-M2( zS0gW@`MMuOu$Au(eCWXKJTv3Xly7ibNuASMb(OluKft>llW=ECDmivQ9g=gqVfV-m z`mN~z*&jO>PKwmQT(T{DKvS_3%t~`1yuVM@f_3Y7633;#}DB=VjWaIjK=v4x{>>+vbT7ZPYM$-wZ0Y3O3a|EBe;ag~<6 zxF)F)FAd2Qxeq zk7SeJN7_3e>?AqnJOW)1J{5kd2?N@AUFf+qN$Ue0sJn(Psrgj+r)CJAo*d&}>b zqS|4`j|{Ro%L~l&MnKVrWURGnKf@!X!P2NT&?zR7-F zhBcU+0=3jvG*{1p9iF=#CGCc2jF%B@d*V&jdmAy~>o-_DDj%Fzt%4b{&M4sfUTVwg z$OC@=rr4can%$e>;SBDunP zPh8UY9-Jfzyy|!1_|p;^+33P)4CB6p!1C44$gjak zu`{;mBx}e#t>Xs zf=Z3n$l0ghEa7h9FL5j8^K2KKY+>AEklLdP|bylX>T_9UlQ{nb#;P)XG z=NpT2av~Hr6zzi3_M7pkYZiE@8N*~VKF4(GI^3w1#iBp!peeAP4%tOubVUgYjxz(m^I{6yCj#eE))CT)Whr<3(@|e3@+5Mgb!l7aO#&Y;5}V} zJ2g#}i!K?@IrN#~UjDgw_v5Ef^RqGTvUCC^B{3GWJ`E4K{KjokT^L&{#;slP9S>}q zgK>+OR?amHKja$Ry*&V_RzbjJ+wz|HP_W#*3zYW$ z#`0usZc6)ZSMRA{Cp=ue{WHEZE#|Dp_k|u__ewb=>1+R(~k&EqHg+Isc3AW&M1p6rjM!jYq3qkA`PzTHDs6ih`QpIe|1*a}jC=3Gjy11x#9fGgFL z#M#r9kpIr;VUF87RNCex+z=m&l5-h^>+?A*kpcL-x0S3rKN~g~XHl&sBVfw&6yc^V z+MG2TE%-PcO1D&v7tT;JqFUI|lABFDqmr1qPJrvto z4r?k$g49DVPUKED=g?h`cHv8)=I05_%&=vX{Is!ph88aNFofS{93lMQeohKh+2yHy z!kec>sLOC5R64cdfOI^#o>FFoQMyb62Z`p+zeHuQl)BmY)3m>z@$LBom>LpK=cLQB zjKTL97=0Cl{o?ddx&=4RjL#80m4V-jP79`}L_=-HC^~NJ1Nf2<54PiFSp5Y7)gNn1 zK1$g_9@zjtb2yaWdjq2MKa(y;Rbu!i1-&|cQ>_9r-cxhFpp_rC3!mkB&zaRZ@at-$F`WMu*guA&h*J}tV`#2M^5^EB}wv(WBy6jAQ4UK7+XSwF5 z>Hcd=Va!?)PD|T{J!NOHHBOGHeEfj2Y!>S+7|q^XxQs!k{s=y2RnrwZ8=-1wChj?V ziA-_U!J^1eDm5b)!e`Ecve0Dw*02j^PwBx)yuY*g=L>=8Q%QCzT~d%`JQ2pPkmNq5 zSwn8mWbV=X7%UU7q24Z9=oIY7iKL0+9#ty?ib!1Qera|t+``^ zvfTaG9M>y*Nw|~W14ioPz>sz>?k>}YPWb|QEi(nO!!_CHRT22Z@+ii+tALxT3YXB^ zk6Y;*xat-K&vQz^P)`9ODi?t$HyaA{ieOb)8WDf)%KBrcLo2x}{CQuBshqxm^VZhV zK>Zk;Vj^H&rN6NySBC}Ou;3<&%8~lMTLQmv+u3&4&A3j4pGn~_eWU4tjoW3h>fLnE z&N&C$7Olp$Hs8Uip%laKAE$F?v|)r)AjbT-1v=CJ;R%(`n7pM_XeBGonahb2e>uRH z?E^qs_0a!L5X;GvfXS+1C~8q@Wm@+?K?5Qsm*SK^&My&lR{E?1nIx z1n!;t2R^6Rh8z3L1h37qq31cR^pQ2g2Mg4=LM@IBw+CTJiZb|fuXxT`G})+@MCy1a zQ{CY`+?`b!xci7K8>P+jghFqj)Twy*yP4mOd8hMt!Rw$Q?lis%n2V2h)vqJX<^% zgWstLWaQScHIu#2>C`clo}kE$+qQ|B9GT4?X7jt_!a}^9{s^m#N8WJW)Q2B~Px1M< zSo|CC1KZOm;^Wa!KUyddnYRIW-#LU^ET(&=oq{#4f%rVzk>||Yu@!4IxnG|zKupz1 zGI`Wl6c(glEAP|W(HVuV;k(Hy?*f#YAC4iLzoO!dZeg}sKWX%^Vuw$};PiXi+)^(G zzNayki4V@>ECp8}TH7Dx&i2stGgVku)=|=7C`HDE*^xNWGNNqs5FApDkOwaN$P4n5 zn%M7wo=>sx@#b#~=^0abXG8>_bvMDRPFZGpLWDJ>C4hP28nj({ANzGC2#dDyGpT|x z$fktQ1)fWJC&VH6qvE$JdaqJux77Sr2+%JfGENG~~aj#=m#J0rzbz=QDm5)4%$IJa6d1 z*js~eYveHq+!~IDPfM@@&%2nN(NA&nXx7j(3M+n=!arF{oMV0jj;&9{>QUD4owe+D9s5@Ws`Tl^RZfj&jg87fR~>R?5w>&DrI*N869I5S`|l{-f(!kdK|WVEdxoJ z8&ogS39n}I-OAI=wCqkd899C#TxYU)e6v37lTSb@YQ-4@Anfu`;)1lE2)-uSGacbu z$lx}>$f*fr%=Q{S_n(NR|Cy67p1v$MU!3lX$;5A6mtkv;F=jb8;k{;idh)?$Fy`l5 zGn0>?(xOZ6$xa5xK2c`0auICq_)7PL_8J9-M?D_soM`bv=8Ew%tw`>sKq!oH6)X)`lZ8?8!ki4qIJ+`S&GMY zWs>oxJ~XTID~4?}u=Gzr2nvYXFIXC z^cVD30{2QfjNkSDfoTQv*n#HL_>?dGh7B9R$^IN%_oPK=vt5bjsbA!sCQ~tDuoSM@Ci$FAuHqxu}8Z*vMSP3?rKOUmGR zX%tQiY@xps`r-MP*I>qHRT?{nak{fU-nQzY=chTr+8{$*A})??gOWn$kY%)-&+V19 zzrqzic5}M7Z$NNEDm1T*hC1VH(sOq;j^wss-A zX~7zt5ns1mf~^NT$>x2g(7kQ~#!p(!GQvL--~2^5?no$pRZ@lAZ}Z?t+co@Dq|1t< zbufN>D+WA>$Ms2Pgdyskq_ya;z-vkzY;Q_JPHH9Xw4MeHb{%y5k57a&$HBDSj~ypH zxdzWxN038x;dp<$BlPKxW(Kk~&~5R9{&U-fCA)OF*UejK`J65A;tt@~BPVd<_aji? zF%|D!&*Q2-oD z`j$Mpuo`nYO*rpmiKlZj>5d|1=TGJ{*8` z@3N?i-)riVaRDm~XW*1zZ~9GZ9M_v`Or;8z!jC5L%JlLU4AIZP@n??0%LlyIVo5QX zkc@CGvyT`_#&I98e+KxW`bP#zJ@ zpBFudU26iCPF@S!#?NKmJlEk(_C2!1UmfR`bqi*QOTirHM^Ihw4gb}@hkHKWC~}qe zV@#uv=h8~fy&OsBMBckAI{UXt<6B^XWQITfA1V#p92VAN>RP z^n66+Wtq{8R2gv}?kHn`Xb~0&oiJ7NH1U73nW_v(b7%Smth>mHt2sWF`0zcK9X*NY zrmD{Jn@__!{*0jbcpZppjc0Ckabz{Si8V(~!P?0SNWHW-s6ScEI<{ShjK3}{c;<6* zz-0!TpBaS(x7C=pq&lY%vXQpPwpaXK9?w6+?Zo3o5KO2}LxFlZe75(84FRFxIP(h3 z|5+=1oBBu)Z+9QI2LZP1$fPHOM{S*pi=$aT|~voq(MBYy@35;9yxY!VD8hIm;jC~!0XRU|npv@vW!1Ml9 zvfI%h`zxG@u!oLTz60B$LrvalAUSdv`%U;9s`yV_uvdajIlGO&N6kUg^NjZCZy{s% z6+*u1CB*7HQfaJ*&rZ8wM(hEU4n7R=)5V1*i;VbrTma|QmU6CrlfbU7ih4&`@xObg zv1FYzcX-u8d_FQCN0+w{>zOOaZ#EAfZ2XFq76`Vp?O9qt6A3mPgv$HkEZY80ss$;ZLwm7sg+KS=#56wI%SAx|Evu&3Hf@Jy=| zd+&b?QlGk$v60H0%d*+9a%Ud=h)IJp7P3rqZYD&PZ9$XX(@-@q0h>}U2o&O8f@IxJ zGYxMo2c(`FGkDloD2D=GYJXoFK+oe6i*7 zd7jw3(`#AjmB-LyJP8-S72+g^9vtXeBYbsJjBS6RNSuP#GS34o!r`eCSXzGuIs4TB z$~>ol^GhY}rS~gX;QAS@NGsjhoF-HZs-si>#6yu+IN7kPhpyRq5JtGPVZd~MT==3J z4xSL8`g0eeeBcp2I4J^ml4V%J)weiVG#300t-^u$O9Gi;8P<908W{5X8L_Nm%s}!q zJanE*-=XGv_mTwQmEIuGIt>6Cmilw1M!FUyw{U+4_p#X$hSyQ`dl5&US~p5 zx4EJH;4w_Ot5+>cxZAG0=?DP=#F?e*slz= zwNd=LybV`{J)!|=rf~JSE+=zX3;f)>z^I@VWo^}&`mbc+RqwN;r*9%udbr>|K6AXa zMve;{Ey}b$7Vypxbm2cs|MRip0Sj6Wu z?71lCAE4h}%yS=I;q>Tb94jL*B$h>;CrUy2bxp38?}zkF@Z8l&%uNSfYs}kIwO?z2L-c{&W>(1HV-Hx@(zhFhLIFnT` zLxFttM6BB3CCz6QwOtU!hGW~$Jv#z`*FBP{qLruTY*9zSb0j+5nl z`Tr|p-)i3TH;DRm))?+|i@Fuv#CLm&$h;nHaPX*t@~?l%>%%I{;k`L)pD4+Veh>{= zNGK~-tVqp%koG_Oy!^?Y&NhbeVBK0F&N&eqD=}dkm7{s zE1SnIc4=^Jnno~qQNY~Srqe^$7D7m0l2GVifJ=r-ffF~OLjiJBdiW~wC>_B@J&@x{ zzOQ1{n@u67r3GfY57HId-^iOMr4TFsl*a2{#1+B_d^Gr#nEsszN*jHl)LEN57-esuT@o;VxdESNolaBi zpVK=Ub0J$=hI_+jT`i;S@#tAq?$+>16gsyHq>44LqDK?oCD>!`$D{O{S{hvJ@&>wR zIbQx8i)Y-z*zxnNpfxs>33h&@Z{GibIvoy=e$e8Cr3KJzq6In9_i=V}BQ;A;CepnF zFiB=1raYYtSNqgZZ)GX`9Nt7t56|IdzEyzxbC+{(tPf+Ur4x6Z&r>NnT!np~yTE7X zbWo!waQVz!cv`R-rZp`S$}W3G4W^}n;lyC7A^sZI-*n_E10rCz)_Sh${%2}2#}75K zOc*WX?@FhpGj4(;7r#`LyJ0_x#XhU1O)9u0ZD5}Ub7}O=IhyyVDitn^8WBiSQO)lkR~zj9Xv}rZ{$Pt z<_g|F+DYnDt0C$d&){p%LBa4nx}kqER5-`uvWfq|C`|#&KneeK7UKS_W7J$C8xME4 zRzwf5N`kh!8X5Os`a< zZcd(HW`7!19!cf?R9wf;CaSD+k25F7yKmQ>vIP%*9=*F`8&R;og$H&`;O2+tImRx% ziWhHOL4$)jq)5pHV~^Nyb8~t2LRK=gV3QXJ8+vh-%T4_1DaM``-h)G;=ZSq}IL4e6=sjEhn{X%w zU1MFir>3G@O;G|Hp+32@CdlKCy;MONAc{(HlnfW7ykPAi$_1dM3I>t@OX(T zH_zxUD*bnjT$#Fsee#`-bFYjA2PZ`?Xk{!&1q8!w?T1kB#*u*X$visIa~o9TY7sMYogAWNn5z>OMSy0~OQxe8yQkoG^fw z#V>%^wj;PIKLbR5CgaO6ceb|Okj-idCcalskm_%TKzG#`{JSU#dk(9?sq(ippXXyt zquQ|jjse_JHV2iHL3r%F1D=jsg|qS`nPFxM{pmUfS}=esm?eP|ug}F=<#=ITNC|l& z=}JGou|~nESG=$FBb|}DoZEZn5U7pk{mF~3gC14k_Dp+^h4L41p@Il|JbML1BxF_Y zoqQZd@UF<1gZ`j5Ly2<_34qLbt-wyCuB!R4pHt)XEhm`*99+}+i`Q&Nj%-FgMA?uP?e>{y$N!LO`aB^bOqM~%^-t6#B^h+=vrs|dg5XNF z2peT|0ZxAwz?`sl5@0NcI+-WnU|<9cxNC5irfIX!_FkMK&;4w&3}hdYW|G}DZB)%d zv@%ToB~-_aVM{Nppd%Bq(WHs@v3Te~>~Uo-X7*9mT`ORwM*m>J$SutHk2w?Fc?v}o z<`7aN!5Y44vfe69w&%nV*l%)#YU;SKEBQstGAarW`$}UAf9H0;XMkiXTm@gBSzOYl zFs^6D6^t`V;115>{q;g+X0-N#FzxsaSbI2ALhd=OH zfGnprpWm0|B|(vk2`*VRNP?~;K%dMPxRh?_Luy-Cc%3k?S7Wp*3Q=QQFvBU$#MGFxcxcnM}~>Vm=@ z8K86KKC$v>#QPF&@M)ARe{cR7ZYzgEPe?G(notZn`5c|+%aN^#37qc}6?S&YQuJ1F z#glm=M1J~F9A}yXiz3Is^-1>Jh5SPps$=6g!ghxs{O}F@Z?-1BwDjlfA4y=%`&-a> z(guRG`UM?L`ds#*a6Dp`28#j*1QQ=MlI-yj;25jJpQA(g`n?Cf4BCe9t%MGqlNV0v zpTUh1&7oZy%W2(rYxveE!N!jgXJhQrK$XvKzN`oa&k4$$Yegp2es~^=m2E+IJDje_ zUw~iEoD(L_d;s4}t>BGRv%q#*B#uaZ5B5B(Y2(>25?gFtQLT2@p`frF!jz6-&+bBy zsI#V9d{TtJGUh{2mOkgrKU4p1iPNd;qlvMC7aK8;zaunR2H%dpa|v`U(&3WTdNKTWC>j5}O1S#VR-74O z0N&5G(KWBOvvRXd+%mldtlL+fxSM>U?o-6M#M8BS)klqezxRSzj7We}LpQk9_NQ@N zg%7Q5cn-%`D#C)aUm%{40`ZOWprB`#fVL%rQ_FVL96MN%w{sYVzFP?6Ow76dqB?Zh zumPtkdxK8fYSJpKrM(Yxp|0T;v@b4($CD<&pPr5A>f3`e{J!B~o_V1Zc^UrrrNBJ> zaxfSjLp_4bFxa&RSBL1ZbsqyzOJW<@Vb%v~d4W*gpw3BWzQX@0I`6QYzc-FIw0DG( zQc|cyrS+WqWECN0w2bUjB#{{@N=P&$MX8L)sO);qeIzN0gm$5P+xf1p8*v*y7ZjxD@`YK1Q~8=+H6pvOMHuH0?A96Y_x4DAQL%^v)dO&i4mk z86A!WW{&m(1m>ZtN1C}Xc>^&3yw|R=g zc!7g_;_x#Jnm7nG7K)k6m5D^nF%M&}*g&>L6R!Dr9@`K4(rY)ZNMVEz9>4kn_Agw* zKi-SLE!wr{Ri?xm8!p1eSZz4HMsNTuilDJMBe}O!3eFiOqHn%(h{!n&rai8BvP#Iy z%de$xZN2pt$qO|}?|ryk0|v7!u^{Lq9# z^EVju)sbgdKZ39-O{tRR8yf4~`{*LLB_T~%zE!<(Xx+|^X0_?mEr z37MSZX0+Q*4{zAc;wAH?;fT_3A;aVknO7x9_4r7dy+9Xx?nv^BD8<8EmeEd8F1!Ei z2+NPIA$IqKTA!n+TW#UBj}scq3$)VMGZ_JjzzirkrGot-QA&v7RGOZ3ReIv+gguo|?!Y-AUU zhw!B*#?Y#-6X{#`L9jvi{tPTg1cgr>Nc)CxtBtF%<^47|xn($&*)O8G$$w$7j0}IL zyM?cpm8Vw4YvGlN6cl>s3-=Zq?)9#aEcE$}I!eo7n#^6?zj`_BUf2h_-Y1Yit6I1} z)do*Bc!QRfByGz>jMZ?a2d<>Sy6W5L6H@^D^Dp9z%g=F(<`gRbFbq!%&WzjT(tM}; zWF9e4@Hp$M@=p`y0$sb18k}5**#iyfyWU=3)mXG}hv4!(*sZ;7mV!^c9tS|BI`~ zSK|N-Wjlpz?G9-VF7w76(sn$@i{ULq^-4aE*6^i&ipquD_*CBZcE5N{u@>A4`3dc> z#<7my=Y@}B%fkf*g8e;3IzzbM#S49I;eQw?OpYY&S_ApYmtU~d#Xzjy83&cZd(O?* zL-^l6H*o2Q>HLvoGMJ7phmMFGvi;0hk>|s7EL<&#V|`b_p2|JImUrQR)p4X-*paor zSpu&LWMR)GZLm0G&*P_sLBPDVd_iA2Hkme|`yV~J;Fply9#~GaKB|b$J9jZd=Vy>V z=ZdW%P(3U@`Lon7U|-cAqW9zfYUdc4jBGbY&B{lwvaZm@eJs9RYeyQ82qS zg78%~Fk|yT;m#mQ_f3w2n=-$#QbWibzaGYRZWslwN|mtNIs{^I33R`_hyERFVdBCQ zY-gw7l#dw#JO4W+o-{xW8vnJhO-^1&3%(PrTNYeSF%AQ#Sa7LcZ4B(z74C*@q~V}C z)f#sRO{Xk?H+Vwq_E4S1jtU@;%RV|>F&sqgCQZh`ppkUvXf5h&Hif(Xa%bgcYr#FC zq-bGTDM^020)I3o;Fu0w-hZ{PhLi6C5UO zI|M$BiW%)}P{O)N#_(~W3uxuqVX#UvTDlKL`TPfDZ+SF$eapb1H_w8{&oFZTi6lSO z-vZm!Q*nOIH_`UcNAOYB3dgKn2A4I8$-HawJR>{`-|f^8x!rQ6@8xYlHgpDld%g_x z*9^n=M{01USsPyT-iS|kcCjO7W4Q-C2)mgS-BMLYhA-XEN>|FW^1-WNYKQ^V9_Pdr zEB?X6S36Np5X>f7SAyp8&+JfJ7EV?=1Gn8mQTvrxl%n&RMRymocOJuN{kRHnxR)vF z`qP4mPBqXtvW)oE4&$0HSK);H?PS^*4W1pa6{Fv`qi&4wO1e4;9z8yf#Uz@m3qODN z!xe(P7vipJEm7-LA?seGPA4>Y(cB7UWt@=kMIs4FxZ=tkkk+x`r zmm~LlG63zZ?Lj8B6l2Y2!22V=pmvEp9qqP-{K`2F(aEl)wX+kvIvNW_eWe)qwg7GK zT*FlYGj0BvI6hyi8Mx9{a2>n}MCJL=W3~*^54o`EjW!OE0Yb<4t~^U$O7X&afl2Ku z%j2ST(975X7l%%SnF~$H;p?ABWt)>YVMIC__)X`YwuZFeR1(}2Z3C;l`(XOze*F~8X)s_$1#XszfmxFVf~<)Y z@2Hq4a9>hc@>wlW(KuP!>Jm?8tgK@b2RC8G6&L0^WggaiaKvrLL-3J^u+g;$Mw3mc z*+X4!*rtG|CJu!t;aL-DvkenU{grC3y}DtMl3k}>e^ShjdqA~PKE!a;FCB=`!u?w8{XX!aZf@!xb) z^g2|C3ImU0N!e-Wo0W?5_Sp0ALPOf|<|huRx5jISPU8^4S#-zfID0sLERxVR@z6;N zV5CVBmDuHq-XDH}`lY+joudpzswK>6p$B-3B<$V4n>cK)7nHhvL@Y7nP4lGa-&&Tbzd#YIZAC%p@9f4+^ye@}w> z1RV?tYz0~MEbIx6hbID`ba})XoOV-=J{=H`@jF-GxWsd~{gwf3*9e7;|M`GXjTJTZ ztpd-R2IS75Of)Y$1GzFcN!kWUYIwU4as(gxW_>^GD2*;Muir|Zr%H0urWnk-a1rAl zorK{FR^zm)B;Yqv03wqyHQSe_N2~GIQDLyT>a4@+RG#kpG?j|COF;Zh53$(G zo%MY>3X0Yi+~&X%@$B3%785;*EI-zUu~!@6`V~n5?QF>dT^RdTbRW7)SW)ny#cX`r zbW$;Iis@IUR=| zTZ$*2Mi9RZs#H!@kw1_>NbisTfsLL6_+M{(kkU=yd8^CG^>cYRN2Xq2E2T4k(!i*N zD|ei=jZJ&zjf)%dS=XK$SkSOvG~RAIKY6c(U3RnO)~0tsM{wpEd3fM64>$ZUBOI5k zoQ&H??1jz=7s-;f*N{Y}F|$Nr?qpKJ%5@vrsk6#-;4*D~JFpc$7JKr(vYo`^gCaH2 z^boidUvNjr0NT7`ESJkVfHlg)>4a}jA*(kBvVX*3m)AvBe((oONwDK)3in{j3P)Bp z;uP&Gy8(9}r?E7(Ele}c3Z}2A0De`1|Gpi=#A?nEjz2mtM--Q-KBW`+Y z5BRLGz;_4ZNcx;XpsMW6w|be8+7caBGuj!3KRgXek^{NJ11r9ua51r$2u8nn2|nh@ z74mvtA6k00v0K(QEOOToNQ+s4om)Ghal#CM6@NfmINvWE?ZWDU`=Fe8n(h6zkU!Tn zM;lv3mNL^GidIPQ*`lFTMfnvjJ!i-tloaEDxxc}mm4e?-GxR%RfGM9T{*81j=uv2_i?1|Km7b6jy+NM#ESEz`6Tf(%vpQ~f8L&iL6^_tj?!FMoS@38&wK^j zc_%^b+Eeign+VL>_5lB`O+=^K(QN8qS>AkSI*xpDiRE?x85_`#QDdKiW{}{o+*HgG z3zX3$jzZJXPS~77$Wu`nC<#2KON!ETgu@c77knh!HtfTsG$S~3GYs#&a0cn8x_EAI zGAtNjN0nb+fo*Q-Ed2X3W+%A_($;hllv0sxu5jem(c?Cp1BZxkGy$}zn#J~(k zCHm?{FY^|5t#$$jMpsUWOEtJrEz4>)taKz)?-z-4`?YY$%hxP9`VejwJA&@`a5{Yj zcUUk_I2(2;LumUrT4=KwqU4QIf>BnfZ84EJxiO3Lvw#lQ`b_hZX0}fX{Vn zG?V#8zO<-8Qs+I)JwAYI?j1~T$aw+GG2nfZz6;qfih6%{;RgM~_-U;i`pJ#kSpsS%%cFzu9;TA?63&LG!O+S{fjO#=S)YvyKNmib#w!jJ zy}A5`lv#UnquyAk2+u$X;~4(Iu>i=e9bhtR7~~(1hWAD?^x9SnZau-7o_I47;^Ep9I5N-lG3i;S&Vz5i75tqwO#8QxFI+nhT357_4R3rP zUhNH=tzpl0-aUYNM!!JF8&j+OeR$kyESkS_hD!<>oUCld)`+3>%caYLx9S{o5EvuQ zx##e}?1yBA=5BK5C})Qr9AURcPoY_Nzc9l=J+P&y5Q?z{J&cRQ`=9pXCjUSlJ+WBe z!A{3k$p|{L>(xV_8;i&A`P%0^wV zp3dO3h|@e}WQ6ABaJPeS#eau|P80t3ehxs@#=p)GPSEuFmzGVY~7yYDi5F5k=8M>$$} zsu{DU4TKp9@+3O;Hr6%#!}Y@l@UvR7e75E=+8?@!`K=oV$_f#9d+ih^I@bXo*Ib5c zP71uha01DD{hs_M%-Dnczu?eCD`4Y|Hr78^hX2RDi&K>CKt0PC2WBPkpU(4(4lXx< z)myFj{Iqc_c#;E8eDYGbKYBpiSYcN%?i((tio!c!feSA7h_|{7=hD4{KvC@ohUlHEadMz%VFah*`IiZ~)gTbrQ*wfyVFsW!8Ztqz@c2$R<2dl$-GX>YC zoH8aIH{|yN=7N5|y3jG6L%gDI!@BT5RQ1RO$MQ6ywDl1jj!rCEa6$J_TN?Oo#6A z7jaiN7ahv&AooXP;S{Td?4VzZ_{qrII9*W&ROZaXc|8-koRk>n8S7BP#PRSvN>yCx zbA?r0u%LEi=GF_SljT?v>KX#+{aSi@sWH;71 zQmU?T2JgFngy^HjWLEYyxLKUbj)m_9uW`~?_1+KCZd?)1tIxy4)dlcwx*oqWHk53s z2!*0}MM%j$%F-K5(0X1DO81V1Cl$*C-r#xIC9n!{iaM9_kB1!>U*h=-dg4P7HgsZD zBTMLA!Tx>iW>=*>Slg&92Wj@5#>0=qB7PiiZTc#3o$s)By^?%) zelbLBG#1?BN>J7%g_bqXA^et*K~j2x{nnP)CUhXghs^2g9Sy=gtrV90jezUH#h_p9 zA|Bl{3f=4(s@UhixOcxCF6`E)9<^J^veS-W-(}B_>zomdFYiP51J}X#lM1<>x{oNk zY(tXsj*$gxMBO9zqNm_LKK|I({v7=9 z&=%x3ZpX7Wd&$f(w^-Ax1~#F=2<)PJ$+fIR{3))52F*N3x)vsio8!bYXQdOHr<$VF zkUaFY8N!3~6);>~m}UPJ=CDHN({;sR(*MtrMm6t;qz|)je#R3tEB?j&cUTCs=2wtx z>4l~e$(U{P9{tQke6PUekc-t9jV(BeV)9&kZf+0T)0PRZ_Gz%s&!$1=KpmdyX^pC( zbplm84ChDwg)>LziPYEJ#9q74`1fT4B)m@{nvxVeEeBvwSvBNumZv&LCgN71pYj8nFR+>{rMlU)B{a)zm^DVyA1ie>mlMNuVU!B22b$on81&W zxP!xL-I?>DP!c-C6LkL;f}X-|-m_MlZ`kaNug<-LUwL`xu;(!z>NH@(l@1aEtrYZH zr%UXb^Y4d~Z*t%M%8kmZ3^c(h{6M=We zeDu)HK-J+L5D+MEjrkR*nqWd7D!vhwy|$%(EeEk6W*5{H#o@FeT97R34kPvn-nR9J zu)AY7ZrPVZX3WuNV;*lMxNI1o9c#o|D`(^I=kws%BVpd2A|qxVmq~nF8lDeI#Z9hx z7;k?S_A9QVJ7+~gkopw*?!;Gevbr5BH_IbV_Xqcl+AQp-B=wu>g==h!;MOb`d^Jgy z`fv0m3GzW~NAN`$@LdLu&mV?qs; z`@)YFPSWv*h?a+B{f05n`Th~SOgjmS;Wx~`vYWO3b_KP4pUF98Wi&8RAEw-a){m%#iXM`*mOH`hM+oxIfb74wL>{Bv|K_AA~*h4e7UZ5I3& zSx4BALlgMmnmu4K+X5w;=3q%m6QoT$&NSm2aqQq_aHx1L>=&}M%V)2}AHFYH_~|#e z&08K8fA|lX&nQ~&W-AVeVN2Yr8KcmQfXxL z>MB-tr-gaDt8bG2@k|0;u`zy`(*JHXNw^jNL;Iz%k`pkTn%R z$BMwCU&%m~AECmeA1Ea$xCx(G!M8gXA!=a-Ida~RX6q^QW$z6!QzaH>_gr)sRONuU zv53_)${~J~v7dYMJ*-i9gcH@X;_jP!=JiFvFrIih1|$Ixaq3}7ka%wRG`YEp1X;cY&rpYvU7>M_`$DNo_B5lVI*f|<+T;VZm@Wz?8{rFMZ#0_WNnP8t1kZXSu~8W-?1d6xO{B1^%Z`BWcV=*(@K|`?R)?mJwQTK7 z!ll-QF(13-#L~hXZyqE1qpr|cQvS%yDN_PZO#WxaKu}|I`n~^ z0<=UX!%3Yl_+s&IxOx9ObgA6L*E%!dKy*>z#GUuV)BPhvNiR~dA^1npS=Dc1*I6^M z!Z#hBd5)$niIwnSiySlFw1(IJumh`~%9!(e2xQ+rB{2U-!Di>3V4pb)t_$~^itP2I zb>eas{rD%7x%deNFQ1LO>#Y#ixzGnSEo|SK-@KAB;F`$8^-$h}4PvCc98Cm!4GuRIiSd4>GQR2P`N=N_1NIH#vJogf&)KubW>4EhA zjADGh=RD?rFM^Br2hoCvm3YjdT*%mJ()p7{3p*`!v^Wt7q94v+U1v{>C&^>0nHNrV zDIq;?2^!@4fSdaU^72$U{t%aui;e2scR&#^`9l!3`#JVs^+6Tm2r{o{B*nx1WO+po ztny4J;TaoPz(-Gf)W>nIS|~hk|BQRDZG``(fGPCH>iq&ZK`tg^Y3|}FuDXkMNh=&-2xL%dyjt64yzByZ(5;!>C0Kc+>J8OPd!-oNmR#q0i@mdur7+@qG%lZ#40S^!_^25s^s{O*EIuK|xi=Y9oy)=%IStIRW&kCJq$wWlfL;@U ztx~1H#q$*S6Jf7xpE-vPaf`*Vp;oYcz=WdQ`7V&0lF$6DjcF(5;k61|I57eE)YW}> z`HnmE{iH1A{t6hq%L<1Nx+yxG76S{eXz=Q^{rKP4PJE(b!>UF5BpCqBG1@Hb~G=Hhe%eE2^KF=YxgAV zZa<03y$6EP`dGHl@j2OhaV4m^Yk_CgUl!;sfvtIZd|0y`R^12&apoPkxoRKsm^zfK zOTpur1?V&21Un_Y6jME-VBGCo)IU6tD1DHIy3P|&l9*hy*KRbPUaWxQd}h+=1*SZ! zBv$+^M{utH8ijWbuSdJ{rm#Y|bFRv(26N+Gc;RETuv6IuGYaH+cup0Ji!_8`HUF`& z;VS%B!$AI}qYide4S|Yt6H)hI1te}r7fHDmi)|9};bnpYpr!)79?*oE$NcF>*Tc}v zk6`(eZuGL+isEPTJU7LUmd6DPPN`U;GV72i=z$LMp_f5xhB_>pGngmWPoP7#AghlZ zB3j=rPp^9%gz@)QL(|6ha6R0Lzs~=_u8#KOWpR7(`1mT3e`W=_?Xg0nFz-HYt9l6j zd3%|(S2k2uia~d|5*=G~0cvj5fJMVOd}?k)cWy97i}i+VOmj4h_VT1tHm+r!@oLLGbLU3V*lTfKO5u^5}cAp|)ftjGd)IHy1n??)+g`E9?VGFA3krQ8)0f z=Rkh=LMqyp=98+b62bAJK$V=AbMuoHRDF>HwW?muHB(RE*SQLyD)>Eb>wkq@j{vA& zBhA+dbG4p9j42i@oLUAntbE|raicd!3!QUTxZJH%yNgBItQ`z z&}Me6$rWW^T>!;PE2!1xeDs+#3SFYs<4Z+P?(@T#PAa+1^ctk#@V!T1)Zj;6yj6vW z;@RNc|3hr>-zj37Q4bzVmO@7MaZ#p_6Q4A47N)w~7ftU1E)Wl3xUi?(r2HBi_YN2G z*G_`_@C8os681OaF7X5(Ic!h0;qNYAB3mA1qV5kXnrs}{h&^6Xy~vHvZo+V z>JjkP1vFhYk}UT20pDG&;CsPb9OKl1YB?{6|4UikRr5f&*DmHgp;|cZ{%4%rZA?Ne zqQ%2Bw0V0>3=CcL2rPqoMRBP+V2sBJocz0o4Lu$XhaY@_tj0>wjn$kL1qR`96>B&! zRSH)&y@He4MUWjHkCk2(?8((<1Q+~-vGr9@H8%zZx_QC$b6wyjFuy+Co=wgHX0ZmCg-0#gf~n(1ywNSaNnSXrC0( zvS~LkME^Y0^sHs_-WqWKus0<5d|*r0yuf{rm&5{q~jYPG-2UOH+rhC1p?)x}WU+ zG=!;S{K0o$yCL*~84m7ngH-p^#74)O4+{sdoHLZ*gb@&}KA1dGz6crd!ED-vX`q$) z6nr_;tn3L zWFoDy%b>dPKVs9<57&YQP#^nYv>ctu+2&1HxeQUOwI4Pqrjdm|5^!aofhbrr6H7g9 zz-7rXGDYv1II_`^mj^zEu*t%6qskWb@+6?~PdkzEa);UHdtubMTCCf36^kC(^Erhh z$oJ4hc$m4VDB#Ku>{vORe!s*~zs`&HuPT6*6K<2yz9JGk&J#OdKOpBiP0?*u8>sqq zg1zlIa{u@rveW7iCRvXY>3>UOB=jQ|eV&3{r83;O+7`F&@P}qwWAgs1DX99lgBV5F zz9dkxqN=hUvB&G^YLh1poogr;;qGEI6BE}o)~0|LkM|4O1zy1pMQ zlhx^$R|CK|F$HtX9Qo);BAg>P32Ri9`GW8g7W#;{WW?r8VYoWO3JzYfN5^nO;oqVRUmUH3jqWYD!1yG&*XPc>s`Ie+ zR}kKGDq~MKHrbG_2JjzXAYMOjCg(QH&uBTcVe&L?0S{gcs(wVBY>waKU;V%zSeX zoHMoP5A$kfY&4&IUwo6PwAo{`{7r1it;Xig_4J3Vo$&c~!}oC)=uk^Z%KHYeA${BM zblxL;d3GreR^7|S`JBNWRyXlsK@@CXZjI?ZTKtssSoB;jkF!Q(kqE;Xe6m{_ZZ}&& z112A$b>rrOLiJ9_J~PaLO^?UFJ*~J+@i+A6mWw`Vc{9yxZp?9CGK3C~AkV7zV(#hx}qCXe$)pFp$5FASDC&(HH`i-8iz}S9^CqvEan-O2f77w$m$D@^vU5) zh?^0MQdW=I0W442s0hU(G;VBgH?Q(G_?BqgicRBA# zy6r3x2Y=9`rtX$>x9tbWIJO5qObEeqMU6BQ&=yx{aW++4o9o5JxL;lcBlQal-MRhkPVq5c! zNbFUlL02z}u69qup!{S~5nx1nH4icA%aOP}_!VwV9mwsfC)2I|QZ%5@hA(_v314Kn z$o1Y(zBKb1p6D1yWIjhjtf4PfEUjRR!$zRA(3{)%RhX{DWJBoSA#~l!_2`+snwl(GCY)-{?|nVX1b`%j|F+z;S_EobQLzCB{{R}&0Y3>9Wr^`s;@16TL7 z;i6^9IQz9V-4L+>yRBZqSb-lPp*RK(+;RZ<%1jcvCk?hKE`^r6vBU^CiLAHfBopyW zq7mIM6qXjPk);Rs*a{d!5%)I}W|S`akbZn0rqB^AuDqVb)~C?3Z=`wGFjMjV?I+>Z z$3zI4d5b)Le#-vE-3m0R48u>px%g>bE9}g6A*YtOk_@9ZNFIEcNY~iHKY_PFFOTI~ zzvj?MGiT$Z8zZ<~#U8Oz+#S4~GzN6a4iXnygw1DaFiF*nym#)!;%!zmTHw4NxK@fy zi?sNwY;~$uUxPVQX7X2S{INX1hdAH#<~u{~V(jJ3Ty!!JVz>2zpU+@k`}YFhwP`gf zjL(E0syD#oSUJv4>V!i#+91;=kj~3b5;;__rdz)b$G-Bh+tVyl^M8o{jM0lsG1BGR|M0URtIjOptdX(PANx2Kz@+&6z z>q0!5T+G0aTchCH^$aLa_(L9#SU?*;yWy`tAF#Qj4Mz+b3U)6iP~{V5B;o8(y2&OA zqKO(Fbjm|wkU*6bM{%{2n{iBQ3K{hE0}~e};u$psY#4o;^gii_r?wP_-{@ez?;-@w z9K|upM%>jylMegth@Y+H$lCEAS;I|J*z85hMuF6U4T@d+hgoY%ZFX9YGo;4B`M6`$0EjnFz;Um=Frrx<7BBT@(my2W z*fJlgV{?qDc6=92eqKTJ0;}-1&|7iR8qI4Pufh^8aN05-i#iksbHBZp+47B&_-b<> z8*oC243rDRWpj?Poew;5l=BW6J?$9QjvrC9Q0V4c_pXK$ZPTfI)nT#w^4DXrCDf7Ei(;OZ^cJtQd_i9-kM^q;H}W>rs&IdJ$ZW zlcCD@D&Ez)g1M`5@tV6mj@+C=?mEkI%U4M}!}bpJYRd3w!<~z^9$twXo8{=O`ir>^dMtVy zxEpUim#1FCPZ7Jfi)hk1T{tm2lj-}eB6FWzhUxBUF#1d%u^4PYXVse1oEIOUy!!<% zkvvcoBB9S~)_ldUVokVJmkTYQ_MnBb2X6Vh9UZ@g;ib!II6U?WHk-YMibf7{E!E`x z&tITj>A@fWG=c`nP2A4C2dv_5vD3o&x-}t|S{~BkVHf17RO1G`xONK;%F*Yew}p^X zQ})vMdRtJ_wxZvLs8G8%2SH%~!{?&Gbne6&bZ(nVEu1n~i_PL+V_H+vFH6Jm$#F-|T|di}s*#j3pRjGbGH{ zqfwW7MA6?jiniqpVD=4Sxb*u4`sdV;huZ{(+b#nt`t1&GIwPn$mxG=4lf_HSvETeSDE4L{^&89Uk{!73&RDSSKh48$t!7(7IPUF>hMk4FRF$4#^4RfO7HyQWuEwkRz<_il-4d78Ch;}B#<+xs@PWUJMdug$@KU#b zc)r^bjjXnd><{PSgSrk}{5%Rr+NaysU7Le<{;JSXzoTJE#0l2hn+WSJ?c%NTO>k3I zD!-+cNw#LEL$lQde5cfntM;9vQx7Ebho%mE?&nB|ygZWD4*o-e+z{Uj^GCma5p}lN z&cA$AnBNmUR=VWB`(0{=sXhGBKWd4C{mZIX7-}Om+a0E?)w^sbb|9Rye8w!|7{e` zm$#C9*w$}s;(ZCeXp0doe9|R07Fdy;Lkei_96i1}upbAmeuQhzn$u6KuaY^BRWSJ5 zQ?~S51y)5~BNg2{1ZI~emYVZgCx$k(4Y=(3O`+&WMX*D2g_kk$9+*Imr``lBt7I%^;K_JhH;*Xwan>sp*W zaV&?BhftyNkDULvk9`a8L3clS-f^lE28h;?&AHB4a3urEs;?A1?H$1P=no_*BX{Fy zO)h$I&IKcrROv~raP-}4PcPlS08eCcpl$b4u*B2&{*NB>*;a|_Ey=7ebUe`2r&-Cw zPjJO+5)EzIgC!lK(R9ZPFkGobr@ujT)4c(jD*S~TvAh%9^W zNWAg~(U~8#x$amYBmeInROdwDr+^v6Yv5<`M#VhT*kMC|ZF58!9u-`ojF*ZpzwraBTFF%Gg+?77dmBQU7M8+N(A zf#EJ5sJ+mfuh1Jn)d#9@$zFLf_g5*Ied#VmH{^B(Pto{F6pqf; z1mCwO4U>_l-5DZ$Ea^h? zT;1qDzaB{3ABBfs2EryjhrgOOjHNv+!X-9)_{t_JuKl+SVrys+Q%NjqTX}tpqP@ z+QgS@Rg!-{;)$bO8g#3fK%|le%F6j+;_0C@SxK6v-SFm#0dI@8b*j+u%hMpPBoiML z7+`zcC_XA$iz-P?=8@q+_}QRA{5*ayeIH(gt;=FzLH2)eQ27`}M79APD6nk0Lb&SD zTWB}em4`oEif`9w!-Kx!GyCWg^6N+fdCOOFE_GzW8EL0c?Av z2c!HCz^6a(SSyMtt^jSgMYvKE$JJ4Or61>jywA&>ark8Ky-yuWsb)Gu^C-i3aP0xm! zgqNb?UI|*2XUH@Cr_tB_O7yD5Fs@y!2btF^@#x5C`a!jq+?tgqay9G1(MJ2Ar~Rz> zW34b3y*G)^-KSA>e`HWmwBHzdV!0*lxjg~Ld217ks$z8fY0cs`45J3#wdia&nhp!F zz^eKR+$0-Aa+|Bg`Trcj%BBPwj!N)Og&zFuTZ;-KC$d$~Y~hFA6_^q4f^tI_^P)9F z=yXyt}6M0X29)7y|4Svl2 z$=W8gA#c-%o@r@dHD(FjRC*F?qW_wgFgflMd2wzjXoy}xwE&?VFft5Q8#pGN7#X z0V}&H^{u=Lax)G>sOt;Z+MY=!<|pAiuFs`JlJuvPCSATt*k8*<;B%9H_G#Tyk#YZi zwyk78Wy^n~)_>QT)tqEDr!R&%$X4JHu?dJY`ygg;BU~7+4-ZeAfB`MfiP6?rEYr~8 zhQ^a<(baz{iXk>^Ffp)%`B}qAkfsddER~$O|0SCP@eHp9)81 zeNe%7GfVfL4ilCnVAhyyaLV(?xm4)Z1`Y<#kXSq(S&Dh;%2e)O11tJ;1Tvh2er1^+ zK3LGh{w*4eV^;dn1et62XT?-loBti+$7|8nN(VY=y(B(b&;fok-r?sHBjMB5Y%E>% zR+x`u3z;lA8ofH1F#C)2>qRXrv41F9S!l}(e*VFQ8?qs{-T-!MM)T>?vw6~cLzbJ9 z1?JoJ@ywP{C^1!-sXGm&(embxe#u>OvT?v@^QQw`JYp?9`TxkJl`p_#4#7p?b4B0pjN?7) zMpFCqYoM(-l*!7eV9Um6TrV)3tGEBe@(qdX_$L{mXHgGtyxU-hn<*H~)2IINp%@!c z2%9|}`GIu^3LddIPp=Xt?oFZ-=e46`suHDBQ&445FV>fv@IQi|{M9l_4Jv+;Yz=Gr zOwtSd>pluO%mt|VMuNKBk0KhH|A@7@B1~*viARpflXC%~Y-+%Dj0p|ESswzpag~tO z3m?Iwos3~!s2X2jEAVp*5Up3ApyP~o^99=k=XcHqVc&O}s47z`yT^|@3Ar-!0fRtq z@LE!PI0)i5UB`5jV3CLT3Xc3fkt&sL$7_ESX~45`;Dff~Be&DIzUw4B*eZin8=ZLj z=7aFJH-;NuFyc$5IP-@2Q`vR}Yd${Y5W5mxjFUAbFlCehRJrCu$H+X?$qMANk}FX` zeFxFTC2+q%ihfx?hG)c{qnDK~VXbspQTxk(@ODNqKR5mw`>K<`B8{ffuI@RkdbKIp zE-{%W?cW0mi4DRS!AkDT$O-1|J z(W0w{O(cIs6p@mQW?g0r@q>*#RbDzC@+$n`)52Cz*saU;n*^6iQY;_X)hWIsJVSd| zD#2hUH6GaLM;E`{$J<7g;9kA4^q$#A4Cp8Y+hZYMKK>Fq9!jNo7J>ZGl^I-R(RJ|) zyJFb$V#%C041f9KFzJooPs?@NaK_XXe5GF!v}{ad zM^sY5?UWm((Pv;m=3v_6)QD>qe#dgVH)!MG0n&Ziv^T(#$5jvG$(pNJ^sL`l|9LHY zJ0=3w6q{g3eLrfQljfJRkHV^FbI>lWO+;V5WBHb+1?J9al$#-BwUZ+0*jYn({)c%u z{OS)ha(M>9%Pzs<%p0ia9#7wny@S3thVf%(KBDn(>(Hk|L9!nDr4BF)8GJpIBa znB?#Rd$S$+hMZn7dn9z9{JStL>OHf~&>~?zhJR7vlA6R9^K1RBx3K zy+^0%_jS^|?8#Z2=dyz@**uhY(6bmU%)Y1PT^AMh=!5y23Ajr|jF%&4a*1U%;QvC% z&o!lD_Kh;!Z)A+8{GY?SJ-Z>F59QvS!y)4IceoL&$K|?ju`3gnqSCIr?2M-ynv^ub zjWe6criT)=tNaV>yfGK*a!-kMca3AmZ#hAt;K)d_GbB>^XUX30F}OCOS77HVQ?J}Q zSfF+RJzSe$QBN>TwUg(&{u4R}C%gW^E}sA__Qku^3JEhwWXTi z8JZ3nvo-lrnFJ_(avRrQh-H65%=za|AxqY(46#QF;KcVU&>=8E#{Hc`78Fa;Bfn#K z$?kbH_=PeRmu`W->WAr>d?Rjm;U_9dJJNgcr*Mq#Sz>ZZmcLf>;xnTSxu6p zCsubMBPSX^G#SvR+oFkI+#z~1Y8$DDF$W7bb%C$76-P@?bcmTIPjdvmmFbKEhN~`s`M)fc} zVI=_ySzpm1<2y=O4B-d6o(Z|4G5kl}R6J3uiA8IXK6~m!J5C*wM_!U zXpng1mWvR4VkCY#5X?=7wlafl)-;68rOS)Qa*471B>9U1m2VN|LFbil+x$}Tixw?z z^h1_b?hyXYTKfg|1;YgfJL%lQk7yJsha1a%VBE4TutU#|j=B;laNGZ4cy=gLR*1qm zFQxdfua#u$xXC1``5=9eqt84X&x?$k%rFpNKzHP7KBCnYCrCJ>U9dFFu1LpGg~Rbd zmp+aEuN~y$^Tac*dU30jSMjU%Qv4r9=N*XU_l9w0Wm7g4N@SE4@}B#Ylp?Z~L{g%i z77d|c78;_25~-w=l)UFYN>VD7rld$qBsA%(`aQpY{po$idG7nVKA-d}XUTsOA7IlU zp=W30wR^xwWWijfroso)ad=rf9emH6BO+5h8ff4JvTJ21Y|_Ex53Oun z!UR}+Sdxz!vWti>xS~m%E0_;b=lz4fkecFC;OVCY=|AVd@E_W||Bo^5F_NLLjQvom z)(?ZT>fp)sdeP3o)nv)xA(n0y^^k>Hide=k|bC?moHQInWhR>zC zxo3!d>OImmhvRy+M(`Y&&thJm!F@~SanqhU=;#~E+YU{oTPM9CZ)1{3^(t3xRg{E@ z3k}iFXAW)so6gQXpHF<`6zI=K1F5CHDZjdH0e8s1kINj4_>w6<*s-@m_`8TyGBEcN zYl;;MUCmB*+)agVh!nDu%OyA-nvLp85AgYlnY=gWo=CW!=-)6cum}hAkE&%=qckA; z#78h5JBeaK4YA@vB6CrWV0S$8#UhnG;`(!;)JAp^)NT5J7uUVThNuMGd2k=w zI57r}=NjYi$-3ZnErl1B7*M5sf5qx+<>5l*1v@v70U*^wn0xah_H;)mFBkf|`-M)g z(Z_OlU%#B(y)Jl(yR-RVn|N{i@e5cJc%HrU4uGww%qKei2lLK-#6uRBP-n3YOoXU+?6MleE=@b0#O+E&W`Hv`FHpQNymr(A^Re|eePoH_-W7WTQf?+L%rXE>rpI<~g z)vS4Q;8^Z+VmLJz@R#Vvx#Qu05L#fm2v3hQ7H z*HfrXk%)u{v<)_PMo&s@D)_LssR>9@GJSO@g` zqJiHes5DrI!@3K+;f@)Y$9Z9T<0P)Dk7V&-1wQ6p4EW~{hxcg%=!21$uyR`lH0i0Z zS&0qkQd9xYOK)LFtT3k%_U%vajfRSOYasp719&HAi|^D13Vzq0hzHd8?TV>a?+Lk^ z^fNJ3&+0LW6lRt`vxOb|^dRnL84N1=hneE9_0UsePd8}xLdfT9>`QMlKJavA*Q~sF z)~QPn-gqAkBi+EYtXXgxxiW8)1$b_HIakb(rcz_)Vc^*^+*qUqxg#%ureXqYsXfXL zJ@!WN05ksI)*)Er7Ec!YnxNc|I%e~30R~Pu&w`FALA20CRa;j@PW+QZ$>2rcVLBA+ zbTa8dy+<&-eh<1%brHLgASyTdI4%nuLkj~gaXpt7Sg__FhKn}A!k$+0xqSkkq%e~^ z#p+SbKe~8v`*axgK%d2$&ty{+KH*Y7e_AwLhr2Jh0e_5tVb!}`_^%b)(A*F3&;h#aeXJ z-pTZ|@;@R^zvHIQ?xZB*3+|N6hrH#bg6nz$lxU}ja}Nldm!Fw56i%=|cZO5fl1sR6 zSrRNg6hf5Ehf<^Clu7s%L6Y!ZarricrfiUcaYmYpDFd zk=RS5xpv}vR4(ZR|BuW0C`$zzE13WX_4Rp3tP#2%-voNODcI?5Nq+a6uss&G^p)c& z;Tv9-F16dr`kV*DpYhx}#pyY8#+S-CcFW8WA zm-AuFKqoA`7tXq8`G{Y7B|z8@A%{2`Nyvc{%u3A*H`F$uzgIlueh;MO4uA27dOB;9 z*blnh-lEPS2T`X>#MiqGpt&bz@mA;AD${-*JSGj{B*?`sRp5#3f24->i>6cU z3(f+|NDbbGIiOdTA@8gxtI%IGlm;}$u}vXyIAxofIHEIvru2A1e#}EqKH@}oS}ey; z4U3rT;92~&(gh)dAP1SRUqEZP}hMfu3~(={S#IiOvSU_RS?)*ioLUCsOM56zA1hNS_g%~4BCcQoo4YX zKQzgaOZOpiwIALW`f^8|(%|OhPuLh{gu`BX^S%e>JYugIYA#c!lEN-hBr^(!3g>Fq zE7P&0C5b#7kp?;+WpJ><5MtiifGabsh@Da$)96b_-NJ9|7fD}O&stO7{rRxy+WgNT6(oamKUiaU)mYy7FaUZ^ zd(bgSVZ1Nw8$^WWK;41i5U4hoK9;-!$s3no)7P_tGo_p=-Z)K)hsEQRwkBx@?AZ? z-*G%Q99l-!Rf%zd=^?Nyl7J%v1K|0i^Yp$je=bNd=9=f0FtsD=V0ivm+Po2PO(W28 zPE+a1dIi2C>;RFesUt&zPtbq&4Zz!N59yEaqW?x1^Z6IH;HgPwI44JNw;Vi<*Ggrn zT&6Sci4$gHlkW)bb16*dQp4R3`XIV4hVrw6=#5TYvVP-qxG(G_jceY+g+te%IcYwv zHQk5%+sDDaWkuL}b0FCCWI(y$FuGjMgfF@2$jgW8(S5^I!R^L*>`0J9FO6D&gNqKfJf#yLfzpDg0iWhw&dnQ0sOg_3`-& zXI4IhN3n0AZ`K5q7^w~c$8EStvKN|75;$gu#*&p*zfrVRo(69lfTJGH1D860A4bOn zPL>f}_D34Je~H-qVYgtNr9Y`!nhZD0lxV8WC_ZygA1411@$4)~F4hUCSmXx_5qVeY82juoSJjOYolGB~mE#fZn{cCXzOXF;z1Weg>st@6HZb|MxJ;25Jbqlmb|gtxUtV z_~NQ@v+=om7qFuB&}lIZHk_;j&8-}6DIS3psa?d&-~=3LJHiTGLQpa=34G!e=~4Ud z?A{Ya+H1ZYHvayBdq>-n)9_VfbFl~>`YZ60oLuK4xrL-FLFWrbMb(Cpr=Q9+Y^g)N; z^Kgnsj!4m$aj! z`)~B$+5*?*4`I;=DUv!+7p_(mk!(kN3ZGPc-3k!o+ZM<(TDI< zaVh2t&w~fKC18AR8^7{cin?z5j3bvDadqLFP%c~qw)vOgNZ&7U1`+a>%Xg#2=sJNR z`VcjT$HUa6?$l3ZH>{RI4D;*;r*KWQ&9tIhu36L2QfX1xj=?;lLxykdn?S2A-dD^G zZUVj64t%0p0LF#b(^+;B^mCF3`+n)O-%=hFX3m2V_6bC?ERrkLaPn-gCilFu4V@<{ zVaffGTz^|Sdm7kzeB>x7P}0-74N{%R})}cPcHhOOry0g zITkOLVD?KtKzvX#xv+l-SLhiHL)$0gI6t8iUr@+)|0iVQw;aAo3YMU8{3)#1bqlVa zzfGFf1yQP07;5(5 zJ(A}_=dCOkrYxDk&nG@2b-4nQ#&aiJ=M&iogB+^2IRtym9I0r)GQ6Ttj!ro__#@7i zmE70DD?YPmd%`m;dE83MC%+N;=tD#kF%EXkHNoa2SMD-So5yUr2s0g|AtX_7q%PCK z+m$7lmGKo83~z$)wFj_dd>~8KG@~i6wsM(pImo(j7OUH8VBV>X*dBd?boVFX8ADgm zw?P|3ZQkSf?{sB8xbq0vY0xi{J*@@TGc@^@YGZoh^k}FPI=u~JZ;^K2bFlfdir}az z#c9iv=!}xhu;G3Zxa%B+vP~&)SxFy%?u`b!;TMT`%yfQGg7Z|SKRbRwJ%ZKp6wy)4bYZ-2GdILKDnOt4C&KOEPBU$Sy zCHgw=8{5W|sA{4K9Y4Dp=Y`eaPlXwRwj!@;pfl6P&k#Uny_72(8Qaq1TQG_VL;=Jo~bW zxm%7SCl-Acoy%;3{)1|ucT^f5ZJR=GdVB|ym4=jPea3qE00_^&NW6|+L8Dtn^utwY zv>5i6J+>MJQC+lRzjHgrEI)}$66c7j%I)CS^dL-oq6SlRcY<+8I@uQc1)ok+5|}>!|fj+qWz(W>Mti?BvR^ls^q{X|Q93$DaE5vKuhY;VGtLU*h6JGlZ%z+7Q zSkrzPdhgk@hNMT>SMVLmM=3zK+5Z`1F(@lAy{h!x`4OWU3~*S*zEl^3Dyq=KZOKr! zeki!!-^rg#tKxO5ld!e$13uf*PX^RVgYm(Hi93NKeb{{rc>f>N>5|(&ZuopWl;3{@NT4x$=Y5xwpms265H3lr&N3iwJ z+$xl$uENnk8$RsWe0JHV5c)T(LRFgyd=mZ#?N0VQBK4)fcN+t%J|E|@(=1Wm^EJ~A zbEH3}rbF9}>#$%*H0r%`#jLt}Z0f~-z%tcvyQL3rmS~5lk5}05=9Zs(xQ&w1@?APmTm+v3O+T?hB;jN0$ zk#hKX`7KPcFCo@%R?%7Sb%01%P+OJNSbr#*O|V#=?7T07T4Dp!p9B=~99J<27GkvOk@TkvDR1hUrYUv`GWL{Rn}%5r<*CnF8q! zwg<0y9)UNj4xT!I<0 zi@;#ECco)tgmKZi(7mydI3FA>Dsw-C=g)bN%>GWuk^Mo6%Wq@S>i zsrc}03t88-zoLKaKlY?BjBMC59t9{M+(_O+O*WjZkW4zwZXKm)=co=!uE5AGmgc?% z0=HbU9yJO=z~!`vrv)1GHq&Xu!lsbKYpbv$5ofS$VlIgfLm`hv$eC?r2ORpteWzr`u{2lCqPaGVo-jx1L_jat5Q z_|fkVNE`^9jkzVL{bD=pa?xRfUb%qM5y7|cPw2G9TQdKV99YmWer>i2Uz<_}ca6v5 zXsKTK?)VH6r|)19H#ULW?mePQ*B0{C$2P%A9Y6lA=M(v-Es3YM_Yo7H0fOWC4Vh^d z%}SbwbKPba>}sCKt2Bl~j*wSzHcbIvRcU;o_TV zEwF8dF0cF3h<)WRup`nCJc111+~myyD^XxMHjD?$$NKD6(M@7~r3gSR%Cox3Jpo>6thd-(W^U1vk6X4;8-XmEgZP-ONU* z?Z){bYINSYv2a1Fm09h+fd3q2X;yF<+ei|b`M4&W_|z7k{0bpsCY9r>n_oq1M&E)B zThyreU|kyMF$T=vzJ*wg|@0kZTzNtXT z{t{MkK!#qnI*kjL%JAlA>fH4N#s1m@sJL5!_Psa;y}@^g{jztYHEB3%2bZwVLr#Kt zq6#;yy~0Z87K-FFV z#U%Xqyc<);c%triHJs$&4s~1P>Gs1N_;bEI&pfM2SGONx$J`|Nb1A`zSSigb{kQN@ zGxuZB6nXA{D*(up1=MIo9XeGrwk2Z=8ITnWf2W3$=!CW={C&T<%f;hh45Wz0nEw((a7v`FsJqi z)6$&J6jR!rA33uUd$5`I)ejMt(RK$;OM&mnmY5w;R(BvhL*pnJ#a31@Olp9{e znMEhylx-%SS-uP6BD2W&h$wQ@BM4Flm9knsfG_bAa&GI-vjpLr@R@isNY?CSr!U!} zcRXWrn>;agnBe7z`+#Gru3ViL>x&LUzKW#&?I&LKGW`DDE%-0EfvgewNzEz)Nx>t* zXRP2umEEmrbM|7vS9lcKrWsO?mul#}b0(i_6sVW68vk4uiAB+?v8-MZKK7Qty~j5o@Q4}r zZivP3iMzq_W`*Fa$$(WC^RXq+n;#E};t39J?AOP^&^hik_+M29hhN(KuWpP;X8cJA z{ga7P+7Gh@ndw*Wzm*m^ev@E~<9{$jSDl7*?rtAYF4#TdQ8i`M;mR^jD*NARd>)4`(? zK&!{h?)J?Sc=gQ%OtMxGG9PKUJ-VGaKfJ(FudRisQR*z9VJ7g?X2dwRMA!i)lI$)A z+-|#$U7yp8R$)R$_L#XyMm<(+tEa&<7VRXyW5#l`C==LV=?=^ap&|MOyna5E9Nhiu zsBoAQH)@CIY=jeanwdm~d}?AN-ezD!*C6qN$X?cWcsQ)B zO{00)nfPjLEbDvu7H1S9N&YU+M{KzY4m#@ezelccc5^!{JuW7hH@>iVEeCK8c|^P} z^svOV7#8M#4_ox)cwK-S+xjU$Y`7$X90VyMG}HbY6ciT9|q$W6pOr!X5s0^TTJ`+D85hF{V$$&7VjO2z*#vjuysl<7(r1vsJAK6_Upnfe!CC% zaBXJjHVYO7%7QtLrEk;hD?&4F;)lqixJ)Wiboj9$ugtuJuHFLcdiHU!`0@x}jyi)W z#qVL;w7K9`?kd~|vba7wfq7`HqZc%ui&iYF!h*NsU{q)*UM|{2v&vFn#@gVDw6#lw z9fvCSN)U1?nw=;Yvk%H@&#|UaFEMP#3_jWAI98|1Fo)kC@$t`*VmH}ZyGi~jB;iOj zt|%)MSI;qaNAZ-O+tE@}4%Tw@F|45z_Igl^8{13-GXDkRas0*J+^q91RH_v z*CVxzFA=>WCU+KzRurxvSLe;=PRTd1UH2GPZvKR?<{c!lmuq3a$vMy)TLO<~t;Ca~ zt*~xPC;o_PMD1^_ENtXG*4A$VQm=G)%G_P3-9Ct$mioY<6@&4=x;402V+7Yo4FEZ< z577Iwjj^;+u;2LsjD?P&+qWJPq4W`6yI(;^rT1uVq=Cv#$*_2UK0SL$4@RUZ!1j|a z@b>s1aNnbehrF7|GX5GzKYu22{PkYczG@8~tdXT(FNH$$obwf_36}h&dJ?#_<>S|h zEx7l}0f-zLMf@(gQN_QFP+M(Ew=cSg4z>b|UqXY-eAG>xT)c^@-Y7V+`2qea^`kcK z;kY(w75w&-!i>jzA#U{`)aY4FO7}%T_`oE#*~^_g)BK2b$NysU)_OR(PT;+y3Z3W? z6Y0V48$hvb721nO(bDQOEalh?+F{~`;xjkdTJ@l-|e)kyWbK^B`ULOT{7klu%>}&{6 zL+0rCSG=`B6^o)ik*=d^lm__ov5D{4JRC?yDSq^zJ4cs*i%}561{uLTS6fF-LLA23X+^d9vd-sujX&brIn8BFo5C?w-oW+a*>ENbiOh;<}W-aMe@aFdikSo5+eoh`i zM_N20)5_nFv;iDP%hZ#?7xT%PZ?e!pn%Fbj7@VxVm^Ef7aMgYNY~k(U=x1pt@DdN= zyt;l{)i!ICQWyo*=VGXIp(dAUTL3MIr^%4rH3SOh!q8R~ZVC%u9%c>&!_gu(bB~sXtQlT++FzTexP$86Aq@e;l;OwgT;y0(L!GVI}KI&<5})R?9Tu*-{3IftSd{ zll$0{nIG|Yb`Nnl!co2R6)KOt%O*NZ#@}B@(r=<|WZZ~Gxb*4`XoXwz^j>*dTA2ew z->dR}i|cT$^dwa352q_1Ji#TCwfN#Y0=EnOsISHWSmAP#oz!*Z&!1?KJ!b@eiBb<3 zj5#f^`9{(`X^GHnVvZYbG{VG}Hq=F`5&74(v^%>Nixr%?=Oam|4h%r>Byi!iu>T0Q z;v4VPq3=Q&K5=RX8b3G%$~c7X`1t@!T8HtQ!@a2gku2WRmCrkT^!WD2Wz1%cKF`bf zfdeDDaC2E7Y?SDP?@bNZsT{vrRvm84^zCff6QVAz* zY9{Fi<_USwd&!a7G}?h)_6=;w{)n-1!gJd*PUu|8agTRpY#-OBA01Q3a05wd9JL?5 z_5Q?R4~+!Bp@`1Ed4{R6Zo90HrQ~O5EvD{K=N{G7?7NjE1Z$mV=d-rcDn}ugpqC-! zPJQ_I=cW)k*@&LP8mRMsC@^++L#(_OUlhI>CHEbmR)Y7V?&?OonmZU)ZF@-O3@`!L z-u3v!Jq*khMKtT^WgI!IpZ!UZ;2L-TF~@(({Cdk?I=oAS16;4bzA#6Oh#(A3dQ+u$ zEr@@mD#+m%_;yh)DtsD1a{cN_#B^J}e^4WdzY&isW$)n?yYZx8!eLNsN?@;j4`IsN zdwBBZbka3IlBbuvxBFNtxDBQ9Kd3X#F_=gxc%EX^y^55nkQ-klXp7J$Vi1}z6E5)V@vqt z^$}`=B4~X0Of0Slpcj@;;Qush;nnnom_4K&7ludSZkd;GHd;e;deBa4UHy^0GENb= zsGEh(#W23e@Br(Zl!%X}mh;2!l74u%H(Caepbe-H^ zELeL-d>5No((in-a_%4UJp8-J$X=ME_Hn$hXgsfV-vf7+{>G=}ar}bl z5hzYE(4-vhl#vVJ8GqpRMjF(u z#qGZpuvVAB@a>hrEnDu#*Im0QmME|h{49>lr67e~8T=AV#uY=2bT}^kp+`6D<*=}L z5R7>3LUNjF(0QFbmb@N-S$``qHP{O8Pu;>VseM6>pUV8GCWFs+2k~(U8rZ%|fe%+n zp?CVvV~5b|={Toq`=!^LZZ;o75A@s9H=jRY+q2(Hc1kuI?V$>Rdvt~oGi^gg+_lT;Fr3;FgeW?=4H>s-1DDsk5JGYsuRe5gw%?!pHrsSCjP`5X&F>r zrk_dgdntaZRZU#4yyaz=rNrN-*TTDb5;WWQADGEz!m!j7?tK0(_%3P1|GtTFtsO(d zA^Gs^=~jNNF%_lHWOL;yJIU<_8r(hUizxSHE+*{RkFa?K7^z$*)rJXJ>8QnxK0d_n z0Y4$JFbHc+Q?W|XAF_%M@P3mPlwa43t{a!JE2F+ad-pEbHoFN!CC1PlFXQ;S(^Gly z31xb=Q4#HX^2yz@M7ZKN4PPBtNOw*=!v_g`R?oo;$jBXs=oc>;+#c`(7kUohNB>CR zwBBCQ7sc4Ct|rX&jHKU8ZD?4iEgssui4QrI4v#E9;8TIAdY~^7H@XX5@xO%biajH^ z$bN`6NABn0gSBZdi< z%j5b`##k28v6IzoNu^FZM7T9Xl{YI)rR)D3#4LeXy;>;-huB;LpL_zpP=&bLdeR5K zV)!zl*BRU2ft51@=vRM7SlQFXVg?T64_>9P0G|RltksF1o%F<(hALEhr2~`p_T|6N zDs%6g6Sz5Em|-?e;I)yNIJe)D=Zs6n-b<&zub~s{zQ)qxrH(kMM-vR6ig1IUIsdh1 z7|*KDgq#OESmQ1U(9m+=P7{Ua&>KJgrFao-Q8&cM4{Mp(-ScQ2Fo$n(K1(7OyFl~0 zN=*IOKu%^E(ODWQe56GdTQI6kjK6Gn*&_#j{YAF;OZI;BH}s%)-7Z3Q`311ts6<

jbV40=|UaCI_*T#qN1zAVgvNs1%<*G3r zznDkHcgot@l*Yb#Bgbb+UT?JaNVZ!~x|A}@=8==z-8@^+N zAK$ks*>3jxZ1_r(`IYEEEGQ@tnQU<3iFYk{Vj_nc`+JbOSBw8z(Sf<2CiBqIuW`|4 zFaG;KD=b}k5?1&*(V2G=VR20!+-#Gj(|jh-XnhOO0O8xgb6X`5DXZ}$aR{C$7EZT2 zvw5|!-XY|O7f)3FE1fN2>Shf@r(HK&m zO@}e3gwF7BRX%k@0<)C_o^#s|I?Q(nUT1*;7B3HRNeSYsy1P+dV>nOC-@#Xhx8U@Z zo}fEcl4jZX(xtXS2D{)GCbx{H&rP~8Md&+eKM-Nfow4Ybvo5~ z8@z>#gx+t)f|sU>&YuVdtwZf_6o=!rnVA?Kyo%0Ap8;nB=7ahE+azqrS?s#m&SrZJ zRv>+Q@VoM=fU2uo(lYpHLB3@wbN*kNjz>`r< z#B}Z#cq-C|z04V&&ac6}x%&l==404MD;gk_(d>7mirNN12H z)!6?Vee}oEvMFn!x@Z@Kl~&n}b_js>M;=u3YX}z252MF7DnL_!knbFEhWzmwiOB;6 z#_hrDpsa7hH;t_m)o#$>XSRp2Gg@lYK2Cv*^{Qv{W6fyjDI2c%FBglp&EQW@OTgc2 zBC5GF0qe$!@ms|`%y#hrqWTK|-W^RyCM6|lh zh4*41&TDrg;~HfEuDydjULio1{)TV&S}-TL0rnn#0R4A=3-fg`oRW`$GfGpy_jwWi zK9K}pp8W?$OqHoEoMe!h2JMeOgI3aRrm~_ke`SwZBiUD+FHVeYW{JMMa`gU4cTFt6DW)Mw)W-W99G9{1YQEtSjIqfUnE)ulM7 zU^+~kyc7Oi61co$Z=m(5H~7TzI2wp3yO}qH-oMa<1HugHbb~$Y*C9vrdTRqlb=yGU zk~Y0H<2weOpTvK!kc3G(|KO#0H}1lCFtgZ+_L8%4wLuTIx{sqq14_~8nKE7WWf%-w zyGMNC$t*M)v;h@HuM!=}Z~%|ly)f8mI8iZ_DF z{(jgoc{R$eG>3$^U09WrMVhueW8Wk8Vp}1H2z4!5mNOA2PTUK&-U{@|1U(+OJP(_k z=kng6CBk>!54O)P2Odedh~_B&g{hx9$>)G!FxG4z+oM@SXtn}%zPuIh{4IsRN=y35 zbOtPJae%euB79>!1f(oAc<}};4)3mzg|@DQ$qWQv2VZ`7Rx_)~D;HaepQ3i?0}}n= z6b{MrMK_})GN${ADBwm9YJYkJKVQk%eG9$HN)Ha^w~MU!z5i}O@$c2>*5A$6JKh2R zCM}qpAw{+RUdG$kr;=oaG<;N*hygXBELqQz$~yeC`_+;FF_R99tFlwr3sY+dkeniF zingTj?@al?xUp<=<4U}*a~E9#R6(jRSYgxP`G)YQg=3uq=%-V-eva^VG5^-AKV zBUNx%=PW*N7$REq?g}ZmdY{os?!;Y~c0}IJwUa%Bcyx@hOKaw2>u`2hPDqqYKH04Q9N|?i#iV93GYOLg-fc z0Pi$L@j5$cKHgrLwwBeRVv`4Uz z09C5}Fqwo7zA`y}z7c=xk_T(INOPOe^WbBjCrb4hNsF(Yf;nUbo?SAU*ZNFHZEqDm zcIZnM;8}!*zS_)et^<|(xl7>aPsOZASFGkzq&( z`s82LJ6LnZpQgd)vN zsTlmayJAaAhR8cyPy9Oiz39fBO@PlHSmmwoI)Qd;8Sl$glY@`N%F-B+9{kVOlhO!Ehcm z=NjC+^#LTLooQ5m7arSI&n!}xfXX@{_rdz1!(S+icJ$b+7a$otkURJ!u$KqVlap(caNs5zGHB+Gil`=2 z+*2&1``I*fl60^e&^Uqof^b-}BpP+=k#exzF_b0m!;kCfUek~T;0(R=Im`o z{eLsbhcdy*_(O(&ymSe^{M?Vpi*BLB(I7K1$ED=hQEFtzytsgb*cRjo;ItZo%< z+nfNYgB|&8yUDcuLp=OmZ$X!kQSf-Jka?3SAR&)@nEa`yY~O84(zH@o)|OnB<6$n^ zuX7t^$JSwFY#*!tXHA}h1$q0~lV|Uh7BVb-xO?_snq4^;_I&y%db-z?9-{pi5?(2) z$jigKXB){)p(nLEDjCal@1o_)12FTE39ODb;vPGXf?rRf=t%PwQn<;V=neh~O9tP= zg}$}$%uGVHKxuh7k~zl8&&U0~_cWuik{>cQgQA&B|26Iz!%U_Y;9przs) zxREs#<6RTr)wX07xk;N_>dRJiF@J#ys~q8e-cmG`lY<-6`f2ke*FPEHM)gPu@WzJr;@v|?>^p0V zpNMCdUPhx31%5MiGu|~7?!y;9+4y-wXme@>mRe?`dF6au7}NwCC4a)>%hKX?uhy~& zqrX8QhT_Kw_AGmJ3b8xaU16Ph?CKclARKErTKpm54!mnJrGg|FzI_)#K$8?oB-|h@ z`X8PfVo7bPw`1M_eY`e89ris?97_*68`Z#>i=|0&v-cnrF$ z&G6fbBxu<@P4u^k*{y+CtZo!)P4Fz^2}IZ*_3vYF&=qjb=ql=ZJZ<8@iIen zC)tFTPTj(MTJoXvd=d`(U_qa?7UR=(g~Vq2N$_8PA4)53vvivu@K^!GZ5tk9Y}Iv^ zwW0`A7ZUm>O2KaToo=Wd`?r=X^MmN9Q8x2i!ts`{`$!%#fp3>D5udx$2rcQm(d(iyzLcJiYv*W#`_Bb% zJN+4EpEBi>KQ6{hOCKn!=wUVSyRXK?Y)8EnAsFuDEDF)`rjG0vq7mKq-(L-Oqp|80=s!7|C_6Qr| zxFR#+-Ama7TPw;9Fz2m3WlAx5Ty1a(DVsi8eRa62D=SZ9!D(IQU2r|?y^vfL2; ziH*G>xK_)u!-@%P|NF<#;B$ajydDTK@3hIW-*>QOqdD>2)+);CT8W|O2a-XLIaz%w z802d1fxqct@!a1-`P{Z$g8ShtX4Np5a%K`v+o8bCbUu)C=f+d1rES>p%z|IN`<_JJ zF@l;my>>^mv8*sRSTN{_Hp#1@fS&R`50!R<2E zSHpz{4O;#2DjB8R>ot@N`)Y)LTVLP`>0Y9w zkq)yg9-yz(HnyF`f$8ysbje6Lej{=}bZnUiw=9#%Zn@1kr@sc`t+iR!hfWw&H=k@B zXUVQ-4CXs)gmd!STu_^I2kQJH1UCFiIPPzN)*F*V4;LLF`#1IC_pcl;s~6$1p4V*C zx9xnztrzTIX#wdS)z0z?6j}Qn88Q5`Gksmq~4S}|XaJef%6u+>6{ISzyUp&8%*@9o` zMzcM2Zc(7u6z_;HhYR^`O@=|4RV@4HP?X7%M%q&Xr(Igv3O~V#etEZe9~}v$AuSMW zbx1T;ogtr-j)4b`lDP2=@I5>kek2=_TX)Y?9Cbg%c0PXqo3=@zLWw%7r>>$G_b;>L zOJCW_M~!xQ1#PU@`661?s=_~kgWNM`G>xu%ip?%@q|y%HgKrr;w^GBU;xMtj#Sa)G z@RXu9>+tXw523vF5xnpHMy%e9#&&@>yms+t^f|JP`Xq|L?Q0O#yJ1VrvRC3czn>T$ zc^$KSszG*)1gdKd!+TN=Y-Xj0C?sGf4p-?Hvg65Y*lHmrde#G;A{_6kx z)$4oCxvtOW{k~AB$32Jx&29U^{#=-a8~R*O{b~=K%a`SkN33Qo2D9L8?o`_OF0ta$ zpm)%i5RbA>S+G#xsaH&2!FBs5i*DKXl4OqyXriA8Bj?A!QAbH32arwDe;*bY>arws z(y{WiSgP3<7@#X53X8D0cq1M-hhu6bL^7hA_ z_-Cvp-Z?i^+`7OR+N)#W(uZb@JLHYO`z%pu_AK(uCz_1jdx0p$-eiF*CD>ykkBWPo z&}7;%_POpc9JZeToA;l_veQZV?uZ05=!OA;ma}QFnC}aNn9t~*@SLvZuCp_m9liuwTEPoLnRChQv&^i(tO@z6O2q404q$tVEUnCXo$_muCN|5 zf?Y(Dz(q{|-8^z|%?6zPya$Kep3cu1D}#IY7>t|Mz~(l&!}tq+*zfGYUtS>)xK)E& z-8%@P;hs46YYO~WbriNORK;roYt^7d=ux`_j2nN>fNSgC6IrGU?27Ovi0yohF>39s z=y(m;zaxhjZI+?7E0;o&-4Lp9{VnP|`vPyp8CdGBPjl`?!lSi|$d>mb;P#tuxOrD6 zJnM{yj{6_LsDC7^AGw%M5vx#34Sle)y^f17--eF`h2U8;n3WVA#3wUXlbg>txwbzT zWt4j1ioiu|D3Ql2pX_lUFBfO5MW?aVYq3vBlPa8g&I~HE@a*(CpzK!9N>uV8Zpk=2 zIo2HV4();qW&G?4yPbRyCckvV=A8o9 zYv&obQWh?H`Scsib&tpSMl(SJ<@kKhWOUXjBxhGA)62t3$nfmv#LznmKP>r=VH8mOn_B zpLqQVmOd1E-Tw(YgQ+ICwM3tLj(;Rt_APSg`XMo!82;#le&C&LCTO`m6=N%uEq4n7r9F;{97V^bv*}r2F@dLopF4m(sj_?KaW>yo51xW3&@zKPchQV znVKtF!NecQ(Bq>l(y$y(_D63L`0WQkK#8$3`*Ae2c9|&auOy$*RU%edBS%MF)n!gY z?AYDN6|C&THIzJ}z%Twc5nfk3CH21HFm!%Do>sGQ+9vgnjNGvZ66A(qt;#8qD9Xe& z0(;0<*BLdpUV&F7VX&m*ERlWiiYZP`X5K9oFtAde=A9f23i~Dao(5i(dWE%4-G!T&S#5AzpTtm0uu(5+(>x+lcp zaobSrv=gDSS}vLVT8=$=HG?{TuENT`ROqPq%9?j>rw6a7smTy`yMS#~k?f)B+4nrsD$V3N}pWxt2UM!# z_a*~8LCbL9`>i17Ig3PW)r0nV2K?S@JJik@i+2lFu;1p#vAVetL(2Ve@E*ah*tec9 z5|2jZzqfJu{HyS_U?l3@8AknI>cXyh*(CDS0rK+MR#5AA#+MZ`5biJpHqP_JChiIw zBApp?jAuh9_v4#s*8HYa5~g(S1tpOpm)7scE5~j?*{32lQbJBRcNn?oG5`bqEXUC1 zo48f456%<^LCsfll$~*ei9<&5<)4Re&B2r5zyIg1ck1wtd*j)f&s*8o9VPfAD@{CT zZXQ0X&P9dUlA@{qDBoYYlE+KS((jqqMNNI*P+F5QQ&UU6ZL%gwZ}UOz^A3of);Ov5 z8m^o)7&gRdqkCF8gr!Nt;D^y{#)3@PRC@y>vS#AoE&&7OpNE@k)%iN}46Ivq3I5fT zVB6dhENHA3|0HcVup^qemuvDP4H@i2iYkwJ7s9_=8nA^S(zK&~G;TdU3LIkm$mhaB zJdiLCn|vI|M*j|k@pbrMi4=X?v;wzI(82wz8WIN+Ou2s$X2c$Zb^4~f{w9^>2tS!z?>gT@teDZ8KW+xeoq#|Mz)?lF}hN*DI*>ZRm^8m zUVUuexUp=QNXWFm)`T^dgNaX_@GZ59XT#hh@qEV~@xQxYaKYLdnEz@X`}9o6LLB+d zE;pp3jLvhW^lt`Ub~=KSPQJ%UWEvd*GZ)JK`$`&WhQa6;LwVwt5b|K|KasZEYpBoF zhJ+R0Q0B`8G?=&oX02L-$A>M2;pNe=F(n;>-brBnsxI=>`~iB4hmo(6>U6Q@QJ5B@ z$z+nUMB7Fi^7s@No@JSgVUx_EUt3CawpnnAj8md3rrMGcUqxC=Q*fB}MZEiB3p4(; zj~;mBiS5qcQFosY9i?7_@l^t|(De4fq%SKznlNC*mf zfi=g6(pe@S;oxXhTA?q(-Nzy!46;IpAx)Gf-A3=x-Oij3qkHh zDYSST!Bo8jT%H_7&hFKLrf)zaPK9H>Bg3DW`{8f1C)N&jqDN&zsNLyQ)PFOdN?vk@ z8GCF^nm9%r#)LwlS{UT zF*L%3=Loy_=zTd5)>TO^IPQkI+6&>9W+6{}`4Zc%>Crc}!>M!h7RZ}2lJ@MWfdwK? zwyaDbBTt=!UfEo-3`V|wL`&|%9Wv_hwnb$!hyUTUpu4S5b3=JLEWTdgl}1PG-a_TyBhdS6cC&buQMm|wgzi%u+{+{{b$9WzFSNR{cej6 zs>*?M)hD4tzC$!&dx7Y;PY7E-V=$f+*u_rPr!hIo3q*Gtu^5awlbZ}n)jPzs!BTXe z+A{9luE!k|ZsVWZ4NRugmXEUVhf7nRqQZa%_%(GHo)XwEof%h2iT@B(6A8Q1zWZQ& zMDSssup_xnEuyst77)`;Em;4|5i8oiu!jmI@Zk4qcJaI~Gct9ARXVpwuvE-uR#33!I2i7jf=&Ws{H)jrC&{P7QvWw7_BsojC9jY>ox`Dg>PPmr zx)ia`5t2^{3`+MHc;0D?6F;wol8u&NZcs=vEjH1!E3(s+6F)I8DajsKy^6UY;(r|q3@`lbcV=(RpATQ)RLZUa{Q&zcp+at zoG)2Bi}gQyOB$EefvCb5L&v>J=`@;+x`gLlqFB<&R~7LI zMzHMK5I!gK8Jg=n$CAb0fc5={)f=usxA|2jyRZg-zbb=usyWR3-d*B5vyp^6^+$1B zHQCg^6QN&n;{y{TfZruj%$n)U(+cD5G*_6MIkzhi5s^b3b zCh?r9J>C~3faQmfF!_USD^wYY6SJY;CZw<~a8 z=y&w~RHE|lG;rooUoah%3-30sgN@I7iDy+2Bzy`cyS+x^-}{?zikmGT999qN-QM(< z{C+xe{V#Fw{UmDt$x3|JHwiTwN<|(%pT)!KO{w$nKR9Ts4AcG*2C3?6v1y?Jmw1s3 zr;mQeW6vTWXW)JKr0`apV)GdWP4Q+6pPeQK)1Q#v9d+!BiU-b6xQ>g8Rp7(ATX<#m z0rcy*fs2K|WA9u6^TIPC_9HI9%Z=q_n5uiIWl0DBG#iJd4VZ5kKT=eHGS^0Pg)T=B;!`?oWX)@;%_kY0d z&vN{;&q7fbeFJxlwFHNjn$XiQ0qsOh{`-R)9P+Sb`x~tIqC8a?@pC&yv>TxP_G(N{ zvm_dFMr`C52b^m+fKHXIVa8_X%F~|Axn8a?hsH@P(1^<#jlI{2KwUHq?_T z5?7eV;kOVbaRR@!o*_QxEm3ikDH!e!CuyyHPcRAt3XRex4fC5bm@*umFM z2R>}oMU1gpNr#&I;>U?191>6@lBK0^esU;AE}wzd-|T~Rz1isZK8nOf8`FDj3;68A zXK|8Pg;a(_k>dhKI`5Dxnj{pELyoyH#Go3JrZnMK_hls3{Uj#Htsw(`?d3}9Q{Y?K zGdz}j37!61CA!}13T!CF>+AN4R}PZpvxx;>ZFAs*q!vQjR(st3w+fjs6MA#_j+4mX z71XSB#(f=D@Ww-ub~Q}`y=;FTR51+flGB|Ioz>!xwm8sla`oaLS%tXI(~s_nHGl|< zp>TSV6yMx(S8(+bXqoQ{Ba^i-e{dT6v|pa?X;q>QmrdwI;hVU$b1)y1+QJIj7h%`# zFg*6_Ke8%+ARnimK^}j31G)F?g{_tBW&%n!}S)j+;hTpvR~+MzZK4%JMLPv$YKIDEV;&9V`bSci*^{~J(DW`xB{D! zEwJgfHa}|bO|>F@=^t*xHvDMC;W4vV?t5DZxc(Hcc-rzOA5USP-~zN6n2C||Vj!k} zJzaP03syLNBRJfNYwD$=;d(i$)%21mt3AWb3(V+39WT`0t&fNPF2K-7XV~(c&g@@F zviQ~gC%B^^4ZCifhT@LnWJ>)(W^4HgL*}%=Kl8)l4gZSJ^H8>Uo1!5$o9`nl#(ail zAMLQ_!YjP=;y5l{(8tPj{;O~w@E1PVC{qM=yf#{3oa`(Yo8JG0=Tw%Ej`|3cpPxq( z@2iO1lydN|#SfM||2cl@IVE_zO)+9&CVP4*n)_}(40%Jx!p93sV9(iFwlcRAjb=29 z>sTFW4>aX*m9^xQ&IKmg-76|dio&L9D>`~^B+vgfhr+;v*!mpF)aZ7$`1w#?y)FWB zSE*ydF5QYdOIL_@yIb&8D>i{$h!WlK!i>oHMOQp99SmReR^w?21$riY7RC%e0?#Uj z(l5on@EqshTd$u?XJZz~3bn(#A%bS!Jr+Cybs)d6itRt^4AZCHXEpDa5qfH2+1BQh zwUWRr;5^QjyDfCeM11oy2j(7XC@=(V8Fs)@}x_SE(rJm zGlm}n!ylTw@A7QYQs2PJMUtFks?yO0y==w)S&*sMiea5cF+XoMaTfsx{uN@ zTgb82H3SJWSb>N4{tGI-uMzfab-4DRh})l@XYlI;7?O2RO7^n(h`j>&{Hrc~02^kpuL|(>+IF;i^#nY?>3b zp4f&Trrk!{hP_UM`z858EJ3rX(_qn(PB!_NGu?$N(MBl|-Fvji4S^f_xxa@s3SOf# z!k(|NE}OO67Qtz`Rd}FW6W5i6lNSm4VwLfC&_n1h27K;;_A|mPZ$-9{HBNypDHpuF z$$};?c7mXwAu!w83KwduBVp67;qr?yF!*B&8K!t$+^Ofv=kHF2tDAlJqm})n!?ql* zC#4Xho1wH$W+1 zQ;b{uzY*)LzsN_0Qt)3q0{2{4kByBAv^@AY%e!zFR|?76w=>d&MPguSr; zOlf@UpMY;o?!(n9lC){*biS<52lcwl>5rRX@Hbe6Slu*a18oVty-a}*sTbH9KlQ2H zx?-4LZ^TD>UxlPST6C#VCK7Ww+A+U^@nug*XQ~^7tPP`WQ zMZ~1ikmfr6AdeIksG`Pac#)Qbld|r$lkAFf_;%LzDv4SaY-G$!3 z71DjD3HJH6fZ6V=WJtK+jDD4mH(i&DY)n)^HM$w}t_?xU(#iRlI!oX@2WnIMm%Z5DtB$?Twt)Jq=874^%$#l) zUcnQ4^Z14ew3G4cQ}k*}fwf`?49N;@dE% zSAm+YDng?bROnEAgclQz30V;>c5$FIRtpTg{FN#^VUZZ$Z45=f;gokNsQ(7lE3-h=5Y<7|>`J`5#p-w@b8kDyqr2zT34 zQRi1K#9es~a}TWB1#{=^*$f=fPZV{Y@6YoHF7@?LIU1`~$VvyT! zBA)o9iUs(H=*}X9ccy3H^@0k3Ob^iBcpn>&-X!^p2vKs0p-W$x@my@H>!% z)hQ9g%0@}pW8`3_rw?yF!y(-{1s!g7qjOXYtME-`C6iRpqacSY2`V8ck1}X+`@zaE z+38XAEc)P)GPN8%fcTwLpnn#RB|%_^=MKFQH}Bhx3daw?@|Fd{%(0)v6j}4XYe&;z zGAG1_yFZ}Uor5B8ybiYhvqWko9DZ-I;(p$PXwk_uF!LM-zC|x^blQ6&CmAbJ-jWB` zTn0i%Awzd<;oQvM1mV+8uv0cnm}@pbg1tRkbmg*WjrJ zm_gW+NYXj#FGS66A$xX3LT8T}4!B z3mP^Cv4&sOm~eb3eiOJP;UDGcP1j;vlq=7!T2B+sbcB@q3&|YM$rw5LBJ3Fy4>s-E z^w#!kn53N#5&}D-aLRtLIAY3|j><#v_CCCyo5yr^h2XvY&%}o&OTmQu-Wa{W6YTb0 zA=etqap-$Sns#-N8)N?i)#glb>ePPtPvbh;F0NvBB#a@w$_z3`fOadzq`j-r#v@B$ z)x@)9rcp5O{c*gmK=4h*GuX1H3aRxPe7eyb^QXJwv*-&fbVM2Yt-dI*EH_Y}x6`@g zG7mC8_cv_6+JN3~J`tT>DQepAm024Nq@(LRNZv_V90ui#6dF#GmZSoPaU@V&=F`fwZcJy*eU)g|ekYCGIg*GSs_q=;1guA;+&)g(1F z0@`+4@_4BnhSWWj3)y7UqQ ziFnb}qIBY2IST8P9{1N|A?wGfNyu3&w^_baN@y3FeG;uY9DL{0|6KyyQK~0j&OmCtWE56 zww*QA)WLB*OBCIV6YbLcB5>=J@s_4M8P;`xo$pD9w3x+w(1jT&@@s+I0%tsAbP3~Y zWvI-54)o)bY54w@(BraMBKX8z#7ma_W%ud_as96mB&{eBZ_Ts@nLsoCPT(e+3Vg%= zjw#VVD+glWDJE0TOatBY;jqm20$XfjLz5iJ+0oTIsLH58bjk}u?qjUXr&%4s&l>S~ z?(uEWyJ=G~Zjl1~5N2W(e!V1`H?pT=tMK}SLU!wl47E?)$7BMWsFqGB?>gO$*DSBW zOr>l_U;9#eM3K6N|HBJsB1oR02EDaG2jM^{di8uHujalMhe_WhgD$m`%VE)oQ^s;S zIt|Ufgg~u+EOpaB@jsPZaK5<-|D9ntd`djN%zsRjhWv&Z)DbRyeucXVbV1!sPspkV zf|-RqDE~Bqv-+K|e$phS@T(2>m|tLxMT7XD;M?#-xZ5NPT+O6#8ITfqh$o)JqTwNR zI?Mks6#YF1r0SLcE{=03HPA8{SDb^I}wf8PPpmzm7I7pnjH{H zqO^%DmC<^@62F*H@#P7)tZEl?d?}BAef;r>a~S-vc*`EX%@?1V%$f8$VJI~HGyLt1 zg0$|>=$vYZ5e+k;f2k?luXN`Zd!tCz-A)#i&wu* z;?bH)+;bJhhuQU@qWJUg2$lz?DNs5u%uIl*Oxf66ACKi?Tsn4 zclu4Z74QZH4z<(M)5}4j_K^7C)EU^kWFi)wG8TMW%5>TCdcnIZ!6yWi!hq-f5Eo!V z|HPhT;gj8>#;$6msgyn)!?JrTNkx90fh@37=*@)gBp-tWrc!CF_^GHE zUuMUWtd=D4LizK|UdjTayiNHYSAD!u@QyiNH)oHJS>yL_<2fH=O*((vfHMV*%wL|% zCO_#W|L%S!XV2|~!)_iZy~7#J-c^aDzC@t8t`R$DHj>^;dW{jsX0Y`t!|+eb8SE5I z5Nj&-TLs>^H zJ|5K%jYDhMOf8{z-*JV!(Ygsn>IyV{y9}Q)c{U%MTEP;3C9&Y2*KxU10#30>hsDvm zFnq5Dy)#m9XLc7e#W%0e?YashG5Wdmc)zdOm>SlezFaL6ctF-HK{%>eTsTj^KWth^}(7P%)@blVGrwS#ZO|^}fJFNzjQwLayg({6Sj)s!1 z_b4;MmM(6L$70_|VRku?&p4Y7u_n*N4wGV_aPiEC!^zG^jU+M`TW6g$Y6J$<4~Worok z_?*4Ak;e3T1#06QgOxePu<@KSJe!k-H;(C2r^VfH#$S&&e(pqbt8Xy&ZL3J><3Dkt zy*7{dt_=r@O3-;qJuwYU6faLdgjWTA=<)x~;$rD@n3ko?YcHGd8cik8`TGU65+?{; zLMuM|lfdEAT!}e{t>CO;fk#BuwR$z+0E5o-MZg@re<5#lwT{ZOg^5&$eW$pADWj z`O5~5E&@@t1-*22DLXYLmneVh19rp?Cb|j?owjx|JMONNeS<1V8?FeK3U`s}Y6Dan zoXAdXdCx{JIRrs-g&qBdK+;+(xV;{qb(-rvMwqE5vB6P}ps93_$v?Ozis@d2ix;+& zgxY@S%#@%B8~(7srqj4v>_V4>D07d3Vsv);32C?9;7!X+25*{(%flR^t#S*OT)#xl zx_FVXM}n|zc{j-kkfJvfv~hK*0v+9x#Xcy{5PX|n6`9RHVfHdjF70Q9MPBRSuJS3| z=RaB4Gd^Uq3i8+iS6i|yXb>JbI+lgm=<;EAr$WBnD^|JaG0|1H1f6nDd`it{h&8WZ z)=I0$h!At!UGx_nmfsQI4myebaYOOLl!IjWj&pD|LY^v)C>O;Vt;fnE`$gh=KszI9 z(8T(bD0Y?}ynI!Jqd+98J>kTP1{`JM7P!)2`!ZPcO_r2vs|mmNT3EgL7pfTR^MtH& z%uO>!iMP@?pyDOw>B@lrx@c5;;LR`22ev`8j}=S|5$m+KiW_y8!$Q@Q_~e!`cfOh~ zlKbTdlSF>l>@^>|BV*Y6r6D}R<29TqdtI&HC9PkNiaLxB@fj6{D ztiT3{)SNyOp0g3dxH+wFmJ{~A-LP(14x4@aKepL-E(94;{_Nm4m>BvByyB{H_)95f zm|lrXTz8Phlu;1pl_5I6{|M1pH&RTeO{ER5d!VdVo}X6vMRe1O$d;i>0z0Idv^u7P zuE8BV2EQZu3nu4 z&rSv7Nc9-5F149V?zBc>T8`Ep3S5n>6&#t9F#fyHg>K}m%_7~$c zyKb^OG_kzwE+=l!vqyPU@?~&!sul(9EM#5_Ew6TA7f(4zQefs^9<2Nh0%14 zMKyjn{~ISms!d-P?UgXTe(f&~W6e?(NiHbSbzLvrqq z4(7i(3|ecig3GkkLI$Z_uuBk}=QWgU zt>21y-y_)hjc#C(=Edu~JJ{sSQoOn{gsmE`K@S{Dfd|WHp^S=?sN&oxKBJc(rK5zEoD*_Md3Z11sXDRY0=e&gBChSn$aM?eI*7I(12% zN@d%$aOXN*nmb5~yt4j>&qjo>$;WNjgQiHFn^caYCEWPOH7WRYYcXumQsAc#l!1Ps z8U(JFgx}%98$UG_{5xK1rdMU zB~lJ9B_Db=!oK6Hz{0N)FTW2Kk6Cq|Y&v`%-I*Lc@DBJo_eA_?5Q%?|4u;CbgQ)q% zEJ(3d#KLGv=<=QjU%U;t+ig8MLFFn))qaQnz@8f4^Aud5m!Rn5cFd>C@M@_OwEEV= ztK)~*x+046?LyFVffOj7a^wG1OVOXwU&T8e>P4EBb8yiPAL!emgBek4&|CPf?ln@y zviQeP`uza;lllY)&QoP^)&gr{(^-&EZNT}K8Bn|F5_-kUP)EbTOxN-W&Xr0SZ`oLZ zC#_G3Z3arhkcR!j`P|OF9-D;H^}$e*QH-0HmZHJy1`HP7Z<9KH;Ei=Dpsi$p-=B+d z>A#UMW7EFQ(WNchA7bwF zR&l!}#f6j4z{(;eQv2a3u9P$+7*(U)8dPP8Lvlo_c{fA9I=Hg`EW{fC|hSW{t zVN3Z>>`#g$vMKhM{=OFT9*;wErI9tHA7(S}gu~h#UkDzs1oZoF!Js2*93M@l8Nr!E z6tRa?6>u`N2^n9Pc3aN(A;eP00G;~EATjd}2?=@0wdwuo(i zXa_Ib+Q?kLOt#Nnm93q6jAfr)hD$W+S-;9RHr{3<)NW7&d51-ia=DqDH*LZFA-B*` zVLN-USDw~xiy+VBdg1cMbj7^N~1}H{smX z3~#Kx!}g{#95G1P%MZ2WGd~W2-RBWbxXZ%z=Y(=y~w%!9?!S4vP(awFs#FTtsy z>U??X0O}TAMMmk^W20XbGkm5%i_b+nC4V{$nNO98_L85CFRa) z0@o_d7vh4FMRw=Z=}fzS5JPp*@8xOumQaR5dKhnB9n7=8Y#~2l|OOm}g38YVZdf&BEYyvKRDdC83eP@A{zr8$Qjwg@f*_!fO}PQD^Q_ z79QA3LQ8w$W^@s|_$-)OXG_tQrMKY4wZXI@>l~3C{2RojqhXz!AyoE{V&-3R$tSxx zsDT==AaT6Y@FYXJbI(5}vr?T&*>iT*R0Mu=N@2~PdAMiXKX^CM7BmNhaqAZ|;detB zmL`Va?2zwpS=|tZ_-k^0&If*4ey(`C+Jl=$Y&vms{3YW%Ah2XFg?^UqZU4F4U6k$wwMsYi+)9~VOE zmK_JlYgusPt2LxNm=14DRA7cox{$>dlVQg4uru``+)tf_uh-nctw)RSu|y2MxOD@h zFG%pFH7)`(Q;PnUNPvm2mFPhET+lc(KyAj!p6Q0%tS(S| za6maMI{8?nw|xW@{MSQn&v^vF{fQW0mB@CDkH_PEb3rfeH=Ist6}Ne&vbGhDVx4ML zh@E*CoxeGPdy6>}zaAxc3!h{Cnphz^bPMO#Y{Qv7y0GlI@Gh&FO8wk5Nc6>>NClq6 zuYMQOF|GyY-Wex~?fVDur@o1;#a8fk-k*x~GY8NkEf>lB9j>(bvjx|8EdcB}DC}lV z0p!Wy=_@HDAxDnKgbMj|S2NsWAi=w?b+Cq+#w^;Qjq$IN(4=;Z-SSH%N=?J)%u6Ex z`_tgt*ol1HjX5~EHD0{5Z!4K2kmK*G214XfR&hpu5a+wD5uWS}u6_$~RQW%aaVH-P zS00ANUu?n3H9Xz=}#)nr}@NU`@rekV5u?A_&Ndl_XOd^Z)3$9 z28bc9Hw4ux&3WqL5#YB~mR~vatm2h^1&n>a2-JQCpy!$tW^yrxRKD*78C5e#Jn=vj zeQOU)m#%;}LYHdXG*4{Qm1k9VWkJEhi_fuH&F%Vxdw}#J==I2h3w}QEqd5jfC>ybt zTV0@WZ>Kihw@3l>&KttKmWLG~?OOc7UOQZ8qDN)= zyYTDqEGQDXSuXh@DD~tCnyjBH-rx6ztdO%tN8wvWs-80MUt`6Q5jKeD<8gMf&|zd6 zFe!K^90wQJc;Xw>6ikA^v=FSnA0XO$E}n%HhNJg|C-BNfo|+eE(bZBdsBm==nx1f` zUQ2A4W10%}`Y((*wNjY8r5^fSgdLvlY}TQ7k`%Os!5PIIR&P9suFI^zd%w?PpXthq z&aNrK?)0O$$+r*q?hsl@Hsg>%ve03uDrEP&z~IIrOt7oP5T8&o<@$K8uR5GdR3E@h z6M2!rV}bkYHHbdkHUbMW-VvQYUtsp*#aLW$34d6>ho7g;h`kkF!uEzF`aLgEJoZ@( z{Qb>Pt#CQn(^v(Pb`kKmupR%sj3J(rykOSjy=+3YEuH?)4U;mYsAS{>G9+L$44C!| zeRsVOKNsA2ePvcKBZ2{=%J`@`RXlHxh&Butcn|v3zI0Kv4bg5S`V=pojY`7Cqk=TvapC^#h{vyW7yKYm3!psUpiG z224-j-1jdMc#1l=Sls4#kT19lf7=?-TfKG`(doK6YCJ_O-*G`3z#`q(z`;RRMXn_aRV!1C86PAyQf4 z&da_VuzDR2T>bh5+t8{A*Cc%Tx!?)(;4b023?A^?MjdvmzCuS~cfPjdD;f7=9UJd` z5tFrz_)m3vHeZ;JOp7s zej%o|R{?E42G`Zbz!q}{{z=HSE;cG<;Z3{g2K56FzK`PGS}WQYy6XS$QDVG%IhL*2 zMxysjMYR)uNL$?+aJ_0w_nx|q6UU@L?o}PU6er8Q>r_DO+<-5ps_=b(|B=nJ>R9E3 zR#ZK_7j66m_q)giyY2) zxaB#AjyRoPQPWxg$;tjqt-XX?EY}e|ziv(Fg(*}gDgqzeSOqTS6Ie)C9iABWitWjG z%3hkz!e@WxU}u>oHx2F|7vQAHNuXIluhB_;BRkgM2+fMZ z9O{0XQ{oK?(Y5D(@aU5>K9UnW=StozFKYn(W$uSM(IQ@^6ATjuTw^^8qM$LP0wca( z1>c=saPv?(`Lc8yBDK@{_l6FSy(b5&GMe$Ejy!$br2-kF zR%6_Q=h*7HTzqrU5NJ12=d`PaMC~5IEyIe?P5vwB>Bf@Ey9GGq<$TyS2YAphDLNo$ z5=p)62e;pMkn48#7$RF(u`aKw{PrAUdV9N?;5IuzjPJDK%uh>T)ej}Qdao>sPblGz zf5tG#R|7VsKNX$On-21w4MJbphU-~c0><{SaQO?uZ2uvP*>M``i$(11_30SvBXE;2 z9doQs!F=OiWOuDIoG+b#4cYeO&y->qE)mZUz1HD2e+{`&T$Ef}tl37H3FFlbr~tUj?GJFK(eYw{*R@wu9)&$x>>N2cHohePCZ+jNjK z`UZEN36AWa$`Br-hUZu5qtb5=thro?OGABWfZ1^D>0LnTKLF0kmFE|`-@>6qU+~3x zH?g(hL*k=+1-w$`vtjePL3wW}Y^V3}+iEN7JaI5T8FC&k&GCY>yU&r#7BMQ>Z^ep^ z;VffKDDLt+BNFvrBir}N5|zAL0^=c*C27{N2!R(S`&SOv2To<*m#JgU6Em!&S7FOq zL%t|jlh#HB3iDV~D4V+nF>yYcrMlxc&mpwP%?Vsg=E6Uj%g`M#0M7rEM8}S=MDEpE z(%~d9(}zdn=7J>jZ%v~YHy;#DZ#{#xYhp=SpB*ULnxW-^X+*2hk5rb#v7#fFh<9>3 z)a@)~VV*8z$kTKu#lXQ-c7PVy>O2HLw93)wIH6yu^*5IREnFN+> zK&2N8LD}Xf-jFVZ4~K09-}M5pP1K}vqsIt+zH#8}fDjtkh#6OX;NlNYn4{ZIN)p>K zyLFMk#k(lDvi_o|CxVnat)bR=X4GGAp*ZbkAC`O>!uKC^!*_v;#7SRNsL3u%jNNNU z@`GnPZR8Ws)mMYp##WGPzXiAMRw+?^aw>d1rwLL!=ku|yGBi(BADRbOqruD$mXY=h zE?@2!Ri_Sw`Ij4EXOR!T@%17WTm4`?swL1BX-Ug3>hgP0C!lJbGGy2Uu>D7^Y0}>e zB7brUY5&p&#J)gm?K_HS2n_nMnFG-!^dH&%8j|t$xw^{4S`jnoi#cZ2P`79hi2YK-3y;g+`&{ z#p)Myx&9&}JTq2-yMFx1?(6QQ4y_t+<7hQ(Ju1(;Wd*mjf-LJBxCfsOn}rR#8%XL1 zC0gfd4|HakXxJk^dj7@}A*-rMha7tfzuwF8zsJ&9(pU#RTws!nY4V5bpZ~(~d=+RP zJC!PK>jjM!Ms)w`7!s%z4&y!;K;pj=+-EhcG7<>A2!6Q;4T zmb_0I%W~FDWc7y;49*8(f5CY;QLq7060(?L@OrV`rV6-PwpbL@Tu(|awxUj1ov20V zec4po;*REgnARr4`-QC1IEP?y;DU#2=@lao6{Ms8C_f=DBFoiRnDBTD8 zMxUcKME!^oceZq-rF*i`zGe-p)SQP_?=M4q&LLKplY^>NCiIP0E=cd44o6o^Cwoo{ z{5=yO!Sxwr`Qeiopmmw#9JK|0HjM;Xq!4}gF(7d-m9Tdb5U8BWCXC7wO|#V!yh;y2 z&3HD+)Nz0pmczNNasr%CF2S3c3*gb6QZT(Ii}y@F;Gs5i*80ZX>6*h7QOgAnymNUO z9rE1(O>)b|<#-(w|8N^gqZUL!TB)$#TiXp~vvpu=oi1*CCuE!N|9~gEuY+BH7&eQ4 ziidC4prSWc5I3qwaLb0l@@zerWa!2cEnW$3>2f?}_8EdyV{v7eIq9n&$wo}AggyP9 zbjRsNq8H`|=f8&HsY)UDduuSf@UFmeop7itmgH@_qF}5{l4wuCDa?>l!HKa(FyZb; z;^W$nky$D<_*fdu)ws?^*(t#98{T;0(`PpSnLUIJn!r4FNnnyoB5YZxPHTw@-~Trh zi~1iBn;khK#i5tkwd=J45A!BbnsNhNs0^8Im`J|cE~WEsF2(I{+u(3;1pZ39ghwi7 zVVs_@8#5_DB`;-qptzUq&=WFwcO`Lz_IQ%B{v)igUoSXHDG#`r0um3WfbV~=AZkS- zeD4ki)+=xk2ChY=q!hSv)tr}=k0lY7h&CZcuyaBd9*b1QlQrs8{jw|dv0e)iCv|Y@ z;fdtXy?3nirVMw#y$%0Pxs4_NGH@8<qk%y!qsUjDy=}$t<=pcM| zY8cA>D@O6pd`KI78AmkQ(%}LZ-DSrC6sMTtEFDSeJNvxATO5t^hONcndp&Wf&MvAP zY6YV&m!jk6XppF!C+?gw4ayhIXH}k$v2}_MK3YA1JARj@n*064e$PL#yQ3!jkD~LA z$MSpQxShSXqzFZ!g*@jvilm__tD=`S9U?mVHvbm=%s9pQBP`)_Q>n~0zFz0t_;FkLpJ3oG;AGGqFxr=7*(&h= zv?L+RU5S6uccdTmhYQY)tAw2REBd#?MdWXyPw!1X11E&lN&*$ix(2?#o5FT+EBiiivtt~P5cI;d7YQ7?ClCQ)u31iSS zLQ&u=#M2)Eqxf@4Y3dre32zMggaFE$)*h}V8aYHaXI5UQaJw1#k&V2#81Na+J z8qBu42!VD2k0CAvS62m-wW~~E%LjX^|8+b|%eaRjnb{cU)Bt<*r%{WcuLS?}Kccl~ zD1CQ0pGC}(r5)poAtaRsCcW$ld${{6Qy7K^Q>NcTyr9UA@ zD;TN_2ho#qRu~w0A9a5dF5Bb-@#~f7t2zU!^-B@^#24}IN;Sw_oh5WUj?wVc-NFpg z2N&M_Laf&LvkO{h$hRfwFr_6GdWbWfGt*OU5l5JlVi71)4D80+vR3q8SN5oe8Zt zs9G7$r^YjbIak3WJBdjDF2JEkuM#wx z#?kpAJ#IZdSS0>ZBle%(g#jk9g4fs*&lMcu+aoQx@lT4{1JA;tftS&ikKl{U(%9ty zP15*r4b@4X&8IF1$H#Yrh`;p-%!^zjesy#lcx|2yPA^9D#b3j~M)=&n3Omb{kITR? zub*iuE#NDglj+9B9DI`$jBbMkzxDPW7`E&^^HGY!Wh>&~j-ixATnRP5@WHSlt zI|q9YY7&DHD`5Q$M^s9E$!1+I#^4@j(33FZ!>6X^{c3fgJYt{L^@|CEz>jlK6heCs*8F+{K(9(^93wTH;(JGH( z+8K%Tcu+IR*L*-!Gs~E9nH~RO9gIca|KZ}z;pn+ip(^RZQ>>A{gQKq{ifhe;HOEL( zR4ElaiVo}W>6jCA>d@I-cDpYm{pcnN3H9J&B|&$F9-wzSt}@9}@kBnT28O*Hh)VMY zapqb=E_i70#%C5x8^>a(_#iY3^ME-`r$v)vuHX!VJgAiPL?4k0Cc0&j_x=XF>qTMm!&#fikx_Thn z{VED~=1@N0^8*Y_lfiqz;Jb5mSkHYge!6oi!3oCH++hukEE9IIFD?u3 zY+G&`xCiwP8_HB_o0g)7Snx+{wpVACrQuXP z1u(AKz_(lfsjlu%L4{q?blb$M#K;NwfC_hRux zA9obG(T65aam5Ztu9bTM4^)@IwRPh_qT>h=s7T;8;3SUijlfTm>(H)HQgnQgCk^^- z$gdei@ZX!A#eUXZSZnke@78}u?|Y|kamG00`-OSAk^{B7P~&u`c@GV#OTfjEH}G!7 zBpy^qaCp2fkIvo(;UmzCvlbErsJ&ukRI(V`< zFeR>vq^BAP%v?1(?w&hcXlBh!57e+d-w%on{0_j1WKFKVX$BbEUBx?XjZot;f?jmn zO9ynFgdn31bPB&sDl$D#U*HGas4j%v2E{Bb_Z}Jf!HzE6y#fEL+sVehHvt@_iBi8V z;+OJEqCguBTx`$J8%PB5Wa3LRpPb&8;J@F&b!;6MicHl==o6MNdnHWEObmX+nlGl}mM??3c7hfk?PSRc_6R+i2^MU(hY7^oj|Zts zci^+&i=VV@I5ag&KyS)@WczLSt-+gFVpRf6KKlZu$|d5*O?|l4d>Wh<{4Gnuw8%+~ zNo0|90`L6!6K{w-aP3$#aaGoF{-2%)AJz1oNDG_?!5e9Wmb_dZ=*?3Z~D6Q(Hu2jZ^_x)V;#( zxj)$COOLR#;31wLlg&iAiqzza0p-6tR{H`mB zHFOd>66RHduqNuYSn@|DIJsCuLC{KsoMw{ab`h(qBH?$5G!M$Uiugtc%IexhyVfVu zo3o#an*J4nxLTO|rUa7)i3nU%QwG<6pTLrNCj^$VG#b@7<8_4`2!%0_7HWqLQx*8* zAtL@wAq2Bh4?xFI>1yklf={t`03DsZfN6_v)=V@^g_JfOTKaqwPAgr;9E#1rDI%Jz znRFiPKMbLP2fmUc5hW~5GZ}Tx#gMp)bGSzO8=Sk^1DRij;KI^7AU?Q`O?TXm@k(bw ze&u!u6#L=DKQmE6ri$!b)dJRm`e-b*1kd#Au)rl{aJjb*Zhnlwu`7k%X!uvMAlC>p z+~%Ot?hPypWO9iy=w~*?ywd7K(HUwt`!GA-{dHIk+yf^4SIC`Uqlsia@_r21j z`@g-$f092@cCj^-T0F&vg@gI8E4Ls)nE7{j%)uv#d*PA$b28D+fhoo(lK6&U=zTvC zhhOZ4%H1o(`EFrg@GKbr*t+4ma1HS~`$G^kdpaH3CUlK^mSb{}4OJ@1fTXZ17`t4V z@17jSVl#Kb?}J|SgvAKnv%nfhO`8Qisn1YX;RzVFJSI85=g>dz3|4P^ja|lBkEK-qY-!b+t6PqfSTq`IHp)e<%=Lku>3r zTYh5k1aJN^DGW+~zZK5QPsr^*9WXQI3EB9rQnYt-7-nu%q1)VQLH6S%yfmzz?9tNU z$~`(9XUIcApERzXY|7`I*5rv#31-@-!qu;~%J$DivGB_Te1}IXEU!(b! z{Vr_A%2rY(nt_V#^)TH-i5o4P1+!ZFak{iBzv-ewzb|ieT7F2L=_V>po9OU~L#z!2%D*L{g9NkXH{CW_VTuA~6 z2VLH%rUv^i#1WOr&v2i8n7F|228`YyNoSml#;EO)V%4UzkbX87e=Zu17iS0K=UG3I zH3nk0(Mi}kuoji;Re8hFlc+FdCezMW=W~CZL0`qk(0fXQ-}ZH8xzUQ$QQ-(a-86~* z94q+QltRF5s1&Ff4uvSacVxX+vFQApIR0twJz^+y^mU&52tS7!{_(qvIwc0;gGv`s za)S<*Dtus3`KbbHb*HFQcR07kKDI<)fn4=3LhG*qkgXyObB{)1+07ZW^S2(Bb_qGnH$&X?$mmqEn5N zAzI;vhl45C{aN*HO$EOBB*8t_t`a@_q%5Q{t?_GnKMB+i6|Wll1>J6?FlT##_q%jB zKQ&j0&hfRP=Zpn+TB9<2^md@T*Zc7qo1)p}#^16BdVI}BAd|! z*E9t8qGXT2Y_DX0oRQcF9K;nrBT;(xRR}3A5qKx*5O<}4?Dh770k76k*8-Tw_x}D z*U-FUJB}m)JoQ8t9M+Je-!6V9+3&;{w4@0Xq)&=w?yv#n-KU7Ujlj`z-hk^KYLQI~ zwMe=8C@4rDMh)L=12};!pnL!(41X>*w%bml*Y)GxN78iT(+4;yuM{Uwn!@QV8(8vd z7yRem40wAYywrIO`!q6Y4r<;7AK3}CGXFmoB`~|EHFn{$k1Y_gU^3Y_Nr_$FS`MEc zhT-l8UA+JP7VaOm9%a8V78ziOpB6qOG>d`s!8y=ZyMyZ*Zf08o)>i2)e90E}R^e!? zV%&4>YmK+I6CpTN7gb&59`A4Dl$4oRRlBY&> z$q-|FhmG52ULJTv`BqCBOTk}rhh-(~f! zR#f%Vd{JkMIT=tJg_$nzFx=n)l)V4U#?ELHZCX76s(u_yri}o{SGqL( z{c7CaH;xZ`RS9>NCW2DhAMvVg!RuE9RltW&E*Y2B?OI3VhQSkmC4?_|%S~c}vpSD(`vt%WDvQ@U{oQ{xlw)H3y`>S)!fl zBV3g2MXD$F;N>;9fgG1%4j;7ORHPK>dH2JSWA1qQs5!T(eT`Ey2Jojv+hIe{MY8co zD7ky$Aih{!L#SOR`&F+Fdn}|$u=Z(??0AShe;i4~hzqc_J)Ol(N+gTsxzO5gdq8vb zI67ncN_6xY1Ks+MLDt0|!(L01_OXJ0*KRt*9Lj-tlG8!|Tn>y@`-ItP8hq7-n^}@ zL0sqo+-j8(bvtE=N42_{?&2Kg@b4(|Igkhqo43Put6(rTItYWd44^j~mf#g3>tC7o z9aL4~You=#z^jx8_`9tIjI;Im(ottHuyF;A)NX(=Wvk#~2kk6t?4~ zJ}t~B0`DgVz%9n%l{@38rtE*^_XpJ^EeOU79WB5$p5p<3V9=8cysO&u+c7Ibq)1hlo zes~m|ozujEPJSTc`a)s<+Jih`@llW-mqtE1-OQ6-xlOyA48dl5Xjr+gszq|aQWc}(ClLm+~Fd+32cd#_j*`DcNMId zl8^Vw9^tU&9JpX%|3Fw^Wk4dZ&Ww z%vH2m*Msk`_kAdrvy_wIQZ8cUX}ZaYjpPD zEl1FfRlrg3+`3YY09^(B%S)M$5H7B|0WN%?ND;@F^yl;HN;FvYV&@dQ!M~PQi9~HG6x8&y*B;n2HpTXL364;k1aixA`XiOB5UfUKlejLuW z6kcQY=HJ9`)R&9@+?>Flsd#aRejU2@Knc!``-C?GBB7+a5Tzr{d1T!qaed`Mey^Yu zwjL1nZMD@9Xm$+E8bk4V-AZ`hp~yF!n~dI>>ri#BDja|9!rrgyhC0m=)I;$r>wWzQ zeM{`1r}Gbd;SRJzynrn5ZbM&ld#)AgORwmS;Jf6G;2e`0xQQcl6RwqAsXmOC@+4@eqk8o+wbcf^@Z zpn8301kZ9FJQDWC9oU8|-^X*^NT8lVPFD70DLxfA(}{jl@P)lBCACEu_`3;FH3QVX z>EjPqKid6o5~iOJ{{M&RfNJq%9-^v%UAg+ObZ;~}JJt<`nk`0my=m~em}5=H|-ERe&Q&tI_Tf)fpUhGOwGCO*A= zy|8PEzr$u84A+-+lC{qs z;6J%uP$?gZS?RCQLV7p-VK9{C>~iC4=C`pIIs}wgTJcFXk}&4X9o(T%FH$;~Oa|{O zhpR>XWQT%2ZrFH)EUUQB%vGn-z4=c3;O-GZk6Ru#d{GCFPyM2cW`CVL|BT{Wy0oAy zdkl5$9L-avYVkiRyW!l27~F5GMiunCOY(_4Q&~6ld%Wx$8>2Xw!5so|(?}mPO#8yLN2-+ALhXatcjw zP~Z+0?J(cd7jXVG`X($5zFj+yLzR!h*Z!?&q;VHKeN%|X?ih^gGl6%O_mMd6hX^o|oT8m*FGPImaH24er3dq&kdQHiFK|Z^Ng}>a?!ALg=bK zhlZU_xTIc^+E)Rl+04b);WY8=`nCLuxE@1V-(h zH2%2!B7yH8BrctL0|$CO6MaqmD~`K32u{hhV%W&rcvZ`cz%E1XH5&zg{cE&-97rqk zB*A@dDti-_3UhaS#5uK^tU$j47JGgJZmLfeawP>1=sddY#0RIBU#gJHzh)PgcyOiG z0QmbR0pWWB$jN-I4w|=^U7itv!_;SkxFa6Toj)+0AufE&?7?6)#hm|s{+sl!)8@ao zZ)WQb+($v+fSVQdU~PQ9sOdx@iEUPcniU3gUiTnz)A+Y+ebfrt|IQJw%gbP3bva%L zo4~IIv_Nr7DK0E@6GZ z>J@C8o_Y1sFu~W|`T|u#0&w!${SfLG14GUaN6BAnQCH0eob#^3-hnH)PtI}HF1zz?QZ7N+0`_FkoUiDdA zXwif*&E}%b=F!mh`39EESO;g*w}H2%a1Yu<>4&-L@F=4fhMvqs?f)u3$|z6pq->^1 z`xRl_1zncA#uZin%SM^HNp#DgVPw|?XC^PDOzXUl;NbJy_~0WWAjmlbm!7g9-3bHu z%)ZIuiLqN@-o&5eh{*!hd*CnVG$+9vn+(>Ml8+-sP3B%qmN)PFh0-lSnBCxsHlg95 z*@0M@mPB0NJY&6RlJO)`4(2TVVj1iw^DfW`i0%zT)5z2{L#af*NorzP0R%p}%*U>lfC(8ZPH zEL(g)jSp0`hAo_)FWHvo-S+|ED{*Cm2h9~ zFid~m2@57S}8{Ta&P{N*Qt|+rl}`MAEP> zj_M2hrq$=`@NrHh5g&3VSN{&f>E@>Faa(!%GMagPGepl#&!Dg+h}o@; zg%P_d@KvNRugv&>e=gVK;}Lh@rh@@r;(L~yRD6fu|5n2&J)yfo_HdVhhSZ<1o>pHO~*sS~KKOBr6>s>>zfZo|aC)gtjPd+xp8ohTn_fG;ljHAGbz z@bMTrXK5G9I2`9RRX&WL4tR=hpFbdnnv__g+(cSrdkVsaJi<@Cf1QfoC_{Z!9|n1= z@bs1dPFjsQNmt>{Ey}#GG!$+(KO_${Em_Q{1>oQ!JZDnOc*9;xx`Ez@)rKo+eWTEy zcKeQTTMJ3*_-stRB0!&i7C_S%j*(7-Y3Avzc+^mV8Xs&VMX8zaOyq#-qf=nc?3KEN}Yc0wo8Wgfnca=+?{iU~@xog{3Q@?d2&V$*)&PZ=5Ett|~?s znZY>VrZl~qdm3lJMNE7n36fz|tUjv=Kkr+`v*V1Q{`LTzH?|gIkM*4tZV%)qQEC+gRX~xJNO^Hz(oA#y#-M zAOY>za9;B5Eh(0{f*#99kXH+D!R_tGu=z<8_4gP&p$o5x+oz|Sv8NUtROeDW#s5&z*lHA|M$ zeHL}q73rAprMTE30;m6$W);0LPCGMhL8-@5+IIIj(|Z3%;6B_H$2PqXrF4$v8k<(b zJkOydevAdj@=NG?)r8jRU0~&9y2Q6qitf>N#Yx4j@H%BUn%;PUs`Ya8`AQSIB3KiC zpNL~s7iu6Ts{%5nr$Tk}Sv*%Q#$9jT!=A&HSUb&{4b1YO-`k_$gQW$3;4rZg!&-nNPAd4 z=oRxhaTiYPb{Ef${Y>(|jlj0Feo$O+0B6^apvTNy(a7xr*a`D3pF{q{+CG!1&L6-J zZM}y1Pp-k4JxV-TD}eMF3mi~;E2^CR4MK&?v5ovdzIxz8QP#YPSQ8Myw@c)LX^|FA zg+{XR*kD+U>S@nGTGO)A`5JhY-#E~N;@Va^hM7N}}Me(6zl%-(w9lQk`i#jm#@m>d+(QZ#^J?-Ph-SR~Oj ziLF*?KLOTqgJ@37adslLU);1=hEMjJ$X8tJg1yFyP$4kp_sDF5`-W=J(GrP8!d*sE zJp{(CQ|2Ru?9069Y}~!fOvu(>7oNLIn7o(Zrb>9zM6`1spj_-fHXmQC8=Bs)@ywG>W!3rI}gL>@WkKly(!MhmGNtGZRSTNE7I=T0p<3>EWg8x>U7Y8xDuQ2d&Vn zF#WpO4P-KA z((k5OtS&_0X3ime+OQP1-fS>mJgNa~lC-^k;GppuF_*#qvt@`?h{~{ZvdI?> zc7c~?Cetr862Hm>WAFN5wDPb8s{eGPb51`6vvPZw@S#XZD+<&tgQYMR$|C4Ik7 zk>4E`Eckuu83qm$dg%W|p7TP`HctW09#LW=r{7>r`CItkWKA?z{fql=+hLC0MEWr- zU%YCE81Hx{;3kofi4l6_t8xZ$8kE2+WPhSvaRkZg7Pu^WrLc5OBCHNugI()Ju!h*p zqFqi`ad3Y=lsMROTZ219Qr8bny}D5S`e9ghEEZNQ*Bl?Ax&feXH($JD8Q`&b?A%Lh zGI4wj%o(6TO6!Et*bcG7`{M>5r3GaAs@IIF9G} zd|r9#K2(JGppWzkl)RLWO^*!WsX{iXDn!T!oDwp(3;sc2;ZEA< zc^oc&SEobI$q}tS6AZuDhg~_{@cyeAgl|j(%Ud_t1IwZO!?O!8ecnsx%$>_>tJG1h zdk-8uDS`fqKcM#WIb76lN7r}1BG#pKr0l>)7O~+VduVwJaG?wgp1WSi{~g9?RSDj| z{{lp2n7}Q04eq^kK8-E7gg2X(;9T!H+%{C;D^#|M6P5O|m)fgDhcXAy!{+(O^p}#c zcMM^bFhdoU{$%Dox_o2G01RTg;evV+sHJp@%1^x`Z_bO+^w>Mp=f7)~YCFP=*h6S) z^b_(Dr{TguH}U)Hb?8@DgfTD*Itow2wdrx#H^o0<;CLKF2FNM&W z9IUoqhq5n)F822i*k6#3iI>BmdW;?3|82mJ^=`pY#WCUpbzLs!nk6dT`<#u?>j#Zd zA>`w|o6vsiF^pWd8Ac6R3;fyu{M1t}^u9kpftDp5A-~G0p}~yb&>RU#>C$wWS0{>W zrr}~MP5%6Q9+@vn$7szWaMo0YGv*DLcfAL`v|fQGyE35ZvSROfVbs8I1#Yg*hbIP8 z$?wZ;@KMSR?5u*=#O0K}w|2vab80A!+=uzrNIq zmj9SYZWYVHgSGqc!sY>RcWn}GFi$6OD_U`I(`!*|M-9FY^k5&|G*SKdJ**D?0ec1t z`>$ySfyqfxYfV3{6t)>;ztyt+kIeY;?T%=vsmq7OPNhH29znO2fh=9fDP(hP`uvOu z{A&ngva%Dn{i;5(+8}$uWwDWd@rYv5>N?_2i{3iP&lftI{z4}3n!vGstk0$6H`0q! znlMCWB&N=2ry>9!MmD+kdx!IQX@#Rbg% zWKQMHqWJaATe(U_2A($Y6&%0@d~VPeqR~5$pFLg*6Iy(P-$$0u2zKUOSKG192FS!G zzi@P-8U|HKQl|xFuxuNHU?V+#RXUa)^c;d+?o;^UTnY)7lxeB6A#FHN4(gMa@-=-s z(9z5nzDV@rR!2punH&#t^F8R8D@#GcK$BitsYiFNwxnl0augh!HthtOC93bJ;yL2X1XE z4QeM6u-+p9KQ8{sKHBQj+jiT~WuFT2)^_nN33>kYa5z4U8UnG7>1^%|Gde}>4~TP1 z@It#G7PVbrQ(f+(;g|bpvrCKD+%QL5H%Z#^%O5i}TtHz$E%>$@F|CRY5e6<{ttC-t z>;9Mgn0Xt$I-0=g)m~=rSHrR%PJxlnhLW92OlV54G`h`s1~a6rd1u5x+7cz~ZD%xM z(WgJ;@UO>k$2S-PS4^g%$Vb;_6Pfc*DLTN&hPT8UpoRS=P-d<0?_U);Gua9jjn<*3QiS{HN^dyx zA&&(uk>$be&rt777*2d@#81v%PgOjHER?Guwl%b)qO%7rJg!9Y^mgKQ<2Z1QR0X&F zZS*urK+n2&u+n1+U8k-~e;R4fPuncX&&lad{$HQ4f>V!Rc$zlaJjudn#it6RCI*u7WnWk7A_BX3T3y=u7VY0u(v;i4oXm? z=Jn%f&G9JQZ152tL|LM5&RCjrPJ;Ke>hM?D`#>>f1$mQk0K2YEB#zg;_@=C8WFHDK zAYu{8kMF=A7b+k!kYnkbBXnd~3?CdY8>Y`_z|Nj$qHA|GsrtEAs9z{T%?|}=X!VRG zx2M60;!BMEe8qYs7va(oinJ$1_#ZoMLj9~wL_gRgycRFRql4GNknvMl+5>YwF2Kbp zD`Oy^xZ^!8diw_hE7Ndvhc$ncz5@12ufpZ$kBgP7#zBmR4Meo*^C?~OD8FJh-|+aJ zc+X^Wh<~w#o?KLoSsCYOZVN%_tQVx$%Fb!}jYRJ6Vg;i5GwkT`6*T(sQS`g>jqI4@ z$d!s`vU}feqD;3syEy9;9u4~__PZL)f5x7~N?~`~p4K3q7NpA0Iq30wl?}}Cbt`lK z?;JZBFo``~oBRBAC0_b1;_`f5@%wHcy1yZXE0|8e4%40N zK|li4+0-gNQv46cFH%LLPuAf7C<0!Ooy^UPH2G>F(;D&Gj=oz`Uo+QiH8)%h@ZBX4 z3w4Ct?CCgAzThf6Cu%{;GMLByROIgd(|P)T@ldnSNG#c~fOo9 zpPrqDhsK={G6roB^7jJ13kat34_k9LnLjws;}%Z)n=It5?~p-zX0ysxVcy`V#sla5 zV7-9@K>IRB*U|xWVde=IIn<92H)>>VmzBA@gdKXvIB@@@2TV%$D%)~98XJ*e?(rG4_dDYJ(xLb{Nro5hlcSy$*7TTGDDsH|sKr|o+8>|G z+Jt`E=o|0FDj)9P+4;hJ`7?!YlS)YVx^U3_^cBo)R?;i0=JA)y263rW9WqAXac$UG z0b{(ZGdZcIh#N1Cac*XLH+fY zara%Xz`oCbwz^*tZPhJ+Lks_i_PxEwu&xd=$aNh5HUsWo`^9z*G3Ez9&F2Sahq2=q zwn1J^9z=e!WMwh+U=VQ<1BR>t%}cp>!t^kkp}zpjjvMd`_cO>rD-GHur9yAZdEqDV zMawx*-ic6Iud^g-^WB;Nhv82a`shYfK8&f4!SYVDne zz5;tBE-s$k-u6NuFb`14aQuq$L6t_#?~qvhOa zb9R+zRjn&^HVegL<;B>v=sp=daR`;Tb04y$Ecp@lUu^xOXjpw99C}^H;K{L)Q03sl zqYIWo)aC^OMmiM(z8_&`Yen={oEa zc((rDLg%;rEUpkb2|;oilx$28hwYokmP*Lc+q|6Jn8HN23^sAEs8TSTlL*62e+#?w zB23k>#`X#Q%zndQFz8(kZ1G&aDM`rqZq}s|GP5vg^gifx{v-PB*Me>J)?y!Ft` z8>PZ`E=)+T0i#_AU7Z8y#%){hd*3pg_uQR6IDM9eDz;-A%*S$98Aw^R7kcNX;+cd5 zoOR_nZq-wyaq@or*JlYK%P@f+$v0yyiVnP5E0qWLTBGtEOL}$oMIbi8n7-76s>eqX z6><`{satcSIp6Toxrw+V#F=g0HH|-(OF^e&B3L$S0Hih#f%{7q^51HLdoZ+yd_SLr zQ+4MC1Ztd`l?1q ziL!$y;y_0Uka;$fZ#^FZZ-XR6>+f&GmV{sMN9Cyaz5h|TckBw3mM7wrFeXx1Y(#a; z^!bb#({Ow6GPEwTf{K80*q=QJ=pTKSzo{92KT*N5?TTFY%4V+Sd<`1k>f_%f*?_CR zz-g@`n3rZtFKyMth~iOrDKVZUD_#*91y02kcM{>h2Y1eB8(VT zvtYIje|tubwzvj@`qrmVANmfqTytiI^EzSMxUKXRTTE^JQ^7(k%_Tl3LUa3JxO=A$ zW)3Jp58E;LRo9m;z0(beABGF>|75gv(c-zYkDxBjOj%y$L)XPp;6_wpyfDzk8#eF+xy_VChAJ0ZL0 zv}j#*6kb331uw`%;$4X~&^zT93we45mP#?^Lr#!ySBl3wC4I-W>#M;$&XpS(1mkP- z*$|-OEO;+=;r9!VAiKW?RTN`zX|E(#>(k{<`!zwMP?#I<5YcV-Rryr=9MtNx#0jCg z!mevEsJ3w?`9z(rmfj8zvh{_YlLhzJ*5tP72l3_ng*?TghO}&v<>@<9f!n;pB-p^N zk9>=lf6U|8HXerlwst(<^q;tSXB-?j+z!*`FC^21+}@EN?^$J#7au>m6MuNfVdUL$ zqQ~-rCwp8tX$64~`nm_EK9-^7{<@&$bcP(%UJ4Q-OWf>oggy%C5k99OKuoH{7p|&f zr|lk4nR^#head-Y5#)GT83cbvON%upP2oYcskrC7^l%9)Ohq3-SQ;x*~Cib94SlPB;G^D@Q)DV ztB;NQ4#MMLFI?rYmCkfmrt2F{((3~2_T@e!S}~v&20#1*YEjAfyMH#wUO6GoDE}Wt z=N*sr*T!*@NR%?NrL4$E8rEqi#qJ0BL~-2*taC1) z7uv?r)X}Qc?4%Q){>Be~4Ce47%?cvBp4(PWkHt58hQXcg2#7M7i4SH`e$VI}`F2W| zeo|EC&Z`GfyQZ`F&MjHweo2Bkf0N_AdvxiN?AMT^@dl2z8{*1C!rXQCAR&)6o+hn7 zgZ|oOC{d6D3jYS<(G|*6!{{&=P1_EKp2_3v#qzW|H&?uQ#ukWwa|^TQUV!cR4 zCx;f2@cnAkUvNeTTpxk^);jVQ=ZO$n9mh53CYpBr1f6_Q4V=}c^FfO$aAu7@Y0%sy zI%xR~YHfv#>be`G?Zswz<}sEl+dIH0*QwNg&m&Nh>11o_BU$@Se_H=vIA|#fxzpp< zN+fqK5?D%a@lyCSek!tuD7;jHd&2qh(Z69dcTYa3EmU`Q*6KZ4 z3+aMus=VmaIDT$Tj=+}t3%?5!S+w#%KFm?b_s#hWkwSjAP+5{Y3cSPK)Fkro@@eu) z%?IB77zg7GLvcd!AM(&si))>=!o?fTu$FpLI(hmK*t)WZy}TmqpB1c;N-RMui`QU! zY7+nPeHy=D774dY9O&)8x#*^qNG@86Xq7o7V-JU;(gk}yLEIxemufJn(~kCNm{9GL zr*T)PBCbhhtf2K5+t}_!GhP|<7yCR}&DmPf<8PP5Cylj8fWaN6>luVgCwudt+A%m^ zBAAKCDe=uQYhc8Tsa*9yJ`UwtsPOhQhK*ecFBMKe&s0TzAmMCt-Fr zaXk2kr-9rK9rE!)Ec)D?kAE>09~njo{uEjMO!6gsy^@aJL*}!SffH%bFHKO&i^u!# z?D?lVy-=02f$HUiqA0Bqr12aZz9AeQu31GFD|yqSvXXq+>PpeBOSZIe$RRdNZxWQJ z4g~p!Vel@y5w_GMVX>hmboT!StvNQdX9=K(_6Hc=Hn~Lf-z(dtE#bT@dIV2D{}%0L zJtdfEhMmgUWYKp!I1(s$)8uO4;=!GudFm0g9g3uziZeh}_6N=?_C(du26V?WbE>LH zAxxnUG(W1+;KNRQqjvyXDY8Iy>jG*v$pzEq&w*Jg2k9$`0xW%UfrKPi;$}w$HnO1) zeLokI9PKnzt2>KrehC;f`8G?R5sp{;0%5}$85**@vLyVI6dyQ2;KuB&g`OK<$x~B= zp6`okbNJDce|x9l{^KTiNNE;{H#{jk(|@sydM!Tbt|s@jGodEm({ZtEG~Rtmd7{mC zmc8p3*i`MKF}mj=L+TjZY<^5;e?AM9Kg@Z(cZSGje~0Lm4Wj<8YZxD_#kUU)MO8;* zIxT8ONn=A5j8-R<5-YNyPzf)EAL z+QToA;t3KwzwB~Jz3e5lDf|Mm{rg#1-B=oA(I>jG&52x}epZxmcn7rbJZ*nnjbpTr;H|~O=}~tdUi9pyc;12Q#Od-p!LM6NX8u}2Bm#!>@v8-& zMD_{d)i?}_qT<+B3ng%=T7@6E3+|XE^k***qUqu}Wc%L3pf>LnF&?o9mRv+K_C+F- zI@bqsTi>%lFX8`wQWX-aWWemX5gWeD6XTB_f~n(gK)wH4%vopz_sjak58Kq}50@C+ zaW{z$-H?Dj*8f3|-A6bYd<=elY6rtnt5AM)3JiGN0QZ)DN8`1j@b`K$#tz?FGQ%?o zLbu9tw&4}KDdY>!HHq0qrEOx><~KMpVm8z_?jmJRWYKSS9?LKPF7ljT4ZXUrKxeZi z51@L*OWw|AJGWV&h2B2&OBlkxl~zHW|7w)3n#pVQ{+7&0xd0xcr*V%t7xB7RI0Plz zu$w>bL&e_$d^$&l21n1u{`0@sqRvg^XN)4w`_F=+hXU~wT;i^_OGS^TEW$Ox-7xU` zCj7TgmHVaCga40Fa5f|YMn;D-K}rlf*N4v(?ZA+oRic@@mDv?xK6BMa70lj?pkSm1 z>8{Y_FaApKc|VWh7Oi?PGoMG}oc6I%XL7}BT5Cn?UgyB$*nzO;4?=ra4KbUZLY|tb z&}@^H_@LWc;M6(dF!eqbl=2e6F^7d88^9|j2cqq5b$)YX4iq{C!_n=LrBZyNewA3JZU9gGFj8bZY$VU!_Zj_6&XU1J)Pc^)0T`J@ApW{E zulubE62kdQqHG+l(37AaM#P}$-%HFavmairHlnO?BYf35hCdSxuy=ATCXU*H+8;Nf z+qA>*{ALnvfr&hQ%O03iQ9_muc#ggQ;%%31r{qR*HRkm-i-PxN;-DmfpQ==gW2I{_ zXoIQvR{Rm{_sE3*&K$$2gk^M2`fV(nYQ(4PEo9?72~X@4x>1Sk*b_JP>6i8M4$8U_gOTLAOG3O_Nm~eB9t(lLK71ih)kVDwS z1Y5(mI^aHZJa+FtgwGXXVaUEfST0oz+b))o*!U#^m*=s*L=G}`i4#rUCJY3x3 zUPq=a4cMSQ)tlYnfuAi@fAp;lk)wjlz_Y+3K zxH}58!A~8fCl=xiA@`K-x|(Io8%Cw7N->8VGKXH6snHygBG>jK{m25@CS8`xsIL<1Yh`ygP(O}*I*ws3TwsxHnd=#^2 zfz<%$+a7^;g|lCgiX)q|-+*^4$%1<6NNf(OXHy~-c@tG+&Zbe^D?o6rKR*GNX19{< z9dYOqSd6_RXX3wRM{NB)4(k&q)8U4BqQxPX@rw34oIkpdbrmgxzi&1YyjLRnaC;2| z292UMVJBhX_iYgMXCN7n%vr_F{b2NF8(DsAG0b=EC9Xj>TtRmP%``yRxGfvw!=1$$ z8%#t??|i}WqPOH?un8Zm)?d62m497y^`=xL?)Ct!(xY8Q^Q?QO0@d0bKsoaJS;u5bY zQhTczSNj>46r09?<(7N6H76VY{qmu7S1Bv4o(5?j6jAn>B+ozf5S#T^qxifXaqqtm zhh{txa!#Y@wz^}mukIk!sZWJ>7sBD`s9^m5>mJTJ^-o-&w~CIwz8&6M3 z7fQJZ-loTk1Rq8y&fEJ8^(=3RSIQUS$1uUEecg#)7?Oe$SDYj>gi~Xi;T?h&moYQW z2g_H^#ZL8^_|d2WuO6O9=9nq*&jCudnqK)3|M&|yhPY9m#uuc0Q557&I}Jwv9+NL; zW($toZIGoroat}RVdjcbyy)yh>{rXgn7v=2u1|lbw8kOcR%Wm6N6*j zanVG19o{+$dTYW<9HN$DAR{+W< z3mKN8=Ou+(+cD?#P+Yg|rg(jw9G+jP1Y;*oqMsuiXi=mT|FY=j%oVw-XJ z>+dQtai7l$#?6MW=1KUS#Iwr&&rJPTIIbybK*O_sIOL!!u0CT)539UKv+bcY$WoVo zS+xM4+|?xVg~vfz$djK9(S;Xb@?6huAPrmJj(gUW39LAE{OV?dF>N1V#IA=BrRN6Y zrT0PGlLKu2x2fzD9WL;yC4__f1KiMG!tPyDrGBG}(Ah)q!M?h0n>#ZOhrj=ZdFeaB zdCobEX$&NXwO7(+4`om{afZ-+n!I^R6Zy5O8tTR$gQL;sZKMBb^2{xFL1k+V`&Vp$ znnGXmwETQfIIF__uC9S~JFk%bv4PMU@S64c8?u&XnGouJk!_nJCfi@+pre7ny8kAy zi}JtON=pguJLxgJM7M*@oh$U>-pr!r&C5A6ROU8nGU|^XN#IJfFfN?z`y<>>Pe*1*eJD;Aey6be5Y&4Q>{?a1ZhR<&&YJ;& z@8ob!trFjV#DksM@(uePGw^sagXz}qiT4Ky?y*mYXm9^SBHjo$BU9ditN(kd@-tOnA?pCK&p#4+ruJ_JFwZv0v7aUOAPAsM0IM&;%j(Qme6#Tgfx z*wYPP-((X0r*7pwUJ(@vFCl`Vo_7a|?%V*gVUfDf_)*tDG!4{+GjDsp{ zwyG3;b;=p{4tzt7Qwe@LHUO)SyFtlqX}VbAh~N!Aj?UX%`P}@IWTQzlxcxdK($_Dt z^{JA>u)*qlM_m&nMCD-5l2PFMwF6Uo^M#JJ98T%eD~9&@u;PgtO*sCNjbG%?>htIw#PR70UMYgTpLN9me6Lypigz*=(VBzwqLSAb=*f_hQ(d>3O zrJf3hE&^@w)aMoQ9`Hu!v2UNH08#G>$kP|m5I<8AE-s$MM|msL!xppo)!i3aZtxZC z9$W+$v=8C_tx|;7-ot>@R2XhP6)$}`34JeilZi6g7@Op54yQiV&(7UxaU(8 z`{64?O&k|NPS-LlTFcnT;lZqVn?K~#96$%N4)#(}I4IVtqQu0jc<+octv%^4`gOAt zhv>=ks4!bTyXPe{qJpEb@h0i+^<(}E)&o`#=KGg76Qu!4L_NI&ufF>tz8|NFK3X!M zl*=%1uRb1r=t}P!MkBv3g-`w)!HaW~(Z2gUYBqI(#yQ|Ga~x?^)@O*H7y*-?JtM`> z%Q0k0JMKL4jwP)yrEkUvd&PcV(w#Dth3T}T#<|Jh*YN~v?$?s4*10J2)S0#|@TF;8 z=g4-0F!YtVA~+CQ@cW<9a3%N`YHaK#>%$(fT|s*>dde}jY_g8XsQDa*q#4nxnkRA7 z^L6OcUkh)jF$Ay3W=oEgp;b$@=v}8Q9&)^nHD_~BAz&QevnrZQPOcFnXBO9cBm5ug_M_eDEb0`k%-ozB*^ya$;83nT#Qu2zH}((ZLnY(D#QFfnxXIFo zZ30u|ViK&J=8mR&UzH>lWU*~> zE+-pd?c+?6bzcsX4JBct{AK(#^8vA0Qvu%fR(wFrCbpq!3?3-^gzf(2;MrJ@Usr!Y zOSf?NKHre{ha3jDa+#6JYtTOL2RytgNp-bmP|<`v^pMS}8`XEhap>V=*y}VH*v@7+ zBa=m^-tG|Y6b5rQNnH~ACkgk}#*ziAWO#qH4;^T-le~^;XQf9rz=(uxoX)bPk&C{7 z^rGaF7qPaGC2a%6cl*d`%OaN1w?=T%I#YEt+)!rRq`O3qQKo2 zyR)o|3>+rA!dl_Y(R)P^71|?l_v=Lvy!1N$ocEo1P0m57pV_!$yFD)+`f#qnFOc5hv3GCCbVZu5zhPbAFxB^Fip7V5xLpY$)?lz)%N4I zF5d$ocIhy_De$d0?Qa1*op=B@JWzq^F+*v6+(>dqKAF|bD};-Iz9i<9Genyn2mJvn zNZNr?_W9LFY_NEbwnr~vP~8U7uRIs-H5Ni%zbU)%EKB^fTnYS*#F(_Yo4q?%0^!c; z=-oXQ(muzE@}3pIr6VO!9;Zadup9vQ>*AGbo?yiD#oRq$JU=Iq3Kc>BQOzClz-YUu z?NtnWwtoU;)A9rcUlFMH?8NII=7K{=3i=J6fuU~0U`B})u8p!syV@^AdCGp6+tLmu zj`=utsUrNi;|HyS?D71O;dpSLF-embJk7HN&*wXe$Fz;;Z`VsWEpZ5WIcy>B@s|>P z&ZvV?^OM=Xb&lx&(~{Ml&Vh6D^*L_J#E4htad^!5SB0Ix(c;9OZAD-C@>DT_ig$Ik6q>&Uo&`~W)&Z@vA z)8b&?@JzP)U;?Cl%^-5WCiDH3SFvKuP%d(oBu7)eT)8MBXEMWD?aM24Dc^q}!MVO!UL%-!DerwG+D0p-kb}a57($E?TeLFsjk9oN@>eo`o+Q{yOc(AIcX4C6Qo+$XMr^onE|2~Yg;|o; zX!&<51kLMae7ZE9Tlk*ItQm$9&E@R=2w|3GD0q4Iwcx#$qa^!QJn8g!0#jG!!I~** zd|3WVoMEybFABNHb=ogr=l5YSJm@A|ORKX9SQZVBY|VMeg;EwZ=M;<_V+fk&L;0z; zo#5#m&92OFgfg)+8{El>)l;dsBa_Cln zh=zAMm_z3xAVNQ8j_@8b502&^S1yEV_f6c}<1lR1e}sBtnn~aVc^>Pb3jg`k!O)wI z+_oqZ_cTQD#ytmMV_-ARzpxRP?jD4qS?54LMTy>sc7r_2S-iSYETGLzuxZ0blj_yPZ6-lHGzcySH3 zsL$l?%O}uZ4SB?AoGVl(`0#bNB0+chOIBo}0VcPrQ9G#-?*D!aF5Q=*W4aa0{(ctX zCk*D_*)^1vZ6@D~+R%E!LU7J<=2fN&{M;l7+InOnzw|{!U1sg1m)~Zx>$76Wld3b~ z{P@{?iS=#rc11H}-yJDp_l)3fk_xDgdx<}~u0qG`Y1D3$5BgsTr%bt&ZZIf@Q+_J2 zRPrZGRb2y*4z|NMrD<^2Z6OczR;3G?X3`PstKmS~c5L|l1#EdPR1MSSCv*q%E4n8+ z?6IcX4*K%dsy!sa@gDR==%Tjqa^%Kkg2!5oYlhCEXL8fTA#){gklqY>f0e*#Z*t&s z_od_MbLZJuVV<;D+>eb3WBDG4usQfFUvN`s&=cz~qG$49E>WRQ{Tmj7!G@=-y)q0H zDzcawyM+bukD+rg61Q9l!5?!6PV1G3)*e%&PoE9~GxrT-x>OEZ`27lMbcbN|M_ayF z90HEl9brfZfxqL&33|^l{AGSTZV?>jaMy0(~KY$&azku1zQlw1or zD?Z#Yh>wvjAl`#T?Cqi`epy*)FJ;By%jFM9f4CKF9yynOI^K-T{VUkt{)>~#98qb- zc{qJ&4j*rN7EaxL%_bZF5YOI|1N>DL+D{z@>Jfin&-Y6(@aYz`8Xn0`9rr6))OQ+P zBYWBF4I+>~{sNj_K4R+Xn_%6r81XQrW5T*pfUE3{c+d%9?-1TCoO2I@OQMidHM=Hq z^b`pluM*OiwiCbf4@Bv$Jy39J0grx}EVvG&@SCAI%5@GQ{?Low_19p<3UeMHvVc2_ zOEC6bFV5cWhZ)ywxb_4EShedT`mS@L-T&?77d|DD-s6kNSlRhPe&q>LxdK@1?aoy$ zeh_#t1`ua8jE0<1q_v}ciB!2ITC{DUDsC&N=A}@wyL+u@(&YpwI*|mCaWYiz+MkjM zYjk+|*cZ?!*@fm?E}-g)AXJR6##&WhtP1JGhz5!>ZiLhwjxFd_mcEB?cj{ZDx7hfJc8qQY`Smr(6> zExY;hD~sv<%ihY_3Eg@nVqsQ{bGru6cO`4^&=fa*oD3zqVkEhAQX1|}nhuUXHF*0& zS8VEb0X3CmlJY}^x8D?enz=vGZtW#;^RSaZBNo$k-wI4Qb_VrLt#HpcJ+7_)1#AN6 zlfN;sbk8~!G`BUS?{$39D(5|}^Z0=^-kZ3^+_7}Pr2VL-Ie=ue&A}vHD=3!jWd3?H z`A{80AXag>)G!}uwQupthJj4rH^&dR?CAv z(YVC#pPx#X(nK_|It~ja?L{ZEQFvcs9k=jGCssG}*ub%R_+(}#ddxTuTOZCOP3p_( zrcVR-iy94@vT!!z+edQqEcBY z_C6bJgV&^3%;`kqnCFO?<%nFNst;G~?W8Np9Np_U!5bsJ`dVO>`E}1=wj+pp^x$54A z!S0IKZn~fTXXiv=ToSD~U5%bkjOgl&STJ%WRPkGdIQ91_$kv#HCk+SEr^&+I=#z&; zGSP`IU!o4;Wdp&;^A{#vVANGYG2c1BV4+{K_f`GFV+1YR{SuphAz_HQ)g&LvYceWb#(MRiv`A7xe!gM+M(2Q2DfhEsZkdCTEnHao0Nf zc}5uMMQSkDfwsJBR6ktZqe-vdI{?+&G=*Gj8a`U1!#2-b&6l-YgD(|PU~xi|e$zIk z8Kb1>o4Pc1)%+rCHGR(_a(@!l;v10lYa5lGB+I8Obcq*aJtXoz0FpyPVB}tovA6(( zXNACEjRsU)6ptUGwP~EdhnuxA6@K<6VtC<8_-*zStH&k5vh^c*@##-&#Ea7+zj+VD z)4f)}fD;M0FxvuxQqDJAWUseM9tkH_-;!DyQ)Lz{Dw%uYun2{RK?*K z8YrIDXo$-XG~ry6c1(*I&XevG+Q#&37e7o*!f!2qq0e#w_dELs&mW&c{3Oqy*Q+qt zbt?pv-v;vb?j)w}<%KVYghAx~iB#)K3~YKm9&Y*t5tb**ueHRIuvOb}$Poq1da{%| zRG!6#&4jHw>45pZ$BD=quumk-qjC;H;FknYc=Zfd7iPlmQblwPje*kZyXmUY zBWO{CCo<{Vcz=5Yts1TlfB#)V^#CQftNR^7p0`7m(SE`+65;S>LTiP&-l!Z$n7`u| zlut1tYv!ep==?-(db35mc%=>M-&}-#*MH!+?kSkjI+W!#9md-24s_y-;V|ct6&=)S zLzg_wgfx?meq;I)K{>-(sypC%*sm12h&K zrwOzEfys1lmQ$Jv9w}N>T&+x^PIkZxzumNOtpxYqGXw$?I`Dqie0Hh*E&TE-B5UoR z;`t0;ZnJ1Ql?l2_#^gM~^TWoAPmL-=wLHW(cH3y7t_7>J`2z=fr-07tIQB5$7GC`J z4!plG{IRu^Xb*^H{W@d$+c{=9{(2P68+-_4*OkHSeid-8IEXW(3z*NlgIwb!h+C!Th_k4H!&{)?T&to4@gQvM9$lk0F@8mnO4hYRAsURm}j*%izd9)*Re1SSw2v26NK>`aM=n;G)+3<9x^pv>#{dn`rG&=B}1co&^(o6p(gGyXB zi*NFvjsly)-{PeBSy%>nq4)}C1(rbAy*&0b@eH{z+mSDf`XN4dMH?R6y(hA%Edt$( zBXE)WJTlV99j7H(@KS*_qq626h*ms?W3A7i;noQVQH#d~2liw1fI&2_$BGX%5aadL zPq8@5iGHX89#t78`2IxjPUu69@TX{LHXJ=7^w9Z3IOO);#ID~XQPo6X4PSpr!tYs- zNVjj~%32@#(Z_bNDDTov{liY z&-@40tLCEZ{@XaSF9s7IUncJ(%=n`W0~UQZ5VkBk$D-G-r{={5{GP{VI&<9`+-p6L z*LoYkb&(XUjo(cdUwQ<|ak*S|R1iiUn+I!rTJcHVdie7^3G`Eb!j(DY%z5(-Vq7Cd zlaK77aajf6PW~~A&KubM_yBQPpFkJI&A^>Tg1fU_cm}R}gj-WI=s9J1+L4NEbU-TT zUCDvx@~1%Rvk43v`~#V!1a~>1%_sg!5g+t92WR4r!0_Z&cs$`gep&YkCrK;u@IW`} z5fTbkc1`f^rz2MQj)6a=dA5~1_OQntlW4I{3y%34g`g_*C)XVn9r@D^qShD0mmbCV zk+SrtQwGlI*$p$(%fu+Kum5>C@k*~2;6)=??y@mNd)FJt{8GzS&1;6o<|lB0<{%h% zAsHSuj0R0ykbqXOzA(;g!bmFvG70hVer;^Vf zrMc$T>+G}gE9{+l7yJxrz}+H7ENeZOre|rB#XA0I{Vj#HuNEV{t46C%s?xW|b$QgE z#aKU7gT5YCiPj$;GMmkx@J@9m(_Q}qCixVg@s($g5jUClA6pOBJI6xkDPdi9NTd(6 zL$RZ#1FXE~^VC#hx-@MHb9y9%m0K9ox9=1`i>e{#-etm+DB&EMG=VG;sqlllGVtc$ zW#F&=h%FI&@eR^T_=l#?LLML%mO4rE&2xq#zuAmME|vn1>ow4~I{bXuNf!A+VA+rF zC)3jh;R~5KsG6!nYj3T^;ITsf@_seu{7B&GBhz4Oa61mvx8fUBwCS~~UVOW{3_S;Q zGA8sUUU$7Gg;9U7+He5uC_M}}ROeI3o?!dP#vMMK384Y*oUPbUKvaY~AA9=~%xc6K zR5H5*9EMxId+>~Mir$3c5wxWfs zxjBdYefSDkrm9=CK*-xu}`%HC;1j*XW<%g+U(lU|V?suZf z>-#|KnJ|l$iGh;RD009enCm{3W-GGoL{{q$VBjx?ZC4Is>)sH$;uGbmLFwT1M+ys4 zd|}|eHPo}Y3f@oKg9on**$E3BJeFCsSFT_?M*%h{j4qpZq-z~*`zD!oL9Z13pzuM;QrYvN60A{0EuPf@yL*tmxPfAAVtMammcYQPk>@Dd-Jx!}Y=InBv{p zIC#rxaMiWqAN}Hp!(0!x(jb)1{BTU%zGVnkS6vQQt;WONra$a`&I55=K?4r+gFO{dXrI@k>Q1X0u$`*EnjYSXf?U1_}ccy$0Y*0QC)aZG1IOS$P&owW@f_Tus_; z^a-_0>V)&IIgN0i1=H^apoHH$vGP%4qEk4Vz5KQuH+g8&ZB&B~7&eM)2K>ZV=WXcV zmzSY`+!O3#X2gD}KXwj&jB~uJ+1o&0P(3@D-j_gBsh8xfwzUFpxCX8JOmNLElz?AzZ#HI9i(eh|=-$C*yz~1(2v6(9r}JikuR{TzH~cB; z2=Rr9%U%h&IS<_FeIF!D4ES63;-U|z z(CA9~hkbz~;|<{XwmrC6oP*n6ctXV39!%eT6?V@{CZ6Ng@CW*;tf=ihT&g%gyqsR) z!jP}EeUNGFCfLO-6u{#08&wss=M1e_ISdc{!o zLrq{w30bpkk|bt^GmrFfA?rL7@b8T>(v#zdV@ysn!%Nv@o%X2O`kxo@a)1r@Iu%4j@e_&K&UJKi#|bErw}Ym^z8D@l7ykrbz}|En z2s$9e{ax+g#}j?3@KX5LaBC3a9x$MHIA{7HIAYaSo2j$&aNDd5_}8yTN8C?>t*XXw zXG#!jJ9Gl?I;+wybj$~y27uHAhfez1+EL7*v+GMpq_P|G=CZa;ZuIIY!h?n z(!VS=2|fzNW$9pM6oF}cJ=B=3g^xWksH4&X|2A*oM^z2@44XdD6|to7+4E#Vd?rkl zSI4?L67YyzM`>}z6we@IDp{=p<0cP;b#s2QK`9YrPr(MN(e(uOf8L673c8`|XK#t4 z!vH?+MmY3!96%=_$2IrmRy-MOf*(e9kj-fa3E6cU9;XhZyCu@Vta2ePN<2Zk+kEg! zz$FO5so3U`2zwXYgq()~xYK?l)m$3OQVYwe+53EA+HeRS37JPvAs6x8@3Tm4@*0 zZr#JXC9`3S*-4(6qJnoW%;H*SE)c5Wrt2aaINtLBqrf$$EC-@>o!`Xg0j7Cv2C)Vawgf?+oI(`isz{ zT=>4%vIGXlCUAM24W?dOro1pFDje86W2G$ z;kK+7@Os==vg_q?Vi&)kt~DNlIbYiF?~-A>Ql<+=|2Lej@{6Js(Fr&p_mJpaj6SAh zSHrNi=jl@4QT*G-9n7W18ce=wgKN(aBd<1W3KY|f? ziCEVXLAQTSV|oXjpz-cv@+|KZ;wd~Q(zjJz|4#>w8t z@k0lRQaZjftvi2FB=mAu{r2RG!fr$P_9i&wDalLg<@t`wS7A%nJggrT2A^VolcgaI z7~r}W0@mHdvl@l8qyGa-)>p^zMRy>rLW&()s7+wOOY=FBI5K3NN%`HlQiQz8V~M&lScC*ED~4Ck#b#gopa zu)%sCJDiq@Q!XzeRWm6BN?6jo>Bija+ZJ|t)L|gP8q;A|2ebE8fLXROJt~&Pk<1&) z&x+7Qem);||GHSL;lo#EZ{mvmi)m+{1GhgakIsW0VAsJva78y7D`XwHMqB~2QMkmW z^gpJ`D=R>HyBJnB9sqo*mhL7Z6Y0`-G(cLd(*R4 zt+@XF1$cXNhHyWm4EuI2rrL%ce8JL5)a1|4lEkiBO#1o*m&*5u2Yd^syO+8$4O2H7 z_DFb*Z9XXW{G5;X8Z?RYQYDf9aO7uBegZqCE75`Qd&SEnK zj?SW!*i?EM+T~A@@(&GUQ}}pZs(h6;HVovp;Xlca@(1{Hu{RoPe1x^~CN#fg3WgZg zi7l)L(jc!yu_@liZx_G9hk>(&J-^_gy!M;*%Jt^75FRcd`p4J4vJJE3CY7jZdPYW4>C_J!C zg72!*!J+F8fb#4OG-HAa_qR)@5uZ{3QnQ(sz*1PBP|7dM^oXmD*n_iD2z~Wd4ohop zk(s$_Jo{88d1Iu*OGYwsCA|)d%x&P|-)ns6(#ynqK?=8!DF%anTQ1caiP7g9@$>JA zxOPrC&b^=pBPM@DE#FF9og9W$k&;wvn;E(P)|+{6+YKrKWB8$q@e%5bOje0we(6sy-l*+Tg zT}M{nNTG{)aFGGH<{5K4T_-v%WjRkiLAdp3N#0^Phl*{SXttXvi#+VgI^PMiVd)9j zH%#EWX!f(y=|_b5L@TE5Hs#0P&jyEqnuf4(K`f_E~rya$g#cU>SRwKB|zQy#|r01}NU4Wg|2YB#u2Yx)E2`a*}iH_HM z2oaoh9kJH9V5|)7cj?23r3cg;e*mU;q|;5 zm9^Hw-B1laXwMRORB8tGeoKXzTN~;KZfFuU0ppeg@*T~qQItO$pAYaw^CuSE@au6F zbC*NKpQG5HJ%Jk)$aCjB6)rJ2h`+w8iS>?JENR{(dite2#bwE&y(b*utD7oy*HNWQ zTNdDG?R+Bf`Zq39_=nBnZ+OAmpD%e+%o<%*&=A`xut?)ATebBzMlNb4In52byq1>D5u?xHcH(^9sz;w&r_^2Rfy&FE8uiLk<2UsSQV4Gx`?#V?bM z>76@y*#o)gR8EmRn%d{NDs5t|Cv>gY@60gmYgubG>tGuEPjiR_@%(Z>XGOi>k6xj%=;cerg$B_(q@F*DG#o{iG?Tfx@cmu5ua)Vfb$wl3BfyMAyQB0gdEX6TPjroFi9oQmi$=yvQ=$&hvGz}jBt+xik zGA?*l>mGsgAanXp^cw$1(Rujg_`PvlsT7r#(GV@sAQI|1*O830jF6cmS!EO%eTx(o z%4i8`s8C8IQO~)K?4p5el9HsPAuZAG{{08f>-F6CIrll&=ktDFDIY7ifrYzRp`Ywr z_5{&fuk_p|zSZSr;8nJF@ejG#5!r0{~X7QHcQ7&pt50Z0GyR*trlP=DDS=JqU&EfMhkFYhIZ>~(MAuN^DJ z$^)}WYlN_Oe;o^_7F+T|ieu@Ja}7|MFFeax(m4M{4mtC;6UQIjih0N0n_-aIP=VgNboi(#c`frutD+y z&fTj|XJ1)GC(7O@O_ihYTY8!JPyJc3VTa(faq5Q!;zavVQ)Pyx3e&D8@jKbJa zL+FnAuOX-)nmjx)3Ex(l^2)R|#BjPXgzal3$E)vw`MP6d#O5ee*Ocd4Q%$+L%71Xg z#}kG``@yo?)$G8Z@x1fzC7e&UGa_$KTa<)OTS;c&$wfx6*5@BFTsVQ==uzaaL>m0j z=6OO-XAG`1odCr>&zO#cz~floL&CPqr;8Vec#yXqw!V<#$A2lIO&7wzZFg{s?QLnZSMGF#d2|0?0)oJTOt;}E?# z*apv~1;b720sP{-3G~kOvG8JK1sW_KO$2BTL{%i?fwlyC?4bc=0ZPDP> zDa>e6qL;oZ(IaEu60_fu0webaoHJI00_FWUy!jFY?oK2_H*V%z-WkwZX*(`)UyB_Y z*^56)df{c^Q(~#H0pF@@67Mdx19@|Is&sY+#vDz7K*MG-X1ymg-ZVuSfsZ!fd@(+i zJ56?N55raS?x2O#TT8ZFm39`T;bZ0fP@-=EZ?>v%!_R{u!DtKISTP>IY6OtBC)Z%U zk4xe1iEp4RHA2WDmx#39OA8%b2eM7^FeD622iuIPu*ap9$%RbEUp9HT>U1QU6%XS< zTkFJEI$VT)sywxQtVe%7KhNlYVI;m^j(EI32}d`Cv#fukAaD8=Fq<=vU;E??4`Y>K zh|hdz&=@Kb-4Mfz9|54hO$>f^Ds=3ia@hAq;J$9iB-u0GLf4s@ILBZB-Lp)U?~aZ^ z!Cg$}+%N5_Chw10rT=dYlrbPH4ez6vAur2)K3!B0a*;QL>f+4E*j&Rwf!_xIl+ zKd0n^nrx`}mcNi0-y8{pN6kU@A)8zrB|(*A8m^riO*-TZ_{-D9(7R+2 zkJGz{R~O|I*F`zt6FmSw+g-u?^5N(kKML!%oh+Qa@C>_lZWuS%xRU0Wzs7g({rJ-{ zk0JiEDi42a4B`5_SWT}i^_R;)jQ%Y8DYuYYuHFpVm)F5&?Z-Hy-VZOz3!H+1UR>kJ zNsO41k2M0H#y3TcpSci>Q77ziw(on^(Gr9DSwqlsVk6luF&GDH`s2`mWR|)q6ermU zxmuMUFs-N+JrAEI4@xsob*~~@Rql_Eym$)$D2w83zHHu8{_tZeKa7DLmUo-ojb* z>#~Ch;|;0za0fVJ_XV4agJEs&a=!7_MS#G6q8+gcn4qNx8?7esgR6Z(E>Y--*K1Lm z8TvvNX%U|l^%Xr!sv%47Je%47nl0F62Hwl}h~9jx5Z=SJU@;*AgICAlrdh`Hzr`zX z#8gG9yIKlXDfVDfLLsc4;Kq6!7c#f`Zg{PC9(tcuqo=kk;_-Eq%2yx57dvHfSCYWf z^3$QwhhtdnI-w};x{3{+946!^1qR);!MJ8lf+%7vCEZ2qpz(PtuI!wKX2E9Yuh}M& zS*OaUFW2LrMs?wbAB#x!w)HexQIKRPEu{2i8mP&{<1FExUqNFIZjQT;C%>1HK&x1M zxa}B`Y}kphHcPQ7I|7p|Z@}>XYRHsuXE1nCkLmW7c*Q;l)I0;kq$dVs%I?9?$tAFJ z!!T?)`%L`OXDKEu&qS{~w_xzQaJcMq9R93Oq_4B2FmC3(up%V1j73kn}*>AUHIn4NeaMUf^HhN7R-U}iE%mMXu0$=XX} zNQ1y^Fh1pga$|q6>UMcNw0|Kk9jHllzDtndK9ivNy|UGxQ={m=cd4W<$rYSzJ3+(k z392XjVIw<*UewhIV9*#z-UpgS9BKh1M~2E_5TAAa)K#KB=emW83IpKR>@uWB+x5f!?HRZ!#p(ERGJ)0}?*SIC}79=RV1Z&@W znC}(JgXvkEeRmRndnq1AG}#i_1_{{qOUTJj3dh$&I7aala1Zl@SZ2a2Rutl-qGXZu zt790Xd<1Xo5i+S?YIK3$k3wwitvMQt50V#G|$D6b>YHG-NG`Z0Z8Gj!G*fpmL;&6chW!=H{r8KFNr zZO|Q!uTGV((2Fws#V(e5ZSiJfMOEcby zXN}p#Lw|VVRvCM!zH=C3vM5hD@t%!p9EGnIRl>OSVa&qjFz*v)6*E?B14)$yY(&g$ z?B5&*AudlL%%K6B?BiIb-gx3zMZ>O>!d!o9_ePFI3j4Nu&3iaJ%#?;tpG8yrYjMo%bio0mLXTZ5ruTe~ zfOS?9R{XjR8dnB_lyNB2-j;^bQn&N?R|lcsTs+?pU_%>j2_DPO!BDLt@MhAMaH$G) zZZ|oHK6&t1w7u^tMxC^Uy_K&D8}qjFsH5L-XmBK^4ryW;CsWbby2^uZIK(?9CuY@@IlPV$`8T8ecpWb^{XWR`~s93 zG=MsBTfF)BFwLl#$@}`WXh8J?yrOM}*Y@5ZGJ^Mb!nsEfHFOXLo<3~#e#LI$rFDk9 zFBnCY3zxvk;)6I=2%5dNc&bz^`0NMMLhnXWaKx6b3Oi-B=CT&fZ)hetS8l*Mo4tHjL^eG4 zS7qz02NCxQ2HFD#vt7ZJa7%h5@A4`ak@$L{GkF=0%?ZS=LzDQ16sy9t;cEQGbURwt zdlzLN|AK-8lVP=t;1`?igkycO(RF4JPqCJ#w~{AJ6nl6dJTX9ohzu8 zn*udoQVpkto!-Qdu=5#^Ki8d)c2X$} z8qiOqhUFohmx=eTKj)j9sz^`w1>ET?%bWVsMRu-oX!CtD296ijgk1yZguIFTo82|? zi1lsikiMIWf zLaUN7yzJpNP#b*#!b@(Eg1aJ^J+L0a>0P|rGY1x_97O-gb6KB-0oPJIf!|eU0XC$< zk!ML{=|fGdk30uv(TA`t;s}xTm#2s2)R7KzUX=c6C_d8ub!l zJ?kihrVpi?HeVIkI|9Ep=`apGb&k(@Wk>U7ALswv$HAE;V`-Cc&{$H z;s?F!*#74#uDskXGH6{vS0&{zuis^))~uPi@4f{tyVZEDXE?p`ayE5dxQ_M(oyC?h z^0YL0HfUt0!mR(y*+wa2yeQ*~{}tathglK$uv}olnLosb9qw@Rzxm|gt>N6EH;cZ| z6GKN&3|-Q3fml44%98}Iqs&2JzIiv1FOIXM=|%>$|3AX_-XBT})E(Hc-Vk*4SHZSR zn%v}ZBRDSb2a*pk?#)h~moIQgMb>np{9c$5nE+3=C9!GI^$-v(DPT41`IH0t{Kh*_zff)2jwc45hLuYmL#4$C zI_AD3>t3x)cWVr!mXj@+mzxpM+;tm<7`=iC=~AMli1*}I-PU3~ywWD~G%-(bFNRV#+&6`=GCWqL_$E*eTC`P$C=Ny|6uUzzfjfgM;#}23ar5oxNp5Bwd-F1 z8{QwosB;pO{hmvY{wKJkT^&TvJZd0E_+}q}@;Dq*8bY^v8_-o64L;r(2&?W3jMq&Ap*BVi z8)qm|k1^TABFGvZJ2$}&2L(QFcq|L++<}!pyO92g6y9SXf;in zJ=og{hXq%dxBPtS{Ad9`DY+HZl9fb9PEmGh*mvBQau&ws%%Djb(a<1p(nj{}!RuDN z@bT6|SSH*Dy^Wqq#r;Qct>`JcyKOjn$xG6sn+)h{B?Y{?W(%Jc7mLH+&ZP@B9>eh0 zSvX;i0s3x>$05~YaE+P{O=UKGZM_Ulzu^OS676BJ@ZY#^5IRWBH&CbRJC1he`1P7D zZ+)I6_dEt6<@lfns*q7N4SyW$CYo`R=>GF_ za9*7h=38FJ*jo$^%RDCyGoATn2~SqtB26D%x&rkzCUjrF20a{=fj!F(;ljCFcQ70K){#mu^w>!pFnA2?D9wh4k5)sk{3CpRx(iQZC!U(Dk2j5t@Zyc>L_Ltf zjIJr@Z#anWwkRh$QjtV!qb=I_K4JZjLU8f=Wy}$7kx7DkviC{2z-}mluTH&KvQ8Z} zNA!dJts}@um}tCLGPCHCrOUm#K~{FV)%dy3$oR~Yup`clk6qgYo6?YI}VlI$dT?>Cw%Ob%pzi8BiuEoXtn zR#ld`WCFb%@Q@@38R`bbiCD8yj`ogd6S*pW!H(ZjbaYR#*fUd~o7H|qr?f_pJU^5# zcoPU6p@)g>jUCKC)fTb^SF&+sB)sf6gTwAl=DCrd$?JDXWKFIFUGM6Jdm?s0*TrID zUF^UIE+0+Wo{pi(r%Oc}!UgBhPYr%;%X07yR-s_l4r{E6*}ue@_t+B15 z(d*P$?3m-Ec*AiP_~8tK)=s>d_(v3IQIGlF_fe-h6Bk|xq7L7Gqn`f=e)LNY=|T^< z<7Z%Tnb6`cOeV1UP6PDkY8IF3imhu!4}o$qRFSa@kW#ju6un=lsh)SIZxhw5lAk_e_`2!-~T&y)>edc@9JtBlyloGx>?z)_l;Jc!8s;jy6pX zSPzT*$pL&GuBeKtLDNbqXjIf#QVJ%F-(2Z@1}EvW7|4@Z|y#63-MEPAIEF%g)N zHzHC+-Y06vVif>QwJA*3=mZ%tox{jKitu~VL|Eotiso@PG)?FXoGzb??XBv3h4yRq z@x3#A>KQ`i|NDm_ena7AnZU=9ZznSH18BJSaK5(N8N2Lau%_WIF6=y4FksyT`s&h2 zqAH_KALl*8ppD;I@!n!`Qf3xj_sxaK%qnbO{~1#cZ--;^-V!bA`Dpx2iEmuChbRj? z9}~jhp1wVqvU0!J=i)R`n&vaH(k3M~ptKNV?rBm(Cr9#Z|7d|};r=A>rET*`0fQb$K@>8&wPb}VH+T?;xg(EF`(KrY;cle1aVKlgC8a(v`5Ct2~hn&khponfGm-2^E|9i)o z1O>_{Nj3^BrPpLx6HR- z(7g%c_POE54i(%pLYfb_RDzcNM~G+qW!#37XkKVIPQN{rx9l6uryoAglIu^h`EC|; z^(-guZKB2&UP)yN_a|etvIj_YeZ(a*#t{p03xdbWU}4)jsxB60rl7|*XwT#xUYekJ zzz{w!O@iP5Vo}K#=mYCjTsG_ilUq#4j#Lv`KGy?Qv`Enr-%{~I{ZL+HJ&4w>JdPH> zE3jeSHvDYe2-p4#6J5Wb0B;Wsq;>|YaJg8Y%ilc%^?Bz|^S%;a*xvvamX4_9b5d}( zpMsvTDtz2KflaB;nD&3+WV&NB+w^!C^;3}NVGReNZ*2>dpDZ9IuUGJ&+Kn(V^(a%< zn8+%750Ye|Hp5`=^t3?_Bo${SEe|RGxm?tbvEd8q<(3co7wen+j9>Dn+&C2rDe#DwqvB%#gAR4Wo)+L6_~T{DjKaX1D(l| z=(uhQ`@Y8qJx&Yf$jOQ1ctfVhJZ~KC=S$GRgHY$(Ty`U1ZsCS|mvN-f^V}eRkLVtA zfpsemfpotqwu!cKM=<4P1MUH?(&CYS#W=Gg5yHDXAbHCnOe`5nx8MH+iRq9fZJL;jk;W56T2Q$~}Qw8X0{bnqLzf6Rrb+7gT7{aS3*z?>BSJ z*hJ4KOMyaSH12DVz$L#H(pU`_jB_!dPJ5EEO11=Kc>%bLdsg_$XDI!$e;($=Ccung zld0j-r#LY@gKgUx$}QuMgNCssbc-*tM%iF+IwEA$e;C0QOJlrmyA3-B*<=0dY2XoT zM~7cK9w~>`qf#mAvSEy;Z z6Pksytny1CUwilibCj9P<6We9{(=iI|5cRu`a@q_qd1)p+vA9y+rqH>Y7!n$2qBRQ z&)6_NiT*dY1J&gFz)9i}mcLP_F4ros%sCk!B+n7%HAd*WY&EPoI*{!ArABv@AEBCL z6J70T%q7Zik}yL%oY;O3x~fg_zFjv=_6dPc3D?OH-xm-urG|X2$R-iu5==T936YZL zaZaQJKMOxFr6)c0sCu-gZE0fRCNJ=T--(4Q$X}{mJIr?Jq{18U%P`-TE+i04dwNhiZN8?K3o#G__uesizBvP zz)Ti|ni+b`GUf-G+DP%M{s!F1Z8;{5dcvBO3rU-qHiVA4g26YvAn3CTJ-==#TsUh= zraPSk<2N#Vqv~?SI#yZ4MRs=#PDP5F!pK- zF-;fdhfX12eP|8*csQ76-E4#|i_bzwP>CLT7K3|cT%|hNglXS21fL%_aeJ@@{P}eQ zY);vrNBu~e^Ya=^u$@S48~{ta>tXYZdyuu{As(TP$fV*ScU2Wy8c(BP#W}co>0odi z^BU}H6vdnCgu99GWL&Mh9G?3O6}LW+WZ~-%;*F_8xyf{aS<5%knCf>{Q)8-O?~!%j ze#D*MeX!yGGkshqQI9UyJJ3CA26j}er>@KFL8@CB#w-iQ=XZC*cJWT}=MSxzF)<1i zqbK5#mWw!5q6AvQqDV>ITd|GAbNJzt%f5KrfP)3&scw=i|5&((9uRL854FlhqmmeK zXjy_q7MUWmL?g(Jbiwm<1Abp}2)m>PV*QGCSSaLJgY5M9*FcJ|+s06n@QHk5_bhIm zQ_or~o`@_At?ykj};0xbl_<_5C)6KfJ2SPaV{zIgO4qo)el8r%LKJZWGQq68!vVO&V~z4zDk9 zf#U%Y@UylEtolu%yTX7@eJQxcex^W0!WT&D5j>^0=kubeQt*AY8TAd&;^9p#P`A&C z__Pk@M&hqvZvPEVXn#OjtB2+HT|nJgmwwhch9TFkV)IQo?k#j)9cGo+t2l{6t!j5QMHiuI#2v0y(fT0#6!Bt-y*+>Sh)svpeqcMo6= z0yFR3vRKHdYsG6Dld;G6GB%b4VA`MxarU5O94Op-Xn&nSdn|KtdZw7Xy7Pz4FOI~h zwUMNIAMl?3cyXSvwk93SV$$ZO=#?!`XT7?Iv(KqQ%A=3u&88&Wbyw(7XAQ^v&2!*I zn*lig%7NJ1>X0-chy;oAL4PM>Tc{J5j~LD;1#g4FAHSnXQ5|k^&qUvKmC#_K%f1(w z(g5MkYRyJDxD$N^?>$x%*p1&n=Ycf0*{ICbMv3_8!_8tJy$WdXo6YCjUu04nqtWB$ zG59(*5q<|+@#}|%;nO}TzQNudZ|)gKtOS;bqv;FsIAk5H>s*Q*v+U8M*9Mn7T#5$Y zw+cMB9lYFn5iK3{Ty*BRrjS|7z=Pjp=<-TAflq#uy*l}lxwwCZnNp`|LFg>LcgQG; z&qKjS;6#~h?PSA1Bp%^*N7N%Rh~=*yMgylW1-q|5aI=pd7>&;%;ib;>_UpIA=z#*? zJ*$T-m(788p~n`mdm(#vNrA@NT0+VS1?uY5&#sw$Wfk+hxW6BVFCF=0=#Ff*dUFqW zofA04yC$M-z8_i$y)4H9?N+LXPq}^sl-DCPvAiRXU1#^!}5_-GYs|sDz-sjHK4CmsBOrgvDHwOxY zGuL2ZM|WQwihFgA;*g49obPas%b^(<=2l|x2`PF&?jUN*z91tSqOmfEk@>&0$)~&l z5Ixp}4=}NY^@|jE%Bc`6|G1A2&x-=F;H^HXJ(91Lli+RF4v0Uo7sP+%T=a8jWzYP- zv)e-cc(}_DnCV?d?6wy%-C0}6u=6Llmw~V@p0nidycdA)zR5H-ZYI1PE3mWPPNmi- z7U9lSlKfkj4*exnTd>mMEL_(QfZxAr$g`O;^tGBl*J{YbUb97H-5Vi~z3nC#AFo2G z?RVJEjA2mdrcEW99bjY}#jN0KM6pre^?dnD=6h=KN3ID_E^_BLtVhrQ!GkzLJxbs& zhp@$~!?}WvB5FI0;*~FV!H=_EtbYG={^<8iJbv{x(bGREPBah48>VUCku-@q3-j_c zuRh}G=8v^+1_0Zv3vP$y3MaHgk^NU)P&HW||4x;svZ%~g&uc+4iTR$%cMJl8@m{0n#)?T84dCwg&qAg?{Ev zH6krBkgDXGV(j~$@TfBbuYZ{dF6G(cU2fH=H>@4z+_($d9_X?MiVN_->_KpUf-^q! zYsRP_ZeSl41X7V1pgGBa?mXQNA^GQ+R?}!MR?36ra|AD=OcD{obYQ;V9tPIWhl!_$ z@wYAZu)Qz{FZ)n-JxL85lqSN`-SdP#nm$oTtigYFi>RArDoTgVh1R$N2#e`sXRf%= zl)wV@*ORx=8*_{FJhZbyj;3%&6eLty{egi89wt#4_;O&|6QsAfEVw)ZfKyUT4?3DBe zmg+Q`Pt^Q}uP$z8o6O3=f}ZCaCJf*KZ=XS>z^PcWkmGF@NS?w@IFWT0kBkw{uYr+0}74xgFvHBF2w>V?Ow17%$ohP>Ugo7?QjfRCamQKn@y@Edn(^D54Srn?^ed(1I3lbi(-#DwRSO{5SJz%riLid$Cp;F--Kcy(kN zN!ObOgK`Y%<}v1c=J0*kXD>l*Gkl;VLmyK^bimqXJb(Bnm;FBM%ZEt(LjUWxLOfmU0e3I6 zB`%Xj0UCdRqaZ^QCf&k&kPPoq6RjTaCh%aiCqxt^qwRl=@UHp_4oF(S`;KN>?Wp>O z6?Ysl{;3VF^M8ms>(zOu`)$H*n`8*!Ood$~kT!Dr?K&;gBjK>tuvFrxMUH zD3s=XQ>HydC1m^KC{#=LhkM#OX!gpDJ8K)GUgSZ7FDLWCR8UU52w_v52jiRL{g8Tt z(8}A&^zWsSZ2vJs>SX!=dZjZ(Z(scR?$i3!WT4jTSrpvMzrS4BD>28@*KNjkb^l}BC} zJMRS9QE?kaeXNJOE634ADmHwO|3n(N^%Aj*o6c1xX+mo1RCdMP65<4w*y$yz;IVHI zkI79X8a+a6d(vX$Ekgb;e*u@iBgd!sI?(ma2XVT02!H=d8J}Ibjf)-h__bO8aPq>V zJnW*tk@4artH2bmXhd?&J-^7++ApM2@Tz&8)8lcQuEO?nbSr#qTfd98)khdTVz^*R=0dlEh^+l-4{mkRmjP*_m0hH4bZ(!KKx z>Hb-tVRp4Dog^tq?G|WSMvo{UD)@%|O!)!vUc>p=RUNQF^DivX+lFt)jbQZ+nQYlU zBVPRMATT{b)o;eaWUoqAv`h-S43^@X;K|&hVkKF1HWvnMy@uPy7=!tTH1W+dhtN-7 zaF!On1Yg^6kTx^~u7-tUbMOSJGT}OjS%l==`94?|GlaK}V^~tWk*yp#fqeb0Kyy?^ zLSS?V>lr?tYCTOw`$@;h&CgR=yks2)In^@T>YdcEZ8oL{9b`()ku1cRVb}mo>R*_H zhfP0{cRt_jmg& zx!vxCqrZR0dsF;jNtZ4viTWVc!jmR!Q{vfiVoRk^UkG@u4PDt)qVYHD;DE{tGHq=H z8F_g(*>dIzh_$8{B;QbmlC;y{o}y1Pn^nnZg;%0;&71JZoFni%eIS>Q>KD5oRHl*p z&w|&fsnDB}A>^D!(5!F4?B+!c8kdm?2amSl)(pGqvV^k0Va&#FMmnycjH{##fS z90~GI3HDyU2(x_Jpw{a$Smzuk-v=DVZ2PegU3{2X7fJC8h6hM=peK8xD$7IMOsV>E zFK+LbfO8DZ`IEy5;_B<_m}UMAPba5{+U|D1h19b`u4MwFHRhnE_yFgZ3tVNJ5*V~o zooq~LVP6BaaPPtMuycDW>aT4_Ke33u@)WbzH97F=p5QM3{uGl|^s`SsyDV!DpA`*~ zu!E$6N+_s20T2EffqdY0*kKVtUKxqF)f7GIan2GxthL7(Yt`XRb{HDvoq?>c$V~tF zqxVWx9_ghiILUP(gRSvh9&hiv7 z=&yw_maW9#(Nz8~$w9QO?gjLmiG-HrQFQR-E~_FqNOtgVVJw^7^~`yb3qu0&VcGV=A%1#U8;3m*>2$5or0P`7+1URj|9#e*`jYapfL=Pu%( zavI^$k+tBic@n-~4S`+5Oz7v8U+~kP6k^imBxCM<6{y>x#c=;+9=@0Ri7LyiA+l}@pR`+3 z;LON!wGBRav353fC+9#({Q|3^woH6JmTwI`1IlYwgX`Z~7^lv#Yp4_0N857K z5AAr#K~c!LT!tq?=P6+OAe3HPhMta*B*OeTk^J|DbPjw%;!?|S)kB zp8bQ(){BLzcr%g4!#XH;_vDLp2>YGfgp0@TrCJ~I$h)KOt+dw<<1ORYVV09{*0G>i z|F{HQXfXT}IL5Sb2xLh-Mfb2o@YPw3sf#S=6aST{-;u#e?YP}(4T=|OVfHV1 zK08Jme{6aS1s-Z}uH*sf7WOcofxGdNemiS?AB5MldtlRWAqVt(G?(+LvZ`JGi`D#m z$L3A(SRf00xha zfI;jr@Ox%K@AjF(hI0=|U;F@?eTATS>mM*a|D9alxgUdF=23|~#R89Y7JKwuc#ekX zV9m?3@L4eim87Q#^Oag`iW%r#rXl7c%}a~c=TyAUz+`ggnqh8 zHcgpMkHxjZqMz9?_e?mL<(UysZzLnlr?AmhLchYML?rXp3YPzn;S!;NEUoGU`lSmD z7uBQiC+!i|^i1VxQq$0HkqY-T2<5&@KEf|4DQ=#SfKq7LP>*F{>Zdc&$H-ztJ?r z?%h#j_IF>g{>2{9H+2}E?Id#T!h`UB>G zk?kF{30%lN#wc@3N8v27FrLwl`9ycT5)Jg|Was0)V%qCUGOFqlX8e%m^5Ykfmog2| zC03-}e_i;Kb_v|Oy&G2g)sq(Ec;P)Rm|j@910RKP&|Y0e25kwqitczxmR-sxpC=eF z9}hJSF;BqSB&E=P!cZ!*m4aexd64aNhm*>i@&3#LvTKAfXp0OmBrCjd;ff-R&2@za zEx>qr4{?sgb7D}u0(w_2#b>Y7FwLkK%@z!%dIrBp(AIKhxA-F7KhTCJA2wsc$XZfm zm&@9fT)+$}v15f9s!F_On}1(MLv0O!Gm% z;u8aAvGLO;f_RV;>HXG$`28JuqwpGf{4MybEo!jA!IKZG@5dRphKR;j7Q)0&9iZ2I zi}*Ilh#d#Y(2(crg>J4U{EUnv&BM+4(ijo$&b$qe7FfWkjDt92yDpPy3N)X|UWmAV!sz=bS6@&PgUu_tWsX+6xj^WFaRLuQ$0cVfYCMyP9 zWDC7zA*85TB>$(M+_gna$nFI3jt^v4TOOERdX7y$ccbI|?`+EHo%msI9<(Cmcd8m$ z#flBIa$-8RUi}9-^>Nf#_Y-;lI*Pfu7KyVSO7N=s2yyeARAQTW2yVtTk_Clj#98tP zJLX)93PIKd|9&ZO*OEJAN#s}>_h5wJyz@h9Hh|XrO-98w7YJw+xWa*IY=ZF0GzoT04$|l~szM;$CGLpVf1q&yu@+BKP+1qsmuyvU-2~11GyZ$A(LRl8O z_5Q)%$T;X3)r%AFABSsd^5CBt1TzN?fPw4EM9p*KsDDrsd+~1~TDE3D_7p{~{8q$9 z1r326AC&ks_YI=XIcL$?Y5=v*sU$1=53t{vLrA`A|=>LIWcv4dLIu%*3Gainw4;FmAdjIHwLGHh3<_cQ=HN$3AC~ z&c|asQ*${<&1wX=upi`f>RH>1B)I-lov*uNOZQ%XMDnJc$5_>K5M`#wKP;%ku5TW6 zSA{uU_%0OM?2h5E{kh`Az%l%{*DA6*^9Ae;dxFUq)j%t5Gq8o{A>DK<3>*HCt=q8y z^Ttc@`|@Lnr@%m#y8Da$Gp&T)<@wMeQGzqvL+G1Y3%+}d@cup+1f2!_5ax1+Rq8g7 zGv@hF=2ga~w%E`$rop^v{aDCtm**vEDtwp63|RT?6znue2m3WsVP?#6cHsOAHn(RL zWd9yW+~y!2S*J+1EcYn1_;U?|8?VFAFY5G%`cc72QY6f&mWnfLui%#zm&uYYZBE7m zp4|8r?kgm~$H~DM*6@$r*N(6n9navOPIKYLk7prZ@_xZ@at%C! zM1H*lWbMy|ofTr@Q*nyTx)P5^s&A3kMK|%Yvkq?9-vNtvxnX%#Fj%a9Mza5H!M>5V z@M^>YzQfWUH+yUIM}Knola|M7(3_;ku%68||^sp&ne%3f!5uY2u>Fb!_4^5$`Se3AVDbv|1*fv~>&n zsOb!5J5nDsJ~hH)gHXI0V8S))PB1OYS#;X-Z`gDE0_13{rWND@yAK|sR7jb!B6%{U>biEJlT&U zVxXa3m_L^|fnRP4#vaNhOQY}OhhBRe9x(xoHaSC^Zxasln1j=&oMn5TRl;ohrI5e% zF&t`BqooPbWP-0Mtaz@4M;|Csk<>$U4LQT+(o|3pIM6+{cST((_gLwn6m%44gV(It z%x&}-$oOysqJ(>)fF~lp;Pr59s_}&b%cLRxqc&I$Z^w)0Lg2f~308FfG<=Nth+Nqb zmIv;D=BNr(2o`t=BbITC>Z{~vzcbr&Zy=YMu!q*{O@Pi4N2pC&jMx81(Rn!J_`PAg z($vtRA!!;370vhD2kkL}3>wVIXG7=@y$P!no3OI;H>8DaCOShV!@G`D(Y303 zsGoP5ZQ7#GKd#OuW1Cm8&AOeyCdk9a8$)ohN+YpS+{tuyo`OIohf}jw;#6YHx9G{? zhYc1ay3E^QN7{WDFmjWyyPpJl`%=K@{&pcB6e0R^_#5h9|3g-NIZ3Vu=+J^&NwlCR z1D#8%psmIdwq16GYfFsj-*g!&vGpC%p1&OLRo#XcdK3A9O$E%|#)gn_3N*`U2eW>A z0_^Q;+3CnsvTsu__E=gnDT!rpVp$|;KDXir1doZSoxJ$ppCMw!m!EL|-hT8^F#&P@ z2{Z`5gXJe}aowfoWL>Kc-yw7ne=Io0-bIffz0XF#yjKMQGc0JkHBJT zDTZw-n%I6kk40LHWFvwui)+5B(4wAQIIO=Lrxi@3gI}KmtsN-x*dz^=-$zop@5ebo}CE($Ff0 zyZujKd)y(6p7;W@LWj_);U;kDsuB-dA`o2nI>RA@JT}S95hX@B0<Pa( zM+V-9A7{%NKd|NRyvdTIYhm^LY&`S za}e0TkHkaNCgAHjM@%hN!;!J?n33ySGBV8_=cOy-_s$5sdb}8VzqOG^l}DKIv7eB8 zNtr%=Hl8N5l%Vm)7Us929Cm5kBuf@3V&}vs^^#f-Wey@6y|~+^7kP3-eIEDY=-}=?1@ChC898S5XR$LQd!xn5%7iSF#gt#P0n%8(;)Y>Gt z6}=CDc%}+3J@EoJ+1tSqT|s+Vnu`Ns0cJdFVl!lY`G_sw$bZ?UFR#N`|0^K7e+xu@_vF)bC|?n94cp4~_|6;45M68Gq>eq# zI+YEZ@VWS^p)+4+9>)rw9%e23E6AQLA<+9VNN|(IvCz7t=mMX3Yj74nQZ# z6W}IzcJ{A4jvu)t4!3!RGQn4IbiXXTejQ6X-)@0p4e>N!;R8~;yApO3-eTX9&8g|z zX7<$lF5cUDkHwBXLy8w&XSVxhQnf}6$RBkF@5xTYw)OK_S=lU@x9k>iwT{5DXJQ=G zx{b+12rPh@$LQ8L1pSR2xTnK=rn%=Bj@MKrSJro-`FMFgszejMJY7M5+HM2yZXc%N z^A}g`cP4L$kXbF&#!8nToP$}ZS4hr^t5Gk#gC zA5^EcVZ+oGGD1g^&KB<8HxJvR^;&aUyZAM{POv~rXIGx|Q^-*C$Z=zn735=5CGYfj zLM+aflI=U<@LuN_{Lga>GumB6!uosQIx&Ji(?l>RGy$JCHz4eN9_h9*s=m~}fomok zts;jPgIRFte<)uNiW}{9K-4-EWHsX8hmeF+$BUQzX#Gj<1O*<(Arm^);w3CFb%v&j1duQ|#|C_#CHR%q z*>(vP9I-)-hh8znfPiY8_V6%VsGdyz8@?I>gdTG1zY^H7dH_~A2a6V+RDy!!7vgE^ zS82k7%>V;C&hXRaK)GmcE5MKU2xD zDG?~jt0p>E=b*9CX}tQ_7!^9(aPq_vFnK{Kgavkk+qb9W7Ty;J{TNP92H6r`Rmu80 z#(?>zZB#yDGF$1r7(L@tVZm&Hm$7oY*w(?6t<5sP__QpxG;fgT+7 zN)4{_=_V^2m_QCW=8(q~y?D56oZu)`2hreIC|MlJwN>Dt z^#wpL_Pj@7exYj~+x1GnwnNH!+9X+JD%>l2; zB`~+~!v1!YI)8aij*ENuiJr47BF71-P`btrZhSG|vwllsNzyG6aQKZVt7bYr&|iuM zuaw{=mgBCPl^8XsSX@{maAY?fCdK)k*c?Eq;>L5JKmHP^Om+~;h7lZoL z61J~T;08=A7JWQE0^Ood!M9FrdLSVTH`;jOgP;zwNJWQ5I?Ti?@@cSQa{*e*hoZc6r>!` zfS`$K_@&MO7jHQVc5!0_E{YjeNq#1GQsl`Ts~k+5EWu*BXOoHD<~ZW9EFC#>1i$ZP z%m;2Ofc69bq0`?J;Bjdi?z?CX{oYs6=A4ySCUGQx5wQ`LR(nHIq%8NzDY8GCR=^fG ze8CUpOW?0hwAj0#8uU`?$fCz7L~2Jy^}keACf@50_Da9m&y#al&(BHJwD%^)EEV48 zlR*5muL@Q;)}ur5Bz{Wv4ekwW7yLOV$;YC{Fp=#cHmzr1H8lsN!HsyiU^rZRZcGn$ zCBZ#~Iv6-zmu>j<9;cstE?TlEf=GPY#v6yr^5+J3P`;+D`ie^^zxQ7ZZ`jcdr!4HL zcDx}z%iO@GZm~e4#f5Mv85aswt!* z-40v%N09gY%?>IGe3o|>5Ockb{C;JC1;Lk5{qA3|XiA4I9Y=6&z;n;w~Ayu~-Gi{xhag1>MB?+7c2gF!yeS zWy3VR&DhfN(;@cE06yhs32w5|rinRmP@a#9|0S?H#%Wf$>5Eu^ekRja%$W?w5Uzp{w@dch`HkI3g9MxOAdYMH|z;BMZfIzO$1X%Ebz4 zvUGTb0j}S*5T+XpA)R;3#1hLE*ypsTk*CX3u|v3zbj;Bfk_5LMuGnkPPs-D&@1Gku zVWtbrj?Kqws~l+_AIKg$MPup>HITRxM|>XMCrT;p7_;g&%ywFc-xp2hpU#G|zqeap z$d8Bcp&$`-eMRK%?G@a7T^gRbeu&N0cO_f<7`PRLLu*ksQ@!|zwLP_FS5B9*p_Z3% z@{)h#?8Rz4`!osz7HK&w3!VjIS`K1G)DB3w_YTM3(c!iwzghpYLZR0j3GWguVCJe; z^!sf8p2=se#8SyDIKz?7$aUqVcw6G@GCox8@)4z#B({={ADkWGL@(Kav7*? z)=m}=Y{lvNb5PU04TkOh4y76XOmos{7_g=gmS#<-;n$CnB`KeXMZG@^6P$oArWo-e zb7gKd^*F2<7z3lv%^*chlKch@1bS>4zcq!yQ#}XJf9i-~HBF#5P=jBKY(Sg%Pl7ul z8>=-I(lxL5LCWwtHey!=?C84=V~h@vD}{Yz-1E`QQ)W1qKGn}Ern%9$rf0~8bulTg zRnSs-7$&xDBBOSu;ml@NzPYHMJRMzv=okkbqq8rbO_HIv4(X%WR$~b7tY9rE_r(`> z68Lg@2dmE267m|y$ckyN@%N{R)a%o3P?L_pO55pBydq4z%qJQmx9!F!TeRqk_XTX- zt_@hC&%Nu9RGgboE z<3@aYUOjY8km4Ev{@^|F3Ro^z;vY=Tf?3B;W><2F^gj8Bc9r>}qZOCY^Q9xzIlvhi z#>w<*Mbw|5#I17rncJtk*fhEd=ef*BkGc8q({Mk2-H{0UUL-sCRV{~@b!Q>&&&NfJZEIz5fLSw~`(;3H zI8PBLPt7J~{<@Gpq7Ik*X8`jzWI?`g*ZDH7n<&U$#*c0F@Mn)AO0ar-qu@dJzKH^N zMIA`IJcR!>9YHs(v_!21KFm|=Hb(UBCw3lzU%wETdSlASGoV<5ETd>AUv?pP<;JJ8?mw6B5uV@#=pTESEKcu0q zFmqJhGK*%+m!>Te4S40Z2OW_yiZ8Wp!V^P(lb=5)@->-4f2YV3wFb^a#Vd=sdH6ZJ zEBy`^q>iA+B}183jy~4kGUQk8?gInsQy6|bh%4_C=Ju(3FvV#ZPA18a{#b)QJoyu5 zz0;;E>m_+vn+wl6d;!(>u7J4X&4;sLFyDMGlp9x})bzz<#QirMBK;5PFPB-8uwHEb4&!%Jj-BVgFa_&%UPWun6S~kZ3gvRd)80eIgxLn9;`0IJ;AifI;--AS>*$y94Fw zKVbTP73w$4nXKBh2!FjF%Ey)%^N3r~B<#&5(bT9!Sd)|hr8;Ba(1EM0;PWqX>Anhm zcF+b~lJ0|Z$X>X<;FIY7rE8+&?+0?7HG`>VyArQactSCTM9d#NpC3!d$q2mK;zcxg(m4o#F_1c|9j;x^5%=0n z6(9N@C9X}n0ec+sQK4ic>$*9b%GKz8yH8YFb5|_!DFUk=y=6DfThI&* zE#5b=QtX?$2GiD>LeTzSuz0~h>NNW^8Z7wDI7t={^!|p8w)S|gtrvqt$DrE%B+Snf z*t2yC+(^j%Jc+!CgExeu`hrMYWHubn+dPN6Z&irq^>y?@@DqW-5|34nQ{kS>m5ax- z$5HpW_t`~nEjlq*aH!>;2ETbnQNn#M&WzM@Son4@o%Ht$%;=m!$2jj6T~o~=@&fbO z(Z~<+@N&Vsagd$6-i7-Wu3~1AkTucCgy$0viApuj9}?+5pxKy3VS0yU=C2Lq&H0$8x>Ic$o*TboGU_9J7;S4k8 zt;b*~PZlb##KSN3RL|DTfNdYIi9#zZsNbV>;`uoRvIYl(+)OR{!N!}?OmqhVp5jVpyG<3GeEy!#7Vu#236eVSBF$uc^<3#1>_~=f9;?_G=H8 zjhO?vTC<^Pn^T^ikco(U~znpFbPBYmymA3Y>B$!JT#Q zDJviU5SJyp(qnld2>Yl+zNrb+Y9*Oljp558ioRLu@#Ya<*2H zD}R{7{fQizw?pu>HmYzxCdNf~j=>ra4|JwR=ya-v{VB_Zd}sb;;yYvFsHAV6#eif3rn^_?&m+O<&Zg@C%qHSzW#y+uC}!Hz;)Km)0w7# zp|0Ih4L9fb)1BMA_@w?Z{KywmZZ&o=-JIkHHeZrSh;bn!+9jYgVTCp&RDfF z6K?q4Bd2^+MB}29v1@4~w0@~3Y76VZ$GC zxKi9TEe;yDkqohH8I#~cr8 z@l}$FXculT-h#IWwm^M#J+XHTW@9(yVbht}q^d}f^m$I?+sC-mq>Mh4S~Qhsocw~< zI|k6!J>K};BTqb6m^m*9(Zj)z@wWkDv;440^;o zohjd8ehe3mtH6)%kE52pBMlgR1Xll>LfvP5XNM}kG2f!k_}sFE*_J8ue<4rdy0#Ql zxXNPxqEqBuhAp4Q0rb?2lcEQgALH96lf{vaej>%S3vqYG3Rq$24|W#u zAeCm!tA70^8(#{!6!8;>%5^t!he9lb>0Ds;9l3CO#US!jcpoY6j$uEiT36p0tRuLa zc7j{0(A76s2x0pM@gJcw&~&^GP9NHZjwRt(IP(>}*>jCd5S8Nlt;$qG=yiM3i_lkM zNw+8Lg>u=CVw0N}i26Sh@wduk$iEQ-$Gv95y8R6}>_H68G1tI+@n5p{@<{kSNuTVw zfUHilwR&;TFnWGQ5FBowz+`u(L6N#DC)2u(s*noyK7qfIB7vk!45hAUR!XN)5 zO!iGC)=m{Vk|Rda*LVIxN}?t?dEZNP*-nK{*O1$v-aNafWFZ(pz zgr;1sh3eUtF{vjJzx_6WkK4R3wL*#K+PTp7J5R8F^E5C?o6U=UJSA;!Gg)Z(WbUb!Pf_Dgv@7+f&dBH$^I%&~J zAzgTdd`R7eUk*1DQT%Wa3vb7-SvjC)FcT~Kwi8RK8dy1K3)UFqiG~-%kd6C<`QuwF z@b@pkODXfALssa)P0YlAB_+^rss|TRD7Gp2LiLG7BxGI&6KEL+u1oXC<&<_oF$>NnIXnt%QR~glh)&f_v z+rEk{cg<#@TV+93)m~IEe3iI5P~O4j&Ti=0lf|0xAY7Eb1?P`x;*i{vc>l1fkfkh! z#85T9HTD2(tV?1=pQOYqcdlWOn2zR|hd{$rf%iFmVYMs5xkl?SyqK(DwV=C<1K7jk(t;FuyL}t2V9UBSP#nqobVde)p&|W$eJ=)ahMQcMeX}nGf zM1NSLp*1a9V$ZG5Ud1^ApU7iW6-J&nr7zQ;APg3GpjlR;-}b6Byly1O`k3%RO=)0o z`x*IhBMH6HTp^MM#i-xd6DrR>Y{ZgiL?%MJQ=!|jIUsC;$_W~6v=SNRA$ zxJ;g=t(2zLAyOdoz=+oitgwLM2bd*k!o#NaLW|O4c7tERL3z(XDP;=VIJW?+W{NP{ zv_L%8Qj1R27sI5`Qj&7+HLUkGXJ@y?!`^atybW!n1 zhZ*9M*a=WL{|NiN(t;LGHs>v}y-dTlSKu`5#5Jcz!<0pXdCEFJI$=pHM*c}g{q(EE zEVu~kDvy$pBU|81%1Jh7bOSk^wT!eD0~|AYO#Wt`6G`e1W7^hr$xUwVj*iw_G~Bolc1{TW*l=Z1Y(_d`c)J`9%-_^}JF;=ij>TvpWt^iw;aZ_;(t zUmXLz(fde^tGigVQIne8IEpC)sz5bQ#I+9_(ajHE!G8M}?8A#eD5GV;U0F74KX@8L zuL8|6qF~)7aB+qT+2O1`p!G*2JP$ecAB*M_U8jLhcq9CJ>555xCqb;@h!Y;gV05no z&3P0^9VYvti^6@jtMx3TKXHYBscGa)$OtqHNyl;F5_Cp*a`k6Zb$+pJ0?W+)%R*AS zQ02n|l&tP&RiA4hw6lu%_m@KNuVg6HDRRj8CrPtzT*KU`eGqj*8~(LCgrQ$GS;|vy zh#$Nf5~n4g(I*G?V22;?u#=_1OTM#|@jm>la29h{bz<+=4@4QWdL}ns1s{@U=(PSi znC9f8vE0=81)hN!yA%X+9a~HNIh4HKRe4(?9f@$pqu|)nsJbfvZ z#U{LAX5=vp`lCiWhBmMcvCx}qH73hELPaHf7~Q6k#C=BkQmt39kF0%SmQ%Eza_;Cu3BkFjKmVnEPdMqw8nzk;G!~yLv%n zOeUgXk^z1kQr!YfgD`Y7)(Si^;w0h`4dBZkrg>LZm zORd&;{0Mpt(=qc{kFdX(jOQv2!E?DX^k2!rWT6Wl-JSrOG%c{sI)gMON6?dk_v43N zGgR)g!9JZj+*)LT^LNMzyy!7Jq|=gC_l<)conJ8icM=qaY~l-8FFPjhZfDpaf$i6| z>1t1Nn6TOt=05(4*6#`XdbWcYk)a^tnaLD2USgrMDSX~9CP$PiMdBqw_u`#CT4fyp zmou@L{kRoEKDqFyxKQ!Uxr6Yku{7$mEvJXKKXCZfU<-?De&MD*L%8`t=yls2cKCPT zD$M>g6&>66QNveZX!XO2d23q1I@k%)G@7Vwivr=;#tQAi;XQsuWz7bZ4;)2Z3>El| zz^_6+Y7k8lywSaR*;uRKi0ZKm!PR9vH|%{2e;@7v{ojwFFI*KD+J0j@HdVoYA~igB zI2ppu4kYF$Qpr-~{dgp}4&A%jVZlmSTDvw8#!T#ly0#IRG3`ABO8@*w675@G;Hk?R zbbVXT{;mFopEW*VXa0J4R6BxqIEWx;RUp`Wu;gl8<#6hw0(U8%P9_ZYhOG-IwtlL{ zj@~RtIc&&-%VV(CWft!WOe9aX7n8wbeVA$R7<9XK9i3(Gz!+-_ZfO~czD~mV*#u!u z+i!u#)`UARWW$foYao03MbZ8%?)3Cpe<&{<0f`kqG4#P=ns%z11ng-e6JGU@p7qht z^wEP1%)0}-vR^>T)#u=vRmNgqExP2~2U+{mY-jgf(PM#?X&7Y0-K}%csxBVqAM``| z@fx1`;s{Ea-58~M1Tr7oCb~D(@cAu0YQ3h@VN6~ewr!9lQhL2`w_yOCA>BjP@83zQ zK8&YM7SB-b#PsTr_q$Kfpcu5o%NBsv^lPegLx+i*;+$Q?r`jBmWkO{Mse86Xr zFWhhS0*N!uOt8`Lp$)Vl`wy79f9j_#9@kdm8fv? zfAIajF+MX_!x{eeD5bVca3E0heewbGT(4sJm;I#w)>X3G?l4&1e#PQdj$vfjKa`kR zg=D5W%(XSevui(r)-)~BZ004nHhw@`?+^yNy$T zf{YxLYBJ(7F%huL*bVmjw!;D8T)I=DhP^ORfm2H9!v22=-R_?NM=J|(y|)Gw=U&A2 z{f~)DZZ4#ESL3M~M;@o3N7GkI()Pz4Wc_3fe(;Ymtywk}->lcH4m+Fz>V9V(oGyG} zyBhD4SC1TFt<7Hu>70jI<5yIB`3SkM=+$Iq*#_Q{eIHxwkD=Rr+Oj1>@$nNaq~(x>j>rQA2sRWO#-)gw-K0H+=1}*cS(xWEi{w$Mjx3R+}pkjE)BZ{S+6MO zyp^D-L*BA6mOJ^X6Xdv z^k3lQ197-O*cGHsX(8^PDjie=XX9ywc62-R4}J4aiB3q}W_#S;!4#hgcvP7JrXIri zDS9V1h|`gGwF|t8TVzOo1X%kBY^lpzh}w!-u)1v_Nm9)QS>JCkeX%A~PkaXVZyWFn z->blTPd56TyC*PqO2msK`=DlS6q~`bZzPDxscC_;`mc zOf1E>&Qf&jnL@NYK8zpH@`A7&glmnDnA%V;e$iQvyf~^SHaaPfCh~cxbmcW}y*(3^ z&HO=~Itu>V7jU!X1+ysaXTdWci0|J0BxIS?Xwax3{LJgwWL3^!wD70{-@sIcr!KB6)b!c^F9f1Dqs37p-aw zV8c``j9!jJ_1JrOeAkG7IhIP}D^_EA`2!+1r!(^HJI=amtgOu37pH|K+oNjT)pIgaM1Q{mapU??}(kAEh|fm(|^b5#=Z z64fJU@`D64h}|Q;@P}aYPg{&AT}7PUDZ;GmUF=s@A&AUI3H!mt)M|hhY5y94L4Ii% z;Wr;%ZmeL+!>)nZG+}emybs2D7~pB&&!BCkLRR0ba){3L@39lQO)S+Q8kdlA<}*M~P@u23*=cg-3X-M(3SMm_Qct*w2H+ z^$WaUsG>1hm=ewU>K*C8_fjym$%uv@q5@-MGRn`t0ViIiLiqDw=&V!}d?R6?)RRTb zF2_TZ^h%x*9wYYKxs(sTqfMXJ_6lyyVq%^4O>AJEf=dPs!sFQ=VN^jT`}?gCvdb3I zjwo+@yYB=(7np2=BuW9h_FzSkK4xCb#-H)w;8|b_gBynNfs!7mV37o&FWbTPnLRz3 zF^#4NWCD&mj6JEw^r=A>`#HvheyW%O50y-X{+_4UEyo-jTM8lc>I*QEtb-HU$*?#! z06%W@08yq5mzYur!3II-Dfb%B9QCK41QuR{Te>)7pBr{Os)6SDE7`;?Qnaf(2Tvs( zB9}VPIP?WLLbGlGGxzTi?r4GVX_K&~j`|9eCVwQj^!+AQbR-Ke8$V=b8WJ?6OW=^JE~Hb(*D|$2Yk^VZz;pa(!VP6f z&OfS?$xHIE{Cq0juPVmwsR?X$yB6OwelcpF7{-(>m1&`s5q!Te1PrZHc);m6cBj4^ zUVh8Rt&6s>^L2_~wMrIZwm*Y)I$7ka)un3n?r5-{%^<{dBh)1dyHjO>({6nRUuI81 z=el2FyLWeC*a}6uAXNq4S3M>9nI=#*^D>B3!l_Se0sfvlTcncO1@H2-(EDyLN?45~ z<|#?&6FL!HKfMOMThijvroT9Mau8~)&H}|RiP-q&D{d4E&QOy)7&a*$G$!0-^Im+w zkEL$Vpr_6kx{jyefd|?3dqThA;1i}@S%Ht|ZG`hqjjtPa8`9 zz0%_5s!i79-@RbMhS zODRx&w-r^_PvJ`ce|K;+0xIfh6%m9ydRkG zc>uT%k>=-nbTN384{E_1`*-}8c!Xy+3m@Qs?{+D3-OXyK>$Qw-zVsfa>{;dTCq4>3 zPy9sm@)j`FM~6tHQ6@atcunX*w?brtB8?h$5r53jg?AN8ps(Hv0#_D*VsJlc`;tMH z7e(RjJ$JET;BXlKrb2XIc*oopGU8!l1ZQW_C2Yv{CDR&~g6z8!L@P)Omvk*8DoT|| zY&xJNpaFc=jluOr2g$mgZ@76{GSue?EL+*X5PHi3P0qe2b`!6`pe^k}fAk{0-!dGO z?*zf*19#!?=vgd#Oe9Uu3uJSo^I)E{Dr{AZB|o9G_B&8$j`y% z^;Z1%fq|&8OoRScTMbYD>O%a>6FA+t8GeNxgIh)Sh4bi6ICcL&xVT~|i~k;pqToZY z%wsncTHS*OzWMkec{aDcS;DK*Vw@R-;)i1f(7fE+P(0F>%9?2NEoq;LT~Hdv z#m$7=!Oi%jiYONG8R?pf0DjnT{^CR z20WgTg0ll|kqzsjFfQsYu4IxM%qi#;FIBjHt`2JEe z{Ox`)wI%g14eybexd|54xA9P;AgGCJ+C zE^Mp%3lhot^pD|Fls)(l>)v!>R(l4tR#nn7Isy~Pc`_~DFao;m=HG!*(C2gVOlZ@;P1IUDj$6l- ziJt`BW(Us~Q&pouyg5-|{%Qwfn&kl6py~j-@HaX2SC5B-9ZF8G$E+N6+PCV@+Jr1{8lIWVOJvV_!&blN`GL=OCq@S$r-rs%3hL`H-m^K=!tX|`C#Q? zNxrW~V22B?WUEIO^!(y3*d%nL6P6ywtt*Ww#u{;p(t|uRwvElrk%x2f?mTpnspw~( zJl~r(na=f1CL{OQbEm}9e4T#)pAlk;kHEO^cHdA*to8)sDkic7V4lXeEH_Ae$MvTj3WVFJ7L zML0kE%%)@X4e9NY7cfgoj(;@_!-apB5}ouj)N=P8UhkL&UcP5Y$On~+@nSquEq3g=HlBlGwv1-C3h1TUU2!*|+G#Wql?2W?gR^(5)3h@Q1L5GtdRV>N1WmU$!LPM3;>^iU z@WjJosC_R5LJwHcy?!-df4T&|{FsWN+b_VIRCzuw?-H2&{)dS%qsXKwX>_*7PM)i6 z0IR}|vSS5z$n_dsF>u0mHNwh?W7QtSzk$>{rY$lZ0ox)p?j!2c$w$j{D%LQeq*CM_VNk- zLxeu|K}^s(jv2!9F}WoNXOwy3qe1sk_W5;`KXr?Z)n0(+!c6^dnG&yB6GPY4S@B7i z6xfZ~!|BEP3?B4z4t$tBtGYtyW^O+^4%Z#ksoru#i>p-#J|p=+z)|i$FXxm4Ia8sz_!(8;MA@R%)B-jY#pmG%;y=FE=j~Sp7wO1 znhsGESbNUC9dJxxKhHIn;Y~a3d7|@aqSAa7JOa(B%%^#Lx#bf2C_;lrgmvIzMN9g6 z?>OpJ*GsDO9uv_U8Jw{rfa-ZH;|@t4+-CPc9v^5%M~$mRmn$=I2uWe125n$3BFo|E z+#4+Ok`_Pyp$`1*jp)dpO=M_HA~)60q{mGTV~%D%oR#zjnZ4fyS9~G76J}oHY-eJV zj{*PjGZ6Yt3}Jhn0=ZaeA`Twm3s=&L(dupxf0paOT;sf}6ULr`h~kMnXH`19*?pgQ zeej3HzT@$Rz#g2}whK22`}5mgBWRV~KCn=IjDwC?qxr*d818!-k2pu*D!nLrJyDi- zYbJ0D<(qh^L4tn$&w$>VVvP%$C~Tw-i{woe_~dQ0YEP zDF2PSn-5~y5;;Ch@P_W)r^H`m*|YLB-gN(oY2Zi&54^z4_3Ay2!y-DxKZl!h%U}D@ z{oz*7Yzcs@tB;`AJP|jXzBCK&Olo&X zk~#p!9cj?$(}D-*tz}_F8gP7UH~!H$f_ioZP@;1iVbV=F-ZGj-Pm-XkPYt1OkJiJd zt~2o9TPvE`TqNUT#?Z!MCmiSINfj#A(&gnUtbOlv{@_|BYkDTf`yvUR`BhK$+FZsX zLm$A9;Eix$^H7+mtjrHY9>EJ@F&v2%n8f1kpq1eXs;lC#L`sfT*t&_f)sBI+LGn1V z=NHLUyG4AvDBQUlO|wtzA;Ga*@w`$RwGAo8&rLsI%z90@hDmsEwH;^h`F&Lbxa&Uk8Z0#y@bo?mN%P(Ycyj*&;U}SD$gES?%{q?ztG)P z8J=kuLtn)qzU-SU*HtbhcZKh$&`jV)GW^t*;eCy&- ztaIE*Y@0vo@BLq%(#D84-VHG3^fZIn8&{;`gFq?n7ull4LDo? zD_@kLwvr9?kdeQ=}8ZLs!Xdm3D_XP~p!|}%9r$nY)aGFRD5#4(miv6dqz`8AS`S0Bl{IJwB zCciHnrQU^$4CAK5T=yjA7+Mb_6t-aQH$y(NKZLdjIip(+?GCcp`(cT7G06_S48x-v z$>J%uApgk&SP{8_MD@N97n=z?!UbV4Ezyu}o>DE`JN3c9zX4lSZ$Lmd!N2}WJpSPm za6Ea6jW)g^uuF@?Makg~`#!(G;Gil|>Eq$3?Vo_r-_DcQy}KZA$T6t1+zP%Mcf#@_ z1^)DA0&zDFAf+psSlQ{F+@NG{_0n0vAOW{wsNNA$xK)Cm-7uK0^L&L?GSLva>Mbc! z2MFBQJ7CmU_9@2x(4Ug(ac zcR*CKJP#{f0C_Qkxs~lQsM8njrpom=_J0(ei91$b7lzGKnUWz&nIf7L!n@a&_?48> zq)4Grb0Q524GI-eGL)1lkwjFyd+n%b5RF6%6;djiOT~A-f1t~Cb>4l>Uh8@8+td(s zHTQwJSw5iiI8NeG(2uniiukZr)C?? z|Ax(84`I>CCE#Oh57&h(^~O~-#8O8@MoqSW%X@Rm$k}#WzEGaHl&7()+tm1}yW#L@ zk|Lk8G>v>7)rNxyEu&Xt1&-W+9Uwr@fS1~!hFTvhiv5dSduQN9rKhkWMn*vSS>jm} zE!u3lA0;=bi+>J^uvxU>3;3lsi5HDeL}#wRr;8bG6ZjY|1oWCBt2$ z#3G@Kr*!_ID~#7igzpPq)IRD~p+c>f^Fi?0QH%QIz7Ck2*;-A%Mu zb{kjS90c1!^F#;rpQDfNAsiuJjk*uwutmoNGroip&ujZ|qRtGcFwSE8PuQ~!E`#}w zb%S{Q`y=?}q&>Lg)qs3O1mhRep>2dFm0hP+R)1`wa2L)6y!sFeJHw%I>?_i_DiEJX zNx--{(d2XVKFHEHhyQLb;BzbH;FcYaL0*ay^~AceY8PGjxLxq0c}>AJs#h@U`7p>_ zng-=dcHk%NUu;T-f{>8ZCv#7!LZbRs{JFV_r7D?-%Xp7)r!wK1<)>NO{y(H_bPgoO zN0RuFuGrQ7g3S2258VgcWm|^tMaj%$(bwWM;@ou>_^y0>rSOW?4l~EEgU4a}GYXxH zROrns)9A!g7QE;sV>6N(*~MF$JSVpZ$DO+e&NmK%(}zFIxTTKZg75Hlm_Ba0B=nCv z;z4spBsnYGAzH_dz~5^#(d&3DxGpXf&cef3>R1HUBA`ka%piP{5nmlQ#6C@BC;M!& z2N&FlfV08vusErT&3tVJuYDx=ySv43_x4(-h+HE;k>s&{$qAfT?};``TyVRkKA#w+ z2BvR;bKhs=g2X_or<02-AInk&A(w4h=8wyz*Mf%BT=*x~O2R^lvA+2fSBY1}qU+G6JQeSIUc(OWeEc=n0@tqbWEUIi*ode}Wz$pUaYsF%VQ==3q5)&E z@$^qNX||ViTo11wj$AzlF2`E8nco$>4&ZJ zvD8xzJCsLb#HmJ2Ta7iO7an)2&CNK}qQz967mE zq^#`JV7kM*8@#buwn%xktKL8MD{Ci*4qssB*18yq|RdL)$Le zsSbR?ielXw9W z(g=*XElX{bZj%%lJC@*ZMD+N4CS1<2XDw!r ze=0%5xhL3aE+#pJvCw$)5&qRO;z^Sf$o++3FvH*=&b*w8GwfSI+a5u?z7Yz)Jw~5v zlc8eJld`o*EyTq;1(J3>WjcRaS?M!#7_oRZ9Wo(WT>H)mN50>O{lotwHjc-Hy~kC& zpS)EZCA|;tg^vdA&`cKCQm$X7!v`HdLAdTvI%1C$_J9YOZ$5-htkIy7W=p6@`8yG=slGKM7q8V$4TlyC&^)>KV;&(7Ikjb>X@ z!`RGRwxRqkw5kieqIo5vjIJK^?YjHvH7>jevsoY6opDth?2<0p5j6+hDk{*-@SXV04pkbzVjx~EJVEx>sepsa9`RP! z5ZlJUg>ZZMFCzW03^P3s!^-6S?7oB!q%SRk>^TV_Why}z?JY-{%!4E`dKR01AeeQ( zw&QL;Rq05T|IqSMF~*s1Cte9buuf$k9GQKH%}_`u#Z%Qp5o?o4hLRP^E{%hK1v=s_ zjyvIMsv@3sKMINUS25|%Ga>&jaKmMV`IvYg+#Ng@I-Ui>w;K;o`u$Yw(Mrbj@5wAw zs|{{M6~TlD?&9OqHM!)|>9l#F3E!h2WW)k|Q zd}N0k4cVFOdsvaVlFX);!SmHJs5`R)H&0E1v0JEE*Q6IivMfu@ja1;z_4D8mZ_K{M z4dgCMR)b|i5k&eWz&5cPFBkh0>*51gJ2?x76t|20{05+rg&8Y**~Q-=us2Wva=&%3m9R)u2vX{c%EuoQ&bhkv;p~axnAw#R4?gjs4Mg_vZSB2E0X z9&V{;q4RSEu4=>CIDyOBB-cxlcb>$jZrSX@r#*1vQzwaV)Z@{{4;a&SBWo2}*`Dpm z_#|IoA37J}tuSrAs>eaCWvJ5x`^B&m)&mjhEMb$68zi1Az-ubrcrI?4aBn(kt@51-)!}a3)+$zQeApxdf-PV#Vei*Fbg2N6~BHuKvqe*zL?%%S5ut zsCj)7Uwli92CFJCf9hy16E%V_{?tR>I*x;Wr#V=BCmMcdw&K)|6NIFy&^dqp<9(t1 zxFX$`wJJ`b`VCF!=6*}aE_LGOYZlaaus14{IN+F^t7x?D8QWGrl#l-+IJ9#FUhniA z@D(yLYP#D%Gl-A z8q?{JffXp}Wov)`RVqvq@_w(D>hg)Ef+Kio1TJ%&$(3_0$&bhbB*sXauYZt4^0Q|1 z3wIO1picsgM%}_SJq!5lR)LeNWJ-={*06KwHJD*?3N%y~(+k@#!)5;#Ob=U0JIk*M zxk*L7H`|^>PB254&#AD@=Lp-qz<^inJcYXEBZ*3I7CARa56<Ui1TMGJ*ou?QQweEHk2kI5o!W$w4x4|6Q`kqHMzLvY1SmH^k$TICnf zx)6?Elyq=OnvlOe^pa_;*QKxXyWvyjCh{}GiS(N&v9hU}yfS_hTi95|g69q;)=Oui zp3t8wzI~5uxH13&)U{w%mnE*t8;5(_Bt-$~@%C(f8Z*4|77VSHp~;@3xMA@&@CXRE zjat6h{|2$5gcAgAK7K6f66*{Q#D#_LO3#FI# zXyK5{R5{SX=CWsuV9nx&2~fvLCzm(8rkDWrfOtE zSxY`VJvx$2_bkFs!d%laheJuMG}RsMOpi_5!AwqmhKEk&V(CMvkg-7>H2U9=)ein5 zy=|KXUi=yH1P=|u4icTQN)mV?pRa(7)e!z-&j+^NdpIASUrww%%usP>9LQc$;`$veq~@j< zxADD&U!0clMS5X4d%G+zoD|N|Za1)>uMT0Fz5=Aq42NkJYw`J_VKC+GcMz6iv>?v} z5{=wRMZj5@_IN8FXx7b&zfR)H-5x>*d^D(S_JF}5!o1#R58ZDt3%{piv#5lTG(TPh z19q9h#AY)nv;D-JmZX4wlN0VySdAa7CS#?h57m#K4z8ZJL&-jX^~-CBW26#)GuR6L-1&^Z z?j=HsY%UQEZo;noP_cWJA%;k+@YLN0(MzKeLuVw~H^1MH%`1gotEK}{>ivnU9Tmus zZ>QMq{0E>uX&#vwrPYGuf36h3e6cf)?h2h zmO6_ScdsQ@^2@NrW;?b@xpIdbWh(j>iQ4x&VeHcDc*pi9Xo~AW{a2-Z_c{xFHf{uM zQn(NQGBmmMo`o=5v>uO+NI?INtKyAg<3YOop{R4oF3^bjNYp~-;n>s!Nb~y0ijM2S zuN|^5y`_yUom9-EVH5^U3StUoAK~6jEq*Av4*g8Cz*2EEH{Kw{j{T^HnxI9czP{RY z-@t5m;wz$w3KPZU)m!mgPdqc&Gl^Qoj77f{o0zkME`PhZ39KH^#h^Wvr1pH1xMBWz z60wTf9V&ax9uHa0vPVjQxtA7ysIra@IW~ZYX9mE(%uHxFI~R6KU4gd~dqfto!6@n5 z3$4lna996$TI#L^TfML0P5sLxU*R-+axjqiP8di_nleRO*9lI;nXWkZ?@gj_cNQ#P zC4-*FKvb`}gBwN+r2EzN=`nW>>L1I(-=5k(8J-fAzm;lbo~(ilE{Uo&h<9?9vSpHOH(fIU*- z>*DQcP}vMo-uyW%X<9hGl^8_6e3RjFozpSSjbqj|hV z5Gl*oV-@QkLe}w37@ji+=PY%xE5Fl>eK$Oq!J`dWr#O#t>tvj#DMvchTA_HQyf}E& zRPm*kr7Y`w0_=Qx5JUkXX>gYiZzc&%~J{J>fg)EHEI`TSPxCb_k#B;Lh zcv!&{f}A@k7~946hU?UG5V?`;o6VC zVO2;Gfc8ynbZB7tgErxt&%wSYXok`9~pisV*xzxi)CTIg2{uc)({#O3xjk8)~}ff7Q9!(6uzCn z;u!orJr&k%xq<4lgL#PAO*Y3P5*E~3a<{i{nRs#@CTB#^j*cskwEGH-(~*V#EAO#q z)&-e-j{9c?+LW zpo->`6}Uxy1iR|@7#xCzq4J;xz}gmO3|<{lu%xOKZ1f_iO5$4fCo_>L z@-nu#uoS%(wBX%HU3%$MI|M{egW*TKnCEDL_c7=q*1k7G*DL$s_QLe+1LZ}{}#S6umIJqeR@eP-$Bidogl)ZTEYcbFVQ*f9`ETkT}0av*Ro&)0^RgEAnl--m=&J5bNPvADy9u|;n_L1w-#IV|*{ z98^8w$yIyt4WlJ=@d3)?mfwN5fhx4wAP^T$%_P|pUMP;fC}hSdE_06~n}-dC^M=>i z%wkh+xJ4CpN612l^+)uda2%(s(S<$z`vmU0Bb!xL1#1J!$>?9J!1F&nSlvAxV-j3x zpXEDPy08S-KB&XV&2jj;axeBBhy(Rbiq_u-;}C5X;6_e;{X z#VYt|)J5>idMR$6zY0s+)L62jI{#&*Olz7i;r{kOxFD~{D>5XQ>S;F&jQveIX3yYH zD>ve9T8cWtGi?+s%~$CTWV^b8K9&U7WRu7Yv9Rpv- zIlzw7$zURGB3|kp@YgyD($d1=%?mT|UZ@2}76pUesKZe3D+;&0d4to_+VDh^9yfxo z;{2mc(9>f?O~f5geboor8;0hg>t|#2bV67sYB(P6M3A}z?>qGE2Z7FQHf0TT<^aHYoM)BWy8=)d&7&N|&1$XUY zgdy5=f&LHXr(%eG-pYJy`YF+C5=bfqPPyGsA%79|6Sqj7z<_Z_@YBY2bRVvOZ)!E+ z?BECF)g~9bcrOx+mDNy?i^8~BwOHzMk(?`$c^w9tTgaV)Ecq5-cxz1hd1w6RdRMvOhk9ytx_eo%o6TnRka- zg}h{b*9Y_HQD;Tp=1;`1!HfBuKjU#hTNKc{XR%-UEA+WVh*$qxjlszlplTKj<=3hp zwXX;!d#B;5;cx8f?+%2P*#*+bz@U#G|!qcGfPZiSAEwJj36jk)P zOeloE9|6E6U-Ps z7*l`jhwrU3Sguj@?s!7Kf^dbb+7`PWaXDQrf&L+kLRkP}MIZbq-c zSr8Xi2jT)BRJ?band?o!ObNkPHDVmM-=|9hE$*Vz10T{XDFF&P6VaR;#GNk|p~5vY z_;21N6gMNfI3=-F{{Tbml*xmYfuL-?38lLR@M{aB(L1t&rG}57L2e;*&G=w;ZEGi9 z^AX(bYsE0nP{1v*&rCtlh^X7Wg(;5XF=o^nc7JLsS>4jXnxCE%ecoV0UYu0q$8)sk zTKh)0KJyD}RafKzVprDra}a#iZGt0m+9Ji%4)|}t0G58n0c}6`K-9lGnCUbM#?BJv zW1k*_t#T>^?Or0DvRj81Ec}hvx0_Hyl`_1c*-ZZ3+fPhCs#DPhExy`l3zj;>lIFzc zxZ+hMDAo<)>;B3?Wo|XdPb!1h!pmh_R`@a4B*RM@b75!SII1P=PHwyB;3`!quJC3e zR5N#IkvR+M7fDj-8!e)cX%rUqtY$ZTRQc3wNxq;|o=Ph` zh5M&=!q0OKaPZh6ST(DJE#4>e=ThUz)~srxq8|$RUj%2{iZFPnQb1N+n2**8g_znJ ziyqsmNttpxxpO}VBRUj$xT*|TOZD379TL$1i%!(&_aH~^zZK26*GfEkYry`pIu~76 zfg1sK)Nf@n_#W?rDf&b3o(z8{c+WaqXfb zxaLA82Ky|60)s>N>(U)^Jdx6ryh5xD&jR}*4?HpWAnNQEaxGUC;P5?DbeMBUG-{s- zZ;V<3X6AV)dp!#zhdzPgOPhpU%5~8Cdz0lr6zcy}65M|YP*A0cy*o=q*KgbLU4m&= zeaI(fi#A}q&5}-DcM>La=0KB6A}$zuNTl;+CN9%-p_fc&z^`R4FxO=)EM9&Q2S~hy zX|7G6E$}WS@14ZQlM-OcEggPM9LE=(%p!9xXrh#NAtpx$KvHT5++Uf5uB&Rva(fwY zE;t4+-}k|hu5DOeNr|1{Ee>1W%m(%yLO&l7P4?xE(j-z^gg9zH^f}@!P%sZ{bHdLJk z{cUFGSs+Voo6Fey3wvN#%v7Qu-y-(6I!f#f)?$sk9Dgy~n)NH#AwIF9%6s~VYQzP+ zlamUW*QWmWDk^E$rVYJ-W?9 z3d;`)`}1#7H2L#Z;XbB;-7VD^&GzHo&>&o9EqpgW{STvuYjLHbDR?`|g2r9D#U^W9 zfbuhSka!^(6XIm4k>GX{zbM7IwM+Qjt3~Me4`}FwAf(S*(B!fTWIuWekNsr$-F`C| zoLGX6likIq95whhH$ysK{x=zU`km;-uuRannI~}H8p-ZORx~M0ga3Vz2kpahS@g*7 z*eCZA_U#b*9H%TG@Tsk6Rc<=kXxw4I`8$}J~cC-p8IHq^=TiUK)) zRyhb)%^N_OoB)Zbc#hK9rqqPK$JUn1sAL|`l68#efB(kN_ha&4UzOl+joyY+oQA>C zW7)VlDN!_VVHMc-^uhNUbA0F4z+(EPskPoyXdAkc(z_|**Q*qGu$B$38_^9XXGW2m z4yK^JKw!_r>xpEe57Tkxc2GaL4BJ;qV2O~o`)u7#7Q8>t0**`Z>RWNlCipEIBfQt& z%=`#5Ry}2Q5gG98HTvI!@h!2R=jd3Y%`k5UA8OJ zw?mXs$5(=y+i1}*&6J;CsfUoGH`0RsmwC;x~ouT;#zh>Lv z+Pjrl@1)PWZ_S1ZyDYo?f{*5=p%>(|pKd&(exj5U4ju@B!x8BmP&~m_{adquRH6e4u6v zWt*45!-mNa@?|X@=kfwKOuk2U-W^Wxjt&nb{otXn1T_U-a#zboEUNWjgxuxfLio_6Ta(5HW8eh%Y=idep&Y{mILr~r@2|Zs8<5z4B zKz~{cOl)aoTLy2$izSy(W>Xsrx~xWwjw$lDV-lG4$j(mIHL?A5(d3Ie!srY+tdred_G@^LqA0 zDP3gvMw0KU{(*8DXM|m2DSOkCg)dh>0-JAY$e!#M)n#7>8@Vb{+P@P`-w8R|j~0Ai zv_GEv-ii?uG-ye@3itlDjb5-wK%qs3&vMgHt85~_AErkiR*x?$7Za+YIGz^;KVn0M z-NRcWZrR^fiYc8|y&p=lC-8R>>)5xsqxd4_!93{u8SLJm1ues~@%hI(jQ5|2>xw_Y z#kq3e+0@AVg92Ewz2FzkG8X5C?uYruuMsQRT3~6*A;vVCTaCYn61PmblK(IA;I$9= zm#~1|pPfg_gkD@$u?;T`c}MHAQE|o``y@88`wAu{ZlVqrk>u^aXgnFE1-EK`3vQM#tXY4JFy9Iix`#(` z&ik?S_2FO`HhK&>USdoi?|+H?o3wG~6j!u6nG1`Rr!Yl<0W4cJoLeLt(RmdY*wD2D zxWv2F==F9p?4+8Qsn+Zb~FQWD#dbDy!3+jK>rIx}T!tVDkvM^E_91;Y{0{F9)w`v+#098T9<=BJv@J$>zu^vT8#-j`e&7FZOqUf%6IR z`riutpt^}j`}{yQT;O;$bv?76f93*cmfa-RVw&KfwgPQCrp1Tak0Q_4bc52S<8XQM zO#HSnog5VQGE1LNqE6enDDvoNI`i36mS$8#mP~%dtY?J4MZrgW!BGM#o3FFV3R~Ko z(vOEKQb>&HYthLnM|fS^0*InRd&ki&^f@H16!_)II^@N`oA6HU zD|?iZL!wQVk_F~6#QS;{3x9Qhe;TdC2c=8!B|?8Ab7?qU6;b|h_y^qL0B~-0J|_P5 z;9u`c2(B$1K4aD?5~?|gpQu~PEc6Yj+be%QV_zQlIvv6JXGe&Rcpb+=LtmCtkd1xi zB3KZV0VPlDNco-|?6W@zN1A`4?F1XX=ZP6&-!2Hb7A4x*sL4~SC>M=UgH`$i_}soU z^q-l}($eGLvBw`AO(6=<&}>fF+A0c!-RYfDClt zKSTD~&(>jNvf%)>{n8XXGtY!>I2BqpKSqtqHIIPh>rdNHj~Dp=8KuI`(4RltZG*Br zN*wN^&CjS?gYyP!GD^;k?$)xV(v-sPrRUkUt^+W6=M`4%;f`S=yVy*}rQ+o4SD5!e zQ&3cC2epJuqR~2s^moYfadj)X%H-pyB?^Nb#-|`tn3cXPpNsZCo`6ovGIDZE1`C`y zojfm0Vyg|(n7Czvc+gPc4s^7fb!at0dYd=wxZnwcRsNwt$pN_V!A%r4#fsF}o8la8 z!8_`ohLv$A*~NQ5#5O|q((Fwm8Mt&F#0u}lb#He;fACZA6j)Q4HgR~VF%gpn5676w zH3FZh2*-|?iss*>!8!XK?#Nz%1xBqtmPqn48m=BA2@?I{gP02yov`%<5bqRTL z*_NMB{?3lPnaV%L8nJ+H?mS29G#RkOn#7fa;-dYRi1&L5I(S$w8F_6VJbbRjeg3Gy z%g=!MGn<67;W1ma*^k}MAy6&pi{1QHV8U*8KorPDz`4`cCf`6-=h?5@%kdLRT!8Spb$22}evy^4z zOM^2V*I+|J+w7^HkqX~wJB1y;I*ozK!}wLbST-YZEPreOv`KFSmX|IBFM;Pi zr6dDe@*aVnvLZ@ay=1|jt?=UF4cPA^#dEJ&lBp+}NKuO?Pdhk`wx_RvjJ>C^K;T*p zi1-a|!TR*@zZoQ7w*YoWAn|saO_|y&d?h)8Yn_aNDzv0k7xTb{reog;&dKn4ajAhH~k={@T9o@b^@>R zPJ$cKQgA#}(f*LEEG~cBN)+V{ATm$Lp~-1;Y5z{~;=3;7g-Qzfu{#b{j*b9T6+3>^ zlAz+WV%#++42=zij)&GgRGxK{ls$eSa>|*80d>9l?p-jTNtN~*CxEs3FF4?O z1ZI8>0Q(HVMYeb({(NeKBi@XJvFoA*wud}z`u!Z=6^(-d+f4E6iB5DLI2r;E@51ok znvk^5m8jfIfXy9|P;t_kRPW5dwaYre+GYrknPZ1vz3iZ+^C3LGolrKm?GnsbSVFoi ztwCjnBmXbJ12#`}CXcUgM2YznwT1=q)`l*!sYHv@03okA>JOgUo=rBFr+~ctY$BZ` zcu_AD(A4C+Pe{4cQa(Ml@+VF0~4{s%l^9XM8FB+U8O z0xwI0Me-ZcNduAQo?Vjk#DWzVeOT~zwJ!$CSUdDR)rN(YLdJQz58JjI$==LV^17fK zmL}EWvau>O*uaMt3+G3-iyU>R)W=_uid3gxpU1dLFvVd%;8XQbus8QX?vux7Ngjl% z^;^X?{}g$h!Cu^6)&y%4Tj2}q!@`SF=$SqPXFgv7hu^P+Wi~2ohT25fvOFHM&mY6c z?d7o1=P^{@5qkX&cSO=(R*4RY)KM$Y7qisX$iaJ>NoK0Tp7`iLYQ^DpIqCz1+u$(><5SbA`N#fu%&$iU%l=XiF{;)MW;4`j`3e~ zMT7@EKkS2*&+u2m{o{ezDE@Pe6S16ZCcgLJ2jnW4W8Oz)KFms!|5df;^Lj<>TgokP zsecHrOEh?KX)Dw{-i!^$4wJr>NswBy9o^kZ;cCKdQP}g(3hRFT6s8E-gz) z-;32trc-~fV|<5u4+#irz+|1_IMOzU_GZSHX*t!hYAp+HqmX6)v9y>?eNCyv5uN{Y zzM(x*Lg2T}rw-|g7^CS$r?$p|UBU@^ZTd)(P*wz6r}=`}{%`QnRu8Orq1=tR;hIPPXyjpt8gTE%LH zMtt^oIqLqc6He}u;41g}*d+IGtdac1D!lvHXMx`~W55ZTC36&1gSDv9w249=c{XnL zy9$ZBKY?of5mI4ViB~>#!Q{U>boaL`RGNGSXGI^uK|dU*zxr=nSi!+;KJcmu+Wb;8 zz=a3pSY@$?&dia=@GA{4P3Rkp^?N~@FCT(L^Zg(x9g8iS1<%cuComyXIETJTUE zWiAWsdmyGu>3z%t1DZbjN zShQ4TK6Jd<4{HYghQ7=Mayo7V`S7v~er!7eg>qVSMSBEPoZg6YpAEnh=dQs1^^<7c z;F~b~Z8^TF4rCQ+SBT>*AX7(a^PZKHXu*%EU>lqTTbD^gtd1Q_`J#tCS+zJKx)SxD zJi_}EB)C*bI9oO44k*nl!1_JHd@SiE%etx|FomPw9G%AhE$hPhYAr&iB@#|dal-G7 zpNT_`G<~~4o!gw53kNiv_=);b+?jeE{VICFX^We{t{;Iu|Mug$nP131u+1Z#9D#887 z#z9Tg6O4QsMZ#W;1}WD^7!-a~-1Ye#s`coA!$4JfqCt+5eh;*raR|qcn}n%jHbcyp zD#6_-baY0|<{4dc(Xn_A_Rp$kwR?upfZiXdW*vgFzV1U)VMeVn%3Jtd2yC}y8Z_~a zDa?Jep1gl{UFd^fgT?*vX!~3wo|+p?cZUCfg1<#jeDEo>m|O*QO)X-6#~RP9X#}qy z*Mtl!hXW;Y^hNzjYPvmCtgmd3EddL-ZQEw74ngz}QDN4q5%{`q0(wbD!Q8rd^iHv% z=dQnJl_L$QUHJ+M14q&-!EKn}e;RkSy29otW%_Njz)9V=1qY1`rl~IT`N5Y0pV@c{ zOj&f4YHrWNX4&UB_iQrF5j+bfHDzq~-hbr4<-KI}cgE&cn$sfR-&lX{7LN9lVD#30 zoSAVEnZb#`LQ8Ee?`uoP%8g8Jc`&}p%h$_8IS1>3Leh_e|V)e%Pq z2z>DU18t#1wO8mBOJUdkYXYzA3V3L|M16HdwlR4iIIqqXr{0`Q^JN5vTuCE@z9Q7# z;UGjQtMEPM!u!Z`I}t+@(%MkgpqGe0mRVyTm#6oO#=!mPWLW=Z4&4#!hj^=&q+N68 zaat*un_erHofpEEEUAZkk^!*NcY(mQGli{Rl3~f=YBXFs5;D$|+8YK%iyE{x!>6~p z(0=wGeEew%dD*jg+_bAux>aByT{Ypehg*=O$i2+hUXDEbd7E52dC>BG3pi2)(CnlIueuk(DeKL!CCiAE=cNbHskemZpDuv=y-|=dSC*}i`z11=e(3Nz8=^iOAxbBY z($4dOSFkx6oCNMx!N`=du3@hHV$de^q#u~(dq?`RYmCT#w-a3_n+oUNm$2bR!t)xW z!Fw#_d8nI?{i1QIAgquvb6SCDm+7*AS{6eC4G{UV7 zr?GeaeR%VD7YsgskM%y&p-R-2b{MbY{wGc7thr8n)=_Pqc(|L5UmJxvqZMd=QkHNp zevN-~L-5Fm8nWH~JhCm%#o`7<>VGyHZ?974$7byYx6@BC(svZE`jvuXceSH77aT~A z$*k8*i9f8>CczutL42qtml8as_eWTvyvlJ%E-c3}zRh?vuol+m4yP@JccAV|KJLmC z@*Bp5xS&vvTOF*&vg2#%j4u!1a@u&fGhUvr>677aK9s||8y5UnqcdEZrcEDAz6qj( z24L>A9Gq^cQl~g|YW+F`f^WEEukQgYH3}|cS_`R^js$n!@fj`z&Vd@!Mu;&v4)LpQ z!_4YFjI8u!7gt?|NuF`yrO?E3gRgdPw*NZ}`&Doy=HE3*W zNq@<{!m*BfNkmmT z82U5@&KO?6wZFcwxH$*GAka(bBTb|O!>y@Gxe7mK-$u@l84U&Qq1Y2N1?QdlQMN5t z8KlJ~)Fa%IZ@s=(_}U62Qv??AoNacXH@TWbm@h)Fnr?=QP1MR<3>O1&~`)dOnu^&@eJjM z1dG$QDe&YXAuC*O1G^?zK)Un;P>gM0XM!5ahUIo*@Pa5%X<}^n@_8Um+e5QeCUL(X zi9{}24@S1^L2KvVIB}U1*|pM$mW9lPnzqq&W9(S)udZTlcahal1L~v`1xrPUvy)h15Zww|X{ptMXSxtUC=svD1tbltbZlkyG9Ton;fIn?NL1RP4 z@O=T*km_cQGxc<7U*uWRv+X79`tSe`uWuA}Gx;pzoG z?Dg*D?D9(=tU5WBmYvcfI$^DNu3?~fpz$Pb{w7v8$9 z-uU&Gz%9DIpT`eajqVc^#I9E~sA}OQwsq}6^7ex(51t?f-^~Mft5*j+)Kli=wOL}} zhsoO~XRu=%fuB?#CgdzWV4>?hEZF%QdoC%#*6&-;{@6Lus+Bt2Gg)Bx3(iA>Ee7;R zLOGdM8Haw;pTqLsYJAr6hiLQo3%a*I7R__eq>8SNw8C=~kN7m4%2*HP-?Nu+he#dz zH)yFSbCWMAHBKX}U>EG{pFy8X?Bp(u-vs_)9=5#NMsIApAimRJ2`{<>@L-J&nDrLH z_siYreR3auXm^E&)kZYeT$j+X`*~Z!3mAAI3v#QvAk*Ci`q@z-J77lxjaB&ywWAOR zKT&DHWiVYD0SDFtzt-7+U$)+14=SyQ|43gP+hj}s6#j!H^c@SDF#`jow~A@yEF7~p z3(n3mM5*IORA!VUIrq>T4?X{nmcEkVo6>@r!N;Gt`TG!RsWF>PKQ-HabZk6b5gfsN z{p47E%8N3|@+uLn9J9c-t-a#n$s zNiX4l44rv6Rb3Q^2@N7q86$V2j>2zv3(2E}L zi6m!^M6<}!^WgaA0sEYjj4|JtB^`4OYLBfESV2Rm_WEjgh{E2If5BPt#xPlw4P8pf zBG(p17VR6ub06r^lhS{2XK*!qw=s;eGFZAFK%UF92`{L?GixQ6F|;Vv5(DLRG+HVMvI-p?)+Tj9ULExhfX z3Rk-{m5%whg$$`IBICVo^9QT*A!}j|8#3`UzwT~N^ZlbBF7Z6PVyWa`y%Ig(CF0GU zc2s%wbo$t$7{)I#Ah90j;e*ReI4-maCQj`VE9dsHg{oIUlvRTxB?V6V-DhNnxh=PO zn+}mU0p?W}vyD0ziHk!B?)wviEn%O)X}u1uEpXv;vr;VGEI)zdPCe*toQ)1?O7QRF zRz98{AeV{{bFG0b=q9z3-Dzxtio-H|*JVu{x+4g3;&zMXbScr`4&j}zX)>P@lfs7j z?ZI>6%V=jki#)A!5M8&*q!F8pspo>>Ao2IRNXp|c@y#2|qh8OoIKQ<~*!ASHcI7a( z@xXrO5jzo{JdJ@p^Sxy=L z9;w%Om~u@OuPhh^D@V^3@)xQQARUdfZ{5d`z)sxtJ{~+|3z=oe5~lxjsO6OtKwsQn z2d1V1f5CnbJa9-Ag~m4%hcj~^Rx$_m!$Wb3%V>CNaR^+NX7KKYO9V|W!Gwxh5^nX6 zt@+uB|H3TcpTasw`=W-|KOaNupKa{f!^!91L})BCMcA8XNfV0#zPzQwf?KlR?SyifBw+8?zHmjY`RTsm0^b+(<8vEtPE~ zi%nBO|J@`}+m#$}yK2YhU$BEGotyAPu@3%D$cG8?%UP9zH0R4#L6p7@T_fv?&o{TR z*dt@9^o9$#N@gldZ_a=Lr2}Z_hj@~>pa6%P+{2Y0r*n^`5_Dkba@aacU>|h#!R0S; zY|~FH%KBJE=6!$6Tn;X#wrBG3Oq>`(r~AXOWuYLkdN*EOAx}Jh$>6#hL+RetXN3Hy z6IPEh0bA<9!)O$?ItTKpS^M#hpA?!`^mtRjnMaUy1 zxhD{ZJJ%q2M7;Qe%mVn5BTG+zIg1*zJK60s7OY+>U8H(?BCZc}VvVwA$e|}Ax$Nr^ ze6QYlP|#ltSBKPz%&Q~W&C+e~%E%wT>zdH{h2bc1w^B6ws2;ZMpTcOeI&_X%N-o(8 z`Q7)P;&HX>na%S#q}EhK;c+^~%_(Q4Qfsh9O%c^JhqEJYgv-|cM{+iepz~H3Lh*rG zGH=#64DegZHeJ0gx;RIjv`#dp*X;C!uF_Lj|G1nCcP&8g)m`{ee={0aN8#ZN8EU^N zOJw)Siik#=!PJow-0$IF?seT+z!glOANv>>6cu63-Xp}jLJ4YinDN`uQ_y9EE#$^1 zbI+k7h&<&c{$n_U&fOK!*|CeWZ?@h7atn&~+X$XByND9>@ZOc@*4GAyJoy zpv0F%n4}(tp}PSK6Q{#(mm@fAoFO+`D~FFO0-f@^~})_Ju<6u7gm&{5J{OpNcEag~Qd!^{jWAEFPSwf^z#WiN?;G zj1P2HLN~ui%Ihro&u|AGBxJAGHg9CN2AIQ@frr@7Iz?P6+XOBG-%IkT6IJn)phXpf zaE_`O+?sy^=cs&SL-r1b39;(@)kH%&F?tdD4De@5Elj~wFBNB8l@%QyFpj>w9FI3r z{<0if7Rob<%cc3ozZx{s1Z%uJV;5B&ba~NL`RX%O)I})CH z1+?Y&Qr7;3&7V364$qEb-;&^QPQ+h zs1|%=Ds#>G+WSZb=u8010FM41dD!QxDD3NHap2QP5X*ldI|F|aj7VaOORdHC&4moY zvVV|!2T|usDa?8>gI>BfkndT$mfmkZ#5VaP7u7KpJawZU*UFcmy=SoHPpjXMW7bEe zHb|p>b};kU@CI(yDD%d;SkN32!ovLLkmF0|qQvGY++Kb^o^KgN+MeAZcU}@Y?raEd z>RL{=DId=zEG-%NPRd8PqGt7yUoCfX8jh;{rrJpVI_ULSIcCB7NJrT^~3 zPr+~DX~S8J{%^5J+fs_EHTHAeRj4u%`KBmwUpxdaqXhulRMz<;zz`7wFmBQnE@|P zPoqh52VhS?F)ZIUAHD`{fn_hp2<(-Sd}rY=oT)ktjXDJ$yV)WLo;L%ft_r@+izc+; z@O(7YSPuRR?&7r7n{Z&-I@oTh!mlpZ#d`LgFo&nBUk5ShjPHrPr?rwk0GSgF54dB9bt7UnoI$NL;`L zlVee)&IT(Cg&a(e3@+Axgc-{|ipLB6gX_wPFla_G3|6{~yH5J^>ZI@3zen&#Vj5H{ zMBvT&p`n4_f~U0|yy`y6ObXlwOQGL}Nj-P@mdo zmP1x=4@eD?rRw6TFv+x#9f_Mo9}U<{w*Ho*Rpbn+<{QGJ5(Bf^tGs-H0r(22$Eqfdg<-bxs5GYc}4wCSTm?{M#4 zZN6;qOR`4rKb&N(kZF}h@=b5xkr@l<^S^bd;XIsMB{sv6zY6#(rI;P9e*~NDjPUcb zhim}E;`yDKVxNCn1xv65;#hDp))q z8a=*W62*MGioRX}u=%rm_$ul@^sqbtOGZdh-?)2Vk*@%oq%^^{EEWy6 z_K{j;6d5`9igY}bu_k0($dL>j zsK8r3;mloisHYW2mP&gXp{2XXL&;;3bw{ggSNwCOq2sh7l5HFjw4GJP{3BCRrw$y(X zug&@gZyQGA+EOQMQF_e!muq0z%zF@+odf&sN5V}TZ`k_R1ml*};oM{ye!nXY>MlmW zgub(At+@b7zW0&D{yZ{QVE7+;GFR+q@C=S0xDKpU0YYNG!mn;XS(hT*lq$vVd^Hf~ z4Vc0sV%$OX{D7hm|3qA0T#lbC^YFaJ9voHpl`ONdMG4!%Jh%O;_`mS=oDKHkK6zOz zC}}!4jJV7O`kjH9yA-(kv-|LE$TU22)RiBsi2z;LMJ||^ihgw%lGqG&vQd5pJsvm* z^|M|<-k@~MD5G@Vc)=^Ep2rIB7qii07ZFYG7-+iD$=pIXj+TwW^ZjRGUhp7(sVxW^ z-zS094p(ZhHWkKaE#S-dU&fywR}s-%Gq`Isfj9kF&%)|Th0IYd%q_lzt!WadxVr@h zty8#F=&bbD*}BC~VD$3$7=2d-7AHMm%Wo?1ynx|E zX7?nrWuG?049!97m^0)(iNtlo-=gLE(<0@jXd(ZZ4m%AwRIF0s<%yT!d!&Id2hhXb zeQ~hBTpM?I9mk}OC-B2u0fvfF$;stcJ!?FZR?*E}2B-*cuANsjtlQKulqFB(j%Z8abH=>Xdh zJCr}o(d4~jwb8t*5R5|1#4jHlCvjH_$m*z3ApJ2;U>gnR!Ow~zJ$f81xtat^Qskj@ zfhHYf63a4s^04_wy{JY1C|SEW8P857bbs-TqTRow__&?>ptJoJ1~z$N$+3Fo*1e5o zns~DfBfhh?MPCG_`(ZXy`YV(S9*)y1b#RU*l9U2VG?37yIcwE1;N2;a^EF-gdubzJ ztrzxJez6Rg_?kJ$1Y>9FY}`fMgnelTYrL1oZ2VV3+|Ca6%iBZb`1&C$$+m%gYMyM< z$4q$kJd4!2QC{9LjwT+w290MXvZa|*kk|+~qDkJ65g88OrIQJDJ_HBV!l4-SMFw6| z!7#o9wFe7sRbkiAxU2wmx^%d$^eKCAbTSH0*N;9+7A(pv!lkmm0xA@3agdv|i_*|k4 zMb;n13b`e$oz}s%#DTDxd1H=A>5Mzi6{xHu1)KDG%i)jYVDb3LXd*qFRXm#k85ti? z;!3PA7bs`y4KczVyO<0Zy##-`uY+y&ex&=9CA9i#;t-2a_Vq$4P8gs_`f}2V?tFQ8 zmuAn4>Sm(!Z4vj45X1DTbNS87i8yr7Zfr`~jYUNRXkq41khJCG+>WCpFftn*1+Hvz zYdJIB_LUX14&h#F8N9NMfMglq4jZS4t<^2~=z&wgtZo}@Y9CA6ZiJBg^CDTclQhZN z7>iz!GIWgdR2ukpEWR6cj7YyKhbaxGz}RRv1mF6DibV^tRXG24j2ApNw>1Qg%yD9Q zC73#!6oB>gT1MV#l2W5AaK7O}>gEK(g*=A)N*Z9S*hoBU!$F=iPZAGFN$PDx zaaikP5?%5i%u{%be*JD>Gs=k+KK92qyAlMh&LbH6#EPfS@_`+tX=wAziKkfIg*gQZ z;wkcO_%iGY^kn=*$BbL(JY5!zF5DFR-_F1X`Cr6-v%I+X^-owmLC6<-j-~3CjIkhQ zFfMh~~BOuKHJz*$uhK!;=?llI1RaU8DFe1{j$nbO0vpNc=527tAaG~KnKoedDKd5ZHL zeE!276-|!9j!C7Y<%lqY&>Ms!HdbMlaL+Ewx&))#r*O?AW$@NMUgRv=h^xv}MQ4-m zio@jN;Y!>as2aC}ROtt@w+US^^2SuC4*CcqosD>gsW}AB*Wz=oog|C07+m|JL2nk+ z6vZgUU_wF`OzwzfKf9%A$?3K1?shkJ#=n(>2T?bc!++^X#KVF+oY@Z8e3-uw%Y65Jn8$riCl%?q=wzylKVuxQgjBpiL?h&t{ z|H&47x^A?nH+L|#RUd$_EluhDy&A0jX&OsEn+gVx3fZ(HPq2NQ2mZLa7G#!&FcK3f z3hHfRvtLTlg|46R^t5c$>`Y<#)r0tr-)>~>l8xvdslvM_=CgIZCs@6w9A?k{Lsr#n z1kd89An{FbriTB=k|M<@wLnWb={79e8gl}Up$z{%zKO1)&j)GZ^NRF&uo%v8g~BvA-dms2N(P+#-=b!p4&PW zVX`JK-=NQWmdBE}3MsJa<$3s0wwtuyvtZpddHCzkX#UlqfpO_Lfx~ecx1AU%ZhqK_ z&TblLqbv>kS4e|4Skl*}gXr8?1^)Z0-%S&bnd!v!FFz;&|`pBhWuXYcq?V1J)PKKf0s&|+$gD~@fS?qD( z5~O=_(R)P~2^JW3?k%yfb%#7ZH%EsLSsjm-i-zNiA^mLC%iUz9-)!-nJr-E6AcmS3 zhIHx1JHk#*=%yZ$rt;15u=kuH?H+g<8uyy;@s-=T-^q5Y43@;&SZ6phBc9xFE5(jQ zV$$Q(i`E~5!O>|BtM-=X2adcE`A+IZSNY{M>-I{5LKh_{C=?72u0ek-d<;Oid? z7SLA*W=RD7-;Cn_T@-R?qZ8OP+dr)EVhkHplMX>)cj26LE%b;Bab{8n@!i&r)rsY( z6WWbq&ideZZ!reUo(H>zO{VwzUtwbILxJP`h24#sM@#0GlJ?2={La5?sPAHcO9VF3 znAl-7fl2dg{l-vLH4RD!Ql2y%(C7C*Oi=wmV$1|)_Oo@&R(IS+3Y?P&H73%;;#1-);h&DG+!^F{F@(ZhG8WMyg(nO(jczWhFg^BN`j%W0Q! z{rWTn&x`P%)Kt28=u5nza}T>BlxXO)13bWWKTrQLQRt~gV)Qdr{&{^Tj@=;1F?JDc z2)Y2%^X+(+g)dK;UV@UxmcV%1FrxUOhFy6W3O9C3(^(2aCN`xF@5#r}#9f^z>wOrt zer|_^skcBQWI6qG?IS3v+Vl8I52mf500Bd0@simC`Rq+=sH4{-&{9#MQn`jy;@b+6 z+7wOq#Equ&lw%aCNb<>Q7(NXbCl>v4ySoGy%5@#3H!Q7QgLc7PU#>-<6DKO zd)hr_SZycpv9IH@$Hy_IHbR_~UxMZhpGD0TiLlkzAG$PW)T63@32@n^$0 z+>&iZjn2ovRob-@`oq-hlGlGAPj%_Mf@WVUG1ES|=-X z8jqXOK|Ob%qG2AiZIcCud4C9Im*Q<3Umo7XnfnzfQKh{t*DZIYwL61&`O;5pmc0z0 z?`}sIhaF=Yy88U&5f7MSs7-yUn&{5sP8ggqkSaf&PAkq$fjdE`pq0@CFO`?79 zCe4bH!lfu@p2xyV7ID3n7II!=98B;w1MB)D5bYCzEpKA+_MRM+j+)KSmYovkEl`6A zI{iY2xP_Qj9)_;zsywIO^HzNMG_G1V3tL2KVkt*&NLrRezXiU>bT>OX?NBP(xLbh2 z2FjnWPZ4+c8q(Ksxgf4SMx$4I!fod%%yrFSWbV4u%HcM?61syXYE$8aT`n3g=_TtT z)uFwovhaGWAzLcsVv099VAaqwqH43BM5AID*CZ=o-KSgVUeH2oKfCel6Qv-#M;-_I z{$di1%fM^@9Qs~c3t7G3+p*e8`rMtNF(aQnFVQA`3yjdWQyTU-{~%2tCeq0}GGN(P zNq+qwqV;4|%dL~sNNsx)?(Vw_V>hXBmvPd3n`bBP*fdDGeD(4fr=v&@yM5*bgo$$f0X?W?Ve4i>G#rbrJpPfe!iEn z7p26oG#l5}g(ur4r4GEIje4=w<5+u|mHXw;ghX=(jdlHAs;wOEklz znA6ndvK)Q%+*bpY3?n2iUvbh5RXS&&$8A66|hf=|2W(_y>*pyRQVI8tvaSCu{? z_zn+(y@N5&%r#^a*C=zRWI5&@E|1?<7_+w?+Vs-=)A-}JIp08vvF_Ay<~=2g1lic~ zckB}uMA`9Qs}Rj1MgdL;Bo=~PMfag6I=2pCzv)n}5jd2$?*ED0>6E4Tb~(;b`wVp4 zRt$OMiW|^h@XbGig`4`xY9H^SO`qrT`(<5tOLZMkD-M^Na&X-I^CacodwAM+6uXFdPXhGe`w6BL4(=~yPNz~TgkPgH!S3cJ&V5jlbi~;g)Z6!B+erb zlpKDO0DWnC{5H_Q%oN8(_pk=AcA7x@&p*Z&Ee$9ed=Lij`HtpFws_IEQ~alP7;pTRgLd69EHY-2W!vlpe3w}k z9$csc?h`clVf$kI)^ba9`tD^&G3>>gva)=N2jvmdB)P}-Cup+slejQ-3@%HaL|^LX zkZ{X%HtJI)tcsdRn-5sic%^Ji7jjuSsos20+ZpkB2Te?{HRGR|h;LDuORvi2!OyAB z*hya}-hA;U#$GHJ=4Na8hOl5b{UnC0%rOz~`u&-ID3PbfM<&8>A*1G#Zv;XC6!wi@ z1}C21B+`myQ1GGz1G~GSZ0BfrclZ=M-77GI@8pA0rqDr*8pD4l35bao=V*HEC(&yI(=-cRw`j6dvS-*9?r?_+QgI+?*~d!X;L zGId&;NsR6G;S!B2;5TSCeTiqg(+`AyKfnO$Ua3|XB*J7U#m!6QzQv2JHh_x8}lJn z01p&zvjr;0aK|47Ubrp{6Gpy*wedL+D)|v()Q9uH;8NTio{i-bfZDq*0U41Kby@un zwjMq#Uhw=T+;!f7IUzUT*y~^H?6W~)>C}9&RbL%W6NoM@h9yva;{s`$IvJ{dE*8K4 zc#oBS`wsX2mXLAYYw=Hxvf$&01HFRHM10x{^K%r5UeH>2aCkk8eRTi=Lj!SyV>9!Q z7>%6?lJNP{3Gj1SMLX@&QEOZ@Zg?U?Mkc=%?=r2%XLVC(laMQ`8@L6p9rz4EGqW&P zt_LI}o`@%ud7`fFV0@z1O$L8!B4#WVbT!3f>=`Ngwo03ClvCpy6P4lbZEd>2@u1*7 z_k;oKx}kbXGB#^vF};pfQCY(j9JSG&$UksECO4mNI2r*P?hR$+Q@#D)xhyxdhg>%%($39dODQRjM`a2lUP% zV0rT-X_Iu>_h99!eJsjmK)J5&E3_aoWu*xMkQ6G&8p& zt+sOfYgig7k)Of7?YM{$>sP_Kjf~W&tj94jvUIokH8Mb(VnO`XkUI7d-ux2ZYwiVXqO46 zi=Khb(w%J0h@)iZ-$)wbX~?$whO_9}1hAazi3y&z^pcegZW(G#??3$l5VDz8ul@{! zF5eViQr5t>vt#kP+FQF3Ys82XH>l8w$QlbLHPE{E6UnO*hF9Jixb! zxZaISERR9s!)mlKSrJ!h>rutrPS&SZg-fo<(JxP>Sa4wpZq8oKcdE7FbL>v9)@k0}&V9cHOaBNFG z4s4UAYi=(9J8sDnIyEr=?Lyo=!HK&a^JX8~N1(TF0Gs@}9xU!YDq5E7$+nICMI6O< z(ADEOlq5TGvEVjn^DaTPJ`cRS`5`mk>5Tu3{NTO+8T|S<2*cx=1je!v=C-P0%7T$Z zL#YcTMqh$y!gbCHEybxhN8qwB1FPOC2^U_=(|b`Dn7XS3J(j9Q{X;e2W|c6DI=YCO z21TQWz{#^XCvX7DC*ZbOlIVr$P!hS28MrCIe~P za34$d-2kn#GT^73op7E{L9c6GMS=SYL`^rx^7ST%S?867%<`HhX78H-hMxPOCQ=`y z&k9VL%Y$)+!c#B}Q!4VEcpJXFodj9FCVcPEU*d+S1K<}Ucx*yWqF$IOTEq`Sg+ZEJ z(%pi26gRPlfoYgG_c`1-D$EWw^+g{q52QDf`mt-#O!}kkF>I#`!Rfzb>~(wwu9-%7 zefKw!#)g=pNjBA}cT%3(xZWnItGn@=djJ-_n}bu%PUfd;3&aLBDX_GOq4S1mY>UwC zzq8GijdpBepN70dsh;DwKZm2^j}RPG%0L~j!hcE?Xg0-+8{M9W*~_K4>LD?C8!?Ld zUrZOgM#G3oc#0^tb3g2y5eibflEAQV1{#^MlB18vybl6v_2UR!uepx|8V%*- zm@I#}SpyB)0x@otEV)L8!<$-txVKh`3Y8ijv#%N=HOg6CmN_?75PF<*W6;BY78&nt zLrv$V!}$CmwA||^*vgFu<@R#)^EfMT9hA^==M7?|VE|DJmGMPIJ$#Qn!McAuL&Y)+ zmRJ-9y4CkdLuD^~Sg1gKJ}B@@7=|;--9WQttD);Iy>MSO~+mr=2fLzKy1t4y5JqWH7x>vZj__qodlC= ze}RnQUUXOdPF^@`!1|bT5F>a6_71ebj^+Z;Nc$_~=`Yf4DMLWbd0x8-DqMKH@VoXOc%8C|Zy}KGW4nGLW2{LrthZ8Vt{YVI0DMwAd+vCQ_ zMmQUC3dRl=82K+IaP=|A@aBhhXt&=@oOa9bzlwqjT4fk)Z5#qoTQ87;RR?LPu?pUK z^_~5VH5J{lwGdAam<!~+1M^28x)}jN$+D}39Nw& z!HuA|xgHfRtj89IQuwvB3}BKxJyWxuj%MRvw}uCA^07wkvSe)Yae$`q7?L<Oe0c3hm?J66HNB$ndG;>+95e}%4K2v{nRY;@ zyoW6B%V6f1gvAp=Fu5TG9y|>qJBFUbH7|Fe?ka&37wd+vO!kPM#vH;ByM^NG2W#0+ zpOzvcHxsUzIgIy?naj6Z8N<8nf*143WPEtpl+2A6x`g(e40OwZLE%CU*Ki!}EURTR zjXvYuoq70Mcwd<2+yzhmhH;IB56IA$-R3Ko)Utx?v&gTHpcPJ)xafT{^YI8pv)Q|F z?A3iZ@`x5!znFlNPOH%oO(SW?>zgpvQp~% z=KA_TI#t4l>X!J)@E{JjA~+{~CP7!{dtB-A71W9i=^mr!x9&edm_q&W&o4E2erOc; zvc8IA7OGIc{$bdseV2VPGUeaGF5!TK<1uyKMu_|^0o3^;(Y$C0(R!oFq@WRaRCtl` z#eYe#qp%Yr48y_H)2h4 z6uIS_hB>VRXr;<@xLD@PF8P)*&D3CVX^0C?w|I*&RY!48vlbdzRWqdAPa zHY@Ys5Ji|&pMmyzm1OmeBWPqa1b;3cN9Rf;!V@9S?4czCO^V3GhxX%0rbEP1CvZ>6 zcU*ccgQ&{xgGUN>JkBkR_1@K`+tT;K@R_pY(XIxpeBTNUh02icGzXsKT0;8=Utaj5 z3l7MwBcag}JZINeQlmLd^t<&go-fSDb5}P}*R)q`#Z@2jIjp~E$bStY9jX6_`(ha| z<3Zxfck@6dCJzQXnL=9EJn#;l4lgptq4cGvsG2v9JWm_Stui)(hsq8XSt-w*A_W$K z{R45psU(z4KM(a4L6|t~Cc58#0$Ov!u)Xv(%hsI%a_yuTgo_BS(UGiBcO z!c(+rVJ4=%7$R_`bIFL`m&y0XLLT9M3h}<9MSGUVL0XL*+`3}Vo!UA?re3OajL!u; z^+UvMbr)iZo6sS8eicrdZ9(Y^{(RtyYWzk<(h(yr<0v6J@-SptisC-AFn3fQ$ro3GQKjJ_S=Tq8RQdhN9M@-x$6%A0t!jeUYv zVd)^-qQw1 z7w?DTg4a${xIbiM_`&f#$z)`tVso ze@2oXT(N+sj~dE9Z1@NL^_B3gVJFCyF6J9PtBTjG)ncymzLIHbxDKJ8HKaJ+>Kg;>TU7HO#TCUSX!uTve|VtBJM}HNl6k+-Q>q}E)79yYqy%=xEQZ$zY|~#y1opw# z{UU?V;V`O8#4p5uM33t0uyR!uS!{9*2mX#Az88;>%EqDi!0$S!PCNn0i=JTiEfq3q z)=+%6{ui1ZItpL(m1(fRNLjz}F?!7qdY{MN{HzFla~B=;Zj&Q z;VjH~U<^K&v&DYb{^K*w4-*|QNkM0=)42ATyeRgCu*;hAk+hkV!^Ks@G5l5ySeqV$ zZCyLr_|12*I@Ss@jxtu~8ctS+HN%7NF@W)(*q;m0#Pe<-pY-o2FIT+@b@L~P+kXcD zxm60{kO4wZRv0jOvG+z-wN^;g^cBkO698{;3_%=h2QT{;hCr zs0&XMIC*1s>A{uk2Pi*Vo!hS*&AqfOL9gc*X5x67sRjI-^>Q3r{~cVST0~Q8-r%Wy zzu3o@$^3p@6of|z2Qo8by6dwsZ5$Dc`4R(R*OEgNBaCQrWi}bBsD|Ih>4BT>CrEYq z50+$j<9`K9P;a0=oqF^SId$L)`=}L*%1bXIbuhp?1zDI#EX29OaS_mjSO9N8k znb)bIG<3vP`sS(@mmDdg8n@$!LELnd%-(>qPuGbpj(X7H&m%F(*9$Ydd-=Wj5p0Fv zno6* zKECYh5Xml=CG)LrK>Dmm^6B_fxEp9BaD}D0de;ZccDCTV1vbcgqhI*`d^|+JFqA0j zgP6|e;&$7kT;`}gHAy*!L)N{=9gBVf%XFoSCZ$7unGLsJ(OvY}A&Uicb?kd*JT5m`0ACk`)B46PC^eLXngf%?-7f<9 zm85ito^^vO2~HDT6>k7*G3l+oM1L-L!EUV?O}>Uq;$e{ypj02rO7^X%HXr&?Ta(Zi z1zDo=83ObCrylwDY%R4*Er%K53G~U0tE^0DAeliB#16Ito4Jaj>!*i;QtwPqS+|VJ z`v^1j-IdV&bprZzM3JYX1@}m0681ejO}m!9g4jF3bn>`8jD>1*V}UiUCZ$88*6!v@ zyrAG+!YdOOKkjgW54!I$LWGuMR7O`zbr& zU{55-SuBLd?#N`egp!~J9h&}o2p_Iac*nlY5c+FBeKq_MUcawR-5w!UWBji) z?HK%>zMOXWpCI9brKqEF5q{QQB`_MB;MAW?(7xr2hlgE-G*$%Oqh+|3s7V~Bqe~vO zw7`|YYuNI{1wd*q;^E_0*)IlLp&dl8=dYVyB1eu zN1~@!Lfi6ZWY!kpIxkV@wS_-n|NQ6VzR+9nYdZsbz8doShi=I04f*B6gXpMI2iUn) zp6ZtA(p>#$IHzP`)keMGRGD2K9)f04lj)JH)Ti645-d4fEQs&PEi~8jC2Vt-XUM z`frKmUz`F-TKidA^GF*1>?AHaAHWo|lc4U_MYJv0$N$U;2OEdCP%?Zg+DOOYaWJ7% zH2hJc#tj{N_F+w25gH!eg1g=vr+ey*XoJuvxng~QJy`w(W&i%daPLd-dHQJ#sF0xV zj(3TRMxBFtA$Q!?6asUfcjC5TDqMTu9X4{hC$63+;^sT->2Xab?og=3Lu?D!sXG?j zRI(V3BIhtNNq3!5rL$jt#VMz*V`XavJaH(3-9}IGeDpl1zC4CznCkF?YFQrltBTy+ za+>CnIs9GWRn!|3NvkG(M}?EZ+*9Ei<~+X#rzITNbt^S`-?a%#R~*HQ%geFs?^3*> zRLZ<|=+I^}2dZ|`ip~m%5p7E~;D?sogCPCykd{i|Gd(~PT&H2!TYYTRtHXbh16Z@r z2Qsm=1v|xSxa7h)3^qDM-F&WyKgzY@>XaB<*=Nk=NW8_Bj=|Lb+I#T#8c5xeqQFTd z5FS0u!XN!MbZJkF+jG&^$bb&Y-bkJ}_(5rmJ)N*@H4c8S#%5$E z@;-qPwsvg}lM*);`2|z-cJ!j_7w(4Z^Ln7W_z84NYtX3GityM^iO+hYz&D8p( zKEn@RPqB&8zHrw|k|!xx;hH5Ccs67ZAM1ag{JxxuCxYVHritOG_2Mzv@>Cu-$FIcI z!ryDg8Y}XnpBCv!G(pV;DIuHah?AcECZUH1;foS|i0L+C#>4kvk4^&KR{H=OO8N+F z48+P3Ns#ZUBHNPPsZ{F&EX^KGpH6!R&Z=wK<_+ucQivW}>uiSkri*aD&K&?59SUvo zbl%)vA%t~Sd{I4^Y{?zVB|k}U(?bP}&U=TV$X=Lt#FVsT?IEHxPdYPyJTr?;gsXb8 z*piqD*BceV*!ia5U+ZN3{(muHW*UABRiwdZ+M#N$CM%1)4o|+mK(%{&MHbcLiIG}8 zwl&TW=0i)+sq;Ae)%SoslgE==YGGo_$_4CXVjt6SK81VJ|HFeObI7#U3Q(`DO5Ja~ zfLB5{#x|;tROtDkzIP}5a1aGA$G|IdKa_RqVyn&sHZePrj0qe}m%1*ZVG}5S?;}Cm zqXu!8kgGUEy&reDz6SG3Q@YwDX`SVQC zftsO$+wPmV@NN%e$%kX%+({VxEDqPH3bTU>ed@ke5kDpez;k@huIU(|cS1giuenQb z@lSN$azeBwL?3>A$tCiOsz`nHS*9$o0gm)mSlSJ(A|1aX;d3HkezRv_K~5DaZ9k7r zwf%UpJsfs_D}sg(gXya$LN;@xk=X2hKdctAL$97Lr2~Z?R>$~jHVzgj2@l0Sq1bCKF0Wmr*PQ)Oqfx{&}-2{_VuqZXu1W9ri|MG zUvAEABV89v43Fh5@Wi5sw))z^J9B0t65x}uh^vhEtJ`>!i=6Q>_~Zw znrj1L&hlUwxhtGz{wyHrulh)ji8=G?UC4Y6OH+Np;ru6O1lKKGfGz7T;`VMk&{Y@( z_4i*O3w(m*y?!LYbu>*>PjYB$QsQ$Pc0#AS6jv*66!;Jypy$_MVxfJBtU4?WMRN>z z@&O$laxWg6SG3^s0!Kb1UX5mIe8BG`H;6AcuSe4}$8m;MvC#DFz)33-NQh)NtnW{v zkq*b8_;n@`4^^SDm%c&yb4PS`s(~>B91Fz_DT@3`k1@^e)rT5cc$^ z;LrL>{1Q+qO5YuhL(hE#X$3pX+H;1F3F^SiN((lAk|%D?d&NdCi5JIBS3}RY=kV4f zH#&ZjiohN@4GQJY*tXOF+UX?8qu1tBBW&oX1mIhzVmXP&fQhY|b z0UiyM#Dk=hbuV{g#=Qn;&@i75-Q&OvRzJZp+zV7gdhn`{mo=_w!P&w~u|MfD&fc64 z8((P&_u*|YWBy=1Wu@RcH++IO&dAXKAwPN3^c)&CJx8}rN1WkV$~MXeunyB8X!skA zavv0^s*uMVZ0W+A{!F9_x2M8Hr8KhV^GIx%brxIqXhG51nOsdjAvxKRakSrNg!u$B9y2J|bFo;xRpOIi>|HMK{HhkQ4e4FD$+f62nfB z&}H_RJkgz0{XLCS(_WE<#v(9bjqKVt;XM5L5it-`e(*vLNGQl-Zq_qgzkLN}$Gw2G zVOQX~$$fmVvy|QG4;MPyi(q_8G}gM@B^Op%V`b(uyiu;mB|>g8-PwL9JE<4bEh^z- zfC0&vGgs6Sl#c`J+Te=t4%b*Rj5t}@pmdG|*L9dK+{G%fK6oFymz0I+H}ApnL1i#> z@KW40P?mR`vsb+_Y=X=?r*idr4?UCcmHaEvt&kaRpiQ_=#{%uq~`GGk8RG^EalcE2CHJ%t= zORT?pqqi{UQpvMppWEHJX2BHtbF{!V>mErxV#Yw9<5v<{{Ec1fm`%NEi{S0i6x2*L zK_8P@bbX|z(7BMo?e`|&(Ub>7tM3_{o?L@AXKuo@!#^-Z^&ifh?n3X58;JL)A{k)R z3gZ;|OGA=ZP}?HHJ>B&A4!>L>Cl|=X#>41TuXQZ)da&4Jf+M&{Yx220gjEUanq}ve zL_Hx#AwJv`R_vTWeJ8DinSxhF{?j9IMt_uWAN$Put`BFO*R7(; z42OubN>4AH#P%rwPM#6 z18!ZEBp&(q8{Yl4j43X7$?V-MIbHD!YCQ{tjQ($^FxdykoeZF+=sc_6+5(2Y{xB*{ zm<8G`BlRfEH$M-p%ssJGu)Z%xK#r!*9~0>(wtZ+wlY(koy7qOpbCd>*tQ8 zm!#1vtsYl>HRP5b%Ejjn_`sn*srY)wSx6FpLB$QCR-)gO#YS z?dks?dic4#iKOIc67!O~zz$|K!|sP0SbLZpJ=ymkIbrS!-jUzQfZ37aUGBah}`fb^0^=7XGd|Q2DbOX`)JA~DLR-XMnG@u8T|cmH22M!Oq(|>;ZNgk;ID`P zymcMX_V;6qo_hg)$2Fmbj2%_@WC8xiQn8QpVc}FANSU(}iV7uQeMvO7FL(n7%ZJc~ z3(e^M_73b?vzW@OTk(`r8@TUDCE)He;Ya)?Y7$xlY5B{zyWwH{GAs!^Z#}_6moU-S zzPGT+M~3DY2&;@`D%3Sy;9Ol7(Z4YobfQR(E4AqG#U({(7-&iVYTZR6vlzIty@+Xh z?}Pg@1Qv$a8wR&c<}p6gpf0@^7S@NO_4`dEq5GD=6I#y$HmmZBqsP-cf$8b_%xG>qtlgbo|(;;ziqcOM{w^!xFNq#Tbj(c+m4LTQ%z3<$0tMO#hp z!;bA8qMgG0R%Y=<^j($&m8$wQR8|sitVjRruj}yZolD`FxgohZGzuTg-i{AT z6xjX4*HHRO0eP+1N%Tiq^Wd(B_|ohcE>F`Fmo@~6dIYY{LLnRTadZUSz4D!{6+dIT zk^&Rxxgo)a$;{bXnd%)YL(ynq#&UfP?SH6)u|H3UdMyTvJI9pbA&a3HVvvk>Ia+ii z=;4c`C>EcY30mtkAs{Y>PJ8|w-;8XATF2eoJ%!TA!(1_cl^ceO50uA@O?l#q`vh7j%r+eRg0TJPBECtO;TY;mL+#qX4(`&;FpW-z zxjX$aaj6Bb&oF^0Da*M{0|9NpZ)_ra5oQFvfrWeb;%?azux^xRNor#7^igEGdo?CW}%x1-thf}*1FW}uj3I5n=2>(xKJZvyj$HvQce7uA*^-wk_z0zyVSMLaq##f;4*6h`IYFyCr4;;SB-oadsd(2hgtC<#SM7BGan}|%!7%W zj-jTLA$TlT;HJ70VV}vX4?UHnkCoPvgmVPH*c=x;z<1$Vvfz;_ z^WbYTZK&OASH5I*0oDllk|*DF95I)BqUmiO8bH7s@c*SoS%+wLYBe4(5fh{C9U z$a6eh;ml_qSVPJ@^I+G+9pVqkM*MjC6z1KXiMx7-^S|{@bYge`)bbc=&>zoi5A};J z%U@#5xeu&L(~_$uZY2v91DNr)5VG9(3O0IeV@Y|ge6*F&B~`kGe=>yc-`|%723Ni4 zUW6n~R^3|~TAq!C_l@c57do_dbQ~%P-V8q-J9cPkB8yQD6~9nT1u5GYG*vzVmWL&1 zWAb8@O0>b8&N>`yWJbz%^<%1L4h*qBODtD)K%b8x{eJ&Hde2^g>{M((U75`w`!c0; z^!9QLGoA+_t}4*A&7BsE8A>(RYEx@V%7aV|_`Pw_FjzVWKCU?n%E}GUX7UR^&20je z>I8fp^bI$T65gwF5g>QM8OK+b!mGPJFzJ#J-85SbMGy1g`mHdCtQjKKMVm~73`;lGnV z;~NQi9CJjQXWSVnp7}%(9B2Lp+qey zF=j0iJ{QB{xzCaV_};Y$R-FIHhHQE(nyKf=zwge z?kX}&DB0z>ECVaD_=ROikl7q6=E0Xqi^49DYKSFs#Ix*2vWG?R$CW%z4L zGHN|cBxYh&S{2D*XYCk%WKb=0Zmfo0HeWpGS);?yb-_6A=SJ@D=?CnPEq@ZXQP`K+ zvWith>78|hxU)|#OneB!?fX4`z>X`@4Vsj-gYfJA=O;Sbsdh(Es#LjR-Rz)L?BuLNYGLbeN4(};&rQ5)cWohjHp z6(R#gb>OJrLl#$MvZ5nDar=yDk`-l3V}A^Vif8TO{#;d>eZiJ$*ZD!}{X%q_kx%4K z-$(n_Zcy~LW7`Y<;)o6>mb-o;b(*O{d{)1LnH9f9?uTNT0&Wwfm72i5o=#N0dZ~1k zb|s1bATWDowBU9k%`FC}I6e+kgV;jCpD=lBeexP^H5tR7`|9+{&S25~tViUJ!4PUw zEQTKC6Hq*5Bigy8k&>;0vEtwf@xMn%3|vCU$ght|ye0&T-af4q$J`bygD`fg7VN3nhItHY&gAprgnhcna@aAI$q_8`7eFMb`bo5*63V@n{(puoqmyS8^{BGxZ;6 zgfB3q)dan6UI(*XG0=2dm>nky{FjjfxSzi&FI31Nmj{fcqjbLF z5^9{Pfr@%XzFY9+3^8a!1M`Ov*Zc~j74AcY^Kbm_t;yUJxUYwr5u*}=7|F1GD#aWz*L{EdOZhQ`?Tn>2n#{5b26PX6HfkO$)emAQe6-&B3!v=d+>y_RMkFUsf_) zfj%pKgrnn}xukwHNE+MmNf3wK7nN|cy*_O%UNWI%LmQy;avVQvE*khP!m}z<*wm63 z7A6%y4{ZK~S|WAOp6bEGmBV3gNFd}ca&at3E+r?ur;@6$lu)E3>2?S(TlRr$tSPTX;RAnMOk z#=s^`@i5)jyVCIY(pRFJ`Ko;B zLiy6w_kFss%74D58`i?L(pf=$hes@c;*gg^9MA-+iT0Y+WS!aG&qK+ zWj14krY2`oN`#%3B5F6e^4mh+OJ`g>TVN;2hglp(gZs8T&2u5&5PTS>%13Z7Cq4dI z(-le!bD^wvA>Xfhk15E=z{?AQ>wIlJT)p(2@my0_t?P}=sX|60(g3Wa20>GN4^!C@ zfxhZV0`t27B}_kK&It>+cHlHFj_bnz+#cYvHxjhHaV~D$XUt~@{(~dFL0A=c1uFKr zV#ak(=C7WKkA&aXx#AjhED%A%###rzr!h<_d5++7lY_JYTcAO{1E)Nwr$)D@h|bjt zGZ&*U9%^L)Tjt+^u1q2d+58vgk5;6O8#6>>M#y39psh@;^aRAcScS?jj^VCDf)_32 z7i5>q&^;S<(5WSyofn*ng^tyrt2CIcShfTv3T*$W@o!P}{3?->Mh>iQ%|{u*v(Y_~ zVN3CLY7ra8j-L4>x~okdWdjmVi%!p`ifow(T9 z3mzPort)@cky)G2XxYoS{YMMzbCp8JOOsgjjyr5voft1kUkCRUCF0294KRMD3FW`L zSd5lDX7)T}vIY|PjmClHocVZfW)S?avBHbhSs>5ev8pmNbl9f>wSP9Tol{S<*vLyL zy7N%j3k`yfcT!vwoB(5H<69t^O!f`7rS$B6s$WJ&j&}W>^VzWPglRuOW*fj=S|C|NigOo2QiNJtWiOkCSAjutRO7}(0MSIViqUiIs ze8_ykdyjLumGW}vIX4eGiq-k^Df%#D=qG%!XE-&h%mnEf*8IbX5p*IVyepUHZ%jW5 zTp2A0@G^!?o62EFzBx7g*u|>VJGSI7mlfnTak5T74WojvY>& z8k)i9;dbm@G9Nq|CGcowlsF((@HIvqAx79ePyVp zxgB*@tikQ*LjQgYgKn!xNLa-%NBAFV?23U62QB#5I5R%jGzjU|2e3d>aIZcbh7DFS zIK!Zc`Hk#i?&H=#!G%FQuP~flY52wF{Cx}hPj87&3-6KCV_(JAuOs2>>sr*jR>e*n z?`B2i3cP*05;IwO6Ki&4f>C=Zd-$vrhHp9wQp>{0;2ISkcw{JzesWph+5}LKs7qvA z)&xF7VIV~J{y>Y(9QDR+<4%c&WVhBS$oX^_hG$*E_U3^!S@ttH1cpGKMHqCn7lWyy z4XP#>@|xWp5as#?687E#zk4Hj@%lj6y+M(07iLE<3Z;0zFfZOeLzdd|N(`&I0n>E% ziM%wtO5U${goocnkT4f@>bw5|2Gsw8&@0v`RhI>4rWQlg?rE@dx*7lL*nzr!!+3fB zMOZ!KC9F|t#ZB`W*{oSgv=cPwxfO!j@c9uu**BR!+hfkfm+fK9&UDsTJ_vuGu7Qt> z+SrEmIuP^Gl|IxHJdci_Skb$qY)X6zzK^>OTY|5n<1l^RFtSWk5cQKd4r+iFr?>3! z{1~v;YlZUyljrDZ!Lh1x4f>xKkXY#yoNqgU#Q1dMn=i+4j9V*ytZIhYr+sk$F)3(o z{>xedKbE4I8m%0XgI$)PVEJew#+V52jy?(6dG7)HU^19WtZIRYHL4KQ7R#%g>oKoj z81c@Lr&Fe?!}-$|&~v2;&gc;0A-EnKgT~|bsEbU_M+0u@d==$Ax<#_PPZEQl6KM4% z4taBI@b_eUDk(LHpWS52TWBUaO!)`dstNeg=omQcm7>GDlxTrjoZyIy0E3$sA)|5{ z&vJOhAS(oar)Hw~Tox!^RHc2dd&rFVIGWZmlupX71jFh)wk5U^h(`|&9Grsdrwfyf zS36+Z^Vz)P)pz2dK8@AuO{WvBoS@jLAHDA%!&_6dDCp@!&z+kBQ^5umPc38?UmwA* zE&E}%%LKOcp9<-?whwo_bz|2wg&c{x9aO}4;@%~Z%>Qv9Y5Gr|1)JQ#;N%c=Tl5c# zy!;_Uw-bFl$CHR1$8gQ{G8Q}QDfT@(jb;}`^knl1{33as&@};QzSfvqU3&t}Dwp9# za5kC#>NgpxHk^)I;>D#*dcZjSE}P_^295V@K%?;p4zPU>l3nY?N&;iG$MhxItoj0p zBZa(%w<=wGTphEnbFuCEE7-nDk?s=TB9%{u(OES`U^d+qmrc#YpF%Huo#i>vEr%>J zwRbr;SabvZ%3q^P*e*OP@Q37X>!SRC!;m2kCjslv;+G^{co=vR4!Hh8aSgx%n^AOM z#t8asT`g?`sn-IjDCJ}QM67tKjq42Vc|w?K6hpietaATJH8DS7|a%!oKS@N z6)E_;6`<6&6v8*%!`hL3_>jE--$RX}yl{IyRL>3l98=imTbEgjO&o%H7aLux3+}Ry zVWP$;Pze|A)8ACNq?RJs{y4`Pde@-Jo>FjpmkXVOb8s5Bz+43>65NoC!4qENQvEtq z9Q_M^72QSeEmJ`uDh@W}KEYYTUcwz=j`n@50ctM~1U-o!teb5><*Hjyb^2=hewPu* zADK(L3y-4vzlow_Gy|EiUr{%g!oE$iG$A|zlSck@JSq_j(Q;=Y;`nJCZDL5j&QpQs zA!hL4Ts>wDcH^P#w_#mRegOnl8bwfA1vAbK|fx z#Sz@L6pO~RMZ?;J6XKkMA?#SB5t%jOA&wjNr!+eH1oxC{mQAa}Nx zt;;+B>-PJg!=x%)==}rVYP5@-I|w)}(B24`xl0A&aM|2p$6 z@MXFjE&mjY$?6p-h*PQe6xhCWRdg9-K%>2vgG=HdzDFY-wUwp{ ztX&x_8863_p3WlKkqhatqGWj2Y6pMxPohoT3Jg&a!HWZ<`HK}ttX-PZ9n+ky@VOP zslyGKt`HkM2!alGi63sL7o207=-_S6PdBNc`G|H{taeZIF4-1_r)dUWxYD{9#>1DmZYY0^Ma21j=?fuu4^pHrMoEUvep~i#h-^ zf8J+D=aryA$2?G~nudYr1U}&JkK~+o85@wWk{wxA5mna?qZbVtApLy?i9a)z-qX0vq)Vek5kekr z7s~i$YFJ^~ zPkd5o!|K*PB!_o&;yTyYY`@b8kgc&J**%l-!-N53O7=k7HcgKIkxXI>Ms`O)pExizV65r=7 zLN%FqI5Tt${CL^Gq#tIB_Go&8-#c5(O3NpM8+XF8QsErdvz&+gSqRv-16Plw?8*RD z^1b;kR!(1mp)L+Ye!(TQ>R1W^r>ZgO-B#wa`5t;m2#h7ONU?#{Zb)~|WD9gOkQ@ty zG*vHTya1p7jK-O_2g0<*DRAw14N;Y{a&T^v8+NMgIM!4iU}NRR!Fi{_)I3TXLRQCt(U83`IqW>v9-T&K3f;Cp zvX9X$MsTY?KP%en7)hFQtBF`Xfae__0~*d1X)|@VsV@jevK94Ft}v2!hWXfp@=^c#aV8O*y= z-uQ#0-ME2Kp}Dv-G#L9MzQ8D9M^`=J7IBtuBUxElf=9*}ZMP6MUCl(uKFp*e$NSI) zau2}M>mym9Y6A9&^(>ED&}Rj|AU|=0qeemzneDoaZ5)alf*Y%-pEa14h# ztjCn=&7?VMBA%7(g0SLuV2XFdep?oyJ?_VO-&OfwgETf&V3^PfW2$6f2F6ZziR!aI z7*WswIP(jsd-h2jQ#g*sIH!Ye`5GMMejL}RP3NbdyP%HlARKhD4*1#Aur*m8g>Ew4 zb1@zRW^aO)&CamxObj-~?!y^WgGy(2vf{@F*;F+qd zlVeC|gA0EenO$-rnPS%`U8?1H0hbkJVyI^b>}XO)n@b18FD`G#LF<O4LHs-!GA1a?87p8i1qRi+?PlSqdX;ldT@ z+dJ~>XAgdvv=KrDPR^xG@#J86DBr(akGE?Ev$bpV@m;kl&Z`>%k^SDZIr9=u78l^p z0|H}gM*-Y*Ttppo6Uc|glUUFz><}BqV@Z29Y&kaq)^3-Bz?If;>q!L5FE?lLcYedZ zrpc(@odmC38nFGvHyGY<0_7J;(c?4^mz911(SRaHu)A56UmTlmWVF^Cr9H&i_71%a`P#Kg?^1Xw_ zY8NxH+CqbLJ0-F7y=vgJ{U!v_DXc0{hr~5oFkANmXrlYbk%G~%(>#Jj&+28qfu>+( zycezpTjP?S$HX7Dh2TD+KYk`94bBz3Aaj>%bFY-UB9ka34gx1`@X>uRIByy3jckJx zBoS2_)KI2y3}10HU;e=U znde5w5K*(w)iy*-EDAw;SN^v%mZxl3(3Zgmw4sZdA82~x#*M|;FddM zxRhfE2Kw#dul$M}L+j&l`|5n$)i)2ew5DR+lV&`Q)uhfS4#s}WD>)pJfOGQP;7+~@ zXgBO5ofBvA6}t?%qC877L~F|q_+ar!oOQ>E{>*+;vdSRxg>Mo(Lg1x4Rg9zB5)EPp*JW7w z&;u{X9_43loFOOvETL&akMK`J7r0#zydCdt`I-r_7@n0$ez`Y8%MnR1DqBl7mFt1l z+BlHeY0jtA9AcA(q~WzQjm%jg8h>03K(95kuuxH&7hAjq*~oYjeeX3MA9@WgKTn0f z!(~{_LPPqaC<#tYuIW4thAv`E)fg>sa<78nY&ZPxoCItz zy#Zf`%;vgF4vXUN`Jkbslyrxr;k!T^dMrMMZ1}c_F9;U610_0;X}Fb?Mh9c` z(nI11sehO)J&Fgv>_V}jD&1^g1VY9f{FeogMquDC=g%fxz>)u1tL= z7T}CGW^hwY=mV6N;5e0OXxj1;sutdZ%A{kC6(*{9wds>%QKTRABuK!>zIGBJ-9pNL z2SDGDR8UftrV}cTi2Cxvp-o~X9t#>v+imXPX`we-=CYPwS`dRXUL`=?6I)8n zUua;gGqQJ4EVIQIbrWQ0OXxh14V_Ki#6`jKAMud0?mXU{F6(%txQPV~5V{p{QYhD^ zjvcbkAxd{9*?U(5Ez&)4pYk43x3vT}`h5UDYeNd3Zn5&rZ}7%}vD!>6E^8lzi)=OU z`jH&cbow@I|L`8)WDC#SD~&1lwuqyT%0i^(A^2oyiH}}4z;&Z?aj8iWnQ`|L*}YYk zCf%6GC0$yv@|ZG`EkG@NgV@sYP?6+(4{~$#K|F3NoZBXSB!>Nf>C&I!p}!&BfBE%< zR~}Lrb#xGo{2Wgnr)ja5)3-p?zniegy9bpElUd5lLczEDjM%L|i6g3m$ym?JBr;eZ zWmq`uv{2{k$19X{4>o0!HjNXU#UVI!`xx9PQw0|dVuPLO@kYG$m@SLQ{s61~%Yo`6&5ZV*#JtMv(!?ft(qEa3llO;{xLRF4 zT&apxt5smy2v;zA(TFcb1TtGuGYQGH^uSMyJ@ylU?jRNkxybwVxJb-UBBv`3RJoplGI^g`IY=RsUG z+Xg*s4@2+oKX}Mllb3%w0n246n{Kv?{eJ3(fv)pmyzd)wB6TZREXjoD0m|s`L5+v| zTcPD%Lwq!3ucTBe zgDtw+11d#%(7xs?n3meo1)DOUrz#j6FBv_s*!PWLH96IK|z=Ag?Fyrb4Jg=5SHea2< zPc8X?eji@L>E0zc&BqoazpHSQ@y8*bhl%fd?u6p*1I%jRKw57OAes3}+_d`yxE~Pu z`O*Ve+j?Emrr-bYv!@r!7V^5LWYPGQRdZXiyzPqI3#z=Cu#*v=) zJ&si53NLM@!1QKWDqmE|n$M&W>&upO&QdG-=WHZ29QX{!I&_3RR5;YfM~N~7x6`H$ zUl{sJiXQ&?Uup3~E$FJ<2`cVxe59ry?8_WQ$F5ic6F+d%Z-FX1zJ(kakNO*NTLU!I-DSZ`l>G zz3LboQ8Iz<)mEX#Gd7D9M-|}$r`h=1Nd^Z99Tm3=A^2c|w$PW%Aj!jQQDk+IY@ct9 z=i?N)!trakX}>3YRoeoyOpNfQ{Xf>zo-XR1Dfm>*KPIDAKN8Koc!Rv>{(P!1mw6B4 z;l#x!Y=ywAo^#j|&9?nx7nBx2w1g_pDQjf4n~z}FjioH};c}R_<0$veJOz=`9oXSD z14u_{@5R|JmfQJ?4QnK=c`lWsn;N7=_Qo9^+{A=-zu8qsZ5)4uffAD zEf^8C7`J*QVC=>5kem97D2r`b_sexSPU8wb&7H%FMw2r-977Tn|^8M(}O5 zhOB*oU~MLAAmCO4Jbtm8)w{I8?zMeTo?#1nzrG~Xj>w_(ze!}leJk*js3wi_+9x%<{)sJqzyxuq4aRrRB4EM=LU#(sJy{_m;7PdeFYe@+W;m` z+y*@RBl$V76LWw1GZ_VrF|I?ge}6q3+C2}fU)M4FeNNzXqyleWO9r{!E1@$Q+(LBljsCW)8UWJ z;NhPwLiYJ6TyEUNz4uj<;+t~9EYci$hCN`D6iTpRq!jye?rUlH;udjkT?V#a7HWmx ze`Af8Hi`0>jJs!cuxQUvw#;M+j?Gf04PN&}rrjUV_DLh2NtlPNKWE_DU1m7GWh!58 z`2y}Ao(E&5X`rFl0UCNDxW39a7G|ObNwbuA>`=jPXx{+86coAYx5waT&;iT0N8^S; zzhJ#hAsUSkymgH#G}&tc2IcKShoL%r$WU$mdrl;FkDkg?;DGdkK* zhSoGYiZ|c4#GhN%LW`RmINo_G{(5i~89VeTeCg754F7K!Df1spX8wCZ^mYnP*R;_z zJJJq|ho6P9DyN||L6_&tj>bo;N>Tn@5?J*;M5lz?;^>2W@S{~GrWfbpupg(;dXg@x zMAsl}vS7EJS7YJ)Qs(*cNXa&TRcxG?M0UtYpksP4xHrnth3%&JIC=@R9_cQ9lTip2 zpZg(Y{{rEe&Vd8#1+J)10Fm*$2cPl=(?K_CKy193w;m3KynJhMV#hb}8t1jt|EnGU zvHS{eQ@qN?RD zL@a#DR#}PJmv0N$sN#VTs9YxAJ3@x3S5)HWy>htd;ANuodkR{mRg?~@smEVUkE|Zv!Tx>jV}nsg^wGJJm@Ie2=z0$tBk*kUn-M}y0?}Amm)5ju z(IK~e=$U<+G3E0&R1s!SHvO03l;9ntXNB`!DuG8C3!yRB2<@gu(fS~vQ)62LTMmYc z7oFF}Fzu=6^ih$H3cU=UQv{i5@OQEPd3l<@as&PJ(M)ve?P=a1 z50h=S9%Z^$pjosUtkx-m$=%*WZ-p3C#vZ^G{ef((Z8M&5E<&{_XGKKM0ksd!hZWMP zaPamKULbiJl68BouiG_*dl?Ud88^(ST%QA$-h>>2C8yZp|cXhs^VatoZ!4v z^}*_mYE0{LAxxg$h&mCAMbB=AlF2f?0@Fqfo-99rSL>qCEnG}`3Kp{s1zGHYpCmOg z4I(xko)BNq1Z!>#p{t*0@=uG;peV&k;CnmK&mPs#{bn>BerOA1*=57DY7g?c|3Rth zf9}Lt*kew-z`*H(1@yl^h-Y8_#H{_ZsEzkvkli4#)og}gSkgZ-PVXC-4|~F5tC*RG00Y}Qo>H&2v8_35BitU+T1PL_Jn z3DWWW9Qf^mr~?DGv_+=!A2-1->x6CTDE_z$6!MP;h;X$!si&HVS)F zmIo=fsvt15kaSK?XU=0(==*zPS=+IJpfqq8U;HBwjJ~*2HJ%QQR?nf!yO$LU&)@r5 zyzoE%3eydak=C_J^vRM>tl{EWY|^lSK&AKMH-S}5=KvAT*6LjMVJP02Vn_|99U`07 zUqjzL#(aU10n9Brjajey@O5T5N~Mpb6GP2G4(?#;Xd@ixlq~cYg?&<@0_0EAV!I>+ zF3SEDY=T(m^X1JR%?PzJ`X7is#pSPXV2_V zp6*elQY*T^KS>W%I=!HC(=*(NJJ`eNqv-aEQBZjFAP&4VT4ZZ83C^yx=Ax=0^xxYI zNUoScho3j4s!KJ+3OAf-?MXS5bq!$N*R%0G%PIM(_lbpn>&D&3cYx#h2e5Y}vd6av zb7_}OcG%Ap7Ibx@$JYs>%#WQgM|CBdE&h*B>mQA?$4bzvB!O)8lA_8riKzZvVB-f| z$LcaE`tQ&#%wIW--@8enUd4=F`=$-zCmLMo#*Fu4A(udrz5sk2yCeVT$FDP{jzs3 zEGr4})~3L!paZ;@-oXy}R8+C9ChLsfire%Q=-Wnh?tJQv=zkQQcUX_#8^=pUDJ2c< zK|-ZysXotrl8homgh<(BgtBL8X(vTfrAc2!(fFMEl(fhwiiDJil9?hSzvuUFS6!F* zIL~?R`~7~sI8l4ZZ*=0X`1h%Mh$zZWA4%5M|KuvWm|*CACfepQls6S&8Z8GQ^m!QP zT{RZkJH`w0UQZ!mGztE#@kcu&Us60H5VSjX(frZbkgUQhzz;m2IuBn^Z%s)eE1L1pG|*FRx( z%yV=xPbV+kmFT_MvgGXIWIX&k5_3!baJENe$li<~=(!t#!LvW(GV$?bW%NqouABg} zslJfAub%q+{VKEz-%RXOUSP=;dukvP2N~nb=q+!K^j3S(mGh^#OM)!hb&2 zjW|Sp9ZQCvmm}bl#sbKC8je>yM=~?*Za96Rj^8_0!2_Oqw&6;bVB@_DkR_!61qUL) z>o`))d1=DcCnu8y8%J`=8@BPTV(s!vn-aO2rqf`k;)&z;UE&U`j==J;GAb!+Pl{&e z!6472nHv|u`+H{-Q3)wFxpzJ39NGb|v)@pZMR4$YxkUe1^ zZf<%4hC4>H3Es8blK^wxwJ`y1HO?m!KYfR_PF}D`Z#+)8J%!Uu$iUYBHsBf&1)Mf6 z3j=bpgw>w=!NpXJY$3YBO)aCi`sey2*I)$OEItc0k6gt+5^VP`;oERmlqSUloM|p9Z**RXvp5oXgz3g1Cis zcd>Z#Qnp?xiYo}@*zGY=sFBpbIg1EE^67TW8f^f#*D1g}=Ow6{VnvqNI}xJ`ErJ(D z{SJz?c1H{6v1Q~`AHYYmX07+`nLsjhePl{@C(kbFEz#LovT`5u+CCH&6Zk0t!g=}GZQ zwr^w=9&O%C((~IO!m}DJbeDjudI6g7bA#~*W5E8fGD}@m1KY!+KqY4<-0BTN^;IL7 zOj{J!9g#?pL~*AM^Ed#hPr^oFnP2LY!bYJ zbCVd(xUWNcSM*Ys+&A=5K?m4hJd4*3Xmf7g=aU{#mG zC6FG!AEQqca9Yk;e15isiyhw~T)1uw`*(I7JgJOTa_ls_E~M58-^I7SAZ`rA=pSSm1$&ywg>I_r2NFs`*8w**8mt5XRuE&g8sk_leA!G=s&)$0WJfTE#2jq5`~@{D7QlZ2=TZFrHdx)A z0#DBR&hgUP;;r29A(9_sL?drck-!^>~Lcad08EoiGhF z>`w7aVsqSH;R3aSJ76SS4fE&ekWY(Fv#ayfn0i3AKq*lfr}TV>$U#fUJ|hMKnISH~ z+!N*wE{B!zykA7@9k_MA;c6#ak_p%UquTuMnK;vm^RapW{_Y<1gtru|w3a7tg14jC z(0|~+u8w+scc6-et#o$UNN{y<0BIQ|I=kWz6+PL>IS*-2MMF8<6rT;_UWmc##Itzc zaW1MlR?H_A$R}<=F_g|0%K|u8r$h z7sp-vHx2&YK8@R#oWUlKbFhcI0p3nExI@B_6x|JjabW>quw^y;3(w;&NT}f}IXCip(kAAGQhJZ;ybh zdar1S)g#EL8&6J`ctVw@v-QaWRkqzi57o8T(M2{R$)4+ZK--^kCReZG$^~uK2X&3h zdKLX~|Nd-lS<5x+Ilj7RF@70*UnL72FGZP4lmsp{y@tQL4sbTp9^#rBS4_wf$It&L zF4`Q3^8-3K(WKDwM4z$jepNq?d-#jm%LKq>BPqzKb_JNTkOcZnfg9UL!KyMRa78ON zt|yky6`Y|*dG_V#)GThk+D5_R*OzgL{9|D_mR)xC zVQa5_L6>9oI7(?UdY*}*jn#{2m)I6=uPH|&CGv6J-UsMtHxa$$5RzZrt__~?r4$W)iGWf3j4&fl24V0nMyr=7q+y+>Bz>MXdH3QHftaaQBR@&|k z?uERgP(BXVp1J`crCAIOZP2{9nNInu38&X5;MeG}th2^|JJYlc0*(~Z{RL6foZl^N z7@0xclHP!Qh6er=@cy~H92}T$gTG7+m|engxTEC^&o(;od2D_c$oe_2x7oPoWG0;2 z6oens7T|x)H(|i)XW8tXe{k$IMN(8PNA^bNW5y>58pcY|`3m1x`?du)h*!an8EetX z{vQRMW$f$3xmAW@0FRnaz@ArbiSz(i6o zX#?-|`GmoR!JMAg6+zw4nOu&48@+gI3e6Os2TNW)qJd|v*z{E=XyL;nxJ^tNe!pDB z#76I=$NZOIe6l91o_hzJM}`QlUgRCvGh*QO!4(|y<)HgS1=cwxV}WHNF!wM{X6skX zYupU<_g~cQsKm+J_<5#7Cfd9G2R}NDiM;(wl-U$a6goXnIXDMuLcelv&dnkwhcltE zB7lml(PQSY69(Fk<96SF(B*j!ZFREY$O(1gw0j5!rZ0xU$AmdWoPe2MY+S@8e70+JWsD`_-5#2@yYcyoQz&8n}pi1xd*Gxgniix$XRRy~W)!3R&V#V$$#;y33!`2uf6?pOAt=`BghmamLRXbujK6J9{qG&2 z3BdwVyq1h@?$S*2$T%R!9zvg_^6E`hv8dQ!R>#P`o)J}19{^V5$);rCA5 z{9mTPI$etFJQIxnUZ!%Lw@e_d=mn?P-3}u(Wpw7Atu!n^tATt58AnQW%i^12B<`aTCHJrBaM*X7A-g&pV@!+Wp$ zElJVkQo286Jg2khBKEqxgxle^FlvJ#-q{ciyPY&hOJWB|CowQzElJKcT;Nj2u7NpQ zbl5Xv1yF5Y1U38|{1aQs3{AcZ!&Z%fIoscJe&5x}q&yEsUhCuV*40EQDi_DP`s49Q zQZV^HuktxBMzgTm=Ymaa1{ZhqD^32s2%KG$V8R|fRzI--6{jk(&Gk`mUe%3V&{IR> zfOMR7=QTw59i&-~pU`Z*7)fwHfw8g^Fc`zxBc9pQW8;Vk`8(*Fq-u0=qMXsen>N{} zq|o@l29_qD4}z3&?6ArNSR-;4{}tKbm4I>x^{A(%bNy+Y^?BHKJp=r|zl76aVx)7u zG5fe$ob5lx(BhyDo44jQch8OQYX9`Zd#?T9%lD5zy%>ZGQGRUPn)zI}m@HJkj|IP} zH!(M{m^*XgnQ-}Pee!foDI6W_1d*KO>{N9sXG{7yGW#btZJxDY^zI3^yNo4-e@(NN??@852*y?aa$)Q?ZbtrWzR; zr9*xVJvB|9HH zq%@i7{21!<_%V2~bgnl!p0$u579y=kEZ%0qAUTv*k0*S*ts+F}Dt(PmTju zyznJ=qa}_zrs21?=jvQOYnewAD8Hpb~;6S=c>PHex38N+2C;rjasc<(xr zNK5I!vWFib_eVHO+{QnHbaJq`y%j$!$N>eO(;=I3dn{M5Q5-llyw_XE2G2s5{ASf-3q2llqGh43UmCq-cF@G*wmkPPasBXn2hLYl0(mAvaXHc8u%EEx3Rc3H>clR?u*~XXsb>J63BlELoI`rOMaomTFt5{Fn{brSoyq&?athk1AYA z7qI;9aIz)lJf=Ap!;yet;fa7ecv35gv2!o7bnhhM^zAd6<*M^cl7~>XaU(fIp5e3O zs?4>~1tb4%Vk5*gxskq#2v#wCuKgKan`5v`9a@QtzwJifGE<1Fw!G+eOD6AQi`fq}xzZh#d+KGq5 zwy}oZ0+_7xo7?_79u1=lamGLc*xwq$PbY7HUeFC3Q+g74;zWVyX_gJwFfT2TmeA?cto;t`I&gI2qqt{sHY5Ib2(nCadwGm?N)5 zW+s@EFV*9SjU2x(H0Id^#jDxjgdbpF7Q}oDQeavN?=BoSg`TT_M&_+q&Uw8^g9J@+ zwnk(P6}HXiL;~E%ksmWbEFcDQMyrDX-$OS1co>u}MG^(g#~`W8h?sIdDmYFe5cQFp z9pVSGl0?YA<$)lb>kqw8y5Y;Me8??l;K9XX7~x_TtDMU72NV*RSbrpmRJsp8qIa?CRSv>yrjIdbdIe42d7WFqf1h=QEs@={ z9OumENabY0TBJ9lTJS3{sjUZd-&@>ihfnySsS>i*zlQg5V^Ma{o2}0aM!nFzM8a+) z%ZT@fIgynZ75^3YE8dttV&9pjLJ7yc{E{%X1SxfjhU4SEwyo7`Sa{{3iu)^#ml-M=m zpI3%_rv5OiIr&vsPEx>Q-xF{+lnDoFis1YFQ8;tZ4ZJgr@I-5{@a=^M+!c|n#ITuX z=PBFKwbP%#?6Ol3`(u`1OZ-6=B0dhguR3y?vup8`r5}qeeh9nDDxjo56)G(B!QH5j za}1x#OkRpZQ21yzaH9YdM~t=^ZofzGm`Fpwz(1;Dq)HlprQ_WfUAXKK-_6{q%_J{J z^WN->VC>lpUiKFJU9yQ=e>{Wpv>k!Rnn%O#VP|GvbDXKo0;ZJm5%z9xgKZOSVPCQc zQ#r7fdsMB#diM2$XK@D}$bAid6(02aURMZt@E!L^sS%fTBiYrlQLJ#eIL^rLrY|?m zWf9*!h`)>xiyG8m9M9bh;xl(~gXdwv&RqEDc7}}@lL=x#|?%~gk?hqS#2iX42f?C-zY^=T(8-Csn zEjMov!PRbjF>(UDsd>$9OZm#JikBct3HD^Ah!72|8)%#}M-G3u0QJ!e$vnO!Q9orL zlz={WJ#8zBPY@^F!{Q{eWilykv4tql1;lcsouJMR=?6<2c9eHAU4387xs;s3>ScX+ zD)tR_bg#$JlA&}|)dwz^cXH{v=Rwl)MCiLAlf+XcjYq&_}XFrahhaLl1)E zGHr4#dm(e3mxo&NSNk!v{>DblRd^U?r}N)Z{LCzd6MK} ztvPFNO2&pN7yNxk3zwEpfUOd_aBbvW;7>fr^$Wtix18|ZxpCy!u`#@h-VjfEttQXD z^kMOV7U8;9o`rX74;IABle*iz=+*oY|3$f=QH>v&V!MbwFroM*c0X>Dp9Ze!lv8yj z-5HwamKK(}({4z8=3A`k|kkBBr#BW#Y>;xL2$6No8+X~6PZ1zB-@5HeNJ#x(Uz9RTVZjO)=CV40Tlh^B z-tRkwU(%moRH_vB+sGGoq#T2Hdn-BXOKxnm`CNQ+KN}8O97dycLBdSCKIprm54xjA z5*Z6^m=LQ;Jj&YI;DaU&3MRE{e)H@^11yr)o|e8VQ>k{f=%0bj>4)8w$vyH zER!ABhK!}~Wo;7%3bjG9aTm^5lFfZy?@VWiT!q!UR)g%+d!RPa6IL3gV2s{G=upt) zy>wluaL$yp`bjd;EDdICszYi9cu#KA0#NgDWw#AV!6zn7==!%6WK{-m-_u-yidGV| z`tbaOX{TtDfgE{moP{aH?`U_+OWL3N8@qm~61#d)=3RN5&A9&=8tv6tM(BLLJ2szu zcDBTc;hD(AY0|gPUD&;`vLweblkRz>09j^h;b8VzOy0GEr5B~aIDYqMv2Y%?|8^rY z=cJHtoxRXolMeBhJz>t9N!-~?7gEvDfSrymINSds$@>sb>?0?_(>&gxYVeEuy*7gH zY$Rcc{9KgH4`db#Vj;{oifMd)%;#E0lkGdFp;(*)`)~6xW~OPv%vYZ#?{C_0BXWfF zkj@NpvgkjpUc;xo;<*jG?Ooxa@yx9thwRd<;DRX>C4 z4o*RDNfGw8-ka^8qrz!5DiHnEFF|Gd0DA6d#AjWSEbHhE9BxW0cWlcS8v9jXOX6j= zXwNVlHV&d9$M3+usX@ZN6=Kk~tq=~S_Rwc{ZPF8|K)y_f5}zvVc{zu`G`k5b^6K|QAL8Klk)!+a*(8`-Z~P;F2qO@ks}9vH-> zsHT9@QJ zT&3Z)p9=Tw@_dkx=l2Im5h(tI=Q@PD!$=uZTGzO;KPSlMfRc(-1arDMK)>dn6dhXX7D| zVg3z!u{$z~t=hJNY&VR6`Tt$wJ`DO3^$kk+_x*A>{4A6dxH}Vbdn35kD@h??DyV2} zr2R)XLygKMlUJc@X~PLeMZ|B`@uFV{g?P@hc-&ws5d=w!M2 z6bihiuv=C7>{8ni+&*tBG-%b)&8|=A&s9pKNwyouK27DOtEOQq*@9B;)v(NQFB4rJ z%mq#~ChyEv(3k4fSW*`S%8P^Whw^2rnExBqq_x?-{2l~VJR_(}z=yk0@0yGN1q)ZZ8o^ayj>O)>7G3=6ey1^tE`YK)p>uEH%$ zSw5D$o~q34_X%X}UCofsXYzCu|I&E*6cBqMOSbb|&zFyc=sImB=1)GzUVCSut3+hU zVQqO_GS7=`@Y;sP&ZE%xRXTi9zDY04O8}Dr7l?8kO`;cT(095^$*%z|x|>T7dgi>L zAwSn)MOP;-wSNLfovPW*bJD~$Y%GgzxdaxAf1zuz44b38ifzf1Aw|FLbCvt2;`<19 zZ2#N`$I7pu;o1RcoF>L*D6i!vO;u!Soi9-9PyyV~z5@r;G6kX;VnPqS&v27x5!fy2 zgKK;EIpt#s@-3zezSXWE((i82wcl(YbgmSb<>@e4t&wce#Xqoelr-7Va~*;w9HF`2 zE1>nlG?v~}!sW?kF)`hDkRK(EYU<^%-m8fe*UiIVgCNSoK2fA?JNh)M(CQ3X^1(y3 z%RM}n^ZnS%Cr!)bj~2|4{md{tzJa$X&_n#h!UyHSgz(-0k{8C8(gisYLmqO zo!aDWqdM6)b|pJgl*pE=DdOs(&17p|5=t6I30&a|E;7E2 z@;dcpxAbDr=aV&Q4Gx6DNC7$QR%jNV5aD1%CdSJSYbh33=r^ zBea+@jDFh72Be{4ArVo#1HN#dIGjk+)CcY9p27Iiqw$#CS2YcAL_z+s=iId%nYVgqA zEWGME3NM!r&@*+PK&mX6di$6Wk-krOVe2H^^Ttcyxo{NYCYrNH15ap&h8te2wa4KP zu27p-1Fl)e@N8_0FgSD^Yw`&~ug`;6qAVb;PPf7I)fpUkavh(&Ek(z{L{!-&OCqPb zqt&CMFwQlFeo2|n)r_b^W6!5>)qEPBnRK3wJ{L)UG%ush>9bknlVxQ4Q=a7!EX!8e zXkp>_d+5++KxAEx;f=CTCb_c*mMVHN^S`mW6$CN0neH8k>^s(u442U z3pViIueV zoE91UbCFYNGa-U8yNUkJ(Y!bMIVQ^RGenU(NY=F_!?Pv1%T)r{bKaXwvA=+FdY`%4 zW4j^Yb`3dj`X>KAs|D9;ZjuSSD=*AD4;Ri(#C>hbWiZMRUc40}^St*l&RYZ|(g!i} zN-*ajD+Uj}ykPrTE8_g12&`9^((D3Bb}|m(^#U<+vSKkU5?M@c?RrcLMMKc)&1KZn z90q%RN%E)oEj95>#fYjxl)tozjG04@blO z3n1H|kSV0y#e@63=!cvgRDu(M2|Ze5$ARM@cUOjslaYWhYXc(rLk_&F>QVio6t_!t zC8<#sA-7-4lV92z;C1H{et))xI(V70dw;}OPmwr1r)A6PW=YaQ8(k)C9RzOKbHG_m zTW~g@k{V36q-#HmFsnHw^zHR-I%nq-=z0|Yn)qr4Ph z*~bSsZrMLNNV~L+w=K-9y2}~-WOS3v2Xqu)2!3DUse1#ZPEEP6{Qeh|{>n3ELZ>lTp1p)R{kT4> z7?a2Ja>AnTc+5D03jRqDiSw6Xw|qJ_O|pc4OXHzP-^ls^tllNHOJm!xxxgZqh12{%ydbhZW*_5*C%L_ zI*O??MpLbdaS$p|43nCh(CY7b42}PQ-fX;ZcTNq6#&2PN!%DaVmeypS4&!GMQCu7< zlY!51^qOTB*i3X}{x=$M+R7PZ(UTLLSD-Nv=3>J7`uCl-y_F1;^48p+(f>!@z^Gh8)p$jWvhgk|GW|APdkSJ zeur^UNfh2PKM%TFfAenAcyws5!2eFafjZ>5)fF#rvX?Ad@zjQOv!zg!Zv_t?xxto+ z^1`Tnl7#DR#>{)ekRzpu7Du)4zoe|SpiCqU`BlLEGET-{qi0k34gnkQ`km8~R^_&B9xphT83qH!PhjIM9iIRF8jhAc z#?1L>GiO33;h%+{%K|E*LvQEhD zHAuqgS!3}?R4E)uvWA1}R}iDq99Yl#Ty9+Mg;V09@J^UDeo?8V$suiUv9=X^lt#nc zwTB@uco8H%YQfe+lZb;295=I|Ox>DRA}P1g1Z*pUbt7;J$>45}PI$&X&&|-dShGdKZl&;j3G@p`j}@ z;*}E(yLk$B@~qD3nDqzh97`aRfKNc4dllm*JDe0;==tIrrnDIKq$< zXUH?_dKO1Arci{Rqi*BHzcOsXegWFH4GUg1wDt5z(Q{S);iQ`SEZZuBM=4+1YT>Vf$}v6h)x02*51tF zrIW;Pk*HwbTOS-1?GI1eHDJ~6>A)qN2g$OLtiQTV;FVI00bTo$T?s|;QMIsSsyH(@ z_a%CzW^mZDjc&Rj4xKKd;MwU8^>af(cgIB7Fx{S8<*!S$c^{kZ%*UK`-Bj|;zYMDX zeiptgJPP~Oi*1(Q@Q2$@Jv8v{3Vd{322S2kf@Qx(I~F?ZJh7lgN_fKH3PyaOu-ownEBF3E*V{^y>7Lgy?B6#o z>6JKaZ*b&lradTE^L)Y`JU4~ZL|sLTuD9GsD?V4VD+WKuoaJ5~c}q)fpTqYK!6;LI zjCTg4gSfXg>)MqH$9N~-XGj)!B z{6j5XDf3<~Pp%>+3dB6NfPQKT=cfN3Trl%QSlVq}HCIcpT4XefYUvQXJEy?au~DSL zeH_f^?<3;;JMe8Ib1tyE1b6UR6q~c@7?UhTEViCS&s`=|ajd9NTw9Nrq{e}NNiwI^ zlq5{86G8gMmG`y1r-Q@}#JuMq z6LS9Z7AUznis$H-ar;;Ngd4tN@o)bOC{$R75r_0~dCyVIHO__Mre>R4cGBF1LXOOR zx*IAhcz0KZJKWf?*?^ZvBAzyyHmz zV>4vAKgU@s&vO!5x?IoYtFY5D8FQrPa`SvoL-d77bo;yW&=E0)*1rw{Gp#}}J@K37 zhRc(YlN$x9{$gnG(SX}vvKU%_-oWg|*EpFevmn+|A7+dmOI9zCCoAV_K=hMPxcV_3 z{gWnu?lwLbk`sYjjx58$RIGHm~X>4UZ z#_R|pp*7Q>bhabSp79rNZQV*bv#x^vj_1(qB#C3%3*o`qZo#qSG+Y}k%5odTV2`t_ zz%F4V_;_98qO5mXX=WEu{e}X({m!43==0v-GqcHs+owUg|22G@$g%L~r}RJ3b#y>Q zl$53ium+aJAENKl|5LJPtVWv zAQ|^1Sc2z7xR|5{2Pdl$)4DdAEuxAkv7+!cP7`;2e@C;_(@EUX7}$6CCTJX<17@=) zP}5CinDSHxW#*-F#oLn0WBq4xfBM|PZY$r-8kbLdr6XwjG&kti=6fQ(_t2);83i{- zv!I?6V3F3v{duyI_NXU8v1TABKhMS#w{tY~<20@a`I_VkcgVZC3a#9R(5ieK${*~) z<-%)t#cwp~=?uf^&66Yf)9%Bu+QKD94~di z?OV=Mr73o3Gwwe3+o^zCZ|@ABYfUgFScCnU!_PwG?P2ZJYgA@SFGt@ZeEru2ZCn^^ zNNGV;eSNmYbs;&!UgEw;d9K>-pzz%pP4ZyjJE}ZZj?UtF%A#(BIAI7scYg%~-bNso zKg8V`I!F|jynuWWM`U~F!oT>NaBks4{Q9De>T4@AQ=hMb^HMiaab++3Ha~-(`;M^` zn-Ex}zXs|*YLb<=Lh)VdTvECq7H6!nCx=cc@LdEUZ0lPIV?KWVfBuTBpCyN?SzCzy zhcWC>!91`R$PoV~2|8k{$_6UymYMkwHFUhS7+)q8tn7dcsPD%4-76!g|Ed^NICB;3$Yd>uhQzl#@LSi zY?{j2AB|^eYoquKa16dSu0Yqr>(R9FBJJ(_3ynz@XmtD~4ok0sXIosD<)JC0*+N-x zpyZ0sD>@1m91}syRkOgz{~T$!rphkJ_>!S!2X@pq9mW3(1FKj3XZD;cZb}@4_C`In z++hdCFHpj+Jt5dBlp<+i^2EnvB1(9TVIRL4lfYJvHCbt>)Gw{=lWySD9s=By~Rin?AGN2;=ZAN`?%;=}F=wq#=SlTK^Hl`P`+r zYdk*x$L}_r+HlYIapb($5qNOE3g%uu$OM`DXk$)YN*!kQ|VC%FI#*_u&+MCz5ut+H(`u zW!r{bt1`H3>jkj(x*5q8OyJ}s7J{R@Z`lK_<2ctRoD@39GV8Q1VWQ0?Zmo2WF#SO{ zET5bqXx|$FCnnD&)HkDSmM|OEozKIm9Y;9tSs{4s(p9oibt;W^&fr;7L)6Zs2VdmR zBBxdt;W_=kT!>`?wcBO}{8|Ky^sMOLuQS;AP*n&)2`2VE2xb}9 zZ($!W=usnnIuVP@LYv{fyC_qgbOBWEapcE^c{W|HI$*G7EGjMejg=iY@Jg6B>-Cy$ zqy1zKRB4>TIUc`o+J+Bs-ARI}?TLfC%lc`dUo&>b5)c^jj-!q-ylYRMMgQ)iO_ebM z!^O8?U;{^%%wL7gRD@jmIhT1qG$G@%f!b?5#e?xy(0%+9)J4kU-i~Op@I(Ygv~NWT z%Xb)C^$(RaH^Cp%x#Xu*BHPBhmZy((#7Dw%$k3k2_JtnA>dVEbcq)whpuU-`QsU=n z+xQ$S-&Jd$E&`to%!ysPJ;>XggEhf3xjX54xHH|34Q4bjm8DJacE2n4qA-#ToUH?= zBxP33=PE{ZRbyA{B|X@_zFp6=4dwf zQh~@Fh=qto8P+mNf<;Gd1CJ_K@+q;4%Z~IXal>6U?WvM*?-0)!Ys!OdTjp>pBx-4P zObY%BHe^a2%V1ZJ2*7nS%)FCTuJrf@F3A&PC;dgRB7PM-ym>@W6VeZU=CQk+(x@X6khn39+Syas+x3ZyQ*5BGjNa2#heb)- zpd4;E=0FOUR>FOaS?qdS6ms8MIq!r`bk~nEoE*0TM0R||2mJXkLf4#4GQG{MyrRl3 zU%e~{vHW7~-)O-ps)!TGU3X!`rAs(3vIt!^k6{hP@t}D98TckGC!Zf(#c!W;c%A18 zH2x-rn(OO0AJtQA`rM;9tyEih%SDeYWj-jTb_$&1*D{w@Gqek=!0kaAD3H5~iys}K zevyq#ZYj?w$`CSxj>|S*&Gxa%;UY9$$~*jOQqd$m4fD6o6L{$R;6%r6>>hCu*Eywe zetzbt^)?zGzNGN}fDZ2viNG&2Em#Tv9-u_*c?Y0%X|Bf;oHQ?h*u<=0KWBZ#KS^@L zPHv3g`>1O0mNtdHvl;x^GJ$w)bzz_KdeEWu6#lteMA8iuaI4ucR!&aQ)x5bF z<)VdC3zb;!RSPm)v6EO0U%dHuCKgtGqi-%X!IG{p=qzbPKZ7D-J4J?pLfn-P4TXnb6pyzx$x{A#d+Yht5aZNQqIp3vvAxDHR8R<39QR!p@hyE z@U2d?ad4W$UObpC@M(0#^bG}=cDe{{=Sst0$G4d7G8v0qUehDbvgpW*N}%mFlAU~Q z2(oHLxPRhNVa6X3$g9+WzCs6br+YdneVax1&B`dh9Gk~2ewoFc`zk;ewN_}@QHDv* zBZ!@(A_*UQ3ujDEqTd@kb~E3K`VYvH_Mdfv(iK0rtC3GJ`>7|a$}_})-buJ}P>mUW z^#kE&Dj2J<8IIWRBGR41-1!4)q~?hp`6RM}m7H8nF6tG7^qV$Lgl8I0?dCJF%RceF z3llOTRT}#ruZF49n(*5rE4Ikk?u zEu~a=uAr8>tqEag1?G@-Z7if`i?Ts~N%nBweZh=X@({V@4Ay#!vaA)qu{L5C+j>We z9hvJvXhIonC}bqV5n`UC{>jz8bO%`jW?I&RP@z%$8KY~fV7PqJCjn@Lu7FyLRlpq!)`)*CUHPXRz;LUUVnkV8S{{A`ubF z85{9mQxG9azntLjjtNBJ6~i^5*?31}A`@9K1W{ooT>Hccp!cKz!|X-K!j}zbsDGB3 z-h74jt+R!db5zNpKsk0@g3lkUOU2@e;Y_0MCe*DD!(gEq`SVUD2o_w&GaGo8;}cjm5X8Od3P4Gqzy_V=i!Av6`0Zz0B`HeK@x*V{61MSQr`xG z1C{CLxCF4@ZN+vkGXb3o(zqq?23{C*2jANoVUyo(@Yj!{(d~iQ*0O+q501yGkIJ}h zp&ZelGJ?Fa)g+wdMd)689zNG7l8dpE@#tU@^tV1n&n+qRWHtfGnjcUi{Tz;tuZEvv z9HEkDvun?q!U9sOapJ%|&d&cYY`j=})pm_@{;9`??wFx|@IJJB z+{|T;Jp&mxCotRPKp&TIWMZG5;FkO>_I{BZYugb>RfmW0;Iv>aWy(snw|@qib4852 zT+@q2XC0VFi3C&fw*qreVkg%Y(+NJx7-DdY1TGzh9c?=7?z>4OXSxyFFfW|mySEgk z4z3~!Z<0uy|3whx{Url$|6=WAQT|=86hFUigzoPj;H8Z#vDwf_H%&`|tioVHYi0=9 zoXq=uewgD*saec##auYW`xk1Zlv(XZjyX z4X6;udAGRLZ){M?B@_>z%7$OM=fLp&GQ1MF8n&uy!4=7NI;MCT`%--iH5Y86=S`=Q zM$JdiEPWbJubo1Nc0|I6%1pGfI7QYjtwVQ_8vJG8!>Q&~(<`r=snNrgP-HTbWSOjm zbH_H&%EfCr!}>@h5jOP1*`=)gQZRWUeVU3p7eHC@72cEV2E+XpRv4D#dfIqpe8@DGj8Q(b81B_aDHAkH>wVb6vmR z_gh_Kz3Qc(5>tN+uHF5*5OX*%J~Dm zD!cJW_OG&Yl>$fi&MS0W_zk{|9EWyUR$O}UY@X|-0!mtqur4VTW~jum^V{7p%EAs! zR$qlGxg}iA+!a2wDzae{Ubtu`FnBI?3MReK6krGK0#~peHmr;%^C#Q$+Y`d^$6j-^ z+OmxAw;W2j&tKe7bV)SWy#=#=E`SdQiiycv!LL@Whc+t*GW8v&sK%@ZENuNENNbU! zWj%#3L_P){9KPn1v$O`u)U!Ax(3~F5O<^Z@oMJK+&h+&GeSRzOCD`f4u(`GiaXb;e zcJguDH}fCrSKcFW{W8K%ECR-?Bh+csVfMA}h3M}?IleMc=smu*h2=V1;0{hBWuvXo zVa5?$EcpTViiC{oBO@*~Bo;iq9>JXJL2w~47dF=Rqtg#BC{8#k9=WBP6xe6rivkg*PSdHf? z$U3_blokzzpq=wr!kWwIdC(7r-qVGY@)tPANk!O@X!BdTE?9FTPBd6x3=K;NN4r&z znUn4w>|Pv9KL^F3-sux?ShR;#PaXx2hWf$?;mk6%{t$7PZh-e|NMBITwDKM*k4cNqHY&7 zQTr|`NU`Su?=8{y$2j(Rk(Z0=l?4!a-xrQ;Sqv^yt%SYb2%a!J10#R#7cFhigFIy? zp7JY(I&4#i3ZbTuo4y{bd_~2 z((zWJlCTGP#l~waf_$C2GS&66@VIR)f8pDVoFdf)COmaO<<0AuE2Mb01sbF81Yk!=KrV8Zx|P1c+gnB=G|iI^=TYS$vcE@ zZV~L3?P*ZG)JS9`NX15_5)J9|I2YqQCBAql&S!O&JlGl zH`p=$1u2ss1~PSH;U^skVKQpexw;4gg#TS@MP+3@T#=Rp7R{^R@DfWpDY=SmpXdsQ(jMZF zYHiH)n83RmByil8da_yz@ZQT6*dCCHXSZ`q+4d9ia&}>HI7i0-4gOB;I`ev74Qgd| zMBh=!XisvWVz<*6+I<3ll*^F8KCkg{P%3k3+{(0_f|=~-c$_-y6hu6frG>l(R!LpP z1BwwiV*3Ix`eDKUZMA?`gDv4qj5Kcd7Ew*T#dLD-JMpVWxp+T20UAXmPD*aNXfIM> ze%E}2oOTTK+t&$v8(EtA!H?T6UWbFcKSKQq3F;m-86HR$itmk6=NkeB(*GGfG-9`1cN>#`XmK*6e3*f=*AVtca%S3 z#dFpOQs%CfmeJ~`J3D_EO2>* z8j{l7KCVtws=Sai>swH{{%rVMr;Ytzo5`jZv1ChuG+lHpOcXtCiP&rKa7_H*jo%fb z_^5r27}=`AKgGII>%(Jdt-=*-O51~)dw#OwPk%6W!W?c(C1_cb8Q7%{N5^FwxN=f8 zB#w|GBdwQkNfjk(KW7xQcBrEDBUAj<_XAp2=LwnL{V>s6=(KD+1b1px@v7h`U)NgT zQu;-UuQs^G1|7)~T)ELu{mGde3v%FZl8Df0Q05h1LLk#hU@GYkr6Wg7z`a3seCzLh zqUMdVP*juDkKP7t zQ{^!3Q$AB0ZHl{dK8hk^XM;dRA%&rpcwJQi1}_=IqvmboXH<5><~bAb;iF_a%lQ)I zNaTyJ+0@~yd6V#LRtU+BZY^6n`!_D?8bO(&47{Fgj~DwwA+R9|N{zJm7ylPn@cJ40 zWZUx7JJ!+K(4U}aL9F{B&8_I|XOBULy($k1(Xmisdc|B1hyZQO0c? zc-i&BpVvd^)i%MeC+A4JI&+BO=ykAsK?UX|&4f#(r{Pc0Q=IhHT-3WN13zW$qtOp1 zp~_u-V(WRN?CRPWHt@29SjjM**pL>u)2K#^($PWEitG)c3USw6F|cqh926Wa#Y-#L&D7J7|4fGG9#-Q1g@HKCS(e*#C3@<~L^6EBdhzn6 zU!n%HaEub(J2B?gB9FJaI79I?&NwN}^|~%Y=d%uWU107XI^fQ)C2NzzS3aQER2hDA zw<>Rnb*77Y$55k*4{?0(dj2Wr5Q`md210p*g_hmHtL<5EZ2xhwL6jXm`tLqdpBY5k zo8r)5%6TLk)A3M?4LxZnMRC&D5R04f9^Fk5BVO-;FO`~bf51^^&mh1ut))OAC9^rNCse zcR|}+Dcms5AH3!NgYMvAeCOs8a>-jB{razB{$~lAI`T7a@ZBta`(2(}i8A49WerT| zv%~Mzj`aM~RCHOm5@C zPfd*2xp5?}5%NA$%+7&BrXH=YA1^oyuED=K^To#IQoNUz zP5!l+X&M@ej*giKr!oa^c|ZyNK3@*&@62Qs9Re$VatU zKR>w!O=3@@Yn%=Z3QS>|3sq>ta}U1c^s=&!o3$)HdOu7pFoD03^7Mwo9{OjR1n)LE zB+M;0i!BE1#S61XvY@md_C3HJ-rDb5IyO zg!}!F=FZ9Ua76+V&y3S-%bz3+_R$pX6yvy(e*_HtnFv>I6^Ofv*l4hgPSn^#{yE-j{4|kTJeb@uBN#+CbHHRt^I`F_%3%ikbF?6R7;c9M%?$1oMatys_~htX^IK`H44B zGkyswbsCbMO`D06Ogj_}-X>CKX88TDBlopj$B*jgqt3KMxO#Q0C>_oC5Q|mRAWt4+ z>>J67twKlf^mzU$;8LPY%@C(?UoNm zx4|d4akU&gd|=M|SI>q1>QVg4`dkzrnBt;iHU|GK^#GYgH^md5Xu`uQK{%-4H}2Yc zg4JJI!4%xr;V>))vT_g)Exv)H*O~L+!7eacX%1~y-vgtz4TZ&Vc~CCeg&PNMVGaTl zEv)w=Icu*;8)gnfskBhEKM)30Zyb1oX1lnuVJSW}okznKzJT6EA`k%6SsWB`|ALUzp?$-9RsXsq@UFI8u-adL;?#d;sueew`CE4HwfqJ5&I zkYv!aR^{90Ho}E$Bh(Xi(=ra1;j5wr7F6r<>$ClE@Dew+FZ2=wC`F^GVeOiZ1C}>cKqNP zM5dYMGN7^WJk5}|E~~)nZAN@?uL=#!>@SmFe;kg@=n=YiI^4?e7a0UA&{;JT>lY}| zmmzKN%qjKnjk*BW4LUKXxQ(QYSEobvjuFo}DJs3NMsVD&Ujy0YV=+|XCJBzbixGuu z=#ifh*w2SR$L4A{x8ffb^=gB}St)w8x*J;u^^ z8D6=l@%adsYbzkx&(6a8r-Nv~k{%+pSA}Q!J$C6>G#(f3ej>uuhhqIKPu^Y^$&&BY zit-F$5lLh8a*hjx4zV7V}B(Y=o$fY-Na?E(R{-5A!3)QDyxuc;ic&W%_ zg$ncC5DS^5ZLu;F)2(CTLcjGB80-Uj}I7dZyP?j%CIJ@gQqTcAVD-pW9}(GyslqEC-~ zI?MVU5+F&qi(k2;14@fe;==%e;rsD9341NUM=D5g+mmbYL;p#(;(Q>p%|A>u&qr`8 zpK?5Y=?FC38qZ3G$w2pkKj1RvD4q@6OTK;2$14F3$?EbGrS!zEWz)9|S{^`1NK+_;amc`btrdhwX%H4ia$Jg-}3fHy?j_`cv_RC|Nq zC+^5&1=IHNqx?N?@;#3C)eg|5Cm0deyubwye!#xHc^IKEh|fO$4SSSlu(MC&$X0n{ z(ZqgfKE>;vs68eW=E`0Ity%Z*uA7K&G>nJQqSeIa+X|F8caJ@p_X4NLZN@pbYlz|_ z6mQzGg4?&f!jG|s#Dxx8^l{Bs__Tf;b=0%Qh>cMq>392~`CcGDFF4lb92rWpM~s6R zYO$#0Ihkk8QQ+Zg8gO~vC2>f)1Kj+!04o0+i7sZZk!>*hy^KtrIZ0?=*&3ZQ_d2JK)UnXyjR~I7rx?+JAjObnQ(+_0bS?jPJvr z&huE)4IA*5oXUHzJS5&d>)2+!a2OWgLmzvM;AP{+(I*`?{APU~D1=m!&e?a-@SYKt z|FqGpCkI=&DI@6<5D@K z+xSx_hYQ&IV+J;FJWR7rO`{hZ+{q!;3(QDXfiClmf+J?OFh6M-TmSG8-ruty-Y45& zd1nEpRNX{Zmo?1u-EVYzISU_-v4MaZ3p|okOTMfQp$>cBvx_rU!j!0=aPV9|eo*g) z(oq73x_b;AwW}BLo*DGns?lxlWH3E*2A1|Va_v8yNFUvTY1<`vJ@sJztp@Pf@tDZ< z^i&u%$&gfc9LI**RYX3a1B{P;#=Vxdpl23^JDd&qo+S%l|IlyZFI~6Uj1mtT-O|p6 zC;JkUOY%(Opa~x*oYjK+Mzc>g`>9)0Iyx_e1NbRJiFX!)|_A#$!#ViWdEBMKv2U ztXbm=QnRC>lwTodo2p=LcnbSoxR1^%7d%k|GexI%a2C5`A57I4ZOxY3|5t+ zGv8`)S=|iWgqxbBvHzPP)zwj=J?ky$@zC)ktJ$3TRrjEW z?7PypzT=tRiyIhnP96Ww%z&G6-$ZW)>C=XbHds1fG}f$sgo6ck<%iNZ{_gd0q4O~s z*NzUsxN|4yDoYw`iEk@k_NhN%0_y*DyL$UuyClnm|fJ$qH zo|3?1PI>Sft?L8^_=XD7*K9zi_(Lpd(6$7X8r znd{H6=!>KIi?yLH$-y(}jb+w+?W%#avsQ|Vb#}uJyw)>wo zY#77DI$GPvY`xuZF`@;cZ!lQ#;vYLSdo>1zPT@mN83F4%3*RJ^X_(F{XzTQ%S8arx z`>4yJbvnE()nzSA*rEHwBapvbuTEHQ1lWx@2VT;-qV5H!(XGe?Es`IC?;YX( zXVHQWrN2OhNi#XM>KI7=%-&Vu-W!8++Mzs{KmIn7rYG5 z`-}nW+v(!DP1o3p=~npLb^}bSwBaB9-$LN5cepq%6a63Q@{Uy>@Zy`%prSY*4D=#- z!?$`e>x3A68}dOZ%!x`&34#Azv&b)``IHrJ6#AeOH@4%0 zsu?(SLM(hal|vl0t+;r|O=ek;462F2ko&$0X9^v_w`xbw<4-x$dFM*MD>zW==Zf4t zCmBEf1sYs5+GR?LJealx0~^{3rf=?xzNs$dZ?er`tc?^M>ZVC&7uLXr+})s+T|oX^ z*;y9qZ_c9|KVhGcxmbId;aX1*K37*7o_;og`NBPYP$mQaR7E-~E(A8JtJ0~96XBEH z4cvI`DjV1%Mg0!i(fS-~!5KW522?rG`};ik(RCd}>(5da`=Np!GmI7()798kx`ev< z*Wym`Ofu(P9r|uDgNGMfc+XQmscl{U+lbwc-2u?_{#;cr@_Vqx<&QLC-x`*8fF`CqB)CpAnTXWZ_9@`XO+B_gA2q z*>{|I75Ky`5uP8bkFtsG_^;a<*80uDdpC{2cf%F2&QB{$4xI<~&ACF4z6?KmenaOt zEnfKQ9r2FdK@56z`R%DCm=s`#rV_HawXl~pZT!wA>cp`-mL3>C>I)dY6dWaHMQ|!% zC0u!L3+uf@348w#7q-g)PAI{7SM~Tw-^pZHvk81%pN0Bz`Ir!^!mo&u*spcdah;dI zXxM$9g}Mde!?7tOQR)`S7xo0R&5tovAwM&!Mv^;szh^2Ia>D!HfuCC}&@J9;^WKV+ zps}JAD~6gve2X$V-Hw1T*C_nYLy~9iPAat+JB$Y=8?(-RLWcCCU{}3fiI=m}z;Kcb z{iz{v@*h1GzqoD6RVP0~vSEJdgJMt6zkCP7-p)mhI|TBCIeY+2!?{-DY^bkex5157S16P1PA%fcP%iqCLAWFnBvH+)$~EgT3S|A2zz=Y(Lt^e zRm+4P^Wk1L^T0EFyy77{_$e9V{S!&Xz9|rIIGCEu9S>thSn`Qa=87);t|hM@Xi|le zp~4(?5tlu+lG@tz;2qV+u&eYR$PW6)dYZh6>jNFU@umfzkNwFUcR1p_4PoST8o_2M z%EtO$V_vdzscDrmz17-=0%i%Hui8&VJI6A`xMFywXiYQj&V++MU%zuovcErAQ?V@{=-T4BIB zO%S)`-6W+d0}vO2nkW)FjPmQtfo+b23=&#=iOS&tQm-n z^Vi{weGN=KRKzldAHri@W^`zpJCa-3(EsAKSZR(fCKD$TZth4PUN6O!c?DRsdlz?; z+YJ2LL(E%JBx;#=n=SvMBRscExVwir9)%px9rpyKJ$)cca0A937)Bdw)eyh9vNWGI zNO*M{H;Cu6{ULT#p;VWIHF}_Zsc_yg-GLcNmEiTl9d^9#V!x!8!GhQGp>~l0ZhfSP z1q~AP9mFs_7klpSVM5jZ1wxwsdp0^_1KhXL!WP2^By*k-uVq$z$(l^EG2kBdf)T$t zL5~hxy9S#k9tP)pX|5|H$7M>Zp?jn@Xb5-21Cz_3Z%;4o`fmh0X<5rh1Z6;we;G=j z5O{uWuK4?VJee#oAZFR9gG8&~J&YPkpB+%;PREi_R^Zze?NY(6^=NofJqig1 zYVgJI7i`I?0x#F6qR38ZS}}7A49TftS(-6$`+OrR8r^}&Tzhy_;RQ)KZ}EIf1g`NY z!U0jK;^{lX*e9t1T$6uGwDQ|-Sg>Fw-sp@13l}{aFZmQB6UNdPi$Xv~-hfKmtra`J zf5s|C-y|WfZ*XzgMEvn0hCeyqO_KGG2%q1hxLC+YeqOxR<*k$*jrJK$Ayy6~wQ9-u zle^(qQU*l-oWhNXG;JB7%;Q(y$M2G%VEFtzR(366Uw>_*lNOHz`DG9AmA4Aa%6Wsk z+D^d)Vcsq7)~4Shb3mBYpk-_T2K|?cf4a|t{Q*TP{LzWSmsmpfErQW{xvY<*GC#*L zxcS^sbXxQiK0Ka}k+=0x^SC6AI!DPNy+=5tb092F9f?g2gLve51mn9G!TQ(|^!fLd zwHp z4t`BKC#1mO5X5~Ka@oY-1>EoW06KhCH@i`5i8qEg(1%Tr z$aEoxHt~s=JRGA+Z=}rOZ}Se|JLSW$z&9Qgx7EYNi$iILb1ugCe}s3HE#j=V>gZoM zfQJhwb?JGAw53Ib#%Wl?t{rADQbWw%$$Qb-jB(s%HHF^9Vi=h5Tzsb7pZ@N9C%Ca> zs9AHIFynWiL%w9N`E_aV$}*4Gcg2cjDkCxSbUGB>*u#Q$jG_*<&Nw(cm@N06fepfE z?yxAGP1@^B!ZU~CmovX1!Lf#{O|e4l8=;iHF2`rx>Fm{>kL*Io3LzW)h7B($g?@|M zaOhSOsqvkK%0AgRYl0DWyc|JKZ7pJU8;z-#K69CJ{2FR3QX}dAw9%yE3!7&Y#Dd)% zMZtCPut94rlp610k&UMO;q{D^% zSHa3G7BhXcsPz0gwji}e94&a1eAL=->Cq*?r#%-XZuRG%cLs3(F%EQJNeI@>sD_iV z^GVYQ3A(6y3VKiR1eu~_?DijsL-fAm2&)|UVJ`um&)%_7TeMMYt|rgCRRKR#ilOLK z81`O!Cw|hePV0xCB>(Ca_{OrMuthWl9@?(Ok9TayN5?YUbZZFCzpcwFET6-an58He zqJVY!zE~lig?kUACXA#cJuQU%@>=5N0Se#q|e}e7|_uR3e70)AV?J);aiHB1>#meHJhJIt=GL^XA4jYeYYF z*TO9Wc|M}UlIRx6tk5mN)B@%RuHwxU^^l{cuzkf6XyMQLmVE+Wd!G z{;VRWtlBa0zgI#>ExJeF3Oys|qxI^g{O_zIkY@e>!(Gj(U~54=lVtKJ;vy@Bd}#WcB6=ZY zd|w??qWw>oA?814!S^kxkKphswXT2#Zd`B;+VRajS=c7p5ocp$Ka_Wh0yn9FXYKp z`vPXUJPmaanneaIQbUo)SQnJ$E(3JD;`=WA7VL^CCS>sTd`vI8}wMG z!9r3#qSM+N`vT0X~ z)y2Eqt`IM!g?Q4@h>A8JBi9zyL34^WEp1L_JO2z6?(uRw5ahUrg(upSJcElrxL9(c zACv3U2Tg6ke-URUFkhVoF9Q)Njy;3Vo&C|OSp~vh?8Ai0_4rgpiSrN>_%$yM3qu|N z+rJGoXD`4_!u)LStjpM7bRHvixRL{2-8i;Klg`-_32s`C;eLfByb|VDVu6(s*U7pOhr8)D%2d{vExf-wV zp3Zm4c8m6PJ%W>75AekCP7s;(v+~hr0j;)?8KdIFlm2bsD;%GR|C{KJ+rP;O{wy`z z@!gUgj2*_p(mykj;mt?7j;Dtm&AC%d4%pf(Kusxs8k{7q>uc<*#3MCWd1KO+tJ@q~U@GG!cg z?*kmDM$ybFieI=g6lcclM_aF{G(NuzPtE_u_?}@mBB}H_nLsB^%)8-AGZXw>_;hlz^ezudyfp&cWW4 z@n}B(8&ExG)SB@LSI#u2D$Aa;r>ga!e$xjJFIA?-rA0X2=`Ebzx>xjRtTeBvA0vLb z@jiIwAH>=_d#S$gPVLJ0OQzdd^W+)_)VWXFTrE<>W3f@Bnca&geNHm7It!+KM2{DYlfk_m5_IS2G+}<3 zfGKl&7!`71d(L=~0rr~svO@5T@6@DkHd`=tS#{dc8BWr!nWAp*t8+RFW!6ztPXGPE?*3jg8kUts6;RvR0VrC=fKCV2bk&a2Z06s#I^qw z{CK56Uo2$eAA&2&sGBjbFEb!;*8zI0cri)X{T@Gg>%#EN=@7l$5eCmoM9Tt4IGq>? zrO$Vu=nWA4bYGCo`iown9#qG&h)omzx6Ch8iL6ifV1J+*uDyE~yG(>nfYDr-_$LQ_ zQ{MxXSK>#$wt>dM{TS6@z!ggq;oY2Y9{;u;K9fCgce{|KglcS18_7Jch}nO^0uodn z+2p480)uiWKimPB;$cE2P56tO3h#?=dP?w%q9WY1b`T62;Q|$2`-$AKnRur~p6>pk zOO};afc`*Lx;uFYwTV$dnZK>9KkTun?3^kepepR$`jq)y(=IYLX#}xa&;)bx>L8;@ zffm!(cwWf<`HO{JNAyeBu_TM=oxBbW!veu{YcL4E7?~zSV_OX>V}k_=`mMLKJM+eh6fC=8`khbkMx6mi#yLFS)z5 zk5xq!!L0kv_>S{CgxUGHUr*uBPHCFCP8p{;UBS-| zC>p4zOUL;dqs13PG}9Hjre~r-@46NL6Qs{lt@Oz8`Y~`x?>IRrX9!=*40-)Bb^60G z4<~e|i_<-Z(tu!9RNa;h?u~u8!*>^i9@J+;wy1#7{bLy6UIiQEVp-$Z+0fZ3gk;?L;Op9=Lao5`cdL!j~g zA5$bxX=8*E{VA-|I@OP8-3gzwwVlg=NB zSa!;on^{DYm|;RM!@`A?2A_t6!6vljwJr|IUn(*>5{_~MRl(uFbPUv$qm9G2f@4TC zS+`XS`eqO3-En_m&4{a*K0O;Ap4$VTKE#XNGSgXYoDJTv84o^|6m9Mwz;&&cnf`!0 zcwn|4#@`UW|G^}f=ah-x=G?%EM}|}V#bQ+2eu1=w#*kiVb?)w>i4BoSc)a`xTP%(e z+1?L_q$w%r@zo#6{ey5j+Jh@IX%3DH`An@QX14bT=~R~^g=HJTbzVJs=%wK(Zv(!n z`96L;{{=I5E3?`Olf@HqH7N1D4K?z&@&5X4aP@a0c_iB<`W~Bu%D%4nXo(z;!}VBl zekIqPei*;aT*f@-q=Uzn19-ysy*N|p7BuY@{FUF%p#D^Ep0%_XUR?eIv#;c!j$tZR zj%y>ue-&ty?F{_9r46@yDuKh37vk!cWujj|!9q>o3@ubAL5?*LEHIevRasyd_~H)9 zEVy4*&A!do=MiW9c;Pd_3vU$+jzPNw=BPG4lNjx+xy%M+-KL`c`xG*^a0IN1aASu= z@0gD;7i_OHqk;R+@xOW>(D>+h!BwtG#WG9D^ly^zLUK5yZrm&iGq>P@-tVwiA{FD$ z?W;Ec2b%HEs=o|Ze|;+9CL4tYk#mJs}>n}EH_TbQnQZ&~W$LKrpd1?ux2 zl4KZL=DF}Lw5flBQ+tZRNlgyQ54(fW(g^6ajs{q##AhsA0Acx8;8)EO^i69JoLrq) z{c#;$8nm3`E=tFgBk!31hIIV&#gm4*34O2Fk+`yB4`k{bV!PgG;ooJhTyIb@D$10h zWZz1v>sJIvjmPlNs!^amcO%?aUXNRZ*}&L;)i|SG10`0)v#GAn;qLm|m_F$g2_LLL zF@G^x6JSY4Ic>q>?a_3gtl-D{kpo{px1i=`4j1JI(7v#5DDA36p9Cnt6oW+iUyK(U zSC$0FnuBpc&L;Pr|rhEcL6T&%pnjqep81T+a8Gr zy)s9ac~ZQnvK{4gIxwPYH};)qh0i)w0DE-k#y*NVj~>APJXd22lh$C(z%lg6`FPO%y$Y!V zf!Nn7eCvgFP)#wT>QhX4^z#nzVvjLW= zs9G1m&##rBbc{KT6%XOF<0kNeHZ8iz{x#;_J;a|5l;-2zS7B|{7{2PjHY~}xf{Owa z>BqpI;5Si&yMMUARaXf8f_)D`XZ8r3eMQLnP1*-V$7AVdqR2AV|8?lzg5?j8i_9YC<@&(n!X82g~IAmE|l(bE&p zMRsu=;CUz=k7cgJEy{01k>wpY<=`Tm77#^WT2+Y+GylT;xWPE!s3W=QqeD;LM=pRTS0evURT`V9h)uHmvXot|_^Tulg=v`Zh0wx@e;3RR9jlCD86fBBri)LGLpf zc>7ux8S_EtS;S6;BFmMa=eCVDZ4E}nSz`Ecb_IOX{DI+b^NF6cE^Z!C1=bx_WnJrp zedQHD%)iXReDMV=X`BF=?Fmqxz71zh&L{pthB`Jkiard?V%G*PhRn^W@NxJ}Sg7}% zyea#_A~h1=P1t+9>{AK9B3_9Ok9j8WI=pdoDTnhP7QwR8gLKXN58~B^!v4a01gh@r z!H;d;aIH?r;GfRow@!xh!?D6$@qIWsw0;fuc0Z3h=NaQbJ8!u8UWXdI$;JB44=h`* z0NQRoBwABKA!Vu}9cUW^|00W-dXSjteA!dxwRw?nO&Em%leS^fmk@4v&l%#sXX2B& z*V)=w6W&zfNqzhl!_(|YTvnV$%zCRqY;uckuX%#XuT?~vA4k#t_y@#w>o4am117?h zQ-|^FB@xEG0IF)S0}UeYp~V{?YVssp{5k7b4MMQrO`iAdMu7effihR_4T{>W3GP`&=u52ibq{%8KeD}4_ zV4r*dyYk~P3w3z5%_>;*xdj@_?||}%c>1%Wi_|pUg30%-u{UlB^);Ib(LobHb!sge zBAlIK^|v#bNk=hL-i)VZpTwlSbGV%9NWSRoPVCVcfWMVq;0~$Xux-Z&{Pi)Du9+3X zH`p7}V$U9Nz>wEaULs_v4BhDFYvD*^<;kQy3N-2Yd-&=f2CsC#x~#f?0=0G+)6=t~ z#Zr4t!AE^pS{mAc#@`;{+s=KcckeiHJgbAYFa6=-yJ-Ao!T~CQXYj^6x`(uM(E5P3Hy`KY`qj z=VPV9FlO~;9uc;dZ5yM(U%iv!g|;sQ53eom+;tc?uk$B5YfQ2FNhz7TBpK&E_yp>o z*5Qe$OQJ%z0d#`>LB8L;4hw%w<%Y&x_qIvzp4 zhkjtTB1!tQ8-+92Xnf+gi|!`we3EIMXp-PdNL@RR_U-H^t==i@%j&B_cOJlLML4~? zcm|$*aTb>^OCmc8chJY$wyeF}j8{?=%P)XcW!`|!2K3E_Y(`029>tuO9t^U&FSh>#XpVEI(D?hu;-5uy2(ly)!17v4h4b+9&Olx#oH4%2|6&WSZw6zfyZBYol#VLSAT~>{FxLeSMVW4g@ke(U z=#<>YZALp__)0fnZ;_MdS`9Hb@ z1QxE=&C}qd?oO4zpTsaLHJGXxMOR4r@g0{BQtLEx*g8WR(g#Sdh~efK$+y9s zgO4$8rV5Yk9VCXMj&z^40-bzxJ};Z3%=cAU3%vghTodzzJ@>E1Dh~~Ac6uhS&M|)zg{%-tim0f}d!EyhmcA-! zP|+fzy@v*sRa90Y84;y{RNV8N$S9IfWK@zu(H8A~pWmOry`TFz=Xu`m*9+&lN3;5c zL-@$*n>fC8508tH;@3jW`Sa{_vibfkd*urU=x~GSRP(}^!m*bv@$k8uBxBZmaGfr6 z!xhrNUFbRw-B^h6!^dzJ%?*6VlwWxFm?PbiExc1E+B4s!hf)8fDXZ0agzw`H@sdfk zaB_nh=0%TyQAW3TuP6&D`qXIaytDjQ*?V{&*~LtUY0|N$l%OqfBaG_3hGTQOVUWNw zX#Ltm_GL)0KFv1L(H+Q+ORnKxzK!FPZRM$3LqGXL+i}*bh5Y5-V3ZSF-u{Wnu&XAL z1daF#;eQA7f4{#VAF~;{UZfD)SVd~HT9F?Qld`YydbtRyyiHSt*^ScFb~d8(g4eKdc_FJz zkHeU!4Y(QKXZK?t$H)b8s;%9=E!+;Pb1IaC|i4qQYXZarn)= zG!Mhl=$Ul(j5Z<<^Vyz*lhLttI8O^dCQ92r1?r0OQE9;{@^WYw+9wFvKDA7{=5k5; z<+mz}m}iHsra45;&6yi`9>bqO3TU)w0(4$h!6R?|Naw{MjCTuySuGhjsN_q*L$_0+ zex)~feV2#5v9$w#y2=aHi;sztpC#jH@l4XDUVyWnykWG%2wp^d#H5_l=se&ad4E=t zkL#K!iuhyKPTICj=gWrPmrT99_(8#);?!=|p@xP8TZs?a7ZnLLTes z0f?|Uh9`y%Cq6rI~uxXZbOT>|FB@gFFfI~li>$_XzcLClT4D<-M1&+XP$%88!39@WInqldmrL1 zjS_m*@-%VrZ*uR_8{GZiHM&0c;5R#lk;eVfaO_7bkZupWw5Ah8t@EKUqYxc5{PE|M zmnhoTh1W%~blD;u>h)?3TsnOp65}IDK!s`HMBPj9U$G)}a@;81_w6LE@;}V_)|SJO z3!lmP1Ci)9L-4?@$OLz38G1zS2dkV=26Kw@(bunlgdU`PvB4{t^ZtQo$ecQs`%{*B z*W|*M9r_Sd>O@B^x=(g*(xKs>8%dNxtZ+AGXl+ypt(y#Bl;#AMV-g{LtQ*3ss=MLI zmg{WUy@$9_T^iR9yaAi5Uz5S+sSvF(5$=4@7hT!oM@zOT^K8&GNtB7w0}> zi8rs?un-1D9TQJaeh4lTZ^3~z$DltsLOk9z4Au7RChP4M;?y_B^md4@Knq$xwC0_` z(4_f9r7{;aXU^yD)StdPp+n`-1U?>G27!60V7j{jk8Re%!&}QSzRVksXYIs!_xr&^ zB*M+FuHZbcvpDUs5e}T*1_8qCI!1A@sDHH#?^K9_O;v})YpR#gp7k>Hl1mF4Yo$U` zyAHuPs}^J%p1|AD3%I645(FnA&hjr3hn!ylD+G@jn-zf}WG3hp4(2S5;>Jtn_*1wS zJA?{fH{&?bKFuvC+O--7Ocq?}HIh6-;EL2b5V|{f75=u_f#ytPnMpL6LSKm^@qV^#R}rMzL8{hd*j+a zxp04SEsXn|&%R#tf)i&{u}1qE>O_8n2a|Wg`Im8!Tqz?KI}PF+7W~7NyHjw)b!{$g z^`=ReTLpfxF25u@5d-ln-m7wlt7|{AWd(m(`erSfVyi@VFA0W|K8x|!>j`-4)h%M{ zQ378t%*3uOR_xZVbms9Ti_FRV1F0T%Jhv>6&CopuM~W;3{<6UB7+;Uyrrl&6!hY!a zjfa@@Ap}@QDM=?K;1|+KX5dr!t}&2~w-T82F`g*vT84|SE79rBYrrhm0i?$ZpI=KN zJgHv;ew!npq*dr=oahlUBkx6-!-PD=wnW(X`YtN&_(%M5vS9y|U(lOmM28{8dU}?` zCHdkhB^z+o6_dl|FW}jAIi78liwR$Ze$`MTfhT!ZIOFa>)63B$eBl^TdcQh18yyJK zebngsm~~LP_bT+MuEg}6(%>;!hQ{1KYu}n`M;8qGger5(F_Vqv-)_|4?nHqd<&p}{ z-8aPzE`#We{fE(T>=st4l!fjBW7}Cr7;MjRV=IN7@c1Pk+0KItq3ZJ_8ZqGno~d4p zpT+ygBZsq)xcNSQyf8{^@FW;Yw}is48S-?F%p}Y`sp0z(hnJQyWYUP&C?U*vM~DvLdad*59Dk7A94B<562d|2z2IioC9LaP0oiXip1Iw> z0#8fF(y!UO>7&_-+{+*gj$Ry3466sw6qQ04e_I|`y$FSX4l_Q`M;Qk_`NN8ZE|p%2 z2yk??kPmgF`L*u~ST-0)5b^!~kz^?C1L`t>zX8|*79ZQZ3a{vR^Zn3TZHhj3@4GFt8llUYHNfftFps%4II=U(p$IpLAEQkNc zUstMe?SJFMIrIDR(Z8YmVaILI*cD8=-j$J6bt|C5auhDKE5n^DjbM`TIg#?_rw}O? z!LGtrqLXgcbh}zKe|ybN;9xvw=X8I;?^);2#wSTUQRoj}zGi~fn-9Y;Daw3z*E8o_ zVNbbES?J&^@`r0O$zQ|0(E4-(bziHIoj-#_wYdDc&89)&0Z8 z18TBR^4S&UwXMNk`E1nL#EF@xZ~{yk&)-nqI(az z7oHN^8&$(mzq6#HO%JDTpUC~BIv_6eH?Ae;pk6%&oc?{y>cqSw2!+0o$k=Z7G~Bnz%I_)~{GdR|IK7ME*jQK6M1TrpeN% zM|0?t#iQ}L<8|@znPX_>C?hIrOC&pvK4w0fT;baiZz2&MgkiN#TtzI&4?C^L<_~r} zOwNv~CR4h_YA)DaS;`j{X!D2tAz0KoftuX-Ly~j@*!}~}FkR{)4E!y_tv9T}KQ?+i znC4*UoF}Mbla0OgwM2cs4lMsWnd%*N7Dz)YIlp~|=rmTdKi?LK=RDg4YetsfkjFRh z{_vAvQuYSNmTB|hJ-ujfuYvq)3nov(m1uPT8)(RuhLvRn_}O>`KKMI`Z>;Tt_tuO= z$zFy7e+6#YUMJjq^asxR`T{>qO2V=OXUO6lYZ74i9^D5R(37#z1uc0LRn_a5_)s<& z?319{a|#MoN@dUT|_Q@Q^Rr3*OAa!-SDo&j~n@2f%U%bz|O~`?(_LWXOFd7%H4kEzAsgYSKp7x40Hlg}o~X+0BI$BC%vk0<2yyWHuyMQWfDHlOw;B ztoeKrzutU;FkUT?h-rF6_BxHyL?p03VeU#?!vE!H-D- ztI5>})xRu*orhx3xG9vq-*SR(np6Q$#|e{ti8ZFHz^PJ|yQ}7b*4;pn=^<;b)haET ze<@HLVtN~O4UUr1oPFe>ZyuUUG?T9EHSDVLAdGJgf}10Ronh)$RGD@Wo~a5!h8k;F zq^wDYS;e!@N5(Y1pYzFhR^v=sRq_78686rknzn>o+>^RWopaEQeSW})z0EMxf-N9WB)H??5+ z6jUmX(Y|VbV&*~oA+5@nj9X8h&YS{assrhvd}-V%aBocFICFI!#-(?*z^9Ol!c5c) zZa1EWN9(@Br9J9w*O_zJA}fn?1`gxBr&{4(iNJv}2?YC5D{9-W!%_N> zXR-oHd>X*A;w&5~>4pQx+Cc3~2^imQgtLJiaLh7=h|5B-ZcR7Yf9De0)zk*(?%n45 zvNzK_-B@%U>jHa<((urQeB3l>0M`!MV?Y1gX)tp9MBJXYlg<^5U^%Ep{Hl5+xi2vC z`%}^8kjq_MB;&@e1v=6pu7blayq^7`>d<6-mt08MfSr9Rw0Pimcvk<2wDvMlko+4M znr;CR4s)s3s#w-UCUL(#_eqxC1sGEiOvh>1(r=ea@a*c*qC+}ExZBy!@YFq;tLv`; z(8mj`RmEUk|1>1VUIhfY-7I{Po~kUt64DH|nbIZtqA-0b( zaWJ7L!#0w_JY!nlzEGH-IMM~CA7On~4Om<`%?>>F6i+tS<-u_Q?9j0k(L<+NXqK_% z_H+Tv+dTmPmHBNo&!a3-e$}^hH||zmI!QxyRhjbJ&t<0Q!o9>5;B1 zyn6hk{W4*n=lJFUhA&&qslWpWIjBG%=39u?qR^#lOU4n$!{F|aOlE%413yVmqj^(y zkUQuP0lorPUU(LQ>=w}@dRSC?o&5^br^z$*ut=g6 zs$j)!F#r+F%cZo_Ot0db&xae1@`{gLG}o9pba>fn{SB* zdtD>yuG>Vap8`K_enI>t+LjtQq_b$p4Nx^87^j#viggy$GQZGFw77i&3RDG_>`y-| zzokuvEE$bI?l_YVSNFllA^l)AP!ilU6EV%OmuU&?nc~B?IJrED8D3STpv$1>s^A&w zTR`Hki3F}n7P>YUz`5(mL|f-6Ov#-h(jGP#4tJb{c@l5QoCk5JqUwUlFQ>v#s}OuvgDePgd61_KjFvv~*4P}iN;K`jIL^j<6V?uV3u>rDtubfn2-s!36GCBhH+$$tM zUFKtlzZK}VibXs2%8_~>3DIbev3!}iK6jE(hNYt!42V09Zx1LjuoHTq)qBad#q*$U z&ukuJA}~_y((!owX!yIYTBI>43%{SCIPudDyrDXomye91C}qy?mT6t!m9^HjVN#Fwx9L3?aCVXYB8Jt@5 z6OEpQfQ0aD4L;I}PlIn^f6si>mmdh5X6w?kALruwtY46_`d>lI&iSCSp$FVY=+HY_ zmf*Hh%uM}U=>%(mC-=aF)HEy5ai)s2>ESf+Yw#CWDHzf2xO{A%JDMiVYk-MTo4{qL zGud`G0$x2)7BEESYP^+92#LlyUrzGzSs`-y=V~q%6FxW1JB@xhq}0{ z@-S68aUbi;>)EQ0RhSPUu;ZI2sic;Vbzt2>?bI@IQCl9|g0$iWPGs`s=RHO4C8c6*|=jf`jMio_9u9$)iZ^lzY zi$wgfUxx3s*N53UY2wwz9IvSKK!xDd?F_jNnbBV%BQOekXX}uU^KAL#%|U`6HGy2_ zE-cCaWb21eE8A>xo+R!M6S4>vu zm~NGg#_^$Fg*;s`E?4)*6R~ADT!3$H4O`FB3f{rX8C~#lgFECqcf-HA#u)W81RY!> zAV|L!6)s;V8aCr0>D4~gGqVjHATOL_7TgA$5g1DJZwmaU>0@d0_*-P2$u(H8G>t5c z%@hsp0I(BAyB;HbpuOf+;q}!mg=#%v!t?QoZ7rY7_=Fhr*U^TOjiHcZz82&qBZg2(JI4#>2_*P}|rtvT;-P1;Rpix;}H59`Ud#92a~x(|COU zBAPk7MuCoNk>Hg&#tnb@Q00=vaMIg^JD*4=2Qo%6Pj4MQzkj}-y`Vta|=js z`6zhLKeG{!uffdI(*=)8GX8u!jw-0ULN})!DEsCNnF?W~eUCLRS~LgxhppoC16#?T zXnz>wr$uA$EyYcvgAjuI#hQ|H=`@8_YP;e?a%vq+njeU#pLn8$f;&`h zFvqdNKDGYfagw}H6FTxTK;pqke7ZXnZp#SH(hS6>Pvm*5WJfk0O4EDj!OVMP>!z?`J zZcEa~24WnH6EZaO#0QN>@_onGfY0UqaN+JA$a^fsPDd+{=*$oQw@Sb#kfgDPw&8)y z7^v7i7S~^`!i_H_d6@lXJao?kj8ewpOn!!GZa59JrV%@JSCa$ABly@Z3A8BFpg!%Z zaee%3emwjE7FxNW-tJ+rYo!*Lj_Sab66e|G&L$Gz6fCf&_d!sBD(q>|B%4QZNN8V= z(Km(J>aKsdp<*!ATwf#(_7dZ)5KnGa8xNzF9mRsRZv2>~GG6>RgUH4gvzqq>5MmPv zvO4D=e%V!06gdWMjr&OcT2uO0{x@C=kjLgLBDz1M0M-XwVjdkI@bbG}Rv)T^)Bo%( z2xzvU3#IS>Bs>94(@S9m|g} z7I##=;P~Bl?7`l0Oy2ne%G`C>vwc$Z)Ym_3M8Zb|Z$p?uC;2`2Ag!Kt1y|pXW!KzhVakOmaQ^a3Z2Fi2pX+DSj`%Z}_}?E)`nVRRy5wTF z+)ZXRrvet;R%fS5P3Yz`dUTr1NJ>3FLGBhws_*`c zp80qw9-gxpz2?V=I?N}~_w5B__zn-)otcQC`XhL}Umr6$-T+lo4&$L}7x)`{6=n~V zqh?DLVR-E-+~ZWt+6qtLc*lw0@@_X==5G;Z%kz&H>&UKxh2+Dkh4`zW9#=G z4%3H^;C&-B@poh%O2yrSgfdImHsdb1s{AYLv986g)V0|7upR$dG~?N45jaJ+4wv+L zvUmD|w@`{>C;o*UOSa?URS)2W=2v!Wtv1R^9}$O*83;Ze*D-YOTNZb!2(pfvLGF&yHVPCj*@}%T9eMqm3h>@3WCh+&qd|w4vC!nVkahK_ilqaNSH7W?Qx-)&z}-*N__ zw{q}H;3Uk1T^K8iINM2@#))+4l949l_t6yS2z@}zJq4D=>k;(xnqr)>dK~Y5sf}I+ z4BXw`GykLj{%G<(l9n`-j#Eo!(>`fZpMYlKnqh*IB0Jf^d#_>m$`P=2^Z^{XY%JBt z7w*+ALe_WpW8CjcxbnPzS8fLD)+szkaL%bL zc#CfbTw&Q#PT1r189Nr`qx6?Hv?OOx`P@z{n`sVTX@>1s=djHt|IY=)F6LV(%i@I?WJj{(OLAo-<(7 zNdw4{T~GA=rRn1@vVv+wjc1HF0cjDt$jSp+G-6E%88q}QN&fvr{N8^AtiOMxux|S$ zrv0-3!=6VG%YTF5*@83p>8XQow>%5RQE6<_+L7Qe&j{?D-lF)IJbuVK!N%>37R?P; zfFZlqfcC;f^lYnRSzj*0Utwmm!84ysKI4ExWtQt>xCnpi;xQpz%B-meZz!#tT$h&<7aL7TM z_uo8^dlHgZAFalF>q6l0hM`b%Y@+>>=*ghjxq^9F=c;2c}t-@N0W2 zgw7ktRj*Xw^=nl?>-D+8iZEQQzkxX?18Bqd@DvJ_J8#BMP=Zux3~USglEe z6|a>Fj%A54K=%dcWXI8A9f!orh3xhq_2DqJA{;hd87o@Yl?CR|1V8^7@>y>K#kRM@ zA@t-h!Y(GDgINaHj{ORyMR90iEW;Lk>JeWpF@e8bk5Fn$ADS*JfQ`S}&?L}^Z_E>R zK7ksv^Rzrh-cBl1P&fc%zm#K1wFc#jE&=pQRYD8H=KljZmM~R2a~=gOQxSkQ=B2uL|G5+G&r#jFsW_ znJV;|O9D>caTT8#u7Ra@Tsa zZ88kn`4-*fZ$Pf{JzOAP3gNGPPo(aGX8BDgVoSN*p>lABg%%}Pi%ni3GwK5CmU0I zWI+9}FHTp#CmP#li0vCUf?3sbm}@XYwANY~@Oo^ay^wM26Q#orf%qj;sY^EO5*#aI z#`5KZeZcJgBI>QAhw{qT$QiPOZ7_X~8L!l-c+W-5?P+1Mi{xmDoDgRC(G1@o^fSY? znRwhH80((4L$Fs73AGDF3^C?ue>CZK)`YLeS7G0%T!eN@)_SxB0~|g>l-o|+{bVMo z+3tf1eR)D}{XRZO^uoh`&N82kGE_G_g}ihX+zyL5K5I%qDU~)jenFdm*AFAt{l&~E zAQvC&{|1|#n{obzi|ooEb$+?hU)ZzRk^-4n7J9~k+COd<{VTGilefHNVZp9&quY?^ z4sFG2ZO8FjbScOV`9)6V9i(MBLs`Yw{p|VaL*%Hh3yzCJvE-8&Tzj;a7#j#Y!n?WH z*@UD`VFqMn7T~~bW+>U$K;&x-si;I?dp)osqS&YG#HzP!bkIPM%&UMU4gy2kV-_BX zDJ470n@Holbv%8HIf-lD22UndquBU3e8_R(T5{?*(V<4X=-3umG1mhYHY7t!wG6hL z+Xb5%R?yeNneN*LMIKSP8875-A%WVXnD?Vd*pr@!-Ur^35n5Wb;9&zse-ZN78j|!W zWZ*YnUzF&bLzS(*LNxg7Is5G>oM%<`~};L1&o!21RR`{i$3R% zV{MclggXm)cl|aHjOvd_XE692lVN-p| z3$M8r!+EVjc&?FvD~aX!@2|qYq04aKfm67@_5<5~G8L|j5jq+t zg|30qRhTj)jApp0@+n%BoeXfrss5HAm%It&4PV1R=s{7Lkg*+plt)@yLY%{8@cZLQ zy@q_j7H?(x{elr1eKN+Gca7n>ei-&lkiijhW-#g63Cyb=j)SwFpi|v&zV_Gvu5!zT zp8j%%eQB73*9;4BLGKiC_@+f-JJ;thX<;=Un0SrUX2?_D_ZM+Yl_J|XU^h&f*^5fS z3#s%hS9n(7Fa9f+7vDW%j?;FDs@ALX>v?@7w77>%FW}fV zcsN^;IG0ts$<#zf)-mtvA;cL;x0Xm%W$7rru6E_dKjQ}8M~fb#&^M|$fl|Bc<);oI0;O+Ww&C`B(#>u1*Sp3cv-LyfHv^7nWQck^>+nZTFAEU8$Dz}X!}c6wuJ~pQk4?TTYO?sij6M#D&9Fj^02pq(rL|%O?^bGSP zY0(2|_|+LW=-SP~^~V)qzN8|?)HG>nP3X#l>d6uNqeA4p`E;JI9G0h8pmV)p6| zRueIR9-}ic>6JVNWXqwoiUN)A^@qUjdHig&EKR%diUeIOBqvoTlDRRtK*5L(J$Oo# zI#ZfSB|i~uW1-fQzP%w^bizU2MupG)tjViil%cbZ59u)r73o=<@QtT8irei2(e2|A z*sE~~=O%RH_0u7zYQ3-y%Kz z24u*NCieAojp%r28Pq)gjvIO_8CjnS*)EGn^u81{vDV_x+J53)4^^7hSBqNS?r1r6 z91EmEo=WU zV~XK2G(S5B&lLFJ4|>hM=U6`4AJwMI3g%&il>rZMRj0ETi`Z7-IdZ#zWL=I1pB|jS zMkl>N?VTDp#mHCmyQUq#Rv&`j-BL8u$QxuDk71s{aeD7UFOh8$G2{9vXgeeeG6LdY zOG6wM`3|FzpC6O{*eI&PRcUS(kDco_?;z3rqwK+#p5TxhoG}N37wnSCRg|lfKjNGGEy5 z56?aplYn{kSpD=PPM?>Jb0qv}ndeQ2Tw952hU)O3&=2@I-x}JxuCcs|GB(e797tV| zq0jbgqhIpQW5MwgbfM24+->K`Z*RH{vX5fGvE?&V__csW>0JySGlM7!T$IVPm3fC| z6b_V|Oz#e=hwhNIBJ;Jc2_C2w840tR^ZP%-k3G)p_xu_B-hf!L^qd9#)2PZvO)e$T zQrR%jb|PjQJcl&(Cs3~(g^?w{Na~$&blTxdEUUGP-TqO4zCxdImxVMMc?3hs2`@-3 zv4YHz-(Zt^C8p1I#;_A3#rodUXnKaQBW*IF($!jmCPV0FL=UGHN-ikJ6RAU{65pJ4 zi(SgAAy4}<*#6Kp#7wgSv}bt0)jnQYUXX}=ho4g1z$rQ(-<^4jU#{C?#|jzlz1WS; z6u4ADHAaGqGaP0qPbV8+?5F>oA{b^b0lqSdeCnuwAU!A>Q|Erbzqcog68?^*GF5lk za~nSz=48vxr@X=iTmG_xN+0pgV+s0fZ9ICVd-AEe<9OW6D3r081LmhyMe}s>&?=MS zsBtN9@$C;NKX1;r=l&M!TWv#I#~u<_7f0@?`4EYm>G06|6T1A37N6L87h~TH;Xh|| zqV-#STz=pzue+E6ucfB)w)E*ZbLlBoHzttkb&bH#9mny>>1as2JQ9|-*9)GLCRC66 z2dAT~D3%U|>pC)mw{bRP-8zm}oWgL)PDwh*w-WusCUV*0!8AR7I(A>YBhocbB-gZN z@W3!fxMrq_Yd#F*TL)CL{o~h)u6P^-jYmHrYEcH}CJK(wgJXET(CuA3_y8EsGN+HW z%%@kg*FxfrEW9n3id)Y~@#(5}@%%Cw`opjp9y`4tMpur|f~YAd?~?;&K^t)Lq?a(M z`9FN_v5r{b0eb1iZGpRxOB@__LHp)MVuz=H@twMXeZc8C^kG9il$6&&N@^ULn=LSu zgJlZUrYwU<%X8R!#}4Kkhyv0k!-pqy!!=n?oG|n+&S|b-?NQh8z^854(9(d8ft46s zyA@LXh7-x@gLz%{RVuBpg5P-b5%ip}qxmOj=Y2{+nya2V+Z=3Fol^2Ah~3l4*suiVR^R# z9o6{|r8Q$|V*Y06J#ZU8hfN_aN1}M|wEH-9Rk+y7;tp7M%ChGCTynv90w<%hVEH`> zCKPK$iMPWrf0NKH|9+i28_V#LXZif1LK$lzbNJ_d_b@g(4|h(UjMdBwN86W+^@3Kh zRMRlFKB^rj3%v2ZD>2X{eTnRE$pH;RNv^yy2vHN;D1+{?>FyZ6ZV{C%?VRQj(@vwj>SrD_e`BjpZJcmB`eW7QjRMP8iUC(fl&PP z1@lxF=0^M9vdLFQ^TLhVv}4sYmf&DdBjqLe3!O)pVJ&nAg8*U&O9(CsbDUf|oj&iK z4ohY}haciI)M{}b&JFvGO|_ahcbKp%Pkk>6U3eYmrbLP4$42la@o{*tR*!e|427@| zY5I3f1w;3_Jo&{jeEB;HuSYw;K1o&HpSX-~AMgs5gLmTfh1=;R*)-<8{3vakmw;mr z9>G)Y4rsru1%1q{x%CnQA}4k7_IG1#s;WJNZ>ow#|K-=v$R`ZiF38eB@0@Ye6u}f{ z=mh>h&FDbmK-hQM2~%9`sBxPfb*eUFOFdHAFW2v6ppGfG$_m7ki<_W(+&2ui{{SV$ zF2r^BTaiw(0c?rCfh$56!tAN3sQ+;Q#-092X8PPB>q_?$_vwT#2~|VA(fjew^Wijs zC9qX{Tk&u}G01IA0~JL*T9zctZeH|4UzU(V7dR84#wVCLh5^cpu9yKZ7Oytz>6l z5!i`G(y9Ln3)l9qK!YtuXqNJGar@Q>xOq(@#^?;=^F*1r_1Oq`X`?0lug5~>ua}tZ zph7=rJY(MwfxN#U{x(gST6Fvsx^U5$x??$9?O8Z0hYpe8c`Rc_VZd_7^UI3znA9^ihW|ge|m3Z7`ZX_z9~` zXOMTa2o7Z4Lv>-Mv7khcD^|UMiy3inHAab#y;6qdzb(=I#zg*n_*_UCY69M|CZhhF zeONwEg=gpr-tO`}Ks`s&%k}SZU{(NZ`%(!-bt~ChGb8*wMTzdLHRdA(Mq8lTCT?Q- z7Sr?Qz(HR<`bqfh2`3dW)Z#eHoa9UF8bWNEj_5ggA0Kbey9Sy;?d!obx8kYbF0i1|l@efeIU625vq6cncIf%`goI6VvCXSp&W_nzKJ4IUP)q0Y6+r)vnknh@~oB+9fevltf54on3;LPV? z%&egd+B{E@?O%h)UVQ@`yHf^F1)I{$KvQ~nvM*hAAQ`^cIpZLCdvYn>jR%yf(Xv&N z^iBS5baUjm*MAyrTiJ;HrBTo!UxB&R?(lW|HSowEOz+fxAOrJ?pzv4=d*G2JE`9d^ zxz7l8@Xu-J8)V4Woj(FWBgavd`}VxTs|ydRDq-n=QrIX&$CgDHk+*MsU)eO{Hn7@Yph zC67}Rp)1yt7Fyd4(L; z8Rvq9GuD8^qqQ)lGKnoK9?dOdY|*w}aQ+D{GZ)zqrm>@*b-DKlnYLx*!-8or@THL5 z@tei11wTg3EFs7G)0;hQYJ~GEh5Vk@M0|5gu`t@IQ1ow_2h>Gpkw-yy1Ww2qD7RJT zx%&n8Q~d+n`>P-BMy+AwiX0re<-%jE{NQI|JKWrJiJ1jT!hq~u_+ym>-E2EmRB2l* z+Go8N{HD3W@JlM3w3@;0qXHN4VKN-9UWsMfNul$P!|+Uh3S8N$2R~0Q;f{7E@bREU zbi&yV=2Dyv@#{L6?XgbgI^rY@b}PUa-Q)11Hqb4_*U_w2;4wUsV@@|z1Q)Ut9jmnj z*4-S3Y2#0VbH@=JQNM)$6WAio>T~#)){QvRy@G7oc}wt9SW@F69X8tZ0`^=orC-TB zRPE#_MTe77eeV3d&tA4YCY6nJ7!G69#G@aIw-9%}Z)hQeCV z4$rvsZi2##uUR+EgrF_vFvfYlz(>^=GWjR5{i_SR zU3CH5YMOA<7#H-uDa+?Ne}Mc+VS;a<8I$G-_nxW>()mD{e*89^>g&g#qeDOQy`}{L zLSgc?L>BgKHlgQlr;~22DtNv5B`(w|BU3*5Q0Hty@wo+DO!~kQ+U^uKFOR?%u|ns= z@)9U~km8;bv}n|&@Ivd{3>1&Qz=AiZ(<8%@#2*I^pvxS+`5mi|XrM6+<6nB=n&F2r z;`bh6a&`~=ns`xcI@la0!5``lVD z_UA0XkAP8lBwcWn%??GmkIkYl@6Q-Ve?uIE}>^Z zEy7;n*MEI%`eF~E5xz7awny6a3wg06iWxBE)!76fI;FLZO66rP3f&;-2?u zSQSk|5)G+TzAX(Zzt8Vaxc6~C_jAts{dzs08PnjLpE5rs`5e;%^PuV6W7h6Kz-+4% zu69u4>pmUA+b8~jztRly`|ewC{xcW%G_{f1%I&arTnv_;8;V}5$8)D`vmhtpIKHTV z2$s*Tkekx7WN3RC_7!&tdmU}|q_G&Kef%I`(=w7e*q2r>%oCR!6JwCB3ktLV{@cJ#zgz?&ek!w{#x7r4B`eu*}Rb>Z*YNU%+jXD(tVI(tng)H(ElUdKjS zS)vR^@8`nboN}n#{1{SyyvNfLQ{j(nFj@|m!K_WX+^p6He189i=W%=Z@RoE^k`NBI zh1XzH`wf=6QC-Nh+(pSDPZT*!PW&K%QAqQ{$HXhJH;D{8VM-rMoqp$DjvTS=%= zI(c-clx=rfNNiu$F{|kccz)kFxRyK!mpln{h?x1BwLG2z=>so{2I>?;tJ5jyeB28K zt10Xv3vq-=3+leR$G&|_BRAI?@kM(DmZPgKP7RD8>klPC*-?F3X|GIgmA8vtcP$~^ zZo?cbUaVuonq%Q~-4hnk*)RH&kpm- z$H7_bzRPu-QZY!>Wj&U^EHM&k#Xcv0yJ_kP9x7ni5O0rXF6RgO~BpsdCVP4fG z3=;S!);{47+Nr?Z{+t&{Ow`2KF`9Iioeae5Q=Db+7EUMmVg1tspml8nHT0{6j*?Iq zn3W?M(;H2~cCLr3(}N&tWeIur+=}mcUP?yho);x)?i4ar2O%&Z8wYzW2B&rN;p~-p z;Fh`tV_Wva^joQzCuHwZGRnx%nm}gkZb}VWHi_=bjbe5$UShCB8sr~ofLlw29ZqW? z4h;K@FUlUn%4Tz#fBPJ4bL(} z`QFrf@FTVfyTNpfEDMX&I<5=_C@EH|Rom90Z-gB_-Z~K< z3G;yPm?^ODz$2(!V2zg)pP-A7Z~p)Mxp^iRwVBjH{lS~W#xe#Zu5Ja@lk!ye`)FQB zl<}e5XV@^!0tN}6!z6qxB|8!@JM@@{xlDt|ye^pVFCLU5>+x=TJ)Suk2Ij{1@tNIJ z^z6%q$sXsRT5B6r2296&OTWU~ce_z;iZu5S^3oCuwt#w29~^W7UUA%*{}bGDiS5-$ zTW*sb(i7p&g=q5F&6Exu`WlUYhND}>ZI~}^Bh%g};N~N;eAd`>xZ`>dF2`h%h$dBd ztU4F}o@FA*m*y1RB&d$l7=EPx6b8-JCZET?WlBD>yeWMW82H5_UUz4!EB2Fbf}d~d zxK_66P8D$riGd}yi^N%TFTk5Sb&x%{P!vRWumdeJL`&HFm`dbekNr?wUng|3hAB}i z{uOM;AA|=7H1TBrS}^z{>?-$7L>gAOqzsjn=7uK zBZ14>l=z@%d)_h84`lA-q7!|};v(#^e@G-7G;=X52x(u?9)@(B*n>sFFGD&NSf!X8+%F%K_I z2@((ax1G;lDO_l;6rhuO0=h5y!;IBGGu=V5_~Yj#xUuvP8JbXv39tRh()yuf+B`YZ zG)w{OhhD{TVVO)JM}s=~Gw~GlsiH|6?nCQFMP_tcjgPmFgt41fVy-YN{{f18%B>$F z6xd9=H8l8!|HkkQK@oz_L5h;YIynCAarVO7kUYAszz2RwVtrE8_~zF?rhP(}Wl3uC z*qCDMif{zIkv8JJbyrF94g-PfaNK@p;Y)liIMQNDo?~-I4H~^)^G2+4z<1wx)5^(7%ShmFmW_C(r)!azv zI9>>^w`q_Gm%fpY$2jg77mlvZzcHr$6FNtBz!33GIOTN!w|fg2e>dLPy+W}_;vS4% zsSmr;^Tc&_gSn}_3(M_2h4F^_@WaW=WKGFjeABIrhU%(hz2J3wV3kG;rW}L7JNoRN zkXPHVy$mCqv&lbKDf(3SPG47M;F7%saA;bkII(3PvHw|2x~3@M$jr@<(a=F|{TqSr zWc(=G-Arb^Yr|>F|1on=!5anJK)qO<%z8c(R_zJK?ZWwZ!h@@%_3}H2ZFdL9%~#p^ zPY+qJu@6zbdYFAGk)&b6o|BKSrQyTa(GWgMU=oijAxo#!u$Z{#qOPeLbh4~oHwZO-eF#FbADa<*GeDgu}H+vx^}dDq%=KJqCkHgv?~u&?EzQY{V?K@ z2`Vpcf~YkDzeBYN@B3tfqs)6)BY4LG*F^B|uNF|_S&^V5??wLwp2kpt6Oluo;pk!| zabA=oOlqrxbgOMRB7Y=#Z#xY)=6!+Ke;)WL#0bIq45SG6vE8q~V&;PkFwZch?;Tap z$Za#&xe%~?B%=S0AAtu`^&p`t3JvP_33vZ$aBO^oH}-vlTPwdq8XhfEHSmFwJ4kwm ztcQ=rDlq7}H8_tMjBX32(xSe7id8a@(;#FO$oxJtJpw0Sc>%co za2D8$qru~54-UH_bdT4WW61gkD7$hGlXE_RK6i83Z+l0WCd^Rk1ES&d>Fr{(TU)sE zCUw!#W9Nk)VmC=PbE1zn9fKJUbD3I*0?r&VjNC4|NoIA~qgi1->K_Y(K`XD20(yac z^6V#u|0eL4t3$v<ukQpAAp(BzM=vDC>mUin7^gZ22rG`s_8`~g!DoK9n z0s&*6L9m|$z_=KJk@BCrgkI$xQTyV4@DO?B2MWpfj&n&>~qwnrrx8Nby^y;w@iYh?nwOOuFKaxD`f}G3dEzmM$cWJBk|6$4^SKP7T7#D8fm|l@|Zz1WbbFz-Q`FFJ=3sp#~b$dz#C$ObHK?n5`H^% z690hrVCIoe-hN1hYo-z4+;a$Hmu;dqg03+4pgZ^>tVNWk?$7<6*D|kZ0W@axAiUR| z4rGEF>~+kBjO&#+Ys5axP8%iOu`?W1KU{!WXCA=PQ4itK-3nA!h-M$3jKtQOUX-n? zfZ5|sczN7yRE>@XZ7-p>bzGX}=)MPZPzCZQRNUx&0&nemiGSN_nc=;ou(>W0+PWum z59=Gm>()8w+vxyd{=hG)Enyw~A-F*P136Ub1=Ido2%X-EjE!rDaf!antG-j*FvJ{u zFR9|WDM5H<_86MvHJ%>b84Q`a&X{RX3-=AjKxVTEn%x^gpO)yO#wiK9$_Ftv?+{jx zKa3CCx4=y;2QUw{p?`mx5-UTYXZv@4`C59CKbZRsds!aH%~?adehW^IdmEU;lLAO0 zE$qpsMEJEq4VLW`I_^RiGj*6f*6mOwJ45%wXyaCV8hf8Tt=b@mGDGBVJQI;Ds};Dkk_x zts6}h`bl%cGHzmZoHTFyjh2%g@!DZ&7VB*zWVp&iC+u#J-S+EXZfgp}W(po2f%7%r zRF93RJAktcWng`drYLAm2I72UJU49)T`__QPL3Vy%BCkwbEOFj?FuJz%16M4VPnBa zzJy#@`9d_a+MY+QF%_K??!eOjOi@ZjlB-Wy&B_eC80j4(rUL6NkQ#t=ku8;suz-`N zfy>&v2q{uaJbod8^=d!FQ~$R^$+nJRw>YZWB2d~QkGiPHy`&P{I4Q_)ED= zUphF=cqGz(cOK#m+ys`7F@{AjP*b`NF5X5sB0F5Tn+s0h&hMnaT8;VdF$1UBGHhp> zB=tSSh;7_*Y#cIyPyL)uT0FWi;MgHPK*%Hv%X*BX7r%saDcY=a@(8SQu;yd8ThJeQ z{bZnLfKjYOt)n143?i$Zrs6dTdZ79Z(^&HJu1ue9HwOiZ}ayACLOUxJ!zopJZpzrQOgtPZ2{5oe2YJTfj zYt=5k!f7DP`6Y!8t`1;%ei*ts#**g$GcANUYRr5KT=L8rqF)rk_Ej1fAXP`6j~{{a zu4k4fcW0s9-i2^=SZP^Q-F>{?CdSzf)&iVs0!X$h<1m%&+&aY@g9TvPY;R}K7!i$k zEq2f)qsGvv)7wx%V7y$Ic!Npn6yk8(%`oWaHL^+QYpMH9!pj%kY4`V2FeQ33Y;!Y$ z!$Y!IXG@>xdBbi9 zzQS&B$c@7bi+k|*qW`d>Or37kcSN~MCh#K8hO)3bq7#Q6LYiCz25Nqby=yBj}v&4p`E_dva>P#9h`g^GzDu;i-Mtf~| z^Hq~hEHuZJ1K$A;K95UmrsF)9v#7Jm9L`h*;)4acWcwg(7;|wiQ>J^N?XL{$f0=<& zO;M0_@&VCUtqa?Z-zEOjc8R@ZQgD&N7nu9#0ooZPh#O3v!K=j2Z2n#+2)M4pqfH0! zv+Wu1GWivZx%QXjz8Og^{|NtcI`6Rdg$b4R7(k^B;xMUag=m|R3(bD&jWiB!M z>G3HtXqCT^e*f}9?B(&2y?*o-Rv1`N|2-k(qtgTCSR_r4IqT3nm-eDlc{lE;(BN|< zs^IhGvHbkF3#@r~7s!6>zy}Nep<%x|A9F(*mcOgOt9TE-ST|wfJ#T7xsQR=!-n8OJsi7abQDlT4q1{{NJ z;J`X9X!sE(WE<|`$4{HFVW>5amEVQW?PPFWg*SG6l!a3Jp?p*G2>6^VOCRh|go))- z*(TjK_H;)+b{TtM&)!bFniUN^IgaVA9){O~lG*3OH$d&+5Psy>D^~r@3vV7yg0Bx7 znELbUs5&ZF7#R)1FTeEp(}D;Ln0gtPKVORjAD2V%0mt$^_g_PFoX}<8?k0BmssqZO zrecD?8hQI)8`7s^XnA}z+43(JWz0SBj7}O!JNg1&3~7g>L4)zY?Kz+{<`Tv?1w)GW z4p7LG;ETO~v9>koklj5RM`>@yQ-^OuY@-}sA?%DCC7rG2?5G zABUR58Dgilo8YxiiF8z!qu0lN_%^|UZfeVif7f*A1mj|S63`19$M=?xDtCnm`Tvz4 zcN2Jqwry~!%$Br&TLLC}W-vk07cNHc#6gXBP|rZ9E@ij zN^!||Z#w&_o7ne{K5ZZWlN^4ynJLZtgIVK^d8ZoTQs)!#$cQk^yD!iPf9ul-l;A^> z%`x1c@SmS9!`(V18hiX0>0SLqRNMU-Y#)tc#A-Kf61dQ9`rYtnk_Ee3D2ij+~42BkLU$-j~C^MMuMuFZ$01s!-uVA#L3vc$2= zoM}JG!ja2BSD2oL^PL9to~JcLRF}YQwd*kP(M@=>=sCOmje~varuTS(uG97uM2G?2Riv`IdE`Rb69A0@D z^u~5#fZ1?v{*~gIo3v%*(9-GpYhq5t6 zP%YWO9_@?PLX+O0+1Jn@K!g&dADW&yb9$SP#{>1b zoUS8q-w&)MRf7hpO%g9{yMj-@9E2gY$_oa(|4yoZj>VrRT`;BZp@WK$A?=*l0Ow{I^VFFe!7;=S zch3ri$mS3{dtnT-KB~v(1rFqAnH{YAbQJRXN+6;s0dGX6lQK0kK2^>cuC7htRyu_+ z#WETi47_>wG)Y*~_8!-?1d@**-oxsaIN08`n|xbWOn#>!TYIdXJlNQce-10q$XBDd zY>g^NU6v%567%89?R*Fwr_9OrORV(gO}v;J3%k2IL2t=UJp1t+e7|dl3*;sMS$T`4 zdt`u}o)dJA$UvFWYRL2)NNWonVE?KOFrw=Z2?(1CK9nPu8b^+ z)uINn=ZWF^!J=4KM_~pYgZF+nqo4CNt_~ey7h!ywZlp|{(O5mCVeaI~PI&nB%5a-T6*id5eO^JN$aH4V>PoaFD zJik^wnBIRDh=+`)GS9k?1QbOPTL5+>aW<~3R$Y|r~!s2bD`n16|asNE0+K97?t$j68Ez*U@-g|oV}rgYo~0* zcY#Ccjk+9mXiACb$J<}H=~5ySnT2ED>ujcCH3J@t9^mtsAkghAAoIq^fKBRD5nEA; z;SvC> z7-z`fXXAP(tW05^md^C5RD3zrjU)bxEAjQ;M`at9R^mp*KCm6R8$N_}vv6-snw=?4 zYp?5}ZR!HZcNXUQlQiI!+yaP^-Xsq8GKTkSso>#r#K)4VJgy>MwD(~$))t<@T{XTe zW|AvPI}FBMyO!~-iFN4TZNhC_{{!4CPeZKY;o_4V{5xp~?>3x*w!OpXI3sgzX==(e z$L63+U%cQ}A1LzMky}>zC>f2UXOP>*GugM>i$J;j9BU}*2XhiiFx8wcuJXXc`xlVX zIpq+#?l3WR%Y%7x1F7G{b{sIui`JJ~k$|5Uv10(G{*n23W2y=0zCQ?Y?~@>XuoRED z^_l$*DI{G_ZwdRM0Px*cgGy0jAo5Eb+-_3fDu?6w!LK>ksJIT_Xzt^BgLJ8k`$+86 zYk?IP`ylexQl1~6z%|KGjt;}&s?S(VG5>*yDLaG?Z5C5_)xmxayG``#JHcp4JEmC4 z^9{RRfy}$N@J)9#bbj9g2?_J?LhU&`@eJW!r!Swx3WdFWImGU~!u+3K2Zu*Fu>Q3- zU41Qp-dd?myKA@O!!5BWGhc&M-7%)?YUIkpy8>Y4f#t-@A{P@C{)6XxCy?Dq_i?b( zdk7R);K>yq*phGql>L4ZhYlakwOiIha9kzv4cIKM=m~=BupfQzj|Pbi0^_ag6tP%b zB0h7NLHFS^BE{?4P&1|(lZ3+0?$pVepn!=1;`0pAy1j3}x zqMyTT>Uh@^R-IJl2T~FK*~ek}E(`wVV=k=hm4dnz%S9nVPkBe{TQJ#s00!L|$}1vX zh*k)>{m9+dSeu0^pKq5-Bp#f@75lAl)V=GF=C@H`Z*4;UV;es0^@VdYEuo|Im%u~1 z$o%|^S<9H=^uvfaB>U{?e9yx$BS@Mb(OL)LLVqS&*BnjF%J4{!roe^nW6c4FVOCx} zPXBTVZ`UJ$USrjZR5=t|E7-&DBB1JyruAz?{oIra5?WOWay{lN~3z;u?U|` z)^|+{YlO@dtWG7BhVe|*)k; z#4iWMqdY!~AI99rzXC&S&hR*_6(NQ#IbRA`XgLo`RR)Om3ClgfjxxuuYd3WPA zkl8(CQ`FRl&9o|QE^=#>=N5iOXj3&yY4Lq9?OgmD@Zi!EFs1Y+Fh^+o$-OI2s!>mq<&< zo96*W1%%4aqZOvmU2puC)n*{ ze85cnt9TTAN^@~cd;s37ze390Dq-YiDHz~z8os7I#&Z@Eu(>83H-+yOf7mvFpKMNG z+q;Y4<+BPL*ffOSD>sDGuO5*#mIpGnF|3%=^*6^JtqU{}v5@_~W}BlP@b@Qk{`-XByDejmdzO)D6a3-*(sU7m2| zYa@oqK86ve*7K>&DztsK6jyfY6ZR4eeJq>cYVvegnpDo-31_{j8)A5p(N(BRnulf2 zE{moOxJ^dh-cM2_rD#dF4_Q&Q3vGsKWBvV1a1V=zg1FOg%=itui5x+)=MgyA>A*;L zJszvzz@IgJWViI+FiT;WvsdT~Djv=N?*e5ySE&F;-zdZ5125uX_km)U!d zMd+427PSstj>n8Xz|%7VYv`;w?aj|)7L|@XU40;R`A`C$t#PO)lMCXlS0F82jW&K6 zNax@937cA`LAys09`>+=iilH8HRc*LEs7%#3Os3@jyoRT^a*eJq+y}bGuV1i2kvdl zfIVZrlrQ;s1E1^X3VqoIm}4G@PV-Sxt}xg8o~9eDXj z8#K5X4x_W1QCm3Ak51O-oqDTy+0tS*HNy!@$21|;H39#Z-!Lme9z3kplYdv;=u#oW z_+iXzvOnz$8T;!c9#7DPi2~POvV0M2^!S16|73~gc&YQ=&>n0wvEUm_UGaCr0r2eX z0qadEa7?Qf<$@={xBCTPb|hGQ{7gP-zY}1PGP0;9sYBHdmf$1J59n{Dik9WSSmy&J z7CgsdNf_Byf%O<4%LT}eWnJ^8#f3(;-%JqIOe zPn_rYoH^-X`HK-Me0t*pl<&R@%UnVQKG9DSe5*zrL~2RcV`=Ouihvi5`qW}YE*`Yl zje(`sVB>iMtG-O)x-Fwb8pZ7-v-Ti%TzZUGd`{zdVWwJN$yr%vIEafDpxvQH;hk9s z?I8~!saTo}vtGh=zOE47X&O9nfDHD$n;yzCnZ?vG4~oGm9~H(rKsM!sxJsxjzn)5d`7aSE?VeY?oIgqf#Wcw>ggeAEkMB%|S?4n+WC0igA@i0R19EXpW8q%~7>=5LNA= zDv8msevTY9J|U0W34Bni=(kMg;z@`c{?kG3m=shwX=2D=A!qsc5c^NH0JT?} z^N*7gaQU~fG;dfN8h!2}6^mkF>=PS4-_e)c`m9F7ri|mo3Uh?4+6|n%T9<~)DDm}U zJ@A&EB5r(g5&oDDg6X?;V8U)qo=OLcjK@5~q)v01xvv4w9Xm&yOCFXR-R%&)Jbnw7 z$7$13?RPMtl+ZzkZsO}BGCcnKU(~5T;$ZVn=ou9&(I@vUa6*TcDDU4gY)*g8W`?|m z2ibzxzWtlf@#(>9ag%6mdL3rF&*Z@pIb!dv%OQ7UDgM{-97q3C;=JM(yxS*BAKn)- zm*bD~hgzpFe~~rrYPIE|2D)OEFoAdPcp9{}degwK-I(xU0X1zIO*DJoJWqt4jpsRay42lMiS7#d z0*SeaV*yWvPoI4%nZ0kW^&1GJaq(!lTPL ze5n#-DBIG$vC_16uotsfx`*t#o=qM$*N~kZ1m&j<;%}?|!k-!!C>WKGOETp6{*n^N zGTSKr5fzT(FAT=0Rb`m5T!p&CSm0QXR>){n;ww{sGV24U;N7PaWMS%6kZR##UF(66 z<7>m`IA%a`j#x}vzMs1+Tg}rF*vu7}M287oFQJ=0c{LO%O`odYSuM4CNG?ownq~ge{;HKvLgNsEraN& z8dS@h$kz{cgYr9ecy5yhoh@rj#5<(;$y;X7vdtn00QEYVDvOq z+$J#^SMQ(9!z4~Y=5Py8jv%loSQ4s|CxNwf9_;-PBydITh|Fgdp4=-i+QdZ=_1=Ka z_!mxAkydf~-0|$S%{RQbsutqTnltxff1u^fA*vdE2Gz98sQ;#?ARjOa#LNERexD5J zp0|#sdLD=Q^{F)U3Z-`SsjzwaNYU@cbcpmn2o3g^;N869MG<=xSoH%!s6)RcKYZ;x{OFuT2F2&YpILXv z-;wL-2~*1#`vM~Kce3x1lUz@nPd4j1e~L>ny<@%J7nko+X%;6m%cxM~5P&~*{EJQ~VF zG!~;=|4)39{T!VJ3Hj!Sly!eIA=ybc$&&}oY|zN9u*puI6}1dxb`u1r>>$Ar^=1}t zd=bdi%^#2raR*?}@!9mDM+eqtM^M`%i+JKYYm7d%oL)1!$21m8)0Sih81L%OjFVnL zhO7nuU^W^DZ~9BBtmUX&z(!b;@)7sX-zYewM3DO79t5R(um^VqKJtv`WS71*jj)%6 z8^ng+-0cn~=!22X7XYq_S?=VmXg+B$t?hH+#f6KZYri^Qp#Pnu)F@)dOh^7~*ab9c zDP*3e$uOqhkhh!OW3px)Fq91-ZKveXciwl%zC5LDTSgiIe|do5FEo9a0SUug`Ljhsp(rd5 zk3G7S@Y$dO|W?95St zZL=HLB@Bjw4d<@SS8M_&TZG4^=|nmF6g)a6!JRie6)o(Mr(>-jqS2Z6VD<79d$PS2 zb;qV+>D&+Orh+04syfcLgdAiuEtkTjjdxIIcLMwzH438@Z_Q#92&j|uKZ~L zU)xKd*(}Tv56Sa`opoesqcv7tUBqzu2!4FtUcni10Oj-Tu%PKWxGi+!ljA<4TSuj^ zoBf4tue+JUWf3VJb_a$JG3Gx%Ok?v_`J?;B6kMRRn;-vKLe3|D!X^`Qnj^15OIowY z4VPNcyG9xMx@9Gp&CFrmg0sY6^K-ajaEuLz{)3)ITLtd(YW_2^SYW0Eve$chFJt?dV?-^H-x z=QX$yp~{zM{(+mB^0dtV5NV1i!c8tIxJR=VZ{}F@sV_3|{Hb^}oMuS*{VH}e^$x}? z)&&Kl@%-1{bjVyRFauxAA`foP!JUJRc+pNL2qy91ylp-mxy+7l`tFLlUrXTNL`A`M z>JA_55WlD{;_4?epls0&{#nQ;FAuQc@3(R2>@dWgnXxGPApx34BiWpnM({eYm>fqP zzNgm{?P`pCo#L$)mc=+=XZ4a&GLUj)&E6sh^tf3W4+KB3=HQl2Zk zGj;Til6}JssD$HCTt4|O8h8bX-9k&T)W94pCMCgT^E&1pvX6ZFrHGARcamEwYBY4% zZ-Ay9;OG{|_DUPEwXW)TVfrh^UucQkpPBIYPu}2+m+2%iJ%}HBb`DA`cal1fA#|_sN@a!V81T$CoIzmB0zgBQ#` zaTk-TjUjh!9P1UI6FfRMAgw16_jG9SdlA3kg3f+)s)?my?~}OYbsYT|Jb^?MCV^(d z1hTpHCpgGIg7Y1huxjNTN`isN-aJlERt?3B-gFq?t4|$D&O*l!8Q!?&>Hp_3TqiM{ zu6oiz{2K%&YxMzaew+z=-<`k*-m<*Rdl?xVrh&dTJ6LG_E8Gy)g~u`&$}a(`tKUz? zJ$9ofN9xh{s~S<<P%k8?6_ze%AeZy#4~iRp|kA)0+l#x&Do52EW7utEY` zkGXsgGuJqh{LXzM{a<46QOJV8T4Uaql!&9BCBvTfbn&}oBVZ{PSo3dA0onoUVY}%8^t8E)Qwt)f?zaRO7T6%lNt_DNhm?8dln$)9 zJqfPv)k6PwkJ%0fU8-<@AxWrF=Pw+TxqXP>fqkY-NuM5g`MrmWyY%qE&Pf<(dWjA0 z-b%|a-@)+WD9m*bIJ*l)=uov*aKny+p(iRJS>qslyFLyJ3U=Tn`@uZviayS@dXK5+ z$I#(_9I^ImDXbOd+zVR$v9D3cXG-?6i89eRT5Ji~8hNN_dWQU3oQlOMhJ0XC1nNvw z>lcaLX&v?#Lz_@_HdNUjGd3f8=6CYAiWCRT1WGokvI1Zb6yy z%}l4~g*f}95+m`#&ZxYLB@Neypv*h0=vOgjSDwT83kTu(i+r}~$1b7uR0>Un!|`Z( z3saM6VIB{jfYn(m(HD~`aPQeFP&`;iR89TqdKVQ|U%Lw;&RX+;O^wySh4TjR9=io>hfXZ>Sd+##c6~>ahw}WhSuaSx z8^#ZmAhujl!fUSr;Pq30*n7eq{#Ci?(J`S*)7wTqDjpNWak_VPsX%qL^-=RoSlEw~y zN|QIoySN+lnPv?@N=N~qKVm!v!?FMIrxJ$UR(8cvwUnUJNExk!z_X!g8-$NKM%Yh&5cn+sN z3a*G#Q&41n9G&k!WnNNAG(ldGFWYzvO4AD2h>0VZOGPlBa4Z=66?ABXMjo^@Z>9-e z0MkAMz|ML#2q=6)WVMHZ`%xVlJX{((2aH3uEKT&zuvpxa^ov}L8i0BZvi!mDP?VAz z4$I1i!HolV39PS#mO2-XT6NTOk0JNnVn{!i2w9$ePRwt%8r@u=PODO@AaST4)4E|q zZ#SQYqJNsaCvhP=B5)qRDgJ~vO+UzNg*ntoZzR3&yA9tQZeyYtYmnJAip}4W%>r(J zg^VwPW7_E%KF(^wz+VHfug{)8G*BQav#fE}S9|;~dmQyUtH@mclVea=fFX&^XyfP1 za;6<4Z&jvIza5wG_gGBGM)9| z{8^?ZeGu7)yZ&nNyzudO&f)RjAZa3vQOETipv zRq6LWF_MKRY5Co6*x<4gL+(in97QgAb$Bt1bQ=zjw;y0t%QR@`pNV`(wgKjSy@ijb zYSYOZQ$b2SiG=ctj@clF}--q2hT%pb=46XF8cWJ?h0p?|VSyoFn*r>4Irp!{NZvQTz=EzJgoM{ATMdl(9LB zW}a6-W6B7+=k+r9c{!Z!{cXg*#K`dhxkuRavM4%2x?ePAZ7|zJWbx|EuejxHJ1jFb z;fB?NvGK*)-LDI#|qDkeOkEajE5`6s_OILTeVCw=LOE*YKs2jiom|Qf|x`v zq*_KRaNUwu_|xt=QTTlY_nvUXU+ats`EwhMtwLb<%XW5(FGG_Lk5D|Y7OY2|6nRSg zhvSY(@$nf?*>cfe@TPllQNIeBsw&f&@|&S&sS4lyyaY2J#*6G%If@sr+rn;p8^E2= z*Meg(i|9@N1>>!9;r*ZQ_~V2M-?48A+?AE&8~pwgc6LgTa{m}AuIz-jZ%0!l4}tA( zmzzz2eN^aG;W0BheHW^>8RHDsLFS0zb(MPSz?7E^%IqzZJY! zk5@Lak5!%G4~}>7rH&yF%*Y{%H!XQUak@C;j|4Wm520V5>e4vP3;1e4D*T!$K{pM( z4dQiiV52x3vLq+*=PpxtZO{OoP-M){&eY)RM+U=%E!nW9@&K#xe2I2gOSG%9l`6(xm~ zsHA%L+9jdPQ-z8|B%zRG$ajAAv#xqO`|P!z=f3&-ys^yhj~>&OQJ}YK+we$19t0g$ zrhm`L5wrD0VAc5sW{$DvD~jaAUQ4>s=Eo>*;cE+eK?I&wAEh52TEjHmJ!JEh5}ZEc z2G}Hy;Ktu9pgB2}`Kza*+@vn-Dv80_?_B8K@tM$5V#wF&O7VG+EpUYI66GnH^lNuM zDWg-U=8%!_@S9*sJZenqhBULewIk?@&A0GU#R^0{9oTb!D`+c*g5rP&a62FwUTsUp z_rFYqy^kNZ`kaG5>f@-Eng?thZYj!^RAc3jj4`%$xZs}*6nevt;Ar-Kc=hcJ^W3lx zmek15T+ec$k2{|GvDLV4!XDfbT7mQXOK_kNY3Sm*bcEy@FqqXsa-Iy~;kgU=4xyiR zur-FUHQ&j`c3sK`lrUfMCs=-b8P+SkfN)zi(ll^9hItUUd)F0x!{zXN_Bd`Rrts~! z4PU8QC91ff&7-CTLSp`Kest)6<^3+Vn0w|i4AuN4`koulUu!JGo>z--+-`wsc6J|h z+NHpv>i@{}uW@j2)Kb2@|2W#+I)f!4+ac<67n}U*AGvfbh2;u&%r%23W72aC z>O6NI968ucBAF)!RL0{d6D{8DjacO^_}(99;>rmweEw=18dU3n#hSNabWtMLv=si< z0Wa9+GF>nX=|u6?zqp6(Vy%8}!Pnj&;ycWsB1M-sKi-a?pZvzOD-meBe*x$eYVc&Q z-@*>ioCd0h_{OXe(CBYPzn%yq1Ml{ep?&k&ow>c(u~?TDew3t7T7qE^I|qaA-Nt(( z-1#A)*Q~StIbp*j_)?6gN(Be#S>L^oaORpg<$*3ev zMA7fHHDK~W*b6py!mP9ic+%RuN_@0sRYZFRJnoZ z8@_irhfT{@Q>UvRKy6D03HcUCXB>!Odv>Ywm(D?GyUTu+-fSpcGpY%^&MoIhgk7~AhT`_u zQSkH7AGX9wL3CX68{GJm&4;d6ps9hVZ)4%#)bMcgTJ9cj8P1$O ziE(8cT3>&Lo9RDzT{NB6Z#xZjWxH_9pV|CQ(Q5idKATLumx<9lw2S4=x|dEmvMC%e*k1W;>|RgLfy;r8TR-aDy`@ z?;Fc^F5iVY()0Loz3H%T#u3asT})C}55*A+#-Yl01<|1Y^10WbRdlQOHn#U;8}a`8 z9OBcJ>3$7uUS+-sYl?rcbMifyT`&xm)jlVab~=)tW?_~+kPsT}DV(<{Fz~kqz1gDz z4@$eqj$yLYqdx)_drWCzz#mY#HyL`pD2l!F;q_TLSo*nV7=RwtO?sntK>`fX*tr92)SWM}iP=T~r4 z&NvbrV#e-BWLRDEt(JKEq_FI8+gOX2_DYl?mj= zs2jNQggi{iIUz3fR;RCOl&Hk!N$9^Y2d{m!=gz%#Fvqr#gZFZnqvis`wmf2g*T>NP z`+7+3)`Mh|k(`htSpz|`{;a`Wm#$AZgFU-$!Q*YQprcR#`^Uth#Gk#?T<$XQv5%(V zeq(Uso#SBm=>jo}n261r7|0x`FCAjAoF!GHi2Qdc!}q@`@cZ9o{2e^TCxOUBc}oWWSJO`1=BCBYXMo`jstO*}~)O;K>T8KpnN348M3TGe1ae|!N- z^`w(E9h115i4#>mDsWNq%V70_0Dg3D3Tm&&BFjPt(fAX?sN8~9ynP^!eF*snp$#fr zPtt@-nrA}XjXz*k9*-f%li>PGVdh@;0Ol>}wJVsfz*pH?(hR><;!&FnY0*AyUgn|7 zlLCOQKW0T0?4uCnQoz_ChNiD_!f7fMY?0M;cIS2&9k^;ZUR-+@`~w{^bE-Z3+jEk~ zYo@}3Do=PDwUB?ylAyLKMeyH65j!q@5EFdHa|ux*9GjoZJvY7t&&KmG^z>*LJl2t? z{6+kowi@@&jt)}Lg} z9s*Yue*nBSk~XE=@h>h{%5%>qz|z%1cKbvg9xvX*jXmTs^WR4>JM4>lG&iyJucy-! zfyv;i!{B0*DFmmSgd!yw9-qqL`W=C5`Q!$AK_t#?`y=o{8EhCUIP9F;!Tz)xshXm~ zhsS(^X%04`^q`FWY0x~A59epZK(n?RYWgn31O6xQ?&$UW zgx>}x`%sLJXCB4)E8#Rp=$WYWOW?(fYh;XqI(J_DkTi`n2kS%!UMgfqD&+5C#Mn?M z%#xwQM=8*uUN6KU*N)-alEHjVgdG~n{6bIF(V%|QksF6UgUu^%;REY~@cht3nz!{K zM&8K6#^<&??)yLT_|z=gT6O{Rm&(v18nUpMN(nPA3E}?P2gY{leDGpcrkCePTbP32 zzncLuYF3m4Wr6S14AzicC3Glt>00M*xT-jX?z^=F-X@KrLkeZc8}EAdv#aj;fk zs-6d{sA~4Ps}u)q)WM#yG4Lc}I9{iRp))W95-pk`B4idNqsGy}wY%|HXc~^O8_ZL$ zN5R7-x_Cv%XzRXNMYVLKc)?&tn9(crLZ4luhdT@L#&0JK88w^gZ&hTcelH|*JG}7r z`NQPWlhGpef;M=pVb6C2#tEN&LtMV82MZJ z-wcaf0>CKLkD5(W<8sRRL~T^Q=+EYB;MJo;|E=kOeRKa}4cFiU^cK=@*@^Jsxh7vc zC;(q9aE1&^ecm!Tl%}U$#gvf>6ngAoV?jJI?iHbY%quXT90jF5QaG_g=m=K|yv5 z+fCuZy&g7f{%=-%s2p45jB(iSa!9(ZM71fC1xQoq5n zNfCJe*(GvJ=#m^8bCjK;u@K?!heb~xgKB*$GqUOtc0cge-75IdIf-=4 zmf>1UM~hBu<`DI`oSpsl7p4Ex;RBbCf=3N9hxfVF4;C9oweR-CB3_{m}8_Bb@EVzVf%;hxv?Wi^dt$|C#%3@ z=YA$zCOjo!QT;G%+6-AgkG*k3Y^YMN%iY#sxP zyLOlD{k#VHhEP_jY=%>9tZ2@24YK1(E;a4d!{J}n!2@XqCfgKn+<`}!m~#tF2i#*n zk4&eN`@_K6^c?ujTLD2n&G0?;Ho2Fbh{OG>#ltp?VuOWwfmLS_+GP}#f1Uh~4Uj8@ zfYB!Ca4jC*UmQfCP>DNO9)pL$&hRf=$i*LsBXoNZ8tHGKZw=}&sB$l z$wI!Yhed*y)nrUC%B87OwXMQk!uk>1)RP9q=tJVJ(p9uq91a1kQ6#SBFTP)M17|+A zpntD+Bg{MkV{L_uM0NnU=)ZY-+X(Zu8vCfBYJZ zZ)L(@&cCsIxmX{ZE=h}X3OkM>VDvL(NZaY@#p&g zNNbV-uAA8pDt8-5POKT7WT3=*^fh5?xh`Ls+m3GbCa`z=E^_Ws8ZWn9$#1_uC4RWG z7*?GdM7&!=OOyPMphK!AG(66NHQa`~NvL7h1u^)alA%M@eu7)W40QNzO7Cbna<^@} zVR5{``JVCuds6R^itA~3mPT`3T|?sRIF+xeIazkOEE->*5FFx*8^O4I5U7U;GsCqN zuw-sFJ!qbSqkq}bTy6!e4sYRh!yMT8dm?X8N+$_94{(?NYdG&F&+F{NF-v|3T|3_b zFDs3vPh1ZG`CHHa%+y4uJB#39ufWj#5YJvj-GijcXlQ%v4W@qg*`kKy7*K1;gE^a6YBy(cEeFdBwcZE^o_5Att%lI==hnv2Wgk@t7fU5pXIC0p7HtE^$qg$82 z)F3%NXumWhHZFpZipCH({w|dYi|3*Ve?;@^6zF}2ouXj5aGsprUH+U=I;mcTDxS`# zKP^_!g5_!AmcRW(Z{RK1?$SjvdIMn21$9hlYR2#wU)EYx0LCjLu)^dyF)W|LKUZJE z1!Htj`|wxTxUL(!F%7y#=<%KWBHe2- z%8QU)c!1joY~SONUfeG$9nzF7x#pS?Ea~4x>{gP+%6wgV;AI6AtXIUW8#;W-Lw&ye zfdbWN(1qFDl%gAnf~I=Z!54ev;*GewUe~r!!X#*g8n0l+$lj|&i@GKW^^fDs}^8!k|jU2Y%TqIZ9Y{@wu7aE7W0ggUSMgc z$StfS=`dGKST}k$E10nd;DixR_=l`feGD%g{0N4x?iIZg-qFl`5%a5!L2J$%mU>*D z=jaw=N~{Y@oaKPWEuUbda3`&7UCDbcjwPavG7vk*n;sDyqy9H9u-35Oa6e=V*`?Qo zZ*v7V)-Xl-DE%9FF%7=5;WX`NF-NTjb8xz2C=0?+uE{c7QxbnhH>LR&pO-Rs_gmA3{9C~jhmZ!&(UYxXP7vP}W4>Ewh zK3$0E$NOOL2Up=-Q=p{}9x>N`Tkdl&hCM0HMl-n%7X5^Qw#66Bdpn+*J(xvh#l>v6 zQnA?i;&D(adMU~}ya|h=&xoc9{Dqaf)M@s9ffuf+Ojnsd!cHj{KCo&OOOIf1_VW*- zc)1en^D4n-`9!|K=dhj1#bIcFdL2YZ%0TLxGIqP)hqlh|0DXrcc%f_2rx@W@EexibG_B&+4?D%ySzpAx!BhA#O$%Pv zoX*}_T)?Nf6ZoK)A~aZ_$)9B&!s-=c_=dj&*sBa3(dKEC?tT3aHW}Q6T^riL*vE&) z20yb~CiEd!oRp;&+vegI#j#>nU1k2>CyZBYa_6U%Rp`+H-QuyAh0k=O3QDgF1GP$y z#qSUE4+e|i$*7$q#l{s+`<>>^LWcBm%^Ub{<#hgb>{s#1t7mb`$ouTW_d*=8umqg! zm+?j&3A*HmFgH@W1ot+{!Q%1DVQ!}x30l9LtG-r4vHcB^i(j~HhpsHoma9O+@zDYU zJC@Iv`wvi*i(aAs5eXlCKHhCKuTqvm`{nDw`Ee@*#tr9-4^P16rHjDxqYmVm%oT@g ztpcq{Bl)Sm?{MszH!pE}g39s!_^zS}WZ7%9G5U`Pgl_nw`HN^IOrkAg4vMb)@Zk>^ z9btN@znF}WZMW?Tg#Pa_Y@x*odYP)xbW0ae?_hg88Gab^Jpx4Q)8Zks_d8ozY9lV2 zYRPS~kSX*dXbzkPUuP-c(}BxyO2sn_7#D~8rx{c2u>u=VRzy`D4vV$R{PC&nQz0AM z$2Q(krLWe$CB45a*ldC0A2nW!-%xoYnz`i(=$_aIEjPEocG+#^>Hk?`%Am`vJkgk< z;ubRMdI(JMIR@Ta1=szgW5oM(v^djgJm%?|QgK)|q~=|-6YpLKqHTledrK`K`XO+t zuom^deMa|-_rPe`WGp^EN|-@tvi!JqvS;rRwxjPgYYsTV+_&3fSM^2oIqpT%25Irz zMW*=9=7v}?uZ&41$_qQEb`sn^kVf|oAO{W~!~^wHV9UHPIGyK!7aU)r!;?1b+eT=4 zxiP=fkOXy)?|{+?VXuCDI{W)wmxpa0&DWnShh+;}xcHM9&IsGjOdvi`;=a#2L zddewO(hbEaLT9Yr$B(Nf5juH)BKg&I6OMk0B!lwOQAJts*ZAxJr|ul$m|@Q!IM$+N zuq{!U2d$36Y^S9x^>YaKRnupM>-N&e8BXYt z@Kmf_AWIxh$D;D6Iig&-7NRu8jaTXGlJ>VbXz@#z_dIbSw>rLo>L*=vv$+im9x)K; zEKu)X3W1H0__^&7;h*2>%ln8m`r0w`;h~U>dG0)B=S(1PFEXj9=$Fbbs@;IT* z8_V|;z>b(o@@d{9uSiwt0&7HopHiadO|LX}_C5uWMwarEzngKXS% zMLz27F&O#c7`Ap_Vpnv;BwS6O-*p^E@2!i$6~lj{UXdHvKYYVx&zXs>!*-FN;~CIg zXijbaS>TSB@nG(~6Ag7I;Ga)7$i$gjXyX7UoO~&O`>se6w)+LbnIlUBrp{)4V=U=W zgIKciuN02_IEu>ewZ${^FPk-RIBtBWkHrT2LGND&v|Ryu)+!8JPkZ6YgJQJJzDi!0 z-i5Zavb6VCH&Yg^V#^d<_(feks6Rgf>D;fFe9eMpY>EMxdI%+qlySv@6R=`HH8E5q?xuzc|b zaCN$gN4<{H*1L+lNn28gybk1f?X%bu+Y>mtMio4t=Ar(nsc7IamTkDIj+5ngV4&J& zRNfm4D~mgb$Ht*};_O{))c(xgN7!I&UtxFn}iHhO{w^uZZ3ONsm|oGe#6}F>JYT>HK`om zEclNo53|ifnTHdp#hQ8a^Qs{6%7V@8-Ml1d^U&x2+@is#Vk$j%V*qLu*zuXQR*=@K z!8*DO=*EFvVml!p{Y1$VS46vG*bF^1H3*<(!YDOvOgCsa&7no_{F&N_0F1RWqj>`! zW25?Lc#~8{7WZt28_q)Z?TiLjIx7R0W{&0QDu>Xdy#wP%O-HS9%gBHZZxFZTkz%zF zQKoGeCRsOQL+A>+rqYV8S~d)w1H&nj(V@3a4H3WEa|v$WJH)CD zx=ClGG#^wql-mlfzq!(tIK5n$XPk7Rwo8PJ@6HNv{+^CT$%BPiMk^-GKLO{c8eVr2 zx?pLR*zhnM`JV}5^%?_e^fr~Wh@KPw^OxB^Sx=nTm;&MAT@W?S7`6-9&(6JE@u^rDv;UwwQcb{=gOB@ACGerl!42PR)8-k&t7|HdQmYiA-ZQR`z~o=uS2 zZigH7$8kF+H{y077LqR4Az%8F<>`+hrtT7S?{N#P=5=-I-Y?w&JsI zLN?K=1~(isz@=)BAnW02q1U^o+;nv!OKOvW+G$ZDiD1G_221n$q0vO?+dw)fKwvX8 zXwnG!o^0w)VsrBqF?M`BYiXE?KMkbecYQqZ4Km?73?AEVv5SP>pgp9cNP!2eoPmu? zrNF&XR`j_eo5VQ=Ls`f^_^Gr98~={yu|`kH{pL_Swjc-Y9L|ApJ7npCFH`ZdybSmo zq3!D4$HaHlUiek|3cg8}le(a-NOP@meS0@^Ki5ircx@-OOWVr>gk5s|7zNC-c*nL^ zZNpev0``xUXpCbyTzMbOZ8|3NyC#?5-6>aa{H)2_XSK4N{Bw}^P2ho>N8sGPdNQC@ z3G@mxgiiEypo1rnbJHoF`=`v^efq&^*LzZRT*TF5BCztA1KmI7Hc=cGhFa%^enw<7 z@v2uR^k*fseobR#Z(1#=br-?BamJRx}}Y>27FyOpgt z@!kjadamG^KQay7_6XjIphD&$@u)O;JS9a)cpJKEpT{gdO1w&$~*2@~LsN&#qlZw8m2+Mpr$HJS#+fzFWI z@MN_XmdcBnpM^r%7Z+3NHNlKWU;4@t4;+FCmm8V>?4xj#`3bYk-PjZInK+Oh5>na) z4Fl&09!opwd_5kf90DQBbdJa`sR8xjdfYj|iTes?V}%lf^Iv_?b#gZO6_o;x|9tWF z#TYbo^JQ)$|KZc`z4*hyA9eff>HXV^s8yGXd*A89E9@rn6|G=&ek5PM{{SWwy3t8y zVOVW6fS>sH2yYf0CoNl}u%gZwLhtMFxo#u*zfWg`uDcWcG&2X=rdQ(Ch4r}k_G%tI z(T9hnn$V)NH(}G0?c&a0b>2QQ2{eL&xuVTUxNuvR?^(1TvuYgaOv=jSB_@-%JyMu? zCLb5~x{8nd6S_|Wj*EU|m{8yD=~(gi2ISx4Y;E9FEDov!i$_^F`-BwlIcE-&-%JLr zGvR3My&i|lcCpn{C_m5BNlWlFIOMQVnCr-aY4l|JXRkJRc-({^m#&g$k>B9K2^IF< z@hNj2kqL_AuKPKOUd`-7^Buwr*X=*to45*JJ#xnd zHN~Vs>NtFUZ~$Z1ynwwoJHYKtFMC=y9^QxPL0jo5v==hWTX!^-JJ<$^T2IPRpHXo@ zs*d9F-0^ha<0fo(61Y3_U*l{{5_`Tag0BlhNnm7=_^7Z?JfZdt{?(U(gOV}#oOy** zN$BIDoOd{3#Z1WC9Vq^EY6Dq)X+ElS+vAnh2SImyHI7)BfvJG6cWz7Axj{LhH@`IAhoec(UXmis@oJ_D_PJoc|fL90!5t z2p9O}eT+H(ZG`vL5%?$XFg}x?1RylCDM9ShDI`{JB;YB^OBWyhY~Bwz>{p&K|&i zpW@<5bwjRl@f}KfTH;2>{pg=5bghDAc&XnH);T7O5eW%;Sje-@(k*1ow}vnafnf*% z73}5eePp)G7I1lG$J95^#Z5ZX~b3-5o3-svRgqr*W3cAfA28nCD-;Davsa{0xC#K(eq2lbeJt`@u7?;M%#eK|gZIP&sctqV+!R zxw8REw&t;A0?*0TBw8#ZeSuzSh#(txJcpN=!d}SKnmP(|u17aMiXNvsfRThdx%Eis zs~_CWj+m_msoj&{!?_J`sQenqe!Ga>6WxO8>mFm)!F0ItF&aJ&D`Tf_8<5wpENF?t zR(#i?N{hQR_=y{1#i3jGu!XHtpid?SljbB7FS!QTl1jMapLxV|_yW;Y5b}iqu5|da z-?;5p2Wjh$M@i$(VE(60l%{IfxO<{MlTrApOw2IH{d8}V4&Rj4oS z!|usB!ZYDHUQZk*@cGk7Nu(MbBP(Q*egt8#bR#}!+XN;)Ht2tMs(8drJ)UD7hYG0{ z^xBEH;3D?~5>(A;nbi(lcXco|-ZKcpHcrItMXBZXHn(htq2N8<_XHIKAF#Xr8yOAz zT`sp!nJf8z#FkhsCVnCy8MS)E=Rfo?zk%~`+LqZoOmLcLeNlurlU|`!+#G6Y)JYV& zU$8VEX?nXWf=FE24!5#u;RsKI0k?!+<;!(Y|9OV^?zlBjdBqAwU8G!h`XHuv*MjYA z(-g8r_rUGiVBTq|PXnJ0;w95Fnfb5-;ypvpqN{NC`KshX?ON{RGUGF_!C?wMsohQ2 z?42X_^c{*aW=~nq@+YDT55~gHVWau`s+sgn`8u3nH-R^}YtgeW+F_S)#?bo@2`5FEh00<%l= z7{Cjo*21zume6x^0BTDg2D$E&B=TD-uD>=H73IZ{pPa+qPruG$GYZk7uM{7YsqvBX zj^oAXmECp-uJ#4*4<}XU6{`GJb+@5!~_RTVIe%TEHFh-$R|< zaO^6w!5$&EWgOkkri|AWzG~oZ-%PuBwe#@ZVhG%?NWl@QS%UW~lGS9+!*$-}IM{PP zo8>9|tgdmeLjDa*`K86H$Q@ig#+MbChT-RfS~NhlkPVok3wHb{8R1hXl8$o*QF9i4 zXG)Z=JHV>0SimOpKhRn=30A12vYA=d;2SUmuS)Qs^Q2!*WX|8@KrO(BJWI@n+c)O&k7}0G+CvVK+Rx%|(=0gB zRtP`YK-4+zC7$g)mWy>}lQZK)_~rN{-WIxyDCz`2bMI)TYd8-#q>VtWrLMeEYYey> zRgpl?0aRj_7XKGoPLky&^0%_<(YieW(;902Ytdg}|)2&F(Ilg5K8A5I?&JoL0-DjaDp#DE<}=6a3y!%nswVopaf_8Rx_f zzHiwI=`&38LM<$9+ld~^)%bYM0T|OR&j)RcM6CP(5${z*`-3#0vg(G&YLp7vJeYxt zLv~?#_h>-nU=n+#5`&+1kk{Vc+$X4r1TT~V9oNkmcxf7L?0dxKX-~!5t!Htc?=w5I zbThGS>1h5RkHFr34sPw2#WFa8Mt?hvuRQEwP#2Jl2x!$_6tiDe(#f&e*<}V18!R60DF?kc{4E0&)4x;Ko#6B z(xz{_vhnz1!H2d#QJncfR(z*-B(A&hj&0j87WU7%0K46)(LSO>=w2D(=*b$m$$SNV z?6;=>RoucAMyYI~!71pU{*~NbH55J=dgJ5fL2O-G6ugRl2AYb?ZR@UX6A+ID==?Yn zY!(8n{yh@6Du(c#g5T=rT1nU)uM6J~e#MZxkq{Wxg%Ux+Y;v;TrZay^oOZ2*DH&1N zal8vAcCW+z4jaKv#|Fd`*I>rsbF6!?EOk4zAD;EO(y66MctvR$R?X}aDNN4CDX+HT zwhlF(SlWor7h55$hGXQR7MN?@4R){EiT&U=r{Ya`*m#LePm<#a*G*Vl*I_8I-GUpAY=LWj z+eMeQjKuYilhAV08T5>shR+U0@Lu!5ylK^EJUjLl6#Yqr==0m4LqnRsmUsY%LKnfD z-!Dnkx+JuJV+mhXN772IYIyvm7%n~hEuQ;YmA<$a3%zw?@aH-=+}xW4_ua0*@{t1t zZtn~<@7>H5tQ7gPn)MJm@Gt32F+-_-W6%tF#@44MiK2~_!N~m@Y|)9pDQb;)W-Xyo z9_D1sf?)A+g>Vc?H>9&xPUGosKEameXGGby5XO95kEw1c_*P4XGL!Ro_H{7}&0NYo zUlOtD`YU+6!3eFhACM@kb7Ft9QrvoR5}oWN!?z^H!&_QR)a^>h`~XEf)?^O)34Ne{ zY8c*GKNHVfj)c#AH?99MoVI*QCL!Y{@l7RFY)h^kWc4S&kt+|O_^^=g`y|QdSFC{_ zrj_71Z!Ak`8qe$HQ(1LmAufIRT&&VJ8%2|4MVTq5;m`8BP*m~^P8KN9;G#MFg6Chc z2zy00WHz&e)&#V7*udtgW#Pz%$+YuV7#@{5FFao^5?MWgVZF?VZo2dw<9F@B6Q-kK z`)ys?7aKu}TBn1BOov?=`GOnlmcVm*2_*V#cwce{+|s)Yp3B0S%9I=kcyJv~+UA^(&3w+!63Lh`26q5(O;Qgry`u1+dFG{9VX?H34FMB+{x4RiXbe|JH z(ee^Hum)f-Y7@WOR*aL5_u=i_B2s$M6^4CyffcbGB=h}b951kH)Qz-hsLNOMje3Kw z{WD4QjaOJW;W|EFaTzaHO@N?_$P8V)A7?fwVBRVQ>8 z441>y-4pOo)?iE?wS@QD_mkG5dRU`>N#M}0ppnb6a9V-|OdcbJ>Gl6u*N&4Sr)?bq z59ANKzOEC`Z~4v+h7O?vBsB0#_HwfMqckud4c4|LP+go)M3 zSR$}lTwA)>f&{^X_C6op3D4~;QH}7khS4;$!|bb83eY}3SY%KxDv|t03^l??zQk%2 z5Az~c-UDIm!$`qPZv}>uPhe=D9dB?rhCes=Lyi9h@{5iDT?unKcw{(8x*xzJEh5Z6 zUxd}3>NI}DS$G|M1s4msG7Y;nG?9vBC3gg-*bFzW>+~FIS5M>x##Im`Fd1%n+DdsHVe&%g>flAZThrf9zOVK z2nvm#g|q7x+kK;3$Y>hUOZK~H+=MgiRo((j{TdHN2ZcP@mV-bCi6BK@j+d=Tfv829 zpe8s95|n(v>|+{eS$RNclRdk8;R;~tb2MlK?AvgZUGxz+DzCP&Q+?a%)0iAwasCoS zOzRQJqzU`*CKLW(%{tbkTTgDQ|He10Q2a>j!pBAZgn}47c59|BH||@DBWn8u)|KE$ z?ElHW+>wF+pB1Pyb+?e&$pfE^IJ8~i2rDiZW5{6<_p*8ge=@E@-{;?$S-+Ul!X749 zsYWFpBxCftLAcAr5DLalFHan>2&G$Zg4NW+Y|cLo)C_${&d1zkACnnVx_N}n1S6s^ z9}THCCrHvYbDr-v8|`D_@ODHr^gI*tu2l=bxv810Dzw6nmsH4vJa69VVT$2@M$l}} zS1_{lg7^JyVcrO7{#UsK|GxT;KE~GK;3GBU%|AstM%b4PlZ%FnYCFiW`0wzu z*MMfvoeA;BqVdA6!T8kpulV%7Ht;%I2q$(A;6uLe290C3Y=^Hr-Q;XSEni;XQA#)A zY|C1F5Yoc_41EC=Hp6hb`%rFH9|w)b%DDDsHOzdgLU)zDhL+@J9QRY5`tQ5I^yW6h zriJP}Z{`esfsE(ceSz$q!5`eYH<^8?mA zFgHJqXtzZ{ztbslrt&2|-CP4&SvoK+iPE4GQQ%{F3um7UK&Rgyp~BCKZ`{}o)|U@~ z^esII)ZRkxK5w!+y3ZH-^Q5@UfOlm5pI#-U=&WbD$grv!4lPg^@F+64l*5Q`mb9a59PS5een_eacPCAwV_FV?eCZGDyVZil3x(ZK z{&-jzS%z>q247ed;-JH)V7$v4-0LU@KS#Uqb#|Z8Ogsk`7!Km4rE1j9(;YfhQ<=r) zxhB-HM3R(Vaib3Y)-XNF z3j=P*vIWOg$>@_aL>Br5EO^r_bX<(&xx6&ousOv>f)yX3t%A#H4iewuS-2f0!KYXY zpn+QS>icZm)nzL%51mN(91F~}Uw~FF!?~-RIq|qr1oLK?Q%{Z20;~QsS;;%$evPk4 z=VS)1atOjutpF$mNjkOVE6V;@2jk3)sbN_vz?1v9=AAc2w)}*FL6PwFkS=!?`1apE z*Rav&o|Nx<*FlDK#KW9!f6$g#D?V^3myOtg?5Rlw=I_nKERS;W>$l;s+I1F22>;9R z!FhH@&X1U*S0$W|IgIOz1i$6TVxm9hE(EH!VfM6baQQ-VGL zqtnb~xfCuFI<3|1dXWBn6DD;?LSj@YsxR8c-42;?r9+WuKaH|SJz@}G5dLy_=6SW zmVXu4@_q%nFGl!xBM*#aqA_rr6m5T5gtJvg)BPiJ$e#@+aMAM)4DvRhlG+~J@m&~e zs8bg1c>BQL_z~M`Cv->j9>e&WSy*WNl2yAT<6=!Af$RGK>dfcC(_>5N>3}Yrv~(|Q z?C%AS85yDrj=$0Iybs;$Uw~!YQS2T#ja?H`eLAylv17{~!kTe0^gn|NXe@Dpz4G6& zv+5bnvo^=E0pD2B+;^b5ejn<$lrfXR5oj5vz*7F?pn_-uwk#F0)!&33tE=!HF8cys zCTft)T217az;lV6v4G7^A4!KzID%cxk6^r$k0@yGAuxM820l!Zg<>T$7VfwQB^F5Y z#7V7~vE-WA@`an|o#=w-%)yg_-zt@k{ILfwd3uYNtrIeS@nY=xV92)5m!~7cCPVY4 z!=&3tk^U`pf@?~-uw&vbkaLn21!lg&jUii5erYRsyd8r5b4Jp3$B*!RNx0x^{=y#E z*WiQ6N0_5*EV>HsCno2gSGMC zRe?w)9Ud-gD84aB$Z=ZDKxL&bq}(JEYT6TVb5I?bb?_$6i?HC*#S!R22l1EbiRd^d z7~+2G^VOE4>8k5L#4El@!t6_{1fG@?^v+ukXA(@`fcVXuKQd-FPy4WS2N zZS*;8lz0s)$qu5Vw3)PU?`WZqq{+`7KL_rgdYOZ$4L?siiFeFoxc-VLx*k-@=d$@= zI3j@Ac)Eel#5q`VZZPIvTZXRpPLZ7^V|j7!FzO+7hE=cgB>$~3g7V>x?85Ogkf2Mb z`{gb8v(J`#jah>gxpVla^ei}DmxZ_GACixm(&XX}3*np|#^=Teo`e%Nm^I|SunS-i zI7bbQB|e~O2%+6mT)A)XE+IMChc9@*)m`K8yv_kG zHhzQO1rM)$svl}W9c~&hp80lK(5IonbjK?lUYKA>-+M$u*yUT;>S@LDu1z7K=2L0Y zE5XbCS;SX1{)c@_Wa;nM_i$XnUDEkw7IhCAN2lIpw zLva2WT(|}0L&nldr6}wh9m6h}+-8c$wRl8=;LsiG4nKl^VOYUAw&|J*?d!S>+XvSP z%#=3t3=-iGk9jbDTrf;)wqWmvOohT>me8QnD{7po&ZSRWoigU``u)Z>lmG?tjA^Ct=Quw+2X;kvY7eyD8W(tm#tVgP?!zmgL>;hEc&|< zhFzJ2H=4}Jy+uOCB2SJ+yx)(x#e?aLWD|(931^8#W2lLXGS@nIh%9^dlobA1Df*r@ zNpK5j!)BUPp{$@G;c)c#y z_?3gocSqsp7aPDgdO0tz(}k=^d0y?DS3aWMgz}$m{N&IKIOI1OcO+gR_byw|W7g%M zYc-U(&S)kH^OHcU_6)X{nev9eEqMN=8CdP~{_?Gt@${&U5bGyP?xE1_M zTv@jqlS3oegwql<_SpeC%6O*m*_S7qF07{IC#uQd1QjsYw}@Cf3%!-A+1T@E7AP%P zE$)9PaL0Ff(964np>Me%9iV0biT*>d#ZHc{_$ctczsPd)=+*E_au|O39RcGf2@I<* zuf?C@ZlH5zEnX5>t=TP_ps@82Tv8PFoL@iTMbKgHNqKa9z0`HrV)!4=;O&S*xqD$9pkUS$q}sERldn`?;`t+8eyveidP79Y#ue z3JkddYd^7g3L2Dj&eqwf|Fe-eEPrZyeX&Q+rY=Ss9@^&;3YB zl9`brvk2KjM%qc5L@H6JB%x@X=YB#d5h}7$$%ybZG7`z}^ZT>wI@eX_bk65|p8Ng2 zUoVQGcec`ClW?44?M$`Zu43ovRWR@Ld-%R$8P$k&KouJqR53q`(mV@n4Tp1pnH7@H zhfo{ME?DqGaKOYlQiTBYab>up4o*iF^b$Iqy^Q3 zBG^5nP`=`7B72`7gQG>uFlSa6RL&U*OJ;hB?8fI}R?S)-*8CnXl_rDy%)|8SK3RS+ zRNxOhdq<`wZ^6T=6eOJB)*TTTrYpNOlw=!$SESXD2|OeZvlNpD)31A7`_UU zq`JySQBLTH=B&MfR|}2k{@xwns*u7S?@1NKwT%}`n*L*^{U>nM@l=*2^$f;aeFddw z?YP3e1lJ~{Bh8f%zbj(cY&8t!Y$Y*1PKJLFoFaKMUb6XBD`}3cDje*&AlA@x67B5j zM*nBo_~gA3tezK*D?AtB{I!F***z&(10De@&1g6m)qhr`=A zu{^g19d*l?ZDpt^?7k(RUAY7=t-p*so&d+ltxb7D5J2~mI>;VXIA_QCwzj#R;`UO<-h&4xwI2GDTy7pk6K#?DLBqQvk5 zs5u^w8+JF6cF{`^C6f#X%`J?dI&zL-k=zp2yq_cu%*jVJa(hNzZ5##C+2El{2@=i zKw>Wct~&^&o}UB*&_&ITM)74KcXesdCjT9*KvfwX{w4D%D0DApcdq4;bG;S(mTxkf zoVEjEZl-ciT}?V9N`ZdezMom`8b!{Fdm+hFi<_@}1hZ^BS^7aKAz!LNuMy>NIAJHI z?X_lGt_oa4KW|)i?=)QSJck3%jN!x9{Xm5~x?DSQqxjD7SoSYW5q=d3zo_^!4NG zcUbXdgCz0N(QoYZx~bIc+J0OY8p^{CmBWT$feZHY9tO;0tS~bbUL0CQjPE0OUOoZ; zY;qyw^fgj8d?r>|_`#M(72xw{74!#)nEc36hs|rQv%g<-uy%bU9NPVq9Vi{n zSEVPizBk1Xdw2()&aLJEDv2WtlAK6+OL62^G|_y?J*pvatV&xSfGu9@c0|@H0V+rc-$Px*Q@ldidc^QW`yoO^t@&(7OkhA0z z;qNp@Jn-Q>EZFV_{h#Y${x88LcH};rH#i%&RZgKDr+ZQLSujp}pa2J68-lv_0Swcd zjCKoz4tlA;F6v7lDwZ!v!^;%>5R-`3U1A(&bW3!mpaf?f7JM{!XR+a94REW)Dt@YK z4(NC2(t5{pWZI;O7-kv;Lv@5b>gZR*Z}lt(eQzzya`M7_cY&*wzXUwZjNo!rFe3vnAHTy z^40ng!fDopud_A7+a(*|TWcxwUrK-xi?5S{x_hXZGMg@4aFsdv`@!z>1L?3@fgNS! zkD6DDL{Z-H;N)(IT{&m)^`k?qz~d!cS!YZ;)Y|dl8wsvwT?8qQ1rpTU(crZu9Cj}J zgm;##5G{FGg#GodaMCT({#c(ah_ln7T|F3%Jdz=UdZl5rt0Y&g;Z)4E8;EBNj<5#bikvz|J=732xeKh?th1C~@(@jfU$Ho|8@ z*Q&&&1LjT^qw&USsJo;EGxY7Khj9{_aX!OgqreJx`=-wO-^lSDPkxfjd_9`3?L^)P znWJKN8!0S3?BLdtLnNo>iGqdw{##*t;oU+rm~&k4K?U8x8&4Z?V2nBqDl=d!6Hmg_ z5)nD-k%RRYKH)d*SLA+bDsHGe4u#oApe`+p4J;Md8X4|%)SerHbMKae&9y72A#oYT zM~oBpvF*@g_Z0}#YlErYh2T8JnC>|EQydg<2o`!R$CM+DctL(Md`&lj>q0krwC@pI z^!y2?#2tXi34JIxcNjmZEp%%4A7o!N1>eHLQ^d+W2P6(2XK`L}IC`Hcf3WNy=wFhg z!BaNl{CUE@%e_kI`4@`Y$4{b}qLo+~{)hZxW;Ff94C>XcMfrqmHfiZ0xUoWTiyS=* ztyhKX>~;lc4)4H$stFKtrv^u_@Wo~Sm_y`|d8i^cf-jTK6&$-x@Ly0`G_tEeva8X!>F5B9+mXVP;z#;11OzGnU?~O z`m7{eoD{)q#e8?XhhpDYkAS=LM1Q#>mMoAW|&+ou=iu1kec;%QJL%7nRlevm)EQ2oa?ZHKI8atTy1k_y$iU0K(0$*!4Uo+AZ6C_=z_8fP<>C72&x^4;lTl^kA zml3R*`wHiG_|UZKA>3quKCCD!#RCfwzdZGU)UsS0-T46)Y0nTnO6)~9^&jwlo+X#7 z%EuDJQhb_!8fT6y#2BA9WQo#FRR6_sxVRWk)(Z2LvwiSO+m@$x7YKQtA-=oXCv?9{ znP2)OQNeZsdO{EPu8uoxXitIPr#*0G&|I>hC;(kmY~fghDeBqZCY#2((FM9&anzcN z;{44PJb%|zhq1R5c)H+sA8F`=$M=on7xpS(Te|{=$>*W%Bt^RJb}T6xHjbtpsusId zN3ye_K7tovEbRLAg2n8(LJk`@z~CH?)O$O~nbmsG z`KX)>)$)b9)1M&yvof|6iavOnP1>WL;MTq)7~KAr6x?v)z0JB9 z>${A>ht2f-&tiNwr41fFufi!x%b_^ef!aQo;ej@v#1e5sd8FA`>ZAa)WM~_1dikgwF4NFN~gX70NGvBR}?E!gFWl@xZ_@L{nFa#@4sM^S|W~ z^ldKiO{mwjvI>~GZxT65&SBuPqoCn58W(3B1h3ON^g{6s)Rp%j4reHNsq>Hc-S=g$uJz(t z3wy!ED+b&CO6c+t-jkOb#l>^R!I^6<;+Y?k@bHE-y!h?`*lL}@Z4OCLb6^Du-&!no z_))w!CK0!ul@&dHV#l`s^QFZu7e^=OVBw{~W)2awC=%ErIZbjx?;J3k2mW(m(&<0Ix`x*wBoxuNAUe zN4LOQrDD=|Jeo~#J%C#T=Tb-MZJ2ee86KW`g<8o!FtS~PHcdC?)IkHDe7z2SHmmTH z{}Z*c*#s1nAT<+E*e0zO8@qJxEwv~*< z>Aw{C6EhH;8q;`@iy0R!XJquAVI=y8;NcenCJAngRfq2e zvamCzi?nVHfsyH|y!C4e*tz9ES#>K~ZEnImxf*s}Cm5WrEu`X?#uzR+i$6a93bTW! zk~+ap^Ke?Th_sYq%ph5oozFo*-;=FcIf!m|ZxyZED^1Ps<%*KuZRDR)e_>UHCZ7=XduD zKEAeS&t_xBPJ|z73S9OyV)v1S;uDTi=-c&^MT%d5dgD0u z^u}iJYkCRO+p2_XSGWCxsY-lis5u|Es!e#F4smtWxNmTrN6p22Jd-nWgP8o&5bjVE^;0^V^!aK21~GU4aS zxc%IA*MFdDTaTxr+hBRHHSIdph@VfFvHJ2n)a|*(M2TyGc5Z{EEBBDlCH@c}R=|Fq ziARrN_aVl*55jCO<0!?0)N=1U>Kvm=R}ZlU%~8s5m=;bK!<2ugWeov{3T>0Rz+#VXvJY%Q&Wib(HF6^%OCGOcH)n1?&I#3W?cBb z0931u=(N0r=o}o!kNt~)W9t84lZqNQ+cN>uyu0w-zBhtPBNQ4O&7gm~2H)&+OW6A_ zBKHSvh1s?yLU!B%ymJ`OS^9uAZ6C_yzDw||cVV#M>ToLaQcnC+*x3tMyOA63GUl4^ z+R^i*2IdWTh-F4CvPU5Smmoi&uExAr8Aw(GL!Q@}GF3=bi|A^DW_| zs}?g{rz{@+H(uZr?t!|}WVBfS9fJI=$>?w+EFH6(J*ZoP8KuTF&2%-sHwpuhX9g-s z=+OPm$M9udExyfo0FK@RF-s^R&aN9pi)6QhM{h3l1$(g{o2FsxP6dhsFOt}@|M1~$ z1$uO*B3>G^9_ia|NcwLD`j3;KS0(0f?_rzCZYwc5e~{-VqNbs5Rx^IR8cY7DnR1CG z$#j&(A5`2gMYcWp4c8NPl1w87KJoiu7LYrgn+s?5V{>1T&su))(m>$bM&7`A54A|f za7Vh#^(cMb4Dj#%VeylvQZPSfAG`R}9lT33Fg4qjx3}$}NAt2__ts%JDE%FlZ`J2z zXN$3C=>UN({I$Y+iVaL_k%ST}85-5F5hpq}K#^NKt$U`+Z=Nuu^hX!;99jYmiP}7- zG6v7(^g~neLo_shjVE{X@$4ZU&~YRmSFf$bl22REafv%~+U5skjd~*KJx{><;Y8ef zcMI&TtA#7RTD+l18gl}s@zSJ`_%Jd7T84&#@l(ICD z8FqAQ2xqP}G-ZS;Z>yM37s_>G&*3kma9tzLJ5eC)`)a_8i5>XzaXc}(tqcDyZ>E!- zHbc}%O`bc@js1|?$eWZ?Sw{D2eE#w&8E)&&5C2{bmw)7-3&6vZRq~{wb0!;lBOp~aP>GhDo&~)6DLoiI+4@3?Ep$=N#vsJ*i5)GKLQWd zYw@=|{g}V84eptVD%u3z^wdGAWc;bo^!&~gG#P&wUB7N2&rkS+pXUfZVFp3#LSNb` zxO8QPCX1bKd&8`X!GbDe3ocu1KtHEx(#j3?bjVU8^5kj;y>rY4cbzVR73Y57^NS;d zoMbRx6uJe{Wyn6E=`9=*w^9ig;l5 zeRT45pk*~1SovZroSvu7rT+^DW&JPASN;{gxV4bVy^n>QHw$Tm{7hV{G7qg~M4;-W zLzj6pVm7`9w+TwnHC+yr-bseCz$V{C;H@siOW(zr@ zY3Xq2eK-vR{~Zup*9+{lu`Ogx`C3>%d@R*0?0|;?2l;8;LM(YH1N~{WWljoBu<_0| z7~$hX4I4E1!U!Xh;eQrhURuE>si9CRDy!>UjmRg7CK9q?_O361gCkK4`}!^@bVka;^4?>%i4 z9f%SBO9kWj!j&JNDp38fVT*Vc%i}CfVyO%(F;G-TgwQ z^t}R{AL#O{`EOvs>|wlg#Bwy*Vkw^XvL9vF4`+Ax+#xC#@-d?RC($}+$B%S05zE8c zG-Qx6J$v^#NKU_vZ}&Vz8>wg*<=u-iNz(;hsE9XoEQUXOH{+6jOPKkJr;uYc2G&&y z6a~Stf&^iYZs}gCo^*7j(G@1WP+=yN>(#%4o z7uG%vC3`pg61s570$*5`XEnByt;NYOdG;}S`1k;RYGpr$o0QUrHzavfND_v>J1u%x zYQ&BYE5j?YN5I0m2oE*}qqd?vzqh@BXuDanUG@&tVCq)7nSBO1Jx?@W6mOqgkVG~o zJro$zl`tXEo@O0NVd2ZB5ry@x{IPE)gy!e7gZ@p}+LVMRSKUT#HJCo}JWkrIuHm~M zckn{RP4d3}2UC(a5oRC;5cDS%!UdO+QA7$D`a26daec5_i;LnaqwsU!FMKv$m4Enn z8rSvCqEdMm*rQTc+HduU`2RS{KGI~?VHw8T-pt@$#xF^!=>lec(;8k?6vFnAaUkb) z1@4Sr4P7P|LFVdaNRqmQ>f?uU*P7W-{_Y>dzi0-XIfhiMI#}=pAeuBy=PX+r)s7rO z!yzx(8jYVKX`v4vJX@M3Ot{Nd3fY2GeLVc`f6A_e6rtKtp$jbY8MB`p2CMboNavsw z@^F7UMlFBCf`!h6-kC&vYDYm$e=XV`Q6jsPazT`M3yk((t(bOIj(WyP(xi?XAS!Ri zoZ3v0rQ>z@_OhL%Xg$NSld9<8`wtZM4Ppw7cZlXxXFgYB11b4>AEd(ev28AAMK@Cq z!}>mXnmyhYN;)}Qk};(p`&F<%NtpjV3x%42BD@*Y&eC*3ab)otG&$DDTaP(AxC9-* z{l;g>_W8B=>$Msm@V)|WyM4u^r2`@PH|LqtjuZXGe^EbR3~wnMOih&vA!b?@7W87_W?q3dCj>&<7HE%F+ zXDaqDG-o4!tcEA@try$;#r8!<5cq$zEE zV+`}pWs_aIE{H~G|HXQn9OfUKz?~-ThIv2hz{gwyUH4DoA=V~*{JR4WOP@Y;!ZPFjJ9dv4(suTvoVtrR*{g`L7$BPxDA7g{F0 zBTDO(>AoZn(Okjd?sugIZ{O9YqMO>(?}Z=ON3{u`#X7b`dI7`)J|NF6r|`v>ufw}G zH|GD}6LHnwE_h_=ivN7y5ZjzVu=Z%JFe{FNviH_!6=C?crdn z5{`rWU%-lsZro5N2S#1s#NV$JcgZOV9#Rk9_VOOF*!c{%dAx#IiSB&mq-W%(MyQZ` zg+b@D>qwsOAU6ubd6T{_)$F=08ron?#~wNXyKe2k=?bQBqG~ejo1#hQ<%L7b_axkT z+=@CbuYmFA5vGO;yKLeCoP>JPZQqMG!w?7%Ej{*7jruA;H;2Q-k}gVhGddA-pYnE3J%7`u)_ zFRs9CtfZ-_VJOabIsJ|`-x4XhzEV$A?CgbQ2U>u*t=hF3I+NDd2p9y=o!EZ z`x9iPXb4r_B~Jqf55%A)@RYFY`0I2oqzb(_BO&eHA5m$q znBI!1d?%ke$%f9jmd+=A5sQn%8Tl$ubo|^C2pRECEP0?heeEwx-A0U{H4{?E7riiiEMdlr zj|>1ky={E%xH!6f$!9pZZ3h1NXO6KBH_+QyO7y89U1X;_p4)FpqM62H=;H0SNlndO z9+YsLjl8)FJ{~#*DSpr3zc)2VHfjwXMjF`_+JKX*l_@!ns`uWVMqMX@J8lPbC1YY*F(qfWc(3Q0SPURbk9a4 z6DpPw`YKPLrlpEB0OSaNOAeDYu8AgZ1)m49BDO>WQ65O#g$ z3*VnNn6LU^9>47zq>2~vR>@ybI%gNG%@-Iv(${fcnK{gV{1}W%7D1s*2*^fBfxn&w zO4vSNp}!VzRp~@FXA06W2P9yF)hqUC*dn63s1FABhQn~T5>QiYh2)0oC=SWOh?gVz zkSRAH>UgJUeY*`kc27YIUQ-1-f^s;CDhP3JM94M~$p$f6NI79Fptl!WI zH-pYWsCXEfdsQ?2v{I~YiYD&iNe-LpW%(G*$8f>*9lLq@6UG%A<8D_?Fpe0HE9PB? z)e!`P75i}NBr&dVB^A}T z9E$t;1BCO{71Dt!Ap5(H1#ce6T}@W=FCVu%sK|aIGVdGUns$rG?Pi83#W#g5Sp0-c zD~X|#Y>%LN={3=uhdW^4_gSEKu9M9j;EairWynJ}SzcKqhb5h<1TR@~EA{tmf#g?g zFYCnO)nYa;?F;UunLunkA#b%OAG_0nN>AF0LwDN4`^2fVal$qBeh*{3h~u8=v1pwd zgMKs}zgn$_dC>y5@^+nQf#WaqxLZcN?`cxIQTuRi<~NkvW5w+@O27c#0Ig>}u!aYA z^iAhUI2Eu#;91V319v&o=cR%>Ge_u3AKXqaP46cS8Ij`SRn=h7SqGt?tI56+d)POi z8-~u3qUSuO(3RU%$o3XzYI{WlLOF(hx#7U~EHUMAPZ+MwzJx1h{=>QUCYbxd9#!Y8 z#|Z*|=X2^xhz^N|Cx$y|?s+Sk^)?w_Zytg3kB33P7biNt^ApeqabTV+hWUQFydgRU zPtQAEVY4QaD(`b-F&Rh1w>+F_%u+wLh-QkLk1T*BITfh+D9`29as}@H5Pnu;EZ=BT zC0<9{$-7k(NYU~x7_$C=Fl#e}fpN33%&3eRc9%fqaBceKK^V?ozMHP8x{q-pcQ_>M z57ZntBu{h3+1tb^g7uf(cvCAJZP!18#80b*-R>UT{hu9HhfIWfMsmWXv~=S#K54tq zx1O&J;#(iFaD5i`Oi<_dU&P_^PDNf(@Bzh_jA-c%!5{CIPWm)X;qvmm=%jR;D7!RZ z_Us>Ik)|A)Y_=1P9(O?KIL*huB7vKmIUlnZC!ovU^Q>&l3UPAR2>Pf^6Z`GolLviE zm|E8hh|ZPZMXv-$;x7XpRD1(QsUC;TYhp20GEE$K#f6RW`-W>)SmKn_Hx)j@YxZOE zEz%xKG51;_agPeaFOm14Ba30dkapOdIG=y~V?f*X*^>nYCveu_2~btFi&PnDbHk}) z(RH&um3*^|JTANeE1mVI#@1Fm(mN4MHy;PLGDYxy)BtI(W6-W&jeSB%?)D~|S-i`{ zJ}kiQwrm)4B@kP0>cI~?Ns-}!PIFkh~2!SmYo6*t! zGMw`n2P@swn1{|R!K>X3i^6Y+E9W&4`??r#%zGem6VCpc-z>P7=Tfe+xS5QYnSgt) zjYPA*d)N@Y*SPbhHlJPRgY#auVU5>iP;1X6m!9NcLa#IIaWZ1+ZmsauViPR9rA+TN z3tfNbWXyi>05dp;gBgOi>~=9zch{y3dp3~n^fVCsw%p@m1gCW}wB`6R)PH0M@1I(8 z&ByU@Le-JjuU`iW{*#3L`d92s*LD~wis021uOYo=H>M9r6CbPVg0Zg!X0lTy*}i%q zw7rn!Rd-G>KkYs;qG=lY50&`)uY>Ws%Vj+NHxEa@`b0#F$BGXAa)-5rH}QV|74rGd zN9fu1l`S2&njh(Z0Ob=@aD&2g$dAkbPn9^Z|1^S~sy|Ka1>Ul{?K4*O}EipseHFwzC z*`LX^Hf6|uB?sfo--u^D$j6)QPMEv&1DoA^2h+?o=(Z{oY%)l~9na#R$N2;sH7F4O z+?L@_e`Ho1oEwD!he8S2p9s!Re`25ZRrYE0QMhrYKxC7v#wYo-qpu2KEu#-YweKvr z|GHEJF9x7;Y=F3@cL>CMkOl>`qRM_NLCMJj4)k9_v!-;i=&u)eOi{+cr9Eu5k{RFq zZ39a^x(0{E)u8`cF5E-svp@0|3HpSKo@`yui`S~!2M|;GXlw(R&M_hmv)+==R~NDu zwo2k>`M21GQU2mv6Sjb@d=hj${sOyAU*njiLui92jqEsj3cqWdf{mfEC^Ow2JxM;9 zb7B%y{g;BO-fzLNGYg-Opfsk?foX2*hS!foOycP=n7&ZpV;J4Ty-!DC@Bk^6{L_R? z@HS*os)I#aRq|o8Z7duf^9xStJO+&;)nsg}JS|yv1lPO-oaHYA=Pz9pxE%tcaMmYr z?KNF4iXY*Szk51=p7fNMhq~hDjb?2B>wj1`#u^Lz+(>blA|IdP%v(@}%@1{@?gf@~ zV|5bNY^ z=pX^&xwRNA7Yt?z^LWR}jpWLVCgKbpqVa}JkP?ddRG1GOp<>zKmLtF^lovF`< zUnzl`TGJtJUM{gL@Dlt$!$l?uEoA1e1YCS94S%$h;~93EL~VTp@kif4W49jv7@R#G$1iw`p81>c zQnNfX{pt=9Sw1ZMM;@B{$bwd@6I?s`8gR~IeE9kVZtb}P4=2i?T-j6j;w(7rS5!k} z(o3=C*ic;Yv5ZY#I*5yhikW4k4cdKHz~qt`@Xyv}rqAM-VbKPrsdx%L`YG_=L4Bh7 zGb`}uAvaK$8{&{SMHb$V=zvd>di3h>PpGp{k)8jzjX7=szSBt)?|n!>DYc_SF?0{y zsLI7WS6RB?>rft`Z;N`)gSey4PF&|HPsfPbuy$%BiP<3Hs@cQw%=r{l_kKdM>gA|R z&tN`XvARN#G+-cg#JB=$STTDnZ}LqinPrnuCukw`3!U0ShKtJ2hI`OOJC=>%@Op*(510pRxunw=472 zp%Q$y<4n9SZUhBkm&|RAGNvu~2>MC-eE$8{;u+f%$<1#M9MAd;3y56r}Md3Bvz0V92zn755??c6z3F%BxO6U~o&F3cvwBoAGQatUh1eaJPbWJV) z;cJhVpzE!~0}b_HSeyg89_({4x+2U2{w7oJ*gKehM&O;M9TWRcW;jUUGYc8J6lIlf zg8ARMWV(MWXi{r>SO2<$|3z1nGkb?$p9~-kLo4xNkPeshT1Fm)mXIHJrO=`07-;3n3( z6!`L>5&cT6!SX^jcEk&_v6X_a<7E>&b!8shHtKRvTz-#iaX*F9+wx(R^dh*pc0UXI z90hl;g`&Nu1MQg72+12y;0nLFuyWB5%ow+YxM^P(Sp}_!5o98GsnrQQ`Jd$LNpFm| zHb*IiIvCaQ09*_;>EwD3yde7)q^2jprjMgV_bV4NUl}{F^IS-b#mAY%2;p%vbBXbZ zC>r=J3kvuAWKCHn@NBpSz4V|EOHWEd)tgLAR;hvQXWoiy6(iu@XjkSNrsHtw`h6^w z-v>!-Kh7I?3hiuX;D57kid<&ru^XQb;PcVav}u<#tgoIA7o&>d(m-uod|dEVx5SFy zym^ZcLhRV`MtwBV*g`i}ggG?C)iXoMCUH%G9cWeLL6Ft~a_|(#=)MJlk8}dxqHaqM zj;Qp4;gKF(EUc9uaD5;>pBF!NSqDq2s?_&^d1^^&4tsoZoJ)D z$Y2Jj^I>s{^pmO`+_K3KiGN?mLo=Q;xxjE3?WxUFw+3KXPY;QmCrJw$C25@cDAf99 zPFwQwapcV~48xOHyEqRL8`sjjYwMuGARVm(OnL0$eX#tX6_4mzhI(<2KsP~}{+qrF zC%4;D8m~%s27A$fK0o%u>Ifb>B%Hroj*7MZdebGNCgAK3;Skgt0r_W>u{%Bqr2cJ& z(gZpFsHTNzjXwvIxfgr!IRz((H#ihU-Nony_ISeA0L&jbKymUi`}&9#u;^+5IWz7d z(U-i3VL}IZQ&k%=F!H7|EAEMW4+kR@hoIz=6-2RV4OP1P9Z&SBp-zC1E#9bPOEt%` z&O`Ei&WbK}V$Dt1U7U({7kQH_woT>tuU$aVNktsvszn{s)zPH!0KWW(q6cTf;BNmn zFe%)Qzou-4O9n#kWZ*1(HnIj=lPALNloV{LP7ptyEzGKO6R@;C9iLC{W}hoE1=_+3 z+^Jv!%a0_%w)^)`d8!e_s@B4kLF4JXEN@zM`w~Xzg+iXiP~NFMpLH#5#%=TtQz@E4 z{5LDoSO13a-=~C%_1G!&LFf&9E*US}x3@v}&zbz&Qv+(<^N6jwYfC?W*nmBLGtm6+ z9azzu4>f9+N#~^qIiGS@hSos< zE^jYjQ(hVFFqjJ4{z&nkLH*d0_7Jzq{2_zf1SYFmGyYyyOj2taar|T=Jby=8Q}G7d zy{?MZ2|MK@mn*~WG1ai-yC%);4*~gnNz8VzgS}4n@b17kz9qZ>f*xDK=K=cs=(Z+^ zRg2_OtB0W8>0@}#`2^%2`75^cE@1)ZKU75S*#nnpHdVT#MwUMABkjjCq09R*+zeHM zh|t?$c-|V5B3EGU&00ta&q8w23I9rRcxEaG=Wj;CnlsCoc~L(eFqzA?Tna^bPi?MS zE{5GlJ^E6BrcfkB>ZK$rp0u&*O| zXWK2%+ug+8_l+f1!&T_Z83y!7au_!MN@cCKS1@DhY4W4w9!d|mjOG#v=<6gwKPCs_ zko;gcm3|+NG^I2D#sbW=)`5!5XRKDp4tJ|hg3+&&@ZcOP9N2q>`80c@)1!qvtWyqV znJDrq;j<#6x(F6-s)0jW&aw0NDXK*#@$MIC?Ea2%Di@(5@os56g6$&5%&;c9BL+1~_H47-_!ih3Ji=UqophwVlF zIZPE=O$Kn~QH$W4;UGTxYA)Kus_?$U26(!o5LOf}hlq#8kmGont*z^0fgyv@che=j zwDK<8xi^m#h3()Q6i(rIUr8QPq6`@?lHl&aa5{f>zC-oDarDQ$D%|+zA-4DE(oXCp z!_FAPkg8pn_~#M(WHFRVIex=D&22(2ZwTi6)u9t+wBxW*CSCK+ue5%D0_Pjuz zH;&y65Pc8C17!Gj3nTt~`wPHd1!V1>Xgod86a7J#Hog5xUeA!mS^75Aw#$)h{pLx( zRz8E?j{|7w(Jt2LQjLyl&FI^~6LEKn0d!3W!?hm;-}n_Dy5s2@yvsPG_H5-@XJ6u; z^muOdMxI_%9tr)GV{z29`()fD2_Dk19%YIaV}<5B@vPg*bbP>TGPo`ozh*{4-j~&A z5#t0WZwr0R1ErYj5skK6zly&{%F(cL8F(LIN&Qx@A$oQf@rkQ5Kiw(GA6O2>2)X5O zI3<%;6F@vy#&v{SxY)AV;A6t?|l|MKND`bO4DiIM^m4G6F6#6 zG}!GKgNBvbFiF>dju`Y7-HV36vgxm2K>Pt#wyIC;8Kq6#k43To+KT#8K_HV_gKO%a zf!S(Z8XVdS0UidJaN;@k59nrBo%HCODd%9qA89bUt-}LyCesc0LR|jo5+uw#hSu6r zt8pG(`;jOIF7-5u_J^in70~WSqfRcVS4qnLcgRlqJ z@3j`rD2;%M7lZJA_7_|#0F8WZnQ`5$`CxuI4kT9`Ab-zIfMGX7u^^%qy4e`mBQm2> zyA9Cdge;#mriDOR9a%Q;v^d=^7z51A@Kt9J7)YPRBd=eImQ+yuBXD@jCCjmXhzh$f z^ba|@uZ*91X@`2PL!scKJbPz-3+>GhqsNPLK=wxApI`-kYoQ_!UVNPK+spZ~6N{N# z=Uuj}LzY^|y(G#neX$|u5qxky1TN~i_;s7mtyyr5JUt!H*2oTH4&kf0($|$dgD&N{ zu1n$LE0Ms!Sww=*X0jcR!Oc}{GY=x=4->646FO~lDEbx;ptmOdg39;tBrU_0?Y4=9%SoJl7T8hSes|!a z)?On1HvnSe_MrCKdQ=J;!takA$B&xCfpX4m(LNc0pTFrG#%{IaIHrw#nju54xv!w@ z9V7U$LRYN${)c2r^oq;QxZsQXT4+3ZA>X$&107WsajEQ!Xf*Z+JO412C0^_&nO{WM znic}}@4{it8eM2VUIt$NK76i(!2Wfd$UR~Mkz0fk4NnUkv3~=7EA0Mrg$!Uu>RjJ0 z5)>^TWAe2)tW|xFj(rzcm60Lp-ThgiBBeOR*&5)CUe zi6jyVsf>*8>+}5s{BXPPUgx~7>-l^*-;?bH5Fse*lw9`C_ zy~qq=-X&LX?zA!t=f6cS?h2lsXGH?HG!X`z`6Rv+Qi27$e}R2=D!JTS0MC6=iE7eR zbioI#JmoZLnBGTv2JV5D%h$xQGe(07ye0!0&FHWbLrJ<(CiVq6u|HmyMPaI4FwBj^ zip){i+7b?F86)_4wLngtYGG4F9=zJxK>p;Zp!0lP-UUZMp|%RIwkh)UW2NoZXz25G zE`!)|pH?ta55{_<6-2y8fmAHN!CqEn+UcZ;Wmc85uFCIJ% zGQ$4ZWepbfOat{LTd?Xv5l%>$OIN)c#ka}`Jb#fPJ27tpU1sf!qdtCOOB#*ogX8P) z+6BQ8J6;0(ChG9nr@nzgLlgA>T|^AUX|T?`h1Ea%0_zgDK>R6ZGHKWqvR!d0ysoIh z(J$R$OJ0}gs@V{3+|-GsL!YzhmoDOXt@Tis*2TQLr7(Yk0zNN$2cOEL;Mlbqut-<{ z;eG-5*ZDsFeKML>zZw7zSu;Q?wG0}Yg-%L;sxaI30_3q6*7XT*510!6M|wn#CQ;>a zPiEl1`ew3WdpnzHdk1x12<$OyKlVtvlr48#0sCKTlUFU*VfLtej6ZIKA7UQBkrjaE zKW38KZ7J~8{1!>B7zO4nZoGZI1n>Bp0k=|xE}C>Pq!-q~l%Ho|-ipQO-}9GEYOaOj z!kpV9l*hMvO3{ZL|~WM_NFAv^gJKF2jm7 z7Gd)mFOmJGbW-orildA^!{+1exT`o7(nI&b^I&B7!@w)HmG2ejxt6ax>B)5>12Pq&u{xdqP zo==tDe?{5WZx|iCAC)`1uxQO8l5`{mx8*LOaqE+CZda#xLv=cP=IaPvH!h>sRY%2ZuyZ~>w+vC+rWx66R6hG+Kvj3`m zaonI_jHz#gtP$?`#7c*1mQ@j%d44qc=3=~ePm0g~_8w*wKgGNUg8xu?2;97X5CZ#^ z=qz;x!o41q#=aueDqe6}eG!)aJj4S3Qz7H^vf-2UNIG)&3sSP_AP$rb5v$x2`iPG- zsdL!?vQzYxm^;VAt`#AWc)$+OT>M)sjN}hH_u*h9(6mV=%p?T z*d;y(AqihGc+ykR?mi82FKQF4&Ys3EPHI943j%xQl)&^61z>3>^w||=Oo zBCVgo%jRX|Nj)&$KZ}+e?j$F=?qF0_5u{(ej%7zx=v{#gnf7)GSe=?np1+z)wsc#G zBJA&?#o-}1kKZD3E9ZlEn-VK38ESuDHwXVU`*M?4(p0_Lfd*R6#o~nvV2Ar~*cWjP zS{hf^yOzQQhVJIR;vWD zhKHT(iOW&@R@Y!S?P5ufG#-X=!u&b%gC4(na0v{XIf`C1w8n$N{i}cX2b70Gd}b8O z(pNd+pq6l2>45m3>kjhLSMaM!>+l;pDg0@^ERy(CFYYwhK=yRl;!~HoJcJ)*esf+i zt(-*|=QI^|w7SxT`8Qx>{~5f$TZX1dDbbtOb}V$?{fd1Gl3ckmv!eR$3i3L)oGpIj z&8vQEu;Ohq+1aS2xFo(94Hn%JmDQhsm+9r;=`o9{To)WE4!f|d{|Ux-H#3#FTDITQ zcCbDE{p8p6k=(~+C2C4}@cKVnM9m8XhVB$?@d@>P7*eE3A2(csy2aK!X`?gG{nW#J zdcp(P$Sj zjsKnKz~?nz#*2T9s7&KS^r^|mqI2e`qPQ0ve0o@Ef+fuJK8;i4dqC={BxH_OCQbvS zVD0M`W?5y<*9fz+3oGXlPlpfCoHz>pa8>%{)dQF_`UiQe-vNmMi1M*VpzhL8sD4|6 zsdMDH!`evd(Jh0f!vbJ<^&N8eh%w=DKjHWKRPo;rf0)1cJdO&y0H;@Mq#J~O%=8Dz zBx`ak=m>kDyFzE^P-QUucRNv(8ySw7Mnb-``Y~L&-X#(*J&osM`(f*&aWrGKHDq+x zK6zMY7JYPoO-5f~lsHNU|0lrPLWW)`t>D8LQ-)u19Mors3rfc1I8^Gj$- z$@7I-&_vHT{N8>7o|zY6 zdI5*2t>d}bf8XHatK(=9IFL@Oj$&3*#JK*s&=H>?%n`olqoheMIa&N%lv#F&l@zR| z`*qe(uiRf4J4&94AGuM_-4zh>#~N?oZD`HvW2Qgup_hsh-mH`0a?#qfbEXT4%h00B z`wp|POABzlV!Nnmd61ChYy($&75*eU5(7hoXY=wS%(O?BdcSd{dv3pF+XaqF=cf~P zeh$t;cIGcJSY-pz3*tcM9_3NvyP^7gBDsD4wfMhGGqQENE96fq0cYDvIDbr$jtWX6 z%i*sW;c6}wt>8g^r)-GH;-2)U)eqm}2*NDk?S#*lgLI?LmXjp29%>jz!uHdkH zyq?ko>&HyB{5X8DeIy$Bcs@?~^8$98%kh7S_gPkQC{Mqnk1O1Te2;zxdwd?`jV!R6`OyY&`F&#Ca6^=-)C6-jA0<;NAB#FqRuOv-!6A9}m^k`@ESFl; z0#|klT=OYwNxr2f53&**ir4gTgmUQA1u(Tem?KIITecYQYtq89LKxVgpnd8$eEOz{9bHpTR==>dKjn~5QV$*gy%FJ<@vs;k1vZkQK{rTCYbzxb_gBqVw`-PfmT#Jc_B3(uRH2jv|O7C{{sjDf9 z=_e8A%Q2{+9lV#Whol}^I&0xZ^oTR0kym9zxA&w#@0f0=$~Xy$v&}_sn?vCgG{UdN zb0PGH5)C>15XQbwBQ_T{Ly*))azWt(J{+rq?7yez^K5{yvV1Ex3VaG5SIg7PNPodA z=1L^Sd!iwfV&3b?6;4yGVuNWgrtJ*JOQY_y@Cz4(eoqq7yE_Hn&eWxck}sh6=@Rka zH&cNxufntqGw|}0esOfrFScdFRM;JI2JGJC5b@#9;)qke_*;3A@XljL_b=@u@TgYc zm{@_|{uf~AD#w2X2~O6Z7ez6l`fQYiE1YUskA2V6MN&r5xL#iZyrP$|#^;JO^Ya31 z?i|X3*?vrUJe)iF<%8SOKuFxO8;?$iCz)Z4^)+Oo!M*EX_dN!q9!6rpG>$S!F}P{x zC9y>MHdwlO5S~^sLYYIK#2+I|c*^WY81>JMoH(@wl2yCWHB*(Iv9%|Irp|$>%Uj_; z<={;9m z^WYUe3XNxW3v{XGeG^(_D*z5U)v)^KW@ywv$!0tH|(z zB}{jd3fH-@inQ*EgkRkgx!Ec$8mz7XpA_|ld!H&-?Jz{+$)zCP+=-#BQIK~1BR<_E zkJHRX(=j)0vAj3KXpX%H&P=Zq9BPW}c0x8DTfLd>C|p1e6feYkD@0t+kwRmJDu2F9 z7OFah49XyZ%kD9g8RVsdWc5J0;^TAst+lt{j0sSQwwn-NFHP5|kHI3%nL=K)+CEmR z4S%lv$|gRRr*`*7)17%gU`o*mShnybOLnk?wl%9^YFa2y-2a~W>Fy@$OXR5ZZ$17_ z;FX(s9E2eWl6A&YadR7zNk~+S@i&>3l8p(^kb|m=LDWsR0fINiO_sS6Mbt``8FW~R?>PA zH}?6*{rx3OJ3pgMI&bh;JqjrO(ePW0LT$P_RUfzHom4l0J>_&~y;r z_aX~#+4~Dzs6^s3^%Z6~<-op#Etu517Vd033!_e3ak&>CEB<`R0waOr_UhqE(Vle; z;yn-dlFyQ>P-66NmTdC~IwIAm%sX|qzwR;AOIh=X-a902*Jaod6M!2+R^jn^g^-5# zpsFqbrL3fBXRk3oTlooJIbLDHpN)9x=e_jZ6_Get=#BkpzRJ{^8=>OeaFBB~278?k z?Dk4m_|f$XEvL1yX_EcS)@3gwI>_H;GWUo zB9m^Iwy_-9@(HYXLOMn^BrAsSbJ|C z_`AD8$lD?8o6Iu7k!VH_X&0jKS0jE@{*4_dTmm2M{Ox}{)#j=hNjy4sB)>lTKeR}u zWQLqN|F<`uiO0v_`5`g_pCb*P-3*7v&)#8g`)a)W?<8&;GY9YH2Vr5iJh#+xM)SZN z*d+Q!w*0OI;dhM98`b&5{YA{OroG}oa|E;NXa_@|F*siG1-f`{XS=sVvf3%_G|?3WRk?WceTDe-`lCd_d6ZSwxA314D68T90a(N;Az40uk=m_uLtbW`BxQY-}ms(vbAhkO(2*+(cVMllg%u#0S zQg{sH4^0+tIrQ8%_3r}MHOh|;R!W49gLjFbh=%doj6tDj8$N!!6pm#o^SctVG^1E> z4L44rPU=@!K%X8q%rKy#GjgFnZ3&N;`vM1q9S4i^BkMP8g)T=*&2|Y+MBO^L`|UA1 zxbzTumBr$0$9DMiWi1@HdyiuVX2D+}Uw21GfhvtY18cHQb2CqK9xJ{g_@RZKc!4rC zS|(&(D#KvY*#{Ma^qg2f?DA_+0#yy(?L*jR0?gwqC8mKLF2q@o= z$*}25BB}{okv+eydCndken2Y>6q4US-hMln-=axxpB)VwBjjmsakzNI@N%?ywvEW^ z9L8xy4osq8FXVkPBSU|W=WW)l#2nZhP$v%F=?*(w2jcoM*GO8vh&sRRfoYjPfy%CDD@SZ&Z7~my8Z)*G292gVr^);fjf#{>Ea`${jf{MjgB@L zL0=uLB|oM9kTsHw4ZS{|9`QJd>tBYU=yNW4XBxn%MlQ6v52MbLP6)f}MG&X!58jD2 zID-Cwmjx;4KI;rPx1TKACoo+TCNE~Un`UE!!82A~tHJ$U)Of$v7qEGjj<&CYAZB1C z++K8YG&b_;YWp8wGjkm{AR(EHsixpwK!$L6|^xe z7ajUMm^Ld5J2i=y=wKL*(UDe=s8NH|z7xm10g>D;l9G)QJ@>v4ox_r?7s_M_6ke57zz*V6V+yV71rrQgt29 zXtH9tRzqk=yCDs)3P;gL4{q1gkB#+l7_xp6ZfY=QqvqS-+)t9ieK1`dw_XPB>&Aet zg)H9@X+_QWP&gWqC<0kq{8HEqa*f|{u&lsveRvuj*jgNX+wl4KcSknz$5nVoIZcjZ%R{L z*Hh2T0jT)7hMgZ6%*F+bfd8(@VQlSVd?9oxSKrtmI{n+6JE+FsDS;(^(I^|K@c)oi zHxJ*v{Z5Yh-NKgio1_wk+uJ?)ixvBCvD=xl5S{r38mGq~G|dJ{4+TC##t1ETs`2Za z&B3N}IBw5F#9y84)#wSZa=1F3`0O$s$+Vzj!nNqU0q2B&e^1m_?twXlgQ@0p4z@~@ zu=u(vRx4+b@uPly~9$_V6YYUU%e^>=G*G&TI$Q4~NL;qf@A*RRkG0!W>M> z2lHO*Ti`#W2DSE?LeHAdY-QU!anr$gu!?$*TcrNN$o4pJI}l2%+fxX2>SGFm5H~$VY?`KZ=RRZW;b#!4r{s*-p&d)j@8) z=)iM*&vEK3iYv>%3vDk^-;JtrPmX z2JqrDHsVg_>2N3K97Kt>!pK=4F-X{{IJ_7o{-$V+qelx|x#5RIkGGt~>&x_Tdx<(c z`j`%Sn%808G70{m?!72jD;3Hl2BGFgDcI|F42`P{$tu&cm@-+O&pNOh+of|^^)-1+ z%{_pHi@$^9Ngdw!zz`0+bjJYgW$gLtF02o9Ld8mT4E+h1Cb0tj-1eYtvno_QwP#Yj z=dp6HH2)AFFmmo6!ajk!d-Q$*HrSZ6+R55<*zt$(t7dm>o0wJP1{CL{cIr0K_cA=~#l4P8~O=--3^v}yH2TqBhSclP9w zLRCfjrDQB_9xKPIvqJHs;XbyW=JTLwYNrt9L&qjR|b%AX zAE_D5t6a=TOX4x1|fS zn})CnhV@L-Wf)Nzw-8d_Ny5f4-^CqMGU0%~z>EBC#C!Atg}itO-`8Nss%CD)W!<-6 zL5~WUOUGcB;I)_}{}LnzEvK2m3h?T_V?}S>MEY=0vHeDg$!IoE5&XWS3g+$USdy@n z&KNR>jJuZz;}33y{Z7iXYE>}okvWA&`Vvu6xdwL<5I;3#~`fc+baM*at6|hHc6xMFXQ3uo1C`$kuVM1P;s~ zs(H$i%(AQm=XsljGkGRt-wFpmwN>_cE-C!3sysDxXobW7ve`G`eY@As8=bc?JaB$F zJ390lsoc>6^&^_0Z2m_mvil3Gn@p))!4>q@w}Ly9)kT*N%fp}P13*7#7#1|kW2JH^ zvDo+o&4;;(UYuyRm-8sWllEijK8GTxbP>FXI;mi>NF?~&o#}$`f!utw3ba##}u_PLAwTK`gP*z^w!V;*9|s&&la?7JRnD37oWd8*W}$hD)BMizKb8anr+*eBz60IAWXvo|0y4Qsg~I zzhlJvw*JD~vTL|Yxe;VsDoMAN;F6*06{VGMwxe-I0 zU8`ZWP89si)8`gPPvU=t8Km!sAx&~Oq0Ny7(EM#0(;Vzhi)){O!M97u+85&B3@@Bo znG8p+?8eqdhlSkG5%3vsOb~0uiqfqULDAw6yjkcA3r*Cx%Ge-yX(z(z%`2FOucGKr zvMm|9eKl`!o(3i*)zGv*9`z-JZt|94w8yPZ^zEKI^nVKy*uzaQ?w}SYX9NfI;z-=q zHjPb8`iIJvy8QO3NPHu1Me*=k=%6CQcAUP?hHe=tT0>1pQ(8YhYdy{0_ueNLr>}w+ zyW>ElT8Lhn-C)>#7$kWVR;ypenj_=Uz@rC>HV+hy?TW$Wt0v-2!&ita7m%ba<9NVW zb?gg&&K&pr7S5LxvU1lXvSfZBy|=VY{Pd_L%9rir)=JyhjpMR>*NlfmhF`$N%Z+LE z*tyWW<|x|Q-$CR0v!r##EYzO)SES)RioISXO*R{Df@>k$09%Un;pG4JS<@`hcijfoXMK)LoFRs)!&ljiozK~k^QFXV>|wamWdt3+ zkD&U!aF!(GDeB}ZK*sVVmSQ7>3jJ#E%0|=K^I-dQ1MDlG3PG;>pmcRJ8Jc+#ob>hR z@~wI7W1zreSUwzFJk;Qe!&=lCO}TgfB6cJ^7&W$7&}%nT@T`9pdHW6F<+SVU#C}EU z+Tw*zG*tOSwaajGvNoT3RtW>(j9%4N$);2d?PULg8aIjDC6ugLf*^ zRAKK^o1O$!PM7eS=MvnSEKkh?Z;Rx@E7(cNL)hb@h^7&-tY~l^m>u~i+Gjk5zfLSB z%O(~88K}T>g>U`oj|hD5D-i}txNu^-6%%Sq*@2iq*3*-SOJ59xT-h{K)IES6Qm2X8 z);6;Ik1E~Xev}RG9n7cqOF~Mm6Zz$tj$uKmcr0CtU$DtUC!0HLg5x1rbXJmC$L)kR z%}&g5Y`NMG&u7dRU76Ml)v0#uvE2+P(OroWPt72+J_~%j<#OFs`l_ zM%xLjvI~f1U9)(EpBlaBF_VuFa%&ySd?4Ab0=;&bpu(^dY}SMmEK)&-k3SuPOG*dR z#|tdE&+S*>pkTlk37HLvIp6Guh&I61+eS3e(?BRzX~2ZSd@ONz2e<$Bkq7g;SXb0_ zRGGd`^xx(pi1`;m2JP;Eyuw;G@6<8O*ko_7S^OA3spO)<19_^w^}4WgR-h|QLdoC` zUuaks&V(L6nW4K57**tZtuNq5eFwZd*A_#?r7Unj4H+-w(zJTcK(OTsp5T8C4lBIE zvwgkL?lcY_+s?pCpXQUlecRz-lN`UZ{0Z5ZUWa3@wN(ss|ACW^3%#3nA^c3Q43$*5 z0#!DDuzgY@Y}3nyH|wv%igSi|_Y&pr=pmfxc?8ts9cbRLaiaNcCfwt(3#qtR0}iX;Rw_Kg3s7x#2LOx3c)s2S_U&iTU@s z;BoUgX7leR+o1e}3=wvI;vHMyzw}Eqtzk`Xfa?-X;g?EZ;EmJu!4sm!sIUB!z@jn_|`5 zQb^LW1(_>aqI5nFhbqT1hf`-*gjNb9elikmyCh9NkFvw&wpwyZVFSn*{YOI@!tnKp z4?>URAHFMA<@*xqKrzD^ciLXD_Y$kI`Q$Kq>#WAbe#+P+*J-+z%u__xxl}45auYgCy~w7H2N?Pn!CO22vHA$Q?cG`1o)stan)p zPJyp+QL8-K?l>w6_^Lp|4`@)0e^&S;1L%sBdHlvA2Yyp^A@q2^0H!WYwe}o>{XQ0W z=v)&~-79#frHAr_rgD%i97G$h^+D3yy~JQz2x#*!&?2u(E$$0vee-ps{u5EI<=K@E zso%^caVg7*zXB^(I*QvXmDuhdg4-<98^Rn$;;b{i7?!6)BWzv>l7Z`RG~g}HQk%g$ zP64o(AX#x?8mQWshyT^)xU`KGeayr z^bs%b{Ek#Q7tiaL!?zvb;$Ne)$e&qj*qXL$Y++P3+RdBH7GHBf-34dhcf<#1-{M4l zdWAi#wE@b73C!H!n`q$mfK6$a<2Pq1(|6B(3Q!P_+#V3m;+bD1AWKg~+OFpGS#I6{mH z)7Iem$p_h^HJ0?{0s zogLY42CEkZ(Q+eW==aYA&wpC$`W6D;={iE8F0){_e_Pf7iJ{fS1V;|ok3kCr_V4~7STL{;^z=8A!JV7zd!Omk zrH6*&)8mPv#iw_`g{{A#Xi5g&-1rDRCaTf3@6O}A1>Ml?kO-2#1M$&bJFGC6MK@~S z1lddH*xTWz^te})sMcA?Q(NC+g>I{1{r*dWlT(hrH>(ofvDWeLL!Cf9NCt*j|3p2V zt*G|pA^L78#IYa8GLOxnIJno0KiK)074<~olP4o-$R90^>(8;n6Eb0}vKleAFNL+u zid3}G4_yBli?uH6;>TI%!6hvZ>%uZb7H;XH6^09;dE7Am;JDx(F1LbV^_pak>ukI@ zEE8wu%F%^x6Y<>lSO~oQ8g=##;TfO$Fqdn9U%+hMF{6xZoVOHL&c47Zs?=$fLXzm= z9}$ic-DMBH7sI`IVQ}o2l6X++9O~D}*?%qi^!%U;Le}C5ZWGS7i3#huT1he7`1_kJ zKbcQj4CU}#Oqys)q5@ypkcaC1VdTGw=8$seEbcXyM4uuSy9lhcJ@1XEx|PZesbbE!f4GQLsnHk=Hw|R^}r&Lq^G3;3;MEq-1f0QpxB7WqNl>KD_>E3lr6{ z;c4>_TpMXF__the|F%;Q{7Qs6XRF2XPhaBS`IEus?r`z=BbTv%pfaD=b{i*1E@#&U z_^^LFy{O;LL3D=WLYlIbqJz-^vP;M{x!W$n+s_$J@3=}-M{3hwuH`UoRy-;uufe6U z9{lX6V3^yKj`rmult`P+eXOStnc!6rczz(H`K$%6iZDVxeuOpq2aw&+M2?=Di&yUs z1*53Z=(xuSng+U{^JznRDJh>w54;a8zPI4;{!@Z)`a^}On!xd#ew8=|E)^Jos@!|MeFiE*0K}Teqfq4mW%-AgrDq1r{m4fFXt6!E>om~#o_9nu~s$!VnIFf!IdJQL4 zYT!+&p-+mVPnBjIa z1^k{HLC)*N5Zx*VdTN&>s?59su+R@eO{M9r`jL3#p*DQmri_=Z&3Te}Buw8{M-qnh zLvP?^)bB9j3!F4)j4>f_zNyI%{GgY#+P_1ac7A z<4K@KH|X3{H4o}%nKAsFB^nQLfRL5TVlyp-y|WrrOhJGZuq`^ztY>EfgKYx!eX zF7!BlMK6Ng(R(2N!WYnsH=$>j&J^ZTuSGtO75G-Iuc$XU2bOe=7l-ZnjB}g<_`I`$ zxXwkF_kRvV(eVc2GJY=%5bjo{58=oiYuf1{%SnF@af?U=bBUR@bzDny zRI8VDO-jPOb@M>?Q9Xv*OY^n7j{0TA0ghWee6 zAwGi*A)o}Xa&v;nYpE+4DgFfS?}ou4(+SWXQ3<*$HQ~&7Mf|rb4}Pdjhq&HaXiBhz z$>K1wPdyOg#1!2h8?k+E3Gnk}JKkGgDL$AiB{lierfRG4(5l$j42LOm<2=>9nd)Ki~Bf`btcv9D&|W#w_@;$&1W zlBP%RY!H_o-h}ZEXNb+IGW2zuM%!gCks(>*z*jGs)kH0Wayw1lnGyy0%@;uR^)dXH zCd+Srm**WTRujoBh|$(5Vs)W6F+55KpH7-atUGfsI#w6zyQh$v)4}}Lh%Yc?zzw2! zV*ouJnM&R^4dHv2OhU2sPFz4wP&Y)4ub;OKce-nFKA5qGX@|jE^COG$ zR)F^?bS;y#X|9!;z^)YX(`gTJ$B=Lczwr{5Z@CCYDT*L>?GM~pxECMC_ltL5+XVU7 zLQr)31DQG^NA%uClKMW##+dIOkovF$ram2uJBI&+14pNlRocC5eN41y?Bq$@IphYC zi&1zcL>s@onZ>+&cG8<=>)>x?1N36_*?X4{`!AO+@6*-4+Fpiq(kzHS@I z=J|Qdq~#iR`|kq#Gcim{Z8RL&F3;92f5L7I98G_?Y18jJm%z_CUU2ee1TH$7555Xl zV8+=mEKg*~ZQo9Umu-1COllSA_?p1>>z4TGt1o^n?SQz|EySm9BRsX<&U1!$*(Wzp z{(IJGcwZ_>L&HwM2j7dhY;QO^7s=7xnxE10=oL15&TrNn?#gGLb>zX9KfsXhzaW0s z8!|j58lL|Ycxk>zMCwxmAv7ffR~r@L!0rmjs{TVZYp=t0tH01q?wF6wN!?;7K#^+PYaRc0vlVP_-ks7Wd0%;1#FmeIc^n&2lH(zHKK*BCvoiNdSEA+X4nQ!E~drL+E%WEtc(wLGLwce1pC+wDjFTx2b~PpnVBAb%sOO%zAdF zKN$T}GufrlU2v-QDwzJf1uKe@m_ACPx11&mmy`sl(yMH?w**&Pw;GObX~s2!MzWi_ zAK3jtV$x`$$o6|gi#z^q!3bYBGLZ|sgFq7=qw<<*{5HXCui>=t-AcMb@Dip~SyH`m zd)VT=C-Fy@Ecb7jPb*Agq2^K_?yOl3{aG>WWsCxgZn;ZJxHCNd97T*D$KtC(;j^56 z3N$+pGonv|LTo(QmoktI6#583X8U35_fgOiR)F5G(y&CxJcTV90H>6ObMuXf=qs>E zf;A=JO>Zzc5LJk+(`4w3U4}esV-&V*TLOmPn{evY5*Yl{1XjE&BQv)R}yIm(KbIrj2-pj$-iZYmUQj@n_oQta?Mq|4sfi(xMxj}vpb2;9EEobd94=g?IB#MwK0Lk&&OEclbHdK$Q+kZRh!PyENfHoxC=9lX zsW#M!v6!?nXh51Z1 z>H(aqiWDa=>V=2)C1j9dtN5(eaFl?vxT*CfKGiM~%Y_`E8RQu@WshTrs}12lk5uu} zOYN*yIs=7QP`DT;!()!+;>7m^CTUFqi6^OKwcY-1H;ro^Qw`(>v(w?~aOc8_<*s^N)6K)*iGAvpuAF z-lB6DmYL6{evE_zW3DiHn<89waw=2@P?-Lvm^prK#KUU-g5$T4Wgqt7qhHSi_%lF+BNn5?a}AW&2`>z}kgMu>D5|dlQg` z!?lELNYN_nR7xSb3-7?5QX87T!Uk=fogk<08|oUXiA+9vv7FQs;!RZ#*_&M-$mdW0 zKq6Wej+r)~TYn@Z{wHK14Lr&FQWu&u*_%AdoIncAb>YkWew1%n1;uyI2={JXx}seM zUq1c_R)1vZ`MC(8OKaHVyDxE#Zz-NgSK>9dBt)*09`_h>I-)QpfodnHoQKYinHn=S-3UAAoV}#&$%eYt#DgMpq^-Y`CXKsR5j~Bu8 z8_{gkH{tG?e^0dbTr{3Y66VX#>tQxE76*OLgy9EA@aP%8Kw^I@`Wp_!qm|!a`V+xb zH75#}DtTgfg(3gB`ZY8pj)fJb(Wr888Q)n|Nov*wLg3#40D?cqD(j{F5tCNjdG!ZG zIE~^<=M6$R$8+p=K(45N!Zv|#SO_-%+JxuxLA+^4x%$@qsINI07mObV_i7~h%qeqF zzNnHc+>#0RKive-P=}XMe^}2b2ap{h+_m;k;oS{aG34tZ)ZD$9DJf5Z0-nI+O6_T$ zRS+{@{t@pUX@Nwi-6W{?2EKjr4D>c~^*`-)0$vJO6;t4VDuXDV37}QNDQVngv&vss3Hg=L-sGL(33$G7I#nZ^ zund!g`@mSbC0~OF43H!}-y(3Oj{%*KmdGPol_4#vo?R8rgLPkr^5vIm@y?B-BB#9y ze6v$D`*!UdUs{|BKP7))U3DtPu8+a>mMSbq$dL12m!adbB|kJSoypf9$K}s5$?W=} zB;05t?)Vu>jwdc4meR{GD#QfpBu@jF{M>?9hk`T@*$ z63@A)DYknONTcs4!K{?4u;;Y}*QoZV!NnqWIW!8C)2ndWIzah1(XiHcIE^U}1H}iS zP_Ut#y^E}5|Ljhp{~LjgF+(1%czSW4O}9|<_+Gj)G?)j}N7AjWJ84J{C*CQ_sABj> ztbOV|F7WVV8hIn>A`$=*jYHVGJGR8s#FanQz5vA%V`-26a4wn|L^~`J>GR$MAqyM_ z&a*;ju-hG$YdVcij$g?qTbHA8tS0RM33|L>kN97qI&_B3!e1tda5wY^KC~)9^NmZn z)aV14U6#fp!{0D{Co`JAx*NY)?BXYMgZKuu2#k8;C3FMUA({RO-KW~ny5p{_Y=I}= z`#=q?OTXjC$zwQKABYwu!@2r_FU-)%4_lW-z#3sUa=d9MSG5$}170&>kG(bDV!xKW zRK11epPO0vbPI?(D+m8fo%xHu2iX$kq0rm21iGqMfpTgG=-3R$dgF(9t$H}dg%08# zy;VfvbqBD058%g#0sQ!gJnS8{l-K@TPe|KBC?THkcV3C`JSpUhjNZb|v5UcLqKSCw zySw7Ozvr??uP!t1v(+ejM4K1fFMv=tujahd|Ebucu9fKA&+C11vbfo z|Av4}=?QVP{!Li7&z~F}AY{I}4#W9D&9G8<)+jn}=4-uGXn0Z_B)FvEp-5Hu+1pQ? zWv;`Jn;PWG=5V~dA{pGNDU3ZFgZFx>;dqih-j>=4r;Gp^4W0NA$noF6<-A9L)NLUf5%dApFJHs^b7Emh-yDEv*V+2vjcDq-kYtaW&O0Cn z_V(C-*i(XTmvf{sE5h-SZaYlAC88FIo2lj7gSepq7U~|sQhAOM9V-0B zLtXl=EeI53D$8AejN^vy)6mOl3vV>k#(`^R(KIE&8_-^ko4>w+?2n7#d|VV9j$2E$ zD?@p|_b1RFEen2AWa;%w+j)?4ESbHj3=|}Hu?Nl3*q(cnCoQ*cXKbU z-#3tpW@}@C+;g$z*(7*zO2{@%3IMOZC&bUT7k~QzL~b+VmFc^&`OYi2{cSW?6Y>zd z9{qya&pqTx^3)2ulLzteU4Oi>O_>fpl?}yCsZca;A0CYtGULWkOr!b`X4OxD0aKsC zWa(n&{%-))AD<2nXXxRBN+(gI`!_TjHyS5BTtVH6zhXfAIrwj(z;+T$6B|#J5&8SG~{_-I%Jg7tVbe%*$#b})B=)*U6^}$W2G}fh%MMhSggN3ik;JIfO4&JFp zd)vN>UqxJFvu&>9vD+fH*CthRCXW7n+^X~7(Ps(Jvg-#QPUd}CqP`Ds+qPfSM3%7bTwANR>U3@Q7v z_?X#mp(!~7&R<-DKJL4yN5e{SctIl@S(b$^yYJYuh_mE+q5{3}-i7@>QOjNr^#%`L zO^iL9P6n7=reo$tLgxV^;rp=Rb4FIe+00HjpArp`cf#QL++;ZRuY=6!S%a?6|Bs?G zaj5C*!f=!3G#8S&l2l5l?p|9-C}Si^lE_pDnQ0zSG^ar_6@?Osx_j-SqQs9-W|BfG z87otL=lc`xz2}^J_FC`zJl|l#D#3$oltlJt%*0XMgIQ<21dlH`NNd)J;l~ag`tVb( zs82E;ts;kUy$lsP#x<0`$v8sS9UDU9R0eV<{d{3Zet>N7ED(EU?qpt`6Zl6bGn%me z2PkPh0OibaJW^*dO!V-y9b4H}wlY2oPK;3Gu6uK_%IGj?N3P|zx0l%@Wp@ zgK}>lY;AkbO8rHsl;6O57JemJ+S+``m0Ge(M~@$V5(WHo6hHfTFqPUkln#0#+)w&H zV0FPL`h3ScEHg2|O$R3P4l_0Sx51rHoE%CHRaC;QcgI1k*pFMUP8AnV*1-c8vRI#v zIo*(dfb@l#;8DN%aL&b%H%iTd@{3WlT04%}Y$K4dy#Xxqbg5kx1Aayef^p|a47B@f&ONtgipMWbB#pN{ zxY095s%aw2e^%tt)S@_m$4Ql#AY%&B<}EAylrLV9e11d@-#93yZSJ zc1=}k5vI!zy(ov}GeTj1@_F)DKaeJ_pGPH6z8Cixd`4GuduqCAICaypDJwA^OD7%D zq+Yt7uzy50-nr>TqvFPbk%AGu@c9UY7e+vC9Fj-EH6=OJosWF>3(f2fqQBtOJDV_w zkIhiy?(csw;oHH3cQq;hoCjZ9x54~*`#^D{96i2HllM=qW=|VT#rLYF&?DR%7QE_! znOb(VIP4=1pY|V)p4Cc*do|POP!Vr^a0FHU3!x#+zfiF$1*dCNh&R-B6Wh8YII2>L z7PPqY_~y~Px)soPg*s#}Kf&}vQbF7H2z_p34@$%H;PhHO8v~+ApKUgwVv7$X$7m0I z_V5>O^Y{(*eKOoL?LT&BZ42CatdE^R!hCv*A5RQ@4YI}({My@i%xJShIPgyVwl@p2 zT*lITOC7$bIGaYl-9ytGEMemS!Bcz5lqNL{hBMWtY;Q)&@T{WCY+8OdGudNHP0pIa zv4-tb@bb~l;gTq=b)H1IB=Ctz_E=`P0ftJIlOaW8puDdhPM$P}O@l4zq$Q)!$ny<| zven>fbu7M6PlVLMVZg?>L$QMco%GWOpx&74H*FVLE||z`*9gDy$yU~ssltQCxuCRd zC!70Ogm315vxGv6^mJUjE?0II~fimawc; zAB#i};oxR--hcTJYO5TC^#R9eeO|^%UEc1^H!HcRC>HdiW=)tu@rd@s~Ufo)X8)C)@ zu5@P_C*lxT=}z*B#_*q71+a8^nw3 zz6qm}LV13l?@DO7s7H_GoQ65-i|B}9qqx_>(R|w4fmCA9J?cgh2^$6gnMKLs7;LAg9mrTUpTo`b<2HTZPg2W+gIiI7`KE)+RJsr46ZeU!w5zF5%} zQAy14-A9!1ZbJVRZ*bGo1(@@>0#*)Q0`umN<K zSEW&Q!60)}R%AX^3%-rpfPY%Piatxd#RXEvd>}r7z=?#bC`!@NFDKwqd!LZY3FA_; z%dx=O9!I>igp}iNz_*?9?qBPnYiv5+h;K!D{Upp;qs?m))L^^(Y+Bx=!F;j`;qTHK zkQ;DBT(1^_xeYhOp~Gk67OQH=)UAL{txWh>H4;ijctHB07JRlLic3#vhU?~T%)TT9 zA@eyYhzcOhcG3bnu9mqUG{8{z9H^MN0*AD>qi*v%k!VS!*w3yEYp&VD+wDbo>E#d5 z&D_O}xhfz0<}U_szRNawzrYDWeti7=|3LW^;px`C!2gZqTTDk_s&IXLE!v1rFO23F zl=eg6u5fOYqeFFr&w$+OK$>(?lb(5cjwy5}!TCWp0_SZPovABNd73%uCw+iHeHL`b zyf7$vcot_bT)~?nR?`5xNSMCzjqQG~t89+IX}A-+jE9x1;-l}(pxrCrdaBVfnzp}yH`IlkVj5p*>?Gi33d%=$Fn9oaH zR)d4Uy^$ef@WR_joF-&ZCMb8{sGqsm{zzb-w`y}MT~}zj-2k~0mFb@IN$8OpiOItN z-=sR?o>NT_5US0heo=H79|%0kg=*?a@zBcyIG#C$WKB5N43ne#1XlC#J%T5_K=3Rp zi7>5sGShQC#V2>W(~{*GDC+x*`z_Kz#ZivBDePtywHmy4#v@ELa_3>er}42;Enb$~ zjRQ=rxcM?g?8?1_KN`0{-jQN)ob)F+{!9{A6kmroy2-W^uFj=70w1htg}@Q)m4pFZ zIpA@r37(KyrV@tE< z`_Pn5Z)mWwD68#Fq~dAO%zt(`YgD<(au+!A;I&>@A{S1EejW+G)+o|{>fYGzbXBY$ zLV4n~c<9PK#f=3Qs7}N&uwK|C7H5RgWjZ0YuZEw7sz$YI#|9eI zSI3Dj_?SYk>+8_kgiX9;SEp_1q#S18vlrtlXTy_uv3yySHT`GZ1JfTn!<|>h1y;Si zz}a~Y<61{B&GWgy*3IYgyAj?CPLHL_x=_L^fP0+_!b3}U&}F$f7&X`!jttAkr=A1h z@4~aT{z=;0qgRLi@-YxR2h(VX{!cXfBFTIs#|T}Zv+#M*Nqp_x4ngVawBOW?J(SJ^ zSH~ngydmO5E);Z+5qqTjlW7@NXmD^2 zys{I#K!;o4%P%8p8$}@P?Od=_+6DK9ThkG71(5fA4b0k61$&1H?6T5GoG~t*cP8D0 z57Y_dX8r=@)VcJhnh3gH`LY1vyHhm~Vk}!ugI&^0$hsLxd(7LASDY3feRmUF`-OKx zpE!^;UC1~3TVS8J1>vcZ{9nHgAJj-_gXwx$AaY{U&!$4CLjkxy@kX+x1eRV*#p}~0 zd57T7JATU?dyGYNx!NA=X}bqr9YRhoFb$>M`eEh7eSF2XN!%wh3i{j1g&eHFNmF{m za&OM0Urg@f7xT&F)HX97V>_0Y?+L>xQ?2Rc{^hiP%>b_D_7l}d2+k|BQJ9%(NcU^m z@YRjO=zZyMxbt%pxvUyX3_^6^DVc`{-iPwaqIxLqcM#_Is(j)?J9`W*Jb$bylx}ZzdEMMXY*A7g~$)T6rCPMjiRZ%Z$Qf-?YF!5H$joLcsQaFHGH@iWA zcOCuD<|h1T^rv@{?8|N)=oZUbCve-KU#Ng$ywPjIYg2^y?cC$IWkLkhY-z&5;-~Py zXcHvd97w+|)S-JTQ=#IPGp~1X!;JmAL{E=c&|6On*s%Hv*teZft-9N|uAu`0-~Pq3 z_s&z_usLGufRT8rx18!v3C5@8C9p+cRQ%mI3RchDi?5z|(l&W#-u(9m&dUEyB+Z;b zD&qt$ln|cdca~7UH}1sgq&(bTV}bugMMBo;OlZ{~3M1X4Xiq^R28=If<8EbR&tVDr z>f3XOBc&|XON|>ECJFOOJ8Cl}jYw^-6Q0GFabl!9zW8q*)W&S1BNL0U?PWWhp?0`3 z>MYEta_12nKZDa@3ot()27_fy(4<5bZ}?Do>gS&amQZFC!-6AnyVyF;H>%mj*IV7bC z$%9cds6j`8PoW1x7lM)H9`gI$ZQ(u|3VUZ3kbmXEO!!y;tZ*@azWrg; z@6cQ_eX<4(3LHZt%U516em#g=`bzPw6W&6%R1JHYaS`VJI}g@5v*}H9VMle;oqAmh z$LmL_Sb9losciaV{5`}5MU!UnwFl?p8n^Luu|*v|-oBFUnD_x*&iUhnJX!XAj3&MR zcp2HVF%mrFPOvK*%)}cWK8N%;0yC8|A!5)h@tDASqJd7TC_iaCri`w}W2V6{t;2{m z*5;7RpM&YZL4q@5BG6$K^03Uq7y=6I@MY0JzHM#`*ci{_*&CB!YxQ98)q4lwtu1gr zP2e!EoxV|lMBy)eas>RhUs0&9T!+g^k^nF5$4 z`+yj`Ad$NLn*`hLB9d!7u<1=Xy6@c2wpVP$KiV=hNIndAImy$-&$>uLsSl{6onS>T z&WJJnDi+-6pzH7(sFC%an2eiDj`ca<%SCd$dF}yp7(9cNF8eOJDs&CqGu>dhlRmvse-Sx7 z1{IsHWZA}&II`lyld&Y^TA9H6vRP15QUpd@VU=JA& zpNV{GnnWh!qA~KNDOLa8#hiCPfeovli8O6B@xXs0scYsH^6bC+Y`ozup;POHhgTzu zx-)`oTX}k|Cj%xG3wq=NscuO_kO{W!Jcyv>=t+cEm}B^=aT4T{eq z!R>l69@-*H&tJX^!|W$QWxF4{syqT8t4nc}VH4Qg-s4a#FO47UIeJQ;;bA5OyV5B* z{XC9wPUi$3w+mh%X&5m+m1)dM5gqCZLH19EkB(kM>wXH|^TZBVSSq9Z!h=O?zs2{-|P7WVr-QtXPEF=LKik+C20)8iEc>@1e@9 z6f`aP3oq9yu!AYbP(!g2r$m`UAjyHY00Y+Yy&1O)Oq9k7hPu^i)W%+h+oh!79l<%K zUUUw%9F4IeJQ)t3RKWfD`Xuv@BCbjH;*Y{L$lbL^aEjjxQlx87LgOXq@=#%}d1M4A z&5+_h9!v9^A02S9g$sVSDhG+`ePZIIo%spGWtA zjhE1~s1Ue8?=NG(*pJt8 zV}qA!50cHUKKRYE1*8&d;KZR)P#9we#Ydc2e2N3zbzGgER^7*?1L9%wl#6(}AQtjp z2~gqe7vu}Qhr4f;qtC5Y?5kctuu_Fi3Oj*heGqqVUImAIXTqF!GW^;kp%o!D6>=L}W1=X+Fo^@*UtZ6dT zwJqdXR+ZSCa)vek^do_V+v&_H9rJqjDH zEMValWz0Ii5z1{0_(NWRd8>!g5jAHqMCOmJNAovK?>fqF*U!b)Avxmx_bsq3ERDwO z%ETQJo1mcnEb*(mAxboy$v*|A!{)m8;2C31US&)2;eD!nkJJFXdW(YfR(;eA_JylK zlBo9eC+_fgh}R6Y$+3XT&_6I%e5Cda%xZZ~`rp;D(C0hQ@xKbNc>57dJ8Q*3W4ej? z!zp6h;9}q|{&>PhfxP*-0WX}_3J#nY2d|!evp~T5eJ3-28CLVDbfiHGTQ>zi(%cGK9NU-uhk*P*IW-O}0q!t6_s5T0l|C+&^ zWHokWQUjEjmasW{mon?6!-<5h7WedZK(D{Mm|7^q6$_}=pl1P7JE4~;t9vF#*TFXI5erN@D}|9nwFg5V-5*5LE6 zTtJ`o916_T#c#&_1Dyp@*q852Dzd-fz9bbv$)lL(jrehVP-}nez=dsA}%S@s~;K!zc)MWe-{4l#;TvodhOVbBJqK`KCIagzEdpEA^ zkH+&$uCqDoe`9v#c-x$xf+yBUOteiTN>eiP!9Bqm>(0rsWBTXe)Javosh}K(1dZjO zw2`zEPacu}1jn1Wv$uf&8b=j)cB?E;3Y-CvS>3GlRgxeMM9c_e=;c>}7ycpflKqWg zCVQ#m(-fvTs}Wx32u{oap-r?N!gt&7itN#> zd@^N8mZR}ydLCQx#u9aJHN&5m)v)#FbyAp~g`+h`a}(0XS_)Ii-8vgQ{qQ>KJT~B> zorC$$%^X5zEa6u+riYhAG;Jd9mzU;R6Vl*WqBHjt90qzuzVLj$0#{La zg&ytAsQ>&gQwkFpYIP0JA_~UeW=~*FO%zKVeE^+=yqRmg6uGuR7GpvlV4hAormMN2 zjHLy9?hrDritj{O5_d5#W<1@pt_Z)~>BQUz=ipH8WzzX990!+6(u=ptG4)0lh8!p% z+f0tYGy_!-GYvXa>j;!A9mzLq55>`=;?O7{t4u>*iWH5Kgxa2UG&lArZW6ldQZ8$- zX{<5id{TviXg6>V{6)UXEang51;)yOd9eA0(6in*5T`y(X3>#>@L!i6AAD;lpS(<# zt{$6&qb(PRyOvBs6K65VFE2%UcQ0{tZbzpRing_*%gCY;Z}5xLd~lzYOb&Z3M)Kq= zJpURG&#dO{64^gQ9<3wca#I*;|!y2;X_K=7HVNFAnau|8C0E>i!~18%z| zKziRiHaxWu)q~gJ(0T?WPGA>W1z}S_D-N0a86H`Q!L8br=j;-*RV4!6`z+i*{r9*ga~rP)`G|9(lyBPBMVP-In0^ zW)x4=S%T!uCY)I>!zD+jg6458`ufU1jQIC}$?w=h#aowgw>SlwX_PCf9OVh8#)jil zf!i=@@^1)v@SkW>@gh7I7RGxl@4(Yr<3*AE=UBo#;n}@uB%EJ%h%B!3V$(le0rQ_` zTr&S3Icnle?-UNgjpY~NOuQABx>3cVeh;GUN!GY==O8dGnk{6QV?f_i$YV4vVH4EN z@y!S&Or22#W429!mh0O|Zb%r@UNlCGT%0bSJ>*#L4;nDkBcmgiK_e*6kgZF~B zim(IsK8BNCyugL~8}OCa61eD>D>&dIk(*VZilvynf0u+8*7$<^u&K0k3bsfek-!Ud?g1J3*bZ zb85VPzzE)77b;%E2f^Asvq9&i4Bhh}RLCir!Iigq)FyQ`c6k;O_swQJ`${Z6e6SsF zv=+dWyIR!a&Q;udI~jH~8zR5AOPAz~UdbG2^Ely=UAfj@~c>j+hx@>@79^ zG}{<5??*zi6Jw;ij)Z?7@3LOOZ`VAp7eCG43a6HzWixx7X}-sI#up|FyC)5}qX5*eKnJ~> zq^PxyG;~iGPrL00qM_$aTpbgETKZu`U!@9m$}SdH?hi*jv;Uyx+;lY0`HC;^Inm!A zhTw1QeKh&{7gjC19mF*jd|{lxZh7d$o#Pa#TBSMdIM##Je$&wUPnp=XdMQqjv4`JD zyU?aBPH;y_;*zlv)a=7SUdRHm*Luaj`~RR%t~G>j+q$Ys2n}S(fBzZZIQr+jzq4e@r5rVXF!oDMN+qp5`P82&kPp!oL^EpSObK^g|HhNrWK^Vh1=_|1;t{FL}UoGCG& z5|T&Rt^iHEcT15=OBxav?@A_*y4?OnK8%okgZy7GyWpCJSM|Nn=R}Q&wDsVWcEMZW zBQCp_`dOI$C{bUlCTxp%j4f+72xs+D95G`yw$y6VyBB_<4{V0G<=%WwR56@=S^~)d z#nAR#g6e4gAwS3N!bxsjWcm0?jIDbBQ*T_v)loZHs5`+WPJf|##zbl=Fm|J5D)C{? zCA|M2mYl6yL{nqb(QJGuZ2j#bo-t3FULRZu(|uy$yG}B@H1V$Z`C~u&`Q{|*X}29P zD-Q}E)WXPQ4qN6MV`6(a9A2>$_NXVo>`n7Xs(BUs7J6uAA0IMb(_(x#We-08b_A0a zkA!O3A8gF`aM8e$R`TM_0oYQQ4J98A!uFpbu=vzK+Vn6NPOizrZze|kc9V$euFV14 z>mG2%VijyYm<&@N%V1m2anLz51;*^tr7Lt_;_Venpv60j?jDnbvKHRVHt`D6o0lM5 zBTIR)%1_w2xfE5dzro_byO?C1MT)ylW4SAV?h+-s)_*QFxv~egSjVv~KhML(@A|Y_ z&lg%RltW5tCfRqf3U1DLjv<?WL5bfR-Q!=XZcBHlXfOy@j3C%V0^5|->&<}yQ{!O;Q3&}`~lHp4oNg{6JPwfi<= z&Zbe2Z|uc3s>;#_2MFCYt%#NAK4y}8CUZB{;i88n4fs|Z4-R%OVeE(%@bg;+I@7VB z(7F@#cg13@#$()NzY{l&EyFE6U&)s7CrHJtNYraA6!v}nEU=}7w6FY&e>a7T-WO)U zqWY~EH2XZ}6)nMQ+EXw_wq6ZPxo`s~Gx- z6Cg6?#z4S?VsUiX6nIxVj{iG-125&6&_+plw71=XqeVl( z@UJt3-be z+6A&Zdj*=f55;J|*WeL7hJW+rP(D+F&saYMm!WVD{}GO`OUQ}qN{L)oY$qRt^P}E_ zHQeBFKl|dT!;k;ELV^;~K&hGHJr_e*B;^FDG0vc09>X4t(*pDTrDUU@F1)Ug=BBoz z*c`q0q~1=LoZ9M3^CDTodhlw3^qWy)Ef(*o6 zWU055T=PnWQwbNyitfuW>BL07fBIqcJ~CKPAgsW(vzNo=7t%bo%${p}^QQT~4Egux zg6}Zeo_fb8}tM+*H$Uqk-z&0zj)aT}VKarb6hf8mLK2!O(b(RhD@>i#ZtG# zK-KDUK4ZHky;-V2(|Tiw;$$WYzoI2FSlmynE_#b*aXT)21|s3}Rb(2q9DYVr3QWJN zP&Bd=6YtlF)_BISL+3WK5xy_Q!~OmWY@i#!1@29Sdj>Aulp*$goQMBrC_&c~C%P)$ zAH2?8C%L_2;TY4vhr%pnuC*F0O!yCmm1MFR-)l&f>n%7@vJN)A{0N?T+2q&q8vN9* zOAVy7#N4HdL`o}BtxGv1C%g}q$sS?zHd~=js2W|pFCOLx7Gk?jCs;RoqkcvT8m=5v zrVzLrwMR{YV1b!2AT;^P6DknRFE`V@A_!3a!j8rC`-*b^7G0FB;Yh zOt!;AxWxIXXl-9eUYY(O`KzChpW(is)P9zA_%Iyna37n4-eY{-5aRJ`F${R_N$0Fk z;%U>u@XgMP|KG9W@arMu{`ysDuP~JPRy>DC`#!*qZgp%4lI2gD-l7u8$I;xTD!sXVU;-RlN#>K`3mPVTfkds5K3w4y>-J`=T&)gT^bbEkyGr|Pc|7bc+-VmKMN8q?gc~CRg9CWNqC^YAT za+DkJOTnbz+#Hy3LxJD@K8YGz9^|4<#NYbIEo;dlxOj<0j2u2H%=z`c{lAtqzZk9;`tpgt*_oLt^ zoEIb-=P(vGZFdCsQweY*y97oZxFNzPb1`se8X0GLpUqlvl3qGE561rzJOVC}%=Vcw zH~9Vtw+WoGEbtJ?VLT9#6}jM@jqDto4H~O`SD>H}ZJ$ zWo_>PFdPGVjcgy(2qVA_PZAZm$ie_Hs0eHj&rAPhe6AaGRd4X#7gLs zDoim&nK}jXRAw7C&6ogdE{4)yd(wzi`(m0a?@kF?B%1-}dYho>%PlbOR^fWD zVi~QE5VD@fVMTopxV-VhLzCv*zvV3Bz(Mw@^b>@i z$Y4sd(xIhYpO2ra!H*?9Mv0pd*qM3^0-_h9cYK~7g>_Y zW;9#A2?N&6p^-bEFqys03@(hvCoU6V_I?Ej@#ph0iKD%UweqxaI|r}jQ9M-p2owslk#ngVz%+6ujJt6jR01!;wJn`& zv!oL@v#207ItKjwp*OJFv<#P~*22fOMy%hRj0;1o=mMiig1_WZ-|!obm{Sb~$+KzG zFk|e#GK{XRx=LWu;WGb4YiVw^G9CUt7H6j%#`LEiwC$!0mETo~fj?@X_|*-F$x4T^ z^GC#w;zvXBMrrzHM;KLVv;-gbc40=N&9?jAgPP7+d}i(yJT3HYy{0DNfc8+FzR(ZX znaYAVKMXru73kE7JK>SAOU-&pDF1XCwhb`nD{ri4G6q+`;_6#iF!M62zPW;aJ$9J- z`#Eu$mEXl%982-HC($nezG)*Q8hdF>sOB8Gf$imANC1lFt+0-I#KQM;`{BUP7pHuN0&lKOquR#+aS>+s| zL4RTRmL#~=)lSa0zlSULg)WWSbz}z;$lw+QR-gI)PpO z{RWpR55#R=`Jlh+C-MJwNSM#g6+`1*kzJbA)p7XGRo_h!g(^I%ncDEka%t@_TC zTnEyUjtLm~_Z%i_kK|ojzS$agY=E?gfe>UH1q)3W;XgHbwl+0#X?W^ zv&oJ8w)RC8)r0t_V+EDJJrboi*GhA&*!P65J>CDDd=-4!rj(TCAU*uSgu3K?L{UsIyzC4`SI2u0o+?W$)Iu@rhCDw!LPV`=M?vM=$#kIl zam?|*433^d;IL~G8|p}D=6pn_jq6zLULU;Y*Ch@YZ-z%Td2GXzr+B4G10{VdNVZ!7 zeoq*}w>7EIAiXl7V>y}5axGxWlFB?N;~PqCTMI#l0wHwfV^-up1dV4_WAxO)=r*Pq zt%}BCeD@zX2&c&x(gY2uQ~AqP=AuZ~#W1`{hW?IQE%=qs!1`+jbgD@qZYY!C2U>q) zapNU+U&4=?ue#4<|M@e+b15j+Od{2imGCrlJF&j?33e&n#!oWFc+b9u%{i?|yi@MN zLsd2Sr*Ma?ib5E5w;fi6p2WAav~gTWF)F!@z~IjV`8k27{=IY*J5?*eH}iHj^Vz+! zv7P>~X+;>B<9`_=zwd&8m~HHg>NkP(VVb_q)ns_VO z8@LdzJt+X=szETu>8nJjM`fX&xw43ix zFZ2n@?K%W*@*AnTV+tF;;}#YLzh$-)Ea>o?DWuFjL%eTLB0G@fOixcw#Geh3xY%pkt!c&-a|e`v6NQJTwZRTeKbYA$3#P1#BjfFEqkm-tcmF(q zC%NU3VQ1y|V^wF=YUvPP*f11A2kpiAxor@nCq;jZlIO<)4!|{8B&D8X@L0@1dM&^c zy`{h6RKt2UD0Ut?475gjQ*FM;wU_J;TZpF}_lwI*gT`- zu*zXEU$oPfM;x@l+S{*D#m|CmDlUfT-|u1gh3hP$$^{<;#=udlSLkh|h|_*epmSy| zgYb7!^tjL)ZY`XMy}v?Gf2tw)tuA0e4nkJr-%DazI9=#L<-k4rQc`wYj@QqZgTe0> zlk=A|$&@rXu2+2p)5b^f)2$TuC0!s#PmRR)_LuSWTrZ~lq?H&=nhTKNTgniG& z!3mNG@m&{5TA=}7bG;jfUXNi%1n%ONx;NnTRLF?xTO)jaij!~4U`YL5>T|CM!UaF( zR^>6w>t-Z=s2YxSTOZ+x_`_i7Y=ogwX%KjA2n?-w44E?Hc#RU#Ce&$|40Wfi=&vpXa?ORLLg=oxtxFZ{S|&;G@CKOLaRn_CUa+1k zDeRZdGnUhA0#Q*FXnMO$Z2V|4bki}8c+ICyX> zpM*v$(H$dK!5-~REO3Jrk2b1?=Tl;Eto|NxbZrFE-5c474U5RMH-t8g$cD$3V?a$W zoF&{^KvMdLa?_M9aSV*!>?CsUt}Wku_6($wV#w@@#L2D_ zw6JRi^?P~`Zrdo*IpeqD>Na0~;AbGl+}0;r4(fE>zaoIerR>kWKRCU55pES`aw`P) zuHD&8SheaC8=80k=3m_lsuM-DZ)G>WoT7(y<%&c%AOP(CW(%Bg8SXIj8g5wope)%@ znLISo0{Ip$D!(5EuRpi48tr_rkNyOG#-X;lrjH>gT!S`GTZYozb0NKD7t7Ar18KL8 z2}VaH7B;0F%2Q_HnmL^iRUt_ygmtq!0gcQg`4u_tBb=w5qfo+b40gp~Vd2>C zQ3nHLRNrN9A91Nj}VrDk|KivQM z0#5v92{CLs-D5I?zaEzaqYj?|iQkq`b6uFVYNrak?-yc~y-~2QN$9HVN=03*zhtS< zIpp{L!}u&~jJ6wxJ@eYZkVI31?IQAhw!q4fIF6SGW{3)IdVxmF7Un^ZW8c@6ylDA3 z%-&>5Q#HRbr6J3404p_&*9w4WimT8TN2tN=fL-Qvxsrg5YT$| z8UMXnLz0)v!(QnWvHUVCVE^)&`Q1<`Gq8hIx@oM!&6?hmYJt5Q3d<(ey+;3tOAxa| z1B|`>VZ7}y96M5juYY}-oZIfohjm%{~lL8VvpooaeCc?jW z70^6qt!gKy>J z+a{~h{d11P*LE#BwWO5zO1RUuD}7{@-!iBd+_F{Yo{GOV1;AN>!#I1i1~%$l!90+n z4odcDG_3}+o~>uIGdTt-wS#K&2)ybt@8CznI_eBR*~+J(c>47OKHQU$8OlRx zT#`Rnt#3gOA>UIsvIl=IaY2PYfjst02oz-u1GADX)bsWyxTK*>zZ|xa->3YQ2{>`fotXo0Zt6A;)7ssM0+b28hfLr;^?uqsSR| zRowNy4iYtI!<5WRZ2FyHut)kCm<*VLX+8osmi;4jdnr3v;EZO@$z;KDV_b6U8m6da zgE(Rr+*Th7)twLVu={vAb#)Si^>dMB)E@K@yv%bt6QQy19zOER0{bROnq#s8Ups6O zZz&9h9H#`3mLEXR-S)usH&m&*8!|`JiD1wta0o2Y#68n*kyp{Jkn(UTcMLxUOXbe8 z*qmxy5d_G8zh=%RlJGx@&O09K?+xR2%E~BPkrf%0GM;mv(vFsj_EH*X585eIR>=6O zlo?t|vYvCFiUvZWkdid1q@*$`zt8Uv|9bIyIOjgseO>Qs{D_Ze?Hxzr!b^b{ikNiL zTlo317-#H^5i7bzg3SaSp5M@p>aWk@O`EYa@~t+n`)$G1y{0%_YJ5%#ohr$w|Kc#c zZM^ViU(Eb9hmqUkR@29~&1v)8yWsT68`6v=Fx}=b7)pCnpC8XrDz*`Bf4h!JBO}SY zs7vtWwJM)*{e>`xYQf@=EDjX?~*}NRUm2UW9T%v3KvgL#$t~b?7G;F)h#op z+arGC)NM=fzC|4QrFwx3Xl3*1JxMJuiCoO z+M~{(n&AMcKeIqh=_cmZ$WkL`Su_Z^N;ck70jVkZxM*lRJ0SE=-p%>IOoS{~(facc zUs8+H-DeX0q(brRTQlJE?7ukmniu<99EM6M1+4wvF;Lo8k1J&5X>@%GX~?qS2cJKH z>{w%B((n^|`~%qAvh&#HSPw@GM?n9mZ}{`wSURZX8eFlM%!fAV;@65SIPjzkt$(P| zB_nR4#=S_mQgI8Hk50hC59it3k#|Aa{vKpInBc?lo$zUegea=Y2lAi1L^azI%)Ppc z+%taz#C~;-zZ&-nQVi#i}ekG6myat8q+pXJy;Eakb_!YK&@B-%cGv95nHd>j_-jJ%V^t`+)Hm zfZEjWkhb%_csf5#6bp7k&Icvd*M1JqZPXwuhA#t?DoZfPJVK7@$Kw#+3$R(7iKeMK zwEoOz9QNZdN$Z?TjaoNA=e-gFb;H16^%%UFHy8U4NYGJ6k0E}P2j(3%rDsF8!=s8U zROwA;s`?Ye{o`F&NlYf#)t|uQvfuFa%0vwQo)5c)-01myUo78c%=7HHu!q@B!n_ZY zBl~_~guE`co*T$#jQ@|OF6_XpwGm{J!+T;{A4wWFPNMgPy@SdADm0;Qakth#Hb=Fj z=<3hYxbgf~_V7tOI=WwE1;b?c{uq&H-cuj3)|gE&tn`-n-|tNEM(J?&_RniF@;xKA zHG}xw(K`|P@8HgsyHI2J9@p6?vvEF_sO@Wo8dsWNRZ%#gR|MIha2{Vh5qv$vQrT4Z z23V6Wu9c}tOj$7&R$d&+gRlP*w+C!h9Yl}kVI8F2q@OT4m_(VX@TL-qQM~Ho5f8mRIVVpJ zdp)Rc?~R4=Rv-yZyl@}Fw|B+j%?m6Tn-vDd0Sf3m_8ikWR|%^xEQd|DO=#0x1-YY5 zVT`pV{hs%Ts7ienX)1Wbg?W|WIX4HbUiFfw*NPY~ugpd1cOZ1U0{mw$__DrhfTO@} zt!vPtYJa)x`lZO!;t@efXz8jX^bhvC_0Gtl?=fVu4{B=y4wO#P$IKRvz;G8VVVa^+YI68*vj z_l|@0ep6IEC=I%sV^~AwNr)d_3mprNunntZQ2$UGo>GWFLyvdlpXv(sYSUBEgE1a3 zDl7;>Dt%z(&~j0RE5JN$Be;CzA!!`r3SPkxOtM0TTlw12gX`~u_A=pf)b+!$eMgDT z>j469IFVhr_y(ThP`YzO7Cc`rNssmif&O|)_#|6{t{TIsLRbMV8mCL|mXv|nw@G}* zX>B_FxCTg>Tm*%}I+!-3LOgB01P*>S5=y?t!1|(A2<~>o74b<>n!JF-=Uj%GRXTWd zL?XlsUrSdzuzu4%^tH?Z!}Lx(`r$7G&sQg_62h4CyY=`%(g1sw9zZS|0Lmk~0D3ea zv3($T_{)LDuB|X$#~2bdWw2(m9KX=pCU(e;M4w_Wc)miNze(;v&wWy&(?8Q#*f3Qz zIK2e5*1y7v!k4Hj%r;L?CBWZ|jXda~8=GYfxM-&tRwcZ|fQt3_L?S8?OTW* zHPe~pySYU1cOu^WZ#WlhIWoZtM?}Pu z(6m#eTxm13nM?35aSkYcW+a?1-mJZ5Gmaacfy0%;vG$?h1@IZgFS*LmuEgymz8%5k zzlr>QRX!Y%KL8dEG5lkOo1j^B4+3+e`s+U2d+!L|v8ji$pCY{F zHyG01uOYJkc7oC+j@$29@QXh`vT?(*;qIOY>M5|n8qSqNokJh)bs36*)m!mvz-bac zU7vNFGX!7jJa8Pk3p2M>z;$DQhbN!0+SwV*{rd%6KEe=3th$bx?VGs!x*~Wat%##% zP#U=c=+4P)aND|>d^a|SVM^0seCl~1#TGcvQk&j>kpr2v!AO^@(2<&h;L63Tc;UA@ zd+f0uorO%=1(ysg^^X$zk%!RguWv+0Lk-w8-J#Geys_eHkKyx3X5VQ%|p`Sabp3>Yl=}`qH9vUFP&*_6T14)B@+gVNq)7X_h)670iAI zLaPwNE7Yiic~YH1cJC{=PY)r(kJpGio}GY}siBy=Nbq<|FA+RTb(rC+&80oNNob29 z#yAHe z<2VtWrO0sXZh?E;DUG9okK%|M5wPX*4cKxjn~agnfZT31dVZ7*|LYwFCspjAHD!x1 z|D1sw8NjwB1)?L#6LHa&YNvvj4>)AZV31gqie~3ek{=z?Z0p)<;)7Q1bgcAar|mkH zxW~tk#_TS~&HK!0x|f-#*TNqSU4kICt%tRzUxnf-J-irs8&_sMW+$_CaHwoFw61i9 zJ%{BXa`{Bw*mMm>-;9IyX?{fWY8%Fu?V?SSFBDzVmB%j?^C4z%Ja%;mv-W5Q2yg4c zZO1<0`lYe>cf~uhDPD?pn+Q3C1BbB3X(kT+s7wEC-A@cWba}dbyw6Tx zYE8E0&T|?;>43d3^Gw4wuK@Jk91VM3sj|8PN$md-&a|x;gGOK?%$~ZMUJ>%gf9~qi z)&*wNszjY@_~(MzodI;uo|%x=&~=B{TdD6gG{ zyVidqx0jCJ1hX#=}rEF)ZKx z5hk5T#)F30j7^;fw_QV=?6nIa?co*n_w*$gHN1l@wEqD!H}7QSD`n{ngIQpqHVsy6 zyw0``_U0JTPjX#fz~pnw=*eTn*k&97I~z>F@7O(jJ205)ls`ay%kZl!!t43(BDK{^W;@`KK?A>tYbF~6uA4jo&f$4BM z>^SM$`~z-0oydz8HldX41DN%tl1OcKN8_1;QSM_cN*}6(88O?)^wpQa=gd*!x}X)} zhU(Gcw}a@?owuON>NeQl_~g`XG=cxTZ3W9eE24O582q=cjRfsw_~2s(tRJAr0~+7L z-_5TM;oj>?EZ(sLLHVpAuMGRIs@7pc9clqXzaLIx%bS1-w}5%+)WA$8#~+_~LP(IAyXglZY~* z1uA!NRdpj|uIPo^^BSSdQ-W6CeoLnRK7gH_X4v~3%Xz58e5>G@MJYU~XX+<%GA ztl~q9KSRceYj`$!y5I--2tL!h**u>J*eg4LJDPTbz2yN=DVO5|{^UYMowBfVl%`i4 zcVWPp8|+B!HQKmsy|J9{*2tKGP58ep&}p64dyj zly!hFhwz9xEAG5!IM3K$kG4A(bBh9V?!Rpb`z&FPniJ2XjPwPR_L>H_i-j(QThTZr zJ&s-aDaGGZ_p{$&6WQ!BS&;GY~-_?o^wM!*R z`W=-khY205Mn!W@z6UEopAUZ?MHai*QH$&E1s*^e+7HMTOPh;uNv{IE`R^Y%7faB4 z6YgT9iV-HNxbycm7Hq*oR`j7^F1Y)?gQARl)~)#n`HCZKyY5q`3TbQn6%v52PSm06 zm%%i+@(gYi{6U?M%82^vb$mrxE4KTY^M-M?5blx-9;w-Mr|EJbW7CW_cdGDlt~LmO zeR!FErL6$Rq=XHJSwwdNDwo)fqxZ)8#2 zlP93$aEI)hBu{584kH`BJw>BLc|Ks#a8mQ(814%XfoUiWccZ?;*{y@{V_y}%l2zp0 zvG-x_(|c@syF5zd9fqAbdE(pmtniF`os-m{HaK1E1Mi;2;p>uLFzA7S@b@wdKVZ-T~${_kBSYW>l8peNSJ;Ag)axm)IYLS&@s8i8RUE(dNNPd5tgqt@8;b5!L zuxfa(;I~}?=X+&o?TSmJ=bkJrpWjM03HzSvg&!gHdn``Mm7q&?9BK4#q1#(Sl5V>7 z88hv75rwr&VDJ+dbux*FLLcL{zBo2*h6eNqy2~f&z0eu|v#2I} zATQR6f~yLz*-O_jIG|w0Pc-^q-Z^8EmS}`-ht}ff%}H#x{Zi7lU@2Tpje*mnXA{fd zXIQSN#Y4*OGmUxoz*$LPD|)rS7WE`JWpf^CZe(G9%1$!sPZ_R|aDySdBG`naVrZ|ui)E_e zIQ(${8TI1}e)Lh|s#$|^rTSmd`SVfWY##wrPuk(Lc`~fT^BZ(5S^<*>2!SAZPY4TE zg-7?=;XqyjEc5Te8(J%2&qTo4BxZ8U& zZNK9KioOo?{uNoi|HodcYA)nse)f|&L8?%?(+xe7AAxOeH4E0aqUI%Pbm;R=`2HXR z?_ZY3(R=HlWA;fXxF*M)5)HBZ*B4xPs13qf#bOPct)MA83EQiJ;Mc3IOl_|*k6dyK zYx6De*P**8xuXx~H>BZ>%aS;^ZZ(Zww~HSg8UTUbLD+q5EgmmSAdACBv(mh$xKGv} z8rPVKPUXAP?em^M+!+-JZTrZ!Cwqa`4paD)BxrYs-=S2{BrqBB1V>3x`rZ05dHRG=t+Io!Ki7knxe3>Kw1Hng=0xXfmayv6LLPS0YRp;PFIuf2e6~(~OtM#- znEV?+UnWi#UH1Qlo!cjHc~LZc4C{it$NNRzh9w}mA&JFLcBfV&8;HW+IFzY)4e9r4 zFmv5kY~LJ$Bb08jNwOQ@RQ747wWH?nLq3W;&Uig44pZYQr%K5C$-Bg|ZH(=kheRV@ zlRK8B<42cJnCBG=1%=N1?Onu+DsIqe+6NZ(tND<}q0reG0}Ii z?U63saqd0j4pX7F2{RzZ{(Wr2=4^iZzK}qNZ z1BG)wom9N&B=66y!-%j_*!y@td_Q9^^mb~|<0?K_dOZaEh2HA-)3%^^+cnk^I|QBw zwL+4s4b9J$;{Mu8pusMV_?o)G;esdFKQs;QSn2cVSx50;NFmI(n}{cFJ%y~eFN_!@ zinHFi(XjJcRHm{|JR?2|$H`3N2InlH(4`8E!Y48Jff?k)tIJqebR9zjPvEmb!C3io zHlzr;<(&6&I6rJ2em-&oUaLjJx~6!1D?6QB`PT;yS>AB;&LHN%o{P6M*Rd))KkeymB|J}LcvYRETR+<~>J*4IW@6W- z6oCVjhFMO}aQ(qtJkn#xgA8L~(A}d>s}@#6LB~jDD|DsxyV&rS1Pf99LlZnzvWql* zyTv}=6MWZOWnpyS7aXDhba<~kS6(MgpB!q&a8)n1^*|y#O^||p{y}{BQb9L&+lBAe zePsG}W@Ng-38?u|M>d?6;y+%$A~_ic$p^o1s;}$BoB!S-MXe7YS@Ioe7g!n+R)LP6 z78kN%b@$08j|y@xn4_O=7cNY-p?0cI@$3O@`a4OUX3hZq^TsJ${jyv1Z@4-Z>4rel z)_*`ge#PTfFJaPG89elP56lrVG?6osaE`JwsK1h-7ADb7<<+Oy-REvNW$Fs?@fF7G z*^ojMuMWg1wx>Y-^BMSAxfL!Ht>?uC5;R5d3#6X0rX3A8L|;cngN5uDVk#qK3BE~i z8~IE4vHCPAjj6z~Eh)IuVj7(ht3c;~BOMTt05~@drj}{b?VIvIVO=Rc*wV~ark#P^ zKW;F^L5rEa*)hE6U|kgYArRNB^WjIQ+wezUHsh2trX;l@AD*}_ysY%kn-$jARkKbr0ii2OD-U_*i3VdpI8*jR(Lr|?NNiSWD*1Z5{ z-~WPTM(4qEMHW6$evIL+C9r;;G&jvXj$119;O?3!WYMDKyzO%y_9+3(I97=nZ_W_Y zxodF44kujj^9=dh=L8GC4g~Yr5_D=n8=f7hAo^Iy$x34mO4G*jSxNTv<=iXcW0e*h zSOW2mI?AV{9$+O}SukaS7wkNu$Rro85|`$z!8!CJ%NIOES8k=_K3yYjrg;v1raZjd@Sd5O22rz#V@l;klMfTqw*MPwx7IZJ;wqjk?ApjUGU3mJYGxoh z0wYq>z*k_5xUx;W`tV(H!@`3oAK8w(7q!9H^QPz&8wmTn&f&#{GjX?D8GHCzk!K0n zgK5pPh_OdDcm?H(f1J9GJ$H|hUpdc7cl!YPcThRl#T~~{3BQWEz4m~e$!4-+L>5XK zSF%?@eqz&ULq$Da)u>Xllv%dQQ=%QmdV7t8F3AEI{<)V-Zx%tS(L;Q3Dg!H$AEM3M zOE4^XA{49`z>_{MV%4sxIBw-k@@9@6?0uNQBtukq)aU|MHdh9|-sEh?+*_FBU;;iC z3k84UeI{2ulv%Gc!y4CBf~FjTH|+v3nriX$D#>hizaBl1P>Tiwhm*@oFF8 z3In<Jw+-hCa3qwKV~nfFAxUh)`5`d+~M2PZ(!QGi1a$Ki4E2A&^oCLJp$(ygaApuX2{ z=(wasZ|)O(ZRQ1Juj(}VN^2=rjB0?$Q?+<4Q<~bIH0D#6y22eVJ=~%)mW6H?_>a{I zxL^Okjs$K*?pk|}TS_t+~Sx2OrO#hnJ-60vCQmpq(zv%lz&>}qNk@4#zM z)R63PZ^?r&6`pn38kZk(=Yf%#m~k_l7P{x*M-4+NioVY78n}UM@ljTo+5*!rFMv^5 z()`A-)3|tEIHbsIhXG34q1}A|m(CU3b)^|B@~YtJiMN4YB5i(uy^tBx3?inhALIPE z4m>tpif8@X4c5+rJIiwnn>1IR@9W6J8AmS_t&nNLu7HOqGp9xHZgrtYOrU6A)^C`& zun|80{Rp?()Zo|f1){^|Y2tCC>!DASK^}N^;id&5Ebn&5{&9X-{xFdL%=P7O=DZSF zYgI8z>09DQL+_$_#oVH-Im?Of>l5g_FOG@dCK1)t+wfLL=z(ka42fp4)HW^(@7Bpv zxxWfRX6!2oIl4@=Wn?}Sd&t4fivyv>EE8svKJjQvTa1XeLS-vecpm>6J^H_);VN11 zi3=qxv>(Ht9l(n_m!W}&E2jT8rh8mN@%g#K7_!j>(shGH-mfnUS=mOiDYF;Oz18Ad zwlYBr5#}C+#q_C{Bwg}#67Cp0mCx+^NX+(2iL}-aBWt@CL7L}$dU^Fnr)kmw|Iehs zf(-!}tR}o=m4R+<(-3!$PK0tDBRueF6gQu^R=obBKb$#A0h2F5a-us(tJjKihmqU?YR{GYxfiKxyf*| zR}D7{T!%h=!P8(d5x-|i(we`1IB3RI^6k-LEL-rF<%8vZ+GLl4`l!daUn$kcR$wQo+d!s4~~QuiWRw{0s7FOFh|*2v?> zmr2B0SDy4Nna-PIF5?5QKv={M;E?23Y*Rru37Tb$zmpOn;YAx8QpI3|N-Y#<8F3>w z3#vD`k}VIq2#@#F;3|71czU4_kLA_FX*ql(}wkH!Lj^<)h`XYFL(2aiWSV_vN%;|{-MyPn8m>Cf@9(~T6*ld)f zYO){6xult$vJ zC?#;H4`Kynx!|Rl>ST909)p@{;bvbgT#mj#jy0bHb6G$3-dl zmlKw*maL^rFklRl~w1~ z6Wn3SJ0UY^FR&opO983qvEXL}V+|tFk?=Mr`_>F%owyl~=+xm; z4-MX&OZgT}WmGqOT6FQ@82CG0gfgYUtd;b^CZV^>E)IVy$l;nfYS`w|hDKLi>E2@syw2ec8&_V(jLv){+uJ1s zACMkTvxtPxYjr_7X&%*dKE|9rbr6w;9<}@vBtGL2hcj2jkmh6ap!mx44;4Evrb*7ewkC&t&Yknu81$}yKXdopaD5+ zTaJ&H8sfwL&Di`#hX48X5Yk4Dpf#HRiKvj5&Ukkp?}tyOrUMlC@sb?j@9GNP9Q%#@ zT{4UM#HErmhcaQ3{Cw6aFbh9NT!2}vS(w!Gh_$vT@JXfT;QjQm;>3MZAnK6~UHfzr z$v2B;@xx}}!;)`g;mIIWQFsVuY6TE9%!rpn>0?FpX;?9-PRN@@7d1|^$Dzw7VwAuO zcs4f+%>_+*?FxN1MPdvuU-%g9${vBl>=(rGxip{kXSC22XN6vF0q|qu1C~G?`FWeW z(5=@1F^>tPE$ju@zt$28w>EFm>ZD zP^dcrtv4%hPxuY;VQUcj=Q>il=r>ssv5TGD>w!~W>(jFSeE1S3!5zAuq3JqfSa&@Q z4ydNE#otHb)MqE*-V6nPy3qwJr5*!WTgf6L_272IXx4x1Ek@YRhR&VIaAA!ituJcE zGl#VB)E{}8FnSKB9>Pu`w2CY>YJ>ZKI>>(uD_Nh;8L%1R%WAaDXt~}*{Jb}c4R;8H zvX9QV*HVg3b&kO9QE8A+cm!t%epSz1F(mZtB>qX(n%T7^phnFaQDEsaJRjHz5k@Ys zSic?vPYA!q_sO`(BM}S|r1)EF3)sBCj%rs+!0z+9JmnK%|GjKQZn_F5j$6ii7PS;z zNGulS3uBu1a1+VD70eV$1I5Nh#bm>hV0=1jF)9U&<66eyxcqtwj&SW@wJ1X;OYG+R zt|*HP-Oggp-c2-n$P4tHFHdi;@WZ+v{fypT2c8pEm}~WKP+wzBPaCOogF6DVytW+X zJ{bnuO;yCP;tYPRd`|{0x`vx|E{SeDdJbcJ)F=jSrjXEyoQ7@6Ezr7N zpLxA<7rN#Z`1FP(5HF8~*>ZDn%Ohmv^84t@`}dp%nC*ap>l2Dbr@6B+)1t_~5uxP% z=WL>tWC~?xa#8Viq$v2@0d!kFK{=%CZD3%MFJ5)|hDQYb!c=!8PAIzo^HMB@ z{E98to9#fCpC~8A%bH2u1Qot)r#9=}wiL^@hv3&I?=byiI~3HO!T^^S;xav74}1>>sTLIfDd0>>I?j#RcT~lqM_= zL40fb6+E=GSNkSttD(gbuF3K zE_BwfuY^&4ffzFX28`b!k3a3(@$*kd@RwQ(Gle^Um-|BaTipQHE!)u}LZ3I<<)Cfe z6Y#Sd$8Tt#VrR1vWwJ_z{}WjX8d@-ai9Lx?41~@e6Wme%gGk3VgVvcLbO!!~ENM5K zeC!h&+v&k09b-jD)7)TNyTDc&mc=f$CqT#(b2hRNF;nds41Qk%oBChjA*TU+pW$h& zmJAlyS+O{IaS#*;Z@|iy4zfH&gyP#5L|yr-LHj}pvut<=m;McBS_OIHBM!y5Z`OC5 zCoeFgMo4hSgQi@Rs>XLqjYIne2{Kn#p1ZMN@RK?Tonsxr)vyz&>_nLLJBR#?)`Dk) zE%+LPV7xA{m%p97MQm>T!?IKQsNn7fZ)AN?GkE|#PEs-5FA8q&(8Dju(o~{fi@g0W z55sfj^DpIRVa(o6(yqUrRh+1V!r8lEX2(LzPuv74Jz6x|Z95u$ea#NXQXI0^9k-5wD^}-y>r|AzudH8Y-iwbt3v5*-A}Z>ag?PT-4|t!K_2xrE-x?{JV_((r0L$HHV!G{VKLlT};@s+ea)r!0wE-LZr_hzR-MDyVFvx3~lO6fv=vKk|Pm-ls$)qsW z^8F$P-BPA)+0*gRYZE$b*A%i><|3W{@DZ`Tn9HhuYoLr*E-cix;d8#$GwE0TXy5jg zpw|P~;<_8dSDDh2!CugJT;Otb7mG~p9RR!h5ZJ3Tmx>c^2yei8jJRaU3r`6QbY}y6 zKBNql}9AL;*i3J1w3b3>Ok!rl4|yi$#^$}$kT1>dGi z#84X5cbEA^Bx6s96pHRxkmDV0aOLh<2)A>fNzS9upizS+cFf_gNA`-|3*Yll^J36R zROeBzg+ANuzBoqa0bG(U#}yYQ;q>ucFl4cV*#FH^l&ds`5x2x-_r|*r<50jJ*~#;T z&F`6`YcAf=vxTiXFPKhf6najL#|LK8Jj+8HAnz0-TmNBn>2f%mp3fwmK0=#(I(>Zc zJ!U-*gMShZqQ=A(xVds7bNumC6z9JHj|}<6bPq^@>S!;K;R-P^6yL-rZ+!^NGJv-` zoY{w*@kOgf5K?hdnU7yN7($Bg;MuYWl6Y$XwHea{os!;IR%8nry?GcseHc}}_Y6|q zJJH;zkF2q2Vg(zVX}Es`-S=rB4w|b(C6mgS>(D%Q;Kl-seW%8E6pZ4(C1v@RLl@ca zT}j09MzWKoSrYTtRpqAzU!8p2T3WhV+i~&5mtZE`iASss!wxk^`aRl|EA0q{%=l=& z4!F~l@h3%JWN(YU-E9&2fs)CUdQUt$av5~iZNxpp{===)?%}m)6&k7*gn1KMFm2Lh z(Yr@twquL}eX@BvmQS+d*1P|)$#vsJ9nGhRR)hvOj3Q7$wqZ)k9ymHJ8uMS3;kY$f zU?ljBO^R*_XW$NTmc~%Nw(up!>U-c@-;?Cbng>vBQU!-r@H*%;A1}j#;kM>shPBcB~Y*8WIhD-2b4W&>s+v(+(1Dwd4tQNbrKu9DZeE1cScV{q`)rDX5wG1TgiwUe4z zKQ_C)g>!QE@Xo?(c=-2T*d6$U^$4s-g`7UIdQ%Am?ps2(Z`uzjDvG$%d@@uo9RS|H zp2yJO~zxH`lO2_O8^iq4?wUIx+M-D7cwC;KcQ^hM$(j+jjds3STsbA zznvG1n*V5;JZFN}$yky-O&xz^%YoWgDgM~!7(4xNA@S}VC3MZbWX}V` zn7y?+)#&qrtv?e%i%X;UC!w(}+PHO?30&;`3+>tY*zL5Nyd6IPf!}cY9F!-z?~n=0 zUu|%VcXNb=J$jh5qlzu5djnTyx5M>lp?73P0)7dO0(0r72*w-n-wjLp{=sfAo@B_^ zUTJ@;Sm2M39@(;~ic2mR7d{UoZE2>xOh3fQHrtC#=e*7ie)8Igg zf{ZcL#e~!(euf?W?WiVu8XgAigl{tP@b=Jfa2Vf&`xnoo-9aPpLwdIO@W#_%IAJYM z$udBbq}lXY~;u`v|c_LTV9D#d0#d2@p#Pk z2Ooz~nPYg5z%`ZmaRu)P9@0Y#j^f8hCXkvXaG4gRVs(Jf7xpL~?!OO)k4|xLxqX+g zMm7<(7kc0$aR$E5%@7x`9pE0;;FLXj7(PDg4_~Sb=%g_|xT4h<#Rmegd%|+e8F!bZ z?7Iv3&$pt@{xRh7>mW4N)yKuJ1m>6daNac{fQ=tm1wW@N(1d%FaFD4v`7>iT@qZ9P zW*;%2Drq{*W@`ee5GAmgNyhLGLQvmV4UX0*@RNzj*hGczyZq6K>N z>HJG1#9acK8*89cPa5ufT*thppV?GnB|48j#z#{Y;PA1Qu*f47*7VQfy86HI>X~_b zlf+N5CsUdaEx3c}T@&DZhrK9mV;T+_(T$4BZi%*;q>=|)hEsiy2hiW;A@UJs)rRYj zFpa2i@ys{kXk* zvt;?@RAh65q#T#Q7{}j4xI0;YZZPLAgN2-52uKKQ;)y=hcr96AAbs2n4~RGH{gh7f z#|Dd6f33np*7MQvj60iqs2t3^=8+@T9$>U`56JuygXY^<7?6Jk=AD>86nZ6zf07E4 z2g+2nY8?01`6b>Xp(h)Ni&zbM0;-Z|pO!P8)8TOP1i6GaII zdi+du4*Xs;4Bu|F1Cf~o9iw!g)X3z)FF_}jyE6`=brQg8<_=u7y$SZNN`c%1Ek)m2 z9LS&WVGu3x7PiXTtP014p#$lg@oz){MW4u}*sG*z!wi-Z z-w*2>8*tOwSCATbQgk}K3fw+6Laxvuw{~qB)Vn0G=G+W2$X0=F9Bx4K!Xia=Vii%l zV>}#+$YUAN?c(J7Z^#EVANaM_8@GZfZ~dhQp*l-_?@g#wWkr*>Mr1g-g11dg1}8#z6?IVDn_z_rOvGbIm6>9 zdt^J!e=s0utcY@#PmZkhoFysdepu3-aBjHzHlW5C(nEzxt{WC?H$Jfab z={Z(3FSQZO^K0?D@*q5te;g#VPhi-Pde%QN6@H!x#h?FV@nvfv*wpUFB`5os)p-xH zUFs_v_ScMF4mE@s(s#&EovWD7UKUl<%@H|=x{?$XP*iZ6(>kO}#85 zMhYq#`$Q|c&cfmzP1+}uIs^i!{g$-_jXvWEd`G(`k9IRF?1Xv!2`=};j&bR=w9p+@}|Fv zbPbZ`-|#Z|QtXbmJpAZJon6T8KgSB111>f4?2Ty@&QYw#)|^nbrA>qKcy&@{dJ=W^ z8t@~N*YcK^cJy0hKS=C30kVGAnbleafd#F~wIcuEqeFt9I^_k+vo)Z8j)(AA^G%Y~ zslrDtKFqp)%HX4`Td++t8m$j_V{b_r6osCE%G=U(nL!39^40iOVjx-g@EnLX%h7$F z6r2+J$c;8_>@UiMmXO`J>iQ#5kZ%Auk&V2o@id##v=;0}y#f2#aSV(v;OOi+JQWkc z^zNp>ye6TaEM5^Vobe^!`eZOAM1hWI7zDX;OQ}_sKCgMb4YwJeXBz7)`QcBgXj*&- z&j}2?JlG^~f2P1v=815rz^hRlIFWahWP;*V ziz0WsO6DzA=6R|kS^aDY*qL>nU78;*bUl3%uSkAP_LojUuf|+Rsy>gG;0aFk55zX9 zX0hz_>)0_#jo*loaEx0z2W*E#VAF*R_+7ghB@T4p->UUk`ojgfO$XC>|H*W9p%!+H zkA(?KQgC5b6PV_Vflbr5ahb9E&|{-C*S(nzXKTN+loUmH7$V7Mac_^JlFd2P&(h$!BlZyOJDqUmRSeA2v4%}4XP{R80jeJu z#NEql*`GnlWMra0s@$~|SeI(NA@>QMcGl$MmYa&ZKCC38cb0-rb~G$79Zpv*Yeq#6 zBg~fi>`>L%331ogiuj3VDAA|RUBaSB(uq5GFh%H&eenq6KXp3|mpP0~$pc)^v^&bE zSb~m~9KEvT6xOX!VV9l?`4Oq7BsxNZ$ETnCA4TWkNcH!|aeGr%vNed1cDUy`Nk}S1 zG_?29qS6-GE0rxtl!mkw_dF-1GD=@5C8R+`k(7)|{XW0{z;*Ba+;g7i{eHc0TDTFc zs9A;+7Aez)K^yV%b~P4i(HRYW1eF78z4CjeW8Ie+ z8+Sh1>KS_Po`~NZ29k;bXZW*aB0U~|3BO8B$I8FI*|VXUu=>JG{6udH9+fiKCNUi? zw7#PrY8NTsz{S3 z-v()OBdp(jToiw3HaK-%#gw z##6Ye)=s=!$l&=X))y%!4uf?smWoFmP6ib#L-5>oOQidFF`tur2~2nO;r^c%bY62M zNZdFFOI^c3{PG2PQMCv+IcFTX}SN4!U4eNEc8Cl9W=nS$XrOIUJUlRTg9M33186-hZu!IBPt-1_4K8+9g( z6+~*_rN~&&JzqlnZ%fb#*T>Kp(L=mqv=b{dg&^BI$&nTC8Eyp?K>B8$#r5d^aa6;g1`^<}~%>1#y8tWAc z-En#RzE<#RC$DFxA0C5cr4Qk5qYU4EAPrLu4i#PUl84U=J*mPxYr{7eWTRoW3%NRHEx1_}!Lp%+@MBLW zf_xh}aV&z-??YhPC@GXrxsI0e{ZJxzCYMdL!k=lEaiS`L&UyMgG|&r-S|xGp&tUtn zj<=wF_>!V$7Yu3b9xKoZ^u^QxmoZeYfi+dUf(zma+-a^gb$+y3$cGAElJrsBYhV>< z>*b*4>=<;_iC|G5?D-COEAo_aJFi9!+|I7)Prmn)b+;?U( zglyLS&mW7tgw6JryMpsYW-5*7{Rw&2##lZ-3uE8b6Y0H#-YraIlZ(no#DP(4b*VD+ zRk|`ay$C3D+6b?o%*Wm_%5bN`8+tv;ac1N|K3>ofYT7*2I+rpdF9`WR^CbU0rAGBX>Co|vuVp#_Fu;Ka-!5uM%C)EdG zQQt@A)^ZBgp(*!WBN8psUdZ+i-NR1JkHYr<1fO@q4_Gw8k)Pc;9|k>$;$pu6 zBEDXQt|X<{WA8x+7L6C(%5{Q^5l$>{gf?w8RG?G+oT&T-5z%t@frH2Mu}SkKyqAf> zBbQ9DWCKhMkj-f3`*j)^@5i@YZN#h*CZb6L-=Fs8RYF*JGd}Qa7Y*1(9C{; z4KgPhrB;4FYJN_HR;tb|ANS)6EwAJAn>2kHO*s zA+K^j89t~hv7bkOU{JITh>as5y2c)qT{U1+r~z%?wG|GJ-HzAjY@v&Ao!md(jjQ*Z zgYZr>YH_Jqylj0Mi$9+MPJOxdjVFJ>k{Si<6z(ADRc`2a(S~cOEQEgkm&h+$g8n#= zr>=a{Ts;A3{Fq9e+hK%+|r<3{&!TK?Qr~c3TOXWM*-Qf!{?_8;P!`IbhqHqrFPR{_B2Sz+U{1h4nhQgXNhj?7y zI}#RG23sDean<5<+;mhL!Q*ILW&Rg#C5gCk&ON3TxEf|Je?!I{ z8Ud#pgM>Xv431zWIJ2z+Pc{4k&y}Unm8eVaTd&4(?hhgMb}bTz+oC;{cf`llV%YBW z`*3Qi1V3{=gr&wC;>R~ecxvMU=x(125uaUAGixSx7fSJ;yITcDZawDADo6MJ`y|My zQ~ZA84b*toh8pLev7a}L#m>!Pz*qlaIzz|9!4IDy`@cUTqj`Tx+uI=mm#RY4l|$f< zhbn)6aVEyhmVo1q6M3+#0pGvvCycbCFfm4pMK27(2e0qI=1TL7<>-w8eTF1FBQJZ2U2z|2|K+1%`Vu(Lc9ZwT|1H_(M!v{InO(tsPc zcu>EXMbNYP3X@iHqCp!doEjy`51Xj-@S=8+kJkfiuum3?)>`uotA}%6^8j+#^fXF* zpUd>RXR+5JIZ&GUguQmur%n72J94@K41E{EkasPRC-5(C*PkoOmPmmwsROVeQHfIj zd^R(>8MOpQ+?dBsu(v-FNRwHjAc@THpszQTd_xpZgF z5^UNxhHjrWpDIOp!q8=Yc;{dtZqb~Khc>&yg}_WKPF(`;#$JZ^Z9kZka<$Oi8pFRX zpNd2J)p$&2F|=+bbl$5QM6qoQojp4lP2YWHFAJ-g2m22*-z3AE8`@CN>Wtg(9tO8B zSz==&OI(yd@!|&)obu>^_~C;!4#$2ocTfMLPp>R6&s9sHyGY*|BVJ(GvVJ}4cJ_#M^+3=Veu?a{9GlDE%XV%hLdq@{Vl#YVq7jwbHrj-@8?*XN?JFshW4l1Rqf&A8+@TKDkYlxnMzHTwh zZsr_3N4oH|!!M}+U`IoIRJrMyU}7?3KmDS1k;BuX@6My+P1% zY8sX%e`c2i?!V4^C9YSzhV{I7&13@ti1O_koEVl3eiD1Qg3o_sj`1v%bYBS-E+)kO zQwo&6oXu{J97xNz7va8RC&Xu5cawk3$56IJkxTjg!4T^jRJU2ft~P9ii+_(ZSKGZP z-WU&}>VEX8(BR9pCX#Z&bddk`%z`nK+ydKuYQpPo4 z_Q~;>tL_V*HA_W98dG4F_&htyyl{7QJkdX0j8%)jiK_#1@prWmFBtX`mOZIQwY5t4 z+ESa(i5*mQc4`KwB&_9+&IPeQ1?CK{@8G)%6k#x}#xG($9ynYIM~%oQ-@lnsHDV7J zHdzt7uwNh>R7yM|u9KU6hR}WLrnn~Y37dA~Hd(dKj`InZV8Unu9ty`1n$PUP_?F3T(B@ue6s&7!AS<#WSIzh z3zgsl8HWc`hR}MQ!8B6$EZ7fkfXv02%xtz2tS?=KgIzugueTiPrz(&I_v7iA-da2u zXJ%hGCIk#!^Qc7GbvW_<6#AX;#gBm^>{O6M7JLk?7s--flP-jI1G;ZhDsw$Ph0m0| z2yYVav3HY?(eahFaOCkjyA7vSlckg6VZgIx;8rzFaFx`9aqc5#S$+X7&B!37B{R`i zxIxF1OQPoZL^vTM3;UGj@yyOxC@X9w4+kuu`kLFhw0{yRJGaA&_imUnWFtCW(SemF zJ2CfO6qHxRvX$>bnZ*<@Fmw@o-%GV%yh0EuDIG%dFCD?i78&B5TmxP*MKD&VwwMhX z!RD-<1V;4-q43>!+%$Hz;XC8g+f8K0UtIs6gRj2 zgVOXVcqd7c`bFfB7Lz03`g$Sh85xBEqspK$>JknPzKEJv4f(sr5s-aw7^@073r)9c zz)1QgGmqMWvip>1^#Ct?ayJf_hbz&RUouoBxe0f@830et55=`|(onx5hH1!n;?C|t z^un^|!n5ctS}e>i%9yqfXU>TshPnlCX1&1KCdcWJ%k}Ky8e^XFM3%pQybs@758x!W zl}z6Al01ym=NU7u!J=&uqSt|kKzr6mw43&Z40AT44}3)YLb5A_OADRDR>2W4WeFBE zKE)G`K4kU6Q*6x9R_N4_fLV%yPr>6od#`*5&}TL#FP;yoA=&tJXQ;Sq_|{#Q7kIjJ?OmA|QSzSLd_Ni`oXyeL)D`l|#<#LRS>jU!2ZHM_$CH!+Q~LK4(X@UEzxGy%txq&tcDD;A{!%YFh;(t_@*{rjMcc^=LSBAetPQEo6@~g)FoC38CNoQDhvM zBETpuXc6?5khG2a8l;pNWV=-8s0O5rN09++p)zKDum4Lw+U~ z3~HNj`tA+vdgDdGwNor`)*5ia^h&0nV*qm3pOd+@g{0C!mF6jiaQW@)S?87g&1G-gn!XQB_)(^vtw$oNk8$VrjeN-fbvm~Ev*7Un>TzZSee~lR>aZ%Z z&8Lsq1gUeiU5d1LL9^(~WGh^|Z7tUD3nzZC)^LCRpRBex%V(} z+g``aFRRh^L-R$V)J3${z*dk;Kfvan()8TYK>BCSAE-BNWCufs;4-(DBz>nP_8b*@ zj=!|{ndRdJeo6@6`?!`k#cI)x)88<7xd!jw=g7mJRp4;-92$Ck63i)5AS^}4w@e(4^Rb5+E)i2*!)uFwNf`wWYcjuDtR9$SQYXpyaukL(`GUB)Q# z)DJ7{J^ODmHLK8~&-){x@bnG4-3uJK5OZYD%|;Qs)jx^Yc)HN_YlCrL1r~|lOt$0P zPr;)&fu{wul6^fJsQ=d~($sLiCsP(zyfi27<~M}QToR^OZ{T$ zOz?TpL0*>hi{dqZqutm&IB?4=mfYpdWzGA+?Q00rnf(}SM#RI2$D`<;@}2x&WjR~x zX3l-5EG%k!brgaerg8s&x4|+N(fHgB8Bsh8aYfx^!530)Yn3AdjZ|3f?KWTp!(u%5>?e*^w)19*P^MEa~}J?|&Ykmhj&+SdI+&5}}l z)D~(xcj#iS7ak7_Zm)-`4T2B!rZwHSVm_KgFM$I-+vvL_ciLuO1G|X@s>MCSyQ74i z&9`#UFZ>VH=ZEpH)3(s9|2){8I0d%Lb1iNW97~(3?}-A9o?(TIDYbc`$vq$EF_q5g z^or#;yi~4AY}ghWsJen{JzPt-e3`+d^O{8WAI;`bQA@}iwP^6FjsWMRw`{vbA@_*Z zp}YLU(M#zK8lC@umzp*C%m`iVZ5z(EeU+!SteIW?=!7Q5V&!GXZ{u)=GliYwUHOH0 zM>QY$NGXx0s1`a`{S%p%2C%%GLu_VMB}AOC#%p0os9UVh?_AcT?`u+UxP&T|`)tUU zd1z3nI8S@g{ms0*BnXZlszWRNfvhM}9(tSaf}BAd>3cnZcPxB}_3sbyO9!eM-9ed` zR60=!oW_4`+a!J%*Nqh!sbY6Myk#Qew=s}@JXS(q#T<(Z2^6wbS6-BASJ~#w+jVOoA;wVrHU&NX=WT5RW zA3pWwN202l%2f|e#wr=*VWV1vF17u@U?wX=XM9?O<7cMOFS=c%sNgzH$V&qYK8T94!r;Refz?xdbJ8f`%zxrc84~w$ zVl)0Fe9}l0?akMpA(gA9!eX8ENRQPB3>@+FR#@P zgGnkv*Q{5I701oz8^10ki;PZybG`z9^Io5~mdi2^OD}p$nCnXveINwh;OhqwOgT-7WN!t4A&Ltw9E<=sG++y1D(DTa2noP-vA7aSKz;N&A+y6tzeI4&iJ&G+jg z$5*w&y51VrB~=X72C7`m=Lyi=L;07-o7vrwadfGh;Kh9O5^i;tz#B6kA{CT@Ay;eg z)&3ixyE}+~aOnf14VrYt(sgw8o^UQJkNCXA4ALJ|koCv*(YO_%uw#rr**MY_TmlaA z`Y;AmyoW}QkO6MJ7tAl~v2~ZeL(7!__&3~{#^eRi`9g=#N52z;oH>tO*8_@f)}Xmt zf{3-EX{OT$2#(w-a+kA*)533gOTuWlyx19X(|^PJo?hl9YmK+hSkV^kk+j#T2KsU* z@atRtvb?GS3e@NMJUFv03>!!7C$qh?us_F*nh2c2Qi*4* zzSA5_moO&YejKOjx#C@)Pt0kE@O(0f{uvL6=wH=JseaeodXTqnGwea((Ft?2Hfa!m);!tTl{&LwFSSD}E=jgu_ zD`X4InB_u-!{#X#^zUxLrbU1>MJ45|Jp|Ek-$EZnjgq2(^l9V1-zQ zIJo`;#|fcSY3OLW!{>wOj!gD=xxSTXU@a3gB?t_XD=;^w&oY!Mxi)CxGUD`v4t%X zC?4_^QfAGjt`n>%7aBZ!2H0`*`3Gb3pTdNg!898;QuG)2K9BlISE?

+Axn+mjz zXxJH^&&2c+C4N6P5(*aHV+RhGpwEkH{An%(kBvH+ZRlCL{YE3oou)Lr+yivn)LGf@ zA-s3(J~~Z@;Crhoah=^SrvFHVubS6R-uP^#!-cMhYJ!pA>anKZk9p#8`3}g6)Z(%- z`S?t|3&#n20QE~1==@NZ4%0A)1ixmeD|{fXywp!BW>14-BaU#r`PIVQs~iqj{e#i7 z-@?+BU!dP}Am3y15o0e7?~ zgWH*2)O2_QKZO0W`nXpj!{3`>*Ht6#>y-uPP6KEO+?y$489FF#DE6mUqy955C|@v` zw|_|@rNhV2;^%tsdj&cMxl_Hrez%f^4gqKztxdmpN(vk(C#-2`AU(_eV{Ma#>|IJX z%ldK;6wYbj@5z+J+b(3EEo9NE!UGIMlGNVmEF8>Qj-RiFW4PjYT-&@9MhiKTuxuIX z@umv?WNbs(dKo%-ffVFfR>6tkSL`bD>ckZjUxRD6z`~pNQ0zFz6q~D>;PsF3^j@zz ze=D4;!|(lpB~8k3s7?tz)=z+Tp*NCeKtydJmMkkzix&=3po<$$yMD)r{P8eBZ#Ar% zT!AXd5tzPIQ?&J?3dG2SV3UVDy_ujT?rth3a?0*Jdq*}*JQxZ=3lyo6oEap?WeJrm zJ8t8d4l3zZbpPBwVxANZjqmJX=|d0f*0#a`!2xU>Cis@k(y?Jx98fhE>}mZEvp%VT zimnzdzA~CW7`}r9xF?8(i6tgRkHzT$g=|<`JAAk+k6rsR$Rvd{QTOCCICuk!TyFgo zy^f2+&rKoFDecKaZQh{8+B72deFa8aO5(Sp-!XoXHN1TERW#%MIucvIi@!CW#MU}& z#(UQXi7FEoL*Jy?B&p~L%Dt0=Ot~ybx68-353VwMBTsgz^&hj1J`cNo&BBIdH_=Y@ z6eeu1N1LU>S+e#Oz5+v1+gOXss-M6v`%X6Y<288Veu_B$7fFf50g#HTf#a*@GF7i( zc(P9i=KkF(aD+Aar91ZA14t(=) z;I%@}<^9bAIH8!6S8EjcLOXv_Xgrv#OIb>&&U0iRs1Wx%0s^T>)NRNQCu!g7945M4UQe6n*Zon~V)Jp;rrX zVgF@2{5*D=xK?`wxfPI1=k4ng2cI0p|Lsafv!L^^≺0k1S`4_wR>+bqV6~>AzX& z`6CdVbCRqcpUGBbZ9%nwXbiUQKyi;f{_X68lu83OI5^CHq@_jCJsA^xU~`12ejO>= z(<)0h&;JC~|L-A`ox_buQLJ}`26bOIhXg+yEAYX70o=seO%| zd7MrpBZlML1+(yLW(+M1TnPVmp2HQV&lBl*ALu9g^g{P*wp6Q!1z*SlB~NvnYGwhA z660arnay}<=Vcc6`wW_G(nRf}jzmx@ai=-Y(bn;uSY7%E!#XSOXFDGh#POKu^#zi; z=diDlm!WKAnph#um8-nJLCj~3V_NQKF=M_ZabQ2#h>{DUC;mcCD-ofmTgYJUQDw@@ zGeqkh6zO(*OAKeI5%O}~R)67bnM;wX#QG_FCEthO9VGUZ>la&Jbe}~Z;cSoP{|aHIM7PUg5xp$5(k-1ZIt`) zA08|ogBw1$LDe2*I(Yh39AYUc9xi=H{4%RmbU#5J6WXtn%d7y_SBBz7Df)iqu`Nk{)X9rn>Li8RHnrLvx&ehPh!=J1MHx z;c~k_`*~>qP0DE(1uymGL#Nr1(lO6)tCK&x`sHmuHeB#;(|oYsvI(T$3!GtdS*i@? zP(&?g*!?)Rzy2?&ZT|%g=D(iDf7gybHa%e&8Wv9UT5|AvJnEhMGOGqPH*|18P(MWX!$$y$G`}i@aTv7=; zN14+66;7}xSqINgQsB9#9C^x^Q{w;Ti!jjUAQT;5M#CPf;N-b`(0`sRsqQYoo;O?I zy?PJJPvNlX^DW#JwTLcE%EcJpSa>PrQ#3rIhOA!`#u8>|!6rvVo=syAc1hAZl?J?5 zcprNcvQYh@5Byybi-x%|@TxP1%_=8+=795fMZt+ipL~f<*=x{ikidhnG-nyz>7s;+ z;WShGY0-jhGs!mXgF*;wD&}f`7VbnP_;v4Rrs+F}4sqFvZV#G>(d;9zT{>D+ld%Om z&Q8J`>$l;zO=rMDSIn}HmZ8tkeyo$2hsRsLvFQ;{g}H$p=*S%tIVfDf1eHW`{>L<) zLCQth+Q-1c)tOaK3dY-Yso)hXFP!cD?5lL0pm}IAyq9nwNAxI?(XjA0n}BGfv;{i@$yx#F7()%ukvStiH5$HuWK z_dek6882XA!fgCzd5~SQXe(SiSB=uhBE0t5f__^1434<`BFf?-5@YI&Hv(rsh+I6G zrEH3WqYB88%kHp$N1G@vJqiX$?FRSrspvIp9?cwm6WiadMuTxba96Slv%Hzb9=j!g z!pkgNt3HZ9+^r2ha!geEdW+b;-vI5*YKiKxVj`1a0)7vN*$$qvM&Q=n#MLL4AQe}! zY`wGWldn7R@K(X7J+Z9zN=wns95L}uDuL3w*7Qf|XL4qU;M$3^hM@2Lq(&zOYP+@R zLA@y$K0FS^dEm;>BreOT$AgBKnwg2G4T_5pu} zvGD9XV!zdnfA%Va;l=>6-(I1tnjU=f%MtiiGCZ(u7(YF=hOE6}jOOcif`-OrCcW_* zc|33%tS;51w(I+FnUGa@G$RPjiu~x2y#7Ly!M8BPQWthnO)5^iiRA$r*l;TtBBj?6 z7xhuFA|VTIRiA}#t5oUQwiMuwnb2tYoa}k1hnd@B0q*}5PlwGgCUO~#S~HmTEMLm+ z*;>HL1f`;|9RibTYB1KW*~ZQ^o<{vWs^VkXr^MqQdW-#jNkQL$8_>L`7V`Y1u|eS? zrp;BueYX^8?xr_n^L1Sw<~Rwq9IhnPdl5fz*af!;{Q4=Yrt^sdt`ha0sjSRNf}6jI z5qBM{!nHZKF!t#XGW^I_?DchqFfx)yn04ZI4O=?cU>v+|jAy@AGz+ex=k``pYKY3R zPSI(-1W?Owz|ot}VP47&RwZ zWogq|dvU;9BjFy<0B(0;G4$_kB+|?Ai=#B1cW)Tg+EoFs?+vHU68qt1))%r_N>w!T z?O`AWeW=o91{+3g!-M(;cp+8~+uj<{9a|^SMCZS__uG5W+7pV=kG_Na(}8f?%#y^; zng+dJ^k7VTB0lR%CXeNm@a&;HW}hE{rg^edZhj1_L@(<9Mi~ueo6rwRb5JuXn`BrG z;Aw-Ed9`&i8S+RM%zFppKcRne5p~Q^{%JU zG3X>_oJ)X}E;sRgY6%+6jDy%)C!l=2F8m9Z0w0|zS58Lg`#=d0;A2v8$JeqBlEtf(kl)>*v6fg z$$LF()a-C05%0obDK0^;<{G@GWGkM&EfM4Ls_=H$D99iA4!pK(!8KcqapLW9=)G(T z-0v55j5bU0m-7xf=llx(WRNF3@t;Apc@Vk?yWO-4ukq}^Y$9KkBI;3`{Qq-mEhX>wxt2>&K@V)_odhascv?(Hil`| z>QIyZGT>ceQE8PY6|36wGL1BBAF*9za`-GUxOo~Y&XtlkpB@1^{6LrNc_6Fso_saP z!C3b+Oq{R8&*#}fj!P7G7<{W}k?V1sRyvit*Ob7zjbhR0(jI86`3~xdO>o59fXqFd zjZVTdA$nXdcAOAn&ayy=E=`3^ZXNbD$9JIPq-1PdS8H!3f_1cAJCcg@2j8dH}POIYQFna&Xp;CHP0^P5UUFgn4Dh!6niQ zzbRb?g{HMc`-=|0R^kcbPij;y*c*?6HB2fD4LY)%l5b3ZksDn@9&+;>mmhJDnOHqUjyryH*^M~5h;k~fThkM0otdH=d-tgvtH4!BC{kKbeSX1yeL zZp{NlNg3*T7Vze<$Lz$8p?szIX*hf?9cuUYnBdnl?n%dGdg0{Dv(rQz zFD3)(_OYR-Rq^YEoqV~>Q)sp{pbeK7un(LmP47VT8yKI{GypZIHr0c;Z1TgNep z7a{cF7CX8IrajhUpyz-;C?zU!XO( zs0r-x=Nh#5@N3pxDTxDzJ;C{#vr)|?8xDN@41MjhVpnmZIG`i1*AyvmjeZ1_SP+lJGHacXGk#6({#bhxSQ3w+Ql~=Nhh*HekNF$RRkf|Z{dYpPs-MJvoTg?xFxt8>x7<-$;vVG`}{0>Yx{Dtq4*)5 z9CHZ3SO=a8UFdUy&r7}8l>I!_3-X_G(KUiV_?#-SUbHaBm~;YXXaZNXci{7{d(teq za?;-OANt?5;6_K(N#vAxI2`#JJHJR$(=(glbB-jxxGodN@AiaoPPJlO2RgF0LUi+aJa+CsRwl5)D(CBPg?=4@=Q~8? z=5$zb^anGRAHav+cnU{mG~?_yerQoMkY4!i3+L=FL&i!|wta*xJ@9OR)L2(Zc?A4Y>GzfZ{U&_|)$asJ~y%j=d1>Y@gGh zc&sz%D-Y&#g*~r{$4$X6cmYojxsDRk4-=U7mTm2hX45|n<-^t+Q;9lfjI9bpv+J9% zI`1)rSv|%DGZ%>lZ^#Fm0}Ax0!~h(!f?}}uH;}ukjr-F6*l*j}z%=5Iz@GMO0_&c^ z)}Lk;-Ds2_SPGn{=61DnA?)l+auTm$rxCpRD?Tq=F!HiVeob9VbB;bnEqM& z6=UD6g}IGZyrH!ie|W^f_%9|r!)F3nDDekX&nA&D+HdOW^yx5VxaxX|;Z|*5MG$ICmFJeo0aP#wHfo z=#J}3AERW=YiOuD27$2;vBN(VPwrCUfp=Y~3fqGZ?Q+pt?88;!U!(jUC)8(>e6YkP ze3kDf%#06FKh1@F{*80kRKJQp%4#H=)Y`C5HW_y}g@R;dHL6B`!3;&+fOxtMc$;wI-(RD-(-<1+%p)l~LRAE18(*K;(sAoc3s; z3;w(W4n|9HIcvcg?UBvu#_NLROizsQOeK}tr`fqU6M9%vkKKBmhi9BJ!E0GKDxVC( z>n|km5lx1<**R!a--id2G>G$!h4g`UHkfWO9xm8^`UzR(SAee;O(p}347ov_4i7xD9crdtA-Xclu=tZY`e~CV1O_KbZKSlm+H2r-^pWl!(BO1lAC^Kgp#Qd2ISBB*>*9C)NXu@Z}GJl#7 z_m*6)&c)?Mp7tk?F*v8i@S5NW{!K^lRgWJ-+D1b@##W!~JUWSvtiHvhp8>e%Um>rx zvq%YT#4ZhadsmgG^R z_A-O~079n=S)^_USia8&%DnZ_(!vHARY^El{Y1Nqe0 zM5bY@hR*S=@IwHz26sjfiT@HcOunQz}*Fem25<#!V29O$1 zCRSln@MrO8US#-*93TD&e`;HaCbr~5oBw{eXZ5?Vr>0rlbNo3JMLlCBAwxi=W-A|O zJ06W6QS{OMMQ&}=$1i@*;GWI|82)(>$SpRcpED+-XVnL6T98jfI}Dg#QH;R4?H~vL zti$Og@$^-II!%t82XzZP*qcqkAniAV`#o7fG-_>x>~kR0ZX5xL_G{pqtqzn~SnzMR zPqJFIQV8E@36hWI3-8Z!@x|dsac|=;<`}b{)KutFcTpBT`>aVF-TgpT&yJ0GEHKLY z8`#>4GS_S_tzx4&KxG$obt1e^CQ+qx; zTA7|t3xdO~Mtp4IIUrjk1P-Y)t!;6^MblnGaityI_{E93@6!2-ztZ!uP z4GlVZuOEIetH502Fp@mX8Nao;7rh((gI$wp!3*oXVELxy*g7JP5A4mx(YJTertc## z_|qCjT(7VbNVv`Oo#gNKiTw4&i!8t=iW0imd$%zOL^q_&QRx@IlD<*?K z7m~fJbwx1`Q*ooYa6h_t2`6l8BGPq*Shai}>I)q7B41-VPbwZ_l*ZCbYd03r=7>MX z64-oOhb7hwM_bGz{IMfTiP_q_Z52nQsw*iB|yh`4i{W=;B3WD zI6d?t=_sE<>u*V5@{@i1`TcB=v^a)}V^gp}$ca7n+JJO#A`$saqFHLe+(BtCjtYIv zqQ6cp2g^6B@Iq73@Ot4_ndX4$kG|l2IH4fQ}EdE1sivs!SJR#u-0KXKTA?Eq4q6GWJZa9*eu2)JCwln(r8%T5=;hX7vV)?gb~7S+iijbk6ri~ zwMObP9wlT%vlipIT7VB1g@wP0j%e8CTqL($FhAuq_9g#d{kNlWhVpi7PZzjk6^pRI z@;F+|$srqp6Y*Hm1@R|6ff?HVf$hH?!~P1-%JbDnafEOVivQ$GqQ&}fbwEapPs201zWP3kCHfh0>!ztwM zn$Jw`VlNnePbTNK%E1Kh2f}_jp6N9Wp#0}vSR!QG;zrvSO-k5V_^N*-m0x5kej)4x zbELKc*`6i}G;o3q@07q~#5`1R+$lPGCkia*zQN-LMB+er|@sx7%<|LM;q`E->B?EAo^OBYJ0bBrIMxl}sUgbm+`Z3uAlPv2+Rr_a?@o7i#sDvA zPlE4G{upxT3!atT&C+|Hvw1VCm>(TV8(&D!yx17JD7^>s+hqB{2OnSpKY|(E!+?7V@We#i2Hx;Qq7&{{+quy6X!_;rx%~Z-4dmYEhaIu2U4qf>7c$5 z;m0d;NKyWUZMUpJQ9lySJoCYiHk>+q{GLyHVIMF&&r43tm*URMA%AKnL#G#|tW4F!R$8@O!Js zD?VPuft?FQ)8;DSP48joerGe*rJfVq)M1cfAQJ*$f*tTm!pTPjOP^2%gm(fFq|0?yvMY>}A|hOkcSf_y3ck#)A5acHy(}78OK-6Fx_i${d@BQ>1i(g!!;l4+S>+ z55eEspNG>PMG}Mk##n864P7@RVAVh-694NbeI}RfzmC}sS_ZX3#v=%4jTClm5$$Mv zBnU6R7!FTcwMlk@FV`;VN0yq8A^o3;j_`McpVi=%`J?$i^9{H!?gVpq=LF)Z9jw?@ z1eSN!Lhrd5bm!4SXusfp6rG1d&EFfx+a;kzB}LJcillMRbF3tUWMm|=%7~0a6zynA zDynZ*qJ%=!JbG%wP3abwEfX@dFT0f!; zyi;``Z}JBm+#@6U5mN)d-gKgHgm{b#AbimMklqef}w|%$^PNGBU8sT<8;AeuiURYYL_r@ErQ9R?vS*;nb4$81?gev-Nx_0hPRyLGxZ6t8Vmvki z(~cezjsMS(RT*aDxblOXAMmBU`Im`*Y9!>vSkq^!!X0mS41mxD8b8&KY<6!IpHUyf z_IaIWPG+g-p=kn>^?u_0R4MNLd^T?R*G9SnV@XD~F;Slri&G3sh>D~)AJ@E)&v>N) zN1~^p{@bnabbkVjywb;(zMF_$ORK>9u``~Q+f@8jIIn6}0(>*FqV{wT-v3jA%fpqK z@uYfUJ8l%@8$DnTWei|RUNB_F@5h!#bDEx*fwvvLuq#!^#Icn@@I>(=Oy8=;Wlnx3 z)a1G_&));GkJh5Q~P&nMVi29HIL2AM;;NFD;cqI42A1N{DV{;B1 z|Eoj&A{+kBBM#~o_CwlQI~@G02X77EfjXP>;bqbhR{doNR_>}mDF?wVJE;=eHu^!{ zJ#8p3^dW~!v+?2j7{cE)3e413sM7KqvxFSLuHP2?kjR$SZI?ia<;R&?uiyg?7zOD) zQ%Lm7&v>uu2zH${q<-6$(k(_lJYR{CJ{vbqHJQ zdJ>-2dtjBDH~u@MPP@7l*ie~0q7hbgkRSIKkNi`IGjtf9|1VQ~^x_qqbo9JPRb7Eb z=>B4qa`L`Su6m%84ZyA>{DYzrAIZIfd}!?M6OhW+EvGPQw=t^FhOE8cood4&B3+ z!9Lw9;9g`c_zMLV+HfVR;QURzp)L!j=iXyW>SRf3))by#Er)%jqqsHehNkyY{D_*6 zqse-S4O+|i%D7bgaKHhFCXIlYrFQJp&?i_r)|L9TCZYLMPt3ablq58J@u_X@!Vc^h zj)*g+uN7|M{X;56efLxNa3U}wj<1I|ck=P_YdJnFPY?CR#Pc($Kd~lr2~L>PNd}NH z{J{}fVzpogTFAeF0Q>oD@Un|=BV{paHX6ZO^)jqcISuL4zu~O4UckP+hgjbkyt>kv zmCU{^PVhKaeC_Oh5?X8t`=};WjvPf>MrrdY7cXMGkBHXq2xF;h?2u0RD0-sTj3&KB zWbe;aJaD!KPn|s(S4s3iVB!>TKN*fMgr4yCp)x|0W(M{7;Eooz!f@N}3~_VaObUPY z<6p@!xc>bixOMv+Nr+9Pp9G$0$g~MKWoi~4sy;%3Ll2Ys^^KUZep&IVLKT`Q{T6== ziNNjW^6a-hna`&69OIW84QTN98=$#Oxa)+KVQIYZ8ST1*-B}6nd+j=+l~E2SDpup? zafk8q?h0smC%hk&b@){4_TsU6-&soQE=bmK!{Htm!D5?`oz^krnhUqV#yzqiw|Ox> zs~&*CzE>c7gVXu-2_C_~|f@X9p`$-n#P z_G@6V;x1L;`IltVvjtbe4z`Utj9$OOq9$;{Tq1V5x*g_q&dXuP?Y=_RSc?aPL^ z2~+U0i2=P@;{eM>d9i7BJK5rM2_U&dp3hojkDIb`#D&kV!0*IAFgEQA(ASFeP`N!{ zVfu(2IUofx;maWRhZuI*zQhqX>&RP~7;)p626C^x8fu>|5hY$9Ltf{3(ez8XWWd>v z@XpnSkKTR>=V=Ho0W&*jmkx%etKM+e_aav7^by@84Lq8AS=i}Jp!=Wwz*{%-AZnaC z{&u;6fjx~_{M8Z{P0A!v)o;LhcMX|-Ug(vrY81MYf5_$?_fXou`*A1Rz;XV9m? zF_4mZkL14_34Zo_$>N32;Jf2_Op$&D5<$VRYUB$vYi(vBg=M%-!wwg&P^E_<8j=>~ zlHrrIxo)kz(0>Tw%8qep@Tr77iI~c3`XX82IA!i(^M|b0=qDe1b9k-dpobeTB9|h1E*62-<6Qlk+nnnFUI&aIFZcy@dcBXe}_#G zn{c-WicYU6N1S&I&68yK-Y1@H=9@#XHnEDG&%Gd?V|+`<2&&M`P00{4ata0*Jr&O4 z1HtO?Jd}=mgPA^!P;YO|7gjyNTH&sCsjfh{uZ3auvg<4|_rCbHj1BDCsES_#irIx> zzliF<38LmMNqint0rvOrVdNoQ{vvbL>-~t=+EXNPmJac4KH>%Kq z&4!Xkm#|+X3l*czgQV+yEVS|kiBlDdHB_>2p^quswZo2loM%h}_Pen1(h8c4l|d4)^U2|kTT#tx=W(=_CsJJ_HT&9$ zU+tr=1c6YyBIWhnc*5c)>6|?Y14ccF{1&;M%|S2R1x`Tu&d3df~}TRCwB6y1xpao>JjyL4RTNkF&sRRk(Vk zGWoryp!jN|6}DWABcSbtSALn(D_Q|$w?Y;ybghIrvCX zev1+vbV0;LYXu&$loLO3ts4FRWWbtv@o=}jgAG5bj~b4l7&1c)6a#yuK_%&QhP zSA9a4<$ZSdGA7U$HF7xL@hQxHl4c)!RhRG6o5P1sc!-BJOkjt7A)W}ahh9o+a>N+Az8&Y%Uyr&_Z5H4#S)^bx#jDRH`~B+g9FD_*RkKr0;puCr7a-6?R2BD-*bgDy|`^c-a7L=f#3OsMG(67`V1Ec=6hBnH!;FGga`e0l2MpNmnpfAN#}F$7d!gPoHKKyzj^ zNS(`I`lF^n^;5yMyEF+;j-En08&bq6-zd$iIt2M`%gA4=CM-?z=g&KQ;l!VDsM1tG z0;lAPQ-$Zl0`K42agZY;G^MpO$1vb>wfM*@PCE8u|9gqJDf%IQ*N%)+_EG8%sS6Y1rN;uO7+?XW$HynG}IaFZ1F4=i@MY%73s;trTx8S7DSK2BsT5R;q&AqsJ<|JC@nq$ ztA3VX{%gTqmhDPPig|wt_qN~#NW#rMH^KMSP?GF+ zg+%CnB6aa&aare9DE}qFgM@idZj#^xo@t0HzZ8IJla;;wyEH5cuPEM=vVrEa5O$xB za*l)pv7R-edu&Uu(sOIY)5UKO^i}HVNa`pC^~z9Ta)(H^PXItEpn4 z9Q~u>#C=NVpkn+*Fs|3;TlC@~#u1pK$6t7+5dxp5m!ay;!I0hcPCRvEqQH@t!<9#s zaEkvT+#qxYM^!Z1Hza;x-l^S$-IIoQTg~~t-TQH(XgVHCdryp$vf=fLLj1jX6@R!( z27|>p#gU#Xxb#RH-mIM_`cmVJn{)car!JX`$9{hXTZki9weiDsJCoqlBqem%R4bm5 zF@c#5FNbyV*~H5JKU}v`i-~)*p`rCWjvP0G-kDJEY+r?|;>T0J zyPC9S#3J}7aBb^jvv}Cn#?#jV| z)gSPy?O6QKS_Pjcv=zC$sRPBbIGiON14?^S#Fk0J$)or3LWk9rYc|O7L-t!~uDm+U z`Y;G+;4Q!dob4AfE?q*8q{3XdgQw2MPOqaFwE7fmbL)ibQzr4rrFxK)x&*xzMX_IY zD`4EQacs|qJ*cQ0g{6U<{SucDN%z6L|Ftl8-E;?=51at&yNB`pOIM~WAHsHyazplv zu^+QakvfWK_Ja$s!%3PKX}u;9o)=m3d<(v5@jASS@B|_q=6N#}UWnuMy=;7)OdMZTO&^l{g|VT3nWS0%uvvqV~bD zG+9ZQWw&ZTY1%;y9DW+@bLyC6_Xs>(uPx-|`k~(DrYKhQ5k^oID4y*|_zf|rPHSTq z4GuFBTMxQL{mf&2g5Vxqhi@NQi={R>63;^;S#?7!D8%2u5w_82I9dtfU+9DCu^92X zJ*u>CZ8SBBJP3hB;h4WBgKeIn$Xsr(1H()U+UO&Jg+`eu`8$Me<{>qVY+VP*ZUj#+JI1zeGocw(PWH97 ziDW}m0fd&<;&bUqC~N6MwqOh@`R0nf{_P}(Ei2*n(J}b4_!1gEo6SdVFk;0gUc;;V zeL%i?fXWZyyKnRpTX+1#@E39zJo=@0rNvo{`gMZMNP2+cCNr8bM1fi^Y{G2;FR?@5 z3u)fIfvS_XqKZu-oUpe-BfVG96Gp^8CfMMwWplYpL=L_?@f$psti=_k?*!lGE%065 z%K~=Z#K$I*Xp;AptsCXcBNdY{H0cBR(7zXcbXP;MS|XS^$&x+YNb&X-im5;}kQKQ=4v7}IgzFK{?d zVBpS7eAaps4%_x1O)bLk>|!!e>l~)mkAdVMbJWO*1e05n(d`C7*KzLroR97h6UThM z&EmIx9QY8^zoNEF_0az;6m;vdpvowUDf>m@oV@X@+U6uPu#n^SKN^HQkTTB2!C-va z4EqauU_$RTc62eKe@Q9%s$e5{aXoSD@;0)_CXPw*fiO*{7=Cvv^BoGZM6fvX3Ezie ze6y^mf2IPR`9O*Px|D}MBbrcaYb@>?6^Y`>&)JDRvtf6vjOd#33*^30X$}5MM zv!H`@3=!Nck;1*xtsz8T*n?h` zq>Wa~N!5pNs)OIy!jl5aR5uk&yK;frSFwOc6LE%#1Nx70rK<~c*nc$(;Et&hmVGk^ zVe%W{E)Gi|InJ{pPP9)R!mJlz(kdhTp|s<#hh#aS@Hsvj4m52bgv zra(?wKJM~p#nX1ju_jo^FuYLWLB}rQwr6IzHQoT$Mx9^|ovEVQNsU-O=@@R_RnE@r z9R}sPV`0>@F?7Uq2co`wJ@$UGq`gKCv>E}AwKinQp zd8`44Z>dabc0FEvSd2w45^(ZUHF~j1hos5V#lLsnKglE zDlFwW-QlSBYb$4Q65#dDhdi7tJfAlH{Q3t49vQF;|&h_4STgG<2=A-~%L9>kSEzsFL(AW4$9U-%C+&Ej5eAMXdC)Keas~ z&F5O}!IhIA;ng=GP<-hRcrN`076TVU>q~)^vm%HkC5DpfW0&ZN@pn;TPCO?65_s~5 zhr)#sEn>TS!}z^TW2kcBMfg*)ABQ+Qz}=3i=wSStj5q~+;dgoJ*7*%qy>TU8HP+zy z-#0Q$&6au!nVk8S2kjS*lBa)G{3WJkapL}v1u)g16aQsg$2;C<(L^|(HNT53mbVMZAdios>X-6DPp1d3@hm8|va6!_;S-7Z_<9@bME}8g_p$WHJjX zp>M|{J?LlDQA(`2WER&Wx$&o<@ti zi@3FSFQmyRaW{N{8UY`1(~$_8U*d!{k2U#u-y|@s3kSo;^>m$=HosXoOyDB~!`#ql zxZI@yup<^S_IP5NpA)S6*A2&&n%U8B*GWb6XUINTMBa)QP=)lkaf#uGuOj>`xr5z_7Puux>Y#knF__i1kk3;zgtb8hMd#i=DSo-dkqxRUBX2Kd zQe#bNp4a|?**vW!iu-!lE%$433m(Kga<%I{8r*L~>uYu_ZEF~}|Jz1V=bT2T0BN)mIC2-R)iby= znJ<|(i?$RPa$ZviXOBv;%(NhonFDocO8Y<`4^^NH4f!cZ0M@f{@6Dq3dZiV!uF`Og#Ah$hhcNoo)@BOl*%iJ9JYCmxq@0lWhQcVEqL8s{So>w1pT zghXd-|4_)7#~qS-=RDv1V+oAi)d7E$bHTGahwQRhA>Qcg&Z~@mh?@#Jq0n*wC{}#J z@+T|6$zd~huQWhoyE;!GPv&Zp_ zP&2Cb#|z4GJZY@-J2J50IK~tx()8XE}Eg|7IcgUL8i} zyN84M`5}-Z%dsxnmCk(?4QoYxZ1*xFZgKe&9MW^aMep;$c2NpE(+Pv8w~xd23(NV# zTWj$1tA8k8Z4YgOE|Uine__hVMJTao5Y<;ylrf+EB#FrLZCG7Fn=k1ct~-LGA|$zIf^#SUq3{I8I9!f2~|Z=lv0QLYtOz z`@z2W+(Cr#gW_4|ur4g@`+?DODpB)60g7Lbr_=T+LWPeiHF2$Eq4@*gnWYylyxNNT zizBcp~g+|nz=b%gL==dwm%ecWT|O(yVCXEJtA zVpwXUN}t3Vk=#LP_)gIt-tJHl9hDAae1R=~a84ojD(jh@-cqZ0~f5qYoT|#gE6)Fj-yPq%{uT_D4eyeI?8*zG1nAHdUPW ziTtyYrI~xm;KIGb@MW7E4^!;J78IHJn;chyyK#iJ9EQS?>8eq#!OFZs( z3D?^#rI!|-#iQ@@isv4QVS(qg_)3R?yk*A}Oj{Bo%KFp-t5u}%&4oa4;dXfW&|JDK zU=a)$Exf;u?t{8n&FrSP3?1k58`{+3$qEU;Hz|j!*9wp zZfS9RtVRzu)q+<1IvyEUisf%Fvnx6U_*vK+6m{>!V@Y+ySlr;JBTQ~x}w zMsMTGmo{U^)-}*x{}bG!wYk*&UQ{Vw4u&a|kEXu-;nW#)^|V_eN3$T5Q$5U;N(h}- zGy`%TI`Hv61F7-aWSHV`9QKCH!7CRhgYowFxIkNqR#)7C?yXzEc-Bc!JK7{_Zh4Oo zkc3x1b+al`F0!gl0ojp7$U|p?jL9JKc9$0SI^{~Ue_s*n<(`Gc4q>O~-;GngMcThi z7z;!7^{I}!Ixl-zfv&qf1poX{y6?vUTr1?t)|x8vkIVGHN+svB@3J_$5vJJIK$5i$m8#whHG&VLD^3cwC#mwV=4W`PIS-;|3rzcJLY1bg(Ju{( zxJ_@V_@>TqaC0$4r>j0Ny!5MR;>T&I{6?7L&>^@-`Zr1b-XUr^U5-ci4NO@?xOvuB z{EeD)-feyQ@vAiLnve!k^9R5w)qa>2>;{WAOrbyiGZSsS5<>!1B&ciaOLFYAKP)uA z3nQzpk@L2bsObDTw0$!R7QX8QUsVt4QfLSx993XTS}8gB$`Z!7a*@%YQ?SbXE2wNV zqjdW)@IQHv>^>s<^evJ7ev{;Xy98y`Z}HUBH!ywKGpx{>ifPi6 z55Dyos~{4Jy)-!Aq6z2MEykk!TsHF4f4Ioy1IAuC3>HlSe`4bSmh>bDTWfUrw29iN zsM8^2Ngk6_-6QZZeLF_|UV$m%V04blU;!cuM^-0c$a5)Fai7eaEr&9v%`?SAB80Bj zI6s`a%bECfzJQgwlJw5gpXeENRa`S-8(y)P$Id!E6g3RV5#5?T2iit62Sl@1$qGHA5_;J~DSbblO5XiL+?ML` zk{w66?P~^x8)ksb-GkVQ=_uhW4aVYyq$Bi@eewr&%%xHIdC38)qx}jOdMgX>(1o<) z+A~<;n!v7As`A6#ADH6aTv(_67M3){vIC!Ii)w#e7yav9z=s-$_+#sv&}S~(MH(OA zvj>E)s5jyd0!Gpl?*VkUbt$ab*Nr`KBKkVplkkLC+_ZEq+j7Jo<+m*0J$njBuiSI; ztEUp5j5p7M}~n#$nBpx4B4({Ix5cmsnYhtU=Hv*6&1@3`ca55z2xq^>*v2%ejl z7%{rUzDT{D&DsQ9#e2IbJ9>SnQ|*=2M)mxd#UmSCy;L&#YY29MsI#p_`Q z+2aojATe_{JgQ7$-S7Kx>x=-h$+{C1F1%yARZf$A`Lbx#W`ytKCeoeqM$Gk60e;-o ziv~HuURJz>=a5IRbfh{AciI4t4_*@4`F_Q{CLs{|DGT2!8Nj`uT4H^141Q5+V}}zr zpx&LsLQX7^=P#;*HCI(|Yezj?xLscqo)d$c1dn(h^n%`MZ;?WtH4BuGqxRkRVVIZT zzFDNqH^;swR%fE&k-0S8Ycv+BC1#>UbCc*m#5LkP>K52(S779wTM!~GJTKdHaiXjz zt}ZaZ@%QEVXDe$SLIz>TdBNdazZ}0^nuo4>@^p1(8}@3u!pIp};3m);|_I%^wA?`!y$+UAYXHz>I4Vi>L z`mUj->{L#cHk=dY zL#AxgXb)PV9!#u3$L3+Pg^xf^A&#{D)fqbY)9eB z=R#K|IF}BWT|_^H2>kChJ+^0-5ukxB&qaTbpXUso@|9o|rVjffD!{EZ6zpa`1gT12 z{-0JRetfbTBd%Q}&5I3aO3gc=Ct*nC+p6&X{d_hvs+Q=;Ar6hagXRGewD6?|wC{ZZ z9i>azu2u=Y{?Q|hche(-jz1t#=cdt3OWSbFAV*>|N{W{)SD%eDs6JX!`R6N{9VSC3C806r~{iK^%{D0SR*XyTH-9HR2)_sBWx2K96=jgyH zS$Al+*W@xId)d2?K&Tyi9`2|R1`U<4n zQ{{{O-a)z2N_wbO2a8uP$I?*)s9o4Swt4>sVtqpjzp8!}^0b?A?hR@7=EPWjbImze z=cmNUUUwpK@tC;r!ed;Tnh7#Po`{{3J`=-WPaJgZD3&}uieqC%{EF{Ik`}xHPfOp0 z4)tp&p7{WudMS&{Ero8zEoC}$g&j`pc7vORQABC3F;46a2a8d%H15tBsL6OOHoCtL zCTjyOd!H*BH?RaReo^JVoz(&pW+CfNT+APbt%kF&X2SEl`^4@14cPQ_H`#vofY4dc z!alPMylyN(2WBdRm(bld2@6G)em%H&{ul8&EKi?VpBFIOSIL&k?JUV5l_fqh<9o9P z@RvQqnR!Nvt$IQO8)F$vG*;?k3u^JEB|Q+F9M8)7UGZ{yGn292B)IOEV#J^`AX9r8 z&nw&@1+QYrYa&VarxW3=x5obW=UF)Br5%5FPENed!HRvo`4VcJ_u%CLg*Y(z6zp_8 zgPD2OyldiAdL(2ORAUfnv4x@=^9N(S{~p$$76EHgj$% zp59Y~MMX;N=A;3*uxAto-qOayX}6)n_$-D-WaCw%1S}k8C&X0WVEmlhaJJt7($*xy z{D!4?8@kEZ9TT8J{M|12<#kYMIsrxveq^@db-|hOfTgF&!uIOR=%V-z5{0?P>zT2z z)p8LHD!h${`i?==_+DJRX@n@`rzH0L`No3e6lnU~IGEc%6EYt8VB&>-79UE<**X<$ zcfAEEGs7`Hp%o^G7`P2u1jmFNOPP!sUBu79wUe@oBpm9ghhbNMy6H#L*psG19o)(J$u<|6KxAHbcYzOh!ZB3U#uL-ag%8f~e% z1v7lkv%aEsIO!~gArWQd^xAaRa$AY~7_3OfZC(tH-vqbi_%hISP{i;G6Rxsai{d?P zqBv`+Sl2~pP_+Ih_Wc=!*1=!cM73|^rrAcC*tC-HP-|$tt%b5ZX%O=9HJ;4h56`JF z42=sG{XFu3oSdx)t7Yr$`%Mnv+Vu)_O`$HTIfe@E_>UNUz!7zGeOc4XAR=u(h==S| zrO*FLQrZ_peAIQh^Hd>omGnU9E$DE2pIgkyasj}FB_QuepnGC6d=h5GYHbnd`M#4~ z9G(IX`zFJr!aVRDcnH-M9*bT?uSVr_b--flMWZLZVmqI3w$xaTt%%hY+<>w$)=8eK zdfdZKtGPt;oHQB?w&s2hBH1U=HGKNm9z(6hVXxLn49h6OzPZc6_>wJuJwF8kuhify z6I(ETFp!N8w&8JS4q{j9e4+F927D(D=G)qSusw6)V8xpOqQo)+_eKn*c_#Ag!qfzD zG0zf*O-o>BTi?TT887e>_$;?G&Y)bV4F9GR4|2EW^W@Bz@YCQesW(W4>242jPH?hV zVf95=G4CcT@$g~nwBP~=I!GSfKgdivI>CF}9;h^pgj2e`&~tb=X^6Z8_w%yI#HL^n z8A#Ifs9mBs!w@iYP~xqkvmiB3iS_<27UyODfjf~y;mXryFo;e<^$iHNFNA$B-G&9H z&G|EhaJ1Qc1(Q#=F@=%a;dn?VJ{=;W(OI)dxxx=@s6G!_V;`ZpK>*s_n~HZ!4Iz1E zrugCN`TYF&EH+?JKBh%1L8)inLYF~{j}{!5az_TzE(65V|NL>i;J_}eKMAu=+rzBQ zE4iapn2;k~j;f|bIK)H^rs}xBR`0_s`jQ;o`&tdoJs&RiY7kiZS_7!>tL>sie;-50 zq%Y*&TvcwElL%+W4S-?JC78QeiBCJQ8;*V~!=shI-f z`|VRCMP)ITKUjvFTt>6&Asp}O-h`emM#{@IV6fV82w|b5${)bd-Ug>*6_eQi1l5L( z<$7gPsk2NysHMhWzGomk8DL3Q2cH!ED%pq4OMhdPizavYV@iWZsxxB+b9}dd34|30 z`;OSp#PWL}oJkQp5A#qgI;qY^QZ@8ydBJWqIYMvJP{`P>N1q=@@IQ49T9r(Q(;-iB z`eH83^Y38B8b{FV8G*|Z)p_~wO}I0DGE_D9o3C3skvi5cRp|duhBzAPept(J4NwOuc8AEA&ekd$I zxE2?kFGl@rC$VN|62qF?WI$*KYuWN#WZP`a2VR{`qio*d$GbZ*qCpPND1Rj3)fv#J z69l`xWXOhXiA3G_G7P#>0F6aScxkdS&(ThTy~6y~S8@f8U4I&m`{qN0lpIeedV!ZV z8DjT!H~u870Jgp2c)Ft)RE7UQ*~oa%)11maD{q17;fv`SodV*Lb_L63-y}oKZRwCn zIxxJF;TwMuTV|#TO?wy6m5G56;^70?{?*J~<^#JvIUk*mUdEG|tI)0}mX#)K0uS-B{A+0Gd>ohd{Xvh}chDlom8FB17@w6v$5dHP zln1cPE-v`G0^my44t6hM4XzIl#~S6&5M`8$F}?zqaEK3YbUhC-ccZ}6OPVU|j3c3Q zdj+RfKQt8H$MdOyxX*PuESwVvJNo3=lw5s0@G*vDuD248Z#~2osycDg4LR(tuQ4bK zchfnpudvDQ3XAU)SdTv5Vkvf$`CRv*+J7v`@t01}Tyh0ET#8}Fv2t)qJ%!IS6GYMZ z$5~)T1o^bm0d|=tiuV*r;l`&`xN7|+)|Wd2_ou`Q?9@E;o$+4Woj(Yqp8!yo4v}|P zIy}f;j+-WoqmGwcVA)Akj1}cWx3EjA91#b~po?p-D$uPj!q`s5HLzjAEf!oo4Su-P zv##qg;@Qu2A^24wahWzod_5%@qK5y1DG8J4y`;6U{B$4O8ay5YmdVn~VIK(UP2tu* zzrgNlW&UDm9T_A$gnP>`CSrqw3~pbC5ia}19y7lXr>Z$5_nP3eoYDd=8?{_VU$`Rrt{mVX*GyH70$y~M|$&sy%sQYBP)Iqqy=`{)cN0klX+g) zSUCD(N72bHU6J#u-$c`A9v=15qZ2YRm?+haH@|%&-n&+xTfa^dej8~TuVC59z+cTAD zwp_#ry$j5P^pg!&wfV^**YIL}9(0%=g4)&<{MeR69I(Hsb4r~8#SVDr>Kiy}bZ8{%PIu^4hm-EF-a))wH_hIN~ zUXHhh%F^^%>tRBSF}C>+;4Y)u+3LtUtZL+Qv4r7ZuIl`rM7--3$FI0AGEI`e*g759 z@lj4Rf7%dw%B5WVf+$iszaG>$AY_M(ez3x}nOHxk7gxP+#J?3X{0W?g`g$pt9_dTQ z-)cwyA7SKW?Q~cr@s`QGzlz6Ir1*j9wRqr=E?l_!hP^#D9)`SdAXYz1?7|1lgl(6v zkhFjI+1p)`Fx5xsNC{`ikvNTPzLyLKrrl)m*EEPd)njW_4KZ+^JY8v?jtNI%A->BG z9M|PDliRz{EU}!lRGtua?&Aa(&kSxIbOnzuegqqLNx-bL(%@+#jh&5QXxFVn4-{U8 zVQv>i(fWGyo177pyXrF;U*Mlg!;3{)ftYjN23jp`;7s;dI``90)_o@mljkbKufd_X zecC{5OOT|yT2GKQ!>;4Puu!t7U@vU2k)lo;Ey<`aF4*V4TJX_Iu`u;|mboB-dFG2* zuWik3yEbq-ijYDyM=y13ba})0TW-zN+1*-ESVbl&6IJl$?KF_!UTApbT)gXnvKR1zb zD{pvTd4>#a*W%OMi*VbMjo`N~AAENYE57<%&3@&{R0x`oBPuLz1i1whfkqYsKFG(5 zIxpDh|Lo8v?hoEQmJC)=|9~Gqg7vD(WDV>l{=@!*Ou^y%-hdQCouOj%19}2_YVBjU;XC z0pOJl;;T9_&>QiH?7VQ06!?{*Rn00;@QW9EBpl{-J;je(i*U8AKTArL<}30k3A3=_ z=l0l9pNdIX-I^w3qmqQIxi${peG)czx^t6HqtP>71`Mynf{c~~9Z(^7ngZXka=X=N z_azP*eTClM5>pzz@pe&!lDPjb=Aeg(uXn@eLyyYa5qN_@&3Gx$5a8x}qYgn$>{q1HiQ z(=1h?CpJp(@c0E>{Y(t=&i=+e9&keQ@^I*Vt%Qb+?s&EL0h)i0hR(OfeEB>De&^s& zKF?W^tN$~Hkvh3dPKfb&)E)-U`#;$FBLm^NTR&WC&j9&#%ZStA`}on=kk-e{fbo0) z&fAy-tJimlv@~`3s>Q#^_c{;Q=3<27{iJF0#kVl!s~5Nj>4;R;w!%SMXDmzqC-kRR zLOvOew`_mn>}YM=?{STUcyZV$yz|6L`S{-F5!{wMgkLNs!)3{SXgztten|UKc$=~r z|EcxCC?>(rhTnxb&Pn*Fv>jj6OaafV3YL4ijzFpyEn0iv!XyrB%KGu#xk0SCA%V*k zOoFp13z?1JnNqqokpFjLF-i|fhXJ1VA>*tMZ7aPFGS5cCfgML!zg7k@x~0auR_Q_S zfhzXA+k&QkdcyG750o-`2U`_}qUxm@h@GOvr-aU+Q%=5saR&A{Hb8+hm$5`mn7e=b zmV+B(uR@@8K5N}(O!<&axlbZO+24;Xs)44E`gV97Lo$4MPKN%5X$?E7F2k4hG@7&Cz}9^orsF}{nnRCCC; zfLig!u4*WsnF|XY%)}o{ue0qFhvA*kUqk^Ll5nMdA)6H!E-(Tc#YcA56nnOL;`Ne|6BM>(|7>T_Y!mYaK{uY**#(S5KkdEHzr_S%(u=eFc-ZarkB81km=_ z355wCaLUy$M0KW|_|C*=Dz4Mz<7OKk5Ms{S_yYKd(u{8`_DD#CXA}o(Qwl zb8%o@1qt;{7l(b>2+5I_bbC?`+|l`BpFAxdny1P0cF)mxYJx6~7kt<&Vn)HzUAipL zCP?5c<-zBGauyU@!9H1JfzG-#eD>oGIi5O^nS>9Zo|Ojl_JWn{>-<-kR9iv3lcONG za5u9#qD@q_u8;@c3gP-cUA!DT0TVu!h^$Y#(8n{h=yvM|BuI5Szg8!We^#6#qtog! zwB3|w|EoZQwMi_q%8(AqA5ORR91t0poPZ;O7ng2-#!SAFMEJ>Ty4RGAaA0%)52%h)1T%2bXj>bi|$usXP(lWn`c(uo1aM=mA zZ#IQ3`_JN%J9F6)c8rW!IfguGF{B6FPvWA=$Mg$vG|DPEKoBa{Ps6sim>1I zw-3cJJKu?B%wYD8G4-%ZBbZ5VSwmevSku!j=7f?|mkzcHA7$1lf)Go*(+ZW6jc zdrY*bhtqthAGV4X-j?E;y2bE%%~aYl;Tfg|AZ8u7D7qw_01Zix(0|+qwzvEksoQRj zWokC~>g6EN27&eLH3alc6-eC&fd|wg?CZ8{#DbN7m~99nPs0S}=X5E)R!@%>t#tf!%fmzP~3Nv)#cw1tx~LpunqdKU1B7}j6MZ+ zEo15BUrnM^d7&$`T8_?Mw*_X1j<9uKq-j&Hkb5ong85Miuye#=%Z=-2@r=c(x@Z|T02E)JAN6{_$TybEoF+}%m!kc^4=t-+{c>Kt7?5wy% z7QQ*kQgkvQgeuYl)-jMQuSTOj*1_!c3OL?*HC$?4N6Og_JR$oBZAQIi+&m9QSX@K( zmL_z)Q48n%&VqMi8`z%d75PM`v-1YE#b@6YiH3TF!yk=JFiiawJ6zF-183RL=)7Gb z&+!jQ*nKsD(bmd(NxYD6e#L^$H)6hr6$H)S$Wj;PLBi7%QSSOQvU-mhJD#M%t{;)0 zc>@P>=VVFlBoPIJ|HR@R!v)|!BLtOdi`es5iUJ4hIGRs1q&M!G!1p3qUU{bs0?$Zs zqxCOvd4X`o7T*w9cSF!@-XCEGltm_Y?7}a$$*k6(jEy_)O5FTH(0BS?NOc>AG3qhI zA;E$+3EbekqG|ZkcPcA5A;UeCjhKa%9v*ExjMJLq2*yqV^VWm-U#z2$KRE)#Rg?Rf zY=ZpI!))eW4c=`#hJL-i9OTs8@n`05(LdiroSsnvE00~n^j1CE{qHF3clRTnF|HUj zAP-yR8(><-R64}tDF!}1NZuAX@KyJXc+@O;F1uKh6|EV_jb=m&GZ+JIwa@$J-n~Kt zN8%N{^L)%=y9I92-Z5~Q&qDc#VYFhUERGhOF6!~oJZfF7{qE+YxOw&%IQ(V|*-(8J zT4$ey%<_rUb~s>+?H$%cLf~8Pb-Wjb{GF*_4iJZ)(3iEdA|peDxKKOT|c1Z@DujLHUT$# zZo{n)p0R`ad%(s*5B7_KaP;_S!S^b#m5h3rgkP=bliz*ulJm#FB_s}aEzd&ri&dhP zzl^xYuht@mdRaa)Jw)JmkAZ_@PTAkc6Yl;O+MwZ+0l3YG!7Wz@Qsta_GEVO+hEHx_ zf1+)0zlAxyzCoDLs$@Zqnl+c+I0^oXT}f*rzT?mDyV3IAGj?{;P+ZsO0ve~9!Q{0r zYJ8O=9`hHY&J{1x0CPnyOLOtu!f;ahb0L{`<1Uua|8W0bV-))j!|tIgVe8dkP&A$c zcRGc8SG6(=`k~8ROr`O@(^ZV@x-1$sq6bGd90PgyA4TWk$kq48aWgx+ghYy{>=B>) zoRpPSDy2mem4>9DQW8Q!B<*Bm7ur7OInq*u`ZhF;NTigEru^>jKd5e>d(ZQn_xtra z0-pCS(70?(-1*H282>C^t)2)PV|H_@Dz|C4);j!Vt%5zmX6{eJI~Z?t3eL->(I;Cv zIlG&@Ps`>veYJTG_ryJpT9p*nsgPA-t zYK*fj`W%esv<`|ASy?`R>63?9f0Dq~S%x*6#6tcYN%nY18LWMx=(tKgN+)8-Tz~e! zsdYbvtF!}%-F1DK@CXZvf2a@94OSR1y9HLiX{ zJ%>JkZH^<>&$R*V*C$Y%_gK{HjbpW0l&;r( z>vxj4E)Q&c=S`X=eVLiB6?t)QGG=Kz(tn~nGj(RYy;F_}Xnj46?K2eNmGXUhVMiEU zfAS_8^_Vhg6M}K?PvZQqzEG3>5*Ka@ggxtWaLYz}8t4BMCK|}Gq((k_qC5dJ%tw>% zQ^(LnUYhD$+>EbsKXP7@1E7%+OL5=;J_>fh&|rO7{IegwQ9kRKJ_1r$QKIU>a{NFrU&1>Z=Wzf_xg9 z^K(My{8O}TNh3^M=*OB35}VhG}#8KJYIw)VnJK0(}__Q5fLmRSLJ%{0?kx za^jAUa)-T*QT7&XBMG?WLBrW(w7tvsMW!2JQD7MHosti8j!80y_mbc@;xXXIT2A~8yEU$2@aQH?`_~9P@@+Kcfi?NKJpzq~#*-aoJSSQu33>wa zP;0~-fuiF|XxW^G1@H&n8Z3js_1Q#!?U3-fPbN&;+y~jxhhdS?7&fDFH$9-^$fiho zlBJW6a+}XoLfOw*IB}B)Ts1D`y|%~kb%{BOYJB9_wR}3S-G!~4>@19v6k$V}w&eeJ z6&V}CxN*i8!EcQgQ=an=MEdoKUzf}Ovw7V9C#87dZy5;+w6*U>ab9NaL}efFE-2eU zI&GRL9w-%M_b$ZZnu2whpkxkv7OsRL?=rZWtqxbw63H)7qIAiC@5E%|>uNI+)o#ap z4}ZcbcDzeXatyaAYXVs>j0U5KWw?4s8ixH`xNU!aqx94OF5h@2tf}dwVo|(rNPZ7I zXgi7Dg_dkoV;ruWaa;J`xLTZ?K9*S(0^Z6!2kRpUA@nXvyFA8JN8XF)ff|xAIa+)=V8NUhd7dOj`vOCHJY{)#(Jbijj)GFt*^O4-V`% z;kh8ZQy||P?raDoJ@NWv#+V{X%+$$)askQNAbw5Fhg(kPgRR_!GixSD{mzaNFgj`Dd%}tTWgXjyJux-8vx_zw>EY?1b-6C5E zn=*)}pE}~DQ~W)tUoREXWOzBshk}|RdhE^y@gsKF(pd-7w-n&nvJ&ANpY3cg{}c%* z(c?B7j3$S549NbalOWfLKPRq3Y&Qyq!P(oO` z_{q(#X_9PmTNl1F+lrATIrfQrN0Hoh?)Yu+7Rtt2kgz+a=?#f*!r6i+oc{Q1R8uj9 zoNEr;TD}q9-bur= zD+|$ck`dlCnE?NGyZ|W?TXxQ+4yy&3u+KwAprJa3sJGXEdZIpY&OKW(HNXT4F1*8i zg&|CXw=W+hkPi{LpFl+=<9 zd(v=7DINT#SAoIT1F++2Bu>~bF6>rO#=YuUSamWIhTO+N@27i$@**3sp7@Wm{~Z8| zo)IWM?HUeznhB3a9~MN2s^NQ{-yFHU6)fa%`j?mSeep^-{z{sS z{-lOI4To@rehil#TtK9=YEjp08+=UYMZuRA`f=1^G+?VB5!A@abt7@s7mEu$6k;Q-bqv19EvU0z@+2SiS@#Q8EPi%n-od?39U;W%YjZ{$G zvI_0&rZP?@6}CuUK_l%tP}fVrv9mj1WydfSAGnNS18;HPlJ|I~T?e9uE~8+c16cE{ zB{7j|H0w9Pak>fAqH7z^<&(iXGoIj2OKB3>5DaPViQIVI+4O{+1$z(kC11HmXgeo9l^MN=WtWlVyf$- z57XXH6dqrA1-osUutv@k_N*$S)=`Zp*VP7n)$;6A{T9^vr_avbyvaQ^b?1F$GGzP2 zg=o1wiRTdevHfCBcxvh>qN1Y?D;B?jld{Ut^gfM>7Y>7zS{zF;*^H?vMtrYbo_PFi znbw*8cucw%)3@Gsc{WhBxrfA`5SO#N&n~sw{P96zUGx z30<<>@azgbc3E*bT#V*5_?fW&Pzkm&aRw=Uq=2Gk0@`M{4PEE- zL5>$8J43=y{zU@udUzEz#j^3{lZh-r#FEH2_Q1Fes&F}U3y3+K$99Q3+=ZXjsB@+c zEk>OI(W7Y?z~=;1X9hz@#47lBNRhm4p2)_Qa`=RQ_XUjHh3}@^hsLK>C|0RT_MRJn zOX@#w`bjxpt2Py0Ryv7AxiXk4?Ey1yt-)QMSyXXKFIGQ$iOI{aL--lqyHd;dK)+Su zrbGYXId4l67hOTSj1FO@umn2tJc*9SH;jH}1mQD^_+9PN*u~$#yS(e)|;N~_!5Z~>8dgL+`zd6SQ z;S%JY;5~A`N5WmrB>dpA9sVt_hg8QJ!R88Y(zRh3m_0A0W&4%L@PeagJ^BvRbgGkg zP1m@FvoU1B1D;V_p$I{hr(pC88CIWNLqBG1!r}l$R`VejlR`s5_@^97KfK_*XJet( zL6+~G?Z-K{iohxK85bYc%56EA#Z6`_n87U(nD>-E@0<(t@~7zx=TE1~DhDyGm}LBIXuyIz}eu+oa}GEV-;J$IBQ9-q>n zVB|a89`YX-e46+2gt@WXvlP%Kcm<|=&mk+@4}itO3NIn~6 z;^wcb5s&G&g|Q@D{dj`!~+)csaaZ zbQn?(R&kye#9&8=IM+Q%g~esbu_tz}*m~?As2o{<6&>O%L7Fg8vtYK8_imj3!h6ua zbwK2uW_s$e4zsCKLW2@p^5WGwXp~E3r__h2)6#5Eh}Ho1=RJ33<5BMO!M{9jBo?Ag zU!%pw7HpjR77tgPfUd4f_$mJ~cg=2)3n+<#^H-)qpTrw(!jEdYi$udrob*NQf>Z7K7$CnI{OqbQZcveU8q7ySyT$k=eJcB$^no7tnnIFK z?z@>MI+k6YdmU#4hNGFok%OE8Z-eqS5~qSyTe&tKmbgq3ZlADgtvs#Bpb zvnc~w40*@hT1`Atdk8w@tZ*X#`3+nSPEK-mM?o#~-C;1s-tbG-RzX&F?XXFr>Ar+V- zvV?op;0H# zXzXWgGJS%B4GGM=&5RtcECs)7vh??8YZm$BE#`Qk z57-x@W%);(@7;i3lN;gmyist}*NZhur-4N?DIgm@pMa z>lA_KS4Z5f^p6gg1hm|{|LE0o0l>VCmA)cwiUKcx}JL3_nDd%&YOLOp= zL?mvKG$0p#OjqVE*%TDEiU@3b-8>Oe)3a2}U?d=!(}p z7GrDd9f;0<3J+XUXnFg8a43{=4qujHO!GBv7Wag|hnd7~{?Z^Xo#tcJ)hIBS<3y}z zGFP$v7I*YUfN+zS1V%ObfVbpfuJZe3d|mn*@;`jz0>W2fM!O~Fmm7y~p4GyQ?%m8e zF%AqGFT$RdeAJZcLj^@=Ho+_q+CDen{Me765k8lVkw40x6I-|sk#FJbEDbis)e1+$ z1~zIu3fI+)hQ7gY{v0GnTHh4Yh%d!Z+CP@>AG;Cr>}6b@+FHEtu^sL=DH8L6nZk}( z-XS~j21;!ihC;L3kbLtE_V(GLWbqN2aJmM+PUbVooDkk8m(YG%O=~*ne63wLF5(%q#hAg8{2cP7vleYC?_%1cVrvcnVA(x&6<%+d;<#sB!-^;P)sXco6xz7tMAD#B+@9^m@G zfo;8fne}fj<+~bupSvnvSie3|D5{}BM5X1>SGfl-T`R>%C;q$l^n@_U_5|Khj;A9B zZsX`iLvS3S#6BMROEu3FfvJJM@Y$^fD)M;-RE6EeVDEVHWg|zX?N;LbHE#Gxu$J1^ zse*oX7fejQ&zwYO5$m8VeEyPWZ1*g~TRRNc#w&@Kx{2>4RfR!#+fCa4d?&UYT1q_3 zmvFh~X259C99j?%39?)MVw#aXTb8U$RN7y0WO@xIvL945AqO%7(=njeh*%!m4_`GW zlTB93K|#2V++Jb|L8EvN@`*#Bv|bONPszf6i9*<2yAs?@%t*dvARR0`j8Yv7*wIuW zoIQ7jz3?}H#A(Z5L#Q*JSQShTJ7m+--EM*e(ffGmLjiYJwTH&b7?QO5Y);fR2J}-A zL+_V@%Ytr96RRXH2`{K`{w5-!{{arj3dq(cV_|)G9VD6ipv#s8utzKro9BgsdXYVJ z$<@Lh|2gdB#l5JTZ;Pvssj`u3A>^>v2r}|R3^69=}IePxdAa|(IogIH~KwfkIc)rG1Lf>y^3auZx=_{2;tH=(p zL2c_+88zj4B>U!qV00{O|l- z-tI~GBJnrRYcvyj9`>Q#JT3Q@$yB;;<0X&}@M5+fC5Um`RC4<0W4M?01l4~SvLBT^ zn>j9;Rh(dO+{BusjXNnATfTx7+TXC>KS!Jxsb9i|>#dL+wi)h38~{ZJC0J}So;lTC zrOw4X3ry4q;^qc`_(BaFdEbuM^V#lJ@n*R8eGyqK^B=}dl%>MeW=t|v2Arm@gWdhA zBuQPAnDhHN$J~jSe9IC-&Gv(dvdTb=>b1Teb`za8&A-kKP2{eT$LX`V-R@tbx=2#Sg2)EmQ9I%@NL|}R{4M*SIoT6ZYwyF0)!z8)_X(taW7*35arpU@ zHam0gB%IlvjUpB~xG`-fEZFJ~xx9mXnE(Cve%J(Kg3QRA&oY=*90(#SeGzAgQpE>4 zB>$8@nbj%DG{YMNy0qf9AOM&~klU!F*G@PzH zCvdS+WT)b5@xsJTsI?VvjUn+k^V~;jxpN`x$ya0!->pc``aPH^&>_|dWwf_sAK!!X zVpsZKLV3|7s&4bFBD;SH^ByVBnrpt%6N&W@^i2V0coooikRqkuSK|qr3BtYKG8x>K zU{WVeqTlyJ_<1t_+j4mU54WaZ{KrH{`k4srXTO1{$QZc1>ob~P7h&7KDU%yB+(}{H zRPt`8Cj4BZ#4Osqm`r~-8@;m~m2b4$f5{lZ9v5kF+dU@Z()TscI$s{1cpMX4OmT*T znd>pqCJw`nf5g|OJMn>L2R!_gLJL37!dLHRvC*>boJXMyK5rPn2PY)h!iIdDee)R_ zbvX)#`3!8tm$PVeeHH%AdBu%>{s@xS8iW3pS}?gGMt#j+f`80(cJM8~3sEh`+I{2j z=)rgJ-vqv^XAw^$o5i?H+f-Uvt^_52-*bu8i}1wjgP1ut846vCAx!iK)P%?4J=5dZ zva(b#w=fsUzqR1X=OrtvkAqtY#pa43+N5B}Gvhj`T4)m1cfLduQ58D9^a&O&>Y~rr z4#A=8kLgY)zB3YH#C(}qGu>l%t%bsgSUfn4Gop(u`&etZGIw}x@t{i|Pr!z2H`5(?3S%Pjwb~x+1 z0Ma&$fSUg@X@uSnp)e?twD8{zlO#nH&G)8Lq}##s`!c%o{53)3XItFC=lTXmJ%snZ zNf0XK;_yXO(};k(w-E^M_V(!++J;=bw+!XerMka&O}nhGlc9 z4~p<+#C@)w-yv@>ybESu2D!3uZF(lmg!cvTXNdBtME7wuXXB!eE7otIK0E5rW3UUJ zS}%dCnOS_+?it(-{DQW7#L?~G1Z>c=Lyg3ltaGzJ4ZJtR#cX>;Gak0_d@3#Qdpw@Z zT(6F$g|;mEqBAU?+ki>6_qotZhj3p+1KqYK8EdZ;;3M7?-B5ZI{snDjMqwB5&#r7( z>s*UkFKr;~{v5%XgHOP!>;Wg^Y!72sDzoN@W?bPE&yD1BeV5NIfYi-(u*-KciLDyo z{oax6_400RkJlkiCQlC}-nhV&xF)X6?FPIn9!LItJxM^EDuyMSvug9L%+r4< z?sJ|48vM@lXWkUd%sWFj4@BXztG0Nph-c$gO&9FtU8TG7Qov7r7KUbs(}`JPWV6#z zm?u#VlfT^OeKH5|rtLRQLa7E8E>orl49lURe*;qpY^7f&tRb0?w~<$yvr#eOARM_B zK!&}n*w$JL{yrxTla-9%#ko!#+OP#86tCf-cnhYo??0Fono30s60lfKmQa)axn}--zDiz(4ZEC%0i&&OdQk`O7XC+jpGJd{ zpp44Kss*i2x3PQ zoCT)G_*rPFDC;(WyarV3Fei=X*DEHxSq%P~>C{1c8m(41 z2JUXtFTKFHKYYZhuN~q;9?>6TUvY6-3z^0)J?_GUHi2u#J2cH-2Bz;tNxhQ- zXI`?O9_=^9{IQ$y*VzYLlz}>(78!zZOcPmU$ANh@HQZYqqt^$XKQ_kh#csm#EC2?%#R!6&r~;Cj(R_`awKMlG0x zx?48E%~#ndDZLO25+}0p;V1F!?u+QJ`xuX0oJt;BWq{Jd#n|9o1HMro1glTEVcktp z{+sKl%Wo$}<5ZMx4fdLwj+m;U!wzaS5itBD%YAH|uaX34>_KR{hZhU&Ahx zaG1*#&znf<*3Mvuqo2SW)eQbUnuy^mrI@vA4UJlxfRD8#iE;T>$hVya=|>K5DSg-Q zhAYqdj#FftzMRLMnF)N4_>+B;(kX#vNgo|(m0%Z-M{=POd{+58&w^$jxkt&1=#^*p zxbtVmplagERn52y!_rrqOMfcbrTsQ(c)JZuOBw?^U6s-Kt>wt-$RJB4N9)-2`E zYm}K6fPElNtK`nnx-->pC_LTCU3gHEu9y{?`fYx=n^Sn*%S+@@yRrIp*rbb z{FVj>WN|qq8Zh6;5r1atV5(LDhK^kd3$93^$4y!~7pCD4fj-vbN%Z1&_H+ zcPXdMXT=6OBA9z?EF9q+S^d3cD!0cSRC5EVMPUZF?P(vEaQ87>n%spse)ZU6;mE%2 zkOAF}0Qx!SHC-DgbJL1b;!5mRbF(+Shv)N^Sj@K3>{fY~aQl@TwD;tHm|`wYZod2= zJS03q({}E~$$w7J-dB>ud|4$p{mkIc-$`uy`9FNNMh3>TMB)ALh2*QO8gn*Wi>sgM zQ2%$&(0uVT=x=srol`HNm?G~*_Bbj0JN6h9UcLz3pG8<^hYj%wnv0_H6Y+tpG5Z~s zM^$@|!;_6m@Y8u4?&PgH?2M3PX9f45aM*`+Ivj!L#E58RF6C5xdqCx?2rCE6|b>~@9yBiH#~FID3JVHCeP;H1{WHw!=L%32KM2y^yj zuLlb`%S+lM^_3cC8&&Z$@E!c7;D)E>=RwFjd6?z0gr&7ek<3}%_|Ssq&yC2zz5lME zN&vsdY0_q9Rb#PVBXAWY~uM6@cmVV8xHT` zqy&E;rsDsz?lIQY&_fSRa}l0!o(FB&=fSLV720384E}d7a9RxqG5_{&E@Q-IFf366 z(e76;9Bhqic50x7Yb%P6pmVo`vP_Wyps`iSTvAK|Hr>fE(j6nGEsVv4zWvxq?T)z8h%a*|FznLbDVL z)lP+lZ^n{?t#WMQq#VG<&8Xa~1QXVjfRlq4-5Xvf*r|C7moK%Yvk%Tgt?JX*=p}^s z&~xZ|(iYTr*nxWeLtI|6mK(l)04$!(WWHr5z$%;H6|U4{OW#kRZT3R=sg)1LopMa> zha{bOHV^_bf??yawRD%g7{2W&hK32L+%~K67-D`C4R^{A56LE6Ix-dfiUz>uKNoJj z_)vx2w0~GKkP4d;v{_`T8S{6XiGjcEV6Zp_<}Sa_{r%g7s-@L}&7E_(&4YZu`>BN> z?c*4tuV2F*biK}dTiXPq1#u+i^Lbi4U!HsLAq6KUE+E+>_^k8^ckVyqH{96unXER~ z8VdHVqA}x;YIdCFWHY{_+f;WhSK%=|{+fVNT?XEn)6aeExI=u&1oA+)9(=Y~lJQ~v z+&3pB2&pNiRUtcxvX?xIsN-iaQCadT#@~J;&le3G%w$$lLvZXPQd#XP?3QSvAGBXV zbqT|qHZ4-LxCfrzf5dIcYZKfbK7r%T|3djY4|zVtYjiVzhPtoHV9;d}+ma{?5{28? z=u0|m60p>@l2301!Jvw*M^lA_xZ6k+#DZ=FWPG8 z{yj5D(1#`9>*ocfS*_gQ-8>jM^9S;udHUPI5fwZnh&lgn?EGOFSZpnz4uV7M)Sssi zu-_H8IAw!pY9~xjQ6wP|Q8-V4V><*g1!;SoW9*$R6LVN1uIp_aAOe`Jvsn4O>PQ`?VG57lo3lsH5h2g z5~h6R`%g-`F$ym1StZwkj0&UxFgT94OQkg>lL!;d**3 z%xX44c)Xd<0<9r0+%-w1M>nWO+@i*FXTd6-Wq8G?mdjl}o9*vf0*lMmKx?!mJ7<1N zAU?+zMHa0B<+?C9pe)U<{h3Do&{UFsdJK#{`I;Wd+K+GKQ*hRvqeSeF4fpbJ5&n3l z18P10;F|4e&e~fWR0h7_(9IoS9;ZW>m#dJy6@L+5TVT{PLyY*=Oqv5pw1a;Rf2UzeAUDqCj#<&b> zJ9js}0dv&Kcu3#xM(-fN zIF;6TX@FV>-+$JUfGocMuJzCuPVB9v%T9~36(R2h%N!pI;#x#;^g0jD^OOT92XDeK zhdSE3aX*c)y9J*$CIBgkBts&z*a~3#(zn`zm}s9Dp4&^l@saHW{@r82ZY`f%CnKG%-nv{Wxd9v$WOe+WFnWoY#6( zGISYyIoVH3ebcx%S*PhGDMOaE`U725d4SD4dK63)g4pThqe-T|2I)07q28m6Va_E* zHg0c>KvK4n4ry*CF`6wEM(<>C=I1GB)9K0gcjtgnjy?$pQe^jE)eHCEdW4fU>O=3H zjnpV~7MM&+#k_@9EJAb&`BW%P_D{{C9gm-Jn=5_UyNXh{CZ7x@bLCk}-hFOxnkI=) znZpD!uc0td9#@HufVMFPs5f;aQ5BQH_|VhXI{LQItaz`0UeCaNTOAN3BN%5oNNr~u zLyu=B4GmAhN1j(`w?Q7ClegmD7OxZ@HTEW-tgg^a>R}KNAd0KkYl7PRzp%8d6ZtfX zz;l5!t(sg8io_F!0M zCsoOOLa$i3GUFl{{4skqGkU!UkC`rl8RM(CgWIk_LflXMTN%o|zP<%Q3S^1THxp{V zR~9`vD=bRz$K&R@oLXrO?>n(Z`PFLVx0nPms~aK^>EE^6IME| z05oJ$;A2Q37d^I+7Jk!Zf?aBCAonV$h}NO(={Bg@jo@z2aE0&=UK+3wX7wC|!Yzd` z@53H=s&Nbpzc;`RQ^Xri#$?rE7uZ~Xms7E~5H6Bm1+LqpI6uJx;$*B%v`+K$2ph>J z|5!r&(To{ys7BH1^Vnbfn47Tq7u`0t8P0FeM47s+u%kqQSXXGWN1HP7+~`0U9JGZ$ z9pOCxeV)M4BY}2)=l_fwKZ4w}g{Z8lOa6~%klqo1%T9E1pSNhSxfhaz4~!O9boyFC zqm(a=>N3YwU19cD7JY_e{yLy{c@|j_SOmQacC6!m3`dKKv8l@iyxr4qUyuxWr)mX0 zg&-IamH{5KM&P`z#jtRWEDO?h2CLYUFp#?yEX^YzCVU#LsXl?ht8=L~I5E567&>jl zOzdBWuy4K;a`&HcqDy^X=s*`PyQoaZ<=5iHN_`ZrUk(?RC*T9$QB1>E3sB6CRz zcJ$rFF*A?bf9UYQs-<2e@r4|OZ&D-$OMg*LJdXQF+#qeeJL)bg<9Gi8oRb_R?436r zwKSH~Y1hTD^}`7Asa#1IuW<}6>YWAm*AZ;UeHCnTb0l?RCb8h>0xrO6A=;-bCKoo! za@Je<9(?p6Zb_XR&zMpX-o!tg&h`WrmF0(BDH*u8QkTqxc<8WpgZ+E!IH%Z7;Vtc} zaN63G7&V)+C39@agoWpEQ=~D=*{=n2FXp1%)@5)v{u(^r?ToRtd6*=1hdWe%j@$J% zAJ(gkCxdAvC=)Hk?md}EQt!XT7h5;590OM>_51}@m?O_d4qd0TAel|QdXe5c%+Tre~A}DK-hAYEI$e8+l zoWZzZy5;w0bUZp4hiq4n5|IqtS!IFTw;BkJOoFnzqGVjG3dHWKp|8Fifa?#(6MvZp z6$-DUabEBpZtIy2{7~17hh1ktY1%w4Hh3zxeih%%2rZ>sy(+LLpcq}`h9GE!6f?BNL&X?D9A2pM#Ea(`w_s8NRX??wdpVh(;gsG}))XYz+T4rCpB;kVoaMN= zd*N%ZIDOQ9A9h{m8FD;pJWP8FENywj{Yg<~nQF%|(bRh$#Q zGlCJ)$QQ>r#VNVa@!W-mJgX3BILou;rJCf{jKz3yP=zj1I}BT|Sdowi2Z{8(K4B}n z12?@sV4}DdSzP^<({O!>^%oDI>&4fwPg|0#%AQPAC6du4(125CG;rB z!I0!A=4dF#6ilKq&Ugiwj(J7p)oM6&}zznxP(e-f(Sf5EJDX?&d@2ymhg9``wc zq2E+;>z6V&`q)UEx%d)9&1s=aw+6CDjSqQ;(PxxMaAYw(V@SKCHB%CcK-cn>^mkSj z)HI5-!}4$G0e&`h7$;B4wp=IYRIX$0hdyrm>|vfYdKX?DSxzFd?6Es`Ec}a|L(e-_ z!?*3M!nJ<|Zn$ejdT)#1WqE|cpu-( zPcT_mf_(JPf-vGi@_hH@1-6xO0r2*%1N0e{DFy=6Cp0 ze*kayoEDrMp+$oDXE`zJ06DOy8Mam!LQwxOYyO<9I!kbJ?*hu|r7&q= z8$EyR4Em4Zmm{sA?7NaAlUrd(UHRY8uX%ZBdB%jCTwsh_3j)cyuR$!~KNI-2h`@*! zLZ}QsB3yHZ-wn*TM<=)Fv5+H&sqIcBmbEci==(Td_;olJ=Oq||#o>|g-=Zl5i_QpK zZrrD@?^4|QP9BTztmP7uKcb<)kLbxuvvuXUxPs3l-jY2_?U!gWDQv4)zpfhf4=b>5 zw=LlL%*$~0{eJMz`9(ugEZOJ{qE!D@JtT-tAc5=NqlNG+NwAZv2#YDf9z%k|FAuQB zyT#nXZ9_D-$BM`g8{om!vnrBz2-xi{)|>**@S5V-z-b>5V-4wI#3VU~1&lLdwNmjc z{`)~((Im$l7d=E1M?%I%td%cLRw-FvWY)WEIZDU(jz7n4BKL+0q)zHmVAE~Nz zi|}cj9Ekllleq79XCm5qOhr4Czefxw1sjzyZp{E5UE~87>W|VTfxp0CVBT>2_EZ$vJ)3nPVVFHVMed-=al;$AEm{>251NEQYh z`vC3UWuH`6*L1AFU^9U@(}cNE(A9}c``TNl*qo!rU4gb;#Yo_+oc&p4cQUc z=ruuTqAJ72u97DG;fBQfz*S*8|Nq>s?iB2osm3ejHmq3~1r~X}+~#j#q*!Q3eyva; zx2la;^3YOdY*1S9b7cusl?Z8RZ4vCcWyar8n~>Y#DWI~k4mM10qBdKk;O3o0+&TGT zIQCbcEFW19%P$7OhLNu1X8^}!BqYcm^+WJ?R5I6mq!X@foQI;G?{KTwWRg-WkPKv@%t`$x`EEJxdSOO!RC&2p6w;||J6xQUM zvt+Bw+y|XgaKfnta?eN899>7YF;r79x>ts^Zn{qo<``p{#WVc#mEU)EzQD?@xp*Vf zm&v8dvMmoZDkLXeMtv7$_VKGMcir|MX#MD;b^4_^wx9^zWgIYN`V97@wusxNEkl3t z?3|}b*&r)s3!ixm+CtI8@Vw&|_lNh@o;_a09TiSvYpyN9ty||}%lBt^POw0r{za9r z@+z*!`6-^$9mU$0+Mr{r5tIJ4oO$y7Q5!>Po?RFPGv#C0pRm7hw&Nf~J0viv&s(6Y zV=vX5r^40UQpQMY{?7JEC}#4En!4l>q`&eUsCoT`1(#gmP)r$a9Ba(xZCgUQKWE^M zx)=1A*W({SyI_oO67Q~B!`_t%z)RDNiwd4fdOwt5sro9YZB*rM=qQpi`Qu2dxddBq zyq&Xbvxjdh9zbK#F^uh0L#L}N*t>O2FmV3`5>A7eCuu-LkU6>GR*qj2cB5zHF;J{| z%bja%fs#{skR5H$yspW@oWKusb7L_sJhcIC#2TZkS|V9<;sQ)~puo+zHV^btcVM+- z0=1tdMp`}z&}!p8a6NwpgEx9%=$82qn06byuRN#cSE(^a%J8$CDK4t31nHK?P`%oR zC@vQz$~>#!-=Uw7T--ow`@0}O;R;lo>BM6ZNFCbZ!Q;VZIJ55>?5N}27<~UWLtLM# zH1Rxrr5N~>%zJJ5tg30Z3KUf%-1byt8!uaPg;}F9b+H>eZZsYyo27w%xEKSk6R2|a zB>K-+Aj)}C#6_o8_{*xC^Qw*J*uMwd@kUcjC~AYYD=pmozV#%2M>34n_rNd0gWM9{ z9k6|P9VpaD;z53wBMKw1`b{)adkGl7y z+YwRX6ullRPH2*=9F7dyLtX}4fws4~zyph*)|9|n-udK^^bHFw zPvA)R%Wx=YGj3a{N!X2!d8Z6!(l?^%xOUe$M1A25;$U?S8~7fu-Pm3}*R9DkuWI0QzVG|2B# ze4jCU3Bw89)tuC;BKT<~3zo|71Pf}4INKCwZ0FvipI5Zdu=gk&9_WXd?|RtfX+VY# zxpMAXBw53I-t|Fh@P*tF{Op*;)eepa?Vfb}D%ks_ZjGL&VB+QPp z24ZvZ4|c6C8p`uq$(Zy?kWP7p!Xyzky^+Fq*O#)NMZ?hGQ#r6)dpfTmne8uAq#;4I zcsHO4eJhWlLcl5rQ)E!FwF-W`987(*e>3vP2Q8zMut-9K2JXAbX8cSb8Kuv~4u>pI zCtD8kisi9v)IK!%l!$DOEDzdZz)QCt1FdIq;IL{elMT25^TYmOz_@r?uuPHrbQD3& zjw(@x**es+drwr}{(+J0-^DI(jbTs7NxXS>66?{D$J+OO_w z*EgOnEn3J6mTtmBH(elxmWzAVDwNuWCYJgc-eh-$J=R&_?$urO7=B2Orv=F!VNW*`-PeSW`YpNZWgOAeo(Cj}3@N;7wY8n>e zf={#gP~!mdGFY3Oc_~4ECodzmp1njUlkz*uH{tV&FYLwSC?{pK%*i7%I}35A=^OUTwh|XU9st*Nq>EcG7LpT}W1uO~i9Gs#5P#V#Q^kb=U=24! z<)^E`H^`Y^Y?0;NiGz82fgM?WD*>A11A%{@gv(@Q=&c zv(z>uNFiPa)GDjHWG%|FI5Ih`(NMM7hbX{MPyBkWo7p?hX1^S}sAT*WEYxs4x__4H?F#RK`J* zz{9$_aXmlt-)er@TbJrNT|ueHa(os(03KeuLk7jtHH1KuY9NrU znK0N@7aEPb@cQxZ;QMkRiTZeyb=gRe?!5%Kkj-+Q2AGqsM7PU~#97Byaw|5HZ&)&% zey;X{2FE-sD0{(*_s+%8h#A8Ea4OEy_rMvKN73~7WYMRkUvOPOMya0WTr>$u!TK*l zxk-Eu3!jz7@`8-n^*#IPMEPrIVK|Mxa}5TgJYkl;vIuV}bduf~;W+j8YXBg=-FBPmDg#j!?wE>r!Fn9banXsn4v27~p8x$y8cdjSjck z&#az!Vak;@G+5+JP9|wV$i5M2@b3bftje|Yu!${(j9Q1jn4P?wf!8JP_ zoEI=K*)o8e`aJ_l(g1-07ewXRd+@qZ6PRZ(nDR{Ue;Ln&%Uwx$#M+iFIXwrs!bb3d zxoBi@7rAUW9D7#Oa|pgR8z-9V)rH5N9Al#{#S{2Y2P1Pd z=(?eOL{>ALOt(p6Umgb#(V_zA_Ktxpqi;CNSrM(9x^SoVQGxB;fj0|#pygDc_<^*L zIZ~d=eZ%dbcf}W!Tdc$9Z)t_p>0@w&&lmW5{~&kqTTE4E7=pv6>HOjB$K=0dhspBY z>*4FjT&8-R(ifvg6WLZLh|Mb_n^bC9{lfb&=BNby9J3c>vsUojq9pw7tH5V1?1vBa zSMXQ+FPwgT6s{|_;*-^H!OOtSVADLDe$p4105bc9Ok@Bma9J7@UIyPiZ{a|P0$5hX zN!Y=jAnb($^8+G0RA1M4?IzJ{ZAUxhHA#cYSbG9RVv z$X+}h3jZ$5=7&#CqW`Tp4k}uG#HiDPzjg{Gp^n;6EpP(IOujCPnG+`PntX`Uie_P# zkS*|u0z@rR|8TOBJ;*Iti(^Mm0kxCWxS+g@b)JeX4Q`u;#_K!8)jy>1%lrfqZo7mJ z3Le1z$g6RQ%jRg)uniU6T-c-0C8T$b5;qhwnkMd1q8DvRs3n?#U$<$~x~(zbGwCg9 ztgV4teoCk?LJChg+Y+?{TCjTmC)leJ%~YexVEJG}I>9Uz$8WuXJC~c$&lcmU^ygwQ zIvE6$Vqan5YHtkI%R!GLI(Xw#wAlEi4qF}IMV#ioCe^_f++jd0D%m;05;m5l%$ML> z9|~tthzpKV8v`lcv0&LCNoPi+Fsb}pOwJn&UV?L>Nx-sP4m%H96cu=nj3jj0l#4pV z2OwPG6Fc#}2p+5zvd*GoB=b-fu2&U$qLLTzb7lgpPr1Ri9UM##B^SW)GI!C~KocCF z7K18HieM6^h%;~*M4s9YRzFwcr1(On(VYx;lt+`*o%`^G&nJwZeg)TCm*Km~2f)|z zASeg`*YyeqaEqakElM0hi>)WXJewBma*4o6r58{>VjSEyyb8Mop3Lx@QEXwtshPP5%K+a_ifcy&n#c=>XIXr?z zZ5#z_pLo-`F{yB&sR0xo$>a4Yr=c%OnHFxkh_#arx(H{74&Dt7}2 zI^GMWPqpE%t_(l!`Wf~e*hOyp8semyWpHY@CNvmFK-|G9uzEEXBLub)dI%icynp1| z2OI9(nZfGP%mnw`JZlZ9H4t#73&w2Nha*-!28YS%c=6Hza%Pu1*dI)T(!hmSd(@v5 zJ1B6SqZi=dm3Ray zjYVH#fPixJ4`k!ggdXO$a#FaWp8YeG;4ee8(eO+Xn|MnD=W=TtJ@6GQvQgp#b61H?cYqq=}HG+ z@zL?PqO63-==;!UO2Ig6pigx3I{H9&e}56GAq(t~Sn5V-^EC@o0^rDsuiKQN3e zF%dYAwU629Ng80J{)nCOTg@sA#88oK${Ti1f=xHKf@{e{?ljI2+rvk5vvz&#{?8bH zuIv-JMaQ!X-*mxg)IBzE^c|od9^pABQ@*9>C6&jJRXbBis=691JWA@kVmLX!i2gXkGV@ zY`IwkLIxCS=m&Ou*-x=q{Y@owTVC)Z2BIkR-) zBPB;?jSU2;ovF;xVm;3=eubN_r|~HZ$DmYx4|AyKh4e&M>s39Hyxy^tM7CAH1|12) z_2t;rnqVG~G>9HQ`xxl@Gsqf_p~(_S`eL?-`?mMuu1{eQVSO9Nnr{ZF*N@p71p`Rk zaTRxIjU@4w;iVzB$BTE1CsWZ6UHt8`8V7Dtr{VDuoCz#}e;I3p4rwxmIL%|4hX>HN z#zRQ#havo@S%K)?W*vIPG)LrY#)#&i7>Ko&V@vY3V1m|Ea5!@w1e`aWQTZ2*P0q6u zwa4M&J~^}wQ|3eO-$d=Jm*AG+UgAIaCq(H^0k`XNG^4N=ljf%|ukzER^-2aAv0jfC z$|l3=fZe>YfIzFwKB0@}!OLZiS-bpo#X|dKJihrZyVj6}?}v||t^)V@y2J_~+pXYf z-UyTmH->ozxn$N)f7-n<2RM(P=E6thE7{WZu|J~+h-L? z#JlZqe4ZBDd-MdFG`P?qx&Ofu&9h|d`o**z{@-s6L7mq^YiNcm$V-jp|4Et(xmYO} z=$r)A{w8#Cf;ct=mj~svCT*Y!V$6=2wHYkD>B7Gpy~_ zgqcP+#A#{AL_2-0vDl#leY#zVvD0AFvIu;6EeBg22hjF| z3ShG|4JT)NihaLj;M{koVA-t$SmY_}o4W^*Rxe=Wh%H`lpUnfK0>w2>r|?R54C6B0 zL{IH5?%;vs{DRrSdwr<5`;RGCNdWjZeJPzg+m*W83-`XQ8@SJoW_EYadyL$lkE#ui zgnn!swpF&WCBvrk++8DJ`J~0umM=Age1dNE`lXIJ z$MDOnC-`Aq7|4b`hjq)h;k_b}=;SFo*0-e*oPI2|@1YDbU73IpFpkaf&GJ_GMhk&GE}Ld7k3#4v7Nk zv6>opo>*qhLw!Vw?ZQqoRNxvPk)ZlVgqh7{2|9hxdb%XijZ3Y`1MB8w^ju^Ge-^l~ zUE^)Z#6QPiw$w$O_Wl6P?y-aR_ty5$+LowSb3nfny-KgSFEx6f=tc>td5)P$C~ zhp6rLUBn^Ogtg}l=7*K8z};+Xs`Bs%lK5LF%4lNu5*6t~wZAyt>kLd%cOpqa8CbIB z2g{j07(T6e&pJ1rN2A?KVDV!Htt(^6xZ{KQ)1+kN%DGt6ehl`WD}}og*Rd6Ss&s9j z5^v3u#2)DmVB3wb^Qk@*Xa5AZ&aZ66-)bhY;fPpHJrPe1Qzm^gj-&dgd9d-7;I8st z0@icBu|-nCyg=ySrwsg$IPf$)EEyhg*_3zn?jnvaJ?XN3NqQ}2GDrfUR_VhfCR75Y@W+N{EEQ&{4n#7#GfSYdyJa2~7D z9hPxKb67UK{Nx0`jFO4nwlMgjIsm?Fn{vyJD{O0|Sa5uNf{~F~VtrRhu2-{LOqKXImfL$GuzUQQP~{RL#H^H(d#XshEZOr#*1& z;4!p%&qFsbhIHdx)bU zh(WCdq|M#KtV`DO_(>nhhHu_rF!mwt2x%b|gVM;Gvo;tMQ^Fpt`Yo;-q>eH38gOmy zbCkB*2l4rdaA|Hn+BjbZf0ZOm?h{c{i9ignejrXy)S!j`6wzefS9VRpJxRkyb34IkpcwvMdWG?$UFm~q2e`8ONci;C6BneUV(g32 ztaa@LBJ2JT0?s9axkoEj&aoivF|Fi+;SPLek|@68gP_@^%meat`B%xC*w`sBmn`Ek z#4V3`3B5^jC!49rOs7@T2l87FoCNRuVTi6cBhDXm9iK)>q4wtrn3Z;w=tNzH*@wjB ze86qwHA~rv)}QQIP7F?(I1w%?KF2@RlAuz$nbmuq0R4aaal4z3xNOfVZ2FwedQDf+ z?oKt{q+>-qqvWYa#Z0Wc+6~jfs$k2Ly=;1?EQ}bn3_8Bf!@pySaE)#*DXS^Q>{E+r z$_rPvCNvjUCH;on{T1j`orL##77MP1ucB!atYEKHAZb`U7Gnb{nVVJse|t0$TJO$= z0>x2y#44C}pOO?@BwDo3+Y=-QM3bX^)6sdJH_Qz_$T}kzvuW@c-`_~ZyFwrOfaX#B z>#R@P^7ga1?y2C1OX(BkQRK|-_t0Z>8-GgLK)b+tW= z8b$u;MKJz4K2K!sgXDvr6`2;&i5&+WsY}%WNZb&N9ro_x-{TVqHoX(A?rdS}W8;8) zsm3=v6K&u0;rP@5@G26V5xw^W{&OXgZE+Z}asfT6o`Y`tgzrXQ6g(n7Fjd$mR&8v9 znw`6;-<*-ywrLq1@L&||xTeT!XXfFxm!8~Oc;~P`)Fa+i)&xVVPhw>8Tw?P};ClW% z2?tN9K}}q(Sl4qUM<+pDF*tz#7odV`+?(;je0O+l-+)RZUGTZYM#x%o6)!Z~fu!&} z8a=e}TJHr=)zaj%WK`+;2YLcC^&4rg+6kt)KHP81M_gPsfgAXmz_NE&!ECKI)oqo< z6%XC%XWeof9W;d7)=SdJu9?)`?KS+)DiGzYOF~(rAQC9+$a`ys@`Bb59NQ&u5OV@Z zk?L?POf%&fRky|SGEbs-jy_MTeTzElzq6HfDeyP^8n&=wDEq@%@T3VH+zLZ#Hv5Hm z-B5vRT(J;zgNEac;c@8UI}GIN%UGz!4p?pY5c}#XF|}k0M0q=rF&)nQMBX%-RsI9? zW`sa|-8bU>#}M9Kn~Ob9Rp=cHf#r*Hf!L`7$eHq4>f0gZhaCTq(1)!K3gT_9&&0-8 z87xyfiOq6_5MtAWy&BQ@C8-b_?<+vUVp%%QjbQSZ1E4LiS27k`!_XXOT%36tZX1_@ zLhoBV|HF=}YL!8Kh6FB?K90dxa@pSYX;^jA7;?r=V^11y!6mUZ?opl&k+Cwca^Ynh z-}C?Z^b+JwgZSdFx|nCO6dz6e2uH*EaoD1N=ra8b8jko*>J+^3iNsCvrK=2Qr|g1; zg>S$?X*-K}BFud68Gy=-5I7O%fuF{l!n?7dII=01W$f1BchBk0TkkPjM8O8Fxv?rWM3ic(>{xli-xeL8jI@npgiGLCn}>7@47oj|FY?gt>ksG4}|J zZTyNmjg_g|1w&YF{*=6bE*c=(_a=FCXdi!q9Y< z+WQW^rMmIwE*o0*O6(ith8n9M;>(kkTz{Vt=u64s_VOWoM|z;(V=Y7F%hvRs zTnu{rz9F8Mm;x!Xw{WcXc+zP9Pn2u@1}X(+>))G#+hK<>Wcr=}`{bjz^V$}eHt`FX z5q*#!IY^woY8ZD7XQW!-FK$uEgrezLXp%IQKirW98ks+E0=BD_kERN3$^3+7MLWeOnv}TBxf0xS zav~dQ5KQj%pA&EHoevY1)DrL3N>VS%2fx1}a4H(dEB7Fnxkq7Q;D%DO<-=fLx+3nq z8VV1aX40d9IpCi7hip~#g8S}6@qS_syL6!qbG{Db9fSSh?IbUlGkz1c)wtpQyee|@ z<MYN{+IiEqG>kspx3MMQomV18Vci#L{DI@ywKFv0vI~Qjs^G4)HHyY9B)IjPx#y zxqAp^6fOdr_7yOGnMcPg+c5sw8N2co4N%JB_IR$%0?cm*Gy=+0gLKADd++L*$of{NJZ9IAujB1Vz-b zo)Oagj8Qd=HE`i`9-kmeYlP4AP_Fo-vkUvXI~mbvA}^`>4L9Zupz6l*bgx|iHr@=R z6VGI`gwShb;?Mvv$^S;YD)&RsmrbCedr%;@kKxH{&Qg0v10H##8rQSwbVlk#uH(~6 zt~a=l3f)CGQ__m-&#AzmoK19`ULf?J_>4V6L*Vq_si?Q;8a%&}%F2tw$;aqnSTE!~ zlsEdZouwB1tkinm_3A3yF6^(*Upz;T=e zxq@+NN4SA-&gU;~W;>6#VY2#ho~!Z!Y#V(<-8Wug$P`mlv`K=)E2G388WidBA+7Ms z-V`T0kARD1hd_zz^Vq`sL}PLfky0B){P#-Jcg_Mc^nx9B9r4Gyo~OiY%4xE%{S7cX z3p&YK2VFv*Gq37wQL=6}c1_z!_e$JG>4c$Rf7)48tvLn0ta6|;w$+QObqsj_e*<~; z$8lukyYU#&zY$$NMZ@I+S?YPaw`4`{W{!O;QIwuTCWjAWrTIJH{Sgl;I8AVc$9Upo z5RJC|IxsIqj^@7-7)xUgGT+o(QkD9QyeVGhf?* z?H#MUHG*GRG!`aH~&ti zy6Iz$(E(bWS4-ZX>wu2nP?7xL24Gq}#B|zcY!evtvG+4@>6vxhKYazflo<=3&veH3GtZ%2l8Q!f)%_dvotf7reU)ZbJ&9a~^ zYYcGHo@i|7vqit`#Z3E8F$CUH;#NCj*qYBmNy=_0{iYsFWGyp6CR_;)y-z_K`T5K> zzY#39dSK_6Vt5{$2rIq}6*6}Jz%rwVJkMx??y)z;<|)R^`1Kz4A-x>*^G?Icm|j>v zD;|HJ`3Y>X1naBY3DN!e@NdIWSe|$f1501x+USkgh=ea{l0hW8!J7PgQGrkYq`{ww*RU?kh7Z?% z2$p_+aMnhX+WJ4lN-QMXcDg|86<;Kybdlc)z?vsE)NfaYwe07Se5SWMlUSw-n@dfx z@WwTKTreI!^m&5V!b)HQjiE~~n6T!KdLgg)l4$FZCjI|D^UZ+ zSv8WFS`C3Wk;sOvI>zd)tx-DaBQY4P#|<23VcFDiIH^b2#g%%&)rH3~ZE!5aBz?uy zi7Q1r`qFS}R)LTWmZF~rtq0Mf<*a_gQ#{7fNy*vexN-0(bh@nx-z62ea%&d4RaA(( zehCag*a2@Zje$8XR^XXl%h>**cs`{LV_XBV=ur$>49+1g8)w7#TVBPkjpz~GRrq<~6@jhi0JC2O;7xT6q4RJG8tniF%2qMW z41JV*ngU~7I*CLs<#R8ZL(z$axcgonuJ|?)hM#^!HeL7+SDmdET#%h;tX+VWwyk($ zKoAtX&lDd{vjmsIFt)UJ5Niu7!|InN?9N}oOPv3k*nO0s#peAm$@R48`-}fjbg}^S zmMp`O1DauDaSxQO`3yDs_pqu;a63ILXJxe$c}>VVI3+81pcWZIwmZU=3o>-P%Qcu@ z^Om{plV&l&r-1f*Ven*qm~3Xvdlh2vPN=KM*|Su8@6v@n*IXLf82;LTU z%7=4C3i)z1IGC@>olo6CkL%w+RwfHt<&-dQ>OOddud&+dG&VQbvxZ1-w62b1SNa9F z;DnRp%3B%A?5Be7o@|(T?;QMI<^V@;o`wUvWT>{#Galmd3Fmn?l36nx@u^lA*>uba z2I$Jrwks#0zNlSrvVIbH5yz;jc_2*mI|hE)gJ^Dhhv@av(eS-e3q!nQ=->(W*?oaw z70PNL_u)o})6(MsTfst%+E~L;UGZd_G8kqv7o%bigXJl2 zXePcmO6ZS_)ELPZctpXu#vRZ-bu68v&CxKkk5p~F4P%mS;P2s5)Vey4+*qswXR;OP z=yR!PxTqgr-`t6}1}k#;50PNdbdk8Fs8Q*%TX20^6kPIBWA6<6$tqXDwI%GaW!;8B zqxD{9Z9W%XeH{fEXW~d_`AIS)Ap(yq@na`P)i7&&Q>y27f#gSd!<5y&V0*kBvy%UU z`tcE@;b}K~jNA+qU`u+9Ns;O|61mQc|O5- z^PM-W5oeH{cLgtcO9=ChZo#Og6Kwb~Rlx&Z4oP>`!=~wbQE_V&9*cR3T?sElfdlb3v%oQ~0Bfh7BD&$%ME?SsF>975Jo#+~3vd6!y4Ib1^{boW_rDvk zGvYFQkGYT9PDaejTLa!Gm|$64s`zoFC8ju3lKc$=QT_gNh*Gm4l@ijtxU2=&IyZpI zO&6x1J%>LsK|JtSf-Yz?!mXPwG2{8;F=*rf+BoxyXzY+{;^X~K;lP}5bawj55_DZ) z$-gGi0O3yVv|E<;V7DrDopFV^%c$ZGtqKVCThH>tOz8Y}4PF#bB}y|lN3)Prw2B*!1AHxDBv+(c zPE3a1OsO=<`xaZN)eFOnmXd=}vqVRd-C^FSFgPxBv{9P1sCYRWTKshn+A|ZeRc^d*Gq`EK!>f}-@ac;#e17Cjbw=ci#$FGB zHJby_PE&%aXZpfhs28;R6{U+qrlHcEqwBo{ppv7f!|89kaigRmAMT%zBgUO3Qn#;T)mGu}95R{? zk#pu`h9(paokK-St1)GnVo9I=V|*-YN5YQA!?{%%gxcv)cG7{hemG6qqF0L~tnB!r z=3=ln(xGxXah3?%k@KJEIEch6X*555b=Yr6;^gmO&M}9i`ZTCh0z&bDz z&K=A10XWO@9qzHXE#BnlO%|jH_qlB&abErlP|n(pW_DSiVHXPKVS^!AVG^Bib``gO zGJr2>(GqU6A4qlT6goKF4b9F)FvW9*^wYTKByq%E1i23)hgnN`)5U?@=~5p|U;hl- z5#EeRwmSn*jGr)1eWEv3V2sRU1$i;#BaOTedp0WHZB*zHsDJ2mt zvHJ`rkH^uyv$bgTxGSiXHWUxr`;mYCMDTenhOpXXHuKRi2t2O{FViOxs{@yb)UfHe zb%+Yze&dI@?S&C7nAZlL@hkBD03R49n~l*rl|(0QKHue;hRrL2ggfyfp4MR^%ybq& zqWep5;=Ll9n+4*oDVs$tcT>fWT(aOelfiNuJv@Iw9p>?j_aR{SE)sf&@5Sl~(@;ywNyt5(AT_4J7^;@V@>V^;YXz}_+t?V?7p=sF z?|!gxlM8WW%Lw$8Dn|Xy&9Ke<9vl4 zf~-Ty7H@7X`i%u@_rbm21Y9Bs{w^n#o!VszXLj|9eQ*C2_iJ=8zwHmO ze|wN9J+q3qzl&m}rFOJvV|0s)vowz#$<0QM^xZJ;VmlOdtMOh}Pdch%E*E2K4 ziM7OD%$9mBetk1tyfa6Y_eogZwLefRaO=VoKc*a>}qmaAe-X zno|vnt?yPtUDRk zv^|06#*d&rJeTP$4~FEeoiOw7TAch_n@6e~!KbB-;)d&GLPk@Ks94?ye}$WnXQGLI z&dTDfi!H)keGQouF_H($5>Wk_N_=$n=%wa4u;oGzt}hx6o+lpQFTLk%_w@5vdeRNu zipRj*m5sQ;ToUDtv|)Z-7BmG#K~VQu_>->)ZB-A+_6vt_!;4=cr3y7T`|m6|3G>nq z@AjfWib!C3N|G?QI_5G}o$nty8&9||rsF=U!1C>-5VBew9pCq2dGRSoK!h1xCVa_V zUwC+aFj!pdB(I)%^N-tgY0IkX_}Huj&$JFjnYG1mca=2Wcls^N1><1si-C0NjY1f$ z^#jJb&qB9ZNvw6V1C*LZvWXuWNwnk}k~>TR)Km-Dof<=y>h2)gXEdC5O|rp9*W|Hp zZ9hC}wShHnLg3WC95@xJ%az&&;oFP_)WGE`tT1VTJ8M=j`{{nTOD6;qa$exC@NWVu zZx5)=jb~54cj5lNT5zh}2&FG9Vc`@DTG6acW3K7oy66PVUXm?z(Hog`&^mt5vjqkz z&w$4%r{K<)dthxlkZO#KB}cWt!1F2Ips-TleY_7AR{purKkOL1+Yx}K=d&Scso5j;Co{;l+V(p;ngS5^Z6R68rF;@GaPWq z3w1m_J4v+A@TT~FV>~+9jzrhhIgluD=JLyfh)2{k!3%Xye7GwU%I|LDarzOkdTtcE zWIvzRY`hND`o{EzgCTX)wB;!>HK-jwN?a=6Lv}c1!Yn0eo;u?VjQ8EZj2;|=Z>5W{ zX!CcX7L|u7Gk$?w!6?4|*K4tRx-wN&YbWleR+w}k9hoQ?3}t7coQA#NlYT4u`P76y zxE>68a(i*}Cv93?s)9XB1FiMGsl$($2N-_3k1Tp?Dq80l4%2%QP{T5Vq$#aK%Qb#1 zYyC%2TfC6RQa8u*O*JrZ?Ks^0UYJz`Kf@j6!&s!b7S)JtA)YbuWViSU^Y4qs&k8@8 z_L!GqJxe9lV(5o8x6gToF>t zo!|*si$0HY&|%wJa^s~E78%6i-$SP{OkNvLsx=5XSq=W-*dzRX=^UQiVZp4%-GPWp zmvR4R4WjC*%|pu_XxN+2!aL`3*m}Fvx+K&E%)%1czVU%VUilroyci&wJ8wLnB{;Sf z><}A--*vI@cc@ytf#=tLivA8T#5j%nqVZ0`-003wR{z}{?CvoDt39;i$$(OieJ@bQ zYCWtd{04z78?gG#89YB$0T1b2h3(ag_`UJhaF-efaiRq!1u5{oVhCK9eS!m{=cC2N z64-D@69+C=plyE#(wJwta7n`t6m-|)(NCjzwt6oN9^nTs|5c&1z@U#FHIV4vl;w^j z2U4Eale96hEVUvLMx;I?I0bdzzHR7IeCD58y1iN1ML7R{V`B7a8fsSi& z+NVH#7V3jP`!soHSq!w?a|VC6Qv9AEO`njJ^o7Y%(Zk`H+(_>kQOmFuJe(thT!aIh zXjP?#Jp%K8{Z?$+x`s{sYE2hpnuArE1X^lm!;i~JWTVkjDBmVe-_P-(?}MY5XoWSL zpLQ8uB|e3_TG|*gXE;w#>4MVC6i|I!fZKELlWq5JK*R2LSU36sEAz0!1i9aAlyG)w z4;mtLKm6&c{!|Q(ZzWcD6;SD>Io&8*&3;4`IiPDEV3lE8A<8lC#{K@O;w0(A?3UX-tSAoT zXKHJ4O{M`9SxkgRpTqpDi@=bIn+b;nmYnY2Zdl!5$TGUlkDYf1iqL7U!wn_!^~h% zer-WQGxxxRWWhIWd>%aJeS_UEJFxe8Kd`0eF}2p6PSYDh9$oE0b7x6D=8}*Bo2v|~ zPjs=2{2fA9<1l2b2qT{~#*3ycnukRD9{3nKq2!@f*s3YG67KF6say7f^Z8r2{9-RV zJYF6LowBEPbs4a4Xg^q`uZ3wFgv^OuAZ*vsr45@kNJsBsVk|u0*NIx-V4=+xsL0SS zPNRv^m`>a@;WxB@uf?QgmH6>a0qp$i#@PtLQ&)iC@Fo>Ry{Q5%!ug)mPX&!y}Wp6*p?fVZV-QOWRhjIM(lMWoDCc`$Q)#5CdVRU%$ zTk-cqMSfu1WiqPJ9}<6-qRfiv5FR@ZF6|RsoJC&nP|XJql^%tp_yO##_CMxvI02iF z%kmJZ<>DR5v#@(`DX!Dc5blMunce4|xXLgCHzcRRz{ z*fc_NRw@~8?GM|wrb7H@Nj_90CTF+Vv%LrXMHh~22A`GrC>wVNQy$DA6VDak)p0@i zSRxWOZA(G_%>vWlP9{DK&w};2Q}_bW03Pun!s^vbXRyu9#6!D0#I2W z+m;F*!T}CE;@A~jqwFTWsBnoL5u9>kwOzT2{6oTH-cI{HPxuU^OG@+AT8Uxu7dW`+ z51x{UCs!4oLE7|iW_s9}=tbqjmhqh^=cs^Q2e(1LMiY8H9s<>}U7~-7XMNoMC7Qms6wRY*yT4!m{ z&K=4N6TY+5*eI->YXbK+MMB~ueX3_DM?+`7#PYSa_+jE49Ne0LSuXYB>Osq~y08KJ zx8`GYa5tO#Q5Uj4Ou!}IDUU8*2g8hw!Q#R%61q$QJ@oVi7s-8K^EfVFb>C`s$oi74 z*>3Rnz)CnBCR~&*36px|mTTE%q5>@ONx({m{W?_@-Sd_SSQFQv{ z9mL&zAnP$1>7jeDu{lPRY5yBu3>pkNDFaY*;R*CzKNnmy|6-Bg<8-1C?Co%Kl$lyd zE{yLMy(k#O)nf` z>1`b#Irt3x3>-r>E~?|EuqncwOqlami6G&!2NXZAf#*VQIlb3_JUE#{5(TFFjb{Rn zbS=fd!8=%`|2ZreI|nL5t6|Xe2ppXm#%_$eW&OQg2D2Wlgd-})VZ-4Tb|TK5j(ln_ z&U9~LKV@@?N&O90=irGUFQQ@MsHx)NPnreiSq_}pUyk!`HZh&9lchI`r*fZl*`RsP zL!4WyB6xesG5u_uI3vOr{mz7gvB^XDBt-G5M!X}<$tmPs-WYCp|1(+QUWBuMT}J0g z+fensCf|2$9P@OZ4Y`Araoy?rurIKXNcS3o=gcAa#Iju9nt%b=pWA%eV%9urxY&Zn!8bCJPLjh z4FdB!i_myjB<=|inD)=7VfHFZayCnjpNSRG!#6$fI2!P?H`LK;qcFE0A`wfMTl zpWpL;2(NB`frtSfY@P7D&)zITlXXRKT>B~pX7q^y^R}|}z8*pcQ4`Y34QSspH5PYM zV9j`>!BFLs_6{lVuzapl$0BWZ2ydeSKz_}YoKWzC>7yC%bq{2ipR z?w^ zgP*gDr+i8;c`4GjLXX{XQZ=TBHIoH~5-eJjiH0}cvAC(@;YIZ%;ro9=IIkS(iTvv@ zP{WZdoC-9~PM$`ZnS*-o80gvnXs25-jgL%*U>7Lq6fiuRe$h4lLwkRUf>N+9eVCr5q=!=chl&ZWJRrE32K;4Jxig4?;BvkC zp_g>VRiWt5T8u2OhEp%EVT8ZX^X}?{j;Y2}sTlE}T{+&9ng+XfoXuLXyfo&5o;$%1S?Umz5$A!~4WxT-KPX7jxr2zOsKUdghw>ihL|hu!#Uf-}(erE(tYPyZ>H2EkC-A?+ zZ^dJ7u@R;$PA5y`vtho#riogS3^GNX@UG|zl+9HkuAf}#4dK7u=kX6G>xQA<3o~#n zv%mpSSD5(^Dcb0~pBsIf4!v$#pxoRDX&*KcJI|7LK<+iGJfWMRQ$DV9~YhY*g5H7SVK^D9Ij!3#--0i;qjG z?0~JHGG38v?D>Kn0V8PcEK9Pg?-<4ou;vO&nx*v{)Qp&m|LA|kuZ6YmyvYpDGIaUd#{LP}B|D8z#IHn}sb+4#zg1_^U*am$lO95^XLo>Pys&rr zt4`(jY49z#I^pIj4XXWL0nVr#L49?)#l=5$pzWMDDy6z$eQhv1kRAl4=T$)^trU&@ z&*5~-Kr;EPBvn48$M}vGoIOLIJLe9h`#*$2&+l1$#={gisV|9qvK+Tl)B>vtJ8~gy zKlaNWfuo`Su%s8Rw0k8sAE`=ve73RI+wPF({-)&qjmcD$I)cBp z$-(Z-k=(&w*k@c-gz&M;#J7)+620uZghS5`pz|azVxEj7%zR-=8yXi<)uLyt;-`kF zH7r5s2ycSk*Q)qy-yfly=Y-3T4`!C$$3e~30}rWD$QQn!q4AZ(^qwW8B@BiuCTZBE zI35Nbuman{w@^HNC_56h8`a1-K1kSeMo8;YGf0BoL3QGhkG*-R)_fZCm7#su+nowBt3Khcw*OFTiw^aFxu1PYjKjWL(=cty zBb54Z2{uTq0e87bbM8i_`uiQ5U{TUUDc%Vy4VjjkJ}LC(ke_-G{vpA=JRs(CiX0E zAsL`nfQhKXTPA)XVR*Sx`C&OU3>v{VsMy2I4`ax3zgCvsC`T;F5xf?pM4cD(fk)76 zs61IfydEn-&%}+W+^IrGAAE?bUTVVkTP<+yPAVB_n8~iUGrT;_g!jBHgRJH?Fx^W+ zEU|PMCP!|iQZx=mzba)PtLI_+gk#A5m}5$t4lTd40KQ)?g)T2CK7F?}MvmFUrj4k= z-fIRzKkYtg=q|$Ajy%k?JBbr5eu+CCCok{l8#Q;!FOk*8 zESp^HetMadd?X}rb`4W_q{0=vPrx~lpc8GJVbkm!Op=`kKWoQqiy zH$nzsfrap#cLv?zitJ|l1U#bf1yDNx=4>tn>EX+9&z~Qn{<3IDxta*R8xDZma@4m_k|~EyB-4zwN=0>-awdV+wx-tNDe9b ziXN<61e3q&gLHob>32xMXL63{`sg6L^|pv*4qSqzPnEd#Y$4MfUW*4EL-F*3$%5!CTVB4gW;wW+6$w{kn%6U#()Jl<$#a{g!yFhYP%lMSFU4!F7!UQ_2z`7D&wJUV>=C zP(q()tvCqR=1FqTqc_-jWmA5u&=V65$e_8`N3y5bTBQGZ4Y~ZM3|H&Dh2_oH;O!kT z%v&7~nO5$+#Q7|~JQd0d8uzdTgKg=w6%F2ZWvfdj+Fg_?5c1)@k0gsS4#1K zzdqowe+6-`xddCxpCFwS0+SOCf_=RQ$CVGs6Z;l>-!vHXD^Baw!84jEh_xT{*%z0oDRBf z0qB~kMnjCW@sG{~@+vuvRml1ijqEX0(c~G+Ov!+Y=EB)4wh}6G`&nI40!EmYKt-g$ zd2Z-rd)JR8OFI)$H{B5x^>0B$>l`NGR4ZO*?!qMlA|NBKSKOI)9wt7%1a0|xc)Z00 z%qrvY*`;c>b9Fr4($nF&p9j;5l4Cr9v?3{Og8o8%7^*dtPoJhuPl=*LZ;H-?{*-7Y zZukuuIdYh*JzDINWI-P@Khde@Q*l!CK}ajVfU>>s`;oVz*N89U#lgeY;3++#`s|Kg!Bv zX5o*_8zgC#;M(%x@Fi&uU#4>%oklm|=hqRW?7SiER+UF7;hg&Y_DZ~aIuZK(Ot_uv zX>!>p58|rQSi&`ImHkQn&L0ldUfQT<)_{(;4fyy)F#=CD znis}P(M21Yp{c|Jlb-8hL-iAUeI_2I-x%N(OLHtgEGzcgv&6x3P8*8}s3wJ5rk&ahz>UBCO3Eego#5WsdnUWT7m`aU#%v89wW=mb7XkaubJfgsWCY4c`5Ue zHlP^=Avkw~;4ye_O}!fS^C3A(G|Wa?Z17LkVQ-o?91w0`5neJ>QRfVvb@Insl`-V$ z*X6L)<1r>heS;qwXQ1i3ESS; zlQ;H~ofC8Mr}a>Nbl++bemaN8{<{Zq&;H`?1#4;lh*i+Pumoy0SmLgPb{N~Rh2HO* z0DbjGn4(+@$*45v!84l4xi4Rda$!HZ#=j=0uf*Tq4se)iu$(V7d|WQ4dI>@YsEc0T ze2Pz_lTp`oJWY7(4Qc&aaQLtcEHn(8wVImJY+6`OB*TcH73Ub@cg8I#|hJ$mba-&omP<^P*^;8vb-Nb*Qke5?Y zLV$uc2j3C)jH>WUeIz_KcEh)*4ZlkJQ3)04sTw3(_!G7_X(CEqZmoEY;^a9}1g-1-b9W_Z%xT}MTCNBk9ibiWNX3NrMY-Z8u=3dGaD1*h*X zfkEf54=-~NhrfFzzWqU-`o=bryH?rwUgsW6Sp5rYEmz?#qk*`pS&yf2asJMUc*+^ro(vn> zB+iGw)@%8!mf>X5oWsmXwn3Z`F`A!UpG=609B+1>%EZF1I43TRU3%t7+_y{9oUS=c z^y?RyohwhR6MJ#pxKI}KeHS>SZULE6A>&^paEOBb;DeG*QD^yLdc#~EzhsW%`i_U- z*_)GWug69fZg){U+*^?zidUjDi3JyupbG0U z$jZieZV-49JBN7FhiV02z5Y1fcSwP+QSK!qKz zsHkDP5B!2t%Yr~9Q`jf7-&iqaI8eD@h(BM9W}1QnXWDB#uQiYtD|^w%QzvlYp+N9* zwL;%=E@XTKr^&39pvUt0XPhWn?)!|bOByY*yB#ZvxGzXN#`VG^ak;4QI1@$7X$yJh zGHiqO_#&Rc5YPAE8yP0}H^WJrR3Sw64B%H>@3N{fx8bQ~5?(W1&jNa_aHF$4pDBM5 z7wr?WCmCIA=YP>+VYCQ8Wgajk_sMWs`5MGO*CESijpeTnPvwq2N5wxLyMn|2^Z7yT zkkFb2&5AR)0QsZ$@0`F@r9)`2=_=IJafh#gYarfR9sRtYW5;@LKJn2DGGg>7NFSOD ziRS&ddUy+T7ZrfHhcH{Jv*fDI+xRn$Ej(g4=bNGg6^_A1Vtm>Fr6>8uy~XsP76^% zqmYtKjPv}33_f)Id}{@2BzPo@LAnMm~-X1cxA0?hE3Co6VqhKNz!m|3SnHn_;p1Jwn9 zFVf**qdhe4kmUISi{V_O4m^3M01q^k=;EcW+~+_i`8}f^GusCV{IU1sVPPpc&(Otf z;^}atw$oux$3W&@G!A12+SC93n}ScqoF<9^o3XZiCFCg%;B&T)C;?uaJrBU zmLeZmwbC31o|30s&&E<`6)X6ndJ;Az4y&-6>qVzdvcMIt0nmBI5AVM==X6*#bM=&? zGsY0nY*Q03vDieGgjsNhTgFWF$w>O@<3w($KLGyxnL%fHz6RK{f~xNwPWMXyKKO_g|I!A=K{IYJMkWv<|z z7z=A>SCDPp?dbj}PCU?OBP>6eOa2@mg0XVi+^+T*rr6t(JDE4xIU&0;t}6}P${vvZ zH|Z!zq+x*J41Q5D9zuW3hw}P0xV`Wz+k-_Sw;q(4u&i#DU|gnVCmyNgZ9hW;Nx=;5(GZNs-v}_@HrO#yJE+8 zJ@kYPb7P?9bSRvt@kG=wWyWzAncMHv$c`Aou{Dd}yq^T!Ur>($f{$6_z;y`DZ9$C@ zyTNHxD17|s0D7}>p-IjUmkD|N4zVGkN_e zO#X14y-<;*BTglNhn)bKGx6lV*FHk4KbcJT=U1#Y{eV+{R>SPWhe%@4WKip1uwu^= zC^!4X%)ifPdEb4|_ERb;5-r7j`is!@-X!*6e{T8Z^xtsjr5`v7b2hkRNG0|R_yKVlSp z2agv^4JMUW#@7-&tDA0#aSQ znOW@l%@)eGh@URC#-aoR+6JyoK@Tr2U=PUpxpt z)-$P^OEjJr=4*wUenX{e5wTA&7xuZWL@Q_ylKPFXBS>%zPb$SH9mBcqu@ms(Rvwd$ z8IDGFLWkh4q3CXt1)PAXe8T1uC~SPnnlD!1#l2p*=}!Ti5&y%!hnHdG1v5T3?IoGg z*CU=(WXY|Cj!@d?YcRRH9FvC_q0OgCa^s^Z(?2MaUC975I)9fK?UACYj$Nw8~_CZ^sSz-{Fwk_-P`0Ee1D^qnro{hze?lUO4R zlCl8jpd?MXUV?baiITXE?oMS&Xj-D!7jfH46qtT7YsXv_wrJp`O{z+ zHfA{v3Mm8+g*EVMjD;z<_X&(F)+`~1~dsx~g5tT~#BT`^9`MeYr9Mr5uPu15!m5^&0Wk1l@;4CbC z>dbW)6rsI|Eq)&K4rgZOfPYj5_Eg`%wt=#IVbyyOrE#_@bP+lSe24SC68Px89)28c zfxIXS8LS+`Cp4hc0O{hrSub!#lX+jAUume}CExyp3)qg>YPWJYJ3|6n_nfSS4( z@HGV zw&fVnBf*a#Qr=HwRWcd9hgy?`(uFXfb~4@9i;zA-3VJ`T>hl&rB5>ALS? znLk{?SG*psN{P@UG=|TdbsZK&4Wkbi|AJ}HM?gzv7}STK z?c@8{7M=vhU&NCC{`x^JJHhK0uj4M`Td>YY#V&e?PT&(mgX+{kol84wi<-4d&2VGLldQLP8Zi*!M+%E5JE9iCxd>VprPKd5mHblwLSN2YL!_Kb=wV zRa^kwlC4;gngtt7y+p@u)rm9?Rbp?09?g;K5uKPD%N!4$!@m(5c}kBX_3T^3x(;k- zs-twV>v;)EsaCMC-e_FqtANQ)Wa)Ou^IVn3Z1zSgs4a^`qtd_F z@OBfC#aKwJI}Oq2gx<}^N1&vv$RE8Fd_CV50WEn9opNKSz4c)lwWEQpzf&#T!vnY& za)7#Kr0sTntmd=1328xR55ArB;udt;WHy3;lv0&6wuz>xZoDe88na_;6Y? zXug!Cd26fK6X!;V`V`J&^vubjzSU5$Xe%yO9?rdv=`N`fQU#*%X|U)>CmO0-q&z?=W^ckaSV4J?+K@>*OSdhlzEuo zB0c1M3lq+cL%-28>6S5$a6#}3`%jlf2}Mb`YjKXupUSHvNK`U!rIDt{r4d#F&##HlY-=xmKbud!J&BR zDEe4haIxN29D2DHa`SZNM~_5;CfYVw=i9@US#Sr$ut$<=zUunku~W>PXS;q`%mB?hGV^ z_LCPvU%@hbAXG|636qR4&P2&}*PAMOsc<=@w<;p7`Das3RzQQdZktFN};L1CjrjiqkjJ8&2l{N4$F zqmGC~{y*X9l6yo$vXy)Y+roQn&VcNdGO{YC8Lm&y!N9U$!GlRihLbDJ-P=pH2=_j7 zVc)9|Bw~eWi?B>fR_yN^1RZY)Hm4h~EL~p~{pdHjDrL_)?FPZl?4j`M_(a<7_Zecc zj>Fokl>8oI0u||r)s2|3 zDL_2&O%_hgeuNpcin$-jW?!NW1a8|W@vI|lBsAU_nMDqsz6S~01@CiCMWsJ(g3(l2Z%e(%{+f-qjP79;v~nvm1$3*>7xFT<0)S@+V%K_#Be!|G|ecM_g)r z6CV0)nHCeS3aM{Yv*2~A9OnGbzUUe+M5mTmyF@b zww-V&zXhBeH0XeaLzpr>nFTptAst$GNxu6H7Cq@DQ=jGv2UP_oE3GBY-VS8n#zJ;= z%U{fSt;0Y2PNw}eOThnf7ISDFOtmBo1y_nb4XE)DIbG-m=Z(tb`FSm9kssi&u23C! z@B9VUv6sQ=)l6dZL6$bhPQtqx$#C6h7g>8I8|7ytp^n!}`1x=kyLV?Od-chZ&;P7M z!*k{EufjjEigYPXE2sxRZT~-x}3@6Mpg>A>hA(_rkN;B4PZ@gLSf78LRPWwC^*h5CNIha2HOqcccTF$ zyr@fT*0l-LP6t4!W;Yp@sLu26Cu7L?UVJX}Dt0Z}1m|n3nepiREUxeu4qUsEpW5{e zzAert)29#SD-LV%$VtT@FaGYZNp33pR#J=*q{6F{pTLro*W$o*8F;4j6UR!d68p6( zW20#XuK8~c?0jS_o_~D+#0Gz3`=1+Nef~FGl2b@Z)F?kv=1Q&zJ795g6MnqvEAEPn z16R5IEY#-{XosH>OQ+S59fIR7V%SRL8GwXGvYAtI-qD_HR%)eL2f|X-SO|EyRs_f?IcC3YzFE z^NJ@4qTzp|(0%Vu_RMxE%DIKIzE!2<`h~6JlKwilZ2geAxs2j{#aUn*dYde8*5f-C zF}O3!kQ2>*`>>*5a`$Q*+d2It*imCFvbQ5shrY(7Z}sG(d;)$RK9CyTy8~0VnTvflYlj>|7E-0`l*P_AtlyL9pl3E4EKs6$AIL zfv30a`Ma*G;)e(PQNpj7{Ixg7=he0lCwOqHKc&LUnU-+sM+;FCx)ZJX%P}}@I>`Oq z2@!6SaBt!9icgnhn1-hbgfDstdFLZwUCJY(^vMH0L@i}GkLo~kbvb;N_vE3AM$)Xa z3GC9?AWU7A55cC5XsakG+LF{M8lQEBTW)M47S9qe#wiN39b;kJyrG!&cOks+^MrQ` zm8s0=60t_VhVb3T!JLL0d^@sBbLG#U>wyV6C?rh<>CWHf%7d>j9Wli~QE z3+(6^6G&d@4;oj!ak+sx@9+{b5_d+k8x7$k^oa&tKI0+|JNZ~#=@0^|mw$t;2_d+9 z!z%7sXUzRYSzxnog8i)q9Gu22X&##lyK+$ni|SF9M5ImBhp1I&Ro)&-GJJvTUV) z;`iD;7;82ZuXQbfbu;z($G>r4Gx00g`P_@Q*91YGY#+>$7|U~Rw6oE9(=bBjy>RWV zA@W0wnZ!e(r>mC;&Cv$*N7WFlSz3fvV>&P`W+a*(%flC=-ioD)^H9xA0egR$Vey+W zFhgqweLhWsefi}{YH!9v(K1&Uuuzy&PgzPV$9m$rww-vkD;RPsl<{P*0@apT$S-NN z!}itb#D3&2-1=lG#MoVch8^`4Z!U%7q;-2p+(cpbQ?>#xDoSwMJ}2_t4ROBd4O|<$ z1CK5ALyKfL^g1BN9}Ao{g^sb*{I4>sa*l^#t6x=0RE2|Hcm$oa+Z21vKH!qnBamSh z1)XayfOmKi^Iu$#+yB*r#8EA-kOX+JO`fM_*WuNn+2W41?$GyUHnx7%qaDfjV0Fp9#M&5p6IZ@kF|dM-;Nc$7sw9%-cwL$;w%!_Ybb&SBa9k6Vu@IQWA z#u~fsh|=FjL$>-w7~z&D-jg$nEWW(~274U?Pa7RN+mWKd$}iyaItzz8?to;=t4OU2 z#1qcVhXKXPe1wn%?-yHRcA*)>nae_bM45Q8t}kit4uiSkv3y_TY<#wJ82#IyO2Tw* zgX&=^+Wa^iyAo#dl7?{H(pQO--Xp#^c&lS-3vXpS5c`(^&O3*t#!| zD3)EqR|3E5yrTwvnlTidv%29_z6)+~MBJ3{i!FT;z)Y_Im-n*gSDXg&FH^nn*uOP+ zV4DtJeQe5W8>8^y@@wd@fa++0^HF;m2bGEV#(=LF`glFeoqK{DS8v1b%6jM}3r8I0YQwy}_bh%i3Flr_|A$|^F_KT^)`ciPct-<9=*FwM)XV|@5 zntt4IwenWi6R570pr=Ehqus3IB*A|ZWY1F<)4m1#?dnbV=DQ3wzVZ;VVU>cPScbX& zX(bB&n=xj(Ile8*U_-20z-M{UlN9l8-No{wiuj~CM4>kIKrv>MHDvw^9@ z^r-x)5Kxy8@=p_@@Sx0DIAUyv#w#ZA%qN%0kkj{>l~@7|Y*UHBb9Gv?g?ldx4%LLCC^LQvF7@hS8y9@8T=C!|2yg-t@~Dj5J3?sp-KWf5@KvwpOrnYwWgg>0KXAEGDp`%k39hfy(DyFH!x%sPh;qEx`iJP5uI`GPSu z>mXNe3OLmbCU*k=GI?ozK6u|M2!om6yuX_S4sn95KX0J-**lQ=HWymI1i-7GZUTE$ zLNxw-yMu4@Q8=paM00!Psd7&(PAKce_oBNHu6_Y##CNipUxiH3zrAcoNNCYeW+v1B}rC4ot z6`I`=u_NY@Sn_r*p8eGcohuFbHqRP%fuuu|-(&W`vx;o@2xML`fnJ>Xkz8s4IGpaq zr#>Cc75B%2^EVkD5SDK71FQEvhNHK2V4B<~vXDvhuseo0 zHnR<`<)q-0-KkKbr%V$at>MM;Bk=RdB-9!uL*Yy?N?IO*w-GO3V&@##zRZEIm@tyf z_~wVJ4P|)pmp0t{OPVgz>4t;aPqFh*4By^*g){`^fW>%uQ9|ocxG_E#7IjL%+VNW4 zZ>tftIUw}g6%UHM3(v9M_p7n#)-PBPHW81R&7p5L^|7a0DOjAyCiK1qKXAH4EE_os z7fbh}^1fggZl?);>jvNiMQ#3HnGf(d6`Gy91MQQ9E@t^TI5s36K0m#|9z!4ucDVwo z4@@xH(Scod-Yxhot{ zEifDVVE@c~s6DJ8&MHuVrdl)HUL#3|g~)=NlOvrug%io(vv~3SUo1Oh%dL-|f!9lN zac8R{mE3Wf4SKo}-;Gm&zo%Ei?Oi)T^`$hgb6N^{Vb$zuZ5*h6Q>3?E2_BBLJpBGg zm^0cOhq(rXt9VJ^o1;Rubm$-W{k0vUMFMAtwL{kh6X6Vchm_mO^GD(_(B}@sdzT6S z?f*-pJpCKdeW%71-lf9Fv>vFx<-;Dj4TcZZpU`}kE1YtYCHaFI;f3B?vWp6tmaQUT z=cGWLKMEbt(i3ctS3KEv^C;;19EN{2Gij-1Bp&EI1}-P3&>|@x%qg&@tCYTCd8!jE zepZBwmK$)3xwl#8@~v#cl}y;^^uQr8sftX{=@wmc91r_$y=0Lc55Rb11+kn`0PV-` zqmGc>`fZp8>enyB051iSU^S z!5=)FX-9X}U5CSC|ByFAujau>BbYn=1DVhtA%2!&kG|fg(OrQ;*W`=v<&rAd^o+A{ zM&|h8ui%q-*+-Tr^|NFTL`R1ypgBz+YD(<+kf}HERQ7mow0;xbUZcm4r+!53s56i* zKbzX?2|U){Be5)gKCF%%gx8}M@XZfu;Ymst&a(L_dN}(w87Qy`?QH9qAhTllcp0;TA2 zc^9_%ofN-yWd(1D*@UEauh`164}ynpz!&{DaOK`=92KiX&Ckw*-<=aMdf0Y2xHAYO zqL+#f9=5_X3u~}k_)F|`XafFqNyR4h2W+|7c6;}ce~8usJ&Y~Yke$vGB?#a;u4=Tv&kY?fh zbQa2_TY!x7Vl?3i>^yUrgt%;F<-8s;PGp1Y#24_jBa);pl;*P^^|70ifquAtktM92 zfqOSQ;DZ}Sadf3C)m8m19xc3YeNbJ&T<+CizWj8eUROoD$Ccwm87r!Pvxy8G;w`Y9 zU7?}ckbgKSJf{_cpttTX)DIp`=kV|3pU+6zW3h)@y8Gh7A9u;Pnw4~uag%7`rrgRQ zdmoTMd!87DHSa0Y109K*WWbmSbbPe~ z|DbBX1027Rh0ip^awny!RpLtr*;Dr*^4>aJGieYGxh_ZRpMPea(;{KkR3*BiGf_19 zUnlu4-1qvUE;GFio56O;1$bgOiz-djra!+pLhCeHu3>c?JU{obf#W^kK(-2TSTz&6 zex4C+nO{TNjd!zO2ae*9wRu9GEQW+mlMuWcduVb}2P@uVNH-oC2fe42@au>MxRF>W zhVE5(G)eG~FY<%06)#}+%sSz{VKmk|e}U+#6XRxWgjh9!r9VO!j#s{7 zP6H?K-z`?K+slWG=kJH9{*!5T(j|fKHduW9n+f|pzy%!q8pvWThO3uk!M)&CoHG0X z$vz&-&Mmls<^LJb`vvVp>#QUkpJ4+le@XNATnz#wSA$i47=Au~hU~QI!tz)*T-Uks{QyL}q|5HJVw`Y?4Ve^^yo@(+h%7^x?lBc+A3IzBJ;4*`M;ge!x z?6z-VwVszqi##*-o{7m-z)!1I>_1`?5V^cYX4>OOI&C^ zUHF`YuIhQfqC$i@?yvDEGU_1WMlF`M_c&N=xB%x=)ZklXA}q8c0+-MkYJRB^Vaq`) z#|Sy82Lcavn*)%8|6%cz+3^Ier`!JJTBF?=7+`#DNHKHP_t5)t@I`{68$`Q%+y1&)hyV_lkEm~gEHhPmFw z;c_Z`?}Q$fz9NjgX?G=6Jtwg4WhZFY7!aG84tUB`g;~$ZAjjVir?ZCHfMMKG{8|=P z={}$Zh2%7Z%_(PjzlCS0f;`)HHXC25>0tP>Vu&<0q1A6g+1_j=LON~PK;0v3ny`W&Fx|cLV6wv=W-D}L z8xL}#Qn|5phAIE<<9tWfLyFhWH?sS}$7!F62&w`iq9c&)87--H> zQPLX&I`ia5^zuIkkKX%Xv(5z!BYLnt)sp(wq_G*$6j9f0*t6IjQ$e5|@q z!H%hVRWuIFaBxvOC(bjd7rHGL^!IRWs#bH8HJ#Livx`J{O~|~Q=(_=FMbFtK_XU-Q z|NKP5D8VUls(@7Z#X-@a2Y9*T6L`&j%A9&7@RoZBhPI`UDdARFk?RHNJ~CkTMu}GV zK0!XqgwCQL$mNrYwD)-iiXIk0ebX5J!_6CR#u|dVsW~QZl!uA7(Xc!|4`Xa~x$j6_ z9Q^w@PVR68xql*Rm!-rdpKCr3k9X8fJ#KVW(d6ke= z(wb*RBaftrWzMGI`kj&JSooNnxPC!Yxb6Uu)F`aJ6b#D-E~R2|EM_@+K+B*4^fz!M zc7k{MXh#k?;~hx%sAj-NI+Am#X5683UngZU!Ec0ip&^f-Li{Ao&CUx-HPmod@(l{jI|0@&?3i7Gv5ge!A_l6rgmByk6~MHsMOZz5sS zMFsltv*7WW=xa<9w2Ov8sG&R$bX)yL~1$XJKxYKGz-DReXmfAj%{EW?Z#Z{qzy_O(S)rIB`{qr zTD-Vchvq-Bgvv{4ME(0jK5yhvblU$K7A&}kGmi_;d%il8{dg0m-n|Vm^K0<1r6pf@ z!JGfrIR=)u&ZP?u#Nwr;2MA#fI99b7M?^8EXfEsxpP0kA&qv_ymN>Y7PMMF}^qARI zB*2Wdjd<^k8~@~S9gI2}u^=;#n2}Z3+%}x*+zEvl-IwrsrZE5fb%D6cVRXKYAuKPr zB;?lIpuP1Exx929_g=F?ym7}F6p^W(gqM5Cmg^_ML6{F-M$3couTSjCnGvYGBM>vby7Egla#$Q<1a|AaphmL+ zN-gDZg3d%9;d}yj29@E1%AvfW|2=y?#EoS;oq}L#H>w>wl`nu4BKbvwADOjLU`ToJ z-`m|pTK7DuUtKN>Fno_!YsRn_5`w>!Oro;p8L+S|34ZFG#_+UhB&F~rD8;_CEnc4p zT~6mnvdkfIm+?n-wKEqL*G}O3ss=)ez>8k-aVw4uAH>sFNpiWO2G-=AQJN=oaJZ6R zL|NbwdQ>05JJS2;?5$Ree7^7S_P9kuB@cw5E^=^wDB(+#p#f3+69T9wSSozCErF)N9&c@Y0G(~!PO zlM(e;9VNzL6Y!0In6DYSjz?#uv9gyoyjRj66||Mf-IivY61qiTES18jlNWGyR5015 zv5I{i{9Sx&yOEH;*aw%VD&dgMmk{$w4Dvn;`O%x|&^~b_*BUY!HfGF&k^948mwXD! z+7KEmt;lC)PDS080%(7!Ms;s9%wL)->Q*jhreB&M<3ve))JU4~wx-}^O={#C&zJ;cBABp*85z)xy z#C7Lg`1NKBKR0(h_Iw|T7u!eE>Z!+JTgXSe9=KST&235N>1gqOXDy!fEe{s1{Rr2E zyu2WAlkKx}ApFN9CiBFd?7bl9Y;I~4raeNpJ?R*Dw@WlMY!EfQk&DMKTodICTp=1M zaou(uzF}LZTY|fJ9i~Jy+qSH|iOO$oLvOhj79}KL;poG}|1$7Pw;$jwQxjx*qfpd- z3S`brN6Rh4_#UG;Sdj4@KSLSzjd8}5NXqxzUx)GgzT=JVZjf($3B!XzC~3F>-QG5+ z+uV;uLyho!V*`$nI1d#UHh`csF84a?gVb^AR{Q9j1^vkcohhs(L@AEr&)H0fN zjZ}mLJ56}{U=K8ReFKe-7&10y3FZ|_@w1Pf9hbk`GUg*wvuD3Mq$GQ{~q9*{rfs@!b+A&660L)5pO#Qi~cSn`A4uzKfP zakt=)Gx3jy7N0@r(6@_zl^j6xN4M3z5SNp)xrOZq&Xf7NR3`oQnC(L%;soqqGVjAouA>GiaAsD6C_PraFlPnO+f=2jEXqi-NhM?-j3 z@enwD4c>C2*=EUH5?5$P6O2OG!QrFv?XV~^xkeu>$8-W|`3Lf2eVEnh2}E!6I;I*r zjfECBuz%h9d}7TNto&#qbRekE!7ZA6=EWzddnOysWe(=QUE;)%`)lEr>l*Ak9)=Df zo5dZ|Ou?;Z0e1F(M^C6{oBdSrq1hIJ{d@xS9r{RIM-*8&mY3x{ROU;AAK2C}Rz#7> zHJHEPElcADY+ln){z+{K@49jt^7bZyPQNk9(01XXzz9s#Oe14n+3|+;A<&iJ0Nbkv z(}~20XDn-jsJE@Gd{PCL2%1J$=sD0!-Gz1eBXPq02{b^MQ$8sVpb-L3bnm_#xUfzJ z?A78iNC<#tCMnUARyw@>&{zzym`l>SqrqU}25!>WgsZ=0qTfgZcy9j}=ewN4XgrVq zJiBn^o>aD=F%x`K6mi5$LNqtrAuGo_!LOsnu;BaBSxK~}0x5t-=i`VoE z+5ZfS+ zUdBj_D{c$^A17Aingvd8l<4|>s@!YnTidN-PYiCZBpnT~!e>?_K|sHU0&=N)TB zLF+eB-`)R+_ngy^6tI;TU;ITD3;B^9d1AO|jv(jjNVPWI!i7Fc^veWEq0@I0p1G9; z4IU?LD?1;uqqbA{TUB!$nRp9VoxI5YMMR_2U|A~qat0JnJcC}Pb>J78B(RIrVc&Hd zTBUOyo1>(8#JkyO78y!M{(d0(w6OwPhvcAt)=5xUHw*UK-Y0|ogdJS72RF!?!gZFI zQeEY0SQe58Y8eu=&8t}~YTXV^auHO2yfNQ5;VM`JkLRmSJK?8=wMwT3ZVTjmT=Y&eH^)hF`13i*6l##jg&ei9BBRg(<^r=U#CHE=&Lmo9GHORwJV zV_zI%=nPpCY^)r~Kd)+M|8nXeF=rPJx}v$UdIA$&?>`C(={j zi-t9);l%RU(EsiqqH-Ks2^nphXScBXwXm3UD>*RK-ac^MDfX9bec5^bmxr2 zzwb7SupV7Si~rNHeP11gQy+-j&ZtH{5Jw(;|5hG+)11a3!< zaZg~en&6rGWJ^cbZb6^qF|>KVI=}dBIDM9O9}h12g+eU?+HGtHlc6%y%D|f{_HJhl zcFE}WSBh_)JC++?y9cY*m*c5sSH5)7N*?LBgZ&j)&PT{Ol!0)xu^q$@zr9Jm-0lW{ zY(RyEdXZ^>HS;-d069NRU~#%OJ#cTOc*mXlxFR|Zek35~ZJ5ZDr2bz-}&l*12 z+8gNNm0WT2T+|r99gVA;X_Ci999ky9WB&-5dL@18W?4wTdt{5krZSB)0!(2h~`UzsMBJ~8Ak3%qdrO$j_1 zT#M)Al~Fl09JT}|!^m&(uf9o28qJ;>3)`N*z=v`2T<7mEwlXD;RQKN}gj~UsppVov{=xm)6XwPQK}m4Ik|(u$sBlmVJ>^5D8tQa zez5JqSD3M4Em1#YPK!f@4)Hrr3E{6u3%732sy4l7ue#tkk&a2=YL)--k<&m=a&Vt#ENUUDK(W|eJjD=E{>rC zN)u3VzY|$)rUK8mo#dZ=2SdymTdZAlpCqNoVab1bVspU*oU`mJct2!lG~^50{oh3H z{hE`y4Qn{tFob_DO61We8f_HIr}Fq{3%v5K13P|~W1GbXI9s_C9>=7i)ALNCt1%1v z4OPJI-7G9xPz=u&N|A&`30(X`8I2$J;gFdMto*}PC>QoWq3Z>{>vsb>FFJxN6zQSD zi&<1w)&g7?no!*<--x881s1E$quFk2_{a4jct~KuKi{yCE?!kmobn|wsj3UZZ|}!V z-uVJAZYBD6sPhT?#?rcdk@Q&6Y_tq7#Z|(+aWt*Lrmh_Dh@60j-6n}YMJdy@^6q@r z#MhW%Zifm3kHPO92hroj4Q5R3_`>HlWR<~jn6+Pv+pkH(m0vEv)mL6PDS0|xbSi}@ z@3ooq>_~|9$+LA{r%qoSm&TrX8vLA@1J>hQUYv!+rcEDla?CqCfgbYgaGyjnBEr)r} zC2#U!%4w9?TF=`32lG9JXRtP=1zkTMWabxT>Bap*ukX50T4!+%H+uT8&pLf*2LG_= zgC!4(>9F0Q{EKb*yO>$k91uL*MVQCDd29c9kXW}Bme417Xo?08+BS?m3;zwyn$6bo1cSC4aJ84)aPxIZaoq4)QWvlc;(h~kRiDe~iz3{m+id46G zqx{JTI&oeA?z~X}zN2Gt=YwxJ=E{Hgro9@kM;AcAT_d__WEHvB7E4pw8lnt#_|cX9@}%(6nopz9cY%mDa>H`vxiBJD4QF(b2<`i>Dj&wvE*o;XDF^-cbHi zR#xmXU_Nx;X$Q%PNuY&8nY^SoW`-Eky^|!UxBW-fwK7e#a;tIK;fP|Qk$n=?b$;Tb zq*f*;D~<-he)S-9X+zhfRm*4h}M=G2Fv)}_WxquQXTUg+)FbPF=d-VvyL1IAHj zQ9e0>T~4bcS!0^W1*cYszd8`~Ph7<{p2kocWWc>Xma)!bAuw@T8{Sl0P1^!DLR7E` z^H^Vp>cMR=UhqEmxAtR#;XPqk-(Kc+LXFq-0(`zK4<~x3!+e)A%+&9|moiq&(@U18 z{*j;?l84aj9!XlfEgDlF9~B+buOo^>5{O4k3+&81h@m%ck-g_X;TyeF@iOx*Ad*jj z(Krp8N|WGreV}k4=d<>Te&X3Rn9_Pbtcy+|hb#=(WCJx&C@BW53~kZD4V~zCE1D$T z`-h`jB5|nMc)V_?z;F5w6nGi;VXxFGG?=-7Cw%<})iVcy+_ZR<)L>{n-2+~yx$EDw3@>J#!->`Z4+V4iAWe)rX?^*j-c8GMcgVd zEJ|8*anRISh&&g8Gd`-(q*XY=jo)~KwGTcBI%b1;wCO{9C)|tbAJnqiF(uFzb_4FD{J`^7Rjhy31W}QY z14%DC1Z#dRfTD(}JUY*UPuh0`GN(&&C+{QtpzQ_nIli8psyE@oy+)zl%jvwKO#`&^ zis0^~rQAr$pTAVH;QIacG$N*(&EJqijK@u)i%JJTkN-tFDsdXRxY$#T4-AGM(Ko_=)-w_#8p6Te^B7`2D?(**${RF=`$i)H|Kt5PY4hH!G32Vri^i zr%FfjIPm**8k^o8E|s0_fRA2e0l#Cy7(|z&uOGTQv%EygrtkWU!XOFNIt2fa%QlCUC?v6yG z7H<{|LA>c?DISvUBid72F`y}$%sP^a!{6JXLt3%Ts27VdaphN%|8W_KG3z6{gYU2) zcaD3G6=15;G0fun5oFuUzLPi3ueHqsszyMiXibF%f&zc zer0DqrNUvuUh+8d2hN@33N}CFxPsMR2ncM%tP5Y@V&V%tP18{6(n9nQI)$5ed;r(8 z+Gthb!yf;P;J=Ma*y?#TXl+!4@zxJ9!Ag$ab@V}5GLyPUYVsL7j^W_Bc6?}61#!N9 z6n;$)BH>Qc_{EoA=AMWK71u@l!PncO&d}GwJ1z9^Nxp)k&YHZh!vt>*iN=NJ z2ElXmsf^Uc^t!>nU+XrIdxNW1&5e*ZzULnOS60ZpFPja#h*Gqbh zs{hhJ(Q7+%=?jFh0+VL0ODT*vnM8lpN}$<4TmCC6htb6Gu>b8x^j_v8+EXouzCMO{ zux&n_x622cy+9P^>B05f3^9BffqyOvAh&2IWZoWwTTTf19fjwDE@#F^#twv88c)z~ zxgz?>tKo|Ba+p;47>BMMA`a_$if^V!K$E~2?KalNzyU7Qsq!tZR8pc*Uqf+ovpkQq zRl>tn@9>t`hHUOng&oe4w6dmK*!3L)cga+YxVudF9nF|g2V(gkH9q_IZk}_pnT^O@ zi2S1(H)s%a&z;XivinVV!k^Xf^5$V&8zqmE_74Z+BU5Z1 z1MuR}D0#}#p5u;}Z?pm+MvMXC)&9o)-y}TY?`6Qw>=PrYN60m!_Hw&4@SZ==k z3X6_Y!#?3!a+`Saf_3GDgiqi;A2*YDqwlc$S_*7v)8`Uz>e$T7(Y(LNoGUA;@MvpK z@<_WLTfB_8`fV4s&h9+49PMJu>xAB%v6{H7NSPe(v=GNMEhd{{h5nnaaHbVN}TU#h2Om;#?j3QYc51e+{BvJC>qnnjen+B*xitekdAXzys!9B%MCJ?AZ!Q?3_5B zhszXT{+=jQH&&$+tF&2UmmBksJdekn@`$GQE|8U*L*7qx!j3%`0R)Qi%@yXDW~R)q zq|{(=)eutIV8#6V`=Rc}XIxReoxS_?1Eg+5kl@Bx7+TQHj8!K?N6rNPw`DT1is&Y9 z8qT7=mJ_tg?1s-@`f%5cODNMfN#H7PW;z$0#R2u%VDzDb=nJ{&CgFUZl`T!ft!}Z{ z0WDaoTZr|cS#Xi>1nHRrsAFp(&izk8NM+suz1(-=Q-^=D8Y*T*Q`1m((pur3HiR-k z=SrM<5TzcQQ*-JLv(4S0In5NRgxHEXYN68a3n34nk;&jYYJ)Ow=?g3mJDy*fwa^W z5bd}U8g+IOm(^cTbhjM}K6c?#4;eo4=3zGAVfSAgx(VBVE1$yNR| zlfHk6Y*V-{Mol?NmeyEf+ucOeZC!(1--p7Xqi=}iW(ofEuO`Cw!EE0&BM3iQ3bg$- zY<_oB@Z#vh@^B74y(?j~b&23}>tqA+I+(c66SczgvFyxMlv%0|EsA$wrb9TpQenn* z6vK#}-#eT&tPAf&ZiOv7b@8L#1LkdS#r-CnU{4(#*-v{X-v4YeyQ%&h*QF(q_BSQu z^2$H3D*XZu8r%l&y~m(g&}MA?xk$9ozl^NzE`?&}Mw}d0N#47;37m|nAggc_iTrdv z?$$YW@u3noDJq2U%1AtC`i9xJ#z4j1nb7+%UThi3NdNm;^yKv6yyk*D=$(oIPYr9@ zQ1A*(rk}&Xu4mCQO9t}wrTO`o3?_AVFm7}=$JalSP|jWv>+YC{a%z5xpPkJm^9821 zXx%Wrq|`^Xb_ZkgPryvUt2(XWHCWy!sV(cujv}r zyDHJ)Z(6Z7=`faE{SK+);^63dV zzLjDYydFIk{eW@y?@=dC4L&U$O7((Pg59UfaG*K@*q1o=&RW=5pOeK6SBCMqp2j#` z&x#IHIwy|5Z3X@XA@HSq7R`8@24}L0;q=xBEbwr^JC38do{-0ClsLvBzo@c8Utzu~ zoGxTKt%>DZx3U2$?kr{08K```MChVj0!?d6$%lW2wDLz1T!;$C{bgs#VTD&BXP1dg z!$=>O`@e(nUTNg|qzHkt?Es!KxiIJODXe@shz{AT2iy?ovLUTvX(ch;Gu98HUaSX)u-F6;J zFB!v0+D|&3hQj$M8J-e4fPGbr!G&WUu_4>kd2XNxFIdkJx(8#?_sSVa-+GOV_Vl8@ zKl?yF?=a}UpNsCgN7=u+Q&6|Esegz1_swc*b_z+``$6z zX^GZhjo;X*fG;@h(0pbeHH2&aR-xBn9hnk-f;Mhlf@b5FK=YeoDA5=}M^)cu^7GVb z#hW|Kc%BAAuM0Sv7Gvb|1t4BA3Di5kqT}8fFz;0*j*z=Ax?HgX2j-^}Ys=$!cUlk5 zcDxEZho|7r-4ifGwi~^!#lx6s1NoShh7jXz!rvVBqquGW^`hrdQ9}yzXQ*JIua781 zzZpGW58;mf*O*tbF+6o?C8zJb#nnoC1+V^Jj94JcgUvR;T%Y}5U0_DHn7#n5`G-mE z)h^5v_Pm}+gL(VCZ=~JjIh>9@1#{+HMcFHvP?vrOo_^>T?P?KNd>0gWW%hcI>MUbb z`BUkuO#}E;JtZ`a6qpC$eOQ*giM^bf3C9<%<$?A}Xghc;{pFfV4rLdheU2Shxid%T z3Lb=DvIghM9D@15p`fPK%V^{xwxCqt=h^vlzZ>~rXR;C4$^t66NrQi#u>nGs3<2%B zqxiO9DLv;PLZjQKNY(ISGG}?RC>(~skDJF>qsv~L2%fxuC0aV+0+fC*rioV`iLajJ%&bW@xeC<7~#B$(4aH+0>o%tDN$`O=bLoY>$?<$MI>O|lZlnr<}#RIyd8`#c|Yq)t@7%t3wQ+7}H7fkhTN40!AxZKkQ<_jeGg^(;vH#q^p zvnO$%`?^%-VhLNLC{H)b>)?pRUrEg5^RPU25xX9;glf*@)ukf(Tem28anm^MCBli=}W5~Y-$gg(9 z-BX6bj_bB?jT*p{{Bj)EU=9^SP5F_aF(PXD6F;|E!8X^IXj?Oo9yl`}LS6==pJE-9 zx7}y!>Q~TZEd#h^$~%}1rR?!nA=CTEAHxH!M1xup=ha>(KTqsJPva0S?u^IErvpG{ z_7mLEKAp;5h{1QCV{n($5Qs3VV;&P7z(wmGeA+OXc9h7&Z}l5O2IMzR{%(i?Yqa>H zA;$Doz$6&)BMVf0CyN{hG(g(x;W*X)3C>k-f%q|ZaNrQ(|BqwPZ}OO2+;a&;Kdr=( zi_J0SQv!~A;R*K3quH_F)sQcLfQF@8V&~_V$TsEU&__pbkvNx4>OD$=&269{Kno7I zM!=}i??e?%zL@-5iu+5XiZ0|&L&G#R+HR5wp4$}o+N^3US9HeeEjsvKD+R}_*vzM< zHbHFaQq(wI&l3FVnXySE-cYu-4OALMds=Uyd*)v-y}!P!guREV_dnp+n4xsSelc-e zQ-kiNKXCk+Sh8uK3>m6h08yvyFi-Y3d9>dVp8i=#oi5EIt5q3Jduz)_>WtvC!t5b` z!XR?(j}er_y+g~jkZ)rF|t zETZIP8xx;1?aH@^kyPa0#~og0|g(f0R`CMBNh6 zYRM7glkR=|vUY(;vELf?u6-lZ^f%$@CL<7SIF2oXHsrAV6DfJ>#s3k3sbp1;T6#Tf z-!?0hPZZe5>=Zfi+?5_VR*IaI;R$|-CVc}1-3lMe*-Y>|gYu{MKekm?$c7&44J49M{^yr-S zZlZnOheXVNk2`Mdh9L!=@TvX;5nIeh^&OUw(2xbuw!SQ42Vq4!LWy6Y9$E&C;4{bc z5MEJ9W|?!M{G(WO^G^%>mGNO^8>@xBM;Gy#;JfTpRV|AOjDa%U(foo(1}7-*r-6)ey1A0`uc`QEk)>Ox;BKauc(A)KSrbUizeF8R5IsM z53b)_0R@8h^~tVq2s%-Xz3UWN_1KFb-IGFIC!}Eb>K?4l97#W}NrQ>Y8EM@egEr4J zalW%D9G_T)&;1(N&y)ArJ&7_rdFdEF-!m0k_83yP5LF&{H5Rku6UiKbmF%k+iKl{N z(7@vgoZfQ7BjB;2z_2aMMUoRPjr zwj_KkCg?mQ1tXg9sFDHLmc`@o2@g;sZxqaW_?v`yCEaQ|`* zv(9X1Q61xPvGFCWe6GYpYX~#!8ihvfYxs!p0-U^7o3@G8WA?2-#B_}|O%&LSRnJW! z%4RIgDP93KCN*%qXC^$^dKb>g4B}JfjpcItSD=0CCQ{@yobNKF@Ny%6T#P)J2V75j3}+A1+wB>@-o3>jIH-Bwuj;KKd0(&^uexh3JVk*qD7lUMInw z0{Yl8=dpZ!%q80;_b0)$27h-+4DuO3C%ijK!hM?XYpx$zAG!b%vZ7!~ z(FD;j+f?%Yo~Bq*+X0(W706&0Gj=Aal3DZ$jD&U5$okS==G-B8{%3T8y+<#(^7t7x z?6o8hi5NPUG!;QSJ>_A5gtbR2OtX(!!*#U7dMo#EPdKE?D=YPbCOTsRs zK}=5R7P9=i1yFPKoOq0eKg*Ck0#il~hJg)#Y_+sK;g;J1s+2~=9?3qqW3w$ww+lz- zh`}_fUYV;r`2w|C3z@t)4wtly$92gwxydqh@b)~07fYw&a=+=~_49tP5IHYi`sE=Q z?bipF+dACcX&4?-FT(6Or7-5yUOc8ejvx0ZWri9oDv+^7wNLard@YZ2M3t z-c?XW(!{N7ko{2Z73cxI2R1-+K?w%?sqi8dKX!ZSd{i7XgD?BIge<==AQEa$z|x#_ zd?{TBTRR1ffAuMHT(X*_6rRV=`+~(z`<`NC>?z!7F%|FoxZ7$kUWA)ljA`GQPB0f{ zn*NkOqcUA0$PQmkMx@`y!GYb;+ImplhffgXQ@hpi>NfLU@1V8Dkc&3%B zK{Y;B!&ylaSib2efPpgA2>l4o$BfzhNk4G<>^iagT1&dk@)%jNY^ZpkQyDfmwZQ8Q zonYuU3C#oA(O;<^XC_MWU514alUME|hM&jE`S0KM@ zH&Kq0r?4Ow`eT$tVw-wg8aoq+Vlj+p-s8U9SE@F@P!8Nhqfp5yM1d!c0GRG5_^!Ap-c;uZfKRI9#(RYK?QqSg7J z5~0bN?tl2rvI1^6Y!W0^UQt?6yp~(9RG@p?X5uBE<+%BYDn3#%;5!0#k)Pii#5+!`!M%q@ zv(BMs!SHjXsHx@v%m1u^KMymQ)~SiPhklE67tVy8-si#o$^@#kGY(%}EP?~8rU)8T zHkR{$;8nSoJYVG`iiz8XFD@*{U4@Z&$i^FH?UDkG#JyzHbs0RxT3Pt+92lptAH2_w zCj0BIv1J=q@I-k_I4(L2`wb70&qoW`E#=8Pa;geFHSM$Ljg5i8^`A|{-pAt4H5r2E z-xivx3ZSn>nw>DdiJp&QNYW`GvK;w?tP3}$u@*keZc>fS*Kx&UyO|-iyDBDmvNgnL zk{if8K292%TiJLyC)!{)3xm&eV2i2-IIQ0YGv>a)l>A5V>|rQMpUh*$9bbt-pbS5^ zERi0*{0ei|JMfrws^Fxp1owTdp!stmmKd(Zr&duVi|iHnz>1NgZIyS0Uixq3;lM|% zV8MNs6T6p~9r}rzH!c$L!Kd+5pWs!~ae^SXYBYJ>jo)_$;?J2*a8P;|c7Geh=PD$z znmgZM#NplWAJ?M0+5~osi4Hg$oMu0s-4!qQ&V#TqXTe!=rzlLa9E*CgVcmyD;&m|% z8`EBZs)~{L`Kx>6arYiRtRS82XqLgRi++;S-JzIam4wt_EAI_075lxCpwE0wxmvE! zY;aJX*kqrFYw{vqwsSE#I`L}Ruc!!IK3JWeJ?RADYs1jdrX4<|FJr$7(iszau;;yX zgyQwC`0=?4^v&9bME`1ONWdy_pTr+{wN--sOa4iId#ho*Uk-V^Xg_9pPDQPnA{-Sr zoVH(|0o{?KAbM#W{#a{9tDB#)U*-avMlluN_vga8i7RkKPKUr#l!9&YJxCwbk_Ejz zHcc;<;jG~j^!Mr>Cawv=x}-#qf-|`AN;3G*ehi+HL-@w&0<)=73$IO!g?v#T7~XIJ zU3UYVIqnA<*XrY89Z#n4Edbu!Lne05gk2^=4tRkaJl4Af8?;WMMZza&40R>_HtKZi zt+)8=b{Ver^+u)Y1JL&REPPb_0+EduL2rvD?dt=0p^^>JCr44;FZ#5*ZwhKRy=RkF z&S4qUh<@C86wXe*0CTH{;Hx#>P~kWMGE2vk!T~Qpc0>x>vhFST%|SLN9m$62y(G_h zf+*cVm4Er`fPI@Lf_Lsk}vL!jkMC z*jpqGU(+=B+q??=Ie!@LoG;D4uXYt!RxdC<=stWsK9z>d(&KOHmeIzzD7xL|v7qsI zVTMEo`XwmRfVsz^szgQbqP;9TBv*%;?-^ts8$^SPeu$OwB1rSO?IiV)47U}Sp!OCn|EWhPM47DAj63?LKM3tou*#ae$sE=y4o=eU(a< zZ?lE`&z{8l$P-p4?4#pD!%41!G_INJj=Ad+AhBbQ`2O4T^qZU_+xTlVJw^Yricwb3 z<9vYe;aBm~n4w^?wgYDi`OuEh55nk;R3{n63X(IJLS8WjUi zrgQ+yNWzpNYtXkGz@Hm9;=$)zz$2#$ekRX`*66jY*FBBcY~F&q)Q><_>i|4)@DxZp zDnf^?1SGwDiyrPt@F4rHXruaA;XB~ZA04>~bvyj=;kdhaW2`N}s0ij_H5d$I#IUGh zGHx|e<%72uz^`&&y!l5Sc8~i`4m@_GQ%5J_Q@tRJ`0ha?Wpugu-({e3_#OGydKU@| zoCFrfJlOktE1J3{3w{z`D2!T#^E4E}z{VXj^Bk$oBVX8ACPgDEoLEZDd$w9&!g(D0 zf=T)rxJoC3%(>-+C9A)HL)2nek~Rp`Y-Z3kPwer9=6N`Gx0yf3TMbnYawG+ zW;^QAF7T64V>VCC;O!$hy0~hEI3-LP6$BRL$A@3worfnWGG{o)EfS_r-GrqJg)C=B z8D70mi{mc;g!2)XiC4D|YK${L&&%InuGbN9p{*1>XDo&$zh(5BS3h~}VT&hs+OmL7 zBP^|ZhkHJ}XY(!>k_(AvMDvX`Y0q{|dQm}O*6e@9{uUn~ODlil<44zs*1ssQ(cMPW zJ3g}HpE7jf+#y^(^(Qzjbmt*nWB9Y97h#g@ZanYP2F~%fp=hThd9hxZz6gI>rayEa zQ|(HCCmEcrsT>K>v6smG9-%UeN8z{DOwsF)$5Hw79+VOESC4ujS1R(weM6Ob-f0cy zytW!ev*Mu4<_l=fF$0y2$->#N74tL4Qp;i#^jvwkK5>K4sd$PkDt?91)tcNQrV>^A z_p`ix9i`s!A>iz*N3)~@;7+w64QS+^$rSwYs+kKWuXZ%dij#&$O`$) zK3lLA_;BjX;kxZH8$QkQl6ZDj5uVWA2HPZ8;XOWz7rQIb?50-&TkI9ae!UD`lcwO> zJr^LtQjLb5Rf9`K9Wc-=kT!-y;R3HvIG7^Ou8+&a+Usku$Q;QhWd;7iSQb)-<*{&u zTK1plIKERLeC>DxnDf;L_xi3l5Ho7EQ~ISSc}z0{@mApCOH#z1OBTu zKxMzN)aXYGUeNpo)yuDv4Tbu!*YyDz{$mal%7xPZiml=8-B&OuUmf~i-emK4_A#~3 zLSN7E0ldGq8oCw=Y#j}0o?k9x#A{!}l$C94)EIw$RrDJUw8H;?5DEU~CUI_M5?PR1vBFsg6r${$iyU z*P)tS6FX>?M>^(sVGJG0!z5ZE&cOx)-#LN$RY!1qCofiY8j8B-Z{vm_A>a2h8O&a2 z+ujl*4spuHu~kAwQqGuu9g~1#D)f1kbRbCWYl6dfB3V{gnP|0yy12vY6@~?zAl^U|lFRd`PxPR&1+Q{IzNG>BT-E9QC&FEQ{Z{x-*%Zz;`eByo zXuA5JJtj6<(cuw~n7WxK%#PP3MzOEhh!1+0VK#_I1ir^^K9OfdOECJt0xTSNQ1Z9@3s`^Ie1(P7l~=x_0;0rfb!UIaZ~ zHbGDSOsfAl9)IbnP?fj;q0@wXyf3h%UsX2~o9R2~>buEgTYwXZd~JxfOG?SVQ9DHS ze>n7QGUXe#&cs74%X!XHfA&|Y1lJZ@U_)*W_y~NQ={Fp)b;(l_`&A7c&vmg9YZ>f4 zV22BWMv6BdctEU_w&M80bXH&T5a$0lPt*=@*kC!y_E3G7_|e0BVm@OaH(oJc;6<^wJ2noR*}1zRJA3Bo(?<^tpamIjFsQ z53*a7$O~%&8a?bFxc>Ymc+GF(WN{Bkb1@RPbQ`m`G8ODS*$+6&0z+rSiF&%m;+MM@ zVP51cYOpcJmhg!5MGlCke+`{aCY6_h#7WhbiJS42$%st#@q5m8QZk%?6 z?TJ(nN?EVqs^!+WvD=x-)wGH1ggZ=hcocmXsz8t5KMksPo(nxJcJ$MXiJ&2Mg=I-) zlYZd@S3Xwm zs(R>xAK2=fdjsmoP3@C#)U@jQ=3gefq9Kv(OusH@k5W{6jWe}9 z_nI}=*n-yTJD~OHJY2XC0_~Y+U}Do-yeXQ%QjTANiNdbs#kDxLte}L2=j-CD?0?Mp z&Io=*Ly@2GnoPFEXTrrPn{j=C4BvfSkLTIfVsybs@qTUj(tkxyF=ygreoc1(C@vSc z%!7{$UduGx)jO7K@Ldib(??P3JF`#*kAX&tJ#XC823i~9NMQ9r!Sa)Yu@8&b@k<40 zSGcYW_o-pC*bA7z!h7tS3n@!AXtG|E$fV;Bo8B>!4%bYEuy_u;AM4UV^`{`iIRc-R zY2Z!w6>#a_1R5z>Mc%Erg+KQF5pwk3QF_%lF!^kQeXZl!+oBQRXAe;{Op z9l(O^V%&J6?k;oh#9>*58d5UY4iOpplO+oW16oJ&6ifZNxOn<6TUV1E*dbp zx079Px&s?Vo`Pb5Mc_JiE_3&if^WX(z~ShA5^yU5OlC@O&%3&yRymL!6WxX_r{Zy! z@+AmMx8~9p7x81U@=&`o1{2N=56&uV9x*xlq%^3RpT#ME@2JtwjIE^66WX_v`pZ%&PFNyR$N%5NaTi} zA!*-yz~{kun6b(NS8vsWr8{nlEruD8QI3mnOyB^>N;r)D2_IR0odMK+SETFRGOjcBQz_cN^ZN^Uo!5EJxzBZdKJPbORW=+|em%rujb{)j^p1*z zd8K9de16vQ5I(D$MH8PcgJ_XFeRVd66>t2;%5HnJNm&IDA^4En53NVtrRPOAUnfFC zXcabJjwg3ZE;xS3y~5Uho+pY>{fbNHwPTuzI(n77N83-AaQVduQA5=h{E<8Z%$NDF zsQArbIx|4@LA)22LL=Om6HO#TmSdNkJBTN4fCoaJ&ZK!P^)3$*uIocMmm*|~_a#7~ zQXu($>K)jzKz?lcV9spEf$u6M+Hg?{iA)~9wRahwKXeYo_OFX~6_2I`W9w0G(tm&+ z^LfP8Y2}=ztGFH^`;D zd3;89EIy7E*aeafAaCjeYn7JsYPWc}{8yR}OqhTZ$yOZquoiwxkA;ts=P{|x9xslt z;Fdu_aQT`gU)j6>AAhi;V_vKT??Yaw;2VRxgl_hRf30NMV=eGK^jN&q(vQg>x&_W# zUkNOTi{j}YGDH%r4myj2v6HUiPu&lqzK;@blD~~h{u{!dMy4wB?$h z1QR|egZJvMjxUQ2;?&wBWX-Eo`1ws8{66@A*OHlh^V*ddGChGwozWvPv4x=XKycvb z8sfA}P5d}WiVRCDgnj4bd0E*l_UOSQ$X~Y^gCtD(h6;0q71v|Op?mW6Em z`l~EcQ3XR*XOS^4>p?p_5t7R<607ynsL`QEucd`!Y6BrQ+6!^uw{p1f?ixFgc2syC zTmq^n%jXMx-=1#;p#1G3qv#2GIGy5 z8oK1$aO;Rm;?kqBaNM&SU0DJC-jYr}nH3ZJy}~t!TmfU24d;Q1t*F;Nm0I1K4aq+g zx$BW8sFym7&o$0qvSlymR z#^oj=5uA6a-_lF&FA~GkNELeCpb7Hq_hZu^Am`#H@uO4HF=fLVRP?$hzA;2h7N<_c zV+~St>D64!RsM;;N|fMgZY24$PnV9}q_lXAApf9LTH=4uu^% z-0^hIaWwhTf?2U-e<|QsNoJ7-nIWg9Eim zA5II(-O$_OzPKa%Cj9iygSLH=RH645hOC0j`{VVJv0o36u&8IyCt-!gJP(SV`oqSl zLPm96EUtCG0}ls3AaT33`LKO=aAw9g%)T1OB5GwYqRUU5_1ca+TP#hEe%e~HGiD5` zmt=!(?mGO;X3`t0YfPA-PtT0*%7USxQ)gQUw!X3C*l&p~AS$(PaR3;Ry zxjdY{cokNeq~MT8nzU+h7&|>Y15#W+MM5fvedX{7ZHe-Zx*31%V~7PxThLFl#)WRXh-v zNFHKdniHtltN^A7?xq#KM?}B3OcY5}tbiu-t&sd*C$4=o6;kutF?aHMm~Fk5o}Bjp z))n1n>zj|jitCx!av}mf@^(T+U5?-r>_u1qwP+nruzB(!mMvs640g=Mxz@(`+S`N5 zm&swIlLKyaUxTAP^70_7WW+(n+ZlAQ=```CmIO>z*@!EIdg7SEdziPSSCr=E3;|oT zF(=_YXtvj)|KCrr!Zmns;V204Z^7}0*WyUeF}SSuDLWKtNY7R0!}j6X5VWIB zd?&X8dp73a(B>%IHR>p)f2m_pdATrU%Xn}wS__MJ+VijV19*Jr85kyi5J%aJVXoq5QIlILt|+>_@dUfp z7{>}8cEaAGdNOXZBK_6mCVDkW9 zuXqbhBTuoq1=HDZ=)`7a9V&XDLPO8|a5SCYMp8UR@|ksaQT}5rB#NrYmuFJcdFLbX zN=;XB<7*}Axo0v>*_|QylUy)n#%`Fg=Qoq+ufl1jveYf$4pR&KK@J5^rjhqA2%MQ{ z9PKM`1Up93bIqC{J17L*c4T9TFjLGPu1U`J9fP^Q-O%;cYm9Su~3HVv(LHE$ZT`cFv1u=O;2I#YRloP&rFzow4QwU5k;L6|ALabG;V_-+<)I#uJ-OB zs5>a*8TrHPu30%7vw9p~acLD+)6u9hC6U6CpXltj4c)&^rM*(Fc)3cR$FEl7v3{1g zvqPQBZ4nqzYb98_xhA*CJ|-}qG|5!*5`Oarc4pdgd|PlEie8=vnb#}eJPxH!esyBH zmVur4Bygn&@zHtyXcktFu0uj`VdpzX!^6iRH|Q}tdZP{7BTnMm+6LV3*N2f=^7PU2 z)Z$If`DEO{5{x}&Li!&+CHdit`Mf;`Fk|6IvRB~|H29xpY9X$)V8U@+%s4~}&->ex zs>QoTpN5Jl?og&Xge!VDLtFQ8^u1*bE6mz}o*K)o+UqfQ`9;(ut$0E)2)1WbK)jwN z6a$f zF1)KoWOc*0G#RS8{1uT}y#z1M8U(*i6hV>D4;#Hr0x$0pSm<;KjQaD6c`tkpP1!ez zXW|*ymt=`9RfcTcm&GhyJO=F!=YVhXGzgHo#&oW}WGeHH;h&k!j-y^*$12Nc*pWO7 z;|;!|@;xb9a3>Fwe&vZyoqI)c%uk3Ex@*|JYvJTW;Az|vHJf!dyn##O@=(Ronnkt@ z=a!>3;o@Xfm=+_+@0eZ{X@AJYruk+l^48`d-z9|k!gN}+CmRlQ9}!va+s4uh-@@}3 zhU8~-Kglv@(B$I8c!LprwloU8K8)eHV>6*b>p$YKU?Bgp{tfFa4;6OdsSv>rVege? za56Gq6!gZ11gY!Mr7N_lgnkzkpFPEP$Xn5)OX`@j-C}_g+$8q<-03)I{aN^#WKwdn z-;UN5*#Wf>=22n)K)Gl-s;wMCi!^0mkNs{uzFC-^`au)^d1f*AtgHh{M~?#ix`)Dd;B3B6p_2vG zG2CBgLVSZq2)PnP*gWAVCK&HV2lGD=SojD2bcxVk_C`ryk1pGLsRfl=HR#aqlKe-t z8tuO3z#sb@$1UY6#dqJO;x^9_+^o0?&K_9{58e#tzlWSh3A0PMM#+utJ>|7)$Z_PB+PuxM6f@ ztU5i}P(wOaj-{(tyd$Cj1O7{+8oqtnN9u*V#_rY{5@219|90F(U2|79Msz6uuZ zpN3C18q%ICx53C*U_ONB39gSFYG{mFma|yQz&zAx6+_-BIbLtrFZeJb zV6fV8j8#^k=08`X_oZLVJjD+CG8nXGUWYQLRI$ji8jU}k2bZrWMM;gr#qP_VkPWBj zk(Q4JEM993`o|7|3oqQ!uRDs_Xf%p0^(n&o&i|7G@mOQrs@${H_xU93-~b~K`#wLfY2n84K?YeaY5J=o(I3qJOMKC3Ge(VT0_F!-N5 z{iXF3+vL`vXX{tAe`SW}UdIUMgi7qmwc(B%_4$>&vEZ`rHOx^_;}vxY*dug8f^*72 z$+#P0Q#|>v5tX2IET6S=!i*JbA^E~-;ORA>DDh7;;@u+V-;w7E)%-K@1MOq$)!@>dgz++GuxxYCRehYk8hd(k<-|H$G<$X)&fu@!i zR<)H3_Dn|GE;~Nk(}1a!Nq~!YjrhTzrC{xUjGZ}P!DCzR66f?&;5$s2W=iGZiacw+ z+**>K4!eM-Q`ckiQwP58rVp<2@`C-s4zIwoL+F^?!JLMxWM88lN}rd-C66{b-t91l zT0c|T)p8eS{{6;`6Z(nOZEu`nwT@|T8zUM4;V|K>BTd)81`b&dA?R!wtoRTN?&gP} zuC$ezdu)c=>l#VkED)D&(Si`q{aEzemOWfN9L_9L!`E4(`1g^S%=73vQd1Z%G8p2C zDfNP1h)kriH&l4oX5l_udjUh-cZg=5Y7z2EAy7ml*}##4-?YaLrp+;C&x{~@)=1`Gp~`}UB_uWU6B(3q7O_+XKDubY z=NU1uZmB-+f7*>N{7v|Xr?MzDx*nJMrJ7H>UD>q%WXw_$GwCt*0NmM_&m~C0ylKoSwhC>QH7@jI_4V|-`_ESI+yFP-o zIV;0QH9dGHi2Jnk!$8tyKl%PXg>=3F^e0T0QtmQ{GxCKE?Ln?!4+ zlh}gtU?y$3iZAyuqoK1dk$^!dc%mu-z8Jm1f=5D*aaS;!?6pK$u1Ld!bTRh6GIyUc zobMk{idh+9sB9_CFJ02(2j|;!RatE=Kj|(U{4PV4_oh*`7Y*c!rK!Nz*5b8Zy;xS< ziSOJk99yR-@PIv!Sx@C^UVgHc<$rrlO0y2b56v>N;9MrgPH^DGtBvWQ>dkbNFxQ@N z#SL%fe}bjAg*_^JkK1dOVkmot7anK9>W~=t6O#zbQsu#G@-2`vTMsjZUHD>$4UpR2 zhO-QnVWQl8EGa()8A4t~dxipE5!V1Irf&paSr5)zc9sp*mZrtr0yKVykidn{iT=xB zC6l(v(R^ul_;RcQmZ%5e`X?bcV%2?|tDXg3J5NB)#&$SS{}SJ>OF@@~QoO^ZN-WxB zi_^?Uz=G0?5Fj%fW))~qpB;J*^R7=N7u+>z`i`eKvN#-my6e+HLpjlu2`AOVN zRQah07dolah<`OGXXz(naATGxry_Zj_kV?pbOATb{*S)xGsoV95a?{UMCKozO;3NG z#r{+erp6=9*!ePB+|uF&JM$*cFGBxh%8mxI(aMs0ZCV1l&4aoA&B5gE-a3@+UdDB@ z)NyfbDa`qJ2;NOQ#@{E6RP;J^O)FmNpmGP zCBCKiAO?pE&*{G@P!)d%@$OI<;FE!U-5VkA)ispdeE?S8F~Hs&1&YPXd0t&9Xyvzw zcgC3T?qjteA+ZcTEvpfip+7GEssz`xw(}lMTO2*W92#Gm(GcH*XyxGrMau`l{>Q+# z*DvP^;~LN+yqu(I=V3Xl{xlEu5$!O9)iL>v59!o%SMc(2MQ*7$xOO4l@_&VRnbLV6L@ocV>< zR-D4uTXkUe5@BasD9wBRxPn{$WIlXPCEQYt!#$}laPI5vpzN20fhA+<{87H}TQdn} zz*m<4UY0j(zlW8=vufoOSIl-=Tr$;L9a>D5!=SyFVW8(UQ4MbtyKYtFEvg4Frb?09 zW>Tj7X&zNND~G>=)nLu|@%TPV7nSvU$tRnU^zpn+sBK)#uDuI}xsGp8pliX#!NpL# zwGgiV+zD{l63@%{iURhJq*9CS!GF{8OB8>P!R3!j!1c8$oU$t=j?V$44_czn<#$*l zbb~E#Ji&Knr^p=TkL1!7Q@YaY07TCX!X?5;ENP=TRd!Do7+aP2Xv0kw_*#d1U9+L3 zBk#la>X&%OFpJ!9|3~g$Fh|>48}R!10a#V1OlNL-g}$nRFw=S~E{{w?tx3xvx#k9( z9i>RqwBynKk~g(4lw$dN#=xb-1kwG(O)!1vKll=F&l7)Z(ia;|Vcm;jx^BNZHQVt6 zYzEZBDbJxSEmxZlK6sxQtRKfc9HQvPQSVsvSbaKCEt+I*CSbwt5~HROu-q#in`bMK zIX8PTImiWDO26XT2nW6>yGzJm4TaS851{-?DP&Kd&oi%Qz~IOcbW&b0*Gms~*nM{f z&&+nBzn*SoA4_%dYTGGHlh>fu$3j3!DT`?Z72~RFZn(Fvq{Jmb46Op1PxjYj2)A1V zd*+qkY;OX;Oy|%Dqq*Gbwk^%?TFEsXcJic42g&I-cf@y|9)WQ0BT%LGm_;2($B7Z9 zc&=bDf3R^fEj&>MR&$5)+5|T)d-s}2NpNA3i( zVd3u2uzyM!+URfKpf32xZ+VJ#D4Zh(1HI9~OP5B}8B+6+YV!4 zktM&ddJH|@T~;!4db4=`#%A#sh4E;poQTb8tz@XgK|=iFq2*Bs&1rsx+tsa^gYGnL zQvV+MDwe{RY8N_HVCFT>EiG=y@P;k-`tahI8#KaEjxTr|$Vy(kgOvy3*r4E0Tz6Lz z=eTNvk)$(?PwQrv&vn?R&iRXyH!4I|vsAdxzCzkI>I#~v{DI=9W-!RJmQ9NpN2A>r z@`Y_XU{_EkZ0t9}Um+=w;TkDc53I#kuh*k^lqM!;_~W3wTV(pIG$J3X1a3YkkD;eUczc4pGg=*RZ=$S+q5D0qjYsXVDKu@OV%Q`s~eQJO9|x zfTR-9gf~a9*;|FmIpqs7;8F;d4`6fDO?Y%t2-BOZ!r2a4YBVpCWiQGGd-fF68W%x= zQ!pKp7>u98)#yisWt^Ky(^Q|G=pb;n5u{n;W9?h)7uM2C7 z!*S4nvn=|^O)wJPjBZyFxwroX_WPy+bY>!&r*bqnA>wy0b0Qb2M9s=~aL22kvFb!G zJQMs<3&+^g{!>G!^y&vfRy&^j$-2tUcpX8#!T?_WB#F2QYJkg zIP+Tyc86`CvWJr4g~VB0`-#GI!EsS>p^RRcJ_=ReKP7eZ`$a)>FG6X`GfxO zFWFcF7vsm@c`rV!Pg-cETUVmaCbObtqI{d!4?>Jyow#I zFJtxUBdLsAh*&563QQVjg5ypS;44qzg5T=&%$GsP%aZ~BdDFPkJ!mocBqUo|z>^_Q znQT@mp43=K8hcb|dux%yv}YN#X^IEz9uy02Q#u?=rI*w9@2l7pwVxoF(ZQy4>!FQF zm}tV_CUKKd9=jVo1bfaLD-6)yVM`0+Vin z&m=rpGaQ1M2^>x^q4%d<#DCJQBt^mEZ^_r$Sm2|kaHu~ZQ4-uINonv1-uFD5n%M`#(HR4H@bfGP zD@o&5C2Gikp8F+Nnc#zP9!|#O-64i8n%pQc4I-5Lv0!C3&fjv5*<^18v7`$hCj1|V z@)*bdXmHIO%gqwH(Z$V3U~nX(qw7OlB`sZ|{r|p(UZ==rZYZ+(zhI$!k7)ULith)v z!{F-GTx_uiI}>gA%##g{n-8kf!M5Qrr>l>QJA06hxSz_6zMAu4>y>G*>sc)L7X{s+ z#bCQG5#?6TrC&Y6dGMZrq7_$zvC3PUW-Jn+OKK6j8n}X)m#kn@gEZ;JKq1RAzaRbM zC(t|FX3<%rG{yQu%z1*M4mJEaoWC*p1u*Y6E9^m$@wwYD;`LEJ_+`lG~+=k9=K znRaw{j3w92F%Y<2FH1gyH&Shp(QqBNXpFPCNw`)AW(6OGBOpAvZ9%#-`I+VCjHi`Z41$r8;P z&^FEoWE=)??^nU77ybmhXLv#7&RL-B?Zs;Q8Mb#GW6p;(>Fs!L(cp*su}$(jxbC(l zOZ&cJ^5X(BR6`$M-%G*(fk`eod>Bp7yUWg6_kv8pB>40*iHI)Oz+_b=rZJ(MJ&Bl( zDz@&#Kdul`KMmp=z7L_lzfYp)3x0vpqvz-_$AQ`g#N*oRb2ud=9)0sAk&Q{CP8a@z z*|j;a=i51Mx<-SKozuhK@3;sF)12Ya*hp|bbBG)DeS}#P&+!p)b$H2eljB{xPatJ8 z2QKAQ!>W`8v|_y`HG2T`PTX&pd)R`19yy3wnXISUqb1mc>zBbo*pnH|bi|Jt-yzCs zH`(gH2H4msY+gne-fC$)IO6aHdVFrPx~0c(^O=bt$BNLqEmP!|V~V5IV)?|7<^1_y1m%ct zaNfd?fBK^Yu4xVI>z)NX>E$WxWGi6YV!##phtc-NL-g6RmQM{igVxRsc=t6jgI+(?d8LK@SFm8 zr~47?4M$RseYGe6uff$)n@g`eM17-tp~A%(yf>GE3zejQj4xpQ_MzPWaxv;{Il#`g z44_Z?XK@d?DA7-s-&o}n!q5FDc)52iLAPg_U?~@X(~sEm8}}u6ez!4=|Kv!w9bLj- z1get(_l|&7oENz~`HlG7UnTnYcnn{Cv>$Shzr`g#4KX@s0oFwed;P~2qGaLwzAUpG z6eTaAs?Ar}^Pmid3Y_7Ar*dJE$p$WV&t-~>HbKaNHum~qDP7zk1#eIEK;+hTHamPj zH0=(aePszqmd$A66X>1-)OA^x5|JLVh)mnFx#) zWyOJDd;0*MvFnDfuRcJLog(RIdQMJ^v4rAL($<3+ku+MPnSM(Egi%e)zl?R-?FZ|YKS!JVUA^OWR zly4tDfX?n+hI+@(p~jSI)|WjE8qJ?F*Bi?CcJUm#Ep-dj%bW$%J=tRIm?W05`!s$L zIuo9B8eBASp#OZf!+-=K8__cvuP(U)88cMSOzsOv43we|ZDhfra2o`MPY1buU&yC3 z1NfsWRk$lQ9POwLS@PS0w!VKT%=xxKo60c^Q|=f0R}H2wgq%Qy?*_~*+kq)>h6=0) zIc_4{n^8ZT;KD^YG&mzT6@G`K1Ip2<8J^JYa11YmIkTFS9@szR8cuK+$k%EN;JeSx zhCObL3p> zv)o50j*rPx@;oW>iU#KprGfbQK&yw@SegM$!#jWvj_ z^GBFJQsCi)$%=vw{$^LJlR=tsH_nho@xgc1K8Da~{uUPNnZVx=FyX6ejmph9AsUrbWVxW$+4TmJ>FUZV$AD1jU&c zRBC{oA|cbJK_LIT2OBXUBD=jSYelv}xM>61xhsY{-~xE{-Q z<|y+Roi^+V%!N~L4uZYleE!()0vGQp^3B37ckX~NmNG+whkjp5^d<@3Wy4JJ(M6HY zOO6zHBOk@`kKcfL_FJ%99gi`#T71tCwHNv`w)&zF>t&1 z6iM$A7$x7^vF+_(I`nrO@e&v*okLVm+AvpiP?urRq2H+HYgtluED=ptN8>gxYj(kT z68_aAXfx<9&V71|8As~FGp!5kUP%{TR|^9bl~_t&+(rB=NtMio@uDSPL{C*EG5ePS z?zTDuM>jubr@joN2fTye#)1w}s_HQ|>cwU_`z00UPp@Xw{Rt~d{zvvr)L`$HL}JAA z3#7wj9zI|4PdroMO3AIdF_02H3}%V;;Yo#VXnru1FIp%`$9g_ArdF9+Y8wS}cUZ<$`IE*z_FWIa+}n9P}8R0?{*vS}FIZ?hBkJl4cNM!_KZGzXdN zbjTiam`Ggzh$}C&A#8d;Ud~S-?y;#TZF2`-J%3m7Jwk?$->pbTM*HE8rZYsl-IUHX zzazNgmZD!}I96w_!~fD0(R{*p;?nU6{KBlc#GLPt|GbPu_@?7`?IQO2_yMkaK=^Ha z7dj~WBup;{qLa^WbAN|5k?L&1T&H%p$m0 zDa|5QcH!SqF}TmQ0iL~-Cb#@|Lg;f}tW$TUqOoE4_4GCDX)uK)(HC*NPB^$--h#*G zS@7NQN0IDtf>_@wam&{*EL>Sc)T{|TlPSrU7ym-9x`njn;c&1&P)|fzNf7WM40R(H zz}}-p*l^Dm*}228&tV9?>G_h(la=OCQlmu@q0ORz8?K=FaR>xPYC$!vC2cF5p~<8Z z#{F1Jju*&)mqtDg9dMkGiu<4`AIF|Gy3@pQl#dKkp!&-+g)G`{$d(jCzHS9Zlt<(K zn08UuGi5I09*B?oMflA{1w>PU%8ruavQcr&pznh?+^(5?4_Z$Z(xc(vS!sTbw&w)KdDEw|A_=|jXQ#?_j$px?{{Iu{y*sBHw2_~ zq6D5tm{?m@hEF?JL2N#%z@`;9AzkYz;CLh}ObrO`1 zKaY)1E7^T*CB7rlg!-=i#;i|OkgpbI^rPBHXr6ikh7LarDVpu@?(!}2UiA_+6Rh=N-rtmv1E} zPJd!YpR6N_TKOiVAOuT3K z;lOQCVAMN|JWSaJf71rh>OCi*{%=3nJva)kFIq(7M2=8BEt+jnS%*86=RsOfGI3pe zh=}9T!SwnroUC6(bbs`+#PzQrr6?WdoN6I8UMV0kt`DXar?6YIt@+N;YoKzfxj4IS z04z^l?#r7s>D2foAy;HzwSUPT8y#@c=H|Hs-YWSfq9)>LN zz_h)Uc)HY<`xvjnGrmQn>T3^5cu}HOpMei{s-V}mYb;7pk?)$MO)E6x!EMM9aieMq zo3_MGq^M%cCs%C5%~xz;Zu2T~TJaB9uDFboKKF}No0L$gGX(~U+<+VF^1~G)@nwQ7 zj7e*QJ9iqymH#+Mj=F`Nd;pmJU5;);d~o5BM09Wejy;zX$(GTwU@=6OT`kta7eTFL zwAL7bf5C{ZYpm!&niQPW&J}pg91gS!-IK;jRNA`(FS|^{efBl%xy3nIg^B5tv`m2BVmb zR48=(9L;2GGnxNlKhzB|FPsuoF=~dcaUuw8i6N&wW6KA z;3++8#Y+qO@le7_$Dv^g*uBt}&g^ueKRO-Bl;4AR#MW1=+;2S2)DMT4dQKz-ZsWc1 zKvW)EL=4>{VdB4|a5h!o6(qjIg7Ini^zs6HV=5|uSf!@h5m>DosUT(L_6WEQ63+ObYx)F{tQUpk?sf(wi~--@QW&)MXisko-W zu;he{1P)P;BN5*+NY1gLG}3x7ukaJ$8zGlwBXr-CGauk|Nhx@l*8paP9;D&-D~z1e3#2+Bv0 zhE1Tx5uxx&Pah5yodosY8E{?m0$flZ!3|8^VB(T~c;$j4t ziz3B#{(aCTaD$po>e7+}#muQ?94{=L1TH(WVf&)D!i?366sK>*Urs5Iyyyi>@2_W? zTaQCSTN=zRQ^6T2i}B_MQ}Aqkf?xOR(&wW(pybq17|}8ZEQ;@vZ@W}@)2P18-ESg9j_+d21>lc%8Gy4mP9%?3m#jwWHv6F!g|SE{LuXxylhnQ*7aI=WxJ56 z_(Y#B~!We*S2 zA$iL&=!Pabxov^+EIZiJ7Xw3o02u#@W3yiVhLEw6e8q!_v@Gcwt{Qg>bCg4gh3zFY zFds!1yow`P8zy7wvcK%ZdJS&V6DRUt+KPwNH2I;8<3*c8TgVO193fHQPVs>cx$ZW( z#LrX_ieoOY!%B+idC>swtu7Tkv65o0@r!71LXFU6?}wS)b4l9~Yud8&BB)gOqvpX* zXc|2M`fFWT@33FYNal~gQp`f2Ee#PxY8r*dY6ODa04Kh5QiHsJ!6!|!g z=FYV<$mxThS+B1-D2?yOfW0~5z{4v@+p!w-bsS0lb_hQ4DqF7Yd>W0v{UFi4evojp znk0tt3|2Mf(`42{3vZB*}H;LK8f5d;n{xK(gdx70T!9*JspWB7D>|5gy&3RoD811tt-sh6Cg`UjIj-OL=O8x zNyVK~*ls6-PC9E)>TD+VdkRda(E%{mO9~X*uM0WxB(!i5yr|kw;nRr$pzg63Ds{F) z_uB&TkUA6G@;;uuzTg92ZbxGQHv$b+BaloVPPW*}!bfVso5G&s@2AsHe_|DT75R}R zS1R+sQ`ezYm?>+lQ=~Rhov3iToMqad!;34#qJnZo^7wYHXyy14wqm?0w~2Abq|jdW z@_h}yj*7%fiS@Ak<6X4#9E(R1DsY6?J?#3uhuqBmig!Im5?h0ElAvaSZ-P|lPU}3# zZ9V}~c@|X3#~o{z$3buTRJL{B7#ce@fcbUU(=O ztE9oES%L11C`Xxv0eHPA85&$AY2UW{7;s{#d*wecXYl=7HOOJuvc+7J&`#cG@ z6j-wr&92C&$m7Pr3z%2ZG00Ji#`hQO@J=o#iIV;hHuXFDnmiSq`Y6esjk%4ZEtFv2 zL`!P7GZBC31j3x0T-*^*0~OuFxz3=wm=mH!k1idCxA(TQGrtzo=N~8Wc>*8z^7!Ad zW!5}c9xxNMtr)a_9Ys%$sUpKpw2Ezf?P+b_I&nhwJ)F^<0}6wG;oW$3IAd@b9IVE| zm~a)oGk+T-j}Z%g_a-9qFkdv+(Sg@Ey+a9p9OYBe&_77%xvXo0F+(5Vw2mWU<}Alj zt_6T-ODG(;dx2E_InT;JJCn+mWVG2~f;&H{@mrZ6@y_LOJnC%(CP;Rn_!<$IneFh% zLjyC$)QRtL;cT5ffQ_G^f^9UNjJZ3LZMf)7?d%RY=1sE0_4(;I)2sr&P80gTc|NdU zRsvp#@+VUR>R3vv53c>WPbAVZrjr+i;q^Pwc&cnG;szPKE*Ayb+9vGDxhtTcE5%#W zr^2Rr#;`tlB2otzs9k?`A&RF!6rCUb_j~h4B?Z>W#W-EgC3S20zW>x@iQ0>osV7M$l=}C(s>BKoG*gB zk&}s@kR5LS8wv}D3IJ9DJB!31=?Jg7s)C(7v>Y9T}vL0R!}~AT=LWyA7xL z6OVy z<1`e%9l`%g*Tx6pCwP0p8{A#@A2iqRW#__Y;hX1uY-R6ET&KMnpRG|9_yU=@r?O-cB9Ob$8CVrz_f=bbS8a54hdT*!hX zskdYzcVy4GIt6I>0(mLYzHJfx3 zGw%Ap6wmxhdw6n(_fAk<|t}}bEM}bbeK7>v@ zZ35(S4avJ@iUCqYnDbm9Q&QaUgF+YPUmt;MFBB60l^Qgy@jR~ikpk`BZFuMZed*{@ z43H5R!Z9CF!OaFojkkq)Gah4viX&7RiV#dQ|*y1%~Xm+DIKc1P3XCK@WI`=DJ zw8mL57_<)_ABcoGqES?S#6dpTdJMYn{E3H^zq3-k1$^m`xA5qxIz8Asj+<cZ8lUf?-K$gnB;VABzSU#dF>tF9=4mt3cC zov-2tdkSfrW`ff2ov`7)0`C1A&9;gruoJCPupl=IoP2YkYJW327002mDFN4=QMmcC zA-{GG=*E9KV6$n4XmBybvQrZ&*^vxx!y<(F#~^Nf!w}+4?n9c9DR-K29M{R_vyRPI zNtD)IxbQ@k@70jt){7sB_6KjIw;M}J(#EeMN3Q0Jy{--rxTwAG{Ou@_q_@=eU z<+v+q$Hl|d23LrkUqlY730%F9<1lqJBO4<}pSguSRMjx_%EXmT)1sN}oT? zTnky1=S7Lz4?%xGDefy!<8tG&MT;tDfNAq*tUjWH*2O!pSJE2229AY61J4l6OL35X z>^a1E3pqLWS2+D-Dun*m>NrgM9hjbYC3^Y!1W~nB#W6~TeAbm%SYF?PU8dbIs9T$@ zmG@$4P7C0T;%1I>3~A^OdA@O+2f6b}xQ7=6i2Hi7QFetsTiKTby@fuwci%BE&{9TO ze+#@R_X3PYsPH(4XqoWa;zgdKluNEcpEU<+PS z(9%i48SU?Ju$RCPQT_}{7Z>2d+h4IH;<#viRU{ePUJ8bFcVKwM0W=O=jHOl`WXGaV zmVGC>c&f!jVNbmUel$8WWAiNZPB@7rQ_n;Ee{J|@ZwFfv6oDfxHt}D7w~$?HGT1nF zhtR_^Sl;>??$?~c7<}bF9O4JG8OT@-Fmrog{a+y#oP~j*>M_Wb26_a=2As*A?l~ zS=&Of(RCa35go?;Qq4?u_ZG-I*v&R{G?OK=k5Fr!6o2~oG~HR^Byj1EAPV2b-H*J{ zH)=ZGTXh)km1mQ0T^{_gGeD)a5?MDX6TJ9s%>3{Xhc~QZM}H~u#Q2e@d9_2dwrLzq zo%IG1|NDk}S1%=nDvEsDfk(oO*n+=%Jp@+oEQJp)X{>tYKzdl=1Uma0vJY2hAm_i? z$#XO5>7kdf<)s2dyv-KJ_jI7DZxETVv==_y3lY!Qw3OK-+(eXk17{oxndH_oC{_bJ zlz14g$3|f7lz*7`_c&}SKZUB++t~fR!^wisgXlC%5o2BdN70%8Q~7man2IPA5)n$2 zlzDdc+9hLAqX9^H&YEC?qZNTwGb*y>WJr}!PI}6z%J?!#Hvr{1#h?;{wormk!733 zy^n?bRn>p&f}@b3Ie3B8yy%95=UVZ}okQ?*f-?QIsg68|m#50Gj)lQx`)r|PN^@&_TNjliF6mj4^6F z@0JvvF}Vb-N3LQ+-2|E{+JixMoiKP~B>B~@&MQyH!?AyoIOW<+_A~Do-YE^j!A3f~ z=;|mMDDa)l@-1MxSeF+C)`HH#_vF%BHBrMDDPFG^!T#(%jbImsQ3HmfJNLzfAD@y_ zhF9QUogd>;W_;^X7s^cuJd=}wNp%~35H*5gEAp)0THXEcq zFj%xgm3P02gQUM3aM#H`v{YRMkzbooLp7h?6P>~g?IctRk_R>~2&0dhf}VsF4((K@ z{#MY+%=Q3A)nlFzohrfoMd_3{neiz)1d6HL4w?bs# z06sqY7oP070D}&w($E%ZjNVcpUM?|~T*=5_zs2$Js7VaVO9~;(w-QR;eI~ZnQrvEC zA9SytgEmWg$?fn0T)pHQ`x9V@D{Goy=5Tqc;a&!EjbSJ`cLL2b^#GH(@5z3p3YL9c z5~hq;FDf$0f}A`(9;4XLtmIzcS@T<>dRbYjDDfU+rY6&xhx4$!It%>OdLX541C24W3A^;pwISOu(s?Ye6G*|doO2!TO0;4eog?73b3)|9<)ju!nz&Xael`Qkfl+u zwPq$gs%Zn0%v3P@$q@Qy&_;+pHiF)*ZpNQJlVK*kS(g3n7&hpniDe3WF=4h2U6E3N zzpkX>$eItBSvv{-nm(Qj~&O? znXB`JP&xXveKShrcc2R&NBepX!uZDvaquXHOP?>oI>8&9B2xgHRR04!S)TlCS&j5EIoXn3Hvd_?LuarX ztJgaXYbW@S%Rekhbl^hbw@K)i=D}j~)B`;3wE-QcG6APdtzuI`?I6Hv7gQY%1p~8x zFsWBl$ZKiPDG3kQ*_Lv#UiT9a=?%kYQ(xfwj5r+Y@6U%d5mr7T9?#7j!>VlO!M68{ zNrt1h;J3~LVbKg5)gHp%&q7wG>>M6irG_Uq)#33VC0rGK8?4@pLWPZQSjI>rDjC*= zle^!r2fc!4%E$}0EB1;{`_>Zk)_6$!Zj6?PEueW`CQaHp6xw`?Mb12s-d*tqU-?4`MKIev6Be(ENXA)sVW;)NgpoY^fXW)R0&%}Fg0kQaMMNh6> zKoY*{(UlS}iD{BQUY2?d>s*^z*soM_BIP~gEpNx>KWQxDHHR;vZ?K%TvQc8;47ny#4|?!t7~2HALuH6}-KU*FY4l1RifTKzmUDXmwBI zj(ZXO=NdjP$LPtbyzlN zTDGG0#23VIm_NDPYsqZ&RWN-_y?CSfKVmgWhWwV_!dg`AATlKpFXj1T*7}zyN{EBm zz3#~WCFAe8gZaAauLN$w70R3zLKz)T1NTVN$5&Ut?Z86J?eT)Sk)2>veTcb)GHg`K zCudFy-vK2_Oe)ji%XNNZo{&R0DnE`E+`GW$4=Tc?tL8#pY?{b@R+VUG)(mu}ViLC^ zfjkejg;3Y4xa&wZZcC_#FtKF=Jg!mDrSn2U$P))W%urOO7Kc~Rh<8Fq?uam4zo4GwTG)w~Ht$8BuYD{b zb}!x;*ayDpGTZ^Q!Pi`tPHZkj#ZmvTVBsQus%8_eyQ54qR!@W2HA(Ef6E%MMVxeJ5$j6) zjH5;hp45;`IB`E8@*N)Fio|;K%xc3t-$lsI*)!`Nc~Dn;LCWLI`R6!!`lcPkQ){xx z-G7>ROi`A)7rYXCd6=>1yYHaFqQfv`{vEM61~>3 z%;5MEn0sXss0!@sjnhIlprjGxFFz5Tz3dEwwmrqLsk;1@pA-G`QHQtuozI1mik$b-ln@r`X+B182p8f(# z7O9e}CoK5I-{a{Z-(I-C$_J;7odTm~?ZRD4-BIE5cf7Sb90CjqaK!F~WKG&On%$ej z8an0a(TStzuA_TVr(ytAoYN+fU9%LQmdo*F+g#bd(7|YSz*#&eq6pufUB%b*y~3*& z{;0jk4PSnFC6t|1y@4fd!rfWa7PQOFCnM&?ia&n!gY!oHm?156 zzHhyanaAUKP>vBzzBCek_dCEL+DI;4kfaZ-I$-4_X--=YSu#ynwu-82Yxn`rXP25|TxRBN_fxXmw zvxfBd$eJwBTMH3*VL{i+jH2Qt3ITaf)MtaPK}BBk%g7qj+=~q&@=QlD}j_$7;My z3(1}69&x9JE;+W|lHv~~I6Si$ByTq|@yi@&?vcV>md7wKT}+<68po70XR{Q!(`@+9 zfe`+|ls1}v#GvNQY;5X!@;h<}{P6Iit8+Y{_UsbcA=XB%8^`#jj4v3lVI&Q%n#zBd zeh0IN3Rr$t151AWwwtV0%_M#dMdP?fHj^S|Vc*l0)akAfeg3l(F50Q^672xkbm}*} zX|4r{@UxJ9vI0Gg`o+;&ZcsEY1`W>`@~Fw)=z1s|DpMNJ`R5|o6#GU*p1v2iIXx*I z9y5ebNSi{f9d_ZoPnDqcDvDijo`O@GRzh~bAR6Fpi^2EQpz7mh`uV=#b2^cWb@t7O zmkIQ><`7q?A~Snzu*YaR+*Y;ciQgj#FP$R%pKnq5z;oE3(@mD`y2~#7dWKzFEb!;M z$uv)`1DC%z0-0R{splDK>c6HMk1e`^m;66NVOkqZ4toUh3x~kAupId8UWUWQOyn0W zC2*y(Gd((Z8=jbEN;S>Z*`ODN@Ihd!CeMhcp--Poeai~>(eP*Qsdz(NAg*F49adQIl*Q;fSnr}L=~qc z=={qzVEX44MoX*n#d9CvI;AlF4nGhZV-4y;6?oUN!>rQ27p>+l<>H^!Aa`>Lud?1P zJbT~p=V&>htIixF-lecj$0ia5g^RfGeieEw55@#rL+-Rnk8T~2jmc?6_+zi&(d%1- zQ-Xd#pz$8CdMwYsPZByr!~Wr;SQUt!CQHpDlxb*lBD{!wRytE|0-rDNqUKIQM)Kfj z9NDUk>95zZUAH(&<;vplbCuvxC(C_2PK!q${)C?=`oh+$E8$kt6n-G57(PrkM~4}) z;;r|_(g#x7)bjpSTpBrqoBW+k$6S)5Ggb;2pUj&el`BD8JMO}WbXBMbh!LEQXNcth z3HsjR2pF%{!`v2uZStxXUn7VP*GF;bqT6JYZ7ka^y!Q&v2rkR&^CG7rfxnN*VXx1K zh{mRo^uuNw+UCtgl1k?>)~OBM-OhkyZ$6kG9ftrHAhqTxY=7Lzh6&u}`TS)peRed> ze?NqGpIZ)w0$LSpIdC&Y#Ucn!K|AGI_kK*&6=h7?JRr!Yr4s_nH91s_{ zf@-x1$S35%fq7quTC(61A9Rkbb6thg=MKQ&jW5A3^dhsGR}W$TJrfrOy~MEwC*jE5 zB(81Kk9RKmu(0W}Sh%+VbJEv?_cnoT$cQI($3By?(&a?|xdG>Ye`9g31*YXhKy^Twa-mGV`*Y!V2ugGSP|Bc_4z`A?+Q zVFBAzX^iG0G;ssn%to{bzA3Z!On2C0@*8Ti4FvTVf)~NvHWRY+4Qb7q81# zWCe?w@=Vb)@)MDZ_ytlAf^eT`D4LK5%w@VZxV)POiAzlJ&V2{?zO7ueX<|3}E4PVu z`=-;Ia%p7+ZUJ;&tOPgFZzPSG(I9TmCz?6$#ijaQn0fCa$oh7RABR;ykNOhywrwVh zhlxpW=K@@lIfF=tEWqDS84#bNfJgh`YsPEHs!1kqDs|zN?l8Le?i}%A)f94lcPT`y zQ^V|Kc6`xPB=2ur!-zE}@Y)kOzM)WDwm7R_G%3g!#^08p4Fg}`uk%@K{^w!{yrR!j zh2Q_J;yBE*8B90qu4j=3x>!GcI^VN9oqZh~hatt&MJ;8KXy~QJT6E7b?Lz=Z{9;(X z&j9k`-Ai_2Rv=gSrp_W%nqm1(BmOJ)5q5Sdfpv)mhs9R>RCzK?zLSYWqA~Bc zxdhV!>LE%rgBgDC<9!!>;A?gi3^rZCS*ISHT&Bz`K3!uuZY$7yS|&XFCJk@jO4)dc z=d=5-wdk<{hp=;cG|zhY0e8gd!0O!utH1xnypCa1v)PquD3;)-W?T3iv4D#Qn9vLy zO${Fe!oi6WV4pe%uKpC*i^3?fKe$hPZJ{ZCF4{^}H8^`v1NujI<7EYHj59!BMJ1rw_o~Q=02|Cb`_Lu2gDN0*)i{1}#;-L>SNs9STY~HHE zbt}uE!TO;2fKce7{y^UYS?g?`ELq5^=?A-_gyS!NiXou58&Wu0NzK6F+zGMX`fU8^Vda) zGXK-WcbezenMJzHW=}U8{B#7kUmGmexoghLPTQlO+GcchPs5&~2w3P^05j$;BzIIz zNZ1Yn1!vxh-*v`9ljI??!%Ure=)8lc0qejy`=!A1D8kpfLRWhKHcV?%C%l~&LrUSx=hwq)`fEhN8;a_rOfuWGWA$3xE++OVT<;#Jw+BzIrRhTv-mKN`81xa9gBLIfT+%M{|RF7VL3_B`qCq#KjML zSbx4A%UG2Mc0U)>hdYY#jtilO8m#ETo!`(!v<78lta#+~jeJdjDeWmP!Kn`(l&*s1 z7(6i!JChwqZbUmf8S+dtD>WD%9hBr#X5NK;uJ_?sPc$xC79&=B=?pee7I4~dE!Te# zj^C$f(}@PE)F;1ED z0!yba#-Tl-Sn_);P6>`1s*-;DZtOJfTFLV$Y+}mmz%oXrV`RfFy6!Kr-eL z3SN3u%oAqIsC_Y@B9{ZNrwoSBuutrYS0%=qo`jdJr|_u42%_yJ2OCvvA@i#6H!_W6 zZKXDqJE1~<8!zSsXSBhZ*0b!7weW4uUsTGHWr_>?;ai8@ghgcp z8YXgm*>!MY>Ok1I^bnuYriVY~BKQ?u6`gyz5T{x?P>GnY?Bu8icU76hbI&uN_94a!oL- zLzj;ICCRGCSz-42D3Wq$5;tjI!`kbfvD98Os(bS-dl_^LeO3wF>D?qyao-CP*OmFz z0&9GnDbMzoxX{$=2ShphIkVY2lztm`7A`gGVa%aA)Lm`}>A(LYy*C5#h2lv1*)5X1 z_%cqUGpmiQD|N#$%~!}sl?1ruZBElZ$fM4&UP!+C5#J>XPVRp|qb?2*g$(;aF7N$7 zE|nl^?Sm@_C>VQ50MKDERxT}WPh_|S}hRid^LE=gSIxHVe2Z~>@2u(3go$wGQ zKU_@4sQnRZ+!;tlHk?Gu?E^?g`3ttKYB}U8+y}RW8n7tNCkm%rA>Qm5Je>9fOHNK= zdqo53m;YqAzQXuB;N)zw=IC8hjKhz{W#hGZ@?Y?=Tzqnvs8sE|_9#2d_^0z@-1o zh|4ZVx_8Z45-^}2e4Y*Dkv)g7?;eu#Y(2VO-v~V)Qs9zl3GCmMj4vmZq16-vtn7RW zgGYVE&B~qP>hwl(qca5CKb(R>r7I%0-C1D%Jq8DP4@A{~I6UTLNV<=NvOwoVagN_l z(2bBL@y|Zu=^?%3>O4j@+Z;E<4oFe&W=2hXi2DmNjv2{-Xv5Aar#p?r~UEE_uM z6s}1ePGg6K^B-Q>ct!OB;lqsB!9X=iJ+evS$w-{`wwV=mmEh##t>}GiCoO(k4dnuF zJ>`WAS=YZE21ZAUvm8g^prLC)l>7?Q2QG&ly5mGV>matt%3@H@doWxyhNsjy^4HRf z`QdK4vKs>PNK!m`b-KT3&V4g+YF!IiksOC#hkZiqN`Vhfci}#tfiB6NBr~-eUQhhR zwiP_X*ryqA?B!+h-hZ>egL$Hwui$fgDlMFkp5T3(hos_<1AqCejBPHG0lNckIQ7{< zc;S^sZ061e(RDFthe-6l)6VYoyl02|2avg+lLHRUe<5nvPS}^8$R4-c!Dqyn zdUmDa&kcuB;zcr4(V4WZNK9@#&xIIJM7y%fFtf%N8%$cT;jX}Vdli$F`{n6{WP!^L zo=zs~{>3+!$5I#a2;QQ#kj?9X4YQYVHAN+E-TPE<6WnJ5P9>7D*&d)!1THhCabaSVwa%b>C%QJ|%EI}uGC@~qKzr`%=JoE+Y z;S(7rx}bfs=+q()_>%eu()&uGZnuzO9bF6swQtb0bS&4>41)byJ-8}x5K554WTaLY z@gH>$LKbC__5JZsIiLtcA(C*b=%A4Ij>gcXp;%^egsGpuf(NDs67w607;_(|0Yr)Uc^ng0le=?auF9?AkM4s_ZSuKv+fnjFF1u^KT2@5 zYAhT%^@U`feh%v$Cxfq67=~XO12--@5X;#v(5ZS9ZRSeC^(S&PB1?^J^g4kDpA6-a zXG-C$kli;}-H*~Qvf$SeJ!)NZP`oA2l>B%W0YmGpx%pRpI@l%xm)j4d!4KP+?V>@H zcdO7Ge@`s_*+9zNj*>0v&qQrsaxg1o5Gr& zeeL8?og$_?UjnZ3o0-)rg8fVl(L%2upx#qhcK_~SuymLO@Ayct>2(v0UaO9uRKDXO zR*2C>;EE7weA;yqKQ*NReP2SZ3EsP@c@n%* z-I=nvi0u!GA>s(fUp*uFj;dkAIiLy5AVD-;Y9O=-yV3<6pUD%~wU{0qBU&}_3mN4d zf|s4gF>}|AI3XpM6=2T$|csfOG+I2dL~sRub?iG z!nKhS5V^GoX9;JOTRSK7c>_jKxj`ea&b%4p?rwpq0#~l1eFhx029gKHBCb%SD(s~17fwM@L8l*t-rK0;^z@jPdhj_9oyL*E)pVj$#kye?>v zroUAz9Jb)Ef#GD|d4V5@D26P}({}R1X5e-URUvOb5a%3I=I<`bfS_?RYl10Cw2kFD zH!P^(qMPLCA$L^II>a)TsL-(orFmMo9dB@J0L$D1sMRG4cMY=8KDZWZ_cSt@;$q~M zLKn*`#4Y7ZG0xY7-|$!p)1D6IvNeX}-cJ`%#snWQ(q2R3V=ei_uUUBN;$(QFoy>;l zCQ!?jVwm>E4ZP&e!a+aom3JJSIs<(;Jyee9-G1!d#sI#qX41+9yRW^(hPA zMx=wz+*IuCT?MksX0oB@WAMf23UHB2!By_ftbr7Qn$Y8=jys_%sv5#{jX`7cX{^Vo zSXnz1>!1#dr@Hfnl}+rpT$xzGv=A(+>* z4m`ey>$8uuwZE1S+qh7+rt$%(tUHalN3P@6QK7J)_b+bmROL&n!XUD9D%`7dA{k#s zV?*k7vcTIDC(3*$OH{VtddDLy_hcA63%P|!UN6x8n0N;Imbf_{NOwkS{ftz3J42q|Lgb z=$%^dET{$*i_*dSO$1STm?Ik5>dQtvnNIfTb+FpQAK5A$Bj~uKg*zG}p?j|Z7Z-iT z3>_JYy$f)|->0bjzMPDh+YNi>FF^<0?KtF722%-7h2#lG;gPW$L)98?!j5CVVSYmr8I?DJ_^rrC1)KZO+L{CowGQ;wNfrK6 za4PIi$b?JULLbP&2+VFAgO+yo8~&bRyIjZZI(+W7%|uB^rGMm>7V z>!t0|lC5N-P6TO?&1VhvB{)*53U%J5fmWO{77cifXJy0TOPmw?XE* z=wjjXp`f4}gS*#!WnmusVY$HKWd>A2%I$cRKiGl&Q%d2!wE_+EY9vp5#^VQ*QT$O! zIaYL}5HIB;@UX5;@Z@K~gIEyn6od;k^2=M< z5>G9D?c8L#{FpoZ@@!)F|J;B@H`jxbu*2@C5*jg22+ z_vhzuSMxei8J!HC(;T4QQt+z;T@wv69zY*{ogx+mhm%fKR}TAkfZmyO*r2Ke)5B&{ z&!~4OE?P$>C=Y=%55=&nB^oo;t8meAZ(8MW9sf&?#2W@jfVz$3MKl*hTGjCV;RRs_ zBrq^?E?_$P2nZL2u+Q@kDb6vb!3=&YNxwP-=RUiSd#{&6{?vPruzdtNeH#U~C)>qeR5{x_;VE^I zs>hMvj}z_L@i1Dl759VD{z7LV)QUH!iBRYvFsoV?0U48T(DzyrZMWl1^HGpMmkZ$HDf99GKaKkP#5gZDt+AR(ETR z6TVwQaSK^?`6m%o*Z*Sa^^(tnY=bg= zbbl$i*)^-oFz*{|GAIPYOhSKd&A|yq+Pv7vl(rmPNVRV!5&Lz8MAdf+J-ON$v^Qv@ zsrd?QcGKqD`u@TyI|u%bT!BKT04g!(8Cx!J?Oqqw^3F#^7)-lCswN!dBS!IG&eg)~ zG@VqA*5P>-He^ArE*1t`W5k}DXq=eJr{rG4`r~@6t#<`ELQ=%Pb~FwWMNrmM6sqfxOp-b^*a|AIr27R#2kPC7@{win**6)R( zQ)F?#Y6qw;{mkOOhT-{dOCaI4BkYaTqJIZnCmFIQn6B`w?}@mDpVgOw%Z(N`C(fMZ z+wF%vO=TdPH5LYhy}{jeio9v|XIS=k3sdv4V4rpR#gSiZ@#w@RmaVrPa%JZ5j9Gb5 zv#lM&-)9nc2xK&F#GUI_fS0Et8`mxePZ~b5 zw1x&;c-oe?u4n;o4GngZ#KPViN;IRf8nNJE!*Gu)IprfB7t! zRd+z_i`QuUv<3%ec+p8|f7oipkNAhE5|!2ArHM&9@Or8iAEv;dYw994dGJu!qNG4i zjI<`J1y)sC@b%)Wi}<~BF?`z*PcAiS!MJ(m{FmGSoc`_%WDSr(tLj=-@!|mQ*>ejv zo(je%dru2Y*b(e{*@bm0PN37dU{WR;$gKN$^NJ+bfKFn)3NVlWv}CiH49q>+a`aHT^jgJYTO z=CdYTnLm)`%DJ(E?tA3TtW0oB9E!EVo_pWuBn&XQi$lk)B>TLcfX&@QpfP0(9db1T z-bKWcfd8UFW_&7tJ?;gPJ4eLjQ@?^flgJ* zkZi92X2&XUui{76_u~b&?Yb$}svJhe3X(jh`UsTlI|fu=gD!ZUOSLR>N#&#toUTg|cwg(cpFAf7#TxmoZ3B0~dM+urR1(di(zn zXSFziD^_9&tNOs?njenoIE+KC&fqOKJ5ViY43(Of1MNJ9nI3vTUVZuwuQmzp;ESI0 z&?IT9*WL)%YcC5~)i|ov(#?#vY==8SV`PGA3vr$3iKTz8!xSx978bUiK1^SXX6;p2 z9u&bHHfz&gf%|#pr>C&eteI@G97xsvCD1i9O~|fomT)9X3k%O%K+4sxY=^rMb-6bf zJ(i|{W7mBA(Gv!5Zu^4gY9AV#l1vO2=+LzBKSV-4lQxd2fOzF`U~g%JxpT8nZSrAk za(zXXL<$atHE&_GFuOk;KN45|5gaWB68v3u1nn;_0PBVb+AH}V+vyd6DL#Xt;8+(# z|2o8zQdiLHR%VoWN%L&EQ*3_cOg=SzG~Q6Wfw%V9bD0k+^pX7pxS5+K?uqi?G8qbD zxk>)at5hB0+?Dv{bU8l$d8o)y<`q1vh{Z`8_wd0g)?{zL9sLtz4>p=nkbim;dar-S z60jcDJa*&PpRJ?`yYo1~jA>e#D86-~~#slOG3*)-Hy8JU-aTr8PGJEjSve|4@$0=Z%+n^+K5H`O^ z!M84GPzoTzcTd>&;~HY(3hMU5F-kKEkw+s+n(S8Wwl)MD_ULIr}O2GSSz<1yNsV&RI*pyHDW!3xW9 zgxvuAl72odB;#~$8z?ce=<7v_CeF4ceroDh| z%^1Iw5o5`tLTv@%se9;>J71yKl%L6!KpB+HVRr2-nGu#*20C)UmV{a7` zy>7IG&mv=bxwRUH3K_51zEHX#ZYHg0TZZ*XFQIC{C8&6_3*uMaVfTke(L-rvqH*@h zw9X`obe1^L!#ftiGL50AsxIOqimswxZ#255nc)V5Wb~1W2AwOPL^JAtpo!T_=(;}+ zx74M>&6PqA)S3vIRQ?mYuX&JD8)ieFo(;WG7KXbtis8i9HPmOT49^mJ)|4H`lPl*U zXpYoCo_C{?8SkAz|K|7MQNf*e_d_kFwFeT-arS(l=0dvag$?hS*NyU@hvN4CW|Gl9 z>X?2u6rUa)M<0!y!xRI}NL?Vei+}eQPL!z7zVQPfaP1U&c8(4AQ9dQ^k;!33Nz+N< zuMAitFDur$U5|%#F~Oy97cygwm>Lvb({{7-eGvk{vOmMU4V|w zd8DiS2;N*922Ud1fy~(}s66{JGmGsqS3VbS4Lp?2$XW$CpfU-<3S0mjRs#QS>nQERgX2E~`L#Q_JP&8kUM z@pCPN3`=2kE#KkxjvG7f7yF6$l_#l98A#gXCPQuf z6_ycR3}5P+@KK_@X!PIh+&{$v_P-YMV);mzE;$BMQzi)B_DwkH_%gf4--ND5Pcc^R zac8?iGx_JMb?iXgQ!Gt*1yM$WFyK=Q2u&VLbDb{z`FROne^~Hp4HkIhmTa;^{edc#-V61-JMIR%%MMBrlZOI zd0dDy(`m^QkXu**HHqRcx^$^=OefhoejWsMq+ows8GG{VAIa0~hm6$>^M7PQWQKx} z4He_HwdZiGegzo3pAP$voR`aIOkdkQ_XqeW4s$N9L!ZGx+*5QjXuiEfE*;@O(9 z_*gj-SDKWAc6T>>bR-B9vv!EC+Yc4{x{RdxwP)dO#0R+7d!8trT8(;z4>8Fv0JCnM zf#_ksMdz3-9r(B&v%2pKJ;#sGv^Eb<&UGU0#tY#0)C(}{{Bpj)y9?G{&4F#-YQ)~t zMv^z~iuitUH3T~bqpNEy7VoVBt)pL7O&1y zrRPnr!H;Ev-TZkQ2_Lu;CMnpX{mHY$AoD4nK4iq3S8k)hvR&B!#*oyt{e0C#>$#7!u6)VHk3Y%XY?DTK_|*Th$vFJNw#6fazE zMR&As1S#Wd;OD7N4^LF$=Cww4RXTI2W}X$D{^$q`i8_mJ4ldA8J&r1@`wRWucT1VI zAy1gxAarqlXYCgC*geJsU3R=cv%yI?v(A|pDK8@1BrW(+IUP8?wHCa)6?uQH8H_z6 zqG~f1@V&<-(}cekFfQ#jXpU6o=ay|})o};lMxhsT6#5BmADrb88d}hkU5}f-=j&H)J2gGc%GwbSaEz z^uJ=ugRyKHy~2U0{(p44euS&X!r|n zltzCzXZ@ad;6jLt(&l^Ilz9HdTg==z9Sr)F;oR-#A_>`vu-SP(ny&Z(8_&p7FV774 z{@xewhV+A`@@sZ+lre2gY!RHMet5NZCpdrcgJ*9Jfm6jp*!o~A)(q0YXD2QAtcp7@ zFFlRdeQ}3$=N07H`W$o_UrtXnPX+7ecDQGRGcP=T0^Qb~u-pGqg`Qe^4@ab=!`d!w z75HWhzB`Z~5uBgimj6*Di>b_PsWHzx`a?Y4doK9u zdc&M8aiDjr6s0VJ;XuTG$Ps*so6fD}3+EqY@ja_)(6nqcXs!nP%N*kr+Ocn&E9yJE z#x;s#=$kv2u>6}29WrYg#tKaPxt1vE(QHGRZ7-^oe*}dsYV@6kE-RqAV6syN-_CD> z->sG`(n^Ci99V#H5rQ}9z6EbxJOU+G&Y~+m`SO3aUW%iQ8Hf(n!*9JTR9<)*_wV`v zYjlnHfHOf*U@tiMgq&^4jNSa$9Rt#7vKRi&kAz51Y1*hN^l%gi9`ONY*z#G54_bT? zn;O3YQw$Pz<7dJBosd&kxK94t`3eFGJ4ML>znE{yUOvTm8I~TG=Y^8DV7zdKO{kF< zJbIJp8RJJ#XX=QpZYdD`WI3CymJPvm$#BeuFgDnST=dO@=PVU2mqqc= zT4@Fz(sbY+OI9jmyl&~&LD>QirY7V|>UbK&KF9(E!wOvGFdPc}<#{<_G1+3H&MRc0jS6f3`UxbL zG~?vgdFCsZWC#@ zY!}&cc`})<`$WG81afw%XUvuU0Yu%FBF6Fcs~*#|55C_5LvQtc3`CywJG zZSTNOwFJ!iv-ym}`7pEbrFhy$SCG9imM+yh3;DAn#7WJy?AU=|cByI^+5KZ4uNm;W zbgBIdyeOF?YDm4nN)KOWTC)ye=!rCJ`5<&ujYvf-R-rgg9~tl#KO-2lV=-<0QY@aoc84&N3450E3RoF_oZW5MfV~DcV3tHJe0b&$ z&%@0rdpHs7nUpBU-2~iT#PXT1PP1Z1CkQ@z6D^1--&KDLRhH_&JFDU1IgbX>_S|~# z2x|skGX;9OeLP*B_Zzn=>B9Da5RetJTJbB(amxvT`AgNJB_>*2dGLPp)^I!34z*-~agsSsIN&-eKUdUcQ2_de&kKA-nHa8^A|`aYUe1x$r|TWztd z)QeuM`7HQV6nJb;AezjG!F&}Xj8<=j1JirJs&5VCm^GpJn+9ec_zhE)&@Q5R&cy0Y=E_)@4)-RT#e~nLzi&oC3kL#b|f$Nj`vijNlWb|lWVEC6UT73j9 zCgq4P`F%$z8D+YuRRyzJl<<18JQC$FJfo41PgfY?J)Ij>qU?4eB zeFgOv6|CA1 zdG{ z8LS(Vj(*2&Y39Z}*8Qj$S|%pKr{%f0eANJ&x;PvZ%2S2+B>^u4P87Y=DHfOl6EMa= zmm2bAxMAH6cvE|eWZzYzN1CVc(>Alg;+#C)E;`RnPs=CI&J4!C-a?i+DFkMz+<=*R zajbZFJXkCD!_#NqnVjEZ2r%qLzD|;6&d`SZie#ESUWJ|dcvZBvC=cd;$-w5^t#qpJ zoNcy?BzBitKxND0ajO%3z`iaQwd<=$Lmh!JRhF3Br%Zb%kHB@c{W$+-K90x)A z9*FV!x5(d0Uo_U9CfvI(fWF&B3=;ra3QjvA!TJM!W98r`_W&oSF}AYBjIQdJ;l7W~ zLW;**;+R~-4pkk4Pm>1I`_pq^fp)K0aYzhRY<9qT3*LZlsw~^&ABA6uvA|@Ff>oE4 z@aFPGRBNsx*U)Px|Ac$PwCIUgq8vr?`|p7K4S^l>a~JoBA53bz7eQu>BR;DM$Di&U zto36IIclg+b#^X5Rt5a*)PdrrasQy=+ZWcEz8uy@9t0B`ZRihoW|s}s(8ebPM-0?q zq8K;sTII>Df2M)`hpk-4bS5VIPT*fMN?_EmcqVrum2A6o6xFxoi;7|$=zzx~_~2cu zP$k9|%DXuf3V-vT#1~TDqk~?H)7U7xdbUir3B$%nbHl@`bcstY)0Nl)UCbT^JxoI{ zXIso0-X#9FlVP2^7hdn%30mXsi9(O4!-0)Y#eT^`Pit5Kx<)RA;f5LD?eGiKKZHP8 zt2tRKxOQ&k9Rw$Si`^M@mL!d$bmc+=$~%ii?~ab464fnu$7vDHg;@0177OPNePs*2 z<&n-eYBX@&TsAmVmQEd2Pv$(%#*Q6V*<$tuR-Ce>r=AysPwP{dclj7IpSKtJ((4el zT$a8ari{Z!7qXovp0io$+wtuC)#3n)Jk%Ow%JcrE5|Q0X{@*!mu5wZahv#m@b9LI> z;M*`!#J%76!eSKlTxH2q|CmMAqQ%+oz$sj@%Yql10l$6eBmT5IgT;4;Q`M=v&{CrxC&;K^v%(8hltL%>>!ZlA zJ$pgsj2XAToJCic>ad~9&SPNP9qhiR#CL8u4D$wGucp&3gQ@db!NnddR+1mW&t8jw zWx55pd$c86+NH@7VKX~AZxdfQC!U#2AB(mNWH7HU4()sf@RD*X+%53nD%RYPJ4Cb~%~3+&KYLE0#b*`&V2hE)Y2gj+enLHfS&>9-RcH*bt?a!m}?Ax*K9} z!46NRHBEwQZszQdp%h2+_qDgBe>e1j@A&#UVI_` zaC$me?z)6|RGhB@7NTNQ5QPK4~#KwA6G2}fVh7Ug}5r$@(lkdLD}(RhPCpEP9% zew5FEwMi5C&G4o4#kgE7vYEg?Pg#MhzMIj8;bqVj`%0v+p_UcAkiiGv?9sZt4X>>b zy5HK0^lE=2#>>QT$#Ey~g4J*yYPpacsS$QZHkoKKEQO6^!rVRHlMb&LDrD@n>G#h_ zCb`VQ<>TeK)<1zevP+s<4vu0Gg2!OG@_1}9@PS-E6L#7644z1-Cm~PjNsYYV-PRp} zlXNzdQIa*F5Tl9`JA8>>=pSOUPD|Jg7UEkQLxGu9iJ$fe42c&u?E2#Zm@x4a{56oWw;SPk$MkTfS?g^ zye#h{$vLNhR;jmORZk&1hgrN&!e!vBDyLe8T_LWVENNrmIyJw9Rb`}d;6TqP{r;SQg2 zUSQUzBHX_q2Vazy;H>?pkvFH1zr$YRbZ0|a^5Z;!^%+<=8$f&8AR2My7}}|%L3P_S z{MsOgA&#y%Z}JQL?Dz%OW))#@X{Nvrv;*me0xWjAjT1-6((}g>aAf)NY86$4DOaE2 z?^-9AFhG_oe) z6keU7ktzP?M{&}&k$ks%KOTL27N(vrgBKZ<%*a8P-w?8mPGfBNHXx`Y-$pzY2huCk z^s0h(M&rm0tzI{6{C@l6?o5z3UdmnEoVK{|D#2DuL)5MX0}e z0DrsB0t$8OVd{_Z;&X;RO!ND^>M`DTh~mjeSRJBBZ(ZF1$4*$nxb8n_GenoanpOmx zb3{-T;vhU%zJt{7B$3Mdm-zKb9ORa%aJS*3p?vf{ruj$U**Z94(d}tCzpoKwUx?X~ zJK;D(woK@vWfsaB4*89YHnDNvV(?b`)p4@Ms>%9t3?$yRu zFYiIDe+)ao?(UGI*X73X#fcthr!MS6hA)Sh%SDj1OX$r1ScTEm zsbpS^F-oYGkcuM?oHy4ZTvp+!WfPg~vC;gFq7tml6?%g?GeoC^yPoIl2HY`sH<{ut zM%#KTu=0!{528xhXveW=F9;}S$6df#A$N$p)N&|Rzlf1n*W#Ph48&}G{BfQz+7QIv z`kupNgKjiFS_|yq194M<7{+>-p?qN)i@c@}#<4bhZb%Cu3;eKu$zZHoa<@7%Z5B?R zZ;85Nli_vRQxZl;qkUmNuGUlG)n_k(R7xLNIK04lrP)(sTLIP~6 zodG*f{J|StzPK^@m3Z-$7vh{iL8cnI65(nH+-wX%tvl}^G`|lcbQQVVwXv`ytdLzk zuo#D%n9~P$x|u#J1nrsztktl^Pwz2Gcdo*5ZKPH~}xqyw_ zD%m5;uem$A*0-n0>z;TYu_P(|zlq)MO+==4Q|c>LK4Xq^Y~nDDc-9i^h%b zobP`Y_GZ1a;F(?t>|`Rgz-J79uO!VYW;lu0gbssKA1>k&|6tA}n#t!0+p&G%&FXar z8bSN?I4tztNN#-m1dVf3ST#F>?iES6th|_=<&VJ9eke8iB?p4w3VZEbP-^yk*zc)| z4(4uj>c(h1`X&)QYDVJD6Px%AZ-M)q(}-hcePpZVH$i@%2A{BeKRI7K8N_pCU|rsA zrt~!w(!vJv)VXGmar7gu4!Y&+B0mSewLb?p4|Qr^@l#A2$6!R`O!2X2A$UXoG<>Nv zX9HwAoyT`Q!r#tuka|sn9^OHPJXZ!Z1qPFT+vTV%o&}FWbJ>&m>eZy87sa0@bN4Ds zc=X*J<|UfL$|2Js{%r`6%QvTv8dB8T^9hO0SdUr*XTo!7QT4TwgYd@B5XfirR^ zK}j)sfS_v4osRun+ze}|ZP!c1_jIgXDO^}>#$hOl*+3wNEn4YR*qB2n!R;Cx{_ zWV}%3cLerZT+>Y!6qX4Ail;=chdd=(Z@Q}0dcJ|;=4uizp2cHTzKG@SM(~<5ubJ7q zqo^?GIV@N5q!-WXF=OjC(69->T!ry;MwOy-tFI>a7ntmBDNT5Us6u(~EH>o*OdR2) z2nsI-L;LQf@WN&jdpRna+z8l=27HI;WB> zi&iwPnGX41R>FJNw-8=d!qR$UKuxsU*)i%4blkNR{IQYnocoiNt51t=+{(mHbsfyE zdzILKVizWV-vrjr1wPCV3gI;#eC5xfcx>t{nt#Une=%ijJm!6{z$IOKFRTl1eIq}NU2J;SepKO6!5)-_NZ zV!_-iQt6~gr*Lx6IQmug5;6LD1Wh6rqK@QJJbd9Z$tA}jKQIp)bxU#6qV2eLst2Tf zl;O=s7E`aB(KKu3Ym~Msq1(0o!w((;U)y*xj;;RzA0wLC%CXy_?z$$=QmMrBh-k<= zv5@U@oPgb*v#GbvKhl=2MxT~07WNk^5HAv#ThoS%IwsAdJ>9BUI`$jhvvX$u_WdKj zbrtx{n#bt9I2y})ccQ-0aCW@u23+}C4#q7Lse5}XOWf9ho&8(5cgjalUM*z84oEY# zE;DL5bsbSlUC&A~TA5D3d$#||I=1R)JXw|)K~Bz9g!n_>pyhik-~G@Q*|AIT;Gh%L zdgKZL?zcgtKB0PKfj0Quk0&)*l{n|fd2x?lAv~Sk3U@7x=?6In!F%D#WgbvGgFj6JPaP!l?s!SG_h5@w>Y6a6nVfPeFK2%T(BhQw81`OUd> z+=?=1y@d~)b$VBF^=oIz#&}=+{L&x7D;2~+U(TTP-Y-aHYr$-66qF~`!@Y(|VEaV8 z&@>azZLS8rL$28CbwU)kVi+6!@e9+PbQ3O|P(q8t0G_s*up{W3C_&&DS8M?^PnQ;Y zNxxu=PX->Ba)+|%-^lAsJ({3f4C&uvNWGpbJ)iOuBBdIjSlWuOQ-~4W)Hr}CZ=Zm% z?N-cReTP{MZDDDbW5s(EMOb=p6ii7BBma%xFE|q);P{gVam=@E7`(ueHWdxxFHZWR z<#TO1v&Wu}Z+wXHZzV-}X&+$aqj)k($be-I(xFRiw_tZlCa(6+!kb=!Y!07{hj;72 ze|DLuHE9P^2w8?B=DLyRi&|J+N^kYl3*+GMno?{MvWGu-DLBXOgT68i+@y9CU1%8W zKlqZVe*VPj+@vtXzK(r(S&E+Dt)bFhk*Wwh%$X;P(JyfrY91QMxb8uww5zx3Y`_-u zl6#3Wdm?a}UL@LmKZug!rqhl#L!93>2##O#gYTzqh+KC@!41ngCh@8ee@XvgS>xle zEvHBHQM#OTKWz}DXk@|-^T$M)<&dq%rMT2LZ5;8a6281C0FAq@bl(_vS{bFp^L&mn zHTh!vdPWnLdfmir!yLikX_h!?b~R2Nx{8wxTX5kBDHu9&6#Vv=XKKm0iuH0*#U z4|18*a7#9P(LvE0>j1Vc#XvN4>MK@UW(`j_&BD3qr`akg#K2{H+2S9EMM)tA0#AM} zNDKSB?rpYA!FwtAZblT&itJUX63BK8qWk_11htBExR&YkBoTk<1_&Qei&H~a((pS|;e}%-^OFt+1Izok{*xidF7@IriLv1A!C~K= z77`vC!MdC)P%-W&9OyFwXT2HhR9QKeH(TK4)Vpk1k_#jlFB0FZR;SnKQ5fs1jQMU2 zm{2(w&kh)dJA@3wyu~M(+O=*b(*BF%#`sWDnM+*$D8kPMU8?@Z6ldwDJ2e}8!2#+D z{9|S$@mQwA46-$NqWvMk*)tzhZcKsq;YJXZTu8Eo-TkK}l6=O@4)Ma4L>y4uFa8yt zNW(Af73#%{@r>?q=CR-pZl6^LJH6!a;m8zLCR>abcNE~vv7hhsumrC*xXZ6`x<==Ry zrb_UZY{9R~G`QnOS?=mFiR3WKZbdzZ4@Wa_-PnC-a^@hef3!fzJ-OlHlMQHMRF10i z3NXbuf@)5GPl~i``2o@Z9oKe(^lpJAc5sfk>Vhy^T{fCKuY8L?MkT|MC)#*sz-T_b zOoKidsLw9B2h!;+{W$vRcA9jjgqh_xlgH1)vFW5hJZdnd{l-T{JAZV7(F%rnH;&MN zvB>4aD&G}d{6F+n{4gr?~(W5{NST-G5R1onCTCPo_?%Okln>d zy#%*>uSPT1$K%Sgw{dHMJ`dmh1h0-3(fJupm@!QPRvbJA=2a?u?F$Dw+O!$c#*gOO zvlGd;6j?s+r9YiIB@-WwYG76=1>ymlmx7yR3Yu2lVz;-;@GsW|FUR5r9J|d8%Kr?; zA8`oB1ZLNY%)Pj>PJzl@KM8TEI^6t13Oy5R!soT+qw(tdV%>#$C?(uybR=Iwa-lxo zd+Gshe?J~x%;mWGwlB==T0pbPqnVPW3m>L4gc`{YG>)4)W_^Ofdg*%Tc!c?p01{5 z?%~XP$5(POIslY5ax}?W1!fzS@O0%s-gapwioN!u7BhwiKmB2#=5yF3%yWH8Dsjb! zE<6R&yg%$D_P8li??o5!jfytNwT-01KDS`6-xE=#;WoCz^dMTv=VF9$9+Y<}(|Dmb zbg3f`w;Yt@pTBy+VA&H`A$uC1ww@9zzHh<1(wfj?Wdtg;#JcVmwtzisMEr zPC~5yJ*Ht^jngaS!F`}U&CV`{+4UYgNIwT$qDEm$?I>Qm&=|HKaV31qUhaR(mWHGy zp>?$mu2bp9Z!ShO#BvDyRkP&9+U+>!$x-sQvzN9S3w*!M5?FQg3q<_9K$;akizEhG z;}NY6vgyHaUjN|^iRy0>&wcg<*sbyO?lp5RH(rCb8OcFXlPe}0^+Bb;@a)`X%gZ|* zP-(^(@cArHH%RHxnTI{G$9g#I&fLgHzwH*6J4ccS8x}%x%2{Z?_7R`&ZpRnDg7EbB zT2z>NQ^-u`!L5Z4K~p$?)O9bVi^HAyeSvv2tztjgM?@0UH}6E>vkrh-cosE0{7CSK z7eZZ9m&lb~!M-qMZtz_ZCdZaTkj5)m80bo~75Bi7hvRTFb%PZ3Wz@3u1b7&0(kB6{ z;JEzAYR%3hoaFn9NrpGzM57E6o2|-68qFqlCU05V=rf>rqkwgirXM-4B798{p&Mh*ewxy}4h!kz6z5v~S0%Nw#9m{PS;YN($Xql%=Rj(q3 z=g3mO&;P)GJ7ed!s&LbJ2_#TjiR#=^=GT|+BcoU?4()K__isKVe+2KEi_Bs^@AVki zy0j6GpUV-uZ7GF4x2;40_5b19!~OUuYz5xgUn}@~o5cO)o>cYWJ#^3vqkb0`V8@Se z$m<`Blm3-(-&@mhU$)>ve=6`G_jll&-CIOKYgPDvugrxm{!GkVCMLzxym{>IFV*Rn z68Ye3+tIi;mn&H>0V^$MzG-ES&_lV$dZ#$?ACW%zs_Fp#Hk(6a?24Ik$#VSXqa);B z#H?n0F8s_)f|d8;IPSC*mvKemdpyv&V(LS<;9yQIHXIlF9l6wb>tVj@>L9*4Vk#}| z)`I$zwW7e<(FKbHcSM$ulTfwile8z%uT8-i@$&;Lshvo?>aVc*N2Fb{DSw?;de85OQ9M z$#Aqe6J#EH(3qw&CPN-!tGzUJJY0bD8yR zd-2%#-Ee^dZ?L!I^L`y+M|8Y-S&lm0SXL@NSXmEQa(_iTBL|Z{<1RM0W-<<1Bh4eD z>fqw_sgVC5ACCN7h0;p*Fn2TXx2w9KYyLR0y4@d@#!Tlb$(`)t{Z4Sqp97uebI|$J zR`EfV_au5^pD^nd@}o_beEUc%9Io6hoMq;du3H~TlIn1(HnA7ZK5r(^PJ}^C>3MPe zeF^v)@(NpD1;DB3C1lvaED~QZl4gFkpgOsuq06@$J!C^5EzGi-+=?r z^ZI^K&te6=}F`Bkh>s_=6pMeaq34g z;Iaa}aaYLgtgeT3zV9*WsVRTdc^;qm4Z)O6nGmr)0n}7SvcQ<{u!>GW%k}DXP}U_( zb{z>JDZ=jRL^95*4~5j;NVxlNJ$>5Ii|)U7aMQnrR5!nz{dzbY4{X|ibLw<>^_s`% z8`uVEvf;40wGQ(a*I~$x5VU_c0>9n9feG1X@tx%(_84dJrD{gp3T$}5oyjcV_FMd# z|BBVE8_3pqJJE$*-Qd4l7v8rWF`$Yad z;Sn0_It!~dIML8OWo+OrHy$9&8gIXM;Y#yG{9a@gS?@R!yLbiOrGJbs{#|<~Eqj|Pp;r^H706}6wD}6$s&GHg zZBysRr0#(4IuE90lFJShD{{{X%h-2&S3b&dBYvxwq-ydy;-X{H5FaUIM(q;ei|Iai z{6d3PEL+7LEv0B=Qv^7)-WPbIp76b9Ab5=3%3uGLr`~T(xwC^WE=oWy=s%)rIH|~6MSa9$K@;kEA`JBo`=!obguJyrmlGqv&eqBXs zsDP)_?vqIq?66kV9aToT^NpRUI7uoReQvbC=IB3=7Cst&&ynOW9h>mxGD#i~ZjAp< zNmIEqJ#cZP9{rKh2p7$I1=n3F5i%(dQJjtvZ-$`V{mn`556ZO%Ew`V8a$QzWY@J z%34d&>mPl2|9=Ca_Cf_)b}ChDw<(sVxwf&((-f%5WoiEWt{FC&37Jl_i!A@lCG2r* zWrl~k2%9Sn_p)9%4>&4xu(~VJd+TgWHQdQ8XRao9JxkDI%Va1Su?GKI?PVL6Z(&mv z#=`h=D-y4gD0nSffeFv*r>z@MGe(YgZEDAH7n7iN_jP=B_9u2djDa{I%VO5o3zFCD zc*(Aj)bm*!dt+HmR0g~ky_}%~x{qf=T&N2zjNSqFZFH&qlw+uKPKP_0Dv8rtFI4Le z(q#kc6G-Chi9F?A1Wf+?6nAZ2N#EXG1hpN4=Wlxv)=4ltzUv^)e%nSaKmJBMn{NsJ z*w66j<_ETF&3JCul?T=t!|7t{Fg{0PJ){oSrH6$~W%95<^6h>Eed%UKpI7M8^him5 zu}ziVPWB_QdoEM2CquwK-30Z0rr;c}`EV+>9Jd6|o}D#?4|*lf z3x{py@8|Bplw@zBcA9|63v+lD_Zj>A3EcAz!iuH?OlhGA=zS&XD$LI$0~}b#mKadn zuFcO`Ws`_}H^HkM3onJN`Dgvh&{`fr^c}59&*q_Q$}BysD$;;ewfJ-kP0o_T$z3zw)zn`55mu;5AuRm5iO6bYd-D2FfHiPxYnQ00 z?E*WrPmWT(V{pd&4Y{gnLf7;;ijSUmhphjMBFtz<7d8K1%u(1pFwbjCr9a@}zibO{rd8Spg zn@yM{#RH04A?x*9GRW!^Jmw8xJ$ophHr$LBO|#=N)-&juvsLi(+9^@eSS`M?d;$Nv z#~)JCY?PcP!zRvD_(R6+)< zk)VUeAH-`GWvK9zz@gESR5sxus;fEkE8nJ)Xr~WoaW;sx?wpFchjziT+vBib==6I>lOc zW?*Ued(;im;%}t=pyc^>8d@&L*R9CGh%i&^jC_jGWol5Tl?KHsZ$Zm)EGABp!8cIG zvX@F?{pq(%VuvG-n>_dMR77eIj-qwHNpf;X+>j2}*nzfMn?- zlKSi=OgEXxG`0)(J%vh4YFFe}rX=8z#YdnrvY0HDeTf%uw&9Gqr|_V*SRDKFfyld; zld4Him~L1N@q1bWn$Bz3!%5dk!GV4}BKwEk_^+8&7MjDB10$)W)?R*iw-g;G%4YII zev5Szqsfu4_t0p^4{U!VN1G2X0{K1jp?lOVa$$ENF}*0I3&*pvQme_|*@&{w;#Bc*3_IrlQ}&JI8*GQt!+#&auC^gOTIUTh>(t}( zR$pa1%i}CMdK!6AjbFGh5@#gr#b@(t@$)GQTC#l2MVF02Ej!nP z4^eu=z7Kv1UW2cLrbr2+-BL+NxD}mLuni}))L^9GSDfi;MZGGI;jAHz@J)9NKbe}u z4x7#8_YP_C?sY)Z{tA{Pi@QX0#)f@MH~|Mz^U(303V$#BAMcM^@r%I%7vY6DU2HIn zYP{OZqgAVg{L&l98JP$RI~!ohyL41MbsW@R4kZJ8ucF1PG4zA(VyYn{Lo0PmVD^t( zc$G5)qQVRzb^RImncmD|w;H1H*(v1tY7cA}VSwH#G5L zdj@2rt~6eV4kD_{C8_U^>%`A(8yZC2hXkn;_@8ego|Vc1bBPStwq!BN>_<`KPi?9p z>^1ZSZicM>Tfrf#!cXiIvY}I+u}Kpv!RB=We!KIDxn;`H@Svxx%g% zVss6eNQZtc2!>HtKZ|Eb3mM_@$~fbrrP#OW0!U6PL7&QMxe;`@`n)jAwV*jMX7LD5wTTBnf%{br$&I zYBpF~B%q>Or?^wXAKA;nR3qp((L0(bGM4xW`#Qo&R@*q7KG1+V%^5?d&(gsYC7ca7dgDBiAZ1nGZYZh~`=rJx&qyO{^iYx*BRG>|&jb5;$jL zF6K_Zh`lc);eoRr{*HKsHL}w&jGV@ICsOghCA%SK>mV}XJjL~+r%`jJLCq&AaH+rL z&Mk)o&uf$mta7cwS0AIubLYh{>(f&_AUKorty7t*UK|au-N3!*G81U+gowg3{Kh zB8j$f0$cMjZd4Ay^?DY(L^%I^$jle7w~7MULu1kE`&Y5k1tUHoPL6NXI1bNNkARmW z1qMRUAiUKTjZIafG4F0Js9S4cSjT4cJ6nlHA?-|lW+ZOc&cqAe?aV=>j32cT&%`*< zuMgJ3*~fSAMq(*>`(&F~?N$Y-jhX-zn*=9-r4(w+KEmu9O{n_(a#6HsH}4b}dnuJ; zxI@-P)CzN;ZeyQ{Uu@b!wiRg;v(as69#jG~Ed|({d69j-e_wPot`fGrIEX2+)6h3Y z1#8|GvWKVi@Q0)#&B%6#t7bRRKwk^GF4Tc}lACCc=1a8O@gMtq7vZ5r4xUPopgGDD zpu1)dqy$v4!W&O9=j{Ppw4xOjT>lSV>^KUI=Z4eZJ&Ek^Hx=CAxdI*te9G*X2?Fy3 zu+;-`<^!VoW6@Z_xcT9XBML6`B3c94+24=daI) zpksFr`hIYy0TmmlUi2k+IDw<3v=jXCQG#FVwOH2BRwlRjD$A`C*wxns=WP(e<9(^% zbkh;NJEjIL1bkjIJ}Hw}*8x zeO^em-_wHKQSuLPm5T0_jzGg@(=z^cq!7(qZnW7SHn2(Xt+FC6SteFLUG|q(OG%m(`H)GsrrO&G7{XK zGu3!sy(xPd8I4=UtwF=1$FcP03XmLcLc~J$$F;x?Sim#J4!6OSnJ-Zoaj-CCPLlaf}bIpJ@qBmcQ|Q&_?Ws62*^v}=SnpN!z9{ti&KXavQB zg>XFnjVSizNZNJqBZPQcV%yFstn6(R$(^nQ%L22ii>DvMfwxByg~Wk;%eW?yXrRDu zN}0$~l-pqXIUVpyFaTHE=kWDwI~tj^<8e<9an3Po!T+sIrT0qnu#{Q2<3bQ9-R@@f z7bc+H8&%QUtA^Zi)KVC;1O?uQD{M~)fw1`3u+6uEs9H6XX-<*&-_~W|VtoZywrIl$ zpBW@tW|M<)SeU&nsol#QM)@)fm&H4jO|^E^VVtOl7A!6-7%f`8b}J~z+eJeTk0wa-NrOg!y7s2(=Cwn}>C}I)cB>B>DRVUVlq~qTTUwZ1xRh0Vc35jx(iB6s|rjF@k<$YFM*a8rPm48GtRxTh8nnqaE ztioM-4l=*`Q*#n?@aXiBszG$gO+cX@uc@x@+pX-Y;p;9O}dLGZl7_k zKA^?N4Ozk7#b@K8nKf9oVj1o-_ocmm2GI%IZi$C#n2?MQ-@$yo5kCGV&3keNvw)It z(Y0N95Prab*uLeEJ}Z(8%~(rI20w<6jv>$^E6oor&;!}1m9X)q3f@xn;9qX%kv-!A z*)-h&fd75QlfmD?(W?<&Tsuh?7+yf%sr#@_Tb-s|c!IEA7V0){#zCj`X~MQdIIgo0 zM+rONs81nm#4$(c7kEzcZ>KTIy1C%neuP0-B6t)lf?tXonYPdech0H7U%OIZ$C(kV zvwtfV9}9&-vKPx9oWbk&RJrzoX0RQxg(%86ay?lO{(7@cb$~)LEZk!&I(JNp-)OI5 zey5CS)iMKk{qhhV4EZe5(%j}8XY~U&EqFwH!=CwYzlt%RMN%NIaUCY6_LCWU+ezXW6Rcg^3*E=k zamvsEbk)o!?DsaIWAWt>%Pu{FmwQ(+4ZV#Zaq<8T3A#&K&8*O9T?JU&-vDm%=2Ulh zHnVvq1p^1)LD~6_aKDTk`*e*Eo0D77rf)2Id)yIkc{>=lJ6%B;>1I&=TYW>}&kP?aK><3WGF-m;q?={XXi@u@C<15TacQ$jl5y)SA-NMt- zRdDrQ9_&d;1(^|xAXeg zJ_8Nk{A9(MBk_2|Ho?E;3p_mwveiC_yXWpArQNK`jn?3Yg9mg_9;7u+fe{?*NX zuM&FL_f4>4#dFc2zM$oZq6-nb@;XOJQF47L}VEV1K;_-70 zLGG9eol=wyb-fXw{lb+D`W;UumKa06a~y`RC_~=0g)qGwpHN7zccX5ybc)u`XS@tuIz|Mrug!$^Vn#(8h<^P zqM=!5h}YE@?3eyTh_&;u)_fm|-xQ8SYPlt5+219jQ!K@cK8XdDgLIiqrV9K}&IAqZ3{_B;=&V z2IAy*UvavSH??QoF{GXZU3~Mh&Bg6klP^ z5+#ua$%juqhID;qELZQ8<;^pj#M{OlA};gw;hl>ZB3@2|OBGYW@QExk zjhVRPT09s8u=4_<{cEA&ld&npcAjx z@r44ri>&co4H;OhN@w>rVp8Bufs6VCm#$MHImhhq-p>^RGx#oUzq$wVb)0xy)HE3X zU@ZRBG=RvWI9T-IFF3qu7C%V82pPl7*i)mEWOd&Ou=5^o`GTk&g*c%&t90G-%LJ zx?-Iq-ybjv^V+Q-1Al_Aek$3m-U*9FO7Xy>v*@jn4^YR`fIk#Gf)jEy>3{2Nx#4rM z$oERFXjn~;_#+w0W8S?Z?XPCh6g-COC0a!DOy&6(A?Lqrjui9Syc<_2IEqq!XOT-4 zqj9*9<+Myv;)8Uv;Lzb*7Bu7!Iv(|eP^(;s?izp&_s4VL~%b9Tb zgP%HfAaU*)nd5Uo>=*VFV?J$$xhYk!JXeEz*<``SY(w67yisgF>KsNd9fX#fd!ZyV zQS7+P8*e8nqQWaVx?4}UU#Vx1$%BT|x7OAo+qL=lb>c(PI=Td%XNTgmB_iwypDdg? zZ0N?Zr!ZQqkFf?#@J#y_8zgX!&sL?u=A$b7Nxm>gUbX~fcBF{YB^5D9JBp0DFbVG$ zYm>ej1N^Ya0OjAWhJ9K=_-?N&80|ZS5w8}C_0ZZYX+$c zXIV`8T=p+cz~fhU!uODYymG4+2EQJNLDS>u1dA4Ic2|Ib=e~ff=VKU=c^Kb+?8UOA zXnbgI3Z35yfDPOQsaG8730q-adw)5W)-qh-J)3`86;Il(SR$iV(B!${?HH&DHP znjPCOOC>g#Jz_Fdm*p` zH-ek<6%gD?kT=l`!$af2S?Ch%y-~>K<9;yNFYIyEb?B9{3eke(5;DPZDE|?16-`|) ziPZd0!O#VMpb|7zRXqb}<4Hopv`n8U2Q0i)g1_be;DC@gUMiOjHuAqPhx$YarIYEXx80=ejuDX+Jqe279$=w zQI8lrTmmW`gZYmE>KOAwfpG7-+#je6>FM2 z$^*?ywRSGd|vHEpJ-k z4@MrPkn&QBMMns~FP^jcL$MOio}oy8t;)pc`i*?#MJsWLhXk|)`M?1Z#4AE9eC}g7$uL8E-565#&5JI)7%7gaD!@If52F68Vm7UQn0W6V zMLy)$E@-%{0iPEP=6{DegV~}OcH_<+Vo0`-fHYx0eo&R#jE@2TO+Q$$t%w;0#*pnV z9mFQTBH3Yy5@zu48jCQ};j1q_X7%HuVB*mx{2xW<9hc+x#_@IZV^v0UxU|2 zD}c?`Yh+r~EL^U8glgByqQ+fpjF+{dljJO;ZC;_YeH{Is4dyni6g?dEp?G5rpA%kpvV z?hqcWB8#W)g_43aE&j}P8~7Oy#2w?`RW1E9kUfa?M8DpW)Za9SWB^&kusk#YX zS&ial0shbuYW5}*4={oC;WhX zTP9j#Cdn%lONr&Y*C4WA1mXa}k(_%Tj@(UWnf3znp&}AG%A+BBV>r&-w-rsoh5m`? z3dUHCrR~~MICX+EA+Z%W^u%jcGO&e|J$r}>0uyOy-vF5JqmL^0&p}MA1Tz`60>@V! zA%CtLVEDUAJU06t4$B!#rTc_uZtF-EWwQ(DJZV1dVjBxzD-9hMuc5%I0(-ioVc;@V z{;ho_%4?m4?4?>P@9h+}QTUu%ZGtP_qMs?xzJgP4UxhHWBe3q@dZ_N2hf*WD@S@&y zd@}qHcvP3+$p4n3J^1n~!rXJ!MjNc@+lWs-3p|43Ger*56}Z$9CVnbui{ny;z%rv` zOn3GHM`KrhcISIG$FK|*R&2-nTXw>-gB6&6@*Qf=G6u&L8S%w{kDIv%#!t5< z#rwm6j@0D$14r;xcT@#uh!!{eC5J;4Gpgh|d~vp09LSAu=cQa3!niT2c721tcQxqd z%L0G@*g^biT?tlOv&p}|E|6(0oS!XUK*!}Cw$UyqeD;Ves{aQT8>WND*nzxAV6feA zH{sd}Pp~~Boav=@gKKM`{h=T4;j`jAY>oCqZ<7dIJ$5iS?`{)qRs4vLUPj`rOfB%$ zGosNgMp*Od5ECgG(iZ)2>{Z(byDuqWeNYYyc@>Kjl!Z>uGIP+l@dUM3IPrlR^T_GJ zLQXb(Dy?4Wi@GNpa80Jb9v(D+n-hIH^iDT^FN%WM2fu)e)?ga_TLqo+0fW|GhS*WR zacsNbFYArLHj@N_8#09cZ2tk<*L&lzf2Oq1u9tPlOsM+eqsu>q#;|37G|91^HaM1a zhbVV)luJt@ByzuSe|d$=oZZprsnES#C&jzRPsW&%OxPBe3P0NO@gh}&w`Uh{{jG#Q z{Lq1icgUlu&1P~$s~aZE?Po0YwkRVuliVDBi98u@!yoT@PMS(3xq9P%loj&3!G307 za(4)x(6AtqK7;7Ik5;(xYdlQYe;1BDl>_skS!i6{2&xW_0>5647jM3bVp%inGw5Js zpgsh=ACHM2AHsr|E?m6Afe#Ei3Tp;wLq^GXm^Wvc;CGP*muLRqKOvgN;VDqE&SU#z z2N3UoWf;3J50}cVWIoeu85^pCxyM(b)q`#_|JX$FTm@geTlNwXP0eVK;1!6QbO0@X zFQV!Hxnt^)tC*&9jfl$TLfJ)4IHIr(yJZ!q=BPJp^5#{vt=3UAceM_T{&OB0u7{C| zbz)L=yb~s7T*Lf(cJ#EsEZE${V2!f{+|HUy3X%yFJd*^)dt#t3vrtaL4X0RCV}z#>47&tsnPl@EqZW7FIMSnV#&U*sx!x;AU@i83atOV}D`((JZ zJl$~kAqm=X>#=}l-%Nlj=iK1- zzzWiOEtWLwbS4{xp2KGUX1E(rgw0F!FmvK@RuUEkXBC|=>SrT4Jo7CZm{tZm><*Lr zHAC1}=@VpHZ!FdiszT599W=~%1T(#y2Rh!Vu=JljbnokhVEtTF&JJbsbRNP`LoPl$ zZZ`V#NwU}byl@7|fdu&j_(FX+zx?47yYDa!HAIvY=6+;PbrzB)muy@;%bkri4j|Xp zS)=R0C3Mrd3$W+g7(Q2B7jm^;!5w2)^j#{4#Rc7!$te%u%)3J1HXqrnm}-)9K^LOt z9pVliK5S0hblm46&-I2R1HWs7eftGA(9AV>X;qWB`N$D?Rl11192-UD8j3NnClx-& zNbsw-6yfO0HsRdr!usi_@XJV9QMCPAlJO{-<_(vD-TIoir7=b9_S;REsf4oHM?Z1g z)XDru-CMN3=_-==c@VzkK1Z`}Zo>RK01jW+ExK`EnDdfbm>=ROj`Uo}x`gjbXJ#^J zvhQHw>n9r5dkarrdjP=`j*+%bZ(jXU1@%7^k%m#LI8#xjaob0+v9QPPbSs74 zXZ292q>aXdWU#9HG+SZjD|8^##ipB9;NUBiHaNDEVw3asX`%A8aP9*Z5}rdse%gZc z{79;?X9uLol7t45LcIZgU%VKG~^@;metn$!K8&tgPPE0Jiig|-1HxMF-f z$UnOX_Tx+7NoEO*>Yqk4eyP)gTS8%Al_hpJ$^lFcGB|GLXO~>IT%+wBAZj{ z#k$T*=;J>Mbj|z}W)iE!haHi@0@qLYvM`L@Ybi$2cP_ZfKQa5deC9NIE0kL908QgR z*rFwc;u+533l%K{vb0iwO<>{D|P&)itFi+{6M+@K7!u&_wc+98?Z30H~!Gll3 zq@!_|v!)3&mbhTYt1|JMV}udozmsg0+YdPC8)8wG?YxhEY|wPP*^W&^|hJ!2p<~NN$uFS^|t!8|bMg*vc2H@LY zIk?ecEPSbn#?{l^af-mqNR~Mc`%H&G!REnCw852UOy7pR^L3e}O*1+gO7R(wGcdYC zh4*^9@&>g;=B9fNUbtG&I~Cd(vV0WV_E3r~67ElKk&0aWeHr|29LH}*zaeJ7zTw@y z$t=HSK8`e3p{?7die|%0^6+Li=6i`CP1FVXk^@+;*$S2(G>#6sFGmOa#o|f_Juddu z0E`q|7EMz87&Jh#n~Yvk&{9LqO74*7I%>T@X8fk6!&0Uzm)c>h~QW z+*O)72KKO4A(LzM$$>-?J?_8g1eu9OxFpDv7j4n!?>c38(D4d**XPPVwfmw+WJTq# z`wFPi>Wt5O9B{035h?a4#Nk>K(e*$ns_l~J`fL5MBRZC>6Z{gFbkiZjW-XNy$sA#712bP0Y;Zx5rrCQ z(=AyMsG?*K_m2vDwd4IHDzj5G=gUrrFRUQj=&!fn^j!TYoR!cH4cIN>*t zr#yGS6XAE!UrHO~3byld<4K= z&fZQ2vwgo=W1#{6SDplJCxn@J=rn52?qTWEd=h(~GsV1k)PB1Ye{b3fHdo)_5LQPr zB~D^xOb_w#^M?2LW|QZC8zJm~6L{X=g8R?Q^F>n(sKjSa7-ek$aU@#kaXk|i`kuti z`8FB|qfwf;B0qOjV6D}QO*QHmZ+o0cMTAMa) zS|v$G?oYz0SGw&3LM{vS$5h-j!kDbJ)21``9RVft1Q=eP3o_1zEG@nPR+}2}!2kY% zFIteW&>0wB{2D(ing|ZTW>BSuV3m{x%F_imV#io+eQpHZ8k~#6?W8c~)?LVdb{(dh zDnr#rj!gMJNna%FrRIKN=ItFYgsSo;Lv4c2gzp`6j(G-p^F;qF*fmX&=QrvK_akdQ zUrE}2pUg6l_%WE@%?KuTzUR5(B^`Rwb1y!Tslk;;lgRJV!8EI)2_DI)&>|;Cu5=;* z9-q`lKcUlbcd#?cK99gjCq`n6{9}mNrVc8fhBu7GMmt(!YGKS=)scJnqX@6Q(W}A2Nhqvf%!qtLCO9vYKwiT zT>f&JcRdzH&_e&qz(C+=tJ=4h#CE-5zFw$dVXbABfh&S#qFL?pkKZlf{oyR zf5Fu0#UWGixmcE)#&qJ@ONH#tOBG%_Y(Ji#9>_J*d(covnc5B0r76{^c+pnKt!^7k zFI-dS59L+~oaKQ`TSgDtwDzO_qB~%o7YiGmE%>-*u_(ju0hu@PG8sH>C^ff_p~t_b zLzn(z+`r41E$TRfX)XuB+k6Q`V4oHW>sn><}XZ`~hI?MVirGy*gZS;CDO_po(FG?$+{lUCP1 zA)ga%$i=GHB29sR(6-Bo{`mWr`MuP~S6fd&+V+Kz{yP&_Xq|)VEH(695&^@GhU3RV zUx5qo1}15_@PrUYymFylyt&N*y=&C@^?iZ-%(oj5#kBDC6n`4$G=?woz69sRo$%A{ zMwL;xAwQn%hGj1U_y+T5L^1q541GbVUgRVy?etYtVIa#dPY9tt^`q#7vca@}+&UaH zDbJo-q=U_k1{m-{8|yz2o?Y|>mjCi4fr0Vj?vLH}KaDK;tB5*W=G2Ij=n1G^rwnu7 zrW1wKKd>Py8m(u^!s~f^g#3gompGtC_YRs!TI(#>1n(R8xX(_I>|7&zRu;17<)ms? z;WM7Ivl7-HJ&V5&Ea9fpk#U~_T;O$_b=x%I(h?a+%KL(Nr^ z8@kMshPJ-9AYc1|-4t?iOW%&83vRm${)E45#+tu^7d3*(eAL57_bu1}TQ9nFa~V1b z{~mTnJaN^7<;1n|xxK=6OI*2Mfj-DN2(Ehv(aT0Tq;{?cUh5X)94{H}^Z7bBjJ<|? z<6pr!_gXA9lBeZri!h;kAMd>tK$SjZ;cYmE_0bP2t+XFO+y`lP^k_9|4>lu5`=a?L zRV8i_Sc_ve{$nGuTJiPc;TXDFhbLUIz$vMEbc%}u3|%o3!{$vPPo&E$&mS8>9r*(| zVBQ2Lo2KH#aTV~BF2l7?22<^p0v_^2gZ}D2itCOI1^)x1FypK@dXFE>ZH^y;>kY3( zZ7+^vQhpbD+!Mk4_OoQ(kb~m(3B$S8NjaKrsm1&Ab$IQgPB_-1ME8FAhw53DIN;6{ z%=##tx4DHN@o^+w_syBMyi*`EZ%?AL@@b%8LU0D2l9+e zskzS~XiZbcTV?8erHTyt{65G7P8h>l<+pHR?i==dL=s&q2e|gE8l@w?qUFB^O#GR~ z$gdf+WKa$(-L((o|LkYtSN}k=sGc2AE}{0Ls$uHxJUVrTAH)WXr(s&c?qcF8TxzU@ z^B<}}fA43}jJ20w`GROzqI;Vhf3^twMxG>>%QwJQGih!=Dww{Dya}IF4QTA!0v1&2 z!apBvVlw`B$eMs1+ z2t2nrm(Gx{ae>Txiw@+y%EDVty7a$ENpLR5ns(a_!1_^5c;aN5aQ_)e?b`2Q`(iT~ z?emKak+bCk+VuEmwM*Ei>4pXgD={fWnRcFE14I1p<4)C3-q1Lb{HoYYtv{JD8T0*+ z@%tfM&EEu{{rWKOkUu8&CqU(lc>X|2g7Q^{bX(atdh69*zUb)*w$eu(Caf#KoD@a+ zQ0VaORlY+$bltaqAh7&|ID~lGemSb5>JJLvK7#pz!D!Z|MbA35lXbBRuy$+^ToZao zqta^xFHt6+^5(hNRU?6@ocjpjiNE27`Ag6&ZxcN^v;$gqda^~~x!^e29}@FUL0+K| zrjLt3`#VR*KxAw7pR#xFe}~b?9x+PVRk!?pZY$P zU%sD~aWI8T;+KM9({!s)SnP0+bd8}a<%%DWE3aDnOWoHxQAPWsU; zp$^<-XCww}-iF6~=7Bsv&pLkGgy79K^q-sxT^1UTid9!|*Dm4xaEK|L@^T#Xi`LR) ziy4^hbyaju(imr33EZs*3h?9O6Z??kGr5d!3_7fGqnRsa;lvI(ZaYf~=1z`)bN8RJ zkp|8*KjAnUl&RB|uXJdRC>y*)Q+VwTTiTl`#?Nn~(75Fu(~>pht~0_=t4o>Yhb5x7 zRvhFtM8c%g!_X?J6!bl|@`)aHWJ8?{e?NT#$zGTSGpClriXm@soZt((x+5KKt9}Lj z8NI~o@4e8O zCc@da2GlBBg8W=1JSrZGV|EPUhpnbDnKi$_&&wK*wE7_Xn~5FC8Ej!@Qq|h5A$Z9l z7Uo<)TyRSP#;Oj6=atD=FYF|y3NF~@24_(IVF_V+*U7D~B{1fS33h0u3w!i1VpzHw zXWvT_l~}AI-zxq>i+3%`f4hR}e&caxZV<`8qeb4{8pemu(xZJh5Q7y2eqio5^qhW> zgoil8ozXwgFd-azn)@-ybOM!2QN=GYHOxtFH_n-{7KR_)0XZfi*S+Oguj*VsCQ&UOH&~H#+bdz~xUlKi8HC>b%uuJ5)!h>$w)n2s? zV=&O&8*Fo>i9=K^acO?cJ}B2h;KT)J@x%)gd<&p|mL+OEZV=9|Vwff4M0X4e19x)| z>{%2i-oEfXN zvN73FB)Dt?t_<7`3kE6C7rhy{xK)|9ma4$RNr%C%vH(}-wy>;%TG8GgZdjsIiz`Bu zNTx$GQ@5S~YX5vh?v*n1eW(JBnXS#oWF@nSfj@CVu@s;FdkSrxdrh91uM(FDDJS8nE)vHbaQ|uygyKJau-ggXNcM9~9 zPm8?tPB1mIX%OJK0E4_wVMNRs{7olw_ZKmESWbq;A4ho8vmZXS<&yV{BJlU80(A46 z1d#y=RmQ({F{)w)9G4wU@16)H(=9cyzjHAj{dEm@{>db*&CiKdgwP3h$N=vX5?t@V zR~YdukL3I<1$kRBQCDcglX4RLi=Qp29VYl4vNZ8bh8h1dR2Q%9Z^8|E?{Vn#6L>l0 zA3K#}z^(mjL2kkjT-|UJTMz7jhkg|>*Kim-{r`P#>werK^xZbdHHZ=()WORjp*#H2 z8%!LeJ%-D!KQ^rw`i1*@ezTG*$!N=Iy zH=a2f?*;xj9n!KAP`x}D?3bMbySy@#=rdrZexLA^-d@3P_yM;G^W<+gi-mWn0G$1Y zk%Z_G^i$6YvgXrpItLIpX%vIu?=a@ta|A@Ar}1*3H`1>t%kBJ<;P-(Ds&{-4|NEl= z&gM1(T&QOsUq=c%))S&{$w%S9=i$OGKNxquNJ6Qwe!Qprbimsavg+cEp;ie`z zP`&gA8&C;?q?6!EtUVnX*vssj`@rJie$06_30}Q_ghOX^2xnHY-L*CA8Hwp2&T}MK z;_C~L7d@J;7mY;zCXKAiwnLLfEjq=`j9OGAVq&Bb-#ttT&+py3+z&* z{i$QnW0WDvq2PiS*HYygl`ez!1F%edhvk zlk8qqfS;&VwLOyAg=1O_eBwIH7Q&4-D`uVN)Ks@Uwt0B$ zig>1pgL6{^m$?G3*3uF3PA5=viY!{{T8kxRZo>hkKpcAX2poN&O&_R5Ldvjs2n;=j zFQX>WKp7{zI(-K{wwc1Jf_U^gTEuJ*R^v;Xbx`|$xyZoo32xad&)n|@)8BuUNyM$M z$*epW3eX`gXs|8O&WbyvHJW;yO8S?Y*8&Vq9NPIKj zK=!M@th7U#Zkx4>TfH!%udkgzFH1vM+Vu+iHi~f|df}`$!n>HYEqG2p#9SBDpjuW5 zJlg*Zzu&W>J@&=)Sgjq5TGt10n+ibJ@-bLv$go`*bNNzh1L|e%%8$H|r)H;aqQlli zv=sJTzcC+XzIZBR^isfNw-M_GX=fh!?kJjZaGsEy& z@DWHHaT3?I1fu5KXb3*H5+>ztB`@C$q-}bWQLfPwY=obeudEqqGi@NziaD5&6Ttm; zL_ogB9b$A)k_?ZK;bx_8*-)u7=#*#*7xjf6lvjma+0`cI+a6D-QUNn9VlRLg+eAp{&`p{2q zI9b!Rj-?oGnuL=t2(I+k8X~L5{p^E`JXgIbfrh&?@nT>j@v~dVy3=~$nDQc;G*39A z>*FXTv_n}&+Ia#8C##i;@L&`Wb!9S6L=^`7kXpB%Ksoe zqZXT&42Hy@1pN1WmiTnkA(4jQEAz{Gjm>M;!tswu&@J_z;BQYzn)}?=ev%yRPkMmg zB$6O;^f4UbqD>EYnD8%QheZ?P&#{$5E|ct%*+d)dV9JskxOB~O<`gW+eJ9UHYp=It z>S9HV(YEJnrOyjySn@Abky)a1*$CxY7RIXL~^H0mh(NZ1>fv%-FJp&x5O*AKY{aV1fh zk&uUJdv&pJd^DB1r-ZiyhhyHfvEU|Ug>I7eMB!uv&hpL{*!fP#&qw3kKZ1v0$q3Ym z4Z+P1Rp{a$Yl-EzFk0#!j~fai=*6}d%%n_$rccgdz1=J5&7t~qmhwtIiX^~$x}5|W zdeiU!c|h{AB1qZ03_hf&(@X7&{MRJos{N9KxMbpV>ag@U9ypi}wHxig#wU`ky5<2# zx>mA3(UQW9^WCM*N8Vy`?O@b-=7x*P)p>%MF;)A0PxM>ha?KCg0dqBt`Q)F;u=~|G zdNEFkduJuE{Y7c4WU4(~ira;B_(VJkVR+(NB+2~sgs7b}V|}fqI55f`+cMHoX^tv= zZ|+9zYd8yh=mO{TOmM5EIX%?qNOh;j;OHiMy2tMqt_afMxz#0X!$vRs_*juRF6@I3 z2E%#O?s%qYdRoW?MG7p4$xwea2V9Oi@K=&*eEvN{>LDuPM+@TlkMLjYp5Im6ut1v! z+1uFFeci!roI2s@rUCTeukqaDOFoygpNrMrr=WGIA`3b56f<^(2$|yjuwqIoO`5(3 zM=1o-jakCydn&>G6YEHI@;K^~HlG@NXoc?%Is8P5KKtq;@UD$VaB5YA>OG%e{*0qg z*4Hm~?@oXj26+%QHl4ccbtZdepFnHLHF&5}g6xY4qwg%FNl4~R+!XK|E^X05#~V6y zhQP%NUGW}!4K=W+K9)M4mq6C*1dj}g$mW{4{PK50TsQtDm~=&whE<0ks#}=V-rt9p z!^F&@@&mKIznxa?Rj2cN9chjJTYIUmOWD7T#hC4uh4&`K(7^GN_^byFc;V_Tk%j9- zsLn10-Dwo$mNh|9e-HGwY-i(5EYRXe2flxIh^5>}#*R2KeRX02&hflQVxBrvo7a{2 zYpOOaUTMN@qsv&*EmcO(OXBWOYgj5eik0^Sx1@QBsBO~{ylXWGH`MtvHg`V+o9x2A z?~`$qqX@%SHsR!*CG75(Q6S|)alk)W`rX-w)+IJ#heo~l=fx8^ac%;hm{2C}T^NE- z6Bfa&^h)yMI3g`E!Ko#ipx8_itX?jH{Ut-8?U)oMZJq@4EsXfpiYYWCH~|Cv(@5Ba zHdtQw1XkC-gSNM?*n)xS@O5o8&x2|7WBv`h+nMofg{}q6g9T>jne!O~@^`bC_%|Pw~SzaWSc(8_s0lxbD~FUBF;k(0>_R zRsE@3uodGwe~?v2M&rOYH{qb4y(_J4IvK z<><-nw(#GBAy}hl0y&E&6c7J5KJOiw7h} z@_WC}lFiHOvC;J(b8Aqf-|yXk=G`ap)L?1Og>3Kdb34$NOaGq>O5M_gd8<(t-4ZA; z?}HAKXB%D<^IMyEM0*-K-Vqomo?7(F#R4$zN?|WG$Ma)zYGCZJLS$AG#M^vLu^{IV zSVr#Uv44a;3Q1llI81-Ai-XxBUq z9?K5^OYJZ`I8B`H;ar8u%KmfRM{`{??5(r}WxV@R9OSVbSFK8g zMRql~)piX3M@G}@HwevM_KLjRvW53m`NN36rMTO2Bu#Ux5u6-v$<|?ZRN-tao|sdJ zL-O`=HK{1L_QjKYb5F#e>r;4woeB9AYR;ARmr0qHODAaJFgX)mX8#Rs z8=jEVnyXM;-+~#E6EHZsL=-s2iM#F_ft4FZ!0*<%bob5|?3DW-7F2A(cv!q}8o-n3*|@c4DPQU{f{r_%3ZXfv0?SK*uX_6mS9Y(ZTa05_+5I4l zn;lPd4*!5tcZTEalu69T>=X<8E&~>!M95$3QMY@Mf@J0kKNs{CmI$K0XmX+h< zvo_Ry%WOzidny)H+VCxxF#AXwAihoqzsT$X%?ks8|QyjPjdC@aCbOS|d5v!>YA zQw8lw%3^0B=Xg7+7#qF%Va@lm@aIMpxl|(fDDwxxk5&b4xzvP(_FuvgyB709!CKs7 z-a!!FYC-$1Ki}7&!AFg~4;z^=uj_6`ooTs zh^_25BnC~RXz{K)0&CA4zSQl3xer?)!$eBtdRmMtD|Ntm9N@@;PIi8oFLyFs&F>c* zanCdzS``+IYwWg>vjs6Y(AyYa1cq_vm08@S|1_A#x8muI*)IZTJLs^+8G;99Dmz%K4td8H;2Bh;gZ^8Hp+0eB*RBubUe`46JbVCN#b(0M*SfGu z@&)Kk`HrfcpGeVBM}kij=m^y+7Gh_E>H43|gz){O!pE0vJMtR){e*eeEM5Bc`8)jHwSi@9Is@m1 ze#SFnhVxRTGvK1V2o!Adpvih5=J*Kr!^vylzvox5qfQpuvjuGKx;(NwB@+Gf_4%RY z5|C%;57CP=p}3C2ocA-aCO2Mm|JG{Mto+%2%{ zCkiuXGrnkBE&LMh{Rv~&!*OG4y8Y}Fa{KW!mcOP{WYZ&L!zXl*cw-~#QT+zus;`ll ziviHFQkAc&z5tVyDj_S|jK34knOk>8(m&N#FfXSHCO8Ubnszh{b_%4vzxVNigh&<= z)&_~)%2fG?BUp+q2xm|eZ1Q>lUt6N^@EzgzX%@V(KnvblDe^kqc#?A2lvZ{(iW(b# zqVlkv{NzGmUK_TQe!EryTQ`ounHL7r(0ifmjJzT5(67N5fj99xx)c-I_p#7;SN=rr zIzH?xfva<_k**n2xYwGem=4S3^M zBzh&w1KX`nG-X#pu%i@stIx%_X~V^sA0tl54#Dt)IqcIQd%T!Ai{3bGjxY8fL|8kC zyE!caTZ0xXno|x{&sLM#>b?8|?Sn)u6*|iOrnqwNSN8OmAsD(W#lpCAtbBU|z7HBl zYO{r(-DNe9*s0C*?o6hgS6A^rIvcTWi8USyF2~>)33}p?4YxVr1)VPkpo*g^uMwDO zF82ugsO>|R>|{U=y0dN0p9PMrE^F`(Ws99%t{j(Zs1RtolAn^UOr| zVTLrXQJEIB7|_|(Vp9I^IT|FbgQD%iq*TZi8A{Ipvw;aX!dG~QZQjYL#4XlWGK{DH zI1Dcz8S&Y94(!?TPAKo3Mn|h^q1lHaJoAnPm*)|n+?);HorNr9;t#0Vat(zXEe)AF zn#xs=rAE5)pdg{nADE7%XX_#$NBaQ$F8GV4iG@Nhr(V4F+h*pK8ijjQO4ym7TX9>1 zFZ!I4-~;Cmhgr5d_%fJ7(mG38|5gr`S*lZyDjga>sh=G@sX&{LIYZL@WLVutc-ntX zaGW}m^j>Ye&~zG)kOaQ2{uunyw?xm>ooMZthcos%;1Zu$I6bvN$PE}^(-KRTcEo~? zqK5SC{W)lL>=Jy{--~_;2jFzNH#iM(gH<(qp=zZOR4raePT%s!Fy}-}FWXA2jtzzm z&l4n~*q&ZUDPgm(>_I!bBe-S#W)x&Am^8ou>fW6bb(Kv8eXAn-{m&er*L4yUuO5u? zT~qj1^HkV)R~0wdX2Id>>5ofTmA_# zg5&unNp2i%$Pbu5$6Kx|@!Faqmfa{V{Mjg+b4wjGj%H%Hi5gwipwDRLYqrMzknp~r zL;k&8OgGN@MYe8P2Z!$t8o2^ktA0UL8N3+EsgFTE=4f{hAfl%ZJhHY13h*x;)L@ zHiDY@tI=Pz8|`&~ok|xqPaVQKUF*@hXChs8W+V+e z{0w)Wxd94yRj6*d(CPoW1cSvzxUxxsRt7KOhjtF3mnKw*>NY=zK~k1nKk*1|6Y?M9 zX7!P4KM$~-2V!wa$q5KgiifOCLO)tV14qX{hTNP1Fgs(F$hf^xl&%;LZF5!W$vw5? zy~PS}H`d@@yIaXGwS4aXTwwS=R3|s332nZy0G_*Dhr;qQ_9aIOhxI-KO9@T7VrM_0 zc~sy@nDgPO2Z)jX9?1T4AHJ+vh^pcS%(_y9$L_d-X^{j^K4*#NZx6LEj1#&%A1v^6 zJtv^|0~E80SYX);_EYvgyB(c`N0&dwa@Q!lH|+@gk<-A5zSA+HR|htpPr|~~caWY{ zX`dqh3p@H3VXWAJneS|`%Bq`8P7Ri#J--*hDR)JvNng%~UHXVhYx)J3c|0tfr$&z) z7WfC-r{I&IE;c?U632Vn&?`M%7%K2NepMuqWv>53Vh*8_Gt z_aND;9M8QoM+r>MSk&*4!xujP;iUg8_^LI=Xs0m)tcU9I?mdTvOnnZP$1DQZ*jI4f z_Ao^CHCGKi^9iPphyXIPA73c7;5qA2MB80piz*wVzP-R&{L%n3F%!OI-xjCkikNA> z;EJs?r(X%szMm;@vDs zdb1%OY`>Y{GR@L)$fOW5xPi>`!Hy z>{M~&lJ~z>b$mTcf(9u;MTH0}Cnl0N&#pp@=nfbK>vOFe)#Q-wVHj_zL3?8QiMyTw zeQuP?0xRl7i!zhZ&}F^gxR;~fb_l;JPGu?jsW>8|8B9}7f~~6}Uw^feSl*DL$z7S` z%BpghRb7uEYDZz-Iu+XcW<2!I3$%Om@ECcw-I>N`kH#I@U82RYvfON1@0fP-ELKDCjNU{a&tlv$T$VqPa>O$U5s>iee+-?6 zTaI5C$5qw&}_|?E8BF zHw~x}xYvR=BR-Sawzi^oUorTNSiK! zsaL~VBX{aj8Ny_R%x9v{CBYje&)wYoQ4U{$cR?9Et9XkW#*V_H{R3(910$ZDbrWMU z95E|y4M{_Yr^5Lr)THh(EjDYQ%qA&PH*`a5%7NH(8{iL0eiS$h1kb z;Z&&xjcKzH1^HCN+WV~-;s1}Ux|qt+LZ6F#%ThqE%MUKq=HkXzBWcnQA=jNa4dSd{ zqOz?YRIYU;2Me#*E%%s=0e#6JI`S2QGe5u#t<40N9)ZRK?=au(H@a$`!`#6)i07^x znAG+XCz~j7-?TQ6))ji0UlSoxQ;C-4tKyb`66n;s#q28fV7%B6R!q+)8%$2JzYaF= zssA%x(<~NOYx_aSehQI)BXC&iM0_=P8#Hbw+>`uFmVOE5 z4!?cqt284jzsne&9XyEpdtBN5SO*v+*@8a~nDYTA`-SYwZIad)!MBIr6W*0`X_1Vo z@T|AM^cxYpCe95H-?pUN?CCJz9~q9L)I=l*1d{fd^wI1V@Ft}Jr>X1jRi&P!7TmXAgqycftS;6;rd`p z5*{Q?8in&o=Nd`6Gx7~Q5Ev-ok^Y!tUd&#e)+El$LU5asJ)~}B&^fuDkT;QN@_hm) z`;_>tL3`MS-Pxr5$5ga*v$3zKjNo7GhtS)dl62f-DX<#QEuN%!8vJ^**{P0fJk?>x zJNkc$oc>n9i#QRi&LFV2XE3di9LuXT4-)$#Ssuv+rZE*9-P2U~yU4vlmNimTv_Z^% zF5e1cq^x<;dr5HmmEhLxpjTOlx-z8zt=522JmWnvWTn zuRRI=?7adX;upfk)P4MSiX<)D8-@9!G~m{ur%ZL#3HWbq26PC{^${kMQA4`{WS7{2 zspdOOvU>yBGtyzq+;sf2wG7oNo}pX8FYwa|N8i6mF#PK#{M+D+3VZc==;pcnX@V12 zWc8AzOD-hi{jQ#R;PI!b0v;yU|h@nE+;xKNbGI-Dmn@gG^@+4KSx zGi=!RhCXO%T}w4tDu$_fplw*4Xy(I4wr)*{{o$+two+Knmz@_}=|ZnDc2lH!GXGRNQ2JRWytzp<^VUJ|DNpikHs5D9^twHkMY`u9JF?y$+q{e!&AaL z%2CMhhZz4ywvF8ajyMJXW=r4$(R@BEy9ADgXG3M%0PeLX2%b&og_C;c#N>28IZ^x) zYaaIDXio`HWM0=IbQ{$U?~SHF?A_}E zOQZ?y^!l0lWM8bvnohk%O&Fhc4K!LE(Wt@)BIj9vwPOJ9J?KDf#*T(@-*HcVF5=*H-VFjDFjVhgge>^S{a^X@ghasd*i~iElf+s<4C~0~de5cev=1+OjYj=%}nz34ZsL~Xh z@(k#&=zOwo=VH1IzB7q4(HNWS$=^=D1s<{gar1XW=(qI_G!|OsT4eS;Z{F!+MCrdx#Kf2c%VXmm%fKh?s~#d zt5nG2Y1506x1iSbB6yqtsyW$(y1qCBdak`>m~I{9j(G%fF_C2D$~aNuxq)c*dpaIh zG)MAjG0iY_#O^{{qC4^t`SBwXI-f+L!(TI;b^R;!+%@ON!+YTMM_~r0Wd%-WB)R<| zO(y;^nXZ|kLoW6_hTO{!#O`7f&|lg~p7q&quRlg~-1VUl_r8p+vyLN&Do$WW5c{{=qEFNl=AB(EwjL@+FGy5@PINFyUYLlF3!-60Pa|eN z0P*m&a9BLy9F!>5v1Kl~px`X9ER3Al<#IJ#>u%2TUk|E$Zs`b8$(LAA?>g=_xgWL! z)Igu$br?QGlP$liN1YcvV`cZ$A>+Xhbn9sl&ve_1H|lnQjiL{3X*s~=1?Q0go=$jN zyd7m_MuBoM;g4De@ynYW@!9U5OnKfReB^K(2fR85V#zRY|2&LU*-aJPDo96+6DX||%@6Es? z=T>uKWd!qAYY061UKFjI3&m&jMPI%d@d%RwbnXn}QH5q7PF3dBkhJF zq2M=}*+v2!?eNR~L3CWtb12#KuPS2TTWB9L4o>!L#*=ZA!RPuZW;5RiCPy-iyJ-bi zKU%@xoTC{3R}5F$ipYq0i%H1u0-PcAGPcRTgxcxDsPj@yUiRz?1YJlKKh}4_>FG=P zhql3dsq!LNH0mNat~bW^fSZELVn0Z_-9pi7b1;|}gS&f=z>nC!pjj$QgVwm=2+h6N z`Thtju;>9rt2ihfVMt@|oS_Hu^O%N+!HjXCaHlnZ&N+P@`;4zKSU82Y=$B*I={Pc? zpb^)eP)E|$iH5UAGnq;`zF^-&eCKx)RjiL-fm#CI`}KxY|Fxo<&udUMwf~52%Po+8 zu1@bJU4-iD`*8P|CcV3OBkme7LVV%y9>^&=ivc_G;q=aIRQ^GH-{Urd>OpS}IG zfXy@d24{zyXNPhH2cv@y-(1yF)%!vh1Do<;q@M!(`qa;Ey{pCH3y#8``&ZF7Uk%Q` zcDFw{d@T2hU5JipmT*vc0*bAeuwQILa2f>p8xeXhUxLIyTd}{{OQ>H`DR!Sx1b*wj zF}oEX&|}vLrXN~LMD4n0`qc!7r@Tj}`K|E7VQm!-&NKgKQeVbSqjcVVuTucgW%5TUpGc;5x2Z=L2i)!y)%X zB>I#IQOz%6p=$V3>}Wls0oFNf#j z&w~Fy1wOR942G2t=3Rq^!1$!ubllYgB;~grKXb+g>`b~zsEiqYwGHNx9cRR$o&U%c zZp`$~Xrp6$9#dM@M^>#grAHnoLx}EZT4!R#b#AFc?c<$fq((YMG;M?db(^rzDUur$ zHADXHIXro`G_9Ao0%v4`!S0y_?3NRD2ea4Vtf{MEq@@>h2j{|uGp-<^{Rr2lKVchf zQ$XEXlB#+R=JMYR>Guu?s#ds(X&c0`xRHY6D|axwjE$n3C_X5i-X0G2P)!Xya5jG{|;jOvqot7ZJ8r7}%E@Bk8i*5Fk?3+{5xfbW=o z2G)GI+nP1?B%n~^MvlaV=eCQSRDZKf?9J1VN zw`hKLwrFx{1+qOE0ob52 zo}Uk$$TyqU!|{uCtRf(h)E`b|CfV0WKzE#w^BKfKIu_!|7F}xj?I1kAzleDomq73M zr_3|flgTVhK=JP*SU)X}(&9)wi8Y3lmrj-@64vELfcLz}4^ug4Cgy2u1-*o1|I%=KW)>C(=3tnUIoa-C~l- zS3UqosV_L>(`bkgW*~n5=2cZU+k<>tiYRRRQqT-8g(%Tq%-(na_hh!QENv|gn{GgX ztr7GW{)6{XgJH$AFkBTgkj7ibkoJ{v5R)r#5FRUIv63S7yps*f=p(GFevD_A-a_r& zO8lVIP&&Iji5*|Qk;M7-F#F02z;2|9+Ba_GcBeB*)$mHpR!M}FzjnjpKN9d{M=g1& zqm7?fD=QwhfR7WWh+8IJVU1;RpyTogdjj)BpYLR$SmhpTy=KqUAP`1mdcek}li(wC zo)s3Kq#n8JL3OJun=oVmqW67B2omFjPZ`iW@(|aHbEC3@3Xr7BL$Xypu0L6ef2WM+ zu@5QaUi<@UWqI~@G?l?%im*f9{{yXljHDl%1?Fas240yd&HV<}p@QvOP{37iqVN@- z=%`?8$|k^)@_6jO_7)sMXHz&A3?)0Bk|%2fXT?5w^a?c;$7`esyv8l4c%~YqYYRml zF}I;HY#1Fezy>=1E5&=!{;1$Fl)iC`5dxc-zj-#_3Nvm2AZ=3ShF8g9yLiWcQPa?7b} zU%tRX^s~3x8^MdT3Sh_a!BF!3faueB!5g9V5fkrxCn8rVu$Fs=FN9tD`Gsk0;wA;E zFz{)WdVmbw>#oG#TbkkLI(;a+HH^0l9g{H0I(X!yPyf*)*fu{7ZPqNHT5G-v9)lE2 z4jD-Q?$Ba}U%X&PtUkGXau~gsQvj_WU9rD646dqWGU#n5$-Z{HXG0G}9eo8R=O*#V z7srCJ_YZivV+6#EH-@Y82|qhTm;t#O@^T@4eP_uPXleNZGT$SFoN_J3XwHT29#=5% zXE!7-P9fQ^P7!K*2?CGl@uK?;NFQvW?RN`Eie@a-&&VgS8xPT$C!L|qPzMGPN4iAv z27Yy^6(>q>fZ=~4ok@=n*;VEmjsFr#B0$N z=Q?oZ)Ks=Y=LQ_AZ-%a#L^Qj69A9X*h`QT)MS+e6TuM}hZbBz4u15m`>LV~;wTdjb zG8(0X9Mrb8gYe?vS`1%lgd@T=aFWeC{MDyS-S^cC9$dk()F+F_Ob}V;fcqa*ggLwJS}8T zZqU2X+$XRTvkmxTjlaZQemeHAs3mU8?3l``a9*)E1THR6fHJcUu%*#}9-r6(f%9L8 zMx?~z(ax~~&nb;GT}u&MNP_3+bpw8E%_Zmed84IQ5_zf61mKqkmy4(HkMi#P%9nSf zZ?`4=tQ>|(cS+@fKor$P6$2CrwAn3H~+5F{CDNJJk$tfGK(s{ApM*$;mxtf2~-7ns<#Mb9S_W zQSnBq-26!JevKp+vy9n0!8dvF?FnN1Vj8@tIZywreJ39BH3bi@y$keaFLPe`9f!Rf zN{urwW6tN(Xi}lTq%Rj^sggQzd=^3W7wXdAZ;yep^#rK&zKsHO0K9Xz(_WkL@N$AI z-BP|09qY$|et{BKp1A_7WVLAXKWBK%-r~F&1G#crJiX>u#tQtdphT`O#_P>T0~<@x z5kpgYZ0~kwzJte{QXLd7h|6FDmDF?6DFA;67zJ@n1EJJ7SY83jic%|zwExYlI z#e6tMfAk65aPI_6^4tLSC&zGJslzoj_L6r-OX-gPD#$2r7jRuzD!$!N&lG+?XDhNM zfO*z%w6iY3iu5L?k^2xjFY1t(Ed%J=t}i5Mwi}C!a}_BmS@Yn>9qd-WGb{~ILf@Lz zux(l^&WX-|f3}9;XQ+qU(~CttFVs-U@gVNqz%c0(#a@Lbzf*Oj>u6nvQLUult;6 zmYf+6wCV+m2xE9U*_1vmJBIF-SzxRi2Dy5@xX-H;&L^dS%g@W~uW=37rRd^pz8d8A z-w^-WmPI~K;%uR7I(A4r!GCKqA?MUYxcp`$eEUdfTY@c9jr+GfU2b=l$_@dUV8n+~gD>PSi2$g2L6_5!>65{cX)P3i36 z&=;Qy?~D?7z^i%~XHW!xBtltiY6;4z_K6pid?4@CEFelf1D`%ELD86h%r>qX27jN$ zubZdix7p78b?+M%E7#3Fc>Ex_m38FmTT{Az@D{N4(8j>}V7&P&onLz}9vY>Di`zn3 zI-~Rn8=Uix%Uhx$KA*DQRCom;}GsCMd8h%`Jg?;8VoC3z_31y-?(-U4o~qx z$zK|TIT`apt?8T=5~AK&`IK|Rv~jP{!HSt`@8s4#=AuJDJpO+(lj z#RN$6H^#u<3Fr~l25nCpP+^e-JJ^4esjgRKJG-PH^K}KDnBvbz{rZV_3*SR~=~#@P zIs>;@#o+I!2SH=lRMCg(3;65L1lZ~R7prHUg*`m8cuk3L3L>k_wL<(Fqc&c0?o(&s8y8n!!Z#>+|y_7_3GdswdN1PTlJG#Tl zi#Opz)C?RUYX$n7gE9Zn8w^-gjC#)=!naII`sUj>Ft)fs+;<+PP1k0U`yUELx6XXR z0gINv&DJ1CO5bWCJ#67ijc+DIeLW57?_b+GR z4nf0G#d{cQUjen5pKCB$4^c-#uWx5NRz$<-f>We_-WSs#q~{W^uR}O^=c@v zUn6+BvLS3fW`|2&EhSkq-SDWwRp#LHL*U$du;<_Ikxz-q_~OVpl42jr-la6+-D5+r zXT*IRBzU?{dG(_{DPjNOsu6~Z;o!E#bY{dga1NaWtvH6p!QBGt;5RT72rANsqo5g8pirblUZ(pM||*o(X67+aF(AJ zD;W;w;!nbvAiSOYE21Q!&QkoRcUqOI>2$2JtYXvHThKNe4l#0rX~d(Ua6zjTwcCE; z)RC_tI>{E+rkAqO*ERTgqhLrJD~V^l<7t%O6A3!LmF=o1CN9oCT;0E))Rn&=x1WkI zDn*_v+9$!bt;yuXd>OjN)DU0mu0c=ZSnTr&f&GhC0F)nK!%vLI^C?l}ao-?5>vtEh zJJ-;n@Hw2>FbLEw>S4X<4p0|b7`o=u(DZW$c34y}uY>?p9(oU=DlFOi;(olptO?(L z_(s$wFTtM&y-`^WmUM3HDh$K#)l!>zxOQH+Ji9SCiyWqI|XZ+{_#p zv#}OUov*;gEuV>lQxg97xEVioYC+SG`TX4YB)q3-2tl>_sP;LHd>dlU*o(EWRFnkv zrJK=8OB$~))x_!B4^Z^5qIuHa;rbNd)PpZt;po#}+dhp)nd4KlQT+aNqV zF;|#7-2k=gMznRTGw(I?Cg!s`VT>PQCAt4ZlteXW}P6XxR&qcu^kWDXixv-PJ%qE}Ewj9Lm=>)slxG;JaugDj zi(t=;78sixjJ_g&=8}7c{heCPLU|fw{7E85Uk2g1wRL#6as=D);se;K^$>^cEjU^E zIQuJS#eTlkfifN7Z`+_wfouGGV#!-GNeUX~y2as`^11+{a|ir3EZhSTy# znC@|9dNf^&-mc#!ey!kWKc-3%R8<5|rT++|AxWtI^D)aRm11qLmWotOo1nqs5{%fj z4pz?eU$KXydKHp~R}h z8jmza&}ULQID4`$o9g7vF3c+gy_{sw#XTVB9gEpP>9gLothEAKGLd2eGOd0ct$iCF&Px|JHytf*_tWF*7(s>BZ zcitfhzYoJ##b_|Go+v!mu9NAfDZd{zl3pv^M@6>Dq)zh@stSGg-I)hza78wovM-t) zrDw3`&LI??2*bq$)iYgp>+0Ml+Cf`R!pcozcbZS7$Exyg;lUl`6MGgCzACl8Ta zza;qj;SEF$2j*VvDe`?;jD>slK(Ew5xS$z`f9lSW=B7aq-71YM@)W6R+;KQ`TG&$x zuGVsKmYcnW(TU6aqH5uy+#=z|}DW z`G)tupO% zx9IGPiOle|5>2~UNVMK;qD@bC;w$Mb>|?qKB=;&1iC7nU<)ItAe7PU8UsmIftJm1s zQEBL@mCfuO(xLL>P#U{B3@2WRM&I655cB2)QJ5bNYdrRmPRn}IDBBJf$A&ZCNf8in zUWF&UxK=f4d_Md!Qf5O#+Q{3{>O6YuE|A`JlX%`ANXvt&pmlHrWS+ez+Lf*(ye~cA z*XQeS=YBVg_Nv0S|G9$a>lY%I3(~y#?PPr4^@6NhD21(Oj)@<)ic#U{AUtTE3~CbT zaQXW)yeee-3(^eu+v}}FTJTM5xue2!tMb^y$OmM3NEM98X@awkcHqA;ngtZO!$-4) zcq)GsfK?!Adt1ob1^40TQGOC9o`Hq z#n%`A;)H?SBzkZ(@`oQV?tvSbH&v=C%q)oSxG2YCS6A3O1qQ;D|D0(`f+nP*#~)S1akfr#|G{(+F@}(*dQ5 z7Ci8Mw(wo5*o>xLY@Tia(RQKG{rnN^kI=%?hZ5MRdySAR@T{OM4wjfJlQRB2Gz zUg6sa%FoI{Z%7ndwMUEFtUHJ)9!Vs7%27C;bsUZi-Gv7i$AQ?kM(nH@Eqc`*f#m|Q zaoK@xaBZ0d@_r6{@ftfWc{Uy8gY)4>T#Hz`AORPI9Io=oyoNfi^0+MO4mJl*z>0Ub z!Ps~?#_M+CdCO3;-LRDP==>!+wj2eUeu3xG-^RFdDz4ponfOlff!l7^Veq(G7X7sx z`zPGOsCaT=-}U|96Q70y1> z$E7(DMDo~6u#{;>=U7+NeR@;8O!_e~{1OW;Wi?E!mI^5vrA+SF3e5WJNhK^ASX1&C z8ZN$%8Sau$8zjjk?7T&tEylFMaXnQ$-GJ9sI-qV@A_iU_2iqg9$fP=3xV~->|FtQU zsZ80=912RwIpQ+ft)!^7kqz&OC&MS4!bzercwk)x_Pn>j?b|!ZPJtiv?#>OI zeO7@^csCUcJx7oaT#MZRli)Hka5HE zP&a-!_1}IN-ppPJDf5a@X_hQ3Sf=(Bz` z@wC4GaIWwycMDZOwZtsgx!ev!PlC~Qkq_<|B1O+no>(a_Zo$GUeI&npANkMmKa5b< zgvd54m|z!4wzw}ubvFf2U))CGohI?(9(x*M{{+W4Z${(Sr|`q?6X?jNqRFtoII2m3 z$4wXd)P-kQ+}I_!^ote_9<2+%l7%_Mhsj*ZP>S#S=Z<$~YvRm9GsxK0L1fm16f9rd zE3WNIVsp#|m%8R5yf^P2(XHObY=cgq?$B^y=O2JN4?E$%tMkM|t{j7^uC0(Ex`cxx zL;0^R3Hm)t3b)p3g5=G^mC<|>|59hk+3-4+`F$q)ac~%S$k>O<>-UNrs`~94HkXjS z^F|Ysx#=u>j~eaWt%OJBufj`T6>*A*JTLgBz~`;nBR(mf$G*NUX5i)pKhE!j;^S}F zk?$W^p5UFR`_=%n$tj47(xi|6O0XBrms#Wt6Z+KLj`^;$hDSjH%jdTP?)oR7U8fA= z((Ql1%Pj@8*N5FoShM|hRdV59wcvHGCXOZPP~6(Zc z&KY>@;#Q`<^a6}ttjTW*KHI@_3UO9@4IF1)^x zx2w)GXCqIzrt}o%Txo&v9;FyN)*qG6UVwmvVeoLJ@V~HpLJU29*x0+L!8Lz`NZn>O zN%M@w=$)SAXuLG(*ItfiPo@*u2g9jq86#8lb-AKjIo4mFZonpB_wuKT^o1_bn-J;BngGjWxC|?t}@c(Pz9Olo%qApoXVKqggG;3i2PR< zzyTr8-FAF9h8{?uX@=8brMQcpo0oBtaw(*qFoUdcMV=r(U1VB00S?<0 zvgh8VM7C1ME_9t`p4U%{VADQgQKUv~)(|{aH3%$=x?rGrJV<3Y@M$HN(8~WYbB@sf zE9XZz(eQ))q{b&AsFozIir>fzFDu%!AyHhm!kITr_7P228il`n3rTFAER_DO0k_U4 z#0{f-4m!WK<7WcpZ6ICV4NnEc7@9dS~|Dw|{zH=%+{9q~+Gzh#prRT&hwvovl zk`+zS4rVF!Gokr`0>3M5$sZoB6sNn&@Eyi}xLM^jSw}QUv85(`AaBhlnpmK1@J#yt z;#r6gI$>QePh-XSMDUW-!XFRQAYQu^e=VMj?(No)zb{L?I!l+H?Q6&CcNyUFV*=4l zI4M$V`eT=|R)Y4-yn}v|E1+2B2niJ4xf7;Fz=S<5a7oKteD}p~GRFHWT5oekwe`bk z^ydY_+Vd8<|H_HyRSuvX66Q2v=Rx$G&;(t+i->m6QL?e|7L6K>A5G zt<4-wy*t^DS22%wg?>*81WM9ZYyN??QIMV_? zw!wI2_D?)J>LR|J5QhOQC;6&ywxy{<>}S2+TFt`tC%Vp zaK(p4&gqAjI~U>p6&rBvw_$WwRS8ZN&K(;2UV+;48@S6$hL3S5#-3;P@H;aFY!6b} zr1*u@7M`oB9WQt&2Ss9*VFxGGjt_l#C zrK|P%G#g$c+!xyciBDdS{QTYIxIV@z?;L*;+uQ!e8MIf zuH3o;s=X9wew`R{=L)C)BLdV#aAc!i=XJ|K0p8`tjs69$deZt-K_n zRbRV7VMid`nwi5^Ndr$4{$I1IZ{xQW8~N0y%f(HG<7hO-urE6ovof>e;I?hEShwIc zzPWBHnm-^54mF=cDc2BoIL(Uha;b%3M96BtWh3Ztc4TNHUVGkv zCeDhS-iShW$&jDksR`l2{NO==1@&6|k+oO_J1ji%w2*-f!J#n;kh49Tr3=hGc>BD{WkWw1@lca4 zUK=AyoIjfuKSf->I=T3gfN3$KCp`HxPFc3j;hAYsj3rH1!0cTu1blop*3Hgr@%`V!sT$+*yY| z^>UH<24HicJFOP@oaQ;o=sr)2-&|e_1JC&LD!Cb4x62y~Jr(;uQ-f5Q_)acf zs|W*?D~@o-D4kx z_tNLS`Gg%C#qHLQ=goJKe7KfM-TOyi`K*yN=%_UP*=~uJLcY>Ms}8JBMj?#SBf)o% z!rFI-Fz|#QS_y8qyf8T)G+xL>blHgVGxH&7;v2a7BABYlufuy$by(`$f=a%2bneHw z@bgGA1TXc&UU|nYClT%Z9tWNG5h#!H|Z`D`U2?#_$u*yShdg# zm}V6I*s~fI3g`LQ>@e|NmzjK&;!fH#S&82^*P+wb2EZIFfLe1ax>Zk+e|NP)@m4v! zEcgk(yxR>j!PQB(JwmXpjfX$ySE)i zwthKyX$5206)h^^{1+pa`C{tvyD+orDrgQqhPQO1XvS=HUQn+kbfKT(lI=6Ok+Ad` z@#?e4xIB{|Q*Fl95)(Xd>9J^HtRikzEEaYek8!r(lb4cO2Qjq^`MP7??9&bo^R36j zmk6L!728FHvnxUQ(oBrMAWeH}6#3j4(L5n;9jLEv$CZ`w{MZ3Iy7m?D=}iY%)1^Fd z?EzCd+2}N>+jSJxNeLKe-6yFgIrLfPF?{R4l&%xF3Y%xDfMfVoW-)&k6D6jLhxA>? zVMUsB;L2k-D!g0ly|D%slb<53^|Dm^ZI`H~VYL9!(1sh}i;so*`>1)BLF2p)CT_bX zD!4KgQU|A?$W9Yhtv<;693)_Fq0mJhEQ2Fj{9%fgztD}!CSLWX_&cf@ee6!7oL@It zsg=s+w~4?Yb_i5t%;x*^#)4RHEo$HDBj!9t@Hp;dt7P5jq{o^(s_iX|>Mmmqn|H85 zL;tIE8heP0YvkgNjstASnEmv9UmTc;hEv5){^AkC%b-*6hKDr_qUXC5K>A({Ch0$6 zzdVkje$o)Wv`LzW-45qIj-%Ng;aOTgX%_R={g0okHl;tSeq+e@qjYZSZ)~1(A3E!< zkT1TuFy^!|Y@0QYZng|(e@k-kxOy_gkZw>}b`FPY_=2P1Jbw3c8)TK%;&*E+IzGA{ z)UR|grKt1xe#~kZS2Y&5=}Yl)({C`oEgKc5Y4ABAz|X(ehC{*I_-1{9b)xOa9~wM| zq6`PRdRh|Ge0LOEWG`2KaM-{r=PH7`)IK);Mlj^+QXlIg&+(;#55KR2n&hA%-G zd}CBJ$S7rDpGGviu$Cd(4#H=^BL48tLh3x!2HTeoL>}@R=Y?G+VTI|uWJL^nGVUgi zz3UH!vxM_}*IE2HN0GN`T_p)SRzndVLlrh#kb&hEI8AFAuNbq8T4o461+%sA;r>&Y zRCS0upE!sgXQ*(yVUI~c$RK*?-VCw7|9;V?!Yt~jI*q?rz5`n|X3{JF-lKSIH`r&C ziS`b_s%gF%RP(blSN~^=WeZNDaflO5DQYCPUO&l+Yf(Zs|EEs~lX7@BWSCJ9=B8;+Q(v|H;Iu6XwwIQ)9VtQza}LqsVpU51_+0 z77#jB#7}(f6`0^H@b7dA7OzajZp~?!*<6Fp*(xwa`2$Wqu8kXui||ryAyaS&Wx8cs zsNs`fvPfnuKk-F}+HE!9vn`v&86GlNe|Qz$Wt|P}zQ54*T_*iJAdK(!=XjyTmG5-Z zp(@WkV6CPWx+V>WJ2Z^de0T^(_E%AEb2a%r%!bCe%+u1 z7o!I7+$F>Llt<27!9|7CC0oOx0tb7wd~I$f*@}t&CiGU>F>z=67(Sx>JdlV6_%cL^ zd(8XDQtZ=k;*W(qH?s-n);|Xbdni`$9LECxeT9qg8mjj?z~Wa~`1ajR_<1KB4brYN z=lP?_Nu4x&P-su34kS^q5?sZ5c4Pd+QxMQrKy-&HbE}b;@#E7pBC|OjT$nwrln`cY zbuqlDD3%A=Xu>t=K{WD<0S&5}1NU@F4RdhRORw?EMM6eEAW0xmE*oqKa|X z`IU5GYz@5DmV<=gBIxhV#eivQ)ZC~7W(d{Ul|c5c z63@?+<%)uHEBthjIRAkvrnrA%{T-!MLr3P(=}Q{KN0#c)Q#qO_6D+u*R#>sx$0smo zF^amQ2hfU?PB^?mj$90t;^K7!=unI8D4_XJP2rWOdQk!|0yX|jIuQ!eRmld=Ej-_) z4A1VS;}*dL;Ogj`=t6?=DjwDa@-(hGG6RDa)PS1aRQk)e z5v3+M@$N0@?E6P~zASkjU(;3wO|=o|JMjkd>B-<44?BP?8$|bgaN%FaIKr5R51IBe zebO%Uu@{ZHM~1|7;ilV*C`~Mb3H9|L|9u1I`A4HhRW`QU48in2Ca_4$pRH`z0A?T5 zg`TnsU+@&LW$`TjqT>lMf82rYQVoK!vl|1{wfXr&0s~$}mHJP94OyR+c|hY3QsLPJ zOQ&svB^OiS#FGo;&WqXH&bbcs;y$8j{x~k9ya#_fY0=)g_qb$>B-}r}5bPAfAyRD& zEtWqh8hvC0FHBmB`qIk$aN|{s38awfIR&32WzoAA-oe|eU*JQ26-1uAAif{efTO2M zP(_tQyzX^?ExcQSawqkKePtg|#a(EpT7(Wg^1L`zhaXn1vSCU$n`@srHX}WpTE4UQ!9eb8P zU^=2Gk~}*c(mJgnS=tOP2s_5E<*&im&L5ov)!_E9EtGw#hGm5lAv9M4kFXWcY}3kW z4`-nIf(jN;Xbc^HE|U-L$5C^%Kl%r#;;z^VcoLW(e%S9o?5y)q-Sr*hy9QqS?kC%sN z#Rjr{RxX5Crs15FlPIVE0p7S(BmKJy>l%)6wGJ2Db!9NN9UNk3o$P~h2Yba^8Ww@1 zMJmYk4Mm+(LjSzZ2qvC50)ag`ELQ6-o9yI3@=h&-)8EH|XhH}3SX2cG2k*nIt;R4V z%NB2&30!T-|LkEVM~^d`VaH2(QW4(Bq$N{8sq;J8msbOys}*@(%nMK#a^X9p#tNR~ ziR^P&CuHnZg!;E1#4ew`NQR*l)mod5Ik*4f0U;ZZ;3EZNQ&s4%Q7iD-BX3^&z73S0 zDDn6|qv%_cQ?TIrVQ?4ECM&YjaD3_jF11*l8ZMY4wqIX{n-nkN-Y+&-L4DC*KUZ-2 zegQ3SCBC3z4r-a0QHlBY*rAbG?A?|H^z!>*5FuwLI7N?Pkmo9RH7ZTqZYy+QLql2d zjVu=WSq<0!Xn`kYf0mNR{GMNzlaW`dcT0~lcQ+I zN*T=iKAkJ*IfK>q$4pXn3wT>zhHXhl1)r)8{=RjM>}>yrY}|I96PzlZdZv;@riXyW z#|9W>BTI+L3;Ezz>v3g4I(d<8gzKwo>~Fe8!*`c1Xb^41z_sPL^wR>q=btv*zxW^I zM-7E>$2>$aw~Tm6#{_!$kSYfDC~?)bq0CPAF#Omz0ri@%h$;n_fb@sA_^b5|)2o?? zm(v0S_qh+dK43bpU(bXA?`m8YfQ0wlhK}9dw@asFpaoLlZ)1n~In3@Ya6W*cEgjzf^eh=Gg z{{nmLNAU1PIS_K+6^qWw zPpe>Yqye5Xbf%}nkKy!MD|#e<7|Ne9rPA-0!*5x^$F^=f9y&3e4?TZf^v-V-zkKEn zi8HmuMSB!+Xs{vibMl|-J3p3r552XvW z>D@9#s&{8Le&73D{NJ;72z?St?227stgRU0>k3hBl_qidH6M$PxMB2np)<8$E6mjF z$Fjh;FuTKm*MC2cuA_>{u4aK_QFaKsw$#B7rzNyNVgNsMGzJ!g%8_7zw|tr z_-;rB$q#ybmPtF*TuMcq*0FHUumaep6D(cfBFys4f{pKGxX-AQVl(k=raS*9iGL|( z>ZWlxQP+_6c)i2XKS$#)VP2fGcLiV89xB`ea-l_QJ?yzK7#(h0frh?zapz@O^lo^9 z?_2D6n4cHz3SJ5!gH7o2`hI74Kfg7H+ACt{?LBn}tnysu%GM@CK z@f~|i8n{64_?q##WtyNhtqDhOoQT%v0x?#&w~Uh)?xqU5^hv)q%)MSh9<)wD3o;25 z|JcxRUK(`t)OgXphb^MgYCmYL`O9{9zrxpZI^k=RHb1656T0WkVj+`-&bs_F)DYgi z-`}mne{?N)yc|yB38FunRM;l+ zz4LF8phE>P;fpL!kqMy*J6;nqwvbp4e9X#S4v3>JOeVf-rqMgvTD)(4`{i}QY-hFU zQ_z`kiWqpr(r+b{KI{vjrMsxwaJ>>v!%3Y&=Qy}<3`_4_8>Y-g-*w+5QHTfWVp2-f4(|~HfolT z*(W*$K990!m5(iZZ9_!?#)8Agx)Xow(uQ%iU6+R)h$g2t4do+^?vf`K-@&r2kR0DN z6Yf?S^UjaTkkGjkN_P7(uiMI8tN9UHFR6phNuTUg4z_{8!&}&QQkp7NXhV{pDIb|9 zM~&_;!0BTaqhqQge^a*@cU8TBqzr*+oLmZjQ^!*qqd<}#mV?)h>0_dhHIQi72Zg~K zuuR~^9#R~IJBbuDoO9y=E%(^00o!TI-Zs=5Y6cbqmFdb8^5X9FgKR_731Xw90-Ll4 z@~RA98gb*Iz*teHOMmXb2Wv&AXAZok<$S#hdn=kA0buBMMRcpdg|LX_%*RusKg=pAq ztkx#i_ezop8zgX(FlRQnu#HR%@e);8JP^J5s7f6>Pk@)U47+={lhxkW<9Wu%*s33U zh{=LxVc+~;!!-@iqPMO40xc$Jq!reU{$-8 zW0CI__B3lEobRv3I}dh&=|MZ}Kcfljcb3AlnK>-1!i;I{(F1UC;OQ>=*wdrHcZv6c zvQ(D%aBm*=H|Jr@o;Vz=Kba;h^soFNeFFF2RN=w9Cc&8|7n*FkN93WcMk8f)E4K&g z!U@T}@JW9pozftSw80d&tn{LZzb}B(T3gJdf5^k+KnSYOhYZbC;#KM@^sUWrsQfPj z2J9L^lYb_GRPh6{HOdDI-rI6N)&Fp6@KCYdu`Ht5zYojaD$-xVJ$?Ed38pb!OiG)E z;&A^=*d1pHT86{KOH5_>7`JBhSG^1_S<*CVkrGdvS6AtIB#=fI=HQvQv!H8u2jQ<3 z)r-7Dt|jDv{yC(vWG#tXX@V+lV}yNx2WalQjkip*!RmdBC{GlED^;~vsTsjzsR{UM z{VBn9GmU-~e3koB1s`X!AF2E^jt)7Ga5psuetp-WZ#8cUxuLHtuAmbqUS5dCKJ(b> z-q&cd=p880aT3Jg+61Q@%Hyb_VBG8F0B*TltSm>k?&M!nv)Gm3Ipl9QQLGkt_QNZm6ENOQqBbR)G5j$6*uJ#9VyY&Fh74}~8YXlaY?;}$9 zO31M}=YjmcF5GkP60>)A!PI6MFen0iwltr~G--+tE1p67&|B=)6IEPYutH!93ykOH z*X->KBW&%;AyJwZcxp=u?U^_XpU6#RzY7nr)~~v}_}5m5*|eE>olb+*wYy;4^#GFQ zUx#XU5>V>-xYaM#CV+c zU>2%>`~@zrzCvD?48I(9i)<1zx*l6$}7Xe zJJm4jcpKbad=dV;nT&FWH_^}^our_mO(cCf4I2;Mf|P$ZVYY%g4^6bC+rrDl)pNJe z>JBsXo}oc?Zx%vcCqs`R>A2XgoE&&mj2cn#v@0T;i6gXVO3R^a{gyvkiFk=pZ`teE_f0P2ek5J;5J02Er|w5PVkihbcwa z@bVA|y7trzCO0KdU>hFfbs_ztUxhN%=f_@{sw@ZIA#Kq4^Eb>tn?z~ZGaQp}ly+$i zLv5p0oLBHeTsJ+4*ln0V4IJ8q_s1murbY=@$oOH!kzSnBAg5ml?LjVEAf$O zi*Wm78Aw^@Nlh;`f%E%*;dd_;)fEngM_>UTz?-UF9m?7K59pY939Jul;PG2B^sRCL z$V!*uyR$#RYEmr8Qz{0`I{oo+7#90a#hc$a z7V9WrT6GbM@0wGqrA2JKhc+EFN|Qzn9mboozlm1WN{eI@l)2G|y2{k$Zv25l3wiWI ziTW?85#?m7^SgIe!#>A2++HelHbz$wwsj;wAE!z$XyxL_bbUImCILpR84Ry=Bq6f% z98CS5Mu$m7;Y{J4ST%kJFWWJgT4F!TY#+k=>|fixEpUK6+Kuq~nmO&Rj>ACHTG9S$ zM>0y?hMO-+fyZ4+xZqMWKRi;OpFDC9msZ8YCH+gNCfx@*^>DX%bFKP@+QxV8X4O0eHsD9NTu7!k`CtsK4cGG9%QUz7be38`6ghT;t;~ zM#!@)J9P(C?S`WJ#!K+jL0~F*7GdgDGg|R>5h$5FVk74UiiX>`;=ZG1EPe7tsOb8M ziEbao-7f&{zJ6P^P)B6)rxWFmGY?BxA2>~PQ*W}BzQ8@4rzN>-R- z`4V}U5^$Ftl+=Pyr-e{maTEHz=hG90Le8yOl5X1n1@E@i6>r2@XKPmj2AIK$#{0B`c|HvxAYo8L?2|fL3=p0c; zi%yK=(azG;_e(vRPnv{!kuM;?ZWhg;?{H##5!nzi1^T{^fmKn1d8g-N!MoIn8>h(9 zLAP&$V)k8-_i}-45*plif(F+a^I808*Df-hsiSVsXqx@wHkxTj^DR{>yrv?Hd`Q>j z!LbJL;YkJCWW~t(dDft8Q%^)W-^H>O-e^8|FpnE62e{-6I`++>FJJ|Z)X$^Cif-e1 zA3JPZZvYQ=Cv*R$nXr8FUbe`z9`1T7qN44A%8!cEcBR-2 zt?mMcy~UCrD%s0FjtGNW{dt(*EJmdp^?0vwrQoMdW-sL@fz0|-b~C-Dag?# znUKG@@pvq>OX%2je$HTXtCHxs^+)&%$2aI6?TUZi`%~z?i%E6ub}z|Q99J+Or(YVv zx)z6_y=^rXb&9Bsort>3*@Ut!Zv5l+R_GI$>%BiMpd-B&f^Bz@&lV4$IxB~(c#p*; z!i-3B_d1er*&e=rUc!T3f5!lc8fJIgR&f3%BH1z)%W?D^C)g!`b! z$2f?;;RCAo22+Xg$vCHH2IfpXKnJLOL?IP~Uy|d{@reZe^-hKk@a#qv>3CX$?KtR) z1b_Ft7Hb>?cEIgzcPInhx%~XeP7nji&?nm+W`@eX0n>#p+ z-;90v`7r4|@T5jhv|sAXqlG>9nOrsc_ivf#v4kV-2$AF8PX&vuMDuxLTpt#Sf^pO! zdwj7;iA@r6QF0Tm;o|Iv?1=ky)Xbi3{>rg+6Un%l}zq`ef71wd=2Q~Vs`~%Fp&4o^Y1S1FFggJlO_u@D0^P7?T4vXoX{ZF9_}x5r^SL}YNL-bJ*$%mhrBH5mELzO zq00#V#_a`d-S?;vv;|%T|AUWK1L;&hFL#|hjKjQl^{7&21o7jpz|WGUe8*%<{&!^zwms`%k&N=i z7W*pu`_ALKgvIpa&@G_inS}HBX-Fe-)N^eloazbz?c;-?_=W|y)1Qt0%5MBpOBkP( zX~dKBW>S{|gb_X8ab~1D_nUnIiq?hVmx-zvetZI5ra4#KdTlpZbhVZLUDFN2?0rQl zaqD@+>q*qrdKuezEE(!Irr^u7tzcvD6CXP((1rX3ocBCSOv0`~O8ip@T`?UKh793; zarWHwxF(xiH%I7d8t_H`#lb4_BmGx6VQ7 zb>aH_F`qk96}C7cAJz#y;Sa%?mF_DfU{lCJE^B%U?ig#~m;1LX$F)e|Ojivm>G2Gs zetVELp#>0JS4B?i>(Gmvjp>@RUx|*R5~w@Q=FUH-@(r~?U~ug%(=m*p(|3=6ok8D3 zPP1RJ^WUZT(Yx}j)hC{LYban;)oAekP>64Bq^Zx>QB+p&YU!-s!EcY5%rku^@Z&yC z_~*LtxfSE-kEBRCwk5_c(`<~PR20sbD%+^b#c!GbDa0=Cpp))0>_U#3MEM& zKy#rI*%=)odf$E$kB7X&_6Li=W`Dlu$sT|4&Wz`kVX|uQbHHh^xxWt#-&aA-m^n1` zX%?tEmB2hd0~&VM3UBqckYA-+xM#^`$P>I57cczA=$Y1BKCy^RI4p3+{|=`iBBXYyv%)q|cAF|Hj^Sce*ou9ys4M zfwaTf+)&Me1ZL1VWBe&K2zn7R7W zKjRic*U)hB6kjiH6xM(f*kt*$g6a`0Z?1-y!gHs8R4&`jX7jZVWofUaB%X7bi9|CV;(FfWOQ%EF@$)(;R|$UM z&rDzmG*w>rIz^^^?;v4$GpM0!4K(<*vwK=mxUMY|mt3f0784z@E$lnF)qWjby!|1} zH}g^N@d`fqVj(uW9cPldSrs#_G{JdBBEMh#0CqkyAP0ta5t*k7?Dmo<)K0fY)84h1 zpk&V57fb*dJE5;MqzC?1z9O?Se}KX516)c&iZz%Tk`G5-vxnu%^vHyT+}ZXM$yhcD zzEsG8Xz~VFvT_G|a`!BZF`Y{7e21XFyByIlJpntXDOVaSIK*|(8VlMh5CEsoV-k8s{cT(q6uHQU>EEvcZ5-El{kUZ*!E~5 z_dGHP=5JKv#|=i)zruI$eCRe%@G61=_dwwt_k+MTi^m@hhxqt4ZBP{*4}Q;5g}&G_ zdinZK+>v;Z%wLm0KfWJ9b2Us!adVuI6$peME2VJ4pEM{^DPr3ThjSHS4*YV8lRc^Bvw^VvdK&p{T|#{W61d^yHFQ|# z6g>1Q3Oc@PbEAg|@LpUAiSo1Q#bV0uDM(kv4-pvSI=e72-Ie=KUW-OAvPkj8*Z@F8!6;mR1s;~{uD-i6bT;TlQ3-p zgL--hTS7XpER*f?c8J!AY3nt?;Q+v#~J{-Ek{9#~&2T^pEqpSaGM@QS)tS8PK z8@^se`6)fnswWSZ1LMf;P7C7w-vlyQ>LgoRbPqO2K7fmZ8sO?yeetR*gX!z6m9Xi8 zkbx~e4V$J+;{K8&$zZ+dw9@?&C~GOv=FN}sdH#2HHefOKt1N}be#u-17f|UzQdHDu z!#BHLq_=gd?V8u_gKbNe3tg==80$0~k3Nv6kA3Ijn!}NTKY9aR3;O`6uct%ltXL}F zpol&EFkRo8j@HgPbn$b+?I{;Sl2liMLAV5g#jjX|$2^G5xe7T)QXo*|%{_x7dDoDk^Rly`|ii5OE@;Kbr(vFKKz8f27R~nq}|NK0RE!=t2j>J z-Sws$F|7laN%M(F-l{sA9=|%4zO48oa4G!xucu>S*R_*iKk*L<8Ine(*nMKQv7>0| zp?vT({*DLDQ@BKJI#?ZAOfSjB;V-Yt5d8LsDCpY)j2bZj2 z_TIzrS8L(5)-YQC_8ce(o7t7y50RJhLf_f8RJ`0`4_F;LOO_`j0?&JcZkbnL+oOr> zU5Ghb__iGV2RsB1<&jiFG>&I_+yqzA9Z)!61k)Ez7Va^7(JESC@GbDcxUs&8D*D(G_@`B7tk`v|!4ii|n4zS5cL?D_+$SOW)@l1BZPZ z=|%HX*rq#!ZkeM*SJ$oqOU*^-6Y&Dm9%d4w(kO1Wzfa%*n!w@CJ~+5thw8kU04}H3 zkVd&e@D~_zdL|#mv6_|OwpvEmUyR2?P6{}r>mF2}dk7gzR7gyRFSmLdjCvOjfGazL zMt7}vdHy>nZMq5JcV2-^Zkl+dkr~yG8G)W*D$Hc97C(f(Owue0KST)q>N5i&_QC?R zm6=N;qD;x^vh^f(>0=VVqy>FnT5;LDCE(ewK&R;{VD+jMu<^iH`Z_2d?XHfa_xcR^ z6E}fTFeeVx|HZ@LiON(>y-r+zJQI%|9DqxUPT*0`HT2uJpLq9LD@;hN7LREc@=g~d zFuykil@0gcj~rDliCpA(MTb4Oo5kxtSWwkAZT`e^J|CIB8>oy1|JE$*R#O*4bCD~* zDG>|$2V79nEC$x^H>8pE!dwBmq48%wE8Kep&0O{}x7{;&gTOKD|0B$k#vCCV-d-0e z3-1NWCe~n`pTS{a&6DgAUW+A*e2;hMR7FUFx`tfYMjQT zTeDGadI|M&djN%pV=?^YVA{ND7M&5Oi<2`h;E!L=!OCqg4Yu^72TdA5bR!1xl+Tdj z${nEhz>iOr6?VRL_Ds7X9Iq};$2UsaSej77R#jcYW0S|wq27|{6~2|eHv#%^s|(Hc z3gVv?qHxhzSvu^TJe}h-9`sYTLFu81)bOJbU+G&8$@5F_WX2`B;q4qQJ4O~9R_&o0 zxl8dw;V_=+tqY4Dqt%Ma=nG1Gz_CC0#$_(}4*1IYT6OuHIUHs7r{KZI zO7!a4J*dgW80u<=9}1#D_E-$_`Z|fWF78FgB||}}{2N?6{e~1xaOMVEw5ZwmXq-7j zk5BN|=Iu-D`EXfz5U-m|19XfqGsu?0rB2A%z6RSy?h~$s9ehZbF6svkfVs)-aKcrX zxh0iSz3lmmfaV>EF8rjN&h2RT~)A8OBXGDLV&bvz~7xGkt-jt z`g=2&XPQF&CR1kX8^qnLr66veHd=(9#KRRK%(iy}yiLD`OaHdw+;S=GzNdn(%5>1t zD}|87~uI`>rTT%$sqlZk*_&MiyGux)UA0 z6_|S?0mi2heB3Ywl%g-dvvF%hw$B)-$-N~rKXzhB=Uz5B=m0ycG#FR?cT4P&n`GBJ z;w+kvMm)W)(oS^hACu9v5!0v&Tx0beyEOMhkYqH>`CH4{HYrPIjti#~4L}HsA3yr2L zY16_N*!sc}LZ|hRnM-qUci(Li>sEnIoAtqKPbGv1KPSTKI!SE11_nJzDAK);0n=}S zmQpo|6!^nIFNDvon8o`?s&mEmK&-joiEj;+`S*c>D|oINN%&O^_D8L8n1Kmg>zu&_ z;xvgB_FJD~)cE;30*fUdVT0#Wc(_f1-b<9>tsk7|SV$s%&)e{di8T6{?}n>#9c0<) z%_Pj}iOBidQp^$@hzmmM@%OQM&{%l`W)+v)<;I)Q=k{@8YsnUXLPPfJavmhe+VEY9 zt;~7pRq>oyEt=}lhN%^OaM*M@_1=2|(;Exn2%5LxMy@T|dGKw;+5mCYcP> zXhX>v)3|ufDsYG!29-AT;)oyzG}cswy$ih2KzTWDe7Ow|=Gnrz6%myNGK1;DIYY<_ zqC^MGFNS@>ZZ_A#gMOZshM!l~GNVnS;M_V5qDi`0`jl@l&2c|g=tj}oCx^q88fT33 zwqd1j$CD*HW%;OTH#)ON73a$2!s(RZ^s!DXtB^~C2TMGKT`R&zB%oqx!lw&+z1N^j zdeV$xp^V_FbF{}*o1fyar{Bmb=@h0u?{npp%Sm`t<|ODxfC5Z^IU4>xr#g~fwk!Oe4baJq1P z+U?24k*#AZH~(qG;g8yITjo->^Rg^a+G9=M92eX?{uww=vPPsJr$wW3<>;Z=_hHk& zNH{3?(M^3lV6V9=QxD$CH-A5l(K;b`vuQ9N(C&hhBgS&Y9bPykqyXm~{|51`V_2cG zDqnFm4<5ewDY)NsXu8!T^!wXPZa)19HxeeGS-cc4n)n(s`8Ry_SJ-KVo`%!yhtc(L zf-vFfguX0wcFQLpZay@DYTdak++rIk8h-+Nr~DTESy2b6?_6L+fxv*RiG-cE?_f-V z2iE?T;=nF$I!+xFUO3^i6Vtfr5o1CnjbON{ z!0fCDrf)R=fr--q>Sh#rg` z0F+rE3oAEH;+OpU!0Xvf+`L4Vxml&*fQ4ZgGJ6y^SYjxOcmIZCdvhvs5^<>;oqESZalDCW+rq;*amPqLcgAHnbyFEDPU=k2#@~^0b9#6@aOt@a(K}` zFl`*hUCt^9-pf4P_1ct%9X?A|460xgPkLiYn4aJccx;#HEcDyP=woW=R^eUKogUT z>%d;jQN9N@I|aA;zR6TxUyAO96f#*l#%`J4I@bSH0_}aK(kao#tT%ZJh<`1?+#^fH zfm08%U!$LqrVf9U_;`&?*!l-@60Z>X>Gt$QaI#1@XbC-@ zFX2l?KK4Z`rrJv4l8q1WV73{*(DoO0kFE!&$CTHokEbb4Rpi)t2Y4Zzmm+oc;J(7U zq;NqD8I)gGdByG~21$Cu;35$lHN=<|Z){+Rnf@&Ow*;@NiGsej(Zbg!=w55!i(zIj8iHEAl=$ek5UaMP#V-HI5d`iD)NSc0EE zme|NSdHD1L=)Gn{Eu@l}BtoyM zli2MHQyw7y1b&viV^+T>VQ_IO2`p@5|NLCxb)c^3x$vA8fF-zM{7bx%{ec~;sKlC^ za^U1;4+b92San>Ap6)y;S~qYsL>HBS%o$ZWrQAhup^GrI`UZG@^+gq-b1}guhkS58 z&U)H=;rHS0Yuqk)B%quH^m#I6eM*xFfQKBZcu%6rfw^{lwhU^-sieH@Z!@5SK{ zYHWzHUEC&c&28L?T2uh$9B#$V$|Ybwd?lX|au>%3>Cm;iV<1PS8KUmY!SF^0tW;p?8dk zdjH)h9&btT$`F5g)NMYKk!;1d%kHrK-9LCSSB28RNLZ~`!yHvCVe|DwOl$vueXWl{ z&rIkOp9#SEt2DTGlOu5v`nbesKYIUmpk_xuLtIe?vC6MR(_NG4zc=gIp!boiNZ$%K zb_mZH+p)CES6A#`Hki76UI9Cd3&2j(ln;6uLMlpLz>$|t?u+j`*D@EkBlc z9hwVj501f@%7Y;Navzkx`GGGY#mrT@2*VbXV%Mda;4sGv%T~pcE3q*|G5i>d%P^rk zewBdMoPT7T);jW0#+NP>4E7`mn-D& zZO@UJEzPKULtuvc*Wy#xE=Uv3z!qi4$nww8NOH8e-ML>PEyJbs@s0Y3nlCUIvzMk%vCJ8^V~MPZJv!%9cN+t!_iPHbcE#kN5kOv z8Tg^J3IC+#l7P#%$*Z$qz zFKTFlN#r(o9Grro#ay(mG6Jr=xr^q{qRDHEA!zF?Vpgq*#JTFKkWD_xOm9SikJt)S zjc!$5QW%8e&*`wxjQvqugXfv~d{TTRGe0=L2urx8J zU88I8;iVsVE|osq*~1I6OH$iuL`y-Z-H2rdtS!C1HP0~}P$6kMmK__=W#W=spF zGj+CN@79a#_^w!xFFX(B%SX~hq2qACTn8LHVgU(~{SOYf#liAbHmqU(NW30cgXynF z@K+qresw8k-AKgivmW3||2_C*tvMLCIpP(ev$CaV2$B00hg+W$>acenST`QU*yfk; zUFfS6EiHrgQFHM(>hN&aQv~<_V6Sf+W16odse{FEx>jF_D3$xujiHG=`~GXZT(*w&X0>3MawV$D z?T69}S)iqz3MzM;_}*RvTrKYmI^x&pa!~N)PCbdP^G{;WU{ikICLK#B52r=M1#E6L zu|qVDh@FI8_RZlS`R*#}-OhpuWocyk-7idGMi!Yc)c~}2ePt@o7Ld1Bg)>pDCcYaq zkO%bsg>QFb_>8i@m{bkGtVZxP@oUJpMIrFO?*I({v6W0Lye(2+F`j!)6=p>XOK9Z` z3ts&6tjIXYjScoW3>dfxYYU(<`DZV=7paCn-7jMF8&$5=t3wL!t)}XI3b`Ufszib@_I3EDBYubFLA20QTY{^FI`AIvgThX85&S%1fKETv>1y>@xZQeQ*v-pv zuj;F~oYq6|+A=af)`Ys%%R$SYg{bBbkDJ?MF>7i8`}aBnPYtr=$*a3i!G0oHzqLuc zhj?Sl5n)dz-H8^St7u6551cvd2>us42I@>a#fx^0r&)h2Xs*D2b{E{EZOxmBOXgRE zx`A-8EDB<0uLPTJd#LM9XM2CT(-qnW;rkd5K4z_muT9KAjVCij!KWUh^{8Hu&zQ?E zsO@7D1$G{s{K}q&sq@{D|HLJsqj=p9OBg5oJI@$P)78I z?1p_1=Z>y`$1kL~s;(njU2Mqh^cJE*4&kf*=;NBVYP?(4gO7Z-i#@4u0o2}yQzuuV zdwvh|PQ&GPffe;P2=`up?Nw ztE8xx`};~w?GqUGH5-JkPb747K?m+#pKByd`LRBAEia-37rt7=X;n3*WsNH%VVw8`;l9$Z_doGNw z5&q_16h48&lms?yz9U`?F~qNTdWedVC4Kze6+_-frt3cl8jhphAK$=pRQe8LEAcy4TkF9R-vo{u?` zP#nyQr*u^QDS3_~lhk>^;X*JgeaWsL7|vJw?&Cj#>e-9B0xZz5CcA|>@rT7z$^ zAB{#UPvDV<9^{Z#3a$I7P19Rnz^U;ganI^V_FlRI+7DJ^!G;*95EYZ8w7ck762;of z)8FNMLY>(rcxXv}F82yftPi3@mGe-)FlpIc*3u{8r+pTrQ%fW1=|Upo@H(S&b{Z z$8a^J!#LnZGL&XdrFHvuVesc17#Xa`<$Ml^4s^?7+NgzaKJNgibQYq2NjkjPH5AYG z1`xOMS#-LA4eywAA7}b#!;w>AxK%WRtZfm_$3lks{FWw+F@J(#zmo9L_T7ZMGhk^k zv6pKlO7YZwOL5IbQ|^-{M`?luP8l1FzX$r#5ZaF!=g+b4FNI9P@@TP9CA{g!RmlIWNM_aS#24=_!0{XIP*WSk^ab~!L%>!1Phg#vM{A(ZLM
U|$uZdJ za~ijNO~n7y3Yh!OZE#AihW)oNn2lSPikIfk;_d@46FcdNOwF+ugGa@ZMd!0c$w^~* zXT3cO2oDk*2Ul=w+7&pp|GMZv^AI-8ED~l}HIU!_wQRSF7k-eqg&X@KnR#a{dYDA9 zrdf@!-zNp;b;OeGE8Kbdmr%H9x`$~!a3NOj{BX878)0q&Y?$>Ii_^cc3013L_P}P? zZ#5nH-#bEAYBwD_HXbxH$MJ#fZLrQ#A9sHix;~Tsl1*OH++BAwesW5L7TLjIA25`z zP27pwi=)x#2cb)|vls}x%)I!u_<7Gkm^f+=UU757;<^;}T33}0cCmxJ$ItLq*++~B zG{a)YV<`8n7III7q15Lu5W8H9f7rVnJ~S`pCpJa!SMiH+#F!D>=v^e{>zCSHJEvr~ z)_)gfZF$btE_@@>F4Beh)-NE~<}4AXl|oXA1s`5A8U~&U#No^AaL($9eDT?3_&x3h z>y^~Pdl{#2lz#5lC}7#9S1U$!2YT+&X_a zO>VkWnZ5}z^Qb?z`OD(UcM1@qJ)P|moTqcG9C+K6byzcLIBN(=AjZWX7-^r$x6HaL z@bWK%u8BK@+dd;lw|&MnL(hQA$l0)TtsZtv5*RFIM#ObMFbui4oJ}$k*gD_3;n@@^ z-v0R#KAh+R%|m6N@m4n*(NTi)=B?p3Q=j0lz5VdIJ{F`;D#7*4Ww^FyIc)l*Mm!8R zvr|2(xaa2{Tr}}4U{*S-&rcz}O+#t;g)hYL_z)1CZ^Yk@+i6zqWuZrT4&)DBCL=$M zh1>IPLf!pxyh(PE%2kPIF`|a8DX$Uts916R1Bb=h&&}Aqf!T0p>Q($?f1f0D=@S_z zdnmtjmz|!l5L`!Q@b}&Om|2D-xL;W>?i)RfirU=qjzj{Ck(f(oALt@-Tk0#HZQY5% zSNFi(*T*VjChWoQ%S)iVKMt2}{0sa3t0ppDQ*rSJJD9Tn4dgF>Kt_aRf_lFgy5EdO zVG9G6lZNszRZkfD@(8}2e?ef7E1_dVEL(p)688O+=3a_d*`0<@IPjo9X2}cBfisQJ zY7s>|6;9gK>@~nd#Wgr9(Spx(R^&w=uam|9G2Av{B=a8Y2={%O*sm%RYFwX*((|MR z@6jG;*kO-bEv{njT#gxS%7Pz89v{vPgH2LBu%=W2HkOr7oe?mGC0{L{1{QDXTXDH?Lqh=`L-_;5=twuk6Y--XZFjcI|Xl{Xtkduh`riwD8g=Wm#C zM5U-RXDt8pVIJg2t;gkNR~Im2!>qdUTTA!$cyd@F3+L&S5WO(eF%DQ!QZ+N zUL3fR+#DCkds5y&WY9SNL~pT3E_NBZK39hWsqW~}c^|1-E?F>lHa+Qk3^a;mXh!m7 za%Ny8Id|TYEO97f5A*dPPVN9$O>SaR*E8VHKLa>FV5GBYo)x zi&j~|mrLf_)TN0Ymx2Vk6X^_5&AwSqogzhlaDma9~R|New;7oqBb- z{iV^!Gvo2K?nM&jFrTG7dkD8ioWbGi)7XQ!d!Ugwk-s{B3{I zoWPOrB>KLPgb}`=?WyK6vUc_I$0@t>|6%^I~*v?juwG+EYb360j zm^i-`i^uMVO$l0X;qYmEaeo4L5Y@up-?bQiz#m2li7N%019al3&ETWBm^Jr>@NGx3 zL3hekrnqt@X3W1Q9-?;-=bFoMmAVd67Gy;A>ZCCIiZM(cP{oeOrC?2$;8~1+%=A`< z!=kcFByr1T+O}yUNOx_)k@;bsX}l9${LEES75sUV}j$ zxWjq`3kpbJ@xu4b&p=*u;Jq%@Au8m{X_dpfCBika) zvmPbmfB_d^VA~B`UoA%;xB0`mb+7Dp*ldN}YO(B7>vGZfd!t$D02ds1Y7{*qinA~(vl+B%hzEZQ`jKLAixsk_O-5sc@VIE|RyA8#C z3M|K1jpxPIgY@U|-0kWb2DoDpMkl`2&GG6`6|m^?3ee)J;~!ZDNVtgG9%iiqlaVE=R(9bRoG$L3ibmf zsPAD%;ohy!Z`|7fkrAn&@2(+AxigJ+EjDK&$JzKOX(=q<^~o;KRf_EhiUkwb7L4!r zp^0|d{Dy=)Z&4^<0ryYiy~k=?Y}^hdhS^xD7EY4G8*xzQR(j;NBD-eW3Z_=(JStEg z8uO%}b;lD(`8)sYoTI&<>^JRa9 z^WR^%zgrbk3zBfgWG!sH>IbhhE})mmVOGAh4YwN9ftqF!3mK3G`nZU>&l{-)@uUrWnwhVGd!^ zw&ZW2Hn}G`f=<@@$_9)WgqmJQAi(bpE_K=h}QUkXQo(ca`bf(c* zeQg*wQ%Hu)LPV2U1JAy<(j-Nb2+gxbN%N>OWhz5NluD9FWXQAcog$)A8H!3NC8D_$ z<==bW57zRKpE_%K{h4 z6i{Az1x!EA#R!)b!Kb|nyokl&XWLa|@Ip#dk#uVjFYIwwK?nk2~_G83xr%;1A^&#?jj)a(U8*kFn^ZH#up0 z7qT}eGL4l~q%_}}p5HeTd*yFIh@A=I$dQB_D^Vvy4X7(wEc#R_%d2E$x$F7t(zR}L zvF6oH4Eec&Cv>Vp`+fV%PuoW*mX>rMpW;W}O4;2UN(4o(#V%yCS za5NsxyEh%d^w?26W%m=@9Y9gR&kx513*ODRUo31JfskdZM7P~?$$`m)zkj)c%HRKj zV@KMf#-kc2UFnWdRFMxoRtTNq5M0=H9N#|H;F7T?L?4A`z?%XQJa%~mGeYN~QlJsM zy=)4OwXN{VGd>8G zrqb;CY6<*a`IhK!DHeGK48@W8Z(w=GR2Z?|lGxAR1yf@cN#^i7_~3;m&5v6oZksa& z`#(*_)v=!9JuZ`3%Cu-E+n|PL-#v!4D>znWO7OD}%xL{xgunJNtb+?IOfJvAMNbu} zgdS#c3SDr`TndiNS%%Y;W0=Doa!;*OrOTL zw$1o&<{+N?_aPjyeL_Z_crK#zb8*c30hoMUn(oU{p%W%5)Ak-<2O3i`#`+nAs`SCN zu7z;7rwlS(&I|W1H&FS}Dz2$|02BYpKsgT-8E6@?Z#)qH1q_B4!H-kAI9Y%QzaV7eo5x#dz)Fc=B1u(0UZUWC}TP zFg(eO7p(fuhF^_@pKH@er^_*N!DS(Q=qw~)7YAU4R| z3Q4ljd<^FIO7di!!hYNk*iu$Tj*Y$l#BsGkCSHF6ugSh9eEvDy9Q#DP!jI$8=a*1> z@H@;3>A=NG5^!_bcG9vXhB!}l1ZDAgn0t9D%f+K)&+0nyZm|_F8KQtm!;|2p#}Ejg zrp2~uheLhhN&Kt(3Jgczht>&pxKZ*oNP661eJ`Tm)G<36xKm)q)fcgKG4e3D))ha@ z55;}n|6r59D*sa?aQPau@xx75{Br#^+dVD|r{q1x=g$U!T2dHWZyEvVKC#06*pBS7 z&PM-__h8y`Nmk@!Nl)yS;tRV4t{sxIMU7a??7g~ z9r$@fk~ORbwmj)!%@^*0?-^i&?Q?Ob$|CXYkZ2*ZFbb-2N@4o2EO=BT!H;QnFvso& ze0P^}bD2dj|E~sQCRp$Xy$k4q=?{ou(_}KUwiEBCj-bOvwTqS1WoX4L7xE_MD0#P} z4r9VPz+t*C#i`3%UxlTQrjVUSt*O#H3s4+tOM6UO#CufZF|u_qzjW*m`#d2={MF-p z>Fg~LD7`QSx2PV%QSamNzlvaplyip-mp(FG?Ob?pNs$Jd4<#SemvH40IX<>O9rH6H z!K-FG=^PyoKk^@-am6689vO?QJq?TU_2_8Dl@MekWTmeAQiW&fID6v|G`n0N?0tuz z^VUa@{N*h;YXzX>0V{a?eLE!R1;X0EJFug7tl0KmHS7O)6~@@bVN!JlZgM&c{@cD0 zuWvn&Ip8}ia8AT`PUfsL&K*vK8&I40%k1-$t03JVuos3$()&)=;Q6pnRR0MWd{ZBF zuHF-N&>P9bzXHo%yd1{b4i>o44R~slV5-@?8e%>v(+}7V>F=E&8Xuul@J)R9q#Z8b zI07{Zj*vMe9`~6IBx;+S>B=E);QOfP<9J$++I&yMqU%^?n=g~ zdb5Bl9mmwGj_~BO&|PWhhMfvVa4mc;?y<1tGYo2RFG$cCmy<#6VhLXPJQbYM!m!rY z7EjOVVWS$ep>vxUUuFyZZ0ja`q^U+NMvv#K&tCzn2V3F1ws6j@zY-P8E*xF?j14jv zMkPn+;Cu6UxT!N1p3Lhcr_2jsmW3KqoH_$^Ux=vvh=O8_t<^0#b_3!-)E!+%Pr+lk?V#2V|ZF)h9Z*j{XtmoovS!s;%Pp-MwUZ z^APCndJD+PE)OTg+UMEXwX4AA zkO4itvlz5n1;)#k=OjDd1?CmshG;ckG;K%%GxgPUV^Ka{t@Z;6rG9``H|V>V0=FKY z$MSQzFsbSwoKNtD`x}1|N6q8n*uZ{NxG|U}PhJLrb&`B(cPw7L(ZGyem*QY$DO_%2 zLEfvh!unMUK)rc5wF!C#Rk45AOPy?oZu2h4F)1d4b7x_x|ayZKG-shrEQKe^I#XwBUvRt^qf-74X(N1FV>B%s+}7S%NTI zw8V4hF1&z2*+)@giLIg{;{VpsD5% z`rN$)_Unt;(7V6bj=cdG`0NvAJPZ+=Xqe&M=Gi1v{x$k8_Z2$Kk3oIKGV(#E09&tK zgZ_zs*wbn$?&DVmP9BQ<;Js5qpWbRzoQ5EN+R6Oe%iz}dYv?`aEsP2tPd+UzV+QG( zG!5+y;RD98&wNyEadd@yzl}lZisjkrHH(HMm^HQgMhn6#SzYWwswFGn4 z`#|}?PWYI3ok_16!u9qJ1lujD+@VmCPG7hTMv9V%d-ozH>s=4-)4RnVmdJ6F>=ZnD zxDFq7+`{jzs(hkZ2o9T)iRLphV0YIl{Lkkyd9qCppO;2p=$l0_-Q^iP9WTbBrP+8R zAQGy*oyniH>qP&`5%|g{fz>-b#-n1zLk~If83H%=_m8wvy=U<#)N#-n;eOu{F_uP7 zS_(%dOrc*M4y7-y`Z1UP1P{c2Dxz23lKh0UH2Eoe8PC~?c)-&c)UqHHbXGbL^K^fK zZ#xEGK3dDw5>BzH7p3VLTTSl!Y8*HIDGlF@=i~a^pZIv)5KNIOB1@jx@LLv=)YsWh zH0}LMXb#&Afg7!O{IR`!-K%-HQS-LwVOtJP-X&-ipM{+4VR>3!aRQ3EhVyJcN*lYh zQ1^=m=ABmH8A~g`q~r}WUmFdjirzT>m6 z*TF*9VG2Z_4rJp(kBUBp4uP#7zL28_&G_866~GVWwC*kVZR0)=TpnpZqz3SHdw+Ts=-ax8PJPgyCTHrZ zeFBFpbHho&l~`bNL3l2;LSFd{+>s~f1R)>c@BpDZey}1}nPmpwJj5U|ow51;rszLa z@YMz?5v;x@ZvMJOv~>u>N2_{RQFSWZidu#(b$e*BDxqbUJaFBmLN;ri3iCWOo$uc< z2@fxnr{A12Nz){EHr8H~-cUQrj=ypih1=<()f;>G_Dr3gIgkpcPRd~0Wn)aT|Ana? z%Ta;M<*Ap~VCTqBP*#}=vHRLt&e4^4Yv(+8pDJ`8n%@AKglsZ?+-|VlBL-#l{j6n# z692oZ0@GK@8>p=!0FKg{s;ZM<=Vc3Yvauqs+^u-m9UXjE^pNRZi(yg5 zj(9<)n_S!{#qaG@g7TV)M97tDdaS?e)H zZxr_CuZ6fNcGRm^miwqz;sv*b{KI@DxEbaJF_SeYW~4w_(@XgM;xbMRt7a?rm`uS9%ZcYaWnHs$ivQ_zoN^= zZrJFP!Gy@T%)WxzU%JU?LsP!w z*a=Ymk&KpO!kEISYMfZcFzjCijIfD?Hcu{YyLtlWwP~aF?_RLkwGwB3DkN!tTrnZC zO8jkRBKu5LX!q41_N?QRc>S|UxO$|!;BCJ^zFq!H)~in7p}USlb%`AI@gOvvMv1gn zGuE#d3$7;qd{ucAKB|)vx&*56LtF@0Mo2(FSGMq7%OaZ#r*CAWo~tps}&e1Xjp-vZl6Gk#2~7I&VGg}Q%#SlTXxv2CTWaaS(eSS55Z zZBwD|b+gEC%R5Z&fWXTm@vQXyFTt}&;BbsI@7Z|<6W}q~9=(BVeU%R<8cXn^-zC-} z)}~44i`f_t1A6(AHIqIxl>a(0pSD_B37uqV#Or_*bgy~~52YUp8MIT_q$F_v^<-$I zIm3xJ1)V@^7bv`3gyu=-*^AnDXrVJ5b&j2cgSIZ?pC)nU)W@OROsL;Q5>mGGT;0$vY*yPuzQo`__IGA3WMYylMe2&r3&>Lsz-;mkl_% zzzGul`@}Q)jL@S+9`cq6^USqvV(}n5E?K8YZT^*tSLmt1oS1R^xowoNZ-@kmFa!QL zcOng(XT%n{EA!r;RgNxY%2X$8l0(O~OJM$0=qd6yBUX);!rtQ&oLpLkzq&%WOsyBo znSC9lv|ouU%(L;Bz}9@VMGoyVgbvne$Hh^dld)vZ65Km+qtFXB6JJj=WDivakr(Yg zxOMXpa_zVj;Jg~Pdr2|4mgnP(`PapHd%vNa=QEO4b3%06VI}i3jAyzRhR`_&cf$4# zMINT0289ZKc)nsV8ZJ)5Zx8d);=?5HpGwGQp8Y?uI3Gg4) z!gKrn5HD*ZJkWFn9%?4yo2P=Wt)~h4)U2`7b)5Lt9!2^s-g zfrn{w1#nRcTcWGN6W3n^ZH@En;6hn4Qs}E&<0R;Kv){q9v{U$QU=aS@(gOCyKQY@~ zpD&|>OXCzI@sFD|C}hoq$L$Z9{BL>M{>n_y5hEZxR>)?2OT}$i1&dev81kmj&>{nTT^E-jKHz;o!S$J+F096H5^urGhjpQS3_}>4W2xFfJ{xB&G&l+!KcMSN3v4CusiIA@!MV5 zzab77>wguWo9p9CQY#Md`hn65#_aPl>^Lm68%0-PZ!m9f1L}QBl_o__K<|Pc@zF3loM&T-!(?uChURA`qt9c{KweV ztiq3VU&NFh58z?yGgx6V5WI{-z+qo2E=_e{l^F`$AaMk(h&zbKAKT(BZ)3V&%7*Cb zQlwv=F|9wv5Hv#IZ|ChdAswyb{O6+CgGVIest+g1Cgqe8NBr+#0giK{?bCzl4;LGb@AW z-2`6}sb7klk6nWeT8E*B7Lt$GG+MTj@C%pOJ$_^ashR|BauG z;^0Q|R*bltNAxd`=A(Xp!F)Xp{y6j;TQbCfN`1V+vdYsz_l-4G*?$tAM~11M{R$TbLINfM%IXGc@*NX(nzd4qd{K#y2Hkh zk(ktH0DZRa#lb72@U`F>K#Q}?AYdlUAD)T%xvu>7yRUdXCGdc^LVTzPQEd4oHv4)9zs6MHnEXe0YONGLo!bVZfBHiBohVwLv16Qu zpF0__`62rllnpIgROmd@Adq<~a275Kl!GokYJXo~pPQtDqvQ;n`C1(|#nrIlA@7Br zy*o@@@HK~ajwRXJKFH4$2>Z&TIOL87pDwVU)*F=HoXz)=iv97JAz>x9Vgw}^gcpzpdfn!R+QX(Jg6QJh8GRByAa&kFcxDMRNOW_Vw3 zHSu|)E1r7O9QRvI!gWW5?@RwRtoIjqVQcNgu7{f*L= zgYj^)tGL@b52q;Ri6*piR^k{74&DD@&fN&ySe8s~?U_wa@eD>SZ0UgLU*hx8CD3_E zn7L#}v(C!_Pdx*M9 zU~*UBues!~Shr<(;MWn>X!MLVh}vP^Q#C&3no^%!52J_v!;fW>&_2Ha z8crXBkH6C4=j_RtX1@w&PaOg$_AWr<#kTPLy#mH*=E49a#B-eoKqvYie#)Ls9$*)l zG~);AObHb29d?b+IB z;r|X9W`6bpKcj}Y<~eZxziza0=s%`CX9YyAOeF2Mmg2`B zl_0mP5MHYSY&D!u{bV_N{Jj~vCH!#RuN>I4btaXbSO7D!vxPj2&>Jk@O8&0f#r7Dr zLE?Hb85Hi$m#nI1Z(U(&z&UW_9%Go5YIkcD(AD3ALsCo48Y!*61?l> z2XV=frKQ}BV0p$E4ER$5V@h`5^9OV35QSd+yfX*Ow9bO*z}GO*v<4sc2sty5qjABR zAo00K)D>V#=Wp5!14{EJ{KX}#^rwSaTd#g*)I!F;7uc(Kk z-fN*}-B+|2qe=b-ln~Pc!TkHAe5ksJAa5OwckT=$W3?UWrlTp~w_2KSdOI3VO-q1~ zawBS=(+6s`_u$brD`8)t$iL~!(uN^ztlHzLSkc22t*-cp@_*=2hulc0kBy>wU$5iq zyE!DhDg}2M3;Cj!IGhlwLw`#KL%y{bPa5sR%S}BHqCOuU#1E&>D+j`;Q@e{>bf^K&P zFJ`;5i{m6`aTN8B(n&Eq(F)=wRJO>x* zQLkgC@!$A7*dQeiJ_U8kLJ;VEm@zbpYis!suf5nh9l4N@`hUWll8c)!nNaKUF`)EUI9IRJFiXW;G+~Y(9(sQUmb_Ev zhMMQum>W;Xy`Cko@xufKG}e)x+jo5(@aDus2lWSJC#6FOUa%&@?AZ_8qvhnzI|fGegD_RN6_*IJF!^Klm<*Th2+_) z@HJI}Z|U6&7VE9J+om@BIC3&P%TWt224>=2;K~qj5zMpslW=1%I z8y`d0k0``uri?n~_rPsfG&|a&%k6%YlLT{D_}<N;(u1SZ|Df_xBe9t z-p+-FK?z{wevw5jk09s$mBI1+K&(CUfGPaYgv&9#nAPtN9-jRe+kQcmxFL%1k^LfX z*)&+t_YV{PyH2e98_B9NF`&FO)c;Gy!vi&#fA3AabZ#mb#Ghj?n|8p|_O#w^E^v(TneUc0m#Jqts>$5?tx&&RL zC*t-sGwGh-kHo7k8+NOt!dPm}eNO4pN4x~@^jg8r-UiHGyObXrR>pK@NVC%q>%|_w zvLU{1F>LrzOgE?A#{GAyq42pJ^&2>j`(54w>bDh`;lBs)Wpx|Y7JVcopC$|Q=K}U0 zcjEc|dfYVd9TEHJvB;3|yxdIa|C``Q-!9t=E6la&3&%(jn0gpT%=d!Pf=_Qm)dmbv zxB+U1V?`-Db49Y#Za|jHD{#CugJk=J!fb_M@bgL%=G<6|1|!GfSfwy5xKV~p0j~6_ z{TY;(YGpMG%fzD`mvf6PN7*{{A@pg^F!&?gNVb@-pzC#==_BPRu**wgznu5rFzwf* zM}98a&+dbrRsOj8MJkAI$YJ4OGu|LOgkCzGDEihKj)4PavA{DbAbwU4=eNw|Kh+-K z)`?n}a4sJei?_qUZ@u96@f5yrc!JUAR^Zm{rD$w#Lp`(B;n}OfU@a2_Bg|Hzb(Ity zm$d=1UyA=o4G1{sk@{^Wd2y62L=qGwZw5!aQzk@L9*dAPM|W;O>ur zVSiJI!NXo?Fy^fCwF(v{3b~Nq=OIPP85${^ncV!Hxb;IQ74825uav6UwhNa@ zTfCMiDgF({%YKH88<*gFtPDLAJAiLSduse{GnnXmr&&ep3gMBaNS- zYu^Bh4r3tXorJ*A%)~ci)WtG_hfQ5tK)i4UU1J&#jt2%|X#Fv9)!$6m zVO?7)Vc<>GlCEQ=<$TCqF@mkRzK{+oOd};S>uJXYGkR@+3;p!KQ#5{`6X-rxrw*rQ zGL@WnM8b-|`xWxs<=Q_O{<@2bf8t|= z`7uk_Pss3ErkTRxv3w<&^o;hoIz_fMu>@Bs$K-6jt@dPtOW9@vjhhP+Re(6n5N+C*)~AO4fU z&c_#`&cvXrlr}#7sEe*u&LC@b1e`t|W<_Rpyf|jYky8-Jcgo<0O-JC@ z&}F!HSv7=o1tC3^fNq}zKgcyly4Qa!s2$K}5yF0V))`8teZ40#R*|86ygQwoDv!l6 z=UMiMES{Eeg``DDJ4P+`7Ef_HL~>icf&elX_H-(E?{@%N?ogmhM;(VgO;cR@WF3+> zCx}l>4&ssFU|~2O_gJb4ir^M9A~clTSTTa1wJ*o>2N~Hs`;FN2Q3+-|`OS1^UIJUw zXwj`MfQMP5QL*JQn>eVF*?-PvD{s7p?Gpx)la`6#zvm`qFU~|JFxYRXe7;3^7634gF;_CoyZL_K_p-^Iei2jPDM zEb#5PyUZx{3)(u$677BaaG#U|NH(9wN3KGapx%|eyL}E9s~y9DGD)sAG#o0`!{Joz zU?R522alQ4VAG};nAG@|*c6I#)l@tVUvBNtIHYRW%OWI+5@s;ToVa255RpcH$hoV1)i4f z7reS*WJ!rOX2gcDGeweUEKv*_tq#H^mqc)K{e{l0?Lw|53B1P?qI#~-A89j=?ib&} z=D|jM(f>0wBb2Cb{86+U?ZR|>?h1PD$~Bvt7uApa;96O*-g@v98DBA1T5ZX_F< zx`*goJ%m!5b$QtIi8xExC3Y9z6#eM_L)yH}AxqGEW{uUSInoDVK>r9xf8)wVi}T@y z%5!X7QA3Wz|AUUJ!r9MjV;fH`hH>Tn@L%v@Fl_mN(M^U}Su_jI>|l`eG?|nNe8iO6 zrI?dk49}vwP}@8h`{MM8WmmaKd(v()qi`;GIT%6Ma7AA7WE}N-t1fhSoP|D(Bycvi z$60f#f%h-r@fp3i_b`?|8=FtIe^uf}-6rH!<0+z`QU*4GhFmdO3-&CLqbDMoP=8PZ z@_bct=HE3~I5b|Q&0WAGE(0qLoW=lE30@nSNjy5VdDgUWa(3hq9CGU`Hq;i8a`$^8 z`{G3OdK8NH8p_3UTJMWZYCbtGU|-2?+tVm{F$)5&&cNQY2U&DM5*fLv3beQkPcF
0xWPEc zagJXq+-!2j^o6pbjpuT(!#ojZX;nb*)1lCO%o-@fkEj$cxa3ZET1gP z)fP+P>7}*!*ZzZ8v^|Sx>>ZD#bLPWpH9Z(0Q7$lFTu6JL9yj<<%(}^Zw9{S&I$c@V zuwgMX-0~j|{5FafG&MugL=G_}Ls-3f1w3ET0YQ?$@5WqU+JCp=@5p>i)m5eKTG~8T zNw^OgI?+B8KXCW>2hr!J2olRU=;4t^a)JPpJKeQVf2gKq~@1HpL(O~-7O^VCkIuGrgNkn<53l5m`oZR$#&6a;P z=ikj9!LvJZ@WQ9fahQz|l3lS6539QKK@0S0tjRXov+D?6{;N*Ar32}zYdP>>wF2JA z9!T{%uaNBXD}=tC4SZXp6rWS-MW35ZrN90LVKvHP|NJgMpH61>;^d=3SI$DapIi|#GEmvXDtUEZ+ zWG!BF?`2<~4W?e}+(kW8f^l7@IzMu}mF1Mjf@g-9y!p0(c6kj3_hl5_Sp^oF@50hS z$#7+F0@jWdyh^3#aFX(3ytr&4f8Q5|8x3cHky;RrS>i<%JRSMNt~YQzLxK87Ymlxx zJ9iL#PdiV7MWxaqtb1ld36N1?wP>9u3880Bmc5ggX1J@ zxg^~*z>dcxo`QeZY)EtKCKht-8|hY!6usX1Nc?M;B-L6j@L zn;=>rYC*q477RXDh|7c3@n>Klb4)B?^B)P*?RZ_L<#v|*QynU9I5>>f+@avNITKXX z)v2s(5PHlHf@iIFNZl7{Dq;Ht2T7~JpHIeA#{V%I#DBv8>;2quRWy64FqNeR>EP9Y zw^40w7SpYX5?#-_iS{`P#3SxFdF~Pl=BrPFXz&euqOHg@g|6t!+Z8b4vO0~rvl5nf z1!By!moQ|H3QN*ffPmc-MI*un@VN^t*^{^?#!kr4-3EG4O%xj;Z8F65~D>eB!ttM={6^&0z^4S4g#Sf;1 z3oM5+towA|q2$tT9PesFs?H8!&pw1f%Fc0EFlHis9sULirVk|%N*lp&)oaiSe#|c1 zHKo&sxbicpg^-r@9(Si`Go8oBNXv{9d~)nS-aFP7^q-jv`!H#&PWHrKw+GQb8rqn& zUNOW1R$$!irN$*FU!-KKm*u3jFYq`4}zZ`ynALp#1Zi;(Jn!ty+ zI7sl>Hu}<=+Fp3R(qfjKAdp}+d?iF_X%g7-RiaQP1n_*6)#~ts3uO#CKU1V6zj_69+Rh_gFj|^N@H?v0y7! z3pw6x0@setMx&B+QnoJ+uO9ddmo@;b6aKdIw1W8AUTJ>9e=5e_Z6LmG)A%%_GLRfs z4C7WlzyYUyFu>3cb3=0R(#}idm+w(LIBFWT(yS-0!OGZWHkQYFUJ+XkIRGo)n9|)_ zPKrK#Y(sS?AM&ne50tkY5&7A9@|AZ_!s9tQ^mJPmM)cjqF+%pE<8}j9zDg%6;;r}v zW#1?&7Q_|@Evt-wEqE|F~1IYUqgTIe;sKQ;rWBBnC>%LZp7i5E>T3UuJo1#N+W*Xqp39pHzTpb%DFkGx>MZuol|IGxfULFJo_puKVo-Q3y=kthDZZLUBkzxKk(jQO@ zUhvNK2Dceeu;;TX9jnE}r{nk2V^fO3mkq{-_jgHqiX9#q^o{6$sE4)V@8EkyY4-A> zJZ{;11ZN0(oUG17?kQw@g3~hLz?q4l{_rPhn0JF%{~F0h51NlZ4jDjP%3YCTOFe%7 zu1A(WjB<26AIffxUWrQ-q(I}%2RwaTflgQ-iSG{%;x(O4IOJ+JD?YRWe+&*3H??Yj zf67_0&iLg_J5GgPadN}T0B;;L)epRtdq6MW5-R?SL5Jab_($0LJBbXb)`DnENmN1; z1!o*~$OD%>If}cV+!3D$oroisHe$;@3-Pq+LQh=kBOIy`OI&`1bMHi<%lDZNZ#eY_ zDbu8n>+4zFHfz{=b}1xv?qmKfyWyVx6F8xI56%?C!nl{iaB#>T>`yoZ`T_@flAH*a z)@I=nm5p$tPoIArZ;FbFrI2)M6wy0*3oAx-V%YI;N4pCHsf5lErXsMlEQT0DfaMQZ zCHEZ$UKl_nlGN~av?kx!E=ONVj0IDRv+#S#cyOV1VS^h;A3Fu=_iAD6 zcP((UT@HyWuCf;=9UwG&5toyY<$t!zpi!O_IO)o8rOAdoqcoKqUSNl|ahmjUK(Y8* zxE3AxCZ1O9kft{IMOfST2`y)ggh`$H^k!Tpsu{{t6S9hyN}j+aeT7hEQH9$gfQJ63 z%IYQ<@UwH=>1-jdnta0+FWdB$YFjbp(7i*@kYb_AHUWKYJ8{w{TNHrf#(|bWI#k#Uqw+BkHWgbk0#0ZU!v{kM$qL z>2I}wzsqeybdCO_j2JqYZzZS zGakRc@=>O8lv3HX{dZrlD2P);TtDs5bCSe07y9U79 zr>?Z6^b0iG{bKDI&tV(*l7!2vpnZwJCwPAumKhks4d1U=;&=wO`J5+D<&+UDJo;{tOd^~`*s$GBw6JL>(u=?D)l*;CB2I~6^(}-j|alKH~$G< zfh?FjeG2hPoDEd58d}Uu!1MBKdP_})pC9f3Ax-*1Puv~c_dNy61>JbB@=9EE2ESzUl&3a#W!k5w*;Wf1!pY3r2*DK~Q4IZ=z%;MHSvXGUF5p>Ln zJ$b}nU^+coHIUBf9xdkc2B3k522PPyr8_ff@!cFny3&6$d(0L1G!qL@Gu;Ry-DUaj zor7R?qZd5=xB{-#)Uoc%eaKp@vE55T_!w)$qL6|`4%bu`2G-Ro*>U(RGh^1zw5wO&;$+d-glJEvPOHy zWZYvq!Eycv%I2Ot3;XQ_rj+(u=r3xT|%#B+BnoW`%9T&07`E61Rhivll5sU*G6^uhH+727;G63=R|*clcB{cqnxp1&l>xLDB# z%je?pP)8aSF^nh1jfG>56z|AyMWe4qEFg3ROlg~n-ENlj_RIUY#P20|$hEUCcZ%`D z@d`Gnq8SIN>hg!xU$MQLvu9I#A!$(xiU0Kx-;ck?KE$X&M12c*m&@~GMM~twBqK8I zSw4xfT!z}A<}h2?rF2(EE15QV7!_@ALtkRYC+*I_yg+5Hwk(jlXYYZ;Zv%P!nCUEj zkTgbqO9N9=4fd=52mWo6qt}+@vn74n^y<(!>`%W3_OlaURg6D8n3F=bJkk?(LXtSm z+Ys!7qC^El60q0X8U3p*$mSlwOX(-{FYWInnwGhkE$N8|($>Jx&~RK{RRra>*G1o2 zEK8k!PX_zb7I0I}SlqFw1vgd8;Gk0|^7trtnDskEKc8F>d;0l8Lu)QRs`17JC(5vO zO%TrRJ;toIekDtm9D<@vAuuo~nHfaOV|L1Rib!}N*zv@K~ZEPt{OlG_9ySh@tA?ju4!p;vO_v%{=A^)$M> z-4%~@X@^DMYuP4YU!h`fl4b4MgB6vD0$)uV7JN2jkMF6`nO{?|_DeGTYW)o_-wUOa z%jOg1okCFALh#A|7&_0e9KSe@SK3PhMWrQ0(@J{I?+ERTLS$xVM2e!UmUdFKNJ^w( zR5I#0zavChMMc)X><9_TNc``&z3aKI`@YZlj?Z_8F0Zg}!3kN_AoC@kZS^R@!mB%A z`gJ{_M>h^8C*B6zACbh*uvq;0?^tS6@f`0Cxs1B6qqGuV8&9M7J! zpf_e*LHFC9?4;if2n{^NqI2XK_;3u_sVVAB8wKgQ_tERvEwTT~bb&1rMW39q#A09J zERZEZ6%-6HFLMZnel8RlC}yMG!8n-MzJ`w1nGXp+W%;q$PGr>C_t=WU8KbKinjW3R zv*r(Bm-_*{zaxRXY@8tMucgA2sT9s`TEXYd)Z$doGInIzRz29u@Km=W%4B!I6ls6( z6_~FtOg^!tr@rBsiudqaF-ACtMZ=|*X!MUL#ecrT>G)5w{9<%67B9F&YASsp(6ot} zE>z_u8wqJ^H05{K+HmJB&jfaHoaoQ)I`*{Kfmm;u%U*=Y!RG23Y<7HzTm2UaTf%kF z@!W~KZQnyic`L(-Gl%h6>?Q0@$i{*%ztG3>HS1QpA<7$UO4lgpfz9h<)J4e8-=BE{ zT^b~~SY;Dt%N=4%o~vP6ohmupqzO}3To(SbZ8f=PK}3|x!GjywliQRcsm+Do(epjba>dO zgJ$A0B*@TV5&OaLOqQ;QDla6C|yFW&G)C*lvcd^OQX+pvBGX6a%hBcXc*@Bc(Uz^Xx_M5wo`Sk z$Sv5O%iu}W`d)?V0XgtZPlDd;7)f%9tC-=KJkbcxQGDsLML6fzXriz(2J$2g;L}h; zKIfr7X-ZPYfS@~E;@20rVY|BpcL6C^lfrUSiYu^<)4A`hBgRi z>RfVB?i}7#jKkv%(n3aPB71f(K-lR@rhk)0p@Xs=+_;f|@D`*gZU+~7@J z*HWswDvg9KEEY)>FR9u`n@HgG9=PVW3b&>o0k86>Y}$$!L{8Xuc+@|ZyfM<@)F~2A zhQ;FWp#7jbYyy1QCg{~E(?IvuMI2FVi1iEip{hp!hTn)GGu?;4N9)&27FRHd7(;&c z-5@Y9cY)oT>)E=ERXAUFGd9}4BzK!M=?{V9r+Fz9j@_M&-h~su%2R}9S{>pE_6e{c zWjV}o`bOUNPXrNPO5G0U!Yi{R==z;POeP!^Z7_LFwB$5l(yAF?5gUuik-y=raCYDF zS_4PhYVytvpUCeQN#yptk7Qs=IN4D&21|m@V{v5z2x}zdtk+eTZ!`zu4tlWpS$lvF z{Dz0Z2J;oUXHoHU7#wbyj>E?ZzR03RSUlGss;8P_@*h)(i1rYDWApihi3KF;p0Eks zlLxCbPeNDSB6PU$jk%>f5}sNmNR1HEZXR) zlJxVn8&EaA3ybB8Aa>?Z`gXqf>maA~lE2Dga(sWk9WKZ;>ru3W?o+A}DRR z&+4}n6IsnS*#G0OSZ#D3whVY8%3Gj-<30Ye&12uQJ^qq(_s#XF@T35Is%=?(%ABZp8`A7k0rFvB%VFy)aXq(6n!mZ*S9o6m;5U{7I+vPRZo*qZm-GT zeF<>XZ5ki=11&$5Dx$RFx(-uka zTq$|j@Lv?jX*Ph1WuXw-@+awuZla23>2%4cyO7hHhpwL+;nLUF%r2t>kNL;&Z_VXs zEPl)$57LB;qZQ0#^BZwO)NYv3m<$~U)oEtnQ2wx8j^+n+<5DdX*xqc2!9{VHll28H z222ObkBhL=%$Lu*+m6eA$fJ_L#@*9d2(*X6lqH#DXqz6)xH1-B*Y%1#_g%-31u3F) zGfN?;LIxe(BG75yN#ggl2!8L=qP99q#Wy^gp=0@V94=E2Cr-a$>s=H%xsZU}ePZVR zM~7Cp?TxPIFR`q#4>R`}dPL;WqVY(X~5kuDW$GywcUb^h+B z6&;{97pu~Sa<%vrRIbiLg}KSNBkDWY8jQlFe3i&{YcxCfUFhn%hTzM?0{5$1jrzvU z#MeF-K)qxwuz-PF`MI+|$asJwPL1Rp`z2|7x3Cc+5ltjMM6pvb+IXaV3FHUYLDT3q z+@)~^mRT-=B^SR4p7>MJtYybWSXHx*%zq$woapy568MEdT$7s97jD17CpZ(Qc-E1q z^>@)|MmRXUUkz)keX0MLM*MkpDf!?!m>xd10A!W31kd`CC?IhRm+Lo$XXpR0_?$YJ zKS+4VUQ0kTFGrBp4Wb`<`k`p#J9yPtfNLYNAp1=TN$6;WpRXJ^$sl-tO#*RnD6F2U zw+5Ug>%jG!z)+g0NI$?1O7Ql+i@3;Z zF!UFFg}Z+o@pSVX&>3V*&)wZj28?{iKC@-K|Em-3EpLVMt5@Pi^IA6RZv|vrSprTA zexT&vM@(ycEY=*#gDPRWq#{GekE$%8>dMDZ1(aZ1<}p~gNAP&x?T0Fv70h0BFqf5X zChK3#Me|Lz_`;@!m7lsqUS3gv(Ul6=F{@Vm%PbL!%X0WBaAr9@oor#{2=K2~q*F*e z3@Fw|qod=vxosI_s2S5&=LBxj&>6U~&<$0O2STd8IStSjI8tALFIrSUPUbg|QNP}> z*|Q6v!JrtzPgrrYuy5j*!_2uIrtv7F0pg4MKcX~EWS4$=aQ&G={&(#Sh>fm+J;x3* zu}=c;-QO$nda#*TD2C(T)dQj0kW$mRJJH)9m}@;a2-%(rU~L#B2-v z{5?ZlX>=WDUAlwC%TC~Usmo$KCZe`CzQD$oi{zI49gvVp##Ui_+O>Btb38N|TUQG_ zQCV}|uxmR^OTUONPp{*d{#bBy97AK52~l#rx9~4e$RTYh7uow6W4_*P81mQ+JXX&D zh1tHK0drtb>Oo<NkFo>)Bk-1#9P>6w#;r#h;jE`7KYue0LLV97I@xl( zYPF5tt*^$)@9iLQ;1DjW5SR|V2gSxeIjpeLSb^1kZJ_ww+e=}q#fAijFAd;-*}2piYmhNI`>0H}-I1uCU_!d)>*Wb#-E9bYek zUlzvV=`s)S{k5Z_BS{xPYq+my*BoK=h388*bv9wl3DQX$WlC`wAW>yNDb--h$?xKnyfu z7@jo~%fEWTnA7q&EpijAx=;Z>Zybi;nwM}%(2kbaY{%}veDSR%pYfkYHoiT3nB1?F z6)7cth3}j4$@9@uA?|DrD#scDR~3Wp)gxFp#sUL{Gup4KM_~v&hjXhnc=hZs2(m~Q zk+%yVLZb+>edTD7k1gFeDg>5vU&l9I?O1HM63FtOB=L0^3(S9Izn|ZQxK^zCt2G)7 zPNk7*L8CICr$r0(nQ(rnMO)kRu)Og$e$uFd?k)DXy+Vnc%N~kL>Me!sxq+ZMN)n&; z2ZGj-M6kArB|TR%!8`9Gn`Nraw~ced{KaR**K%X9X~0;nvQnOx-!g~p!aCw}gJDJI z0&$c>_+WOxL^7f z)18)z-Y!dq7q#m6`@{n3e`7P2J{Zpj6r2O!ziXL#gBmZFS&lZ|A$a_B9sbD+!q#-NPRQj|ymY{2|CDJ=ODUA}xYBzsR>Ij6V@3D(2-)_TWdNRBT(UQTnHE|= z>Y*5r;{MpYF#{h@`XRpg?Kg=nFy=IMH{x#xoB^8tiY&t1EX{#ccUlKtK?k1x{Zz($N z$pe+^+SJ#)5l+>g0G=z!OIA>rs1gU7RZH;mGq&L1RI=$RBRiPsfW=!Sv~xc6fE52r8dQz|O!t(bB29sJld9GGwH{2OD?r zPbwnit(~MgSrPkW1@B`np^soMQ#o}^+*xJE&1!mZv12Y&JGJ2w!#dpjVkGtXDa9W| zoCA;1-FV>RaDKQb3?}_-WP<|7u!RC=IgzA-yiGooK2n3s3zg!V)w6ik(*leU&xH~4 zN$l2^p?pDEfWQ?~;mwK*pl;VfBBz{(7hbG~_={^unDZ1SIbC2oT3)pe{_IHST2JN% z*EDcr_677D&;jkC#?b$v1!dO_#Xsq(WTMS2%nR1z3#Z-2Y4_@pc3mXR77AQ_w{5k- z1ZC1RCK{!l-+*RAeZJWw5uU6t#)gQ+0_W3-7o0vVjL8gXYb5j~I*6CjcQ$`?8_`*Dm9W)izD!o{(}=*&ODuB^sWOi_=4`{pkpcT6gNz0JvVk^mPS z9hvkT;Xb|i0EDLx#XGIXFy)K{?l!fCkB8IX_}pojCU|ACl0|K-rw1%&Q7$s&ERjCBs{fPM}`_{ zpi-qV)vq_k%|UZ{gQF(4Kk6dyi|@kqY6}p{RA49g(2iBYZ`O4mi(NGMvOn9oMO!Wy z4%ozA`2A%gewfhoA*0cvEDX-NI*N?y2h*~c1!!LT25ahqvAkQ1ny)k9`Pz7K-&6;T zpZ5ZaZ$;v2rDLc&{Wx3pbt6uAU<$`yg`&&PMtD@21e=FaI(Bv~Y}PR5-6;>TJ<5Pp z&B-RUZ?&**rz1TaQb``XDaN$wZ1bYVvn{^*!arK5|^xbaB7dkug zQps@a8l`}H@*1jSqz7Y*;(fgMW*q8lPebPqD6-tX2sQ-vf#YcnI!RH4$`bqWN%mm~ zDUxCPHgAKm!F70NVKu(5c?`3I_2{@)Qf{2!sF;6L9Qqtdnvz2bM?FA+*uen7$ zb%zhRcJd|s&eO;Fy+f(Jga;h?n#Wu;$ zsXv|no}dj56PzGe@Qu}!4`IeVY0~aq0+nyPxX3LQKmPm*W6qDG2YMFrPqGQP#0CH+wG1cC)CKQJHpry|*q`vJIG|9Gzp}3dU5kkrx3U6b-^%d97hlA~ zr$w`|qbI?_Lq>e~4JBIPbr9kW$I;vk_L#l&A+DZYEA~2}$GiKgAn3CxI<1~S=e@gb z|K_K_GfLFOV{4N{Q%9VFp6qtan_|t+FRX*|$9qL{`t6wW;CcqV*{~sKAs!t35@pvP z!+hh7Xnp@P>>2X{755HOWijgY&Ax32$ zul=}>9c=iFo{~=N2t9~zA6Mh3#5yQBqDT7st%#4eEIQtXYieL1y|tx<|GK5-(WQ5|sN`Cc5O^dGtXR|3Df#NwNHF{Xb{g&Tf9G1}OY`<_yw z{+H@dc3~%J7D-Z_Ng^KIu@}=@0avB1qP?HBxzsaV%noa16QZl};3Z{H8ogfhc-=G7 za!}w0rQQ%X%C;aApA&ZEPC#?ca$@RgNHWQ9(e&K}_|8J{s#0N};70+gZGMWq_l1s; z%R2U2-3LF{m%;hBRT!fX2Fj%}%;Mkx-n^$2GIt5NX#ZB!ndwK<{)-Xs{&1)&K`sLp zcpb$hWpc2v_$e9WWJjwuSTND#3G`*z6zV1U7*!lr5tD&qx$%`4^emI-*9LEdYath~ zAUTjNSZgJ0zj(8t7GwHv#9k2ZDG<$Bd>-s;wsTAM)l9E?B3>#RSsmzKjdz1}u&`bo z2VBp@B+*(NULTGUfk)w5)&^X0vw{sfB<#rUR{*V0FBY3w3-6>o`LZcac>m63etlXj z$@-Q7sR#Ao)rrffN*bV-T_!QRJ-C#*CLLt|0dw}g#KsS4Q1Cb&m#n$Ydc=cRXI`cK z7|j%v54;PexsOTD(hyt^xsbJ6V12H+33>`Owb8GecLWW6-PnjHK5c!y_i?s9mJZH(ipZ{}rziHvPn;Aitfw;`Sw2iuvK7q zTwDu^w?;sK@iw#&o~MD%w?tI-Gv3)f681l=Wqm#&L`ScL?TmKAy0l(m>G{e&soay^ zu00L?y?wCm-!_3MIEXd3Tch!;HQ-bB1bh5bSnY#K(cJapXq?D~T>GcV%lsXA=flb3 zt23>!+#?00J0@|hMFl8p`2|LWwGpk8RjeTAKQJ9K83NXNkPY{w#JA~i_?jc4tA)x_ zgGDj<&TMf0`PU@zf+9^hF$tawhzC5JNZvQ+L0I4$k}MiY*JU{oleQ~N=^(O66^-Ql z)0V$KwhY!MN?sV53nFMX?!l8g@hXOJ&;Absh)*lAvomPZRYC zM?kaXD_Oi;ogH;a6+1;tgZ^QOaQU%_mOBk45x>^6nFf)ttx=2GC+5Johxua9O-|Hp zeI%IQ+E0{fa;qJE=A!iO{Sa9C6O8yiG#|4Jyra+Hg9Asv*>WdFmHx$p#~$JnwM|T9 z9}a&*CEj;}kD4Ci(!(m9FAsAyYHrjIhFI|R*sqQ4?fwK#|=8}ebmQ%|7>}9ZDVXinjHXzEeKEt4x1Iyz3BB;2paID%eZ*_tSJ~ZH?YJ*m zfp5!Hg#$6F5R!Ht`gNpuO;QoWdz#`ys>y##o8ZO+m$7$_7LBSpjxkrouv2+59J_W* zbo`$?uKZ7iK0UaXHFR6hlL;Q|hoB#poRQ`I!bXa_uzj5LEETOfQgFA~Z_K_f!|z*N zhm%kD<8RW4(E}4ew&5FD{mhiEl%Gazno?2C%#6!w$itn|MDpLs>ELPM#!miq#>@lf z@L%b67}YbD_b7Y7Ck-OB9VZbZcos$_ZMCm8z0ix2nOLYG&@ zL(b8D)D?0Bdky47e@C4I&#a^Ptm7M`86Jia%8$|W{zHr}IS970>1aNFH)zJl)BGJ9 zSgf}ZO$hJCvY-fjMV6wQpbr^s_JLsNguyGMY2V6mI8Wsl>9f~_pAMrj`l3ImKm7*o zk4(@uzHzSqV`rehe%6u@+7W$Xg{napGZX%BL2!NH^&&5L@+EI-&xp>Av5{tVe zV9noD90Dt0%#nBOmhw3Cve2aJdw0W)vkU03+tt`L!iSdK%ZA-f2UzRoOt`1~8D_cb zf%3~hL3dOlVgH4aVP70*;*XOUGkZVmXgmb*LT|>#hvD^5A^%=80d2porbGKPeNbd;Klo?zdsc)k54v2nVYRS^=2Fz_r4%F!kgQ9OsVR`U4JoMfJuj#4by}OE3E-VCw zd1ym@L?A3(_xD1HtO0$K^bu{`u0xQki1N*s@m26*ustFRHwyZ2;Y7rzPshO8o=iO5 z&?TPJn~Rgh2cag;olE$b!uM2xcT+w~U>7UHJl$QeMBGUn_HwY^F;O(ZZX?|Ia~%R$ z7nAKzL`jV&qHy26Fn87k*t+l~23=9c1CzGFL8Vq^xaK7&hYo?vP%R#GXcwrC_Cpuj z=`?-K8otbelLs>pl#&u*!HhV}m!5%M(tBZNp#b+(d=EEwq+qbsNum=ON34|I!-(Wu z`1!|!TI{yxyQ@vA6~@Z(u}fc~?HfPXGxZiaxsT`B9V2)qQxl7K)-r|JC8(jb5B)ow z`6?Vp|5QDKJ7zlEi=1O#ht2W8`Mq%ATRaI`GoF_9nL+R8Cz#H|$r_QZ=veU`d@Fkp zHzdDe*y+m^Og!kXSXq9*B8Sx_7PF>B>NI6q80HDRw3MAaA~`KdD${y_-g+O2E3*nj z8LmHIMW8RpIIUog+e<+C{b7u)IfbKbf&@P|99rIt!Ap$~Na5~BD5ErvKKh^s-lLeP z_*oGsOzk6Ih5fLPK`E%BF%ffeUWj*A9fP5DW5G+D)&)w&+eB)Wn*l_{3u5=KmF18^PfBzPDIOjm|TU~A{>5KNE_wi7~0ruiZ zES^6!k!b0igGY|b@VR3sELY59jz=f(nN2CAZ{coivv#Bj5ous?O@vuQ$hdWk94i2K!AIyHcR_fcwxGOAOjS!yCl3A;0O>h5 z#E+bJvU^)|a9EO%&tBj!=+&vPw5k=#qK){BT*`I^B8Dq%B=zP)Fl*C%P!AXSB5|Kl z6kfuHLMy(`e1Wh3^odr@Y{o$I9%i=pJe1up!*9J|=y;_A{byKmhdd)tSbv-JPt~BC z4eHs08R0Z<+6oMNrN~b{Z-8%$t+-GA9Q-rsC1yO-qhRF2y2~xa{$Z|MZf7R+#NWj% ztKB5^(n)N+Vhb-8nDfHd8}N|cclIyx3K|R-a-B;(_>-Qys9xR=C-raPo0Su3b$36x z2P0f_*JVfDvPI-hAKTHF0b3mx3wL-8Dj%Lo{Dyq1 ziuyT;4{Sflwug_WMG9@=rHP}_&%uy+8ynDn$FGui72TLpSqiSc>OJ z?G0zk(x?PU9@h)ZGDMnhv>HJb7RIoJOQpG0mly9$kHd8zr{lhl<(QRz70%8I0^JG; z#?Jo-Qu-aR{JngRwNZo?sCO{vZtSz0yg9L|_&bE)d$ablqC zL@y6Z#_eu~wC2EHe66CwZyjvI&ZqYD;*uRi=9&l|D~yMxras0m=aYo=YFKGK5-;gA zL5HOoM(qBH1J|0c%lGpzX_??BN;V^eJY#puuaE`dLwU{_O{(v79WT#iG)!j?wvD)o zHaDwqPHHJ$aUa0tFU%vi9gD$anl)ITnt^@tEAh)DU#>iLCDUH1C2$&t1?1(Jpl4}N=c5Y)c_GUob!XY%*&=sZ}eSn2)73q?)$GB&)B=vUCq-k5- zaD;yfIR9|RdAFOe$>AtOPhElgyoC3{{5yDO(s5R?w*?m*x`_vzIz=IE(&%S+5%=6` zfy>oru=ac{e2a_131{C!`kuYma`h4h^`8}d_fuq;W-~0n(_0;(^1HzL^Hu7-+dUW%c-SF$70go`>hDy^Gp~Q^IJh1Z-#+iR0XEGjP`UP3x z9%93H$Nz@ZFC#$zKn6eC{+68B*g+%&=3vF?T$Fgfj;8l_GF6or7``JIt!X=(xG)K~ zS&xF_o8uWb5&GPfjd&=-Omrkn4VPCnpgSMUa}}ytgNro3b)|$oV8QVF_(~MNiNXJ- zFUM~m2MGFF1k7>l2G24#Zn><0`JQ%%d0jrRY4#6X|7CJ@>H;Zlk)=x=9vI_$e~!k^ z;q0)@0O~cZ33t4cWTB7K$dk4R9DdIL?3ZT)JPgVuRq>AXL5$wnNRAK56KU=@ zrK&U!N+Qc)%b0YA%~mkc#uEG6g2{qHEpB!~ou~#G)7pY+Xlv{SC7%{iZ)PXv)@ozz z(sEIR*Z`kQ6|zL`i{NgT300BFBK4>KW3qvHtZZx&>|d6^{uMP=Zx%GGU0)Tjwy6bb zj9sB*?t1tk6DPKJ$tOha6B><5M1G?mAN+0=Pq>i}>kSQ2q#KD3N4`g=?ik$Np-Lpo zEqKqatsw9I64%AVVQ=0R@$wPRMXs?1sFNOo&n}z+bMaNYC>;(jTMmNT?+Mss_8sLC z>qWLvT69BpC7jcDWgDj%!1SVK=(WAfCS1uO|9CGej(gBPXIxvA%DeM zd0QNL?ga+<&w^HkARPPj1*)8E7Hi%51IL~8*fEU{sIFDQ7TwUonx|Q!S8{1^Vg57x z*C~bNXUDV2#eW6Hmoj`@_?0#IF2GbH75cHJ8Al77H-oi{aq{?V*qWV;d(NrTe>=WI zu5|;czOE-^YS)N60>;q%_*}?PIEsO07oa{SMtq`rD@v*PWA|fwtj+EugFRGe(y;%S zN?r_lMYUp1#%oNB+J<9xucpNN5Ys%r2fsz^g>`EOh|kXVTCgG5*EDw*ntl)UB2Dau18=~n#9yHyU|C}&@@^O#Fr>L2IOV0;lxAB%} z@4tTBw(lQ#zq}f>*QbKV3KOS+?+PyEHv!sZ5uzmS8uv{<1t7U&yQzGJ^Z|(S+tfT*)Yt4VZhMJsJ~9wn&t~ zV2PcuEOM-LBi`e|n-)%hq4I$eUkSpw5;jWJZKErE|M9?)bmkrr<`QoZAN zD66f~g=en6S&5y{lNz`b!v<*aslz?^&#T=S@c6oYPpP0sIy8t|v-SDAm^F~2J)0iT zI6-<#V(o_n0hA7HB6f=h;`1XWR7d&%d>bidiZ0)X_V--kG}4i8+Lb^~*l^-dsKKS{ zXHw;E9e(!GWbyixqo|@{2RSFrG3>Y+yf&!f9;0R&dGtK>_@b4mlx62dM|F?D{QGGY(=X# zrFg+}GA{4?1)36(khta*2tPD=rliLW7Xa7HXeGnjEnz^0BONW|eG-H_(y4~2c&A(w zCJ!CUv)DeoHo6vlnLLfs3B_{^RF73ea(0H4e@#aBC;;7ns48Gp}}7Rh)DXOT?yB{N2J%SW1C@9RSAn5SfF z=qR)}I-6Swe&PMs&Q(j2hKjuvN8yTlLQsLZRz9v?hdJ zaaQE3b!EW+;zZP(zXi8+8c^E|J&I$K(5NyJQe`8mO&6a9#qGCH>+m6AuP_=x>kpxi z>shF<*-D-_62ApU@x&xWes*s;IGhY-E2Z|rv{YsIG}WF=TP}@{2mQpZi|%Bpixm&) zu7(EtD!lkp#7YgrNvE}|=;je~fycB*^v!D}=VQfqa}Hrmp9aD3(=V}N>l|8i=ssKe zZxVM}^Bao~gz@~JiQ?)rPnfgpMp$OPlgW?KVe4xfaOQJqXs>*QS6{s+R>JeO^o}O@ zKbXKz2L_VRgVJ1LTR(euRA7QDN0K`YW3l+dJXl-kkL7b0(R$xrl0QWO@6Jj=zY8T` z(KrDEQsc{lB z5X@7mpmOqLjGnK}4T_#)VTBKdJOdv8c_?_kQn!{EHiTlo9f0QS*N z{E_rV^z10XhZ3o9Dp$z9@*s@&yGs6f$kBgOevzGTOyP^bRegH#9LA|0Myt4DvN>Q3 zSN^hyhMh8{mNlhd^yV3{eV0Ve98VK+=F#xBWfHu)?ts2!(s=5wDh*c~1VtfM`0d32 zh@V`~oRS`Z%=bqm{%IR1#J|H$VhgU{H=2$cFK8k5UhIO6G8N5a*yi5_9T7s-R`dct z4Ie;#+j5Z3GN#F)In38Xc-Lj*qh4SdX6?zt-LM+AT*`(iI%6O*q`%r>?isMuG(`VN zE%5zLA}bv*oR>~K0`bN&bbQGa8f4Lk3-g9>g^jJC`EVY3JQ*Q&vl|UJtOxMg7$?Ci zNyjrLcCfMfF*;{HLOI(QNQ;u>H4dIkMbMbPCeW@{8p zuu8TE=4D$@-%G+?s(2f7HCM)ww);u^-^VZ~MBqPOC=-gF@=3vgiSRry2%6OdU;9h}WYX(6qVOim+Ef6(@-xYn=;y*WY8c;B z+Q#mgD^%xPQ$~nCi9rRuWa_(qZ1L9z-S?B>S=c*qf07LSTU5!$6IGfrcoDp})~6Bk zop5k!99dO%2)>T`Lw4osq2DYMe5I_;)qU?k)MP{}6)oPTeoW};--rIQE&F_dh)0egk!QP^|B+B!(QL;H{>_Cx z;l8_YSPjtaYM`tdNAx`}viE6`pphutp=?gF-3xnQv??dNy^F|~RUsfD@F(_+Rj2(P zJ7DOqYdHOi7g(I1MEmAT2n%twAlLVm{ZWyCk#o0$^t^NEmGm0o4`|Q@pMR3hbX__y zZZb6(K7a)r>Lh;#eZ>CIZTRc?8lvo-25y=XQ##86=6h6!5fMgBeAoeYRDM0Zsi z&aRw;(T+M)MO_jCylz8eW)4>lEoK#FpYV?f!#6fJuw&(NHfH%YCMj&in{51!(@qA0 ze!?TMV(~qYyW0urKHK=7r;4O~voxO`W5zz(cSG37MSQuP4l379+&Mf}9&7Mx27)J+YZxO%f{mS|>Ou6x0f82JU403-IzzMDjx4zm# zc617~WlZLyZyM5pnQQ1;**W}G?L68YWl87w>XQcxZ$Rk+X`1XGPG%mbMsACzxNuU=`Xh2Q5%^42T~>NS5YpCvXK+Akq3G|XonVl;fmD{yU|$aHgB=q_qnU~i{Qgn^ zSrPll#kLseiF<`pi!FHRX@M_uy#cwvKnNZ74Eoduu}{%bv{UfOc7J?`UCx?x{F1#; z6{N>MzmJAvzbyI1*0$>S?J2?@nH+NCdQjc;2I1aCk|rSqp>LYdRpW-}ut@?RO4A^A zYc=i+8cyYUrlVW67qrLDhIt|5@TGnc*4VWWKkq$!+Q|=4+a+^QhyfGF%5C)c<-IOx-+~PFb>m zPv5I@DX&_S9;)5Pc2qh-+s!My#Zr?tPgmiCmDb|`El=`5&W+3;S1EQCzQWWCE*!iFK6UMLvAa1 z0#}>OsLI595dPYidRxcgqu)iW8)EUl5=C?$zmV-{7q)KeH$d&OJutek0c?iVlCcq) z7(8waEYe@W-~N!IpSvp2`h59j@eE9ktcO`dMc>g?ZR#P!kK*M zAn5&F4btxqh`wn35Y5VEu*fnU*9^9&Ydx&!vNxshOhJ-9y<|a0d-wwhuA|X8H&cX zC17Rd!b8jE)7VTc=y3Q569VUQm9l=K8LA226T67GFqe(gO2HRhOCWep7G$k`iStKw zqkE778DTe_Rt)^XvWL~e*A5T7^X)Pokd}q_=X7|#`WV{S`&bmZX*`|Xe;kJnk-^pV z@8D913B4#U=;lf`VE0;wmgEIj4|#ACwF?GAPPYNwapf|eGd&7^m(HX4HDgrWrOua4 zog`lAk^nin`}n7V46u8YDRMTBfgisNxyC#X9{o@(__BFCK{pr1?idQuqi55kr<9N1 zSOkTy53^UDBhjd(1U3>q92T$}0>Umq?W$k6Flz?ZKblLQTTI2=VcXzT)+l&B#+Zti z2rQ=1E1)Vpmacj##Sb=|NBapu+W`isCiD}MYMsfa>^6*_{aD%oeF0~Rq8S+ zla1bE#70OQ0VTT?U{v-Ozqbsc+Mf-vZ;2hA`Ei#x-=9Hb&JLn29B_Z-C32uRi&V#+ zVrtX3f@Ix(ymLN+Zy9TZu9F#vCmZsfq`x>VOq$xW6_|3-4WC$#)M>_wZ)P)Cl^Tz><7e~?+!9)0#Lki$0bCp=V83d2NsAA%A1zz(*jy-X6 z=Y1c#z^1kWO#BA%=s$YYChag!GW~#3*>bqd(~7U36)2umX#(#)I`iLWilL-3jT{QT z22q2j(W<~E*!tWYbeil$qL(owL|-0;6t?5XXWsbLX8@0jlb{lng)IMWnYcgH1CAfx z!n!Mq@lUK8|LI{)r(K*uTgpcBlLc2m!|RuLufj@vnyfxVE)i~}&rMxb z__4iJ_;>jdjP#ntKa>o{8wc({Z;BG;)zpD+?_*$3{b^^XEB)G91{>iXDn|)BJrR}g zOW6EfK3tc5Tc$w|ytSZVcl@!)wV1f&je-YDo9WHyOL(%~3EL7!(}PD>@?CPP@OZ*Q z93py6me187qSqJUx7t>|s{IyD6!Mw7CVhenT!i75FTton6PoGlPUp4D^4Iz5yyL+M zNP0MqdS;kWKik=~@>Zny)JQ*=dqxQ_OUlEd7EL zzB?krZ=VzV6^JBMO89$lI|deq(1kM+V8tb|J(;V_znRB@gpiGu92<$QOP1p>zYz9W zU_Os+Or&$~ZG^(~4A^h<3$`U4#nJm;i}}5!0y8XE95+7_m&^9pUq7V+1Kxaq+FV)a z9QR2SHfj;-PSO?|tr@}NHzwkIt2&f3vZh02R?*5eYOpQ)7p!8fnBOSP6VICR#FSzD z#mywxu|E!t6ox^F-(CE9_XJ$i+6$&<{)kgMw!k`JTUNw!apsAaI9Tp3+t^`4kG;Ll zEX`MemPa$j-VP>*yS>2rp94;~l!0rj&tuCGLAjb#2@|z*A;>?K{Y^S!ALN-0Ngqaw zG`vN`d0`)(>M3V`6w6_h-C`U$rH!@iGNC1}w&A3#>B8P`9O{PV*ne_A3YVWI6Q3*@ zJW}t6aWhNEyK7o7eep!vC*1oiXZDF#{g{hm?*1ZW5Biwr>IzKm-7l6r{8Q*~nDMVy zsvvE#4BhX3Sm16{qMox3Iob6~l-dQX+{lF9TK67v*ic9gCg`eLL!6yC)76yZ%1Y<) zCO5?|!#|L!gfP-FTP9!MGt!Q4@&u}ivx9dG{!(NX_1bRLdac3~J# zWXlSfr9zU1jCjv|lo6FtTJmXXFBPIRWXmd)j1)?VP>OiZeYA*@3Z=9Mm9$k#>U;i$ zcRbHI_kCTz-vHR1ISm$+$HCC%MlvsKIiz1ah}FB_!o3^?x_xREm(Neb{&T{) zDKeOCRi6l()S8)hoABTBoKKwE{<_uBHYKEeOx^+aZzX9v?Yv7@iCCup= zjynP+_@hrJSY(`vU1(4!gx*)OwQ;S1wiUNf=fp80c|nse4gE~=)DlG^uP4MS+!dw1 zhC#l`coI8f98S|{6J6g}##G-~=(b15``Z-_5f$idvW zpJ4m)A1U9g%5&1*h>UfmXwXVY=+gU46i07_z^pK|nC}M{?{kP7B}U1(H1Q8V;U1hd z7j`W3p&ko5(ZA;uE=%pjLlY}7L@yP(R)xcvr|NuW(QB9%V$a3|^kYR=847J2aei|H zq~GvE(P0mqFwqv>hKCTtC)4m&$RPYQD@W8}@{pa*Jcy@`-i4JR5tybql))W2?sokQ znk3la+Nq7Gtyc`^<8s)o4twsG7z?j#2T)zdPOO{T1**S(ic?foDC?orx*;CyM{Xl8 z#6zgv?G)H^Di@>YCqwtExpeU?S6Z{_J0$rgvPYKEbX)Ep@s)o$IK@?$K3LSpenK9IJAYw;!+iF*^p2>dVJsN@Qli&4)M9aaG(7!uSn$1^WGaFZ?fhd^ zD*0nGNC^z;p9MM~E9(x9KDnZ&#kMebkTf2A`wVB>ZUT`;IE#@^htiN(?6?;JF*22K zx#cwexpoO|$dsV@sQ<9Sg0aufcM;sHi)O0|pl#wZI^j(u3pp|oQ%eWXDc+gn@#}Hy zRM{xFG4Lq{ZdBmGsD<&n`|z@&9{kN~fe$$&F=$yU6i@s`4sVR$%04C7)RcuIw$wAD zhDg}4?yvY<=@Sy5Hh_CYkEdUcN8lN~ZkB6&3|$U1;gVfiv}?s&ZvEK=r>@xf40KjGLoRdjvpO}`xYgBR9F@b7*y{EBclDOs|N z#+(zlJ@QXkZO>k|zhx5nT6b4GC*%xyId%b9>ORJ!T9@z#K4HrHI?193{lt0GRNk58 zQ+@OIBB;_EfjPGyf%u;$Uz|Lc-qDh#dQrA0(WwKX`%yUcV0rbi;pV)gXDCi=e@|L$ z1Sa8VQ*8eh!1A>JgU>F-LesMvWOrP{Wmo0sRi7M87JtWA&+iLfqN!BXA{e4Pd}xu> z3;6OO5Blb=BJJ^!U@_nw8}~$pru?;peT{?YsC=QT95Mrrn*OQ&FuH;H3>(SIQ@U~2 zy8g+vS1z)n66?wS_E~T+(hsZ;4HLVcaTjK8dCV=m3~c%iqq^x*(o-RapUqWacJ?Z4 zo9;keEf0%7>Q{=b!vBHO%jM8`PXZRti-42!Jz;uI2`c^gfG+AkiB+z^kZZ_*?SaZ7 zj~hSWRYW`d*C_OB{O8kw!x>1YM5EHxcdWa&9Bn?Ph|aIg6g=Phy!ntPov&0&rkD4z zTl4zaxYt%V$0Vvowr}n}~gTM`KjYV>G&T8r`H+`T0F@Vq4iKa6wX$ zt6ozSjUTOt@yQ(!Tw{wf)lx;V`>wDbAWi?7UWBuaZuqbw1_uf+xjkDNQF@07Xe@dQ zf4{WZEofSVRwXK2)k%a;d)|=XKPA z(q5e}!u>NA9Od5O>vaK;k+YqZn{7iPHJ!KRpM-Y~+tG)0kkYby?9<%`Oh&B6-~UR3 zCFXi!J)7Y~cSbt=nPLm$AEv^ZvV6$5N0DaTJQDQ59A^-3njxc3bG)`-_V@(wk(mg! zS-+XgpZmC?=>YVPDI_2L)7W4~L#7*Chc+3~bfr=)tg=|bLZwFVj6w^RlHkZ4%nIPL z=`id)AVEaS*ATVu?{M@$4cZfV5dAde`O*LCvGlzjxcMma#U~4)M$4Nnl_`J*?NoU3 zyBXbV*J4zs1V4LENSNHv0{^|$EsSNQ@@h%=<}toqfq7^)sR> z%VJ{K@|-BfgrmXnGw|=jC!%|CDqNZ-%MwGUV7#zn(A9hi$u7d3THaK6?`soma7#LutO3IqVkl zG1A*6LXNOgS)+0VYCNMsNyz8VwjGBz9~Gh3kW{j8|9%?P5`^+ERhWmc`yBUUGW_hd z7B_0`#h46ver91d-X1duf(m1y?|KwYo-zyvsdu5@hlQBDsZc~aN5c)Jk>EZ5AuNmC zMkO={pxbg?xIal?KkbQwF7aX(O10=^_303+HIC>F<7~ilF_yM8fX2R8;)LYsAXPPh zdaf>lD@l{dDK!~xtB?Z=?FaHZLCZldTAm(sm*FQL%A(II;XEMp5E}dJNr|%;T`n<^ zjeJMAUcWpYz1NLouJ@#BTQuy3#8*JnMk}5@D-BYn$? zJiT}qSru9UDMtV7J}M5P*!uz+Pk+Ga4P$A@vwreok_9bpz5xRg<7m^pq5S?_Q!IN? z3Cg!rMeyznd7KmnO?6^o`%9Ku!fLEnbj49a2IA|R*|=eZFynn?#??ahLB{vb;sI8k z#OmKje*Abpyh;|_mJ=sHX3q?~zOfvKqE7B2*VzIW&bUW{ ze8>`^j%PFYj*o)6xIRocVMLQ+25_Ghb!66UBP4EKu>6mZ)jB4}%HQVj;K{aJa*+|g zw?W`xcw}Jvi3r>p|ITjHowp#fcr9-7mFI4HN^oslH<^1j0%{#vQU1aYyfSGJWh$~< zLrt5`vNz$wewgFm-N(Uv^<#2&LkEt%GYT##ogp75Nuk7g8$7kXiRe#`Lz9%fFzaUx zam?vr_8kH*%jp_U4x0@6M3GDxY{WlwMu|*@e86A3&f>CNesr0)oJic;fFH76kt2PA zOJK<@DC#|k1D#B<%eozRd}ho%+YO(tF(ZK^MP%spc2P_9cJ$n+%sgK071bQ;Vf$r1 zl1W1kvjeYnNXSP^e#Y=~^_AQ@)~NdoGA2kuSjP}*Auu+&5;S?{89hF6mpfG*p-X4( zol9O~kx1L36n%uQTH$WNXRtk%?XTS-T2-db6h4`O+P3PH+0m_Dz~jD=TNh;`}-wJC@*{4W-Pes0)Tx`eVns&CE=t6!zIKN9mXb zl=1Dr%O--Wa=sob@O=ss|3zZppt~q3%&|)KORL?+CzB^Dl<;c!emE-Jl3 zcJ3Gm@BUPi=wDx<^SmlAIX;mMv0RF4Mmu6dqX@V6+u)r=!Ehql4~}}TBj(v_S?4wl z7CkouyH94}-d{$v+spx$C0xVWk7ao1)CriZbB=tTn*cG3mc!)(lW}I^INq8*5B9zH z!9klMsp0kmn5aIK4qp)hoxk?t4dY~S=V~u7lNrwXr1r4QV~wayC1C|N%W&8;6Cp1q z1+Fp$M1SEK97(ic*n_du$>$vOhh0P;Q-Cvc7oQ{k2Af@^>8}ly%o&$&86K%ch0NjoO4}GK)}sTqQUg*h28)LI_FO4R`)N!68eh^2h&T z@Rze4cCBdzgYf-T$CcKJ%r^;LKF`4{UQOuv>Fg#--*)2-aWOoeW64IQNbpx`e~7!C zB98iUK=eIj4M<+|p+w^Lr14lSJv~k1^Z-j-sz<8#GQB2d#dB ztL9w;yof&zomDUJ)H4;nQ`R0F6n8>oNG&Y!St-g7$b>!1C*ax1C%|KrBGp-509Usf zW6iF6tVV2&9tlAhusPZao{Hk}cjmSA`6nDfm*PXW-mdT4eg)UesGvkA`-_J#7C#I%Vo`c(tPf zCk1VWp~^ReK7th;7h%Fad9H-wyc@7_O%d8ZI4;ts38*==K@@fI0EFoeO~y~;GT^&e)%TP+sE3mtKp0BiH#hb*e}db@{`EbU#sEU>S&CA5d_1(e#MHr zjc}u4FR_;>6q^m3j(4=|Y4HwO9#wh>tW&0=tMPv{yUTzcFo=ekdcDFvbut`{mS$3^ zTflh4DEd*?hUR@osA)L`{pY$!-MuL!MCg-hRer}0Ars-_z*JZevtKARWiCqc|!b{hj6NJ6rC|{ z68ouU%cM+N@Z@+!EEg@t?;gQybdWWKL|jI9Q3t!zUxZ`6O3{x$w`0h?!w^J@;lQSe z5TZ4Jh87vn*V9Ac_kvIOT*nyS?6&~*!ER_j-HHBbD}iJ_2u6Jj6d9FnAjdDp;r8!T zaMHX2sbR|1+cgfumz@R-QSdaLTZ^ao0Iu>@mnZ$Kh3CDaLH*)zzSRFe`bDK56HWq` zwOasd?@7@zrSqs%;7C(GE78-oT3ji8C0uLe_UiNE}BRu{0n;Ci5@%e8QSWtwaa5pXiX(`U+Wf zb;P7Dl`bzU6y0@g#LDH$e37~=ciL|P8@E|N*W7V*YGpS`O5RJ%zMg}GDDNuO+4pg_ ztSX=JDS>2a*1)uZmNef^hJO8X4R^ep3Jv{!WV!Ghc-j#HudP!dXJ@(i!Vp(nPy}Fn zOdW52eln4fPD1ZF+tA&& zo2dp`qE60Onsn|cNm48wr!aV= z2E^8eW2$u)M5Rt*Av$X@z9|G040S1+s>0v>k)!23)!6hVpRG6;E{-3(2Of#<=#TEB4eSjIxXcWBlXJf>9d*qw{st4mbXJ0(AHU!iK z_qWV02l3DE!(pRT9eAyYp~H5?vSJ|mR7`~PwlIg6j^iJ z8Y${neGr{i4Wu<*6X1Kze8`f_$I(XWT*Kr99M9TV-T5K~ijHg3&5Pzxsf|CdE$AiA z+2BK$_5Fih!;d7(OM(r|nZwFQ%?6f#jA`2|aq4#n{mVE`II>dos;L*2_#F^>S9YXk zwHN-8nn#MG|HC0<2DD##hET!r%UPGz1931-j8~#M4!XT~tm~bYG+>h>IGXH$IMYKDtt38MZh5zS}`P$TL zi;cjfZAJqX2b}roD~3K(g7alETxaA*eDpj9svURX7S%rdaO^6ZePse^3}(>TQ4DuW z8B4s=!v>tv7u-H#STubN)=Ue7{i(;B}P|ZT7OFuO#4l^Ao{2txK)^$U5^14euGI&8-ia`C&8eoT=A-~0~qTy z9yaQfpuC-txGOUPTwWF9EgOIGENUri&g`qMjW`Kkl+I#}`FmK}JObE41yIS%h3nBm zt}cE#j^z9JFm%Ef{S)nsgzQ&T7RRS%scioQ57_581a97aO17ULLXS(fvw3m)d~^5_ z$enu*I>zO}{%Jn&{Lgy0@$(7`eKj3K3r>@W@B~aFBhWc~t*B_?X=wla9{UBqynN>| zOds(AoV4cimj`~~+QG|koW^~@Ij>4p4;AA`jY3$M>IJi8eQ0C4AsKuz5vI&Kh4O~S ziG=-Sz=NB>B5eU-M}_Y5KqmJwoag{f5b^;t~asR+mWX5bUs#b{+1!*v%JklQ{2|HpS2ul)7|C-#)GGk>d) z`IcjLh%mp?OhNS(WpK@W4oQ2to_)Fg9bziZFy+KrR+uf!7^isSssE(;)%l@pZMHB| z7@-4FOZ`YloGEip`ioNUoY2+iEAEWFN4_bVL%O64L_549RhQ*yzpOkrP*}pP+NM!f zI+sn*SVNyKP@u_E&*A*nR?s@s0yK-1__~h=S?Gv=EM)6vc0(=zyY$q^s+)D>h`=ej zEL%-%qW)u+WnE;guN^)<`2xyJ_v1G`;Nnf6#nyYSVTm+dvkesZNLIE)n=@K2T{>OYY0n!_X=pcHR95+`se!)r9Z=O~@;l zB5>ukQhl(4jG`z=TRaq~UBhj-GfLomY*eF9 zp48z4lP;KGr^ffqFu*%hcuo~B;w|T%Lt!|wXTiU**6}{8d^?lRnk;7A)?od&6{PxYNKJYs zT)j{R?axBdaIZc5F*!h@w`kB;StIFO>O|eY++^{6$Dl=Go!Fp85A95YPygJb&d_*_M7QH8iOv|40y%pWCpJXv1JR+W5LK|(b~NN zD{#RFaPj|z_)G@v?b>ndZ%sVfA4!TMJ-|9s_)Sz@#1sEC=zy@t;x%i(Vo+KJC2fGsx!2vp|ps*%?}$gJ_K@@cFnb|2eo3`1AJ|qS=5~Q<_oksxqH8cQoGI zbdmH}EXIFVZK3Of8Rw6+vAb_KCZ~<0A7e-3`ubnEY1dh@Ky#e<&r(O8?vhI0q}?Jm z7cMc^UNvgna}T0)5!URU3=d5m;LRl+xVO%W>f7$Yx$Gch{4vA_yC$>PO^$5IXA#88 z7 z0#$NlqL#(_^z@_GXtCoi&NyJoKldxp=LcJ1_Yqs_H~I?f2--@&M3sZ*k!?76+6Wx& z;E$L69q5i0NwPFI2Pc_25U;Zb;n~=+_+#4%SZK5a&nXDIbjyD%`P3IE-28(`UQ2<< zrzOmxs)T8GP`=lF8#KM|#@QZU;89p3yB!&UPo~^v{p-)O$eTAvl+1bY!t<7JK~<8z zpAk)OPC5mX3KYffT#HfD&lVP+G=rlmE^PApCe+>>B(Q$8A#a-+pZ_2oA}zvTYC;6` zUOm7XFRrAgyIgodlOd1Uxu1ki5cu4+hsm=Kaj0(C1?eMtNVdgM96bIM+3LE8wgtDb z0G)K=e!`6=$2baX;uxI0Nt?T=j6|h*1#sb127YUIL+<5?`?n0kO!qx7RNN+V>>tLv zb4rMkaymj|4t$%wRy3t|qv-OA41BaM7I*b-0k5`8tmtnZ7=5}gwoJQ3*4Er$GkP*G zr^JTFT++jPQi2C{f(%|2xCa*>N3-b>2Zep}1vGz^K}t_l;MD`4pvp-O&`FIdRsme} z6Z%0pMqK-NB0i}Z!Jm&d!qN|0pz6?L^7M4Rcvjs-GR;Z#f1H7%jV|>;lbic0#awndX zNdnX0(QixGxgno)x(f9*FI&vC7K?lKZpWT;LwWzV67t}wF?|0qgcywUf%gyWaQ&iT zD0`tDM=pMj*}^?)ztnyhu=6J>4Y1{Q>z1*GNBXe#(-4xpQgB};H!w%x94j$0016{7 zfmKtF!0;Odc6STOs3)qt<5L_y-yV*aXU-LN$VD*zUK1$a_(htV7jjqOT)ArYRj9Z) z25&tX$}`{Hgv_(^@pr!t#C$k`!7Xu6y>27?aGn9a0}i31`94(mQ3)xO$7hp$3W7q8n2v} zfXM;Z;Mj4YYmvAOqZ5lsN4PX}_R5mZ3+ixOqZu7`X|vsP`q`wxn=mk-5f^-Yj{g>2 zXDfe5af!K2AmJ%TBWmi{>E|b5b`(S9Z=WD`+9%<2R6=PXJ7KHViAkfp!N|shHcl)@ z*lI!1?l-)C8w=ud_pr=!FFEQi3FbDPIN)wP9_2Rh#a@Hlj(Nj2Rr|t&bGty+)PlcF zepCHgU<>G_oy6<;vYeMq5sk?j0Qp0laOI+9(0V@w{+_x(LMy6p%$+d+qChl^>=sSk zbOPe{Okk6@SyGjIIT*V^kGfc0A^ie3qStLX!fK9ErpD0aI2-Cs6xfnR6;2J)$-d=* zkn=^DDesn~5+WDu-?EfzMC`?_$sy$I=~bxp;ySF4%!D=m9{kO`qrzEn5BSLs!%Ke{;i$M&w){Mc08(etUuO?zRBMVEKK8v19S;2mf!Q5r%G*VLI2%*W==<7ZXF1>dH zcT1s}1k7RQq48uJxhk~9q{bkc1)k7A-27#LuZsMpmOUPSYY%?Jev6n^Zgse zAJYir-d2E)88uk-xf92^)S^UP0n&Ggkdk5`@@(p7*Bzt9Nf~8$$2(87K_?M@XlT%m z(JMjXcRuK?NPy1a8nkMRDsSr@%3?NGq5tI^@ru|*&^lI@|JrR%tMpr7QdlY!M9hVi zOCsRw?Q|S8T?V(U?hrd3))d7yzkn&q;Z$c$KNKuBA_KIF?9{VXp_lOkko%|w2k$;& zZ&VEE`tG|>>+cU+7mvpOB&yNg%?uuE27~B94pg}er7hdELF?2<>^q%8{)h(BY}Jdb z9(>Gs8a;gC3R~f(P3NchW5KG8&>g8j<&^}cU$ZceFsO$GD)E@> zw+&_+Ji|o-15V}iVX~spjp`-6B1)QCV3X~|ZC*r>dZ|UiPI9mK)gckpZQX(u0n^dr zoGT5rG^USEJcS|udBFOZ6}ad82(We7i{mWQVdJJj+|X1JGYlt_g%{$$_EYbmbpTiTQomqgEYc;SKe_L5vLAg%1*N*J3?SkY%Fwm z?ttd7I^5zbO%Hj@puZ=4!_;{N2;SvBooKr5Y{A4m~6-^g`E1-ZTsj%$qU5v zzlS)#%wMG45=0u>9)shELTE^6XVH(tNPFM|h&+A*)8zcoFwqs-PMX8uE4r*{mzv%A zZ;|*stR6fAi=g;G4mKQ%BCGuBtCQZkq2Dh8-mSttbK@$w^mh~&$@x)@4OiI(MIRya zwWB&ir$+GlC9=5SmEs8-&cppL3cNkporb8n!0V&mI_?}gkQRwmpd#uek$uvM61y9*zi%EH-s}z2WoOe}jdra1 z*9JKH4TaVnA!Xm+V3~b_=vTKD8FrlTU4|<7aIP-(=jU*E`Vb6$A@qCygoCR)kdYrw zL)V%x_LdeH%DVYt{HeFDbHxMozr|9Psg}&L-X)n<;(7EG%&=49 z>))J(`O@3*^uIGOt4bP%T1Z3xiX3!(?aT*`6K4NXW0+h148lA%iI?Y=<6prCb-Qv1 zEs>LD!=7GZLplzFoyjna6aK5EJLj?6JD-E?FgMzkx10X@`5ztOS;5Xe;5a+@H1SZs z2hArPIiEk7+I7E&lhUE=;#Duv;qTsf5XbYWF0Y_^gA0_qA?!H)4vsy$3qkj@appBE zY% z4!w;9Zh++ueDh9;`%l(F#SOPai~9>9?JU7#??&R!^f@s2$6=JOyAR{PK7eUvRgmU# zL$sr!3`@m^uuQI$bZk8&WTw4w=|vlqS^tKuSLq@_Z(;?G-5YXmemHiHzY3%C&BV{w zoQAX;Qv6)jB&v8VoY*)mhM)76kb`&Dh&rb%!MsP$(P`^0>7sVUOrfy?uQEs{}@j(jhc)og+33 z6kKS@M^H9jUp7z(Zi~y`n*X);NJFEQRaK z^2OemE;xZBSWDs!vT#;0g!bg&#L#1)CNJ#JT8bgzN;bTS>%yIK{Uq?%NeKA<09H3R z!j+>TXkPeDyk2}6_1hh3jr%~noPP+_Pa9OP{-q2zWa}ZnEE?yu{=U7|2=4i&|#S;Hs6WaP4?5lotPCM%L+2UO64& z{+q*1*6Q=X6}tFGt^qgq*wNF|u42l~bs%NrNk%PE#f8lR+bK{E#Sfh6?T^cZb4VC8 zuAEC9lNI=nea=+pL^&$9PQ*^>M%UTnrfb>5t{l}c3G(VXXlv1vsiiIrQ%G;SP*QK1t^ zr0Z0A$GVs;xGKf#W=G!)4zDfcI6%Hl_L#Xo+F?qAynwVDYgM!{GcGF$AqHLax*t6OcZO<>l zs}-8aCrMSWQ>`S~=@CrL;uQ|)ZbFl|DKt`DlG~|FV!H?ZgPq$N*O`KdY4Szf|!&sfUqoD%@1yKshEq56k8+{e+X6s&)IgYO zI0TE$-?NSV3>{WXrI*qa;I@&#zWY6r9h^`Ct99;)js;%>%L9ve^WY5BE+52wPG4ii zf5t&{=5-h{(Ga%vd?tw|o7k9rQK%!ZuqPzmBi~>Dgjc$WkgU3fRc;wYuAEnfveE6; z;t_|j?}Qq4TJj2ic^Z@do@_<8In&_uwgEgK$Bbs@*)!+&1^jxT1DRZKguIrzkNeL} zWt|tN)9=^MV^MAa_TCiOgPpBxc<4FwnRo;Bc31C!qB=m)T1;?E^;)i+`c+|OzEcjjt z%QS#pe*Ff`pX;!-|5dQrJ*rfFQZ6*etc59(+i}kFQP6R4BHHv`0p-^*5T!j{;BM73 z3#kMi6Y!X1-qEBNv-}_{RdCaX+VTT@Ahp|Yl|;oR;exUGDCKL-BUZW5ymhAnhkA%?e2_DJX>hqvg(~8{R z`3NT$jp7llkJvobXCP}JP2X3V!^F+TV5pLfleaaHY^RUnpw^Rcbn8VTK1RUWU>__l z+Q8=ApGezKk*#XJ&OV0-&+DtUTz6mxTrMqVDie!PZOcN?Ha-O|vpk{i_Zf7Hx-5>D z=NJ@a1xNinam@=al%J4DzAKxe`7>V(TQQz14xEFTGgD#VuzGy)?*`T=NmFs83TDiA z#8Yv3)n28KAkEx>pS)0j-idYiPUa{Us7leee?{=eA(!<$18k4Bq`J@D$muvkT;JCw z+QVMJ=`p@IbCm?0E{fuP;YRd9Ts%aJ52F2I64T!|!DDiAl~VUUKf2c&*1qc=uYF z_Jk4Kq91~feuqI@{90j-L2#N*0xAxT;=?2*$U>u2Fg8pZuF*lvA*T^KXP?1CKa?Rf zZjrb+_!dB(m9W#lNo0-==MnESapBk$9JH|#Jr7?;?=LxYc=I$m*!m1OM?QgtmUqdt zNGZDd?**LmI2j*q|0Mb?oGHg1wB#dh4WS)&&bT+R7reV~!!x7(~E~_t# zSA?!5PcF%$)2-XYe&R^zIJ}dt@a!SOEq*h+sRDnmufWFH32^%3AIR6cfa{|kLe7%E z;ty9piKBOqhTX~*^xs~6N`GI*{Dm7}%k72qd#@pTxyS`H{H=NSv0b?Q>UuQuO$W{V zNFuw?5SPTfXPcMA3ErJN7`HPFC!9Np_NA`qxz&wq-{S=NbtCZM>jv?hWq0wEoeq9! z@?-L~T0E-k6v=-0&PU;a)%W1T zmUU45;0zXKKf_%Tqv?W>gIK(`5p^Vwi1_hOnDgNmD~!^i26?$8In*EX8s@;rzY)yJ zGXYmD9mu_Z?q=P$hGKw>45aM5MT{K;lUb9%F#V8ZD^ryRNe`An8N6fiqxM71>2`>o z&5x95`yni6!yt-C}?Hk*-t zefrAgDJd@~hUH;KRMWqiDH~4_yi+ZZySA1&&y%I)b%oe|dNJ-Cr+|&`2GARGVpz(3 zpfkpMVaw23kw!!a9F{D_51$W!bLdf!Ix!fF$2#Jx@-a<~yE;q4%*& zxHaVl^EH;@UsDwzAc5g7nSAuu|0d)pgQ5I%x}E10AU5yMVfU;1s3`QGci;45R?C}# zT(Y4@pEj^J%Y?4vE=?Yka)5QoCBojN3e?p%9Hu<21i#Z|;5d6Wuf0DHZwIN;I2}`b z>|TK1HE*HB4PBb4RRR}ZPr%_?HW;yD4Bu%PW>=$g7+bv3aKwT!=rwYSx2%PR4w+atE+a1wORj2D-Dn*qo4g28Tntw?uX5}4FI#BdswgLTj}1(8mlRlfK!}kIi_d z3D-yqF>7B)X1lbUW ze8ghBZ?1$_O8%fl@go+zwGHz|KgN=MiZsI>S>cdG@koii5HKqRg_t9~A|(T9p35L^ zpcW0U_=@f`4zv6DSMb3K8*pEp4eI4*n44N4Zpirot4ychdZi{Z_e3=0Cf~#CwQ{^Lyp2f zt+QmQ(+{}b@C3eX2t=Lt!Qd5o0IfFtN9Tuzft31P*0rIHEf1N@L%v-m&(gmjd71@z z-&Fa+v=XwD+D1y<-xM zV>XAwz7gRN_n`(%sS=-7FR*ZA6=~2}fe$sQ2Ane<;(?$Y5LXQ-8t6lx28ZCdC~Y!0 z2+4wsN@kdm!N$(dVeT`-pi@>7g1rQ;S*|L)VDE75_s{J1xgr!5))I509##|m9zvQr z!C%(^KHs_k3)1}PwK8eGCw)17555ViyEnqcq=SM7axqq#C9+K|Ux0DNBzMgMnN^h5YG)~Te3W0b3LN{$0B4j;=+ z=TIoVtq-Y%aX2+WlI~PJ!SbJ&v*EM}kMEGBYqlCk^?J{U;lcqDr zx!|JV*8skx!F!b+oUpKhiW8{(?+%#J4bbWQo=td@ zA^v&&0a=snjbX!WVPaDjpEY?MtD8^?CmuF|0zLz0!Ex+u{Z$lnWFlPIv=XQ9k)#gm zbpWp=!x8lhaCZ4$Sfl;|j=avpD~|P`EYj!S7rbC|g3jWEiijQ_=8~ z8Lv5X7W;G(;P;1kC>`a&Kur}l!=?s!=AU@QpH1Tb273RkO7 z!Pc8m)kQffu&r00+slqYNy&A>om~}-TbtQ?;Sz3iT#>H%JA{{3NRhjCAw0!$03Uzg z4o=o`!<+4@!sm1h-DWcqdtaNK_)vg{oqn>a)?0#~{tqc#^~eMT6>ZU?J96}a^KKJ+xE{W@V_`zV6!&R-(*^Ct`Jg9kA8u^*I- zeTX)r^FZ!&9)9Rv#h-^91pBpdG&n0Oqw;tSc2hJ82pgKXvZB~ueT3W<746LOI=)bXB(PU4a9jg5AGfE z$7z!u;K_MvbctLFTH6d{`S#BsSjgL~`aFp@Z5#{rAKS#@*#}s4XA%7Tc?HMC%hNlb zbJ>7D(tLMsyO1+1#|07o?A&gIA{%XL`N#}1Bc`CgrSo~7uuB>?}3qe!2Oka=}Kj?$OQu&#AD-zu<# zKmD0YV3ajFzb+TQ3m(pOa$;ff3~kKY*n}NxUPGD3HJo+k6sWAf2S&f1qlw%w!7)sE z`MHZQ)aeeJ5vTx<&4hSMeI(2A`2tEV0$XiqGR~6|oJR%a{QZk@)T!&W`0APCP+uds za6S`Uw>Ay7tns4q$|khuq#hX>o`xsXt}&z2g|Jp;CXI4`jmGi&xx4aW^62FpIKI#u zPDoy3-gmw;=j)UBz}Jn;=Y4r~o4FC3td%0{X(C;-2|y}M2d*y~OfR#?n3t1JynRQ5 ziH0@J+pfl6JhH+c7ftAsrW5$13{j~khwpu4fnPL6k}-A@_>J>2`1{xncs|)1$cCk) z&r;~>{YhlC23pvi-U{(K(RgE)z+r5Y)wzC?-rhf z!7Yo(A(uPsSx5={5n<0iIgX&;6Hg0%ouTw?&wlL4N+7Pw_hREc;k>u83EZvUv%cO# zFp7AAx0(~(l%j(VmT2&Ig_C)(=6}5Nd>I-aiV>WFn_1B>Iezcl57Zqv0|z}s;?%B8 z<)_O)k2`_F`U!O0g)!juehU3D0?Fr-n{j&~;qb3Q9==RnNf)F|WcP(Ga+v#m_9N>s*iIUYmhw@w zYE`7*Y9{n{f-;xepg^n634P~P0(X6LIaEhIW-S4$gkRz#v~k@x-!>Qndg+~-`^@Av&)NBBBw1dj|B zBX@CzZwK2!uULXwU410*L#62U?D247@fZyB&J$YNqam0-0G;K>+0>kcG(_;vlt?v$ z4|_;j2FP*M2e!2DTN{({wWRs2N3kWPQ(#zZ08L9v`jWn9vyKWr%IVW-+sX`FL8h=- z_cSqKs_-CawH5~^OF_f*_e^bLA+(&jj8tt1+xSq0%G()mbL%(kN!c4PoSIMeYn>oX zm%`BRT0a>!--|c)2SfD!6p;SU8(Q9)@cQooMEAM}e8{-XZspd%^u~d>Lqh}i9;{_G z3)_Tl%?dbsZw{TD|3ozYyCi++!Em$EMIl?GMxWF>f__3c+-yq0Z6lJvS?KLdkjfH0 z{yoUn(YFP1qz2JZCpS`2?nIICzfN}GfEuRU5x#RHO=;>14O(-w2W_%f!SoTA+3R^8 zAX8NW+Go>PU8NmdyZni`DfeK?7X`lHVJnmlNEMBkzk$5(Dq|Kc<=`nJQs%g%<%($?N> zSiIsr5gWw7=tX(rbe9?8IR*;6R-qihF^_p$kEU0)InYCex7bTtdE8ZJh-r<-Z6(TQ zP?wt;e5a`#o#-!($D29%dB~PY?>>tQ;)EXJ9CzMS8-ZU1vUYQlK32&4!dcB2JY1~A z7q0(7Qj7Ju-%5E}A5Z`jtNeMOz5$)Eekv|LIsrhb3|2idpiLI%$j9UF*sKKu@O^77 z=92Z860{1v9iC&yS1-IUUzvLy2xO0bs!`(#H!S^h5T03;;vI!bk`d}bXWob;YDde# zPRk57^k~s@+GA+t4oSLtayEEqf5y+7{OH+9=YZW<0==b`kYe_g=oZbRaVrjxtwL@s z;wy#%# z|J}PzB>Su!mO8$JmuJhMfOW%T!CO4mWj_8acn*3M(zH@LktMlhz?e;1w4?beDjF%_ zhM?sl0S!Xk&iLS^TZUNOx{6B2Wn$aWo$O>>1G_L#hB*#)VJZP24tT2_U>@#xlYrXWo?)%}8FExN$@bLKd@`UuoEeq@PfKe5T-mSjJ|2lu&jiT6DIXIBWckAI0j6ee(kJ&)L`_7r%w^$^5O zm50$sE@4_g0?rW55<_O(!l5gLvr6MRNLr@MWi~b7z{R&A)7PGtcOK*OV((#Jy$YK= zTZOwCOEQPPiM-pT5f&w52Na!;aT=QW~qb~rsS%aIm* zPZTXWl1kSXpA&M+23*0fpSh{Nh0Xmg^v~xhwEO3Deq_8IEBR_ni}_y6dS8eh7hb_> z&2R_~DG>U~+Eizyr|9Z%CpvntCGmVV5 z#}qTW;%>BiUxS19*g<|vF7)N9(C)3vZU6dCV;hDmp=Y}au9>}@Zqw<*f{qlHxpfar zcU?$sjIuA9GXA^hN`ef2U(*lorQ|>g6#?uUn9Df@?pN|h=sKj)MIV*X>(nRVjy09+ z>53+*=WOWKB{R5$`%Y*(WWeg43(H`kN3{O_X{^n(#+olr*#Y@N)Q~ubZ`IR@=RA3s z_jfJ)JcOwB=^_*?TgbZ4Nb*5&jYYB=M294@ZudDFyK64aG+8SenzV|zei8Z#bOpOK z?hu}spGN-ev4P*`&SF(`7Mu}!R;RXJ$8RnMbj$WACX@Xe`?myw;%!}?;igCLu04%6 z1Qtu!`YN!r9|2~w2GBv~RyykxdyXp_ZL`%+|pUx(ag&R|m zj2t@5U%}PCti=n~H&7`>ho&WE!r#sd+&x#0kKQcLpF9{$%a8p*1wWLAoWthWoD@b3U5PgyGT1>V8J zrM*~w@}$s1#>m=d{QAK{IFe9%YCKYMYxJjnSrdE>L0BJhYtrVQ6*)Yd&C75;N zFqSSk2W@kT*yTzU8qwPgVf*!Y$B@qAc}w=A-E3*r{#%)cm!(6_n>d{FC>eu)5&mS0 z1Wfu_jgsHCu_V_}Oqd>pvqu&}!HxMSnGlNUodbFIj6wW*-(S(H*Trz=pBeq{i8h~; zoj@-RAB~b;sdz=L5l+%(P96^#@4zS9Kl`%bY3<=5bWejrvx zPv!O-hSQxhtYMPCdwldz40mNCxaa;J%(k}Wr*;^#3sDL5uf;ezS|rQwiTr4gzyQ3i z^bCy-+tK$@cWvh%KL@)OpB6a{k!D-tWoX5uef-${_xN760f)^zK-cb8#2ZrkF!bJT zY%zU_!NaD2_wqAr{YVKeHMP3*TWe#uhSxDzv`(k8)6}_|WF(|BE35BgL z5W1Z5Zw4#L{EC~HZec+WPF+d@&TZmxUg|tQ+J@|r9*_M?CAh+%kD!nx^d9;`$)^&b zlOOjG(yC7ouTOKq%ly@p%+p)w)5ig*+WiH;TdC67KkG=z-HUidA*p!v-0MWa-W1Oa zR>T&?^>qB(L407j0&moMhkFf`Y2U#{vAxC?JgM}9tx&m%e+MUvE^oTeHn>eejS)T2 zbbKj^x}VN-b|#8q#<-%Nq7;0MvEpS0_pz;6lE+9mVDkGS7&xw6boaj{G$T}s>qiMZ z)M-ZiS&ag>GIHcTHw5m|z#C*#X&&f0OyLDFvV6*-F6MP8m!#wb!gSRd_RVN2my{}l zDQ?r~JFtRXZyw@>l5Xg=d`~P7&f^zTrm@)9g=}_aBO2oqWQPV1j z^!nY{c}x#A%;cbd{yEruY&PF%zEoV9Je+pr2|0Cf2S~fwP^lOtIQaJhE+6@k_@+;W z>^)CdTVXqSH+%*j*g1qo*~f$Jnj+$VRybh%8O9@qn!!LxArGJ`K_e1gz`|o$7&_ER z^iXO)&YmD68s3Uf z6OtM+hdvG;&G{{XL#+G)maZPmaY7zZ=f81|ka4k$D#L2;!^|a93~41R$wjpvBzAEm zUH@|lO#N+0oxbj68{c1ny`z^y*76$c3!O(kU%m^Mc5J1(@`J^B^`V%N-wv}sePrh{ z(^*VA#jp2Ogt=xk4>XJseR!iopWn6NL$<8J{@gK0wmWePwP2iYe}gzF#9{o-V9Y+@ zjHSQU@E0E881c%S_ctpMC4=`^Z7_&_o=`2?v*I8+bp|E>NTG-2%UQk3VWsC3@-<@MWLeAo9`yKGxk6 zRqp~mc^wDd?fJNI+H~Aq6eZTSbs{GD-jJIRT>SYq@E~0m!L{9mB}q?(vxXZS^whyB z<1qT}dmNK_y$m$R8bHZ``C$G^oiA4iCB1)N;Lh$6GBx0dc;Cke2pH5QxQ!gh&9wx3 z)0?rbZY=-i5rZZxh5mHWU>Y{ym2eMoq|L(T%Xjil5SK}cZ@;|*L#7vFMsz+lkLeH? z#rDM9qy+l5CX=SM`OsH3ffb)#ibGx;5zSoV1g_~X;kEyE)@Z&Lla`)@&PsVmYnh9G zitTV_>0IiSc>|>TV#%JzTJ-70-{jo@MgFrbm%R@PhlqtMAwK3H-uxiPFJ}!D=Bge{ z!_|RRe$QqjW*+0yWm2%R=_r^%BL>a!!L6cDc%GVxJJp}TFPSLV9{fUJqzJia;X72S zuM3iWFQU;|d)yM^!QWMtGx79f-f`EFZGk{GX=x6q^*+Rxr_Zn?MHeth7|Tztp2;S* zT;db5Od%;qj1w<7V?(jPr1AO&H-n2wnTIJ|D*PUU59}ve13hqSYd$Pg3B@fFU&4&2 zmZEcZ;h@azkl2-y!Kr%i`qm&i`k^K*JAMftB_J`rw-4jyneZ_&GpS#%Doj9+i%PV zNQ=dv4(5aPl`2@DF9l6@iGq7TPB1KJgZPu5$iTB2^ps-}{+qf3t%SVl{pEjgRdN$i zk#wLrA4Sw&t{OKP4dj!G97fK|iD|C64_aAT#m1;3!w7@AOmnTQ5_{tG3|#X6?gmO*_Qu zzgFY2i*h@mF2>`R-KRQ2t)me^<;c;J?bxe0N-3HaAsg7^j!1h?s>A*AVU*8 z6D4`uP=Rf{DvGaUg41Tc>!~+OB^jkPP{5}pBuX&(Vq7|7KuLvKz zE|FcPr(w2f2CTfa2xY_V`2~YX=%Xva=Y-`5eMC=mcF2d`>Cf=i?PKuLwieTehx0jq z?WyI;aDKDDiPgXS376*1rE}Y_iSwtUqE_^+b?`;R_Dr!+6(y+Vkv@KZsp@ z4qntYqqR3D^Xa{oSfZ^$&2RR@kW22cIm!!1Dg7iR9Y%O@t{(MrSp`#XUxm^7L&(Q* zt~A@qjT}on1zOP$pd(#_`yNz*Ueg%JmzSWmg+oBRstvPcUXedLlDU(+Jj5AX zaA?E;JQ^hI&3*Fm$Eej@BH0tZZ&*lEa|-e1;$$#-Hh^?C-oe&s8pyWEb6agEdS2xW zE^kPKs6EH=Y0V$Ja$p1<>1jmE7W$y-d25KvP$K3!$vAEKS=J-r3r_|LE)H=4p4>c~ z{v@S1zg`tP*9h$8jyLe$&4iARvg98Hzn6GGGHmINAQRG6`N9>l{ML6b;$)V>ONs{2 zALiF#b+k29RBz&^N6U)k=U;@eo8_S5m@7EQ*cI1!`rtCBHrVrhHTN609e)UCmt}TW zicL;Bvdcn0Uvoh}tP(8&shxRb49=%<5>vU!%4=l6;UhfI!-ZWd#uHI1c{BS7X_>{Vd8y zi>@n=!aCnbKB^CeuDLM{5xB)4Jhxzm-gCD0i3iLy3n5GXwjgm+uUk+iU@6|)~6Wim~|KG}Dz_^!8Xccf%626Fu>G@ZJGK60#)}SJWkW2N3!U^z8edU_7r*vm zuKYPV)!GURe+aC(kd5dl(gXVe%hC1CRY>({#;IHUF)PG_c_fTP!SO?ucwB`nht2eP zsI{ANYJP1UfGJQk`@QZX7%Z$8`i@UYG>DoFnwSlFVU!=Oe80 zn9Z|~t)_=Q?SLbtudwXUDhT|&5@T)FVCm>pH2&@sc0$RNZury-!-p6#QZa$Im1)sG zV-K^v0&n_losb0^`v-kHCAreX9`N2hkZxUj4|*IX)44|m;h;&kh~rjQzN%Dk6k9tZ z(JUY@&NqP5rZF_3APfU*I@!86Ud-S4Eo-n{3lVr6y_Gu)_qx0VKl`)r`M_BEFE$Z= z_Fu%EaUAtWnDNfYB4*Qc6Q`s|@o8ZJ3`(Cf-K1C0J5mXh3|FGw`1`Oup#^7=r z9Bwh4&D;f!!=1MW$w>Y6;%Jw57=6~9EZrZ@Xx?)cC-88MJ0)O`&U>`ivY^$%Oxp+U z!UEqW@@al4kv6O+dRebfd32j-KxQc%E0Uy(1!v9)4O3Qo4x!$9$n;SaHW$|cHEhaIyne0t+*l@)I5MGDJf0;OOUMIHb9E2S%-^7Q#F0vr)Vz{91$bat}iKj|O;_RyoMz;tZ zx|Sz6ys!cHigZAGgD*e)j5fYY%HW|B=9|)YRr#%oJbW z*$SQR)fjR&S;&ipg2mS^{1EeiJil~Y_?v<_^*4tnE6gdze6ZCRzl3&vr?`?zvcPCD zwgpe8i+tWOi_6mZXNf-@utuH^{W%oW{~f`xb{}zK=zBP{M3slCI%DkOD0s7=pB=4T zjBfpMd~(uibaxQChfiLM{$5xDXIiGhv{y0YS-A{Xt8wKkZ(kJu(!Pd~CNJ4+6)QgY z&sc6+riUlxbjiCT`uH>cF)mH%B*8MT@o>WolnZ)8hOM86!L}86_h%aG9o7mNO7U2q zzgFz&^Mp+7kcQ3ek3^>H&yt|`+QJ=iFLq3_g$7p>err+yTmC7GDU|+UH;yhukLul6 zwR#(Wz_LXjKWoA8sW(9T*I<15^E+nde~0X}Xoweui0ma#h|>g*TwhZ#YWwWn1 zs^d7W-PekwJQDkMAF`rUVMjQr3fojfq z47VRbTC6O1UvNIFwfO*j&vf{%-X(B7{Vm%RX$4ucEU+t2kDpF!!5i-5snH*2d~h=^=<7muVdy}J9B(D~NKzo)YcT#c5<|?sTAXGag>og2Y-Rav42pTeT2@_$zaGIhY%I z?IQNd)4_UbIGS8*Vk44$h5VE;Dy;W{DKaG(T|EXbM%d7*EvewWEte=?+K<~MCHc5< z;X>Bo4BPjpj%a+;ha%q`)-tRG-G;6fIFhn-QP4XfC*?uJ*+Rd1^l#R|R z7(e?Q;;+8Raot%9(Ax7N8#m@A`_Ef~y4_udpMSrF-y7bMd;WDW+uMeQF06scbFyH= z05h0v^O4B6>(bSireVUUJ~00Sd^abHClqHLi{6?3xzDi`*m=km-e&I-ZyT4wW({)UKPA#pSe(K3Idc5BQld1E&t0cMlSnO8mrsPh3CFST)^M0=JA%3o zu%S0Lx`Ff4B`ng|lfLK;!QReWI6HPdPP7-Q?-SpOKTo~Ow0(uUcG*&XHRuLrntIRz zfrZ!KLiyB{7h%umFp?BB8=iDji1(LQlVPrw&UHBm`8~2U{peni z|Gol>_d(!dUNv`u-1%fC#b*Kf~ZTL(u7 zUe*p++o=!H7QSq03WMrQdpfD_yzM<@V|X5s2uZqWu;tDg78QPo$W;yGM(ff^qN59r zEr-SDc+TzwrIPu>{m~?EGhP~%4%-AL(caV)$lSP#=IdV(SejwD_FO#d^jHJN z#+71)_ARhAUxR)~(BY4wCgazh%HoOJlc7H96nZWw#7dV};HRJjXQ!-2y@ii3GNhXQ z>)41LzbDaU4o2K-=QsAdrwaRjo5InrJIQ{ZGwj~@DKw{cxWM|9#_#N|$kok(-n7|3 z@6Ue<#fNUg5vqsFMqAPA&SGNKE?7<`sZtAMlLk%$1elz_OD;BtIjj+Nvfo5Sa}=4t8qeBeZ0^sQc$G7Hu=KbIpblz zV<3Ax`7OkTdZ4MNHqU&M2rqgY$SkKI7;2FUblW8`Jub;FCbyyeTtrFZYOl1==`rB-NDm}j40%W0TQq77A$3mXxHvHr2X#{VH}Ny8 znwHD%ulvkGZdSsKRj~RB8B{h*qAs^XA+|FI-vnQTt+kujwu)Rf`9DUM z={ypBTCf=|jed!WAz1vTemPe3%knmhQn+zOm+~SPYKhrscFKcp9ixr2zSfY_|0a{1 zDJIm&!qD&*NrL{F!kq`Qk}v9as(Abv}fC_va#`<{)#jM`jQJa0StwN9i8 zJM)RJK?Te$YbBq5O(uh1J|GgorTAypL-GD=f6@Di3K|dZnDQYc5Rc}Z!cjlIgVH;H zz_kLiuC)jz8<_L#lY(Pr>j(0n9{7^*`=~SD3KJH`(fxss*vX$ak+&mza`z_qUwiYynx-Xt!0J~aG1M$lg#NtMyWLyUbHQuIdi1>-915Y?I6dS zdg^@PQ4VWoz90>6%1ClRk>HU!C+rn}p{cYfUR#=nag&3^zpB#M;k9$Ps<20&GbRU4 zX&Vc@J_DX7dWr4VVwmL8U3^4*n%HeS;fBc}aOBN>NZq8#CzMR!UxnPYXybg)x%vu& z501t&_u}DD+gR%Rwh9g(zk?>Nj`Yqwd1k+GI=7M3#NCrka9HPJTC$zPJLT6{lo*e> z2Gv4ucOn0^vw~S04Wc!Qlc6*{8IJb*LyAw0=vIL_9cH)-WG!XUWmN}m^!rZcDlHbC z@maW2QVZ4J2)W)1$N~b!&;?@);LQMS>~=;<%mH?i`XV{IIU2y39S**UT$fqX$!`q%?=>_@}R_rhYs|`P3>K+fwaTLLjxyMj1 z;3yp?xL&mD|1cw?P!OFzLxwpU!fS_fc>Q-17+L#4>K#AKwC{l8`(C7`S2(ZVj78r? zW9jss5WHi5o9v|}#NX#1z8I}UZMv$&j>q?cCiEA5GwWkUO(75xdQ7xhdIX=j{wkin zEQx=Gol&icI#_qxlMzDa{&;S$xIR+~Hjg&Pp|)MPaPCC3R(^wZIqJ0kX$*{dwi+Xa z|547Tkm5r-2cliwalD|^&c=S-1^1sFBAP4Z`Te9JxGX~#hHi+$u+J2RRIeit?IHR- z^*YQF%W_w>arDu1S5&ETfdI=&veUZ^R=eBK=ecXqLdG3u|6Io7*PGL!oh_u#JQ5S* z+~LoZcToFP2h!i!3q2`QzBT>}doOh0hB(XdK(kE3x@;gr)|=}l$nnjeeld$F1+Zz) zX|c%@1^ngI!sh?YfXh9UE*+%L;aVtZI->z+4t$1&u7PyUY<=2oKSBKK{dp)`<4(L6 z7BZj6&D?zQZq!=l&E_=w^Wg1CbV7I_hvt85yUAIsGy4FGYxm)DY!ZpLr4zTSx=>$s ziZ;jI#ywrVaKvmly|dy3nW4J@CRcOOi0#&};K~$CTr-)j4pD<2uC6d}x+49VWK9Q4 zK89~Urh#@(CqC01iCQCbz_jlV&K7#q>u*ItTVkj<)J2%DN>#Jz&9}tMn&zX?TQgXa z6$LMiW&pX;%br9jU|4$|u3dX~ic4oM&K&Au6yyFNqLOmg%X$9qTe%VH_3n#QIo0t z>&N01HH89CYds6!Rt=-~q?2<(&g;78EsPQRO)h(X6Q$+5$(e@*$a$$ z<2+%OcIzQ{*k`a)oxhp#+u@wbUZfHItvKfR8%VyqjLG}dv2k-0sqUho^y$UT*v~Ry zLwX4re&Raow-1pg+CrRkRkaV4E-jNW5_pO1D6jpLno z^_#Q6D45Ib!i@Q$tVXm`jAimdzfZncgJ`dRjnCd*fMIuwVU4o{b&sh)2O)1pEV>aT zwy>tvN1;}B^KoPK^FJ(o0=ZFHZ5yDWus(&y1aet0QvQ0%}}%FoHAF^a_N zxEKufjsVjzXL?oBlY2e(%tNJ&U=VW zV<*##GY*4`)fl|zIEjBXNG9RA=OA+B8~jzF$E)?XfReux9VWO!0yciep(-z6@7m`m z_vA6?tXHF>Y?fhYSqUs$yPk&!g|bCyUr;?oj>?Qu#R~=&eDe+oZgOCOcx0LpdT!9- zfk(`s!NeQ7-+qL-g@V|g=^@W)5HXZi= ze8A>Uj)D6EpW(bkzDUk9h<|?hhkT2FK)%L>L2%LtUM;K4Q`fa(l)ykUX)~s?{R(ZP zcHD%=14Y<=rHeT$pTm2rALBEFhs?EeKm7a~$3p(<;N90|{M? z!|5TuOZ|(w+cseO*jo_(#}I8xy={MeZ3LH}4}%o)LHFZ4Mpud}9-cnEkplZF>dvQt?eOw)KI{q-^& z^VEmZ7lLfjij9pq~!q;Y}z@?jpbk(L^@XmS>{xsjh zt>PyNxoczoRMQN6b_~R*baOtL5*~3PhVaz$&?|F>>-dbvRWDP>g%u&VHDf3mjG8Ji zVZX8!o<+>FP3Uo@)(f7GN{m@mD!7%Gk(UF7Jy~HnkEQQ@O;zX~Vi@3#}tD^t1uY-v_NZD{LrIqtS;228LCfhTFIbaBv0fEP!x`wdfvn6Wfg$;E{9%UcKAFjU4shQ-})x zcu5KO$0mTiYB;uc?xtsL*MUe|7cU+=MZT6C75j!h!lIf1;`1HrvB+a88b95SHCK{t z+X4nM`-)*uuyhFjkX?%bcbYItdInDJT1KT-ad1ARNnaN@kof^o_~x%V-Euet-wz0& z&!Y-3YzZM>ml}dh-$!!0@iav0O3=Fo!(nXTN$A+viqA%iai&@;`!`;PHm;F|%zL@G z70<)J7@ty{J|A1@~>cCCca<%k@>y;-_UPu93(C4nn2 zupQ*K`-%F8FU0@agNm*$m;#e~oX}Ul8IlgwgY*q0x-mY9Jv*I_&4RzoZ{yU4f)w2*PRoyhLxxRodU?HV>5Mr{F~b_?j$1{RjX#1r6)Q;d zy#&@Qcb}cq599Vz5v(sO@HNgMM8R5>=cx#N%!}F(8aE799xf9#^%N z^HA`shvVO@YzX)_ld7tTsEW1{QAvvt$ue6ojb4pcUu-1}%i3|N_%OhIZ9Y<9+@yFb z@d(*rxcBmC=>4e&lP;VA1)n5Pw;l@pkNaS%(o*upcq}_m-4DxrCt~2~)|!d_5fm`N~tz41Mz-+caMZi-7^~J75Wjy@S>3lF(pfzmUmx@o_xLwJ|K5>!)hZqr{3?Nx&_I-o z9>ZXMI%*ES&#oz7g{R=0R`UB5tHfcWAiHZ`1U56bV42F8+uTN0DY&7i#@LYV2P zaZ4#Tnje*bS4Qr`?k8Kg%H0VVbTl3mHt)fi{&%q0tqe`*Y+AS>UUYEgO}5TB0mpBw zB39$fXmCv|Iq0v>wOj>8aLaK1yzLc}eJ2gRD@T&Z%k}U+_9R?$k)*cQwz6SUA3$!f z11&e#;7?D;2-zqmx@46lxPncXO2SBPl6)C%>`}v4H8DEvh+$&EZ%u{ z1kPqoAbX<$KGc-rq2WR~SoSCebv;FymHS}u>2Mrt63$}EZosA+kMP}7H)hn+igJm< zKE}llRmU%&xalLi^)m;K_qUSH?~g$`Gajwx{vZ*N-QceCSt#Qe(vg|t;N7iy)^u(# zZS?sIw#r7Z=+$OmYyOFx&zTDB;M3r6Y(9EV`AN1`E@Y+h>DaYf0+&}w@`$c+uyf`R z2)vs}9vzefGl7$K$N2(M{{rktWVU(5%IyA~=#6Qgdtm-gFawNfYtIAAR87_7btu zvNG1U+!?jTX@FbcNt|`yIg9!p4OP``koCh4^5<%bSI638PQn5lO+v}D#1cro_z3b{ z6og7^D6_6Hp?`aHp+cB{?j5iLXG|N4A1}>@Pgsj;&Sosp;w5gY&Lc(j>bxXzvZ(ZG zJ{G%+&}_>$w$1POls+afSBL6Dv3?=h>^>AD>kh(yFK6-d5hie9w-!F5n=rqy5Bkef zaopBHbpP~0Lcdp$mmG_y$8R*_&w)`;RJkHfQAq*iT$FHDsxsf^R|~@iYmxcWKBLRWEbJRr0Qqk|kkhY~ zcwp-hkeOUgYW{QLx7Tfi=kg5NPA)~Mzz6t8xNCm?e4a?i>cDWzne^NKiQFl7IDPxg zk2?%%#KOFFG$*zn_7q3@=R{OrfD%4-F#%c{X}!*hb$E`h2_M8Nc6L#c^* zAG$vnMq0v0Z1&0g9^W) z{MVEyoMy8My1lDG?BU2SILyTx8kHpNavyRSN6HsgvSk7{rb}%j85UIl1EtMjnAifR zK3aqZ_154oM_GwpKcs_5lUZ~f=wC03S|eL_hd0%c~_2StsLNR^Ct3N%>ceZ zxZ`eg$`)z)xu>WF?grJEb$u6I|LY5Rv1mH+mRAQI zybed~H-d|oDX}D}nABiOYF;RC@@+TvFKR}|_c&}kQc1a3O-Te`8qBWYVPp?26n8nPeTwxwP^GTxa zC!6-*6{tIUyLhXA9IonKf|gn9sN}3Lx}Y%;&dmFVoo%1sA!`CjIe)re(GUiYwFO)6 z=i>G^FUSSWIbtvAMYtvT8U(A%Lyw&|*s*>SmNRJ>yLbI8nQ%szONiCsYh=1eLt891 z7Z_G!=jrer$2(v_gE8}tSca2UnbKeF?lARPD1DI_j7L)jfjC-@)*Vs9ealY5f--$x za0l3rrNVw#&zNst`3nZbZ9~bpQsGW}Otk6Ca{M;tGF(ox$N3vQuq5{#23j9v)xJWu z`rj~GJ#a9zdpD6Q+m4WuMK&i^HwXP|!)<%L0w} z!bqDEvFPeE{I_f$Zu)l|hYpvg8@mSZ(Mb{fWP=UAo!rh6D>yD%;EWcBDxqex0{`T4 z0wS0G#>?JGEPRt8guL28KG;U1@9OdFO2h{iGkGRm)b)t9J$s0bIupU>1i;;j5jZt7 z2_9-b$1u6y%wjXgFKUB%tCbOd5k5|Qiq(OntQuUqHWCC47k4Wd&-Xhtkp*t$khdU8 zm;;ZZ3*&OhzxNT)yL=5>+gC(>racmTTAtW;Z2+&T_aRCjjZkUhdFFk_8P=FNF^T=V zFu8L)4->^h-W3&UClM?jpLmQ!oEm`9nuIt)4Yti@k@qu}t)7x1&|BDr3|S>5O? zn4uGk^65jU`S>dGDdh~eGP8s?D^{@8H)i58p;uUYe-N7eXT<&AYJkk6#biX(WoQ$E zm0sym5Y#bEq#P%O!8fzvWl;{aS6?SfjUw2avF|Zsn>=0MIY;Om$KlS`j&z)mxxW}5 zf{xppnM3hkXxugrFBB}G?~8g^Mvews1~Q@&?^{@*<_O2f+hF(+XMEje0;YFk@IcO6 ze0+H}4!i2jALLjHtcqT|G;b(rmv116@f$&Zcsxui7zz)MoP-s-Y)83(|27L1rF|qbj!nV?)4k=id+p1w`W24w{-j#9FIrl>hl*X z6YzhE&ch+c?+xSaT@on`MG`3~S-s~zQCSs|krqNEAt59*Xh`U5G)U2)MG1}f+{Z{o zMHwXu$;ybVQpoT5{RzE2<9_aQU7yd#J+Db`@oMsU;RX1xZKS}}Qlc(SPjPUe26wzS z5Av#2`1Kzl+`nctPX1S27PCl(H-5GxX1BjHm*mGdFmwW)mVaHGImlH!d7hA~^MA^w z{g9$34vMi?#ur|Cd&9|_O4R2>H5nXafl}>vG5=>Jz7t<#=kKniDZf&%wOQb0J&0g4 z4&yQH`VET8Mrr`5sa?C|?#CI>Y+D^lRg zf9j%Py&BhyJ_+g%4`Wa1WxOn*Pe+H|fivHpVAD!%I{l^^VBW5?6F{zQ;?cLpCAh#)AWto+cKVi*%X3)bG6 z!teS9z@OBKc(zQP?oW}YT2n^=wi>~Q(wP`zpv5JpI8fU73hOpVV*RLe_Sz-~?X#3= zhg~`||1S=w7Tkx?dJ^2P&jcn4=ii^Ed>{uC{*ocnnj!yFB({xIBIa|_afh}f1)o?h zwo{_Fv)&Oe`*3)OF|eTEH|%j!hoohZAQ!xtd&)cGl&;qhndijq7H6YxP9ac%%Ti`g z0Ty3&ioV4A(d2i&WJz`%HocW&K@%pUtH&dev)>pSPv=LVWw;02c3s1c+)2zO{119p zH3-~}o6M~$UpV8MLBHlK&^=Q?pBugc6EnTkGa!@Qdm)Xo_hzHj`=?~) zt{C(+>%*M;{uuoBAW`}HnIy)H7iI4=5#PTt64!;kW{JAf#St+L_;<3fQ=NU3saOtV zVM3DeO_mH@zic5bIei#^Cw{~uO%$IDKP28ZN)5A<3()O{Gl=KKvUgU)So`WM$Y?tU zE89b0U-m(E&gi7b=+bhyX0smFjLU$V(~Y=Suof0flmz+U$#~JUA0z^#c~2S8?-riS z4JT(-44YPs=nvd{@%Pw3KCBqfH^thkaMUZx!g{D&qVbU`rdgTQtU8?)R z!$d@`*!~CGX9X}xBZ6mTvq?zN2Yi2Bfn<%aA#YORaeH0`T)rT|x}OX|Pk~)^{Fy(5 zRC_?R)dzAQ^BnBaip8ZVrl{j|1|PYKuybz@{?j@M3(aI;l%6|Yxb}}&=(UhFPLp^7 z&Sc^}x4}P5pPedN2>prYvGJk=UAA^C)_u7^Y{su*&nJvz99MXPOMor4h}ua#rVW_vD0>a(a&KQKu+;ZIreoh*`8+Re(^86 zHQ|X^cb^m54-xuR`Kh>T!+N~3R}S*NyoOOHE;32uDfmPuPxRJZA5)hrlXv4hxz})O zj1E4GNojE~;$Q(BSihgCOo=#2M)}Nk0`qruQ9rRTo$;<>4h-5)guGEA;qb@727|V<-zubShXKahKxW`W7#fyP3DIpQ;LDZx^3`PonA$T@wD3C?yNm#na8ur+*NKh89r@J8igdL^hq0n^#Y`78!!MjIby8aj964b>0v(khwHItde zl`x?X{+<-b6+&?O22i=>N;akb2hR@)j++*5)}!i<&u$-sVHv}D`OJT!p9i&Ri(f6V za5o2>xtB)1+{9FpX4BdK*$X|sDa=>h9sV1yidzqbL!f~>Sp1to`NuyP($xdnO|Mx) z+Za?$pNH~|86fd`9rbTIiFpMbxZXjV+j=}9N)c`-zbzUj+Z8b{rSbexmy%ew@+{gu zdxg#(t7*ljI7rQ03|1x+;iJqyCbKmVmiqNWwBXJSimo6F=yaT;9)u${4Ti^c?c{X* zc}zCE4y{W5LcUe-^w#Us(6h31ou5Cf8atV!SlYtQ&JjE;v=xTC8sdrf+wionE_3Z{ zAp6%0;7z46kbV3f=5|lVy|1L`0#_woXObn7G?rr#3sd03i6^9PTRTYocE<0v9psOB z1k|{UhdIlI{M~GOP;d2R;kkh@{KimtC-(xsDm@~X+D~HnZ41m)IY`W0a#7Z{6J{$d z<_-tdsb;&BsC&4OWjXSkc$rJl=nt{j(wK#v+Ka&?#DF4JUzKl_vX7lFirU&X|9iuaOr@rklJe6c@=v(I;u zOV4JIxr(F7k=7%0hQTo=d2$iHtPxy2lNP{oB3w_Gd%<=>2npWo29t6IFgb2xb9j?7 zbBUJ+W|6{nr~L^v7!kYZAWX+^2xYc+RPk8$bh6@aa zyy`VD*REb9rQ9SQ7<>WF7%0GygZ|{5ZL0XiR6m@Z7lpHms)nd`~ET2eMeD4I-)Ewd_7ptG6r#jJh$5*D_Z+Z zpPzqe2xGE)iGp$-76dmEXCVW0(>M=@+?~VKzB$uDwZ6RYqZFJC0@12>F(U1)1u$#s zIlSLjE*3AD$jev1!?F~iKl~{k7d=pfq){$_W762e784$$B{(Lsa+vAKvyisv2>v`O zxV$ffAv}=Ai;xM52hW15LOG83Re|hA0DMc(r4pmu_^!)+%yN|{+?E}H9#R@~=JO^Z zaq_!t-yx+FP=yOsX)IPHri6 z3((^4#+p%^O^+dZmN{z5YH$zBLYSYQjegFu_BN(LuMfjqwMvA@BJdZk8J`wpIaN68 z%f=w7CP;Ss3vjZZ1np@hRMr8WR1)~S@CTMQnbLr!1h%>D4jx~8jtseL3EClH_&#{M z=-q_|9DZN|?_d0!Jv1tVomsn>se3XyNO$4l!GEEw$DA+ioQ!`hZm@hT!OPP$n5X?s zrulv^iWM@5jkP)R+%S^6=|vI=4POdEF5>kC1^R45J5l!RAiFPV!4zIbyfqJk5}BG?&J98>7m3s*an`5 zZ{#MKI%x6Efch&v6aSJlrq^E)Pz5ayn+~QFFOcVU` zsK+gZ!LWO%Bn%$pK-aIjNtTHMK)E-ZMExzpu!%3p_n$`eTk8zWd1`|CbC=psVSZDQ z{U_{21K3ExadBOFE989oLHxGM@U!7ScG%2?$8L{N^L!8;Dm*(?4i*t=^G0k{l_sPX zz45m6E7rWK5>f*CaLIxQ2n$Ka|F|zYOP_|u&Mo*m1#wcI3AejdfD0XL_z1nXSP-tx z>zEWdmf{C%1y@FMz#!TZ+6E4esbCl+P1kNRgwi!Ce2j4B^yt(coNGQ67rzP@xTFC% zcheZ4v1^3=h>*AKy@*XtPnpBNW;Xn10{*$wgx^lDVB1&!V=Ir9fN!k=Dy-d4s@}zm z_Enz5J1b9v>qB#Dp0A1#i7DiouQqL7n85l@AI1I2rl=cwpIqJ^#b-q1!d#;o(z|0O zlh+tZte<{m*ZT!-qs{{H#Izx}Xyj(psmW$fZ|acZo-iuCtWA8?Qxz>oj^%b~D=Y=Qo&Yf6T<47X@a@ zZFQ>pHwT;&!i8GdBixcE<~N! zqu}k>7NUJ&D&6~{f+T-?i4`ShKrJ(ybsz5nZ^vKELwL?5xT!*}whLbIje%jy(m?Z9 zA#U~lK^kY;F_{?$;7xV`{&cHgjwiAqGJO)YzHW0v(+cjEM6m}? zvq`172IMGkux}s2T}x%LYsPi5d(wCK+LsP;o201k=)qjBV zw5WM94VAtDgMJ#&td9}IYl69ox_&w>fXv0;3 zwcuProOOd(bw~jm@h(A)_`483cmb&NIzqsAWnq6=g*Lhx^vhOFTH|es0dxO@hJg~? z#oq*?mj8$H64JQ0Fb3oAOy#QvOhSLhlW=oG7%o^bjIR{VofqVf#Gz>`MQYEE<3|e- zJ*A$6$}Wre74K!JY|gPec_q9ac15&m$Z{4-HR0oyEqM1pBYZi~#|C6fz?{t6*x}^K zKZooPW||f#7$?hv9t;(YGPr~8c-v;qk~84taawRX6+ofpV)}ZK6}_!~o!Q+?#moO* zVo=33)K>fkJuz}Z|E~t41rM9+wlMViH=oJcDf7k~y_oI;v_M0y{tRDg2449FJ%591L^FoKgs5Ms{D;^Ex5!QL&>Bo?8SrY?Bc-Xe560M37MMC*ufWU zit1m8zV}JIvw9v~nQem0FQyYqOKEy0ZXCU5nnjdMWvN-oWw1Lq3TN+>0CLU&Uu>78 zhc2e!cxnO5gMPrOm>SeFc_^Hzt%c%4>gat%k~?mnL!W=S%SI2AfV)v|$(*y2thnJ9 zb2(fCk_Xgi%d=Eip7jJO7x%)^=6cv6xK*aM_ha#&dteoz$?|fuFmL5Dc5-C}+uYhr zl6Ho}XveD%_Ew3%N;IRxS9gkDd=+{Et%5hh>Js$Xeq!G5WT5n{CU@ynqpsOq@cr{5 z_#5&-6#C1B&C@7gI)YX{^{yisdTk_izo|twFBwZ7zn0J*X^PyAvkr&Ey$9I=tE>kqw`1&4<30Wl6Cb zJZZZg20X1t(|o~q^m8p}^u$1p(+f7uyB4aXOnIln8dSe>2tywngP$X>qrGb+)XW^i z;L8y>cF!2zhgsvDJ^Nten1^6=;WVsv)!{nNV&Fl{4RpU&ji+`iQ@dSbx$ORfIMOMY zM!f2Sp?^eEvy%4kk>@f=QCB5yTVw)Xk_EnYTMnEJu*Wwq_OtuX20&Z+ZgBV2=A92$ zpvZBY_;cPC@|wPash#QgVdx}&=D;yXnInhow`#?Gx6P?r$q2lAY#w}j*NCIl_v83o zcfmte3GOO!wqnizVHa>1j~P2TQJ+(>!4}U_R}**wO1OsQ)+%okOC<387W2v}7h9>}m`L zPtN9k-KW6X>lA%HM2;&a6l2T8DLj3xBl+*oEV^B4F&L_Ej|MV{-tNZ~F56Y7=kFci7WhKIGrQ2b#v->_PmmZ+Pv(Sw`CLpFbfr-~Vv zDSHL0qI$u9E`o=y~^m{abek$9>S^Wf2|Nz3(I{*SSGP ztRq-R8&L&?Snky1!3VhN@?oFfi?Wpy&~a3T;5}Xsx^vulyNU{3v*RP=?M%kmU7N(C zUq`dflqUFf*A>Smnex-CGQcy?6TcQ65}q-)(8{d{n84L73jpHeZiuIU-Xa4w=;44% z{sN5QG)#LsfcTUN{>^vN;^+}!yq`5muMl{5)niK!B;pXCpK2AV)dd6&4gR)wXg zWI%(IFSKr1EFK>>oN3J;hiRV(Gn+Y{N$u6(jq;mdPf9hryl@-D+-Qdw`D?I5fzanl zV^BTTn!oGTq!af%Vqr8#aKmVV~Ex5^G&5cmvc?7B^Ck1j%u9Yd%_m`L!n3K@oqY<$vh!ZQpP(cwyB zrnUMnDLprsI^0cRCwB#6m!TZ>>lC_DvVzy3rJRXX+0CAiV zelG*(&B-ugt`XD;`*GJv3UKPvdeA)fAH6hw8T&NM0FCs|Gx>H?IC4&goZYBLn=01w zrr3G(az~Aj>9@t*-P6bbfnjFRJB;sLb_xH@dkk@zC(wH0HS$|y7F>L$$0yD4fWxJ# z+*U=9p>z@TL15bkCEGvHKzpLU?XC9EFK0m?F%ng@}xWiT)l;wregK6@` z>Fk0Up?|+0CLPz0P{m?hmeuV`ubPKKYQlXsKdhgro=66dTEzGN63I5*u_*2>ArZ!b z818ZtzmB^|q$&h1_w$P&rQ8dj_ZNaAbH*nw$!I%UQ%r5Hij%C@@~`Vg(kBBH=t{R# zbb30I1X)$FsF#D$q4+%b7T!aTk>0euA`8?#PlCk;d*16mQkeJNLE^$+@To5gwkyeS z@o!srQsT)*Dn7!ZdckA2XCV64_`<58ck#m$Nh-Xbc-2xTRyT7K6uAp5si#@6Ykw-) z`RWu@PVT^8Mq#24t5RTyRVnQH=88pqQ|ZRzGMHxA1qp|Q+1SCEuWzY`4$~1Z*J}iI zcgV+em!)}ZI2XK-_hCo21MRGw&uyEtMYXjJ?8hiwdSk*wJngs$4X*XTjcgBW-MN}B z-(5+b@AISXOH$anGA;h>P71Nk7y}#jxIwMSa>&~t2G!gF{4-T^xJdloxblylaND;n0yB=6WZ<8|= zbn5WjD~DO-m=w5^IDn<5b&ICOEn_X_Uts&~F#I5Nq%~HpL5ulEklLG}^R+~>-+VUf zpQDdc<_?0v4h>|pywC>C0oaf~fgihh5hY$`ld>!M`LnRv%%4Z4?*P3A+M?YT2l3k;F08)v8?&0UkTZdQ=Q~4~gN_)I1`{Exu+|W| zhTUK%bS2r1tBO2d1^E6JX}n-J3U@s$z(t1QyeS%gDk+Gbx=3PBN;|WhP|802vw*1~np9iU znYId9@d+P*C=fl`Y(wDrrqhtVSC97JdyJ&{J9}PufE_QqLgEGmLXoZ#p0}X57ZeqXg=O0GR!QIPqn{USLP- zPomby6oCiOO?D($W5k*ztf&92SUdeFn;c_<<*OcH#?U&5lPtv?zeTjE>J|k3yaUYr zGWh)|LYK0eq&Z8M_qZvclTQ{&`C3FuE$5?D_A%Jj(IYar(oE6@*F)$01g6$}hb?(< z9<<{#F*fiL8G<8V!cYfp_SH=Eb!T?@V!=t6*bt6a5}v_vonWYZKARuCJCVCyM9GGA?7%p&S-+WjLQ= z>>>(Hk{5Eo8E|7`IGB6I@|$7W=<(F9J;k{GAX9Od9rW5&O$>E^;Yyb_;jwaE5dbs-K z9+dSyj&7DmV9Y=@n!JB9e^NGv9%TGzOw*trAqOr z^LNRXL!NZk;TCczsgD|6I?K23U#mz;`SSllh1ct>GuVW zFezdKsaSRZ170N{_61Rq*C|p}Z^4uH7DDCe#Uz(5<<3?iXgAW5Tb&iyq+`sn_Js!@ z(en{iU(AP-mn}i|NGk4+ozG8b7}1u-(fG*oC9~@?z^#+RNVdjRmN!P0zVyj}9GP07 zBdCU6S0nL~iwK9MCxOY+IM~N@cuw>fcDX;3l-W1pRg0OpYS%dWm?={SB{{x7*O=7$ z3y%1{wYYTFV^n)E5H<|ahWnH53O)r5x_5mr1Pa3tO_6|f{V{mU+Z7JZktd!Pb@&_U zHDDfFg8q@Rbnl)8xKck3Zfp4Q<(uDu$%C={^0#%k{q|m1{mh+Ls&){EH+`g`@I1!q zTf+RdsL~xn{lG59h#u7QVEdk4V22yOfrUFyZ zrcz5Bq|ye1R{zAVi>vuIgQ3*oL7pK^dX~v4Zj_e1PjLpvE8-3IM1M%ByQZrk6AXt z-1?{Zs$G}D2vz={_jOWXdmh$_hheCh41e0vgaKE_@`{kL^qY4SkqAEurV#ev|@kSCw}6150vwFc)|TN{xTbZ%YF+UkSQf%}*)9)>y71)IVUW~{-%Vrjl z8uYln99~~_nBkXWIC6Lce)+A4G+uBQ9O{R?(`WOQGO=i320VY86wOt545{stMUDQH zs*e`>K3C(hVf}HMDRjN7YNyc&yTYMhO)qSX6 zR6m2K9|w~DV-ZZ@-eaiWGLDQ9&OoA-euLZUHRM4@9UALC5@xv5d3n!`hl_Y!NQC<^lMWbgY@BuqbFkV*h>ssf+`-W(m5h;t; zUuA=LxjFCpv<`khXe)Qxt3js@yn^pca-nY84=nmMpMIWU0Bwi1(Lq|-FgnAHPSZ}r z+y-m9NwuAH{|KS-$3Kd6-$sk0JvTu3pHi$|`xsnA4P@cwQ@B3L7vj&J!l9AJQ8QvM zwcGt148})M@vVLqF;9(u*Pkb3XAQ`r^BZ~Z(K0&h!w7nycr0I>n@VPFJ&0;mCfM>a z44e--akI#!bo|w7&`uH@G4s86%FRJ|H_Hh4N(nmt=`Lt=2*DA*MeP3aG9p=Bfa^;w zx%#Dv(B39PKYR}q9GOBtDefxjnye62))kUblP=>By|FYT>jQCUi(-nGJ#oyND723^ zqSb491jhLlG~YHHR|yWAwY9lyTu$~>d6z|S$z?c=p45y3(2CA&n~!gelUdfQFrHD< z4=YdnAR&e$_@Pfx?B)a$=ok1$jTx~p;Mi+cv?vD*|BK=G+on?$t_8b1WZ}+Cv|S;1Ien%;PBTM^GpC_EXctXt+X}}re}F}_8P=+L(5h3X zU~rC*Ga7vj3QnqV*tZm2|9rwTS~Jn=#wB8SUYaJE>d{FGHBf1#iZYiAz;H_`960|T z4t}`^`}KY4mqCkhbaOVYS|m-szmr9lcN+GF&fpqPB$)l=Lh@9YSrSb9vF5fCT_G1W zMY;_|&kq#BmG}rS8=}D9EZqfxmu}!N>;JIRs%C0>;0|`N?gg9{n39>XdCWe3z)HT2k>!1&gN{>q(f#+ZBFmP)sp|zcma}Ic6Uo71X|Zm%D&G1Riffy2=;GVzu+| z=D<)|a_ADUi*uo?TLX(CQt`x>BpA4K6;69;ht~&Kb5Ge!;@i^0yfwoidSwRm3GSI0 z^nRr--FvC2`K$%3f3!q=s%Z*beR7g@xfRp^3Bnf9-8ig zg`R~rStHcwzgs`yt?XBp!ncdE9(IAu<~ERj^Ba<1428qaDs*^Tu6XP~Bj$Qz0XOln z<5L67xNNOIvpGl5cKckS(siGehVI9u0#8}Cd5_JX(fg^pUpx&pHK1I$calGifQp{A zXt3!ITrlVptuO6>F6rrXc8DdauDS$SkCkBKX5s#;kVYrr+my1&$VK=Qd7)GnSN7JCsAJJiH7mPFBfdP%rVdfKmJQ%CX z>A&r0e&#ftdsy(*q)Spub!95&T!uG3I12WkaBe1f0{@;%gwhc`MCn5#UhAGoo$ed} zb#6g*rnbYq-bCSjv<1~XW7xwq)$#>93c%UWZclgNbuT69k2F;r zBQ-{RVS6VY&#n}>nm5^TJ8MdK(j8{fc!a4DHEv#f7c3LPY5m-_MA zJFa$GWTClH;6#VxFES6()Apc4rli0*do9xYngN?@^D&r2!hRBF=EC*vT$KXCjY$OfgPVc0e(2kGwpHHx&2`!coKC6%-K!0BPs>& zXN;q+Z3^Jrp21|C<>}q!*%;h(54t=L!_gVpIA&f8uG_PS&3Pj%-%b|5Sp`jC0#%*U_3WY}&vA2u`|X5n{a;q#zXp!ls6 z^V(c-`7tYcZJHT!>m~g2gF$p<);9=Pl*0x(rITUr7xHV-)-+zf1-c$>!M|5McuH$L z_J4|nfNclRqSS|NdU%s)#)aejhBo+IWW=W(+(12KwqcSmU9T~0AWf&_X~mn(V7gqF zDXNKh!>m410f$jxkSRA`m5!#1Ho-6(N$PX@p4jS_Kr|oa2BCYT=)L0QaBt#25_-6@ zeD1B2_$BcLr0@U5if_mWXHKhN-l#R09$ElfY@EO)>kOD}X#WhPw#-7_^Iftn1F`qs;FuXRCS;_U3g|9`DYak*?wBs zQRTzh`7!oo@Jbpm^9g!r_cFEJnrJXU3Dphr$XwuP+_rwQGb6ID@o=A)32ToVP= zTc`3V0{`%tS1VzQAF%#It&llwJV^;N#JW0J@X<}cRcU4TMBz7Szo<|5`5Y#P!`p~Q z(sLNHy#n9A&p^ND5@dMS3zBwZF}4?KaodP^_%TBT|4wj17dDl=FunvQKi|P=Yk~D7F`b`zf%&JoWu_C!&|Q~?~5zcE<1-so71L_ z>N29i7Prt`vj!gj5Ox~xf?&^%yH8yaYYe`R znjbq!htOA?J9iV^Xm1DQC+fwM-b&CxJ||#|S&v9Zx{_VLU(Ng@&XcW1pP|jL9X)2B zf+}G*uAUT&f&PZ{$L|c%e0VN@A}VG1`^%x-A_iq&dW-nR{%1e3nd@Ys-mDy#`CemJY+qwZ$9>${JC290??!L$i?G}{ z1s>|(A}_v-rmi{wj|b^64aX+5mlwP~hezU^j8uk$3hB zPWac2@|vpr>=;CwvFhR@At%wbE*D}xpAx=RwCJ}LCj3H6rfB!&C8BJ_SZ0zX@Vxu< zX!`xRuySTPrW~rp-iQ(6OvP9jJ)Y8!;3BpxPleNaZ{xM0dqmOYQuIuq3a>eugm--Q z!{daHP_K}QcYc3{txhgv+QbfAApVOM8R@8Hy`1grA4aoh-LTn{`UvzZUa>vZrl1@4 zPNXSz0n<=6x!>++oo&Io*%jrji7IR4Mb z6jrN<#nQoNNb}wfa`>Pv*e$D?9LU@lO}7Z)Qp0ui?eWD#c?*L z&lW`sjo7HsJ>aHw9n9VRali<7`snFEKD6MTc=X+0u<({5hGw>tfeFiC+U|DtXvI9( zC3zhu^&9f{G@sm3ok6u%ED)syb9}fh9^d|ohSU+4Vdz;&EE0XjS9X#8u1JZ6YaIBv!=Z9Z_WV8y5rPXA)C>e@_`*8*L7ydWN@TvO_2AWT& z3F0N#vtufszB?7Ww_YIqk%>Z$$$)n{CBw?*4vc$MMl524T+pJaY@Umi=-8w%biC5b z5>9Afl({5m#cUFH{m^GUzMWIYPTI?wQumXaWH~W=6U}I%qhrk1u8;rMAP{MOWGWs2+jS{02hi52CRjyHItA7Vs)Hfxmno z+@|kD-OeZMlTn}e`wLleJ^T%{8tf=Pc}mDBne2n|YCo8|+W;nWWm>GLL0nB@uwAlF zv|V@}i9f`F+mmzUvDIxXOgIaCe9Tewr_B*QhlI1oEvaCo_=6bvC&K}^5Hd3HBznkh z6io~G4nt3*L+bk;@}t9$t$P_y^YeeQjKqy_#8O~}y~txjsuS7kk^kY?wHM)>Ul4Ak zL-@*h8>n>fTD%%$#6}99%Gvq1QG5AW7;7lv-`9De-gsTQ>4D&^*y==!hL0pKFOB00 zDh25Kej99#oD5EK17UI15eQ1qrhyOUG4~~Jz`axq1HYMyy&MOyk(yuex%pEZ=8%X> zQf%S*>aPfiN_4)GItowA8AZ4%^b(|Z*RqiLjFJhWh6Ev86tFr{3^xaChB>jN=EN7&0cRxF3PuL3U zu`uzmJRLM^9EA#j1My%Z%706PJ)dU4NUPb@GIBPB`yo_sn>)Uk9z-LQ4nSk01pJD6 zPG+o=qQ_F6iDRsGur>E8L0*`b!p!E-qaFib@SV@>gwz7qw)Y?|Es4MhDxp|bsm*(- z15I8j1#^0R#fQwTA#}%gFuYR@eYq;!|BS$W4>LH080bWo1_ zUHF30>)rAB8dW>?X}Lo&!2hf$5Dth3O9#Vz&D%VidAX{2;OlyfX>933Kj_JC8ve zHG@CS_2PfUUqp+XG+~;+QrdcRALg_g@*9_>K{y(O#@lU}_VgCk)rO+6Zx(yBKn=96 z9%bijU&H8|mm!oN1({81LYBA>?tK%O<2%iGl;$K(qh5iVu+KgB$PVP#aPF@67%v}> z1b(%PJ(a41C0ho(?H9+5tr-WlrxxP4ijiF9%3zu;cvc2>Co#Kujm#$Z82j!q7N%*Q-BaU!AjP&IdUNeYqK5@12T0bOxOCJpk$T!j7%K7%mvL!k=H?&`2qe zQYjs*v)BqrVVjBC4k^|V{*(Q;<}n=mvWm5>9}6avFM(cTI~-^n%esqC;Rj(KX%`Sn zHLR6zQvC{kYk?%@cxPiq)-0+ABiX%OoiOU~emK~4kkm@7r|ml5S^THzeCLxcs99qQ z7ozgf%jXI#FHXX~vud>Rj5LUjjKxBaS9swMMK8fg*J<<^%mn7y=b6hP{^%rV`72L@ zj}Z#Z6*y0N7;KoakAy5Wn$jyh2qINBLcihz!MAY@ZD-ixF=_)}6S|3Is}9#Y_XA|d zx0Rpn8bQ}d>_Hdp1E_E51lp@-g86t8@ZAtDzA~*4OuemmOY=+`DW$|ag8$tGYi*bYw#;KK!_uB$$7|&_lA^YuQnpW4;Pj?7jib4P9*G z$SPsqzJ&joYXa|@UqRYKBZ%q#i^G0MiPnTUqsPx0IJUEwBp8&in7{g5uU!i^|E*^_ z!n-a)%?Xbhj768U1g@1NL%;p5W&^|u#QuX4ml}E>t}WdF>xNuoyAMtRpUQ9&QGT6j zy!8R!JxS!GoB?d|N))#j#iG_!XYuymV%%CHD1VxZiFoQ$$lqztZU4-pezNya`s-M_ zPN^0;))ufwVP9eV-hC|KybZ72ua0g*s=%v8jr%yZKpdZpEq&gYl2?VI;ArrTDHU=l zYIJYGao8(Cp=V(w_O8}|4VHiK;l_X1dqxv&r~09puNQmtt()x0uE)LK#-O2n6th3N z7t1 zT!2mP?lg6T4`lW|!kjyVirEw%?DQVqzCVe>kI7Qw0h4HcTq>x_UchNOW8rmfH>*uO zibe|S;K?g{Ue{%UXMJDGh>r6^~$ z3g2;j3g7pm6m9mDmzU(^W;%Nplk!=_*4`&S+w`&j)c>+`>lr zM`QRwN960RxJC0GS}ych%4%v*ef~-CyPm@boD#v>=c{1XYBiW>UW$>M)ZvoRWNw-7 zg{ua-a!GqnA@BGWH%sWk>^};8U4t=y|F;Uib=_mttIM(SXr#a-uSVf%&fK*%`SZLc zcx(R=Qe;~WCS1mpqO>d_X0x}OBTlFz;+J?ALm8DLB@^ov32DY^f&4!edB%T8XJ3>ulNba-B71(%FSq5zKLw9YXOs0 zy*TA^B8cA&;FT-(;NAPfc*7wn@!j|X@XXPWzcSm8?m0?)_qO@mzP=5IMxO=!q$tR{ z@lhOP8V{R~&LOS2ldvpuA2@D1hC%HLl-!l&N(O1rdb}R`#_xhhx1QiKgIRooPb`XW z$Wi;z*4%JG4hdHEz@^duqv*T?v3$QUZe~P8(N{_+8Bs#yz0WNTMM-HX4Wu;CE~SA; zw(OAEKqw>Oea@YtGNM8>G^|v#OB(9;{QiIcd)IT$xvtMg1M(%eVc!U|X)> zt}VLCk<$O*Ln6X(@^mi4e>Hxp{*RxFEV0SY68n#C1FbARiywCnLvDC88>dLT&i6&d z5_#|DOJ&>`IzYzF(V(+pvT@#2h9ml3qo&zU+#T>9_rK}n8Xcp^*65RDlb8-GsToJ4 zHaEmC6FoJ24y{TlCP zhy%{jm>F68A&zpqi&^F&_UYZ>?;M%|}ou(8M;<`=xgZ)>_>e%oX=?)*K>+26tUcWkIZ2Bp;#Bxsw&G@9D68nlDf(<|4X zLP_^1lHs-_H&3j-~y_Pho1H0c|z^32v`? zP;6-;*gDpsY8LM~`tpVIyc&y+J;%Y^t_HV$Y~iX+vT0D*Jhs898qUO>=N2dx;v}Ca zobz&6`0lwYc20i?N3M%fnP&^2@24*JXM&4Rw7Zo^+x#TDVw*70`98+v&n279=McRi zMe34slpEOgQP>|l0H0S6b7MyO!qkvZ2=}~-zZ`?nVf;Ki=>3u??VZp2qmqz~{EFL_ zT4Kd6Y3Nr{#GV;>7|Pz`?WI@o+R`DMwWf`9r54~jQA;v*nLZ?l%%!V~`CR@kZ2>im z#T_yM#BftJpC8za-vS<>PirLBeN)1&lf~GkxrPPp^=5(BB5?WRZ1PTN3|+H415;mT zp~Jx%VQPjgey=>nGlCH3dvy!l%EzF(&u6k?{V10EF@_muD^Z=s1TIo966e*aLB2^A zyioSR&{OMR-MA=xJIk9av%1AC9;k&uEyYSX6;&Kzd<_o#R0s9L1>{=mRkEG${m2x@ zVTIW^X3}m9hKu8PHz73)dfekokEi4Jh%Lg*w^zs|uSra8ss$>4xd3@u zcJO(^DdPHf2;~llvDw2Rq{u6fT%InRHhC_Z!AUOF z`xThTc;KeK_0WB=h#TQ(hWa^Um`$t?`YvAstN#WOwyqJjEjx{Cx4k00?{Z*hXf1qr z{+%3pyBg9C7UB;12}I(JA>^*L5X7Dd;!>`C!(`nOL2j?7(6sLp-pcYv?YS>-tK=kV zYi$TpN-G2{wwsM3z;e9-R5h0A*4s2>zd|Au%Ik2Uec z^WF&TZ7D-*-@Pz(k_IXsQKM~s68JScoUU8zjCanK2**_<3au=}P~){0TeBjXyvWPK zE{jq~vX~DVlFJ}}p1;7L!4QV8&?Tg@h4#95o78MegqO`MPiEHV%E0z1jr@( zfc^VnJa{#nTe+Rj*6OULJM6bYnrAvTkmJUn zGAYLi+@#bo^xTnb9Jj(BzpK`P(sf2=L}KI@)C^C6%t=SMffZjslZleUr+?%1JFc+o$PudZCkpeWRj|kVtMIkp zDQ>mDj(?sNz^B)$z&%z63*Aw)Mx-9q^Y5a^{)H^GehEE#^Z*@p(V{d@$z}_>9h^$Ry)aQecX;~lie)am*j)2MT4L>(~6rfp2odi zv;rG~dNJZjGBw;P4)?5A(gVi@Q2c5iXZOvTQb7)k%^XF}9IfEkxfuNUb{5?JSA^a5 z-mJR_aap}2`zA6PKh(#nczwxXOgwUclb`V( zr_FB1uQ|Cye^EE?jP;>vt!IVtq#hJwqR5cRF(})-m6~#WvmYHgfbSdUvAYhFA>h_L zuG`@Z8rvv>#anr*D{nw!%513lw=XEOr3&LDjhOK<4!4K@g{mjAI4_jXWEjU_?~XID z*We;tO&H4@y%lg4{~cHV*1$!ZuA@>aChYB|L8x%sBiMWLv1NMTBSF(C87ka3j?P*# z6Ef`;`TN;DF1zF)Tl%dE6&mmGoZN-%ccl=XooUAG?2(+FWEh6;d=6jVO@tpZdofAP zS8OKY)NnzCgV9vP zOPRUE-6F@c@8H&djil}7Cp@5?1M8+F&{r|%+4hA52Aq_r>$ST$+Bpnoo&64?8)i`H z+Ey4Sbf5rm`e=R1Y|LCk4`y|6T8 z0jsdKMXeEsVdUT(`f8#wZaVgoEGzoPg^pQCC!`s%ujfv~gIsGEb9fU;{__B4^{UZ# zmCMMFQzP;AqePj>`T0tE3>+CkIhxlr>;I@LKhg?)WElV627faWA6_Ap!l6LoLnn3sRx zddGYc9k!L5Z#{_LzwV%w!MSLBvJieZEW-JU8=>E672_V<;P;RVSx_DC7<~{ zn&V{FWao#I7pSqOW)Z63rGd8FM#0@_@3<$H5kUJx;rsDDF!4znF@8&!xy~1SZ@L!O z=Y?=QR+RRfehDXo>hM&CEuHpV!1O*m#YOV->EOzxXrtv021g|6sd?ErQ+hJ(Il7!( zuKSCt(@rD3_!dmfc7T*uJbLndCq*HUVuoSPAe;A|jAx0H z+hFymLc9_03?;Al87+1tw^OSfzY$0*o5ejTn1kid6S&vP?< z%s_3O7PFbDf-^R`lalI-u#M*oL{@Bulhf1iTE}Ft&)5fzb4;keh8g2)t*m`#A?!Yq zCg`(Uz*(QcbK{d6M>H=Yk*Bc-=-zn{!OHsvNt$I3Dd%kyOZ$2QdQ>%$1u z_weH49zg=1>r%OAPOP0CTe|y9VF&sAewihIr=0UqaI*J;u+VrPH{<#|_He@h8t^=; zF!gluxh4#frmw-3FDAn_e>HqId=-uz(Smn;FXwQ85%>&bBRj|UcP5Lo&rva4LPrT) z(#gRm6JJ8O<0%~6q(Rr+y#jOMVn8)bj5MECXBKN8km*4~7&>MqrN4AwyM7)%o%kA* z<)%`34LNXWQe)@qNC|($VH#U@HX5rPq@XW685g@> z!kFLXXrn&~&biFPUrLhfzLyN^9F!A$Gj7A&{mQ7iXC6kBPNr>(4#DXaZGtzSu5)!c znNX$pnNwYV70u`Ff)2F-u6pw=j?NBaYm73Pi|7<4*P=_^V-w)Ys$LB3&|r`mNbDkw zu-fVere|z}_NCs0R{TNws)G4lJ1@AqAp#^CU*XFcqv2_JqQJo9v*6sU4o(;3~;?=iK4IRde>MZ~=3iuMUlv2E*OUSlFAXtd-BXT$liC zZOJ##I2y!FHu}n+G_l`4&-`rcAxpz9Xa7JVnW^g(z1oOSfljU@8-V0X8NE74B%h{hxk=PzkgO4)B*x$+JWXkwdvMofL-UtN}%<~`DnK#TXUD;z< zKT4E(URFf4d1^?VAAp-_99Z}AY^=V2Q2o^(o`$G`u74(8`K1YS+IsJ4|<~=F|_j404#CHH1hT|cYXLrf<=W@sW zY_RK~9gWC*#wE{K%N<+Mi5ef5lCD$kAe`ZZ_l`zkWX^wRr}2zb{q*AQGAnfJPzp)p|u%&nI~SCR~G$O^dds2r+^F&EyVO@ElG;Enz*;QY`8eJ=M2H^d%* z|AJa@b=NF1cT|W#BjGe z-(Qv|AAC$;ThDQU>4TLZ$1`^?FO;?1)}Kn|*bd?6TzNKETaTruDu6?@9?DWx65e+f zraQ^A;H3pHwqOQztWjsKcTz~~OcS0*u!J6)z5`FsR|E}fRd|v$6GBb);Y(H^ynKD5Q481$X;@Yxt;~gQl8n@tv z>Um^nPcck;r%T!PH;B=`px-PN$o(28= z0U$qC0p_*ugQC4W(^NKw>zkU(?Tbu>uC{OFz=a67K0<T$S&e-{_6QfGa=qkS6WV6m*3*OD}BVuE|ZAG zokzKir{I06Iy_GaC9hg)Nx5GV_L-&Nq{=<;qEH*_woZkMGS;)F&l-WhjwA`9oyFO? z>AE!F>v{D56pU$piL=zb}%M zdq(u^dMny?eF?ih)&yH#T7wJCz}>R))HeAJj$P=%+|pK~Uz`u*ls3T44_>%9xSBhz zQGjv!QaEkyCwO^sKAX|?nv8q94dnNzGxoiQc-0a zH$I!7P3Qe`0NuVcI1tTeN{&AeyuZbvp=uai$6g3zxkpR~n z_wmf!xzKsVK=9MZ8a9MHuW*X`KV0}*gRQDNLPlk)(QZC-yX(etIB|C@oA0&@L@e?JP1aY1 z4w-j}!7@L{Stv~%KR7YV^hiP3upH-6rNM4~yN<_;wh233z3JF6MLMu`EnRqcGIkyw zO#_v0psvXW7#Anc9s5s}`k&p1)kUUk-yD0vp37b2lC&H1-ycO}5;d9m@M?VSc?0eL z&7ku__oHClXLx>Fo>iCZqr(ei*o|e?@S^brhNf-fDje6tEu%KxM`MTmot1cCPC7Xe z_>!A)@wI^6auEzo7vT2jXwcn11wT)!2aWM}A=_gR8)D7yx`q?}SszO#Y#YU8**6Pw ze^BN!Nsj&XJ%%CGErK~ro{euY0Pjo1D5oKhO395d`?MHm%)7gET$i!-+ZRyPtC_ny zH;C&dDm2}X|GyMBq$~f7A|4LnxN7}f!D!saGPHw;&uS$qFIYqe8;^5YeV2tbQGYQv zZ8^0tkC=s`0Q3hmLYR=?n(n=xEj zU5X0kjS#Em$IjYEV8h1y;QU#fzGDvsTO?uxOAA|YU1AlS7&c|$J0tK{=ma*F_cxkm zcR=I!a4bHxggli#icUxPobI@C;YjmEutEpz{$D2?G z>DT0@ue9a4>Zx?NW<6`JsppcX-@q>}tH?gP0`gAZmZgd~u}zXY;b3hlH+8Qp6Fm~m z_j=N}!tc|Vk9G#$9o_`vw(?HZt44HuatH)uDbtg`Ze!Ry7c6N1L(aP%VTi`@D?`ptLK{Hv_*q@lToaaI=x5o;*M`&eSB^-cCAyO-~VeNHlCu)!uUD2=5usKvh)$|Ie*hTcYQXNF?U>3I+um>x%IpUqrg6@ z9rR9p;vVQNf{aWjwpNRvM~Eg%QqtfZ$EzS9LXCRf@5K)XrJ04?Pb^Pq;Zo9lQ7=)M zdF~TodlV&Tt38Y0GWi z!?RL{E%z#b*pp|VyEcsXakmL&7mT6>Ij^|`^EO}r-|1L0reyZTI&<{!il%w%UD@*1 zC1lmFx3EGb4|lHF57SddL+I8f^et7PBK%FNMSKyCPK?1dFBo=xlw=OmZeg&+3(LD- z8lk4-67&l1z`lVpR5p~QzkDq#f}%JNYd%73mZFQ)*o*SOnu7r-R zrz$r|X!04$B+R)gg{9+MnM~Ji_WooV7Z*1gwnxOWh|Br7bjx-@W0N9Ns!vBF6@HH1 zQH+hzFEM20d(?XrD5yV!LYngp-;~|wT3q7Dzx$=Ue@ugfe^#c~ebTV`$y0dtLyxA5 z#gosCqp_%NDJvhmNgRBYS&vsFbL=o<|4O#d*QGN^{ipl5rT7%)&v;J0yot2j=jY8{ z)GAQnCwZpb)PN#x!A$I{3q9@pfeg1turYy;K;yGHOwpVJzbkiQ=v!$>pVTH?)MZ2C z*cRR;Y!CMir=ghY_B1^1 zO~M+nB~(*4i`(JIcd{Sc<7ckv5OXM5Fg(?t4Sal5`R#8L?7=SL9PGwX*$Do>&VqUU z&>@!5D(qNjBU=3`!l-}YeE07(KAw|85;-fB;=3fbM%;nd#n)iXkuhx6t6Q+5^A_F@ z|BnUj$cBstZIp@EpliEKX@GGYJok)(kNh*@(^5;eeZpKE9Crp~43?D7Ir0o<9UB7! zg84M-&{fz!B?c{SDiC_`F6tjuWdFYPz}AHqxcO^t!tetx*gQKAnp2L0cfT!eF_X4z z{;dQCVi)n#i7vSF@{4duD-}2?{v`8L_QBtkgRo)C8Prdf!lVg0LN|#Pxaho|n^Y z8uJ$6wBr(V{{??&thc6#3YFjtj!@K@Wtk`)FWBasjmvCRuuV*rjYyECw;!+N^x_g= z`FLyc*?2iT%f5$WYud1;0dU|z30I|Qg^R>iad&iAvFF*=tl+_WxEmUdZ@QIX--Bh; zwayN$tU4;sU+#vF8F%sF`-j}%nlSk77C>tv130AzC8VSO3W&}eK`~PcT;itT z{HKSgB zvP=R8%!h>$6K}xFk-hj$_=a0@@*G@L`Asw%gGv>)iiN#Uy8Sp3A9l&+@LbIh;zaTfU_ z7HZUw!<{5g?)V8EkgmD`mYRz6k^K{pUs?lp^u`kR8>hp6b@t#cZ^t&Y>amGqUGQ`;@2Bj4 z1ujZw;oFr${Nx;nU$QIk%g{+)g&V>xKfr$mS1__oLIHQmtr1FZ_#mXugXzC~CHAM_ z8_soIMV8N^><8o0;vgQB>0>iHlGh zM-y}MLH_7=2>CUdUi%u2>kg+vM$Tl&Gs>NUz@vE+Dsk;# zWnS(wu4jm9=o{t8HBe};rM7SxYinxDQ2~|!_#j?dU z5G5u@do*5vN1-*yrtaWk1FT^6st&x^a2swKwcw1ye{qv=9Z-V@+_cSaA>&0UjM8yt zT@MOj>(<*uY6+m@lYCMTp@Lp4%vQ6Ym&#JXe7X{Kvf){E5xo@xXI9<&Rkh}Z}KZjq2pZ4ca>Uj{`ekzA^X$d7wOLk!KneD`1T#nu0{o}D$ zuX3?UHRMm!Cf2^22dYerL|d5%(%ECf=Lch8S9vct-NBu0c;AbMrt_|xgh4Xl(`XuZ zcs45+Jx*tDupwcWnn}HM1a{RaF)^v@_-f1+NZ!>2Mmx3@Ds9 z>jmMG*L=T>=aW^};*wK5i}(d{t_lA5F)a~I9T#vcrw$+e8$$Vne_X*!e#cXH4cc1w zW6a6|_%egHarjU$PB1eFA_e{en)!p zHnLmGKR~HkS7mVT3_)VUON=;h6myyexjzSk(KpZ?76v_oGZW9yn5^-fyWMF)+th@1!cVer++4@e% z`=NsP?j`p3j--2EZlwDPRFI4eM3o+Y?y*f4^sZ}z)`@?i!}=KZEm}^s%O=u(o*{ki zoD7{PBFj5wPk^NKCG>6j4CPb3;cV1qYpgU6gTXXrib+|LCvxt!Sf70zZ?7koz0}^saLPymGVO}c2Ey=N1kA552jID$^Y z6}GJ!$3C92${#3rrj|Y4f??_~ijd0@m#Si<5q^JEamb2U57Oy%`v) zE@0xXC$n9GGqe3Sn`7mi*Ju+qk~K)p7nIgHvXTE{pr-#aO6qCbbv{y^E^@yype2AbkLN$=KDE^|X8lxE!$Ui)%^%z9d_dvf5B{^Mx(N`TIV`@2p@jdXy-9q?6)(?M+>A>ahd02OS9(1lU zruSWsgTnY>E<*P{j#+e)d>xU)Rkl`u$2Y#S_q-M}Px(P@&@uiw?=@a8iy-cNk6tnR z6P8D*z@XALoI5rie{mK#C)$}t1oU9fZBZ=&n z1Ea$TPl{wF&o+S3a!C+ZS7!IuPZ9RUJ|t^~D&aB~BTYXgd~u24Y~#mx@$N7*=jL!< zUm4KL4-?Rc^PuBbD6p(84`B6^k0i#`93H4B)1UTl1XgZUaR0F;94(8a8zb%EnnWo) z5`9gCqVafUeiHt(9Y&uXLtG>kPo+B;pHEsxLlUoXejjcL*i&7B`FBltRwg7FCk7#< z+<^^Tb>Zaol^|`l8uP8*MaPRC=2raGq6Yl`gVNXzOsnI$DA_6yT%y2g$uvHXYJykX zlIaWIx57hu&M;|B5e}@p~t;jSg&uh6Ft(u@lzC@Ln{-3}~y$ zlb<+C5JZW*G~MIpBAnv9h{X2XRh8P>JAhI3a7L)-eB zn66J@)r0Lc(=P*$sZz#bYC!IDDbB$#Hco#!5fMLyw)>5kn72Q-Lr0F8pR0v?<_5Ii zGLsc}q%q--UzpjNLOf*Rp!BjAc2=fB;I9eLlQNygSNmbz#dGv+^dLSCFAzRnJM^TbUP=dF$u)&*Ku1XDq-+fK3})DgsY2Pk7j3o z;^`E5{I^L9OI;_^l%^Tf)Y5H{lg`1BP|PX!wsF ze4y3_|DD{-zT9`9se-qa6ZgwtigylorBa4IwyPyAzjUY|a4wT50F;oJ&n7>#VF#EC ztQ-->cWCyrL?>+~=@N^QnQ4Nz5q2oAYJv-RcY(cK0J#3vq0T(h?pN?DE_z)!SlF9D zlw};yb9Z24n-8SsXQJ6^J6Nw#41M1v*>mAURR6buJCYH?4jd5Bz6qyUWUwK6nF$3A zH~G)>$YDXKRS|#piie3}{C#(9FWr;1k_(k9hQHNsp=w7NB*`TbP}|BqlbK3I0>9(B zrGfAvFO|#Mtb)G}sMC8vJ!FBw3c8}eh>HHq#G(jI;KZ!ChG;jg$>jrQ`KOThYR`pJ zFShablyrRKzZpyKi?XI^&Lk)+8wAHfh-dJ3;lc9AC7eT4uot56bgkfG zUKc5t{9QP$Lz!mpzk*#84}xXpBsMa*0u+P^Xl?O>+|iGtgGz0&0U#-rmywRXf4ov5K#yv)db&6a7 zfBQT0>>5r#whOMr52KSzAs$L-#k&y+!p-}2*~^V#u)5(IeoVEd{_3s_rQ1MHZwe9p z*3AvHbi()`{(aBmU8+e-$ZHcZo{1ia# zDic2C27s-X4#wPD$bSCR;lkbXz@*|A*Zn|1oj*-r*NRf9y2?MEWn&MQM)$&%H5ttJ zi2@Z{q>i1pN6_9Wd>==lpZwfEfHyXrKudNB?}$AlRw>ijo{JR4TngCht;O8*H|Lq? zfm`r)ls?PewUF&3=4`QA50b`Q(Baw1GQcxjE%u_f#blNweG>dcTev#D|JZj&9AYY$ zuvE^B&+oXiUNtFbvlFGYKS$8nnlDM~_e`onZJ7QYez!NQPAyFkHlBM9o9SIxbN?+j zH*O>ycn!=Y&xmb?SNOv%h*pT6$MEhc?EjvFjoISdjQHE&9RE$Y?qVngmR*4}*MZvI zRE4lpCd_d0PI#j^jN=#IhTE-8WQb=qaa|&`S@bFsPm#dBy0^Ibs2C*mii2lz1PTf# zGg<9akjRS0!+mMkl=6k!FZCCawJr*Tab*|~^&f3EmtfmQT2fY@%hB*~x=MdHj=$)@ ze6((Zw^R>W+ny8Jmxsd=u^rHRa29PV`^x3sUqTmI+pxjLV|cDzf;D9X(hb^*pkw|} zc zEuT$|Mu*M=G}KFtN;aQ|A>mYX9GHs7RZruF+2*W!t{a-QUk9r(9w;eX%t;*d<(i}v zG5+X0c9Q4tatG(*Ld|!WYOcx*<$y1ob(Qo_~8*Wpj2N!ZezkD~uB@^_vgC_P;RaeRB&Tl5#o zowq{C>m_g}?-%UqiU)J087y|bENyE4j%BF`HXbi=ny??PUc3q8uPAWiOhswYr2(Gb zvC%4W6xEL8~GMAMpmO#g*rR( ztN>ebe&AVt$8^6%iaw|hfvM{a>2v+#_%v0CHW-Y6ijyl~a(f9m=f?N6?mJ;bLnj>i zM`=$*GXI{O#qPnSa76z-j!IX%gLQeZd zCw|-8g0H@P75Mx+C0ui~8~ZMcV2k_=Hg-)p{#~uZF8mfD$1>jH>?yHSCHon?H=Rwt zPbT1IumoOz;q$Y`_qkF34uJpO1NeqU z?HH1_AeQwn-$}b|H;__~y#R?#kk^&LiK^IQQBnq4cU{A2v)n){Dxcd5ooLZtf*JEv z@JONu+wp2OB=(=hTcumzw8(8#ntcM3R#XaZ&z(v8X4b;uTMXlOe&D)VLcsl65aj5z z;D4!x4}3S=I+3a!7lQ97!FTo+x! z^!mea^6ul@Gh;`TxK{&$9qOpA=0wNNYJt^9cfh_>OLX7&l}uX9d$ZsPM6^ue@8kcm ztKBi!+Oq{LW=*Cy3n#+T#pBqFeJ{DvdBqshp@Mp!2BEA(k=8f?tqj@=PR{GN{S%M! zF60J0EGJ7VxZU{UXD>Od)+gLU03UGtU>SaA0q{PE?PZzIxiOiDI+6y}a4{BH8) z3U?R?=;!BeQJR~6m6#QM6HJ-Rpv!3lE8B9J1ekuqyV6f^Pk9yY9RHZho+w9?Go&bY zA{o_p6ylHTwJ`40UtzQDdd}N8y0A*W; zxPfUgAeU1|#+kXW(7a@*_RWVIy9eOS_9~3Go&zc8&w;0@0G7Q8MDv!vkmD82X_@;& zwew1%@pmG({Pw&v4U}b3}fy3ImhUa8u?A_WNw8pxQAH zG;S$D*wvpfLPL=Shx&uU&vAS%su=Gn@+^mE$1s1IBfVXAAFKL31+hZH8U7ndm)FjO zu4+zj*`yl1QYTaG%lhQY<5!SBBNY#OT!Yw|vqAAr8lEeQtW;e-o%ZAoptH^c2ru_w zB9fITGg%4t`X*tdj3RvzXiT3h6K5?qbFh8Hb+rBW4fV`qsNw}Hx_!D7JG=7~6N?@a zG~T?7{v$TC_xYF6w%we(NHt|pNE(+L#T01z~JnD5}7DRu83&j z?#4|R^h=uVw3|ypD51xjJdpSpQ5ZB9X7fGDPp4$SaAE`;P6?oHS_?p?#EZQQ^2D3d zKSR@w32f#@SMotafjoE_LgPIHxVKGpLfPL}NU??~!l==(j_bhL_DU?RY71IKQu?@c zBqx*C1jmbnq_(~iM@pS1NfH%M#lI#v?>zj|TtUwz>d;Jsd4j7?W!Ou#Mm)pwzwU2( z!9^4o5!1Y6;x(xpW=z-#Zw))J^`rzFqqT;%-!6tlnHu!Q(oXVXcd|g`!(GyKx6}-#@$hLmW&RS<~xIHXX$aLBQD}3xnmf1p_RN=9wVr~mBtn?=6TseslqT< zS<)={L6l>kVeYCBjP_Qf2bLStwS(`u;w6%i~?ejs7Mv}cMzYQ6QCeR z0_Vqxv7LiyY?hTgzDz{Yo@39F;U%;ObYgJ*Urr*m7)=!i!F9GS25tY$vqvihf!tiW zFuI!lb#p*z>D8RPiW)q4Hy_?y8WR4-7o=+12f<7GNHXqrI=ED8b5Bd&;k_H<>9))K z-kfKsc1`tzIu8vtUeW_J%}<%4bOAOGeSuoMP0fSPMI~0(n6!pXuEYgog$Upzn1y8QM95EOXVT ztsU#2PSgs069cj4$sD>Z-wwN938?YsY3$P(BewSKU#{IEfQx#n!_snmaLNr)rZZcI z@k(U)=W0$0|HR{vr4ij2rp(rd9;SADHbVAy16iV_jjN142*z(wq=$Lu?KjtCOph4H z-aY?`_O>?!pVvL)xZ4GSLm>^Ak5AyQNC7Tw7=XNj1=QryMclLPCazGIVvpyUfx?R< za9&M08M`r<6E~TS{xJ&oj=fDTPYlL?d5UnE96_Ti6xEvQV5!Se4EA-y@Yc_8BZc>A z=~&`FhY?i$S330XO~);2|9=L!N{-Lxy?aSol@Ie%*#7xKc&DAl1x_x4>e?EdReE%` z=D`5el9i;+a^Lt8Pb3+w?!)30YOyzACp#8!8UN{Nu+b8pq-Aj?cBmV(_HR=;w~Eu` zhvsC#19c$@jmhRLme#_XMKKuk&zxi&vLLZTfhajziW-)CvF4Y7sQPLN^QOz-zkTvl zpU?R@RPBIoJm2#ERUNi#%zMnv;(wcsRH@tSZNg<2{UQI}JkFZ$d9HPpW7-wzWdDvg zIAP^P`sA%MI4_n(DTQJzY^6b~R!8wWx(iq__Xihid4!sbih_%ZqcHdOaiR0(Czv7> z(Co4Tyg8T-)8FXPkk)c8N7bB(F5imtW&dOR0~7b;tv24G@nN~51OCy zK)X5xRXWGB&nnH}m>GrI6ZT{OM=31IN`mHbPhgd27fR8Ae7gr$_sv;dE>x>A4(^ee+JE$Hrbfcp@2!%nj-N zM_yPhr^<>F!|7<7`*`lSG$)x-OJsLu@{hUU@X>ZT7nJl7g4Sk3(PAy3cIRyHI#PnV z_qE~8g{kzWQxfJTi^JrkY0OiYgJZ&yX?$h^5scS{g`20K?dmHS@W>T+?%{tIiWG=P z=~H;L@e_P-DhFkQB-B*A0S9*kgGls$v^TJqWJU76>9u!xr|MMjcMqT;FTUYny&tG& zG{f@RwM)2NNU-SBLyX8DBP^dI%|u>K)hVCa;!px z@SUEScuq?SRvJWNp!*MD0mu6n4~x+&3+7Qbl`mXv3Ey!Z`b92ZCr~aLiq9rk5}#vV zapQmsyj843<1Rbir!X2^gWW-?WEo!adk*fisvu-1pJVY&g|i#ALC&7%NzcPvj-%HjF=gDls&lWe-HjvK80l88!gILdRECvUpQ9d6ZU zO&hi8uL2FccCw0RJ5K}0eYeQG_kNJC-2vS-C4xl9skqKW8YbOo6kgN}C6(tbp}Ra8 zOt+uF(J7PIr}DF$^XmuP6YCs7VCZ)4>0)(Sc(xY5AKy-06Su)p!6dx#J)?5Gz7k!3 zY!w$WVm7lm{u~Z@+n}#sA_P?;+*#QrTxQw?r*yI)%T)7v(iSJk_*{+i`mJchvemHd z>i~E6LOMM9vK>{@e{w#hukfc{C^%e5BtFxIgcYK)ux-O#&dgTG<$WuHP_@x;+&qXx zt^31syoK1j`WD#v_CZkdV!XQY2S$9|j-HnsXv_LS6jxn_L63?+ccC8Ly+)sREI!B4 zt2X0bpD1oi{3~H>UMf_M7Nd`@-GasqHN>V=iu0RgN*_+p;zd`#P-W6u+TC7{vW4+z zA$X1{V?*$4P$P!%x2`arWA0-Wj;wx1^}+rPW+P zM;+=F@Ql^k<=oKwdM?}i9C-bw%66afqI2VPsq@h_WXX*-JoHqI=@-8xzZ}jAl|#4V zq~Lo*E%_>l&6a;8=-wjpHn+lf=Aw&K*KhQTNZlI`_+D+uqF?eCk3G9sdg9) z>PMWbArLDL2G|lzS1uw%!TltgXf%!H+Z91eNFvnh%|WT3k}T)23eK*OrFyy=EWrWj z|0p^WcdEZGiW`#5V=_epp%PNWJ^NJ1P$){$q)90yG^k%A84?mIB9R6ak_O5>`zQ%T zNlIy;k>)5Rk>2n74|pD~d(J+4t@T;WD+(d+iXK|;m!@~GoPkqgy4ZgTq4?YD3;xph zEN+?Cgl&okaK#OGo)&)`4Wn=2_g-^+ePy!{i1RA!oh>^!nb$IQ7+Ke@mL-T~sfyVva|AtH9o2 z3mo@P#EH=-;85UyI6T0RDG2}Tao#&H>h~Y^K`hT@hmAu=^F~o~eIGm?GlO=7PQd!n z3|c$ncx9~()!HtF7mEMjc)x3CZ)*)5WqS0L&PE#P(T&?5trwV(67YEn<-OyVVqI`N zpP-||BfsoK`9-7HY7-5J9qmlivbKqS26Q02cwQF1a02y7JbMmP=E{?j_k(#u-W8U%5Wq9knP&}q0se-2%WRD!anZ{ctgG7r zM((&IDp(=h(NCtL-ac7s_HP39cX7mRPg_`*HN996bSt{t`FOocnZcI1RwGy2u!_2R$rM$N?mqA)y`LNc%!ty@|i^oWf2VyyRg~MQ8aAdA8Z_a z5OiAuQ1ArXgi7MR)AK}Se^oJej4<=HJ(PWx1I zk*?t3xeO7v2k~ap$0EJ49&|)n5;N3^hfU@ad5K04Zrf%EvkOg1jXknh%Y_K|7UspZ zY$V|$2xnQ;FnCr_3&p=4msN~QN2xYSFGM%Y9(;6b7Y}m2N-4d7E~{;DzxFe` z;<6rsyl!A{iQu=?c_Til-zdHq{0{V52B5OwNq=lyK)h?TdF#xF#5;K?&*-{{&HkU+ zgCn|J{P#X6O<4>V`d^VzcOKw~u&ee{>O}k_W(yqML45d~Ma(|oH);Deh@-9)e>G7Jcu<8|US;}Y?nG7L^G*#a+~#FMW*iv$ntdVIf7 zj5AGQV3<}u?CppVY5CcZL!WEG>)k-iS)B+*bB01d*Dsb^p+k)VZ;{t0a^ULBtzuQj zF_<;g2hz1i;mi7Q7}y}m+mwv>=^=L^C(Dv;6|csmhI(+dd_V$37Bu=(9vF&D`I*5< zaP?t4+-O}+O*32&hOVMj+ZVvag+KAb4>26=kpP(tGal|d7R-%j^U|j=)Lr#8IiNZm zL&q;fqx>w)+4z7tN6eyI#B=f9zmqs#Uy2*Yxq^(X5{%T#g1Y5_xTDV>yM%ddz5ImCnD~Wx4D==4$DHw?;7RH`Gn&+DWQp@3ojAO0h7FUo`H|EYm~ZKX zMkfV}QDm|3{{DgAE<{0-##8hY?;?F}x3Fc|cYKv2%|GovB^E`U1#BEZ6O5z4{`3fX zZ1(~7e1Qrrp0C0`wkskoAC8xwbdb=QLa(d)KrS-NLzRtFKy}A{uuXgcyCuGZOGpyN z2FwrzRla1mj2>cINHXM!ec@h>5hJrTx%3#JEBa0m^o(}m`pH_L`e7jLu0O#_wjaZA z*~8%W{5t+Ay(%8Ea-V4E@B<`!(Ha(SGzQLB1>Ebrf%I2|Yp^ zqxHGt1o-P(OSGmRsn;(1E$cL%RSM zlrG0d;!~{5yGp#|%_drUFa(V9RWRd<4mtOHG&$m6j%SnZleG94$hoXZe+8Hl$0AL< zUb6xE*mF2HcM(ijq*vAnrC7V86dxA7VzV0OvHS`%7G`LMQr-QcL6Hx|$=;d}eJ&1a zcsUgJOvmcvHeu&jBerS`BOji3po@Dx9J*W~WV4%a)3FZnV(tcF|6ea|u{#Y;gG^|@ z?LJ%?G79Ig9{4bLD=p}l0F58~S<zfAiEZK$BslAoR{7j*dr^2wfTZYb=Yr}$j^ssR56U>|2j34Xvp{Ao6 z{aW%D-`|@|TTXNGKz|;HF0_dcs}|t4d9vuSMFZsK+49euj$oVRST;fMA<^Via$)@- zsF9fm(w@@v=8IlDvQduy`Fb0O+*I5XzKhJbI*?pY^{1oH-NH9}4AIAIH+e2k?&-xL*zdh6d~+bvuCA+TTb_%F;3P~(Hs z#?Z0TBKi0qX`BSTzzZV4*Bw95EVd65Hy_~(d#NceJcsX)k@{ z0R-e|;;gIpV7-Iz2KCxU_j^4>`SRs7;h~^+Jb8v|m8ZapeF(b~6lufTDp>H-nO}aC zhYt_Qkxzjte9R&r%vu>r7ayLD8|yxiS=)uZC~t$FnjJLbd>cF+ZYy?Lq{#!!5{Sn3 z&D5}TK9<_YE_=db4c<(pirT;fg*mG`pS9lO}gZ&^6?Z#qtp zlH?Hy^T?>0Xp&{v2-(}O!-}e6vOZmkcP9?#nv0!4(I*VXCPdK1+w#FY%nIDP)kVWP zmC4I0Mzcc(@sYj9u&VP+S&>t@{kv(2aItZ%kPAH|E`Fg(1Dw3@+wZ;h$xX*_Pi`lv zX}yC3UhSb-r_A`twQ@LTX9s(mp-VQ#52m|cm*cAPdt|PQH+=jr2?qoW#hOPUF#UEZ z9=5hX3vV%&c+bYVDZ}wmQ350lKVg6NhYfQm%R#T}Cvn&|S@zqy5?&^M!u;o-q41L` zJwCPvhnc-(md}jweU!k~+;NG_6y_h+?hZ#MDAV49)wsmD5<91gsK&oBsAeZAN`9fr zs$CD_sZsIp!s;RhthJ--OYh*iN!`qrB!KTMT{=!|MLYi-VFrWc=^kiVtCZN&LZD?AjMKe0BU_wGNXe=L2CwU}`H4-;A}4zo5%-`MoEbbm;E2_Vf!_VDN|xA1`?Kr4#Y++a3fL32MCtXj7pz{XV)KboTE- zSBZ^~ba(+DtTBo0O8>*mO%_A0i!W`vAH>}{^Pp@_Bnf)wj$ub_`7xJ$*!b)kd@RZ# zSD(jF?U}DZe_k?pX8Pj4YlOZvL6BW@8D{)u;8r?fs3O~6L^XsH|$=YMAe?b&a zJe7%Ei$buUD3Xr2U#KbF4J9}4;@hL==#t}M{PBw?kgxZK+&E!LgHrdyj3is?_M(o> z?boCay5(p>egx<{=<%d+%jm5NIUbR6mFSPXjW;I@qL)`0Q60;6Z0}1To)raHk>?_c zzG;KvB{8I9!9n!u@ZoNs=kVC~BXHMODL(ac8p%;yga48(aBr$U)qATAKP_r->n}~d zC&Q5cxYtGOwaVa<;e0yLz7@sw#Z+I`j`#eRiUv~SV1)BZem2;hh1%r^yGnI>|9JyT z$=%J4t?t66=zY-Z)`kYJ;&FXs8%8o&c5mn@zSFA(E$R~a{;ySJf6-JP^6(Tk?;e4N z&Lv=eN)x$f8UVSFicxO3q?V}%{0_%U4^&b*I-*gw$QKp5+!yH;<>8R;hIx0bzX4*y$dGszoYiS zi<%|&3!bUca-BkAY;vFcO8o>&Cr5Lw)!$jTh7W&SavlbHmBB_q!(EeVj~2c|fmtbV z^ZI72ZW>4rt@FdVG3%iJ;x@EwUXE^GWy$>8OCd|&4CB9~(DhAmSUB5&e-WEe(^`L= zI7^Km`Jez^F{QBEy`8iRn*ZqjNIK}tC@yPm&tp&T!L9vn^la>Fm{{M71>tIV=xY;Z z2#kvIlwnLiEEW^@G=hVE3fT|7yejsWxOU1*)-qOsyn2*^_lD2F9dD0f)#q0Bb8|R- zLWkqc8HsdH?+2`#9Dr@6p4?F2Vb<+1<9SIjSQYn(*zEbvoPOU$74^SJl?L*H{oN4# zC0eY6PjMVg#chudil1$9rdb8E;E1IY_qL3Ld4-B}=$n_Q_gMuuoz`HR#TRh(nj(A= zB1z|ex{j_RmeUQZQ$Rwg65duR)1(2H@R#2KcxWi(5B~0l9l8p%(cuvOY?)1utzS=% z+UP=UOD*R7@FQv=hR8i<$T+B9u zpw$a~PWof#a8tu>Xi(DPVx#|rVxf&>rS%LrJGT;C7Mp_^@uPn_vSC@A4!Ia5N$)?h z<$RrpmW{mwz7B)nxYs=}JQ0Dx%}Y@zd(r$X#dmet+8bFq|iopKi8l2s}kau~jQR@+}VDy$Nyhi^uMvpS#+qX;bynTmpNZB|R zXulM0NWH>hVK$k4HHt4dbrri-+i{~SW3K6bXb_imO`$ImQXzeRF5C*b34U8fg51t< z&^V9^5ff*?)5oW=_xC7#Cf>$Z$tG~~EvvatT&P7 zmoQdAm7ZO^3Zzs@$o$hELC@fu(3SBPgFbbUmXauV>nsL~IX$>x@HxB)+Q{$_FFg5; z%zbp2Z0%nQ+YjZj@hV~X^kyep^>Q-3dSERiMcu?MpMH_e#dfGn)didEaV+`8WU^Vo zn~!?n4>$9-$-Da-6@FS)P zKB}4GW-Ol)52^4|Y$rNOyKCM-ki07zu5v@Gocqw-z8+sRtfAVUp~0NzL&$T zc_q+jJDDwRorIz9eA(xP0cbFNDl-ik#aBxl6a2<=_}Tto(y-+gdn#T=CPy@r+r{VRPdk1LTpYv-d^(v z`!D$6{wHg&M(rchG>(SIRe#x|=gq9m)Ej628^T-9ZKNFo>u~$-LU`J_6Ynj)3?W(P zaDc^2bdofnStJJ!hu(w*jvt6@)f>^-=hxu8vOXDc-;Z33%Pvb@<)H{%AIs+(XnkXuCx{} zE|h=_+73hhI}g7CI$)Z6IZIiRgmXs@!ch_@;Dq!QGzj`d{&Swhn~Y>=WaljQ#MhiQ zciTYgk1mut=Zag>IOfTmCTSKkNM@cJO0GTy;|HAp4Qtk z4B*#yDQ4N0hI1xoqq5>g&@5>Xcw3LyPG48j(8oag)p~(7dzsz8o&e>_j)J$~4pDDQ zw_h?sjaaPRC0chwg{O>ME>=02gmP~iKy73PaoyTTTGb8E)T;-~uL<*v^&Y-MH63I# zvr%DYJv;icM99$(AhzjN!Z92r-Vwe8M#+jm>arxB(r$uD{-zjoCyi}5F_6nRmjenv zWBJ9)a3n3Bme~}*pf|}7DsVVtY_6h_=|niWWgzaDcnh0pJ8>&2hS~?yp(Wgm>kpm= zugL^(z0}7{^V87E@H>u=SHr$#*O;tqKFaNP<|l&=;HWh^wBqAM$g+&){wq2~D#JGM z`Of+9b4VFZziq-QCQg7;=8we3|C8mpF2>yD*AIbLw;gZAd;^#26Xfl#P&($=9J(!V zKhB>g0~@}0Vz|tDHsjM6>LB-(xx!YuaA^r>f8R#ez8xce;IW!p{CPsOtKPHv^*`DE z1)GV*zgnnR(o5R5>7lnptN785m&jrhaohb4fn#MT-jHI6I(5NO_9n0s_M`q&SnsvU^}w~5fH zI~8$tdlwA;El2;Ut3X%z2J*{#IQJ#@*e_WNlu5hKJSMC0u`ZLa)vgxu6ofuN*|{)n z%Qw`CJHm#jJ7bjV0dSQW#sBS?E67 zokDl(I%l!hT@Sve{xSYJI)tjezm6X3e!_-uJ$!O^0&!DwgFA)SnevD@EL$P0wHNup zw23buF(QNP4tIuaS;tAveJOe~Zi!va*di37T<~P(5Pq}F7L%uk;3{z@x}ScE>hmhW zVv!P9H5j6twkQ5K(FDtm58*Knwdmd<6Y=4J*Raq|k!CgNfYX^5r2O?BuD!C39sH(= zxcL(tFE)glJufk)E(`9pnV@sySXMbD4vI&G;rX+HkdyAqrU?wn;l792sO%%`tEoL# zslEnwrIvKP^&EIKPMPm2?IKSyrtr2LX{tD1f)Dza!w&p=%u+u2(Im%s<`f`-F$QI@ z``2eQSZ2%)ju&(tV_RbIdMSMNk|*yM29fCXX0*0Ufp6#sRNU?al3|~i>eX+sd&VbF zQW2O1JGvnx^b;P?TZ!Lyy$80#6Jj3MK**UG)@)?Tm0~}Xjhr!`Y;F6(ewL3$-%*<} zPI#}4-aH+@=@<)4cNNjl&mMpdiIDW_7&}tXWuLrD$Z3m<#0wt}!;XIn_}yQDzt9p+dBe5nYBoxx?tzY+JslvmB@Ux^bht z9is69<5lgw0UxgZoYD2qm{G`Gp>Il-J~GobIFnWi5v=Uepb(Zxe9YoHLkW7Ku;774e|PC3bhfNin$| zP4+JR3UZB&827!@UPjfG-|4XzosQ1}&85S6#jzH&*?x@87kb!jmUnl6Emxdij595Kn zf$Z!87ckFq$F|XFta^G1Uj2R)>O1z3oOOLTLD*+R1s%o{pZvjT58{(@1^R5vYSFd$ z9@cbn2`0}Z+-I)=cPP>%dcD3l+r*a#Wt@PcLSInIf;?7Ts|5jiC1kqQaGX$H3-VsS znT*Cin9@>=_dVO8y3Yz59RPKG(pg@^aqwF(6%PhVVu^i+NTGHf+H16tS999IwX=wi zjM)cQ?#T0pF{_165-#d7PZqkUzhGoW6LF}#P7EiHr=uk8_!|>zI{wmj7&$DI^{SqM z@F~r(;N@DFw9pEwHlJq85?siUti$BPe=RuHTpN_`$76Ss4u)k{;3WS$LSDj)o}N1v z6`cmqz$f}}^t%Uk4z0DHaKIW5-M>r>H?4unnk=$Ky&hB!?;;8@&dA%=fj;QKfNWFV zK^g07i@;r@GRQfFt0X7yC)|rRqDxz!;?e~zs5jq&Z&eUjX=w+p=~&jn?30C}H2GjM zvWSH7Ws%k8Xgb$nIj+#VfG1WDhL5r9Ao~oGORD#1f1G-O;d5#NRJR@~|$>R3{!_>5&S&SDtw{^|QWycEu z;j%DAJ{E@@z9IhRcaTW*kK^CftRZHuCT;xc3{CQtXdyKZ7v!4@4aFD5C66Z1?dpQ& z?jo@4#+2fxeR5)nY&o7PJ($mO7Lm2_q7XK?gi9XQ_=4CiYeGSy*PvGrC ze9G!H50$#rt)<0lzryQ_TVVKJV~kb0jB{sIl=*qM@(C3I)acz4xNOxS5|xaEz>krj zckUV6B)gG~J@J|7n%>6}xAoY0v9HW-q&}FO{>t2Q$HJ`S??_{AGhUwnSLR8>hmCIB z{nHT^Rii;K8=In+V@a7spB1@Zu}Wa7XwquUDTukp;HOR}S${qg9yaWTH3>;r_U;I& zbnu1A$zL$k^^jg=%9A?KI#;vdX+um@zCfgl><+KKQ9!f}ZO;Ni62iqWPjH%;s$; zEVHR3@}E+{B6=Vw9JS=L0v|HvkX*FgO2IsD7QZy+1Uu{Bf|3h*#2x)_P`l$ci!9P2 zUQ<2rRzx9@f4i4=-Z}?=|Pwd9xhXY7mp(o3@xE%KPUI&e0Gp^!i2bIsiktmC7 zbYE)-r-E}yjNSz;Jk@^O*3VEHsw8Uhkfa6{o3KpWfO9Ojvg^O~IIbB% zk2sWJDCxzJwd?51%_m?|=@zJ!P2wK&=0T0VrqGQvjwlX`V7nD2W06HRfI<qGQ4G452S8(;tRY}1>c@Ng|l%){L6xc zH@$>OP0g4xlEQqST39Oh4o}UW&c=QzW7UEu{`u3p(B=Fah6-FjRD>K^%JgnCw#u0S~OHGogN%LSv+B4KP%uhuwuj<7!#U`vaiSS zDaF=&T81UP8WzSsQo&#Ey^@X^`&ayEmKaa?i#U7r0KdPUPVGL(Q+5Eh;B{eh^^vgTD zNlwMyyUIQ-WzrlIKNnA1yNU5_M z?0awrOZ%3hR>n^#>{6ybPPF2mxOV*c30cs9*O)%q7Xseu2poW~5N$n=FSXRAH@_H@ zC9nU(mY;h_&}S#`HC=^HZ?v&e(CEqmHvq3G9a@wG`s z0yFRnD{SW=SGR=0)|VusFdse+*$q8iZamD>Na$oPK&$dckkY8g&e!JS)D_?1UxNxy zOiV*ZX-C*-IGCT1%){IP2YAh~+3;D|p+>Zt(8G2~cyv=b%=r`p>l#qhJ6d4SjnUxq zREv0Gj~?u1{8%F*_I2QH!c19kovtW`dj5J9*%yKC=JcA!um2gmRC}5l-S87mEi;9$pUYW@sWuFIatMPb)WI2>uf%X}436n?h9$aF_($_7+?Q!W zEp~|DgW5X$aoUY#-OFHyR_8OCT*B77+MveD5AbbGl1QaI2UNbOK;QLzd^f$0X%Ei8 zyrp-^@!3+)F4^&LAgWN z#}V?}$2*Q?4Aj6e%e%y`)^6}sawh)&rppX5rr}H6z$ikNdMsZ{OK!)4io6ID;vYk^ zlX2Yiov1tU4)lBv#vrT5tWjPb7CQ;&PQ3z^dNKgLQoO)yi5&Ml zd=qZ(&*85ww1b{w5BSe-K%v*27N>GlJNp*2;v8^CW;3`L{$v{(#?iyNBe->_I^DFP zuT0tdBSekgf+6a0bb*E%bZKf+zYPGaVwI#LIwyf)|m%I9&FtjnA?3sFM3d;U|no7G0P6?lQEz-E~EeGq+8*93t-C($_qANsi97k(xaidp|H=GSvC6I1(q z@?v8z{MY^kUcI>vF>hK(gkPimxDUmm@?F~WsPw{>vL=iTgJ$2Gh+#D;p$vEqx_G;Y~- z98HQ;dDzyAFtdHRaK3e;#O#GIW0^TF@H`LN%j9Y3s-@5oe2y#(915576#2;w``ExB zBi^+17HKigVKz2*$;>CYY<}=TFud>#h(Z_`2t6`OKL}dr)FF6#Z8EsJTtH(pC7Q;g zVQH!&{kSC#Y;Qb)wwrSSBPG#Or?g1((wVY>Hk za^yfXU0k9LSAu5KeDC{Y!R)Ev(Kno1KWV}0OQxcbu_Y|xL^gKM9?0Y9S&&rJWK~ml zgNdIhoLSfh4O>Uk3m+oj(HB{M`cf(SsOE!W&08pL)@O#pG+^C%C;BE&5%ovThUy_l z(DzXgeId}1HoVBgMy-8xT>UCM8MG1KIBWA9jg{zeAs7vc17VkiG>=x<$p_&Ohzb5_8rDp~L~)57&n_0XaAAZm{|f^RE(;e>w$JA7ao`@Je2diI{it;C-F zot46i#=pUm3E?ER`wr7PVu`mMpF-TGMd(>m0P!PLapd!(;L&pw+%CPqQ>U%4`<*>q z`JacNXV-&iTnOAgFL=L8yfBD9!DnBEOw5%=HqxMlXev%dGQg0pQWAPxbOT|NX$)?C zL(x*u;tGBx;EvB??0K+-4YV0cZ>)JJ8s5GZ@48v?vBw@T;}Zi(pK&dk{K*zcU9)7T zV`|t613Mn+_LH={osG1h1v4ki!;Za2(R#51ectMT%VvbYo!hNY->yc7{MICIhhIc( zazWtA&IDhf&tvGXAec8ulK=GiNYcGBK+-t{*DKbeVo3%jUooPlS1a-8(0oYq$OH|Q zI_CZ55u9jrq&Md16FO)KCT?@0gDXE`h{tUbvhAn91Ns7wOjY3eh<$jgX#gF*>IO@4 zlckxq^`OmmL0ov4=uyoPI2C#lJEVl2`qHoX=-oerlMA4#fJ? zdA(;oY#Q7lI_I&Uj$L|?JR5KX5BVI1*sl__DDb?vjd(GQnezB-uPd+gR^oC`rozr) zKUm}UyXdaj&Bneu4ALSix7H z6-{gL=LOO`Y3QS9a%rj>pO-vJ@EYZn!ABj)+VY5ux#YrYqy--B-FI-fWG3C;Qr)cY{#B7sL7O~s;51e-78(*7hi~OH#~8C?_VJHH^hh1r{fEctB@wG%(p4$ z;mxxBZ1!!TXYh;#h8!GBFTIRq<|!R)lVOM5A@}2$@V%8CTp`VU>eC=KX*j+1=rB0y zJw*?*T4A=jt#nKzX%XPYUSuKC2erJ)%RzQr zF$rqYpaFM>&^s{-{ON#f61`ELmwx!njz8^2dHFz$xH5q@RjJ|ItG7X?(VC6;tIlpDNbeCK^^R6oDuE3tiihv z3Vj1-E}^BzX3_rVc67%Y8*bcEfQ@~rY{cC}ws7cl*w%Ug<$9l?{EUMrBj*n-J1uC- znog4Os}ep9UJTaL4nx9`NXRPbh5--VY4qoMG!|Q--^ryQbye_2)ntfz4=lv4wm9Be z)grR=5%kzJN4S{unk~O+0V}v2{%+KxdeY4#V^;3N*jN zl&>{W9catv}fIWin)cwZU1z zjAJI`mLgMV`murPYt?xG69hV5}C4EVf%suEGIZNy}ItCq8 zN{NH>E@+--&dt3>@xYb0z$Et*dm?Sdx7p~hg-$}2`tD-T2)cot!2?AL){TR}*=}eu zZyDVfH-+Dq2?5-;96$Rvlj^Y|8t8T$ZhoG^qw@cQMOojmR%$Gc9%_Ir(wb$c%X8S| zNw0le3AsPlLHwX3mNM2H9(YgY9_=@UF2hdLo__+a2xo4sa|V8EcEJSy8CY2^M{S3U z;j-Hv;hO2b%(uV?C0B%qc2@`tC_8hJe866uJ!~*8{3*g2stTx(t4viBhw?v0lc>y$ zNM3wRV98Xgpme_(H~KM<8tm>6eeuvDe*Gi(sb-;1(afFOsl68y%fY-?xru1(9nV)A z1QJaxKu7yVcD_9u+cb8F6OR}}q=qEwL}p>l?EtuBR*zpdjf<2lspsezt z8~m7>2m*+l9O^g^)-!Bb;Oc%139Li+6T&@Ua}ILW8e%}F7*fORXi!f#4!?OA-4>kz ztFgDl1^#MfzLyL^;j$|(J37h!n57=q`naAM`P{&|QbQV1dq6b5FcdzQ_%f4#_b_k% zH&}0Vg+&P-_Dx!AK=2p9*W@tRnx2Q<=gf%4X=i>9Txsa7SSqpo7Mzwb2SvfJ(`su< z3>?qlvsxFS<5CMuZy4~ewPyTr?-8^Vd~W43Bf0HHJwEiyE0okRfP?Zs*}>wmpf2Q@ zvge$JQGX5S1lx&JcFq@6zi5S`&KCil=*7oy*%u66&@|Hrq3gfz&e8=6tIeHDr;ob!;X;gY7@BExjr^{ zL=W1jsjxB6=0TKOI?le-h-{rYk2cOncgGgoos)(J;@eC%$Ck+7cg4eMzuDmr#+W#K z9k{#`G7B!gSa@a^Ef*M9hT=1<_WTFd7^KB@RjcsTvbSu2p_{mQl@c}63B&r>OQOH} zfn>$MG7MgK4wU8OAk3@)dx8f;-ub^|=gt}6F~)qJkRJjR>1_Onv! z7IrskFUncnhr~Vd_#x;l%S}uWzfWp~v(96A-B#gDEIcOuZZU<*x&6W$n$2)*%2Ehv z-we0j4#fvkZ{rsEt)$kcPJAavi@wU_I6M3Tx|Yudm~;uxU&tm6`xtfvsG^t5709?F z1+j4pXpdnH7T$RTOJ|tSKj{4yBWvFTkPfaKAv^d>8R6KVhO{xfjz)8fzkGKrR@D=K|yN6!fk zLeKhjI2RfX*Y9>?-{K|MSb2vWmQcox*Gur-HG7)(GYr7v8mzy(ia&Pu#{X~zTR&q9 zH`J7%NqZlIbJY_ZuHpu@RU5$b;!v(}unD|2&k|K@RS~_&zbs^P1ofYz$k%2$qG7Hx ze|db1!1OaC>L1R*nC<>#{;&C>b6vA=Xh^SkvsA9_hde3zB3g}iue^;4^IpRe;&xw@3UuM-dQ zc!o>9ZWnU4E5Rcq2B$95=SXy@vHdb)9e)O|uW*MKGM=JyIgUha;Vn$MGLb9ZdVr!) zM)Xo;BRtVMOLE64aQ`2IpJUP-`YalVr@}qB{=FYQMJW0#fmsqTYM0^`t}O@Hu~?P#)t1&bX)J9#hKyek%VQVYoR&OqiqS&AmQrxQsH zXPPStTkJyh1U|x-zX@Qgc?V=9)8Nz8c+rE(^YGc{D5N>raA#jl z94L6_=N7(0wY?2E!pr$_u6jBZ5;m!1MT-Kt6#7-W-mUs5T=A$1VV_cSa?HElQqFs%v z)$`%s_Q&vE*slE+I4Wy$l=yFZCBA2&t~ix0!0A&@!!hf>pmBN(@A9I2aK=LnuzAly zewDz$7Zx-naxU-v@c@;UZ3cy@12}yX#|Lck?dZ*^W`d+F--ptewp|L%x|=U z_NLbubxzPzikIM;W5-~@CV6JPT$9I~8iV0o#|7R07rZ+;k>8khn!a*0!i~!Fd48rf zK9$}H`BFY~@drs7UTw%96)eW}r3-+p9l>A8*~2Ws7QImQE@;fU3K^M-*q~Pqs~y)kCwGgdmsi4f9D|ozR4}^<+04B=QaP>D3zWx$h{P{PUdk?CJOX~UnEEvPoU$} zO4#y$N1*PMD*t)oJ?<-;g`WE+QHe}}iDGI-=eLEzQMcpxENvgvT=W(fKJbKe7bRvN z^+WtGXdC!GLo~dSj7&NXb5$KqUt;!^nq%d55P^vCrL(<9ZY_r13~t~p{UV|S!7KXXADol zX`@W3&Eal5q@c&|Un&Mg`S4}YCc zOhZ+$Ly)|VM{!}_bPYERy$JPpV-Q0(6OU&?mubRcFkG2OkKVn8_oF|OBj<0xZ29w8 z+Z|3fN+<#+eYDy#K z46>toRE0V#?xyVr^GHGCDmFuy(F14d(shO57<%`6*@&m@m>m5FT-?XopDER)GG`t_ zaCH!OQmMcSks;`2-eW5tCXorciEz+zCU^eu7vDB|Vv^My%=cQye~gR6ob*fBdU69Z zo;Zyb^$exeQiFI!;ZCk}Z6N=2YZS9`$!A}WSkcz$`a%vijV_)WhJS}%7Hb|$0{M!S ze2`Ned)^a-2gv|xC3zGNE-YqO;@;tkZ@I*%Ad1U=ZD&`~o?+xyEh<(zz#T4}MN_AZ zTvT%#j8dI=(1M3(96f~F`OSkRIujxOcN7@DVdC8{lfXx%8;}0>0fV=#lkTw$SO%r*;>IrZuSOqqQ_yEc5CPfk3sFtuNd3@S|E6tcpV=F#G``brAjDM5) zg12t%EPbkVaxh;}a2p*DUBUro)9Bb8?QE}ZG}d0)268I-==w&5%I#sWadJMYP1d8E z2I|t+RkC!}*Fb(QbdbQM9l)zJv}tIJG95VUptyUdH0|3vP2hiLvf%$DxJii?{naml zBmbSmiQAL0qu&B{_sjFqhh2H9$w7P&@D9!u+XM4{h09ydLdE8*kWx5`K27u^r?%VD zn{yJeVdhSv7up4rl+OWMnTbU+Gw?^?bXfFhFg;yy6%VO-QNuZN@aMsaY`dy~&`o4Z zFEqrlcL}X5Em|2RT?U|w-WIZ|`3|Ppok7#RF<>~}0SleYxTe>BjP5f=(??$HPw8lW zSN18+n)w;$Y)jyhel6sE;$K+wH;pO?nct@G5$H5^Hom`+fTII0;AEQ>P(84RRO}IU z$2!57V>k)RFDi1~$8*>izf#hE_dNX8u;N{Lwyb3KOGy1Z0m$4o94++so*fqt|D)(U z{Br))vXw2P?9tGcmQpEAkq{ah_qk3Xq!3B6qC$lT z`B9|j`}_x9FWu*R&UJl0@Ap@aZo;?|G`@FDswwTJpzh8!A z&2Iu5-&M%LRHIemBS^6ndO_!dSccFqI#et6xK#gTaG+6!+p6>mDjoT;i3FZ?ac!eQ!tDnTqZ4JO{5bbH7eX+onuo8t13XJPRNRXA%9!X*v6KxX=Eo-zZSAprI_M6feV>F zfv+|6N57b7xOI#d9gyY=)>aw4qR`&EVg+&gv2}K zvWl~=#PO0MJ)kj?*Nq(pG0W|-klLZ)rzy5x6&ZM{V;(GRX%I;Wj0yQ@z#+p*(Ich; zK0R6sgPQ};rERk4^O{gl96S-v4TvYVR>a}_$L`Ge%`vdb9FJ3FlxcIM6TTa73S0l^ z(9(Ssr1kU)9GgAe_UGhh?5Wd168|uqycqu;7G7D-THZ-*dO^PsbJbw&p-= zT$RZ9Vg z{ibxxl2Ux4AB!)COY*zxx8ozd1I%$8Ag>({9(vul^L`R38zjX~s;{J@W75EMkUNA( zyukzRvti&b9V(iWf@-@LpyJd}taJPZ*8Req$>bZ88&!x#rB9i9svGy3VnbGYJ!fOi z$HMG%W6*9n0ohA*z@^56JYD1rokBKZ@6DO8_eTz9uP7CD-hNL;GzCDpS3EZT(h=ri zZ{f{WW1J>g%Vx}-j_Jor1kZ5=itDF{eAgwx4n-yW7ZHqg3kxALFH)G3uEibFn}y4J zEGFhf!|&%$#HBa3^JOyG=rU?F_K#D-X(i?C!#XLRwj~3@9TQ27%3@qXcH^p(8)k_o^=Uk-Y&x~%Sxf|qlL>FM4-@h6>3LU;Pn12 zIKb-^Rz~!*BSKF|H+BNod+LHoX30!Lo9DWvGV1-oS>i>(31 zxaD~QsD{;I*mg&hKl27!7732O^Lue!!xv_Pz-6NAYf5NIGFHs_BDwIq$g^kt~@N~p9)cn!} zk`09o?%9wrdqy02I=-PrUF&!*>w>O`kJqvV@K;(-e&@PT)k8&>K z`!xx~h_?5h9R#Is`ojEo26j#`DqF5!K-y}` zLEY>f$YeEP(uBc~va1Kqs0HAci&o_DUL6Nrm@PbU_9EZPn)GZ*tY>UZU5XC80NcPgQ9*E zR2H6rL!wmj4dker!E%9pI-fdRT8pmd`bmVcEqCcU1EV+mL5JgeQEf^ftRCSHKeuEG zf7AEz#zQgYoVtR_^4rPp8R>YYL4$lZz0Gv{Gg0Eze!inF6MLSW7uQ%vupd5ZoGLB^ zcIy{r8Vuk|6tBV%n|Cne-%u|8T8rDG=fJ5Gg?MvQF-Y!oAsbJc(JH%Jm~CjoVn0*# zZX3!EA5Dk4jAiu6uFpiq_Z>>YHaxXR30HhphlF2lP?`CjoY^;!E0pQsfA;5D_nHH& z_Oc3C^?zc;!aZ_zY8Dn`S3tFAJTY>zL?6#4T(LtM&fAROCO=Kck$g@5$hB3J;_-%! zKXDHRrK;MdR*ry->uVwDpg##dp#*7b(!eci5O@onk)+RAVu#caR9c#dKU8ALKtCy7 zIz1jA&wL0%l^C;}7IMwVTI}66kv)HI13l+7vCK6N+rnJYdjC$M=A8s3*H>VwX*iGx zl9=)?jofmP6ZLoHk!|(>5*HKM9qYv)`)e4r@9cx>AM>DV-#Ge0;1ir*T_s*N4p0r+MI0EseDNK0JMpKCz0ox*wSyzSo+LBI$Cr%0jh)PS_#00nB>c;9!Th@D|F! z*TN33)Z!fM%_wC*D*DLju~T5$soxOv_Y@4;faqfH&u%A&;?Kv@(0wonGS*0<|Hj$C zGVCzI?kfJCA_nzeMIgRA65lk$LrU{d^a_=v;@7#vv+WINH&h4=H+S-4M;oR$X@Hc> z70?awg*^Kgq<8*3m~O2{{;fI*A*)WnzeCZuXtO4iX70f{y;9bidIGZiz7Z*5S2EI+ z(DcKW;OkWcHSOkT^23N5t_}eYwKQ^MF+g_OC-A#nLGb56h_o9GeLGjMofx4@Ojb#*uJfT^|>E} zE$e-Wc*-Jh{91}rHu_<*oh6@nd;wK`mWM;!w%azg>+_SB^>K%HEE)Q>4?|DgW%AXU z(Bd0S0-f(-lEMxu=e&vhu+Sg{ZIrbC&c<;S5Al^>CJwU{cGEI1;Gv)3toZyEziIek ztG7DV-IU-#cmH9>9^nnw=T3Is64(`YJ5bfu4fd|k#dS_hoQabmc>XL=dHsIe6S0r- ztk*p6n8-vD#m2`Gm&fl0p%4%QziUia)R#C`52yFwN-ht}`dCY^>_E0sh$ zL*)4nfrH(*rb*=ZWjOr#eH`XC-xBtJ*Vy9TNz}8jK*)kl1i8Aq?8+n`upcSnN2k}b zfp*nIE2RtvG@G(*S9FNTVJq`VYCt3O zW#OgU8oqUWG^XnJG5?-iJjO#=Y_u+wQ|n~YCtbnWcZTu1k7Hr)8a?iR?%J<6c9 z_aX6C%z=6S*T}1RX1KRq4qnt6f~mnMYHQL6hPMascV8P|#ozO2B zGwj$cSv79q&frG)Xo&s%3h&pK!1eCCFzvbx997YQ`lH%hFJ?8Kn0*b+&v@f)`|~(q zP6*c3Ou(MGj&MNOzsxutfU(GN_FSRkcCrdF%xL9Tk zCiw-E9ET!ax3C80nJLiL=l`)Yj#^k@7Y%HxkvN?nVFOKPv6jXVsB_(f729IKT_FL| zbuWSGPAeWSiO`d?3KJF!+3rexm{HaXw3;AO(xy*OW#Y+%6{3Y-!tuo{uTFpM91 z9mZJSU{%jX!_8}Lm@$rU4}qx=X}AF0uC9dxALaQYwRr;DVmD42Jpw+JX2SaVZ+KBz zioZUih3%s#UUM*DfwdY>#%gxv}{}*)aiNY6No}wqhOm1|_CAQ7w5}tJ*K>KIMVdAPGsNFIex^zd9as`&kG5l`M$aL9^5`Lr5x-uQ&r+Ov&V$_&LpP6h1tfF*2I^Jvr|mh^|W1#sCK zyec~t4qgku7wtb`C=vNW%Hx1TtslDsS&?5)YsqZ#f$QE(AUn-FKVKX~F zR7CH0`Gab-J54v7Pf8xyk^bT5p-VFsWNW1$Z`crecF}F3ZN4AxeeGvsy901o&vh_+ z(~CzB+=GzpZ*cpApSbhh;Ij4knkYZ|2277T1{Ed3S@Qf3R;{=P8kT$ElC&JIsV~6# z6$UuVbQk^*?xw%`KeNI1Kk#{uEH_Y{1)q*JhzIRT#C0D#@%j;S(d^0-Xg%|c(olY+Popa--?SL#gU$fO1v6Y!90!&UNX@pSQ!$GEepfNVVf!-Y3yR~ z+%+F^ly8xb`#a&8Ot@%jcMYjox`muJH5CU9j$)e@$cl!hs`Bp#n_+?SD6p|Uf))D% z*&bt|cv6&Pdv=QyH@jXW%1KOtFJGdt-_n%5*sREPW-w^8G6QuJb#4`>#=o!o#g49u zgN&ll{Hl-{9zFW8IP2e5xG$ee%KeXkOtTr5Nc_h>TA6zN+HSr|tM4@1QSe|2A0I?qS6?0$d!&@r_ z=6m%bVeY~3%EgYyOh|^w#_BXgA_I3XxR1t~dH|V1j@@34F1vajeVn6N@0w72vD==U z%1aZcUunlKBMAr<&MM1o`Q$-HK5D79;Fd@yzQpe^)3Mcrri>dfWI-$ZJG_X#`lt-z z(kyl@t^g+vGewWXoGgz`oC_O^ z^O)k*M4~@t6COJ;pEjoY5m$v&ocb#krfh4%1N;2Z=zI;Vj981856aQk4~BDzE8Sqi z=Tp~~8uZ=d3e82E_{-=FSm>DtuOB@iK9#qa&gWBtw{AOL`#6brG*5!{F->CG34h6; zoeE_GX4}A?6Wz8;1|AUJ)OT^8Ryv;ex|HtwQcw29XwoNULx^+QQ*h1t0XP zJwhL^v$F&*>PXOk^-9z%JQqXiji^l07*a4Qn5agr#!+hb;n=%U(RGE9%+!7xG&kCz z`9wW>!DK!@u^j?elG1Rd{z6Ve{qgF?&%&7@!T;Edg%(#yb^(AM~eyR4tF$3Io+?gS~2>kLG_ zaS`ZHkN_z&zT+6RVqC5>2NPBgV?Q1Cv005u+^fKwxcsrf1BHiCzOsciT`<6H7QW!` za)JfDk>g{+MMQ4B1;5tTNuI8pO>DNl1V6VB+s#J<#j9)MakA=USfcIC_ZQ3Hk7idQ zA!=q}0l(l@wi9_L{Te9hnC-i z+pA|_Uh8Ev(Eh_*<%aOBIjQ3OTUunb>3Q}92Jmy`<` z|D&1h_jZSsmA>NT2P`2_#|C^Bz5sDZ3x0p;jo(AN#h$zlE?u8Xs`8$c85VgEAwC54 z&NA@zNj7N?{fBNJheCeyWmK~SIN%W`yfwe$i9~^?KYai{8k2;6LlIQGHo)WwnmAZq znZ{pP#2j+W`IPnrye?o6Q@kV4t)@ldd8ZC0YUS{E;|b6fx{*qk^vK-x3OsAJ0_#5z zjE{6rV7o?BS;Nay;BZZjKb_bhdheV~6n0nG448fbscswKq@ncY6mRf2AjvJJ3#`&h zUU>a=KanlegA>M?qC=)~B+GOI)$FY#iKB+uE>zRO-vOt|$ba+E^7#kxr#aW)*CI0> z;gATeLY{v6g$VY?GebN{^oHzhrO-M>ju!oQ8`Y-|792Fg`N%i>%Qko?`5QvE`r`%HD!dUqk~q~#@asw05G6QS)@YBQD$j#$pIZJRJOAlXeaCB1 zr&@^aBRa?_1uI@FPJxbjvoUsc0W|JWq%XV9qRR-z&W@L&Glsi?@64wx;zS5G2X#W# zS1s|=qy6Bw`U831CUjipNWhQX$MNQvBp8WFFjXrUqdR7?kr_wWz8Mir<);s%TsVPS zrtP824wS;IRi|uvWQS9}t6JFOH^ba)F)KQyiy<51@Px;52>DPCftOQYtK(f9HGMnJ z@;we)7Mx=vT{XDRvl(RHe-Yxz+J_K+jHPzBSBP%yLGt!)6b>!D4<6%?y*fXQoH?}| zrw!bUP9qy+_IB)}sfhqTt~J(%s=2rWmhLgfOXPt=tr z@;kg1{dTXzbESMv5B}UNBRoAaqu{ zFZdZwl4YMVNN9u#@9^^?E-CL2E5zjT&lz$UuAIDxdxU-9|Oa?#kjQPB)tB5g8bSV zL&rn}+A1C%&evG0pp0e;G{*^?v%*f%lnei`q(}*a?KJ4u6hh0NZbyquC6F@jWp8Hz zTFOh)rJB!)&azhUI%$p3XN3KvvOF&&_n>F-QvC9>kLf1Fkow09MfYb8gJdORI^aSQ z938#{HNv#{&L4U-GD?D9jtPWiU6=51ydV7Dyqdml$;aY#OL0WA4PWtlta$r|R5m7L z0(GwYguAE+<{g_w-n(|Omy`d9ZciRZyO(Cb-^=MVe9L}x(Mp2x%HQEXeHj|EB8C-2 z$>Zmc1X#3P4b^hzfM2jH=**PEWPTB4jTL#7@o=JgRgZ4HxCr+7orUVz-&v~lEV2Li zL~ITlLYrr4aJTdM@Ib;Dl-3t9!<)AF$LJb1RGGl`4t>acevA#zeha!M)8WL~L>8hd z&;NV4+;&X(9`-%afmqf$!jbSW0)>mvc>i>&LWB9 zhVU`J<8hmuD+WK>i}&UR(-AorvAxm|qH;QIXS^CNn)6PY{&zc!?x-*ZSM6*ZJK+Rq zn25-=!(#AxI}uVRkAUEzrf7e43VD4xkF^Nu=TF@XrEax|#%0WbL!r`;Rkf8_Djy>& z?iPZQgFa3=(u|qcU$R`KDa_eZmaex5huiv6C>vxYWV@Dw&oD7;tarj+cgN75FWiZq ztu8$%@dO_0FoEl5hG9OV>A$y&(W`I;B_~4huL1$B zdSiZ5eKD_1naAczhtTFC8{+oe1Kyc;li`Lopt4~BQMz>jx~y8^u39?#HfcVu$(G|g zWc<x4nkF8}s_}cmapBQ=xI*T8{NaG0T3;sa7-d+Kl zTU$uM)Poo!3>e1vqCu41ImO!8h~_EZepm&Cdy4i#PkAaqSv@PWJ&z z8SaR7;uzd_Z5{Z3SdZiVQqf?6G>yBY%r{-h1*wfKY{2u`uPn6Z~CzcA`5xo+)FGQYosDHbZP4 zLdBP@nf z2X5nT<-4rq#W+4!Qj3P1^9KFePV_son$E25VXm?XEOm7`#?IKpzASP^9i~8a6%4Sv zVj^ZoYQvt047fA28Ev(VSWet!FjDd)ODc!cEp#F?PN$?RIh73_nkTBJozQ(rlJ~}q zqA#k};mYhm$! z()_F8F|bXDW81T3c%g7sj+xtnsWTPm*>k?ovwu2latMTLy-%_3(0cN>s)x+DeFj$@ zp2KqbkHcoicR1?KO$;7aBsRe_@OfYaoPDZG114_A8(OpY>tp)#t&J=w$8N?OE}7!g zLS;TSp&X9{>CtOC@hH12gp2=v1s(AS^vryY_avrLUX*~B21&zyrTsX@;T-ft9fOhI zo4~i>H|TW?qRpq(@b_gyNP2kz?a!Y8|ISE^8*IbtibUkq(MED>-A%}sJp$H$Gq8Ta zP`WSIgG%nKA~yTYX;AB9amzp_DEZn3WlbjZSD+4PeT{}MaV1dKt0L+jZ%E_IPmtCG zYh3-z55A3jMXF6tu;n?m$b_@A+c|-0TSmfyby1*xa|5ZY(#HRsfsdS@B(6U63Saze zvvnG0Nc+cB!;-#aRPoCf?alkd^meSlUtLAmvnmsp4vNAmVLz-U~V|qn{{xi7J5+ z)-d`~xsBqyeKtenBQfgFEgXF03x0@^f^n^Xam2eO24-JiQ_TTP2;IgNx!tCI9_*$wAb#Z^$sWp?ig5(!m`(h2N9n>wJ zP?nBCH>E^-4Ht7)HxV4x&?P3vPm^c&#_~I-&G5)f4u9Gz(4kiwy!W`lIQ>Zw5EL)` z{%TmPXCym)@IO)C6yfeMA`6lWSJL=#z4#-Wis(FHUo!Cx#Cn91J?VX5C~&Wx+KqXa z`(ymwxEzX93gGIRPPW!H73A)kV(FW2M6X(dpV<+L)qX9Ic>ANk!H|TT&4cLFTVo*4 zxSGWLdxQ~{CR95(gZ&Y*YJ0l8;DP=MrnFa)hfEBB!(r*HaljR*d6R|Kf0Ms1a9Tu{s`_B`2oIjFmU*HNak44~b zua`Lc$0VAq+ru_~mqYt?#brH9oWXB>2-tcoz>eY&G;R08t!M8uF61nv_XR*p$_?DV zLY1y@^QOr~i_l~7LoA-C%xl||3Q;ZbbPGDw;tmOU<^h%hucbgDk-0p+ zN5Yz<=^efdtjpiwb(0dJGA$GyPCUw|2lSJ@b7CP)!4`vemXng-o5=an?PNiQJ}k{| zB7;{P#s`Y2BzlV#IntfRHg_*%qldJxHwkax&SMv-{q>$WUX?)2(+z0svkslFTobLh zc?@$qDU>cNC*wNgC?qfD=RTg~O521PZ_Ejda*u$kum523-*YGzYk&=9d*SKHk62>a zf&+bBNwfb5ZoB*i4vKq2@a%Fvv%;7ZRByzef<8#9ekKLsoNR7OgsKk?glZK+eu)lq z-zu;#9}a{zUsL>Rt;8#$w-Q-51Bf|m#s1rCPWv&M*#4n3)uVyUN~*?*Bpa->~tz+;~|?i-rC5nI_87pAyc^f#gHAK2SK7piceNM1tUgO zlill$(BygvthSWoCK*8x{rDjCEy^N}!u(k?$&xNB%_aJcLHJ(0h)MjLj=UrsLnEZXQEI%dj}r>zn2>(n$&`YlI(9~;5Y-@wz%C7U^Fj5(w8x5y=iR#?-UK$+G zZ^MSmh2-y+4>;yWC@b8z2W(e8By9Ue@?$_WjJ+}(zeyg%2iFYAlvCsRbE7Z;JZntF zqkh1|klDC-@CBGsyN~H#RG`}XrFeDib4YsdlV}f1!9U+}@JPc?^uACw*7*DkV@!$b%*Vgt%ocjD{Lp9-q$&=7FfT=nd32NgG2Ko(q!zNL z_l&5*Mk}%Q@jHS;F%>6_uSUB}Mk-4T_~1Lq4~*jN1Lt_EGJevibCJqc^({efiv!I-h?7~GEv##vDj;-y-jA?MI*HX&#_AN*ku z{}B_#wwjMAGf@k+-5}#gtLRg9-nO27pP~XXEoVsd#Y^z_xFDIz-$XwYZ>4WPrDH&S z9a!f%ad&A+KGty>_3@sL!yC)M{kj8R-uJ3B=tLz>8hHj=5^9Kpg+C+;{nXXaX^^UoW;DVi_yWSl%y)=!pjLGF(Bk3x{vw^59%zCUz`Vx z?UU)iB`Zkv)XnfGvW|J=CE=y=!L+9%nib8T&l^5z zClp8hOUJdUwc=%y0$`~*z=Cs=`1LLJ%;2=ZRj?e(i((~&-g5%W|NI3*6Su*7h0AQg z=M8MSNbtAKO@hO^B8)7bjOlTCxY9TWeNs2mo73K-qvIlW;7Sx}zM;r8T>^3Ew0Ka! z1E5g(mP9po!N2eUXs*(P=Z{S0^CEJf=-)tM(Hwzio_rPMS1Mx9)b}h#c$JU;?-zA?m#L#UHyUVi4MVsk&9{hHe;r0 zSV!7Z#L#&t0DoQYftLHyyl-VV&)P<~cc>d&=NBNlKNAM^-XJ5yoh0?%88XSW-u9BN z2awiYm^}LjKJgz+({?DsQUIv2n6b(0K4E(L=Lf ze0N|NDO@t1TFYD|hnIdMPkM?VptF~FYFY9-jlbEH3V&?A=0L3v9tIWm6qTGQt}q=2 z-mW7dW8p^P{@9UEn>?ETPPGErI}~&C{rT84mazHAe>RaBn?(aoUxp^P-{OLNTV}JY zLVW*7JNESoUbmccxNznTbZkD0>m{p5d-4Rj-8LM4TyO!Rb&9Pnlc66(S>*m6I~FFY zhoHf^@T@5wMqE0~H>9lveW}CTF}503#(x%AzIJ@&At%r_aG-6UM)8Zf)5wnPA=q?v z9sYK0Cg)OWAXu#wckGypIrgD!(0~>+&eh@{o>&vn^nIjk>7R=Qi!2k0(2f^{{fm=tB^=6mIwcW%fVN(#X5r2i|{|4B8`<8%HTwgmU6G6LaNg$#rYgStHLH zmW-rk<22#ASu{M}-9bF{$KdeVFy^r=3^INRE@C4o(3qEmtD%s^jr4*iDPG`|E8L5H z1MriJ9Q`ir7B)xjhH7PhG)Yqd^9lK=mfy)jW{(2NOd0M}zL8wg`-1xOTSbbUFWApp z3S@KaFYWZ~Y?qeB;d z%Vf`%Cu5nzH&`BZn0!Cvh8u=y(Ftbd=zC@(wVgA9%Kh8Umh5Hta{Vw!iP{X-@gHI2 zPz_NxQ(~rHZDDBW1n%f$K-~A#i{?s{n2+o6{g5!2^Y|M%yzwl?T23!Boj9Cs z$a{!+mJHRip1{|)mvPXqQiv>Eg|kgo5WN~TPM!%f+hhsuKTCl+Xqa*Kwi)&c`O_gT zyXbAP;7qIhgq=McURKHRBYCp;qdyriL;?SqT|v`)ZJK*3 ziP>nWWBZp|pt15Ij1u-Ud3R5+kuLJK+o>UrZ<|MTSN1{X5JhrrNIY&itIPJ(J`lB+ zb%6e2X^_#M1&5@rFgMLAQFP)@(p=q4o?bkS-OH>gjlGKjNr5bq-XoH#1MyM|gMe?U z;->}O-oK@gMXjx2%k+oPiHe3?I`9vw;$>`qriPn8 z=yGkrl^&|xEe`dSgS4GPVao3Jkd?j(uPf|DCl^U}K_ds9e=ee-4pZqquN(M5(wtS? z90*ekCv%(UGa)@w$fl}w5&Ldw?rS%Ik4}gqKbsY3(H1qXaaW$7-_ilac@IQ=ei6j_ zRxULENf-EIhoM2)4zI@^L8FKRc!fS<)62?Pt&A@A1~F*KGXWzl3v$H#B&Lnjr0119 znL)xcOzU2ZGhHv>j9+&l!=M80wtZrG9{M~g_Bo!g(C22WM#Bf$6yaMh1-}<1lVx5P zz&Sb*o(S{Tx{CYc#m~(+y7LJ7%wyoR>j?~TkiZ9#_ZYNp6MGovqS}ya(DZs-*%(Vz zSo3`=G*8`*Q%oO`qi-5;UZ>z5xo#w?e5Z>u+~0zEekr7+gho&rWE3*gPoT39~S2P>o(qx1@GdOPSWmRU#<3;XGC%PAhk z@4jF`=pZnU2!#B;JCITPn=~t1a4DmFh?F}H-AmKJ>`ENQJB*-Gi^lP;QB9brqKm^y z1V8NC7~;`%Up%bkI|kK0gZ=4tY?WLvG)0|<-LbQvOzNe`amgv7|E-PmziMPwZLi6M z$tCRVo=&KA4`)(N8^Jo?gB^V?uu;2f!OH747PkahuL_xkdDk`R#EymNnc4_a+v6~a z)Pn5T1DNAzM=wPSJ>qdLw70q)*7Y0n)sG*b|Mjm(I$GdTeUNzd)baFGkudWbHGl`Y zMPkUP*|QZIb+^iirA8@c9W{r_F@2SUjy^fDlj|xGw6w(VVLt*@xRJp zyfR!8<;O)s;GF>aVxcr2oag~8X*BIP>Wb&I`bNu>SE z`GT{3ByPqEp(p(b-fez?iw36SD^nxPvPgld*b{hFOCGSVACpH5UCD1dxPwatE4lj~ zqB9ingn||X%`PT2+e_JysW#wxBM@fPkEX^?e~BBSO)&U&I_i8?p|0=lV5#9Cy6)*i z)H_$i8tP8-FwZMA5{uSaC;Bz?YWpWt(&WIG-8LMW&wQxp^S(IxL)xp%<`e%uzP5b_u(5)(_?^7y68K58#F88MM53 z2XecTF(SANW!cMcJC!Y7{WOpyeT`&C6;q+^wJ&TiNEIy` zy9jT?M)9dFdC>cem4#4$nDsJ;bWW~7+wRNa_P*B`|8_7RzG)=CxGWdaHa3cHl(ezU zwF`Lh6Gw=)>L=?LYw|-|Wm&oHEIzR%2{s-6gn$2^!--G9j>i%3-(3gx=+!kmck??= zYMl!P9~__oG`txJ9Y+$fQ)gB8X9=7p%$+X!_$lV!K>*kCf%Gu z=XMMeTd)+6jF1sJKq@rfXD&QeTEq_vX>YM%HQBZFIL(Rl2h$DaR7z|}hc+eRD$O$} zAsvUg173;pcO}vOuky5A$P{j}OM*9U9Gq3^Ns`MM+`V-hTwEFnZ~Mz|Rk#FyEIJCr zzZ9oSmcyO*SIF1r_TU#-4-bzx@dT^Qv_I7xQdWd<-I83vMkMErje;;!+5=SEVMaD~9Sxjd6&8827)QQgcN#ePc?@0ftH{^87Y*3mu5gc;@uuw`w3j7m+CVmIa4|yas zY>m)~T!;QEL$X&Wp<#r3-lsw;ZD}Z@l2OsnQbH1G5FuHm zQf7lvxaWN&w3IYaiLW$O+LQb~zkmI4A0F;?Kj*yPuh;V#FZQ@;%CvKqg8RH!y3#8a z4_%LEQ>DJ+@dXbde|r@~%(J19Yd^qh)5CB-(jD}lE0WPyqG&7-KDrE}+lQ%B0S?`e{!epQ;y2RZYQt6ICGmkQzNaT7f7Wm!oFe z75G!XQQZFU16)5WkY75PE*jZE3J~ zuLONqn1GLtoF>i%b3tXxKk)HUpyQ716n)6Nh;p|ka;JYzV0KvOe@bYwPot!TjOA@| z`sZnU(mn;>?MuL+TO-ht!Xq$T%`?U|EqU=Jh z>T3qyoo}H0q1`xrKpC5}{u%iZ=11dCd9kcv#$0jbG5j#sk|$e?fCr-l@5Q?D)O$ST z`Cd8nj>|^gdZ7oUnVHD)cs+MiIKoDcTMDhcW2l_|1dtuDQoO#@lh;(P!EK$tvB)U~ z?*@cn?ug?cYrUVd3{NyT7tCi2s3-Tf`|~kjGCcLl987w1UTpmS7`wbA1zxyWflEnD z)q&}+tI~HI1=f~;+YXOL51lG#j5^F!Prt`s(c`%CMI_&+v_bBE0~oilT+HPr(ie}H z@!%>A?rHV`uC+b^NujHF*;1eSZZU`8tpb0}(~swUiQ>1Hr()H}y>!dL$*5FbSk;|F zupmiIBwA)kyNA?~e$_`fV=+P z40lQ;_^%u7xaRpV&aP)bv0^$NKRcUi^~5?Rg&v2qb5ihWo+LjNHV_k^jfbldcOcNG z6u%1WS1D~Rj@buU#Gfd1JG6oRDUZj_gu6KQKX3Xbbu{~Fz8!L;cEg!7pCNd&7r0HH z$Rl39q5A{hqt&T+{J2wv0D`e+n8swHslq#lz+L052Tv=QAM=*e={ zG(wxB8|=Jx0-sGbh6{d8C?_~Q?M6w^TH!ts-S-moU#_DoZ#EIlQh_fJx0}RIND%+B z>moxPnn9x417y~=!7km$@b&0DcyeV8U;1P*Uw+~>94Zky#Alk>gi+JL%5oB~c|D#^ znPSWvRJ`#_fIN$ta0E)qClTnnOFVa((wNPk$!qz1sC^d?**hJ$b&0X?v&A$;ZYxaO zX-Y%>ea96h=TUm#V9J)}3CyiZ7@nPuZw22%e2Eqxp7$1G=Ej0qBW3bSC1|Vgn&&^? zaJ(V8oVwlGj6Ty7L7c6KCbysBoa^&pZ-^R|+h|68mIshOKeq@hdK+rpQiv+K$I$Ng zc~P#N4JRnWW4ynRnc!(dk28aD0_akUXK4No{AIS1jD<1uW?a|&;>R2 z;j;OWM4WjTRSVRRa2p)`EQyW{6Z(kFGXRp9uvD&v-^ua40GCZUC&YcFh zC;TIBe?Eeb+M$nUH>uG}irt`oMHem{G~{c)cR8qVD0fd=(h^&u;>A;$DyJ;oB8-EQB9ns7{wpBmB4f}CoY#-fnzTJ zC$c=@M@dO7{vEywBH{-S`Eg%iU(#ZFIp{h(c`w0d#eEh{o4t>Z^p@v?Hm!jXm*!y5 zqXRVQP#jTMah80}JP&hb-p0WcLdc_Nq zW{u-wdu#3)AmkC#1lQkrW%@^d6&*KUk3I=qiVfDXU@tljbtiS{li`=a$KVAqYC8!A zreW-6ND;f7^BhVIXTnPHA^2(Fg5~XPqJXEHz;cxu9slu*V@s_qdYrrh#=0Uf^bN(^ zirZkqYG;1%e52^&dsj@aI>I6j{b0{ig^U6pN$s85$nGgSAp1?EC~iU^q)k1ECJo=v zM7kXJoR~`@K7R$}%Z>tG{8825p%MvXUQ#V|7OaPz^E;UQ_EbpQaZu=! z{UdL8W{STq913F%EMSUG6Bf--;`iRhW3%8(9{q1U9Cfh4-gEVEPu86qO1_0Qm5=av zY&!b#z3A~-&2e)>E#zdz!RME&nRCD%P+z1?#KJvd(A;#OwNd!X@Cd8zt;8-HJt%3I zNhcdu;+A?1v>3e$j4JMfyVquVBYX{BR-HkMIwVnk_OQpUnEJi%~SF$wlE z7ysB=j@}ms!q?;rxTL%ZChNb0OI_07`*1hESu`0UppDH>ap&nrbBS|d3c6YB!O-^u z$;da|*!3k2d`^19wB0uRzV<|JB61}S59-NJuTOZ%zX%6?d0O@O=ukQ$ZzlaLl}gTU zm_`>Jx$1bNQGrkSkRfvGpHII$wW3Q;u7XDfv+3G&0jjLtV0 z18;h;l|qlUX!}KYt^XaQmwkmA>w9Q3b{ecdG?vX8r^6RRIBmWE1kFaZh&?pU!9lk- zqQjsJrUP7tf`K14H?VR*dMoKQaNiM zg4ZVq7v^U=i&nyY1#gtRy$s%Wn$mjtqbTiv6T|dVJsJE5P zRO&#(celZJ+cJzPsRG3z!|Ch;FPU4a51e_gPn+%4cz>BKM%Glqgf}vLx10g*ym5p5 zyf|O%l1NE56UG|%bIYTb~L`+;|W(+8f?agfBK8Nwh!c) ziVOJFe>cIyC>EXSe3o$uXsFA~9JS zo+{Vi&Pla6{;E3P(e@elP3{xT3@d<~Yum`(umP|u_z*ff*Fn8RH5=Jz3A0_lvW5-b zu%=a!?vc!9PfZhuR+}{6&@MQn^7_&3q6XB6f!4ncg6S_tL;rj`4Ahnr*k$&xO~@TQ zUGf@!-PXpwWy5i1yELA>9n6ThjD5Is94;vPz#}hXp72P4=f0SX=M8Mw8<$WVSu=r6 z?Q!G!^}Fb7uaW%6n9Ja_rkzEV8q-j79SH3jMa_R&VPW_NoM5yVq7N2BfY8Cdey5vl zf1iSt<`JNrmx_-b2Z4ISB_M-j+5F|VaAVCC=CeeCZJpzY3-SiTL(fKZ(^bTc$8X@& zH53;G81rivXENu}qj*rlTc&#M5_ZbmgQ(zrC_73Xy(jr&kfQ>)m78Odf&u+BNr!J% z8b(7(ucNEwUv#Z{&$2Trc)ss;`10%ssh->n#Zv@NcEMPYf=eToDXu3kLsjvMiwXVs z%N%7Chhz1kF3db5crWHl@U1E8`1jdV7TZNJ-p+%3Q#;Bm%QU#nOg-Y#l1hS)%?5?% zV)UJ+2J^e4$vxrO>$%tztL}$$wUK$ae$^sgSTu+&{US#;9y<&!C+`4nz@Sf6VQ9frZFw;-@n2a@%2F;K1@x9nSt zr@!@p_A4p=b9N{W_pgGUx@zzhC*fL?`*^Bx1Lrcr*WN+92#pR3GRg(_;0QpKHpp{{%U>^HVE%m+^Xp) z>n)3Wr>qtB^XK4N{T?`4Q$Z4|_o8mAH1#Vf#$Ib%zC+Uk)eA--^V&d;&t1V?Cv}3N zeF3h$70;}1nxM?%Ht<<(2`M@mBt*iENgb~cWfaRmjF4q`v`-3#&KyaDI%lKr-FV(^ zXoE0jIRB#Qf_W9A@OM=si%u3!L7&2l8K)it8H;1ipF%v2;vlS2x;=A8C$2 zb)Sv!=1v{anOEmCZt?Q!RNwf^!8U{Jdkz`Ju`yIOb?$El5scP=v)V>bi1&CPw`WNJ7 z*$}ah#251G+DE89wTBu-Phx$s+iNp4@P5DLaunT6{|A#y>H>CU7;5;bu#J*q30yH^$B-=Xo<}8muF%&q;kQ3^jlQ^Iuhhmf}pxp5nVjxAT&J% zE&FHkRX#4*E8IbA_jR(<21EF4ml2{OQ7=}CYM|@HN;bX9kb2l{!M2Ep*fLa@C%x%} zq1#5$>ZfY_$t`uky*wQTq+Jp3S}}#|%@3sQhqG~5eHnH|?P1zCEchD7T_o@0EAs4i zgh=(4hv>@jYW8ul2KjbDou(XfBwe4Elh$p^q5EzTUR%8fYg+e$TCOi{+vZ1KtG)u= z4PK&2IfUGqZ3EffL)g;?B35!Pk*DllP7*de!tSgy4!cTKspQ=}SS#$&HHO{>!?=7j zdGj3?#l8}JRCnR-m~I$ZEI~dmD<|vc89;t+1A7}dk_0t3keF$|9X|y{V)2B3xasW* zD9a%bK+=VM$XoU%w1y0MAjZj0jlk&lPtk(`^;noN6cg%H;0q}uaZ=|*sxEt>$nYFq zc{hXgMBT~<$(a~p)L#CjDz?rxpP6O>-F*wcNm~Ic+fSCol^rp%O z5`NX3)jZB7^4IoYP}D&}SE}-9+C%WxFkiZLV;oxjl*ThtuYub+4eS{&M^EWKU}Ik% z5%@Lou*OaYpA;p+qMRnIwY`KoKb7g;dIeJF{s3i86hPF8ODJpp2MVhLnLo7$zupC6 zsngvemG#MDZS}pdaE7C!QsolrB3e!)ZFjS%YtW zq7%Fb6|_G?cgc6q9wdggN8wCypEJFA>km6~w}sh;In&qIuj5Y-W7L}T2A!W-@@&{KGH*CNo5e+i!}s&LMoYSC8NNC=G>z_))YhP4lt z@*VT6Vbuj`>UdR)F3a=g2L|1PIl4juU;qrcZM& zpFl6kAq+1aCw2ar?4xrpT)Fa=IqlCv#S!OG(Q7Ly-&upsUoydDo{&>d(*w=L-|_Fd zB`|h<6;TqhcyCU}V@%67n8N@ox^tN6I0{>x{v)dvd*b;LNBS)PhR{V4I=RYS*gdU@ z4cKW;SHB)kpFBN?gB?})-B2kEcs?7v-VdPOO#~*&Tm#khvjy(bE#~327K=~K#vwuv zt~K}$?GG78rNnv`#2M)nV%(b6ar8`4~@1Olz zG*K-UTIEyW!@mlVj`9GS`j@ei&tnNJ_=^PxR#5GSX)r=jolJO940=cP$zYc*;G#@% z+p1(7w_k;3JJhoD_T?~huAIQIOa;?>3vo*%fqz|(Vac?~c-W*DRwf=`TBqZndEg0> zRGosWOBe8Fb937FZ4Vo>S%Q0vt$;uCjcC|CKRDeYcn0DQ3tgjpmZEeBY({B9NaRIF z$BZB3WA-Ub4s>E)Hanx|pjRv;4Di5rdyEO4CS=A2lj*`t2Q;O)+uz$5UvCNH?2SNH zHw3>O$;5LFtog6XYfG6 z3F2C}fnTXhgAFTRVBafQE@dn*7N3u$CkMyS^(8&xXDV0lQJON@;u8!q`}J|-ml25N zzp&`cDReTn!7}SmHp8+KvSaqa2PcoJ6K5=`x`Po{o~bJOIH--qDvjdLQ=`$~cqx`m z8ccn=B7mkPl7B8sant69=y+!kEH^v?QPU~=XRn6e_a)(QllNE`y$k#j2J-I1dobYl zAkk>!qu}_Y7Cq~~5vVDowu9o)%y$Fx(|yk5`i;cqt~{Q{FSeGhgZhMU_3hjyK? z585SLWnKJTJUnCv`Bo@FH=i2=mn!QaT>UEE>77Q~Z!G0@l22H2$|c;T7e`VH$}vw- zm9L*Tj^!1GQtO0FcBHjKWTkqSyqG)--50;Xm&5^UN@LKvWuM3*NX$H{1*Y8+GqFjM zC0rNIr3XuQ;>~w=@W3_^b(m~|ANBG?!?I&}6dr;L34u7OaS~A?LUh-#-q_u2Kx`*h z8)pjLmpHJvW=P~WOu~q8WnQqe6m8$6L&s5PJZ$wDuY_CCnM>A@tSUKpqa6-LrP-pe zJ;#CV$t0uKiMXZsK5YHdjxPg7Vd#o~@V0pgESe(CtK2!>ZG9wolw?WsCVRYpTW|<1 z+yhI86p7xs%;od5zk&5yD;$~dMA)ZO{%Aucq%H`6(r0n#eJmE%FDn*YwKeEoY%Zz(*D4?)p@67Vy<&3)wX(Hss^a;7{REfTSo&=3D)?}) zf{ZIXB-+>0)9&^cpvrG8{gPnNtsTQ?zH50EK8IDeR#~|WFHN;F+ zAX8G+Kp|xhe6rdNiqGHT#CgFe(R-0tEjS6oj!D7QFGl2UaRap6qGT59!W%8O;H=Fh z{2m$(y%stm30rw)rPYX$+od7@zl9*Zs2Lpu9){I96{>Kn2OHY+;K1c0V5z^*@sQS8 z(Hjp_99x=)-|pIz?p<53>PHs_O>JOHPc9Xn8SOaO){zWooPhGzHj7HX#X)8E2iEw! ziR`H=!{X4v1G-RvnZ_O9WD0k6?(|`K-794oDPkm8c%h_yXHPX?^UNT&D9F51ik?1 zhT=Sz1JHw>B%;=weLtWMM`j0;E+Z+3UHA+J&3XbmOeJX0(BnjVvoRZ(qATw8b|&{F z|GOADRt6!NTXI^R`&7GCG{kpW?!p+j&-HD1lY@ZSO>!g>z;8X`}PBR)HN zPi%&peH%sI)xw(oXBW<`b%zZHUcsQrry>3|!_V_3h-0PafSdJDdOy7b5;aVDdCfKa zWVix033tbL;cG$FUj@}0O{m%0XRyNc7;f423eaEZ!c|^};zlQ0=}I`4?nkv@3;Dj| zeqi8wfZyF-0Up;f@V0{m)0`{C2Zt(h)dE@Sc~R)&m^r{AwJCh{K@l{?FJeUl4)W}z z{mk^*0>ORAph&qM@~W2d&^0pT&G%W{d7~Qrz1|)dT&aM=Yu#Y%!VjPk#@UHEZ=tth zAM}U(fCQrvbeY;R3@r2EJ1ZMeerh3BxA=p;Vj(VmOYrWnjr4%76<8lCg7K10T>5uD z-0d_Fot>TukL`lcL?#FQH_O11E8B>@-7(fB)}$6e4XAW8MU+n^>5%&}aH`w~_N8j_ zC0Sc|uev*3Vyw$ASFNYJHcmugYN+GTXexLL5{-9c!`-by=fDbTu#>tOy-hWDg*u@Nnb z)Z_YQT7RNiM1^zH;+ZaxZ~TSqFBWzs!JlxOlEA9p)I%;q2=~pchABN~p(6YiOwiWl z$qzr^{CDj*rga82E3*KlADD z@^qlZ5vufuzc7Jnfh&z0xy zC*$ImX(1H&|S;qT)XV$Id_Siigz zZVkRq3X=L^rDd?d12Tjk(mz3dYb<$RXT&9~nxMd-igaE&0TG|9;X~9BaNotquK|TH z#@B(%N@sAdK6~1`_%IebiO7eW-$?eu^Wr0`b>LCwUcBEmopnj;Qxv?&EgOq5Jv|J> zhIwp5%pFGB&%&edsbuwO85*&n6>XX?I)*K2Im&YR4;0*=!HK@pFzcx#eKB^J{r0lk%q09c z9lynyO76B|Ngb=OvUEB`sk%Y?0dshGBLz(ae)YS9oggvZ1s2<_#X+`1_{yh)cw+Mm ze09f=A3IYB_Nhlm?sy~W)+;bEwjCzd9-3kAx8>B)VJ~JiThn!~6N$}#iE#Q#KfZlb z!7iG~!Y+dlA+9Ws1)|UV(XUys*z`PpUwa5^uHDDCtH-b(IVD6h>JzGke1x2Xr3m(t z)MEB6XwWaiNE$DkY4rIYkM-DYEk*6>3dqZyU)hCUOTczT9Ddb#iUX@|;85?C9HR%) zul@(vf=wax-Gmx^H1jj_pFV&G3$tB&%{XvC^LN_&&vwUY)QU%jJ>;Huo>QIAu1UKXN^kJ)4hPhYiMeF$3ZBnfGwQ z^EmjI@5irwIV@td9pCxj77kx_TzvY>MW|`lK)1?aqU6+*Y@p#-G}aSCz=<>%Y9&Fe zLq5P-g+@_o!b+O7avNwF{(^N@Iz08T9vIdQn=9Jl^o7Hy z;-5h@s>h5iSv(oCdv3tvBX%(PS`TzgQl^E47Sv;5JM2C95_E7rtQmTe%!qWa>TI}! zKa6Lguf-r5-aQr4>j$!bAADKf%y+nLUoiJvI0fFz?BkXF!C-tto;F9mA&P%5(?5|_ z_(AWYgH6c*QFv21nd=%O+9_d5GqgidPcA^*{-q2PUcM(Q+ZEtS)*70>P>D8lZ=_pO z9$^3DYS=EiBpy6^0z9&eB(qX1Vdn{5GQxN@E3eVU@uzZ0mUbNODw!uZAIjj3nmGym zo+!oWJLhk@Klr5u?XN{@!xk@c3G7=4bH;G*;f3;u?pz3?E|OPpD|U^ zlJ7FU#?Cbsf$AJH)V~`J6{1WwC4w8M7yRz%3C@;W_SeM5+w&*_?~I~`|1Wq=fH+Hi+W8+M4T>ib%ir=laUq04c4=T`9DI~o5B&qM1`mOQUn zhmQSiM;DBJh7aiz++pmA3HI;c`r-9>Rel+gsYP&DCyf`n{DuqNz3^0E$gP+#oqrM- zbyYpdkoWWqIi9CRcMUSY1~&!R%)nW{!XgZ8Bk^P;0WxWrh~5I-h!8b z2EB2+4(REbVa8O7HAvH-`^VjO2DIFas0V30&T zsrx;Leja&~v8GMJb4w399Y^z&n_2WiOAI7lXoH0VJz(>sgXqOT>F$RABFOH+uPnB=5Z5h}vi-d`@Gq#%~GTaU_8lXs+jJ8&ATw!$0uI+rhNQ zQIE#bL-6Ev9Qo&Ui>>VvxP>ndqt$d>zG2QpvbO#qcHVP>7NrvGy!ws2{kBGUy%3a? z{)$ggk#9L;ic!aJK-uTxI4H=MzSN%sH(b?VnPfCvP+TQ^wny=f`$PDfM0Gmu(|-8y z*BF;7=+X$k*Q9=owZlh@#$geIXq}c5gxxo!pUWy>Z0tV;0Gb^F* znLTFQ^~95YGx?i?!uOgmgE#;EcAe0A3gVw{{5r%#vb#w4PK%CXPFWWx~03X;3AaTRg`G%}tmy?-qI$?}GT*yI@z{ zHQZ<-&A)EYfR!B&+4se#@KydazN|SL_Xo)H=%v}{FU-du|Coz;uG8>dzXfK*I*8Y$ zor8;t9GW`^pw#L!5Vc|?4ZNj?TD6mySDi0zT{#@DZktEt4r##dOfwd4HUv{&#AA3u z73mtw*r08nMEj!61??eI*o~WDK2CS(bV%S$gWaFn^sDt6I9s0qJz-n;!Y(UcZ=R8Z$$rw7N8}^ z@LYuvz5B-qjjLOU5NqYu9NmAwI`a(y0*lw=sdIn~=o`VY?E?}+BPVPN2k3GNb zMvQ|`vG9aH*5%w(&g%5iwKx61B2$TAV zzR$m*?)@fc4OQkFWQ3d-v7pz6%F;*X=Y_oVV5-0NEJy}v(y1|-;F8vk%|lhV$Mr%y zTRDw7XLO5-WR~EE)6=RJOg)c@2P#=ad>#a5r;rdAMSQjW9~|&+7Ac({fJY}1JiF2z zRew*wPoD3I((i{X>AO(Z6>{Y!nYuXabsyeo^%R`#J}_uZ6C6t!NAFD)xHFmu$-)i$ z@SDKcUU%1=%FXG+=|hHy|8;D;NV*8G> z_&V5tY(DJBlJr-L>P9DvCw|Doc@h^y!x9w8J=+@~<2D?<-FtBA*rO!Ty@!l<{{i`4 zrnLO3EFY5;4HR$t)E5~sXM9B!RMsnZX2q%(dtmu{>sIE8zdi7^< zm%zudx^R=ZZ8zk<4(x}bxoTXr*@=6!=wR5Kv79T9B>qOXF=tLYJYGKu=bTW$HFn8l z%$kqHChh?3Tvmfoi8E=#e^S&ldm0Q5ddeR6P)yXX6?~_%*f#VLJRdrUx0y;;IT`5C z#)YdOsmz_OdXR=Kwj4ZNPp+IUfw`*h;lgUcS5#<#DH3jc zW8h#2smOz_lkFtL_Y^$sw_rYvu|OV}bFFm_JWGBY7Pw{-rv<^_KBO3Q?%V~RLJeL& zdK*0ZB5=*$hQUm)zo@!|vf1TxXjifWZ&{~}drAk2SGwh*UF}Y6;W6NSy%v-s1P6%C zLb^XU63faGp&(`)@f-9S!YsX^;l4L{QoftriD}1Fja00y017v*N+&)PkQf%_RH%@;L%>u`B8@S-`o*2erPiG zXbtA#^jO^Xa4XLBXkz8lL^$)<6xQ=$E}S*;$8kr-(3AVJ;Mb;6nDY#An(#2 z)&T!PP5C3wH{k!@_o@U36*@S|g!`XzguT)}Jka?7hIsk#Ds_8!`K$(~lMs$ZasJo{W7}`q7y>lzVN8~@*zs=<{0^$>Q-3_R}E;}A0?ervfSq<*SpT2Z6< zp9isQZDlUWyZ##PM0cXrjWPJLWFdBJH-~b)yAWICK?m=Nz%pB*(Y9L>zgVH<_n(&)0wWJ*aorpecn z43>@QX%$%UYbb5LCoo`^oAVL%Gx6VQeHbz47_$=`u{tx(;!vRjcW%ySTs)6JRpr-mAT67>=joySK7& zzX$NgesM7DK^0r?d;*(%lySrN7miX3ZD{$aLRjLWNtXoK@;RkFV&%67*}bjLtAdul zC)U}kVe4~mUf4e#?u6H2(uE?iV!#8&UTlPgoA;0-?V~HU=)QoD19yP-n(Y`tJcN#3 z6&i0`3A>NGhzu`!vO|0K!n%wb;JIQLA0~>Y7dm5@x3W3-Upm3o{29u#Y7?potJ5m( z8X4n^`D*mVy3Oc!{wi$IjA17>U58zXT5P=B6Efdnidg2|ZZc(5GI;Iq6!=*EU=`KR z5;KJF+4TKzHu?xYYmCN)-np=JUqg$_+xQAYr8m{k2m+@cY{u$R>=)m7%c2qyT3VJU{CR{;YvvJKh4yK z=Hc>%W^iLL!12|^*imto@7mM{IbXGqe2C#sf@%!keoIma4O1>-K|qF1D3ub+ux6aSrZVJRST~rwO~tA$--OhiI;G1p~@Pa?imz z@aceJPr26y- zerU!ve%)VS^vV2WM%Sm&zojvx)j{x`y;^|tguP{q!8J5G_=|O(?H9i@C}R>?h_(HS za0QZCwMrIL4pHS}Gjz$Fn(yrKxZ$9#u@km@(}u6?8_tuz{kd4%5C;QI=EGGw0!3++nBhB|+P|x0ids1^ zMbDmQDt!`}$Ub7DVHR#5--WH04#ByL>f(t#8*rSD>A!R3Go_!;faH@f{NUixz}H7&{nhfzl%F}@Tt&yL6U zLwA6oxgyTycH)eMugJ8=N$_FQ0qiJyLSDrdV$=~rW1CY@`SW-ja&QcN=yRI;QsD~g!@)mTlinPag1_7H2pDj%{G&k22CoCraeL}rmjF#hcDP$dMAw_u zf?a15#{L#E2%}ZVc$JCZ5fK4hiY~Y>@T=H#_ZOx)=LY)eAEIl!129X-tr?X}qg|p; z0@vj~RwHugbQ~u>}U}Fv~R;pD_6mft|P*XGab(^Xn^|VcZu)HzgYRqiA$t~ z@Q(?xFvnvq?#KdW6RqiTNbg|ei zWI#JG?AK!Yq{{)Bi4`Od?Za^@XJCizKO$FBgkN6Pps`#%PP<%+&!q&f_}HaHOIMd3 zcrw*-e85xkV){K?cf<=qvrX8a$8%_Xr9GYeuo|SFMx)dvaKx+*tQHaC-1>o;lup7g z>=nTGF2}DOGx@jwQi*fU9r47~8(~j&K8#+pAE(HdGs^-Qdg#Vw@pHo}wqdL(M!5Gu zT73Vel?{9N21@VBF({_+euz7z+E(^KsKf7N$+?Um!xyF=u%4!U1-!a!04_-LO~S zlnlK!kZl@`M03>==GI^vGk zJX|pwH~y}N4x3x7Y{p{fZGRzfYNx;@uRZLb;sLbUYfLq|&Wi#o5R{xAiPpSGL*3Dj z;mox{QYiJ4?A+|f+P(8p>EbO?AF!Ofs@MUpvoWCqng4_p!hT{hs{3j3z7$~&+p(A2F|5Ii@(i{+cq<*bMT%xE{{xE^4)FHm z4Cq}a$1T)mGMlt2T+=d!yEfXfLp5r!$3c%jnln%ISMoEvYI2MDE$b8Cymt-a=EdSh z|9Ld7R11}aecVaGC9ucY7ZTm_aj7^F`!D;D$%${^rT=%3D~J}~yipFJQy;O|)BlNj zlTWa6A+sG+T29uUY-WSQ@1w_q=YkjE3sjL7cwsvi_gVIl1+C`fwv09>0|KExG@SS) z%JPm7!KEFnMZ2#Qk_CwhZ1z|Vt6T$c;cgAGHz=Of37oGxH&3!5w>LtU zrXDVap^&YTjU%cvAY9KLiHRyt=o$-0>!0H~ZC~gM=oXcBZ6-%fbl^Rmv9!T$7W%^h z(wMa$oHO&8*K|Xy>XC!Vy)s-<@VY3i(&H|#8|8~Ovw!XKw99fnv@5K_cO5xG z2KEBcJ3XGBjXMOzRmCi3swN!ky@LUfHN@<95gYpf@RjE|T+>!Z8YYFIQ{)h~Jf;P< zhTp?*$HS~|TO;YZe*qTDC!wb56Nvwjf$u#3vNKyl{-3Xf!ex(Oz`J4KtZfJd83$PFKbL;7;r2_SctvDb+MxVKt7Sk3XqH%7alY}hNz(8$6;vtqz}MHO*x zmIW5oifO~=v0s0*aD$~Xy;Ct1iab2|&IRS5)p7?z!%mVt-p5f!?i`u6-HbJkk!LNx zzp=gB*U-h}HsowWHg2T^uU87;Q$Odz@?UD)?5HvwpqYw$$}3q?nm48-y=DWo)diNu z1J)T(f)lRS;#&9P@W2X*%AHSS;WY*BmMip4?_L0luA^YO8p(nC>v7xGNXX?>}DRhF)^Mr4Pw(l8T6BpLU-Pbo@MnwnawuV|ps5*Z<*tVo1X5h-Nd^FBps z7)e8umPkcIX;Ht=??3Rk5BJ=2-tX7z`Fwc;T9t(iul!OPFjVlfq{KnEqVV0l)57Ae zuZHIjMYMO3LgkwSV*FL(O1nzk;eOl+rZcuvV3^xto&7}eY5G!3Sv`?zy-#EY2h!2# z@GUY=G88Xw{3-OCx5D$)%6!{92mZ-GmK)!m$&Z&E7o4lJu-Z)6jop^TOF#Ws;k;aHeuH6UPjK{l-`E;0H~-ZgYm&oyddB$0Z@J z&$$y7;rAyGGFAffU ztcC~6U9j-`8oKJT8LS>JMNA1Tk;u%|5Kv}%(w8p zT2IKUJ|p~eTFBjv=J2(qUhvH)g4C!Q5+HD!ORkKe5*~Uq>G5DR_!ms>M4NC!$D43y z$7a4vTkx>irL!G7-h%1rc`VF)4$7~Vq30)Dz|=wiV9wv^_`zR~r%p&9d&Z1}*mK(S zif;$mH@Fywu$L(M{T&~L;Y)a;t^+D5|Y<&CC8-mQ=;L|U~*gO6SJNUO#6xuM5r`$BfK{>;C+UqAI zalu0rw=P7l6h|1a{WMDI^ofVuOT)GB2HsR2;ytT{OvkZ*Vw-&d(7*8`+4S%{-qCr1 z%{j94g}Ezh7@LIit-6_->KIeFUNYlsRZt5LD#6h9m&Lp|Rv5Oks=er+{jmw0dDPCB3b2qAp z@?dzEJnL$k$&(H_@*7tVz_FZm{I^zyuDvysp4wN0S_M~Nxz9hCurpkw^ROM0TV4{| z@iNGks#8^mFn&}r0WN8Tph@2V^f_=^9Jpg3f5y+Cvz~Cz{dga~e`$3%QmDj3D=3T| zS0l_-!y#~98mPCP!P?ka@bzR6Bo<^qb7d^~Ijs-U1uxQ&)xRONUGP@vMl(a>zXF?g zsYs(=lKbtK;}5paAP>~s!OwXXGhOU2G9UIHrPBvsN|Fh`ReVis1-n^Z_)Bu3&WPz> z)#9(m51`95&2XNz72ftvWf$HI;^i~k_<6S_urxrDE03{uh%XDoW^*Y>Se=D)oHh8E zm$KZ@X$>qd>933!RSaYHsMGnFf+hX}cj)9(I5!{>meaGW^XM0Lqu3c{&$-5?4t7WwR5bF~i6Oqv;5o-Y84oZBIqbuPaHyT*Mu|C!uW54fgm* ztJv@UJv=&l0>;ceh^qCb*uGeBHmy$)4_mLx7k)FOZKYYbsQLw-OFqeJ%NIf0Q7ij( zx9q|Ffd*dNaue&$4dUlyyy`9kO~<|p*|>XH{r#-? zrLG|89@OAuz{cYuf z8z7n`A9~8Jx~0RVnK$9P=r?gRC*ULXknPV{zz6pwA{nm^cMcwblmm;<%Q+LBTXm`O z=H$vj!TR8PpctiXk3p$RJ&R+Cbn=M?IG9lk?MFTmEBEEBY=aWsYly`AhmK>|VWH1j z`ve#68BfVkMKbz=8eRD`5o<4{AX_|zpIxp4)21rXs2m~lFe8%$=ES4@&YR5Wdo578CjR4sd+^OQ!6ykiOVI9L{FFW|Q7MCQ0)ilDBiOzv zL)KMJZC(KBtM|h+!M~eZy_1+mJ{NuMy~M(1lrfoX9lBX|Ak}nH=i|=L#!BlBd~4Ff zb~}pDS3@7ao<4<=y$irkq7Rq+R|}eJ58$8C$;9g9Qo6S#9J3>gxYTQXob&RTD6{aN zSk0Tmm#)X8Oz>b{bCje0%@^>Omf-toYJs!Q^Uy)o7JG#qeb0Wum0G$1vHCMxaJiTy zD7+!RB|FH2*mgMgP98!+Mse|WYitnq$Lc-L+5LVO{1qGuPLjc*fayIVgSjEtv_=)2 zQU+lD%DL3`wJ$V9S*^RSV~O8Nn3BB~8e)D6LBBCDX{a#{+O-gr6|&&)ODBjtyN)Us zSK=ARUQEwl12Qw^c*fRM&~q*p0w&p#E5FAGJ-<2R>&O85Lao~2i=8zjY;dF}jrYN{ z)ND5IK|ehH>kkU2rSR378K@DYN%t8k^TNhed{TKDoL=@CDh=z?sq!bX{XHZEf@na|LMZkz%aP{Cl?c(H(~g!WXRs50h8B{<12+;{{VM6NIF*s zp^mAb^}t)izBs|GhAG(B-w%c)nmkEFJloR+wO2Cmnz?|(k`!FtM*zl)B=OHmWjeel z0j^FQh1)i|qQufqWRC1mKJM)!?CQUXFP_HYEqvhywR zNwVP75{xTX;sy~OB;UUnt0#VErpK@0 z*nb{GadQsLZjNWy$KJx>%1co5T@mIOShJ1&gV+Sq;k0N)EUX>!lRRx42@`@6ap}Yi z3^}ubzf>%QFbR7~R##)z`JvR?GL}>wy@WfepQCzo9X3~Jab=gmpcK@Fhpdo!9nq!3 z_Gywqx+-+uk0dtpXDrk!0+8Rk`MOgs=&Jb&M)X{Sh`$!F^pS{uyj?*)mJ7Rf$&;8g z!T`I6J`(94_zDVFdeP@aCwsN$6Y!B2(INaU+qn5JEWfWJyje!ztT~I|{IE0}`$ds{ z#RF`_-XJzIw;X#E$I&Ipr(uz&6m+@WgOXSE*it-}c8I1x-(MuppWT8%E<15Vu?+uE zQi8LZ55vx*)^OLo2LARZFn^i}53{#Y=e%A_(4)9>gFG%j;|XexFUZ6d-5^B#Qq5Nem=Wh> zC%1)?<^Rr+;3GA#g9w@XfoCvUI+$Imbb;M>uVaOyAqtHaY`vj|P99pKq(pg~oa4&F z?>~f}Z&uTag;n^|?Gd}UG8B~Vm671PxhOTijfEBU;Y3VF@cWwqKjFh7f zPi4T1C!^5*v@=yX9)#VKU1;&;F!Cis6Q=Ez;C-dd;>^B3%p%wsBJ<_&!vk4!GvV9s}ou;h4K+SfREFCVADd$-8<; z--1o3%>RQTPO)HeE#$6MqW|gUgL~*7w6#nCSLX{5-a6Z%N$R7xGvtVnznDtYcO7KW zXJ?>VOf?$hUqj8C<*cu&2Rnz_lFz$hSx>4mFSl~WlC|ZS_~#4spIV5guBgyE_gYB6 zzIq4kj~se8ZNj1fDMVgA2_83Va=X7v#A}sOiL%mAA)mP#>n2@hTi5SlDO?U)*Ja|> zg+BO8N}7&4V~xFiarh!V2QAh$;Lg5_q^fm0G!;7X9hS=>JmeUz+p7Y{hJ6&e9LjV^ zv;C+tP#ecZeLAoJbS$UZI&p{wfzr(l>1jG5~|KSc|j;{iXRY}g@j z-#Qtdka8SU_r1Ym-KzwK*DTyQak$WhydqkDe>L6pIZ9+2zL788n=T%k+9NQig0L|# zf^B?o6jm!sa$B`CaNgg8f0%P0-8bHV+Li50=8`7$Pi6SGs*An&_yC&C7vnMoL!5C- zo3}n3OXK(4!^6J!aOxhxE&oEEFJ8Kh@toV_z{`P{IdvB*lzw7c%EE}L)+pM)c?4JT z3dPO7vfOW&B+1rS;^)M|d|^lglgk>*`St>s5F$Zy1}3sSMpgJR-iDHfLbmyaE3kSm zx;QBYOP8-_rRQVe?VlZx>GBrQ^$|-s9w~lPs*byk>d^3Ci-|>85Hs89K)$KT@GTRs zk)k=d@XAz`)?XP(uYTIi8{Ubybiy?J<-3d*JQn5&6{GQ;%5_-jBrx-Ivtio&vGgBt z;VX{ZAZ|T7aZP4CHXf`5H?@Og_Kf>Pu~?F)WtM@t&_5EMuXLhtUrF73o5{Y>ZSL%A3(8N|lLd8#+%9zu zQ{Fp<%KFS8b_W}9gwI8|Vtx+)eg6m&ay57>Hw`Zj_o^It=ombTtHm#or||alE99y7 z132zvMYWemaYL;<>`*YGJNKKgCe62yWvx#axH!;LM}Lz+#s?uO;{@(qyaqEva~GW*=!$Xpe z7Ca*zuR|TQzN}-l$+scn$rf<^HkeD^$%d_p8hk|KQ2IPe)yL^oX5^RjWSVQ@VwgxP;L&~lvbs;j)vg_ z$0sm!#$A|L=gKSMW$7&O90;)uCu+)yG{e~mb{{N5%?|>*xH^Y4n&;t!9!FYG>IQdr zDD$QV!Dw8l!_+J~@mI(Yx?n>aQMxP5TNfTA4<;UGnW0tq%(EA-&#%RTPgBG*Wg?05 zMj=1^YcQE^tV92r%>wu3DXdvwdR9iua6i)lVBy{YhBv&ydqfmWPK;nVNSZ zG#r4jS;xqL26aBgMsOkQmZqnNuHf5_%0Tv}I+9d#nS|fdz?80ebj0;&adu4%B%2#U zOlvYU`q?8NqQT$3XeBESZN&DdBVyym6le@uhnlJ{@$3iAjPh+@y=@cR-9HaAy{*Kb zpUuK|iJ79kj{mSE#*i9k^nl{O4q>P84eotfLswo7g3!Jo@s|H$Di&>Z;<2l3Sh8s; zjMmu(Lp2|Zy~YK@nc4b0!_btj?o!}Z(lbz$F2gqrb7DQ`sfJ~H>8y(Sw2kr z7#=*(10E%H>~>)c$aY1*w?CI5XOxz`^uGHrDnp)VjgDh=`v{oI34EiP$2cWlhaa0^ z%{v}6+nX*OkECZkY>}!3as4{DyWs}g@VW_(nd#C?xpkob@;7V^SPvn~Hb zv5xl2k{nZ>=(d{X2A^k_??@6K)h-;JTa9rO_Jj4p-5A<2o+V#v6kS{6N{!$tXzGul z8!}z7iq76rgr%xJXx}8n{k7-1mNn-P(HGRp%;B8)R2m@T8MSq#woi zFAiY>>#mf2JP@`__uzr17tqo#p0T7B0Ik5v_C@ueXCwu;-G)2(3?D1}&fSE37ZvVw zMTvI~u_v2enql-jOEPiPd8oKJ1}7R%5x5YqVTJZIe&Fd8FI74ODOa4DtSx9d_zO!_9kk%=~~dKd$Zq;~sP( zk+FsV#ld)S!E{o(V>5Zw6Tm+GS%4OHd2C3AGCkr{3y+=3aCn-Uz`tlE(FqY4|Li(Q z50%FBztVh|+8#^lN<-0q zs|zL_4nzI*5s*2@ALp$|!~1*US%^y-N-r`Y>y3oWqK)8TS)xOG$7YhQMtSJoIUKtb zUa;V)gZUsK=Vq5>!w>6tL)Q~+8Y5#(a&AwAG5J-ZxaWuASAf9Z7*hp<&JN^jJ4b+V zySGE1@V45UXhEZbtAH+|n`(T4Npgp}^FfZYNUcW_WNAhS^H^Q7+1Ze)cO>D`VTD9n@V;s) zQRq<&f*Or@JSXt+p2VET3ezUm6sQl13YW?1==J>7J~goE3ATx9P-6OC4cN0GSTugY z0PbV40xu*;(n@_(+Hmgx9KWcCj@`Rp5e$Um(*#C!UL#bW&4-Vh5f<%!fZbEmiQa5y z{;j_mhK#Moc&&V#WU&^Y=nza5T(%jjN*S%ufCU9W?Itc`TaK6DqdRIeGxxkW()KGV zb;*$+0oaQNX9^QS# ziK+R_@9YXJ$`Nuy2fwrY%anUn6oXPv5bhzf`Gw+xutvHcs$L0M&+bs>(6kl8eTLyZ zbt}H>KNbF?G?vx>xC;^;UvY8De%x9lWOTIeGQDI88m%f%_1@iu=W`h`D*VH~t1K2e zziV*o>va77JrOFNc~pAYd}c%E#y~-Y8uwa00JAG*^QqHwM6E-ML0J?72Lz7jv84H! zu9E?`unt^O9+L4HDv*b15d5qjbQ=tCLU}v6WGe>>vWm3+a1=&9zbICPMf9_UBJ>S@ z#4N_9In)Y$vi+{5OmDy^vU6@54!_?3zb2ZXb;){o*M5aXgkL7FZ2$%ga)K$JMX*S| zyV7didfXMd9s{Q+(0*&mLsCcJgOLMp`4DZY@#_ROUe)6Ze{aUo;&3E&t`Hg2!4isk zSn$z%q9w`a#S)`0G2JKHOn2;CT&unea(X##%bw1zjR_mB6tPI-{i_})gkRVQY>Z1#|=;(pUAHA}C`Br4piY7sc=Qq^#QD(hg zg}%n0Ch+zc$UArahKKuvxp1K_E_~V|4vN_W5BE>Sd-3D&bh9m#o#+v%Hr1ig$K&kT zARovN9#6h+Er4AEL&UOH_S{wQtar@x5u9z;Vd-;s&=B4`SL=Ye|CbD>Yoz(_4Z;rC zdIi-OBL$aU%@c--KJk;)Z{9`!Dyxc6Jkv6v%Od4+ebo zy_c}{sSzLKZ;pO0$8nSY3({dVfo9Eb2g7ei&?f8)UJ>s`_bGA2edtus$`E>X+EJi< zZX&LC(`SvH>+t$?SDtzAvADZP3+^VyfP?*PB6V3Cn-8ebzph4X*d9|J5Sh&!qAaP; zXj^J&V1$onHi6k=Nt~%GxDxN0;9%1iFz?YoS~X`H*L$Ey>{WWjk?+HBdHWvN|8f$G zhfUhY+XRIlQdOnCNzL`fY-wx;R*1jjfIb)#1V=s24m7-zTB{t&E6mDJTMl}~NMXyoH zbV>Ipax0|;4Fa=?#ejdXTqgl$3p}eWuPv}#{wUDAK`_Z@H=OFTVFOQRVnwhf>DVR# zfn(HBNz0lHvLC`GEP6$f%p`D>xSACHEW$eD0;YGiiI7A^`m$RG+D8c4*WaJ!FIyODT4SVi99D!6qkA1$Y=@HG|NaeZSmj+U{;6RDQ`je-u!nC=4o zFQc$`?_9yZzJ&bE-wPWojp6r%NM65hKS_+RPHvU_LIxMVqp`QEJ0=+&=I&x!p#Ac3I$&Dj|cHyc`C2 z4dA!dIEfD~ZN>X~59TuM60%cA|n?}Q=^T^1uM+LDdwL9Wmu@XCFy zUE$IFZMIDdR|%P`Y!t`7#igw$F*1J?79F?+{yE_yCj${KsFlNrEd`=MKcr}o=Q*fq zpG;LPhGN+UJq%B{43bkP;u1YgS~k~=n$s$rGeMDRTu+8eFH}*&=o-9*(Y$7f5%pSb zMyxO95k69#T^4#Y+H-Q5Q}|>U{;{1sTe2Gd9m;?W4w+>1-&9n~zbLYbyol+F=ASvWaZ$bWw3a~^ub(vuO+??xekUy-@t*D3+X$- z^R;7$kX_EpfCI8k@avfyer}hd1u2&?t8f=yexw64V*Pm3I9)m^Ar>?;jc|%dJ8K#> zl)N6;%X~UB>A53?MAAfxOuc1FjGm6-LtmKj*%gOak-Q9dy19q0vRIC;Ndx#Yn-*qM zoWY__9c8{l?vVrA2Cy?fP3W5Kp0shmYse{275dBy+`Lv3L{>KN`Po)DRh^HjS2wc> z?M9&7X2Oyb5AtstFNhkI<6&$5Q1r=dB-x8!Gj68D7npj0nM^7!Fi@oTAsB6?)(bnB z>$oF41h1a*e-U5O;nBM%C?H`>hA~dciGsoaUT7?dJ|TJ--90y7of*w zH~!bs3%jRj<0(~Bp>IE(Thz{mY1@a>(5S}@g)a6?jax)FJc?fLHQ~o1?J%iW5-wC+ zgbcq66$_`|Aj?Z4F==ZcY?#RKp+N|H)pQ=xguU!W?(7UmoVxrXKfL)ebH%=keRkN!lx>C><}EP`aMOoan?wP@po0`c*Qy~Jhn zF_L>@pol5U(2+WS$riyoar&9hT_Z-V#h7jP`!CHgv{@NJV_Js?ROOBp11~IonmqJ457R8HxieA)aAVvN#wc2 zKW3f~2zpt@Fx}f0);(4u!|#1Z`)#{0I$MUVi7^1(@#SF9X-18vlwr+bYf`x<1vkna zL&w|@p7lVUCTU7h{^T{LD8FZFzEWKIRTZ|a8G&nug)!0j1pI8O&wV4WkzVy9D6wlJ zmQ{9>>#rivda)fFvcw(iByQoh(+c30un{+Z`z`Le5=(;8I`Q}_1EC`jL7WbmW3sj! z46Z1~{ja2;!0;Qad3}tG&KUyt9;AcJJ+eB;zDbvn zQ}zb5*sTM1JFg;*cGb8sH5E)ed@4s8)r!xL7zu6M7We;LMz%Jsq-z6`S>F3}IJGUB zOPp^2$(^$y=cXydu2~6BiWEVz;69jcoQ3JR1F6K39t;i0AkWN_$U$pss=qkfA@KcR zk?b%HzU;Of?~gD?t6w>yNyB{c#GO*mwb$VL95peryNj%@Z)NxQYr?67Hqf)*1rC0F zn4(h1%!SW$u&_O^)sy8*4L?I@kx8Ym=ZMN#Lyy7l%53-&ct^adei#NXoCDJXN7X|SMzr?Bs--t{i=M z3X?4S=5VHG0*LLEXh8I2P}yru4htF3TU&~t^~7}+lVrej4txMDzhnkGRRDU2lZfXJ z(XaD8NUrh2`Oentg|Zg^sxe>G`r8;s4je>x9Ug4TAU&zQMz`k5+ z!N=apAQj|JUoJ`kl!d1VD(0=Pk&>Jm5e{KH)B%rFpYGy zZ}8+ZzJ}vMr31K|w-a~j3NId~!j~!u?r9FZU3UlEeSKTRDtFN55Rk} z6pVZI9t0^dze*;p4{9bIy3t&H0?YEskdbKZiRU; z-!>Z$8|Ml0#|JPn@;YAsI1Ma+2lH{?bh(_R0od1{z=GK^*b-z3)*GWBcFTRpYkLDZ zOXk91gCb14_Ltq9oJfnlZbhGW(s1Q_J#PAsvm33yNZqq1#QNQCaBDz(%&2)jQaiboR?;b_F$ObSgcZTr&nc%ZCff(ig#CdTFtp3~( z94MbI3f_AJo#f4NYghxDE#HcBrgcO7b_NNp|L|V#3w(BJ70q2%0a`j~Fm2{bxDqE# zS?D9sx2uA;LIz`;f+prx#E^F$D)g(sEfuX2!T4FJ7_iEMvW(FieEA4rvXQt`HJw$I&SjlL zT}fGRpUB=Q5%QF;K+od6=vxqh&q{T1U}`9~)T;BIC5!Oi`CvkHzu~55O>A^vdga!- zFr4q12VPeH0jnEK=^=MI=YSk0r~2bNzn>`W@*7H0M}gdNZ+ci)3KqNmf)8K9rMi}2NNvGeaVCILip`}8C*k62%*S1xlLCZ_b z&UT@7%BDn+p`ub>Jr0pJ#i<{+P>(y!P`9HFpN77L9d}y99Z&W65rbqHp)in^T{}eP z#95-8j2*o1Tv;Iwk>Ts?&%?T}sW9PAmT23hM#x?=fvWwhVV*Y!^J{rs7Cr7E zTRmmqx$Q_Ef1wil?Ph}b{(W$X*^8^*XHoT(6+GQ&5eaiN;p>aB_h;2vHU7L9R=yY6R-wX~@kD=7eB~X?wa1dWbqGW3@Jl_;Y2mXEv`H7}v z(AuTwv8@GPtWe=A&lR%I0+Ta6M3K7#|Z=#1^6+_dZM!dbxj@mc9#t-A)k}>)rBI)RN_^M|S>9zg>ZN5(c z(??;@^MiPJaTI-^+YPlVq8y4YE(G=av)IoNM>g`GI!ymDmWLItg|rh>XyTX=bbml4 zW<)zds?`8&TKorMuMVSE&OV0O+qYq-Oe{WDt-%Eamg2a$M*KWB7zTE{XI1h}ct9f+ zqd$g{`~@3uQLzk(Y(9sEZN+%<`d&IVdMS=uFoZ0TA4z^*s|Ib0=OR;g6ubINf|aqi zKs_o8fBf45ar6q7*hS$mCUC_f3vkn-8e%ZzG9)dGBfY=>pvKu@bg_9Antn2-3nh|q zkKGdRl~iEgHzdL*0c$)dUXria{F!Aw8B3BH!tLibNZ_$ej~!CW#`0ma=77I;DyrPR zij`gjK7Kp_y3e#YZ?dG{zyBeF`=W61z!)+x@hT*|D}#q7rg$WCCokO;4eKSQVszpa z7%|C$cieH|_ZNgwleNNGCD#Z8^!|S?nu{y~BZMqo6?_icOh1=TrMdI;>58ge(95hQ zkw!b2Z}mygP925CCWJLuX+gj=1sY;CluvU#gf7b!DVequ^7mfBuhltdAAg+44R*q( zK5i^8IRp*y(V9>e*^O)G9>BeA!)Wh(Px^1T0^LCD9gLGNqM>0c zIFAg0t+$?$_KtG6B)q#jyT0MSk;On~?SU&vQpm|@=yLx7e}C%J>Oo0p=VE~8m@ACz z-wghz1;3S1A%IUO2~3&~H!N?%hs_Uh@arnFSpG1|`Htb!*Q?V6>vSf5@gGVx3mN_D zyP~Btqo}`4w8#TzPUspg&a46qaL^P_+ zz`F1AaJt2LvD2U2iE;yYTgPCUo>m|*t*Wrt7eM`J0I+c{ z@zu~+TVQ|dghE`WlMbd)w7{^drJi7 zYzV<&VT}&&&3tgr>=5X(Ng*XwU*Nd1JYP4_PHg5RMc*x+i?KdO+1r{B@RMmHP7}J} z*%2k2d8;1|k4nHMo`@&pOUZlT4k`K_k3kbc`SG(ZusZT2ZydU|^5u0CK7*#=>WU70 z?0*|2?>+;ky31H$F_|oSIDz{YKO%1XN*vAxdXb4+yI_KsFe|#Cj^jinWRz_hH<9qf zuWS2pOtRoywJ#v8(-pata}b#pc3ossl`X1n9{?d?kKpjUY}U1J6b)SL!@aWP#7--- zaQ(7R_+zCv%RFetJs&z@4gHVW`Q||Aoet=>OyUy$;czTBkLZlcBg^EP@Wji3B---@ zi}dV+k5RsC*9IMGmLka?j2bFxDVQY|2d*Xq5B(JvHm2g?;aYsmGzt2u+?G$89RWM| zSo-LxJ|4PwpHwvDvMg;0*ecA#^k-gxx|6@a$hI8TpIeL(7D;@zUnFFWM(BUXan2zP z>N(^rje2z!z7DP?F48yQ=vybUM{XT8l6B*Q$BxFSen!-%H=5dh4TDWDM&L6|8~AVT zZ*VD@$Skd1;Km19yt#BcJaOI08&-0%r?vw2wgj-m&G+%BcQ6lbU4(mGS}TwxuAspaCX-W#l~bTlf@?_h8yyk2oL`4do^fyOg<*HO*;b*{T z!8r8td?uFg3rCg^!ku%0Je;RZV|7gEHU(Awa?%1kzOozVZdT-b2XcJYd7m_UEXFM% zQ+RZ+7X32#HVo?eLL!uV#mZN8aah0)R`Tp2ju~pelOJpm+)K_NI(`=#gTo;tWg?x> z7RTL8r0D5iin#FWDExOe7e4il;NOd$v6+u=GR3M}m1FB?v;OR6{G|3qwEQV2pLBvj zrs6i6SewV1$_udS+eQ2^wU#8@*vR%iOvED}#=*2R8K8LcE#9wiXNkXJn2bKfedq%{ z-;0U;e|4hZNl)R!S_+qP2W}G579yYiig7h;xF=@s*3LuoP(D901P*uH3>gnP@y!mglr=0=F__zIb{jP2Og~Es~CspeM<& zDlGsXDE-7$XP&aj!@T*y)g$1_#pj}MGero>`2^C3dRe|hfcWaq0{Y6%hJvO&q$?$( z+hSd+85aOc^k)c}Rv~ZVX~OUIZKTPsqsOrfro+T1W7!I`yo0M?VSG&cJ&$ zLZ9NlBJQ)OLAYz)MfDMmTvl`!yV?q2_0146vLcX7nU+RIe@#W@*11@i_5lX_HKK-c z7aZ~5z)MO?F(6)vKG@mDtSTv#EzE(>57*+z*9ts4(gyz<){9ZzAIM#QRXFiNfqvH_e|igS#VSgg2=_=7o3RtY1Ib2>W#Wuk#Q)wY(1815N0deRs**y3x32RH=}I z-^&|iWVo${CA+C-3irH{@S^1k1Z!>1r4@+p#ASj{+lKi&`haLq1T;;b4AZ9M2;J&J zGJUuq7-wu_^S0a3w5PAw^S26gfYfn5`eGziXzODt=E}5o+i3nEJ{HH!9nHsGI0?4P zf06h`Db%0xfPK)`gxI`T6#hCWm5IQItENHr^0`9ZcQ}u-R-_w!jcLDB3TXVa5l_!d z2dhRE__ka4KMaGvZbGgW~OTXG!_udRaUBuRQ?r7>3;HG$9S&c=CNBWRIi7`B+Z z!Pb!XSesW4WmE1m!+FA6pD%f{^66n~4^J8z;lV|f3C@V#{GQS%B*jh8^gDvpbdln9L5%@f+3N&JyJ}()V zh%;Q*^W>`$FzIg${HL!gg zt&D}*GhVdx<99ZC(EvC;;|)}AP(`N`3k83?9DiDFz@0Byb1h+SbM;;vxE|akUiMcL z{k;0b-TFoN%tV=9J#z!!j#@x%+|{AJO&>Btmg9cYCs;XRk$C>MalBggB2({;fv5Y@ zQOk1?4AVV>(g9i6_eh>vbr^EL{d&|s^_%!o{6QXah=7X0CuG^JF!r=Ajaog0x}6+{ zpDIdNb^jC`t|iR{?-N>RsnLFWE&l!a5ony7N{poqaMT|KI`F(JA6PEjqeg7x{TKd0 zl4Lndxe~>f_l1LN_gt7N@aFby8csi2jHEA%%W;`#JZE!MsM*WG^tPWrXpVgef19H~ z!*ei%3T(Xm}~;REe8mxz6ZIpHq&Y2Rp~WrW8Ua~lyzIN1 zIyFLgcY_6fo-mXLYn(+By--y0nndTU*+$=X$HTiU9nQB!z_VOgy47I|Onf{Zm-YM6 zDd}!pt@Jc}S+R%YZ%-A~Kbi%fHmZ{GfdzPD<6%7Ucs{Len2GbJUc%e?!uPZ)meeM@ zv0P!6+q&!kW@&8z-EL{>`8Psv0!i=@Y$W~sFADenv*rccuj8ddCVXQ_qL;dul zp>gsiF;}5`yZ^meINMWi)0h& z4e`B@M3@tL5T9P2j642KL8WX(y7;reG&`0BTW)^BC|-+CoSgVKk7g`;Ge}%rlZV0k z>hM#&8#n8a$7@PcAa1a5&V{=R3=?72D{)uI2HNmDS5IPTMLa7iR~3=+y)44<6`Ni@ zh~Jiej3e`=bKPu9Y=7_xlN#2e$;y}D`Em|UIwX&kaZ%*U;$|prHm4VNYw*x2j>>L= zgW{)>nEKD;l_TDX51%ABysi>Xe-WYS>f2rIoQL z{hrqmil{`+hf)@C|=(kb)1U zI4g2PjU2XP*d+Y7{uoXheE}|RON7eHiy*yYBs-X<%Rakr!M=th2)M9~S9iPf&7Y&0 z#_8Ai@#<%2`8`>fTgTy$x+5^8?1*@dUK2}~kQ3lPe^6VIVbF{fIN8Au7S;K(>2G&Y z<)C?>SaJx|zl>sDuOfJCS2o(8G6di3e60R72jp9{@%eXGoO)#hZFTeJ?rk$+81};A z!Und-A&Rs)zJaY1bn*T1pQJth5$-jps$6os3syvJBBxWI;@?9p@OIWDK}FanaK{UU zY>u&z5gIHWUhK(Is0FRuJcqTU5xP=vpH6)%WKfN6lXPDfy8K%)S_-e>Y7I-+dT}X4 z8#d!J9Z7Dw;5d3*Q>62(l=-Z6_sGWI?O^}5kz7mKj`_`Ycs8>M*QXc?o>>pj-jPAZ zdI>JM$6Lhb-cLuf^Xqu|_kAp3$3=`zO(B;HxALp&Ww`F&8dyDP3_Tig0W3}!@U^c` zL+wKoGS1~b^sbPh0k3kfDL)Kz?p`2kHU{B}J#t+2VjpIe=87gqjvJ(3L$y zGPD%Qo~&?(O8--k_&@?i9{J;tptcvz=Z_cqSBG%pqZc@G@G@bpsVL;Sl-S`R^{{oL z437Nt3O-IJkk?{_fdx~<<)w4s?RyD0`^$qodzB1F%U(MC%@$*S;z8Tf{Fr}o z5pJ`$BIJJ*ooP5$Ul)f-GGxeDl(EvFkf?a}+L2U914*Nz(yUQQlR1=#%u|ynV~BY6 z+EPiA2&Fld6s7r(l6uek%?Fpu^>EJFXRY7wzNP!wGOrAymR`UZ?yeYzURq7l2I zpi2h&1>?41Jys77y%aYrGvvX6)$q+*IA_l+hRh}rH$SC97sYHRE-7i~Vpb)lik2v6 z6-|C$7{U8n?CJH#-&m*lc#s(p2bn)@!1`W=wS9*&4Vy8SQwwd{vhgm4`agj7&{9bD zu)wd!YXs)uMc{ucfC-G*N9_Gf)a@U^O}wJG$LA?$b<%Z-EDBVlY!Su9#VnSr+> zJ|Z_TvEP z9fy^p4v~FDdqD0)Fs#}r1mgC}^Yw=J@r>6X8k4dY%t#6FPY3YnW1-h=SB3Sf1Qzn4q1Yu?jY>v!*l+j% zA21_oc*h!tEYby;@abSWKamyQ`HlnADv7MaBeHI407=-o1>RiAA~rYdu=2_QL35Y_ zZYc}UT4O0(Z=VhMe&=Ac*ITg4PK3m-?pU^3nmaz4NzcYu^YAS%;K1ltFerHi+rg*M zIY)2euxLj%{qt%}6kO|4g+8o(_egr6mgD(v1GutZCdv&BA+59ih{CQI(J>RgV)mvu zIA<{cUf(gNlcERH$L}3!(u-ca_-7BBUw@d5ydm^fJ_%lih#V-b6_~Y_@l0WlGjZRV zDL4;y(fk=b@HTQH{qbf2>4PPFR9dFGQI$2xBP-8<_Wjo4Z8A@j$bsQp()82u5Pb}iS-}FpKL;K%FwmcYwu!QsH8)AM1V-8T$%Rd zM`81>5GcB)Nb65@uqhJ~*kXGv(JU2fcECvn_C~A`e2^~CGtb@nx9dE7?=GUV6_nXm z>)~|Y>`d_8)eoiF5`06pkXKy-XsSJcFR%Ru3-v~U)3P3Tl5`hl3jEg28cTNQiXGc} z%mq_?)aWB?D{vEf$^9Lxu=biAJR4I6WlwbIc6B{&E3jFeW)zY`t5!jJ*n70q+y%!D zoP-C%C%~nlvsjP7b`5VXW6P$xZaSH{{S;RnY_c96sU!D{#m&wF? zp$&|$RKfF8#tA*=5_W6kXuf@LAk+OD3*s-!Fla|9NG2_W@E>8AaA6=wRt@8C-GqL% z>>}RZa9x}qR!=Mk3hyxog$!h!h%fBY5RX2k$_9@c$8P>T52!nxn*@%g`fZ`8R+uF! zts0IU7gX`d2`jWnn}ZbxXYlzCn;^~jG%5sZ;Bc?ABt04UPm3AU|9dk)wk5ZkCj%=I z-(%p$M21i9!NBXQ!D`ed>SU`A&u7-*fWHH%V%uq~lRJRs!6Eo`;Y{n^5hlX(b}&4; zW=v44CmcriyTgnj=oOVmbMdjPZj1>_Af-;%Zo_mlS#yEnLYZ(Zzj1PYCtY- z0v)R+uxHh#;ip%Q=$@qtjl#};_`k)N@FM|=Uoob5-jtR%sndZPn#@)3=Jw4P25z=N zFlqcuuJWcG-^j<4%SQG5XxaS(;vFAB{S@Mm=l^Wt?#b#W&--%|~iCNtCY8?N>jTbIf<`*g+v)%s+;qZwy zNQhQlV_ce%WyaKJlT%%g66Q;Nc_Y8>( z#BELm&VQc!>oIM| zIy@+E1X;q@)0g|=)9e4(;xTKmyIK!^?x_`ZI)#eNC9>h7kt?=e@ZiH1?b;6}e}GJ)s`ltx$wJmqQut4~T-4e8Sii6N655;;aoKZJs zgWi?_bY9wGe(K&VNL^3(k7q?>Z)PTYl5ks`Xi-S!**1aVHw%0pK8aB2ME0**0{rz# z$bxu3;Vd9@roO1+Fx!b#f9gQm_v#P!Tn!WUE-9?VL5$f`itqt+qo>f*8()zEi9y8> zbzunKaJ>aDo8QEQF{jxHDuXZM7KvSEJp#>pAK;KsRJL$_+@2gpz-{t<+m8?6@j_SC%~?G8k7`lhP`D&$@=6EtaQF7zc6h9_>n2FV9YC6xY~tI z-C)KKdiSHJqAb=gI|VLu2`xFN#oGte5pm>r*7!Mw)GmmE8`stfXQwsn#}{o#8Iy}X zv#m+y9R-Y)K0+b|ps;bz1Ufh+5bifEB-0b*nUvra{e9g5b_ZTZN!blJYoHcvpDNFw z=mqXo%@J+((d8)z+A;oDK1@&j`V8cMq_eQu zeHd5GNFqTBt}rTnF#k%_K!5y2v6_`9xvR4U>z#JP-)aMT%hytT#-RsZ3wzifPYNJ= z#4hsFONmb0HW0LYG+^_7ReI@E9nRZ04&Ilwf!N=x#(0TL+1~bp8dGZRqYuH0HF%@O2H4c0%^m)D ziY`rghOe*8=j+E!=En}HW7!rNe$RD4` zHnx*$6u7!I$I;X7Lk@p@f1dQ9f%oSM=Z`vpvy+Jpy#x693oD_R z1(EA(et>MgJ`WM{ld)S~;6^f^#NBg+cDX=^F#LscFaH(ii$&c1+)*rC39|<>i1j+w|+>F~@5}JB}1bX=p&lkH;(`+iWExAsVZ7xFL6p({^hk;ZBja!dLiwxpS2f2bDtSqu}4OIG3*Q++t-(*P?M z7y!Ms0=J2DAxiHpT0A~Z-;ce87X?S*qQi&jzOI4%ePS*6bvz7Ow+uR(KS8!@ zD389q68vv;vb%AyaPwC^*>mLhfh7`2RQP8x$b5n_De5GYPdt_GLn3-HM+ zjrr#;!y7`6JDkUY=d_dfmYxutw4i!hi2z%haS++EMLm9b$`4YRiXA9=(IFobk%3Ld4f=NgWft9ceM?X#?;khAL z_Fx_SFf1fDG%v6ZNkMSoXCQ8BlH}`Gm%}(KXB??t&ER!Ebje#%hng>JTYDOy{%Fy@ ziksrw&JujJl05zL;+c5he|r%E?nB&JCF)oI981mzfy2$qU{HR5WN*xY%$?oh)g2*t z?&o=UxzHYFKYB(wlRjX4lmZ>GZ3Ot1-Nm9y<+xGng4n!r6`fHt3##;kz^7H4dni<( z%WNxJEA+`XIzERi@8@9kQi*4to&;+wM?h6ZH(2yeWq*65!G`We^L_I0t)>t@{aXR5 zGQ&~veKL*O>jSN?_380}OX$ypc>L;^2yL%tV}#xmoVaod^at4U=A0^6d$CoAYTpWlbwjgI>Qx@O;pYHujwkW_wOMd##!}+m zDgpPGPvnvYLT|b&45~#kY%rRTyR%|g&W>1K(XEc7D;-6PGPcryl(+bioAPJ7KS9&N z*Ery_1;*W2idv#YxcgTqGZQ+LA54MSC1;3NJDc$8XE%tmHjBNMsR3_sx!~Tp zZ;jX%ojmGwDZY>H z6lF9h@$m<}YAA4zQbQRaQ_AlSKXC%c{(vJMLyqV(MeTCe7To97b#DeONS ze7=Ote*XxS)Xu@0j_as0WjHH49YnG-lVIscGmt+}4^0|MpcAp35B+gdv^MlD5$CqR z)KMyQxuz5^aJj@LpBFyc=LWoFh#nY*J+ms28$%~dJqTBi{$u1`9$Tk-9<2WxO17@< z7g0DwKx7VbYMfK3n{#>z}{`{{(ph|DRV= zpfXEbAb#yzYu(ja^gLEG_TC6DZJi9xS%GM3^^I)Vcm>S6)L>yp8f>Q;e0z@)R1Tbl z<^B@%fMN)G-R;Iz{&!I(q>!yt8jIH}JJ{2*4WvKc1w0m*)BoJ!u*p+!sWiI6#+cpM z{Zm04{40()bUASBMh8$0t-=e@c_y4ltteTGrqz`wW&#WupDO z3dmNGR_lU3%QUEReGbHbT?CrC1>(6Gemvf2CaYD*x2Tg; zqOM-L_@rb5y2}OObQ=bzT17bX(^N3>)&cX4Pet{vg4D(SEUAC|86FF6jO7O1KG>i_41efKoi;6UN1lW(}_=LUoZ1+>unJul0V4 zMvCjfR(S_oIJX&}D=(s6NlwsoZaX+%$YYwD?nA?$O7W)eMG!T_49l>IsX9y2HQp!K z!YPLce^d)*Q5{hCB?hZI`aphY1{6+KgY#bzn$CQIs`US$E&DBb?qL8r2ZXMJYBWw+ zsljc04v~e+ok-q@PO>>Q6Fr*OoON4He@wi#7mvNRO5y|j7H-(1o;br`0; zGZ1FS)8Ul2EHDcV3{0wr;M9Mx*;p*zb2ts^q!*#~5o_vTuo=sMkge&z*o3eDn9N)g zIH>W7rEHDEHY!bZ{uE(m?eBl@R*8dFu|z(8t}DBN?h!0a1~m1WJyZ!bZO zw}Jf3_!78ca|NVnF%d~`Lwl2UGS&CHm0nOb3~2rV5tb&fZsK!x!`M#b0Do~^Wdm7O zsY3)H9WT2W57&fletKmN*4kYlXQu@7DB*j`(%!-G<}<`%)h>)pUI!Kx@;Gt2z~$By z!}KbDxRkC3c3(9?Gx8QlZwzCm>ygYe3l;d-Y0%QW1)oe4_#MuRAU&rMTop{gG54b= zH($8_PSC}@y>$>$bRO-NOY;)d&oFDTG|$Q!K&owqGtJ*uSjyP7aCEa!$|(&K2eoFy zvk7x}R+Ba9F_{B<$0@p zEx%1XNyQbz6^>z9`*`wvQ4eN3n8r6+{D8DbV|*W>j+rCoSzBFXFy!KIHdLom+)!qW zv16YJd6x$)-^vY7r^P}*Q7v}J52AP84TQUU^!XHt5^^zS9w;@`;E(dNY*ha{bPhcS zec{RYs?&{j#U|sd=WXo0{9+v3AnaL_GQhY#t>Rn43szUu!eq__iw?=nuPj_oXrPc= zD7!rvGCO|Y@4;DMbK4X5#af}?S`TcP@tv$&5{y^0nlR0`6P@=ifr)0~8Y2F+*&Y^;y$^}EBjIV` zHa2KYJQgHO#jOZpF&&Em&l^kl)-T z!`C?#@L0iFuXOAHHe1`l8m9^@cD}!n3``rMNHo<#UWcf@L6ag)Sw@k`bQh=&S=sba`t@on>^feY6FZB zvfI-fgG8nqt@yz@eO`25mD}i+!_;MifLH9pq*q^2i%g`C?BZBL;{xcrk&8?AeuZ20 zkFo7>H5xmPMJxN)tn%`A{C(g(+^jFLKI5GR5dbax_Klu z{rZHRQM|#{wW_mi@)9&ESpmy@qea&}a`3o{6rcE?1{$<0!~93CgscSIIq4XB6shuO z`sujf>TOIq5dy7E@7czBYh?rHG%l5wbC`f(5tyI3HtAT5W!oa zDEnOk?ep(|{E6|zKkqgAwJ3vA*LE6KDJK2O*4*bsEXMIOu>4jIaZJ$>oWx;dX@({e z8KK$3cr)GSxL!kNH9=_H#x81W!MA`Z?stATnR8P_{$pehjYba z+u*(CFedH{g?yh&qBEKq&R5_@U7duvpNMFM`|Rf#kLG0zATgi5$i6K;OR}mR1zulzq9R&TJQ~`kuv_oh4|~n^8Qu z>|_T3}6g4_XO29bC=)mW5tG@I@BYl9$d zeO46n4xLm6(e89*a#>gChy`chlMkjeUf{?M)C+~bjnz!K!jiuA{s2`9KI~M46TPtg zAgon3qZPqlUBNrD<>jEqQD7Ff|rQ1a~^n>&6A|F_8;wRT((IOwN9 z;l)#^bQ6nbcHcxd?V~s{QIbqKw2m6iEJB^@1~j){nrjH1em4YCOg7-qL82T|1+Egd`1@1aHp6~H-V{J;WuscMb zpQDvn5UIj-v|mAIq5~Z{R)QD%FXE@hRY0{ce@t>qMb{;9_@ZkalRKOU1?wd#Y5IiI zqnzmAxI65|S99LHeHZb(WU*>dt{-DrWSAu?$s-8-{nW6Q^w516vzc(<#G!+03_}AVtz0{+?QieFHzj zl9Mf9Dka=I#nSALML!heoe*Yt5zNv=2HvrH)K#|NRTrOtw08p86TAR+7>=P{H=pB3 zCuzRu?JLw7whK-OS>DKkOmNNZ6AkFy3-bq`!lc5_m0bk^bhJeeuKEy;Q#!W8(MJkw zSgQqDQ=X6Vk(WeHGV}1Ljj%VFbqaR$x?$YK#keG|5oa+o8uVwX$Xm@ zce}gz<$na#+76=S&f^&Pv7Lz9g#6yXOW>2DN;}`3!pj?m!@m0w@N#<*PAxcwOT030 z^4SwGrmK~Biol&YVxYzg7)anhKQhLH2=UV zUL6{W{Y^r?RAv@``Zxf7E^B0{PI=`PE8g7a2Lq1_tnJ$2Bt&-=`o~{oCoD8*Lg6gB zGew+lQnUIfosN8 z2@WBY8>s1tPj?5QjMoQ&-jL=jK2L{zAI2?9>q)H509ven8R|k# zqRo(tM86@N#N2CRXWG|-=MaBvy&OQ^OK@)kHu3xQVmi3XfqEN8Qlcq(&dCucmABnv6=IYr6Z!rm6mw*5vXa1zy}w0J>rvEWjh!ry&4kNLYoGFEhzjE|by#w8z`xpnDXk#&c_lQ*fZ&Bfq&v-Z_6CC!La?d#_ zP~G|vMH*}Ih{IPnChU+F31{U;(($73LoJo_eJW7(mmxfs9Keg_P`>Jv314>C9fmz# z&CB#2u*aT5`Nn7cq)Vp)Qu>r(&&1Ps*G-HYmzwg9=JCun5lQtUGkX5eYYa4wrb&_~ zS)kEj%=LLr8qO}{?aiggJ4WDb@pE`NMhmz4yE5=v&HaZvL(qn6m|!yuM-*uAfBW@e z`t2yb{Ka1!m_qrAY3cBNrz$TxkckDgw^4ok2z=~aLY5|tz~LV(K|I9|djof3#NL+> zKUWnW3M}sZ`lb{E)%hPCeUx38hZXwg#dU`i>B24MG--@*Ru8nLZNKxl=Oz=Lx8yl= zcW-4Tv5(=d^=%dtQjaMWigflmOa6X`EuUi@fx}iEqjSB+;?P1foVWe~_IZS1YnL>A z*{y^7c4}}B!(OswdI4=Ya|5rn$#5NsGvIE0hi$j+gRK|FKv0n^{Bab+NmS!<3q@@E ztAFU#_Z8N?d4o|WJb3sIQ|{EMLRsoQK4+vGzn(rsV72UkSC`g;>BL)@yIWDDVR3{V z?Vk?wTtXq?#~A7>xY1gwbonXajK4oa7UOcSk-+XpIOT6V)A!C|iLoD0I%pwXs&fjr z9yi2rcj4!3G@?&KpH?o)=pv?pC0IcRf$oM*D3pGRKjY%jabhh@6-VG(b5*V#dPVf- zP&xCJctQewl=&9n^9(yUrSj)S37&H4EV!?mD{dcG3n4QD*{@iB`!t&brGTfdN!?b#T+R^Xt(XujZ@7g$`;kFI%e)<~Yr_r4%j zxL*$jl>_L~n)mo)u{`SP_u?Tcs^JMpt|-Cr_N@F2YB-XSn;D8GXNEGF^7`aOEujT1=kN0we6a*`DSD_-ywKm_02B z?H>)JbfzL5Gx-78qo~WnT(D886`uFof?B^F2VSoAWVPKgsu%1njlhu|pT%dUGO%A31QpTNR9m%-?Q<`NZF7e3 z@zH8dB zT4oLSXJ*6aEFWQpVu!wG7qD&DNAPKVudwN}5wvY|g&xSlS5 z+UIY*xpy3HWEOPdzJFxI(R0M~R0}A@Z=x9$Vzx|a7CBUWzA{~{hIOXJvGh4C&|4 z1F+QPB)?ZXL|}cIi5sQni>^#G#J_%Lt(7ii+55s+x)tH%eja{r5%S*Hr#U&*pa9Qj_7(F~2dymb+&pjta z$_MVlsz*PdFt-+UkDn$@ot2=rUJY^yv+hpY0R8({@NZ|^gkHgGe7bumANBPlyKbKf z#=`#FuT>lU_WdBOL!H^jRf_bNw5s5LDG)l`@zx0rqxi?piQK*14UC?(vKxjc=_xA} z&^5aUZ`({rbI1u&l;47%a4u)IZ%8jr5ncId?9lEJsDmV2(HAp zU$N^;0Xl}L()Ee?a7kc98^L&@_}3mB10F)?AxGE~X+s_Bb(wthJ*KAOOdhF;;P8+z zs63tozf*JJqjVmTS{f}5vkxch{3ntY4qC`gOT zamOJKH0)F3Z=M`Sotjk4I%dnf9=X%gjTb~|>95%CNgWtFMuxiGp37!u+GC;=#dCk! z*@`)%sgH^~@tWL$;|45-lT!x4wB)6*ct{MseH8@i0~6rb^xxQe<0lxmCPDSd9qja- zv9#i(Klsg#2K|y2?ESuyE_E{(T-R6N=O9;XSf@ZAwVD#|y;6K8(Wai8Nz)8|vk~srNKu8OTe->Oc$oh24vd?!jDL1H zfJ?>&;D!Vv`bD@#hHTQJ?$)Uu?BU&Cm9a=lO1wNIlp(-za7rR%^m{uH-vID&hk)oAn{Z}HXWi-NP)iT*OF5csrN%ripB z9>m7NtCBTz-bXpmGZ+F+yH4Y%=*etw=SsRJY9KDUdV#rF=8DFPw&UB6X z<%C^8*HzQt&*w(*G>-^;q8^QZx|VbPb_xG(a1A^PuH&xA5cqV}h|Y96Le{k1#ynFE z{>l9;R1Iu|rhO4GeD@6~J7kJ|^TWvKwlZcY+DNx3-p7?94U9a{3-Xmz{HL^p)SoWE zOs{&_$bN&&f+`G+jUi1l?y~sFsVrB>Ae_;3pj|tY$nHb)*bG@UDErkaKBMyq_U;;o z9&StV%8#SqcuiTfI8YyUtbK}!*OWNoM-rHJ7P)ch%f&8M@O(-=wGZ*~iZw>M(>&QY*+lP&(bG>Mm=7eju$3$L7U zpOsq1;+h3RXjH^k_R`iF+s?b;5*tTSJm~^$Id~B(wC0E%${xe{kK3SPh%Y6D{=n`Gwn>hoCqG$%m*E0BXGSE8ZB=W?nH2`KUzqMTSd2xJym63w_#C;_zlVF@yw4JACAg$!AJnYBi*M#Q zLtM>z(C#+JlUrNy#QbZJJFZ7`Ato6Ab9fE*#e2D^T*So=={WM^IegJDoS*rmg$gaj zsC_U9=jl#^rFj$SiJQit+A<5>tzM&!Q6P3aJ^~Aky=l;dKD1O0qp4+?`1brvZkZg$ zQ-1Qj9F3m#G+A^}&(uv!I7zpmLFud=bCE7Vym(k4+NI>m2{w2N_ z)pT|FGtEfRVY8v!uJ{^Dt_4_!)bB?;o5vBFnptcaYraHBg&1hnWOv z(%f_>I5Jm<%{~|k^%)-&$%w`sP7mInfh{u6GyvcM2Yg_)!A?;Rvr9($6{%CSYOR z8jvsCfn7JW_^*^~+;CV?w7KvEJ|Ahp&n$9f9Ybb9mCdq&~}*Qc!V z7Qo~(;d+!Xz+3mN_>wK{kg&)O(@cl(N2O~~rspCU=fg#V?M8|2Rv6G}x>wna`OBy^N&vIzfqK4+ZC)os zgH5GSj}PHc*$AtT%hTrPC7`}DfHd#U!KuT#$(L7&*je?3+zm;#%DbY<-w3+d}J15|XIs4G`N-FxgOyqUWr^WZZQn7244FB&wN+qN&du(b_YSxXBd9GrihDmv|)6gJhz@{0FbH3^_zTn`k&t@ zdrE`4?YaTxkI$oDv%qrAH>E0THTXPc&b5WUZe+qMlD63jKj@_Kr#7h&{70248SdeD zeIU9^hKbq}LkQcxkB!}VltlIq<$GkjAwc7!DE6rnlyr8AstW&-mvYlENqG>z5i_0t zt!srmtqJ6lbD!wW1v6fp_XPLrDe~t^QnW55m3Uzr%vr3?=*VH*d*u$;68#!>^p%3# z2;n_v?H2I-FiYSm%0R!slG+~7&)RGSc9TvGp=W* z_a$>tC>9xQPQnahA3VPO7%Pdlbv6ROzz)9wa=vm1LTqR_=w+BDQGv|I|jd3wp z54!@EEtBcb39I1Ifun5C@Cf*opTLUrCz0L1HTm256JX2INKgw8$L8lc;++^ zy-QO;GU_SzezgZVH-GqC)dlPSm5DS|df4pET4?2K23PdtndE=NKt11p2E{tC(v}%e zY`d70s*HsbOP_<;)meO@f-Z0CY+`{2Q^7DppSz-;_;cV`cF-sS`)uB!$~SXvwRbj` z4A!Pw$F!n-q%yCo{Xqupp9FgKldMNBy~i|!+#5BRJQaF)hj#=MGhc zzIOqzre+53Oqp+0a%?Ai*ry6j{(bn{y9;xE#9?LISpN24Aijtl!J{u*p#S?LXcv43 zr+XK$yLFE2d!P}0wYi+Mt(JisZ}TAQa|%95*}?2x7viVek?8NK12esL;mUFk@@D=d zIK4RpWBVgu$J1}3->>6QZ2cE^uW*9))Ui0IFBD7n1- zZ1~A0@4tn<^KQUOp<`(=>=~*JpI7m~{0o@n*rSX_52*QMu(>Y=qN?{WdT#1CKKkfu z%$FTNCA7T+&fjNPP;(vYWq-n_H;lfMQi1r-3wTdQE@)n_#)PjTj0|pqH`4R4 z)Fnm8waW19TiW>Lx+$-iAVC`z-o)M$W8jbQEb(7-8?{m|p=&}M1R1N51B*(DZcrF+ zn!A!WPuBvg-VRu`a-=Be?sGh1eh<*NC!Sar%xF2xO0_t+zlNNBbP5_THo>i>rUHxT zDtz#JEqt~L{LUvevBtw{xM?woq>feOhky5p;+h>W-zNqCT9?BgRehX0axh36423A? ze5SQN3R*MP5Qm&NR{pS@Tqp^I)D{M3r-x$pusKNfwLs%FS%KZDM}KRD!+Iaz$~CHO zP;*7_vQ04Hqqgb5om*#cxLB4hsFcJD$}!*(;7Q{4-m(f6@_+aLtiZ;}MnvB|4HjF4 zlLtE&p~uU7=<1UoxmLq5HPsc%55}_k%|4($djqTZphd6#=q9?CV^G&@IeW2VDu4gv zINP!`A8PtD;Tv3JC*20&$Wg-}S7IE!_+%+NmwH+}bhf~xuu!DUH#frSL*aDL?p&Cq zcAL!hP=^JsgXm)+?^J*9Ec?4axIPv>7Eg(GvYw@r00%SPh$WRrn0a<&y#vnv(L_o|hHM(EuE}T5< zO%+w1!hNm5VEC>I9aDSo&=FPCs{AH?>yyt)R9kR~h6hB2yW;|t-ZT8P4jJeXYUCRk5uI| z%ijQg2_?R>hmgM_IsPXl9iFK!XR{{OiHDZ0VUzD>!q{(@2nyG}|I_PuOteOD6we1G zk+9qDoCM%?EQuKQ-eigmx6%1vv1p}tCPwa^DfFXkQFd(r%oBdc zw*ot}O+6j9)xF1ok%6KQMWv#SwclWgk`C)TQjW0_gK58eAvOlghK{TGAU_glt$!qr zJbxa#UzI@Q+r8+}I0SC{E`~2}>me{P59a@ShJM zZ&>Yh6h0S55En0F{?-2|sIIl;Rq=Pl`m=(?55p^=@p>Z|_Y7onC)$8&rXlWqTtQNf z?qPq!-Vu$UN2EXOJAU1r1Pg7vNtx*^xRsNS4PWh7z*Vm!=s)Z+j_CHH=p5GA8CzQ8=(aXOofy{8Cz zN)?bX!SR0#op)T#Ul_;J(oRc5+FM8@-Fu!xA-f_nii{{D@squhwo2N&P$5xSse7K& zkP(u-D7Vrwk1LDKXCSv8vXmy z2aftAgQu+_L}tu`&;F(;J5h_9SqR<^D^r*^>n_tTR-osXj26EaI1=t(y(G!w(xPEX zUF1Ns0))6}(A;SpLiS-&Of&G4g;<*|g1@di_|D-M zG0VXj65Y+{D${Uy>;fd?Uk!WW=!pN;{FB7HH{sv>G_u~J2q$`RveD%W8@Jz$E**Lw z0*veNzPB9qxJOI2Z0N#e(=u_%JZ&7DG@9&hdx}+CFOww2Dw2G;khvF5kSwe%BOSQX($+4-1M7bkHHTtF{gHDPX~Q}QZq9+s}@f<-O1kQ$he`*ox7{5dV2 zQ#FHn%=#lfK6o9z+ttceOm+~?Kqma$^InOC`b!l56lQqpyD{L29l7j25FV`t9CXf! zs_V&;i>={w>3~`s)$UKlW9QYRvjp}3w0Xipe~=~SkdzcdM~Ui5 zv++%`McAL+zrTivly8z}^D5bF!!t~F-6}eI=rp`1qd;?gMncbzIgot!COQ4z9(HtS zIi{>I0r4+e{IqKzW<5v|=Jp&%Y__2N`%9Slr#ARG?HD;bWDy@>@dtW`PNkn~ba|DW z6`Ou7lSxdI>5#o^QT$*yTk^p`61=FIFvmiWt`(R}+l4d2BMr3tc>*2sP3Zcy$6-#y zItaG4gXKGH(9`({Os3j&+X`8p-`4^wW*o$=db)gx;b8cweS*A_^MD9$M*Am9Fvh14 z&sp~}mod8p)@u*6h_hkg#Y9x!uES^BeuAZ&hwv}W0@u*^8DjZd+_3&He(CoJ17-*E zm0K^si4_Y#zjrwQta6m!J0?eLWu@p<-9m`;>l1zpBjNH%2dc4EhsssBVC4P{)K1dH zjvMyl#+5=Y_PzxjwkU{p#|oZKpZz@4U^2^(i-oXG9X>aC7isRaqr1PPLiA}3frqb7 zhw2o8rt1*uI!&GGoXNvgi^pQ^vjXzgcqr}obRM7FW9(P+Tq^BoLL&8d($9~d!k#=m zZr~Py`qIx}{o*ySmwB z@8*2QD?&C&XR{4m>D|K|i}%9Xv1u%!TA7|3pbdT>Z(!ycJ9;d>gB>z|Pvp`!f(c|o z`hbCSYVl>2o_qSmKi6E>0UP04^DqKoy16)792QIixqgS53#}Ts~ z*pmFKu(@YG3HE;qyMJcE3GZjHCLoZE&e+I24gB$*PY{=zo{^3@z2*zXp7V^@lwqr#yDxk%og{6J5Mv@0IB1bcw}0oJOtM{}ac4kfV==l)&LoC$9133oF&tMaOgc-15)N znzM$oRHMEdRzCg-#+wUC&(*u+@NRp)Wae0U>{2phtL=l%vmp6IM`4JcBB!@|(N%Fj z+W6}5%swn%Zsxe?^_!4B9tPm0t%noEBLEN3#0g5Z7rY#dxTmKJLN5sOznf;;h3 z(eIxc&l@iEf?Ge4N4pxZalaoc-z?_-5rN`@N1?a}uaNMt1oU(gLvHm~{OvQ3)}B=0 zn|#%=^G*(KeFI<=aSML^OrW)i;b^$#I=Y`wLo@w3kn|-8d$KRUslSdGuJ20EPq~db z(qj77elbKR|3Dq1MwENJ7gu$AlJ$8(*tK9BI0tnxmD57cMDZieTQ?AYc^>6KcOSE! zdkmc}WU~twb?FIjE75Eru}A$ z_Z(r5PALz$mxi;;WiZzHFUUxKf%txN&Bh}@VnN{?8Dmyf_u%8DHYn|d%w9{Z}KH_+%pOmzRjRDo(FK#Z#zusD#QQMXJKEz0(9szl1P4z zhI=~i1wY_(^jANC4~%1Yef53tUb_r-ws%xE@H^CY1Cz! zz}b>DB({69@a68)m~Xru6-*jo-!CU<_BacxxWIV1+YGId^|&NfFr%i2v3;vO1Xj!! z@*}ebtOi@q7soYVwwHu;w-c&2VL<}tV-{?E8V!cujmhX?(sV)D5BQn;5vu3!5;*ruMd1On z!N5nAcl~?L%8L7-al(7}cKs>Jj$OmoZ68Dv?&sz= z?ZK>l1>c!eiwj&MaeJ^LuQ`7hMKibJs_8?~&npUt|1Kc9552gOMKI<)DZuuMKC#IM zX>P`5)2IjEU{sqA{e5aCtUA0G^xbsfjB5zXyZ=PIg@3{!JQ<5t4Z<6zrFmQ6Ry2@5 z4eoLI;C|5sLqtaWsB$#sIBv%Oc879{0V1ld)sFKACSz9r2HyVP3K-|-59K!D-0)BW zG|TG1lVQDro4k{e$P2{zz&uWC3g`>TCBXv_ElD2C#JTTA(>c{DTqeSR*X$k5r4(mj z^9Cz2GCUmdMhSYgD2ub>w)1Vb_DY7HSSP-4V-`GF>WcllNAq_^SK0A(N8o7oT&nlL zhVPm^jKIB8(4S=hac})47Cy4D%6%L6{(S)!Mz`Zg%LlmeL7;eVg*P4UU4tXj)xoUk zAXHiefXwx1NSZnlRxNVpI{GJB!l^v`qan|y^L#imZY(h!G=`d*TZ)C0hFIO$6Yg&L z=n{A`3{&3e!mVp-+1W82EJSxLHU^eL&vrf9u`d}EW7MV9o6=6~pJz z*0lfhbcl7;rexUyj9xJTN_4bHKu(;~+`cI0D3 z%OKo3=p0xE59O;q{=*A4+B{;aJ$34J5$0UE@a{$uOlgmkm>X4Mci0B}8Iy_GQ^QH# z^M&9$`Uo7~zXq#J7hvu+B+PjP-Uz)f)_Am*&QRDxvic9jwC|ZXQKuPRZBK;swg`|+ zLTo5sh$Wwol1TSk*mU_S$iJ{bLn)!RYhZ-07B7Vv(lRhpS{2o9rJ}9%Mlj#JU$S6= z8@KG;1CwM9u#NStApffpJG{C;&!PcmRjARvRn?-+XIA0>i##?z_%<%BxPnguLU5l< z4{RyWgW7r8?1%L`asQ?nbX`v>G2Yi7CQkiM7FdU&-FydLdTTs9>I*=N_)T$R zbm9%tHnKm>nO4fv#gk!4%2mmS<@Q|UHXNKDFJW~kDF^&!Kt^inDWq@;=?rKRY**S56Ktb}Dc>Vfq549Hz&O8XBvMCx)M zVUM~3GgzYpE2Eq7$(m-&I^o2pyIp0pFM*7=&*uHFDWKND6?jWzC!Cp=v9n|x-?urP zOcOZU&8il3c6U51T>eU!%PKM3`NICddxdD|%w)WqH=EB)@nh19ieUTIUXWk9hnOCc zBU9?$;UE15TwPfU{eLTC>w`Z6t6!RK=-f}1s0y>_-8CXM8o<6Pdotpk^Q7{J>}4h*+% z#$)LU=ppRwD-KWMPAfz-#b_db5>X94_n%8%>3yi#CFBvtu2kl3;W3~+^$?NGS_X&K zl*0S_f8nooD?YR9hx=a-r>awTNH%n>1+(VW7@;05ULxx+8SG=vS3fCZ&;R6+i?v}i zIxG;cCMj^$*fCi0=OuGorhz_UIUdBPVfu`8OieTb9a(|_l^KHDtOW;8cIRIDEAgXB z13tT_j~x!mc(gVgn=ffWfr%d2>=e^YGu&|b(;~5N({Zw?Ba~<;R1(wcSx`PshQtob zgyAzy>Gao4C}m#BmUeqFhr$O$?^dz+){jga*L9FOKYzl$n4UpV+fP&vk`{eEpo5Qj z1&Q#KqP8D~;~n`+*wUVl;dwO}{xl1cG?cj1m!;%+@Mut2E5+xRZ5OLn-X;GDnd+v# z{@i+-AysmHB+(q~2VQ+?N5lMiCCu!>By!pN zh2V6pC(>Ib%uaVCuG4x4H~UwLBeoxbb=Fhq(A)Ab>~5~W^jOUte)M36RjPR0?o;Gw z+Cunc+au0<-=Avlx&%|vnJ(OW0Hh+KAa-zQ&8eXA;3ecJ#8*t&XTN+XE&srxKDpz> zM{+#U>k#_itPyV-wE<44>G0Bl$W-2Z0$l@&N;#2SUSEn@zc_$CS3TIHmX&Plw&A$z zXE+JGp#$sg=b~#I6SrMDg-monQX4RruHP#rMb9p=>hw%ZKW78;KZQWa+ECar#T`15 z4Csp8Mm+D%FS4kuj~umk=2Nv_O8m88&UPb;;DZY&x z@UoyCe8ML=KG5W%SS9oyIH(6=$GCZ56ljFSQw}qGWlO#~;u0vx{1ivUT2bd!mvO{c zU${~H9J*a1>7KMQj8m8lF~P~Gv2qIf2)yFCrwz$!%Pn-S^>Pw@*Bj@U9mUnDi(u1@ zV>KY%jj?8O@T6rXe9W-s_tWNJ*nyK6H*y?5_PL9UkG)Kc&J3o*=Nt#i7ELO(sfPql z&Llg8%)yyJ!MUW|E*`6;g{u?IxyHpwyy)~P{BvOsWa~;Ke}2}AZ|rCwJDNU0>F0db z`7aFgUl))O@p5#-RAp$;O-FK76+)tP=!*vvvE_O*4tS(T8zZ*D7T+HjQg4JKKD2;8 zX+uXFU%IKTmE4~y;`^F6^PAbh-1pv6ffp)Gk0+l2ow$5lAb1q|{499xr#L849mE$- zP~p=PhhqMp5il!#49;BB%!1U8LesWeI9T>PNLMvL<-BH6Wh)W7ak0eteJAvL6%V^> zb1>S(g!}aKBlpV_VB~l?=u0kyA}2q5mo$LaThx%27lY`WTdfd%a1tB}%ak;l7GYOK zKQ1fem;06Ia_f7cq%156a-|~qJIfioe@r&HjUXl|-Dx|MUglU;S{!)H{8mg zA@TzL+Svy>({G7;!>pO?W55uLLO2%vj>PB--DKZpc4RnI_t`Ra8ERG+4$ZZ<$SkhyT zXD_GYw^&~?W0)(dp%Jx_sl&!+b4i@7A?qy& z;ZD9CIFWU+zuQ_!$OKuc8zjsj4#%VRQ&q8tOCAK*oFvOikP8oiu`5Ti>?V>$(Wy9Yru=yBb-&wiB`kpJpjCGw8siG{L1EDLJ#c6znYw=&GRy zsvS4Zlk^-5B6L3Ed#GNCrL9w1X{W#2&s)@$&Ne)^($o~}F zaXE{nX#r4Xm`~D=^rsfm#jxO3CfKi3qN2jJl9jG2(ZAjVe3qE=!2`o_Qd<;Hyxau4 zhBorgVMpMTi!R2ft9&jUt9R7Wf_k`u)f_V-2_o@OnLl9E*Kq!a_Y)j&%KYYkOUd-glj12C@8Dns33*-L2u4De>ft{H_RY)y zRGKyDtY9hXJ6?%LKZ}B$UdsI76dPWX^9D%d7uFOj@bkRa(J7bJ>4{Q9p<9;1z3uX0 zu7)PU+gmI?Za?16oq%ha?lbN1Td;C%yU5(@7@U(b;kgrvnO;*YJiq))Y==^0;&p+^ zQK!MT#Vn*hEp55eWqF!8I-K5$=IrlTAqT&E8AdTZt~OFf;A^{)b0Gn0sXnU;dGjCNQ!)F=tjG@J>ruidQi=6CPv%VSF^8K_n6wevI$4YB6_;PHtWWw&@)I)H!lwA62Cr6g&S1H77%L}ulRMX}G$)Lc-H#?+2F z&^t94t+(2N#(Fz^H_o2+=!ElCDPe5Tb7^dEQ01cnUrQ#0jORgvdcgAi2C}2e9^qsX zrpa6pXS|IRZ_bmYkJX#O)9V_{Jnw{dOJc<>5@Wvo)^vO_H%ijha~LF!>%l?r?D5-Y zFvR)^@wlhR%Ll9RF?N~Iw`m3L5WHRK=Vf78jUsL_jw8kW7vPYXXtwdgTUc?k5Z)Rz z;;8v5pemf5%})B0{qhE2ab*C!5poub$A$B0Jy}>Q?a3;Zh%str4W_z=@CF4NP_?n; zndO_Ptl+B9T%SQE&gIZ3u>aiTOu7G5C9r0GJp0CJSW#gD&a%Cb(P=|H<1_GwnLGGc z9Hb^UH_%6iqDj<%U+i7`EU@-l09Be-N%`*EHZ5}v(IryEb|@`B#wbo3VjvflgP-bCQu z!;Zp~uy!*0Ln@lQIEEQ1w|RQc5V&y|h*R?q)}ZXisvT>Y=A_-A<+cu0-zI_jwn=zL z%aTfrN6>=bl|;c)9n0g|abK4k4)a!~e=m>3@X`jRy<`C~p?7hpSp&AdnSnbO7oz4% zZ@BKML;pToO}lMhvwc(@jh8-TZ{K`kw_^uEZrdN?++7Qyi8Sbe5}d9x<2xE=LCT?HaI&z1FWv4ykEL%%&6S@)Y28|=K5+@G zmJL8YupAvk@?1`;04M$ZN20=7BrCQZ5`X-81t%2CVVi}Opi6d^y$g!^zl3W{sgrgE~*_pH6IxpNTe1Q=tPVYVw)?hSIDXCq-&ge!%$7Om^kx7JAk6vv`=ekRI;m z42E;{sj-Y0rY7sr^>Y0L*T5erx5_~Kmk^XA3{Tfe0+hl6^1dD8aO;apqp7F>$jN5l8ZW z>{*CvSON1UnQ)gqWkg-=AZ+g+1U7-*U={Ea*L_YQy2>Wxw0{OhzjWl^HE%$qVjW(w z_JX&s55Vq@RA~9{HqH%`r!9(T>jtk}N*sL-v|MiXpnQq0up~5yaHv{t?E=S+X zYv7yn3AC@!=NZ-W*>HJTXnS-W)pYa7+I&+|vSAdCS$>dx_OTPrq-|LJ2iR@-v9PLW z6zyNoBr)n1I^Btj*%ixPqPtj%>iL~vTZNf@aelebJ20dkN&+`S)(qeFyXi7<%?%7a zzKOjsxXi}owc#3SN!L~S^WZ7^{CIz3B4cmCRlWX-ufbk%-ik(mxY!&3B_49Ufv= z=r>faSLbhAo)f=F3mW+0EDjkJ4ksd|;MUG&R&C`6UwiE6typUe9Z2@+YSL zN)dQ8r|@FFJipa>QPh86F68_zL~9EzI%|Rw%oo3crXP`X?e)b}%CsFXB)=2o&TRr; zpH46?eFE18))UFje$-&_A+)O432e_roTu7IbJu9|?@N@q?99dVgXM9&(xrncvkTCw z(+(YUhcM$TUz+^zHjdUbMXAsm=xMNrrRd9WAM4k^HaSx+9zZwuyb@VFT&zZZ%ToT#07(Gq^=?5Tv>6#yjIQ_|5GD zYYNuMvN2JyOx|n-9hzgw-~Jgwm)&VjWIc3QlUv(JEC3X^ebcpQ21{tC9;Eyk!! zE78$U3#du7J!Ce0gYz4F=$XD>?DMn*AM^o)@IM~+~q`Pc!TyrS2*Pg@mg-KWubpV&{UW3PD7s0qbPh#jg z5ND4yHJ#pyzuTa82vSAI=Vh z&NREF1%}4sg-sYc(^cH_OczpGM~$Td?1b*<{F<5%h+wCUpPV z%$UOg9IL+@n*G*-#6A|5H4G77Q(gyy9CuR_dq>zW?6W-2B*3@Vo-je#0leaO<0Zoz z_@=FroOP9=PwM>8ymlK#$Nxkt+6cX)qsYs_zTh9=1+-`mEFqfQ&uBP`%;U+A_#yzI zlX_SAA{_l5%9h>VOTI7PBiUwCD1O|SL&oaNVP(pz@z>PLq)=lV^d3@%j~d;~Dl&qP z8M989W6N+yk+8efD`TN&ZJ1WZMF5NQbrY;Y}>D~r- z@vjq@KeeDGo5p}uRuSAT;4tRd5b@MFSzOyRioBe94MvVmgRPrKqvg~@Tpe&84Lcrz z_n%#O>_r(%zf=i(X(sx3yHm%XM~HFm4bYyI#11WPt^q$h;_t7v>6A)~WE$_i^;WMdO>vb=fGO)a4>D|k~9td zfsk;S?7!eAa0=!5pGm&3@wy6R{#4)|X7h=w)G8<#bqn53W$g3-b9^!TH)Qz~;Mau7 zP~M!2sq0N?p?WNuEsn#`itkY4AjVhaugQd$Q>fTAAML{5i<9*ql8;W|BBiloNzT4~ z2xE4k;r=K@)uGt%(U+RI$g^_c`*MFvGOU~NNXYZYqgD@RpM~>XLRbcwQY|fh@v0dO zf8Qfpem@{#l^4n4qfO9hID`*79EW-OV^Adi%v{y>vw^2x!!8{cypp;O>=(OJ)8bY< z7wJkSHb%ggm0#if_e3@tKlvTZ z6@J6q%DQ31qD~^eu?zh6--B+Ji1wNO_%DAdn-}Clzt>k_=G$

?h2|=BS7}ye^X3 z^NYoWK7Rxz?lK&hJ)eu*oXL>Oio8B23p7s7!eL9+kYqPUdh?^erWp5-h2*DUY-%_j zcLed)LcwQt-ipt){(-q6@9^KbJFp}w9ks{F(nq1ip!oe8Ie%E0`YTMMYOUF@bbC2F zJ}?{GDy`{B4?AwAbsh9?jbLp8cV>LO1)Tdif&a4%WK(;_;K(V1NZKsKQwxUBq6e=< zQuQi)m*oh!+jj?3+|J;%$1}Lh_Ab0PI3DwIbg_M-1=xg$;N<~lx@&7JDXJfYY0IRk z^gj=DkaOf|sXNHB0b98;CgQEi63mE+!@eCKYHr_aCEHAv!j!k4;oR6etaP=I3yNCJ zjZ6hmXgML_-?Z`7sTo3d`>w>G^9jB_ahs{cSo1o6D-I*nF#Mh|j?xp(F+SzwT(dim zusv5}K5Q;u!Oel$ZwE`INigr^GU1*j*`+uhA0P4Jz4gs_<8KNHn3Rf}3|GL>7jalRCID9t z6_KRSgG7*spqenFTvl>ITvUDuS0?6xeOUoJmoXN<3N4A)g!B&0Zr}cZeW~2{!^un;Z zdY3tB*{*~`*~fX*FDa~S8;8#Y*W4eE>0mT#0UqnN;Roz&aG~Jl_I(sUCR==jzDLsh zUHor|S|W!!>n>uZ_as_2F^PY^?E&|H&4qQz84^#X!RN^;@QB@Eu)S^%_(#;&s0*3o zC+o#5@Xk0UfAbntTPktS@lyQfPIYiIF9Mag)#A@L5l3E`fX`pAB^kHN+16}ZOv^Q9 zo^#&A$$-=NDMN>A50oN4i6Tf3t(Lqi7VSI%&WQJFG~ z-#Y=kZphJ{Q==i|c@50UEwIXZ3;bu4e2TMF?_k#3u2|Gi501%ShGhBd@PlvZmM>0XwwJr zhtb0OVaRVXvHv6ds=5Xml@d{YtPbC^zKIN@zTmR8xaMJ*a9&)!5^f&0LTu_ZQzZY@oK4o5fK-j^=wX*EvS%m&og?E)I_;0!i?EKioo_$-#BE}c8 z#>#MbHR?5lH-0D4Z*{rb!AO+ZF&(Ofj%0RVBg^`@uzJCyRq&<13GDK-hrRbS+0G9d z{E_(s5ao#YlwHTk;@$TodtTjQI@uJdg8&nJRhYNRABZE57D#XYas#B zB$;+qn7ZIxsoEjP)-&WbZ6+4B$i*6jtWMXBtKVLBeE*odl&=CY@Wy7WhxI_4beL+^Y0 z;QW@0X#VFdo}DrS)?JV`Vt`@6PV9%_3w8PG^=5E#N;HX0 z{lS*F8&l<@W+1uxk?n1er-yG^qJc^)k((q7okmgYy6S1tyHEu$Hh+Z^$0(GJ750O@ zPE7reEZJYAf_@)MNmQ&VG=94TS?T-0=$b@i(<&#){^%2r>Uj=;!4Wj89S3&Xo8hq{ZkBvxC<5#R+ zU{cm6ysBvoaXr^ic-^yA+b5ycr@Lr!JA-@f)aLRsb&&l_hQif>_<7<6s@3B`Z!NE9 z+17Kgy}kwBY1fg6Sa;ME-gSF4{($Ji4N0nXm(bt348L^baoD057&7<|+%-Ccv7;U` zd&S!}7Yi-+i||U0;NKZHo9}rLLcR*$#{hi~ zzUht}56LcMpNFZjwV4&E-~*dLdRc zJ4OK;Eh6zydIR)Xc0*T*ESbM80WFM&kQsOW2s4VYjNEvO|E8Jp(%0!sVb^mKy~CNm zS=NvD8xVn6x0A)6T~z3RcmE`@vnRo<+3Ga+Kmv3%7DC3Ue*De9W>EMy0Ms&nq18JX z>bR~S`Bm`%7ysMFE^KPRq%uvKomh;Oy9va$4+EdHU@ThygtWw;1Z%f;+|i;V_9^cJ z-Q;<=Oz52LNm@ZP7UtKq!D;x|TLL$C-D377O6W8r3vDg3xMFRNB+v9F_TCr{`;;=E z(>w)B3xszRD$!Gc$H>?@ru^)DAvY=CjswIL1N={7)2tX~Iq?E4TPjO6H`wF&1$UvW z?>6cme2MXER-v-#7(9Q&4`%$AE#9{D7KZpVL(Uf++_tv_d=|Da(LqY98Z+Q(q7Iea z`GlB{jb(+4ZP_&%#m0Yl!Ah32GWqTokSZSu3-0$Zvyp#^vdDsmy?V=@cPi2fuXfU{ z|Cp3s97Ve9`jObTH`r}!8!XX{BtriZmlidm>*+WMUGV}uSNFnM^T9Yv^$0j5eT3h; zoarF5Hu7`o5mp1ipfJ3e)hhqFguriLr}dkui=A%|dp)jSg7E`{Bd zUhKgSA;Y#*llENKV^eOr^3kiB#VQ-l;B)WER3YvyoT{9IwHx-pyN#~QAtfD)-)gX` zKRdyytWxsga}lf`cU-bYU7p-_p9BBuyy*(pGjMZqyugoYLaPO8xL{}#(5P{+RdN+~ zCeMM9`e(_~pq+e>Cx=ZcA4N+qd*jQ)u^6b1WWsiJF7<1Mu-CLDfi4-uJRkzs2Tz9$ zI%#a?Q*$=xtKieoI1V39OXFjKxp(`xGM%rr6|{W}X!Bkb@tGR~*$gvNRHtX5w*4Tp z|2S0a8Q<2%d*Ej~Jb&!nI>g68G{`q^ILI3ms#N&90r|5yIcs-c#l-K~_+@N0)bd z*Ta|>nUE52jJ@~LhKtd%^jz*0GXH5L1k1?7$;fh;|NSXzx;GCsw|QYzY#q$|sYJf? z%JMn)O>wE^Yxbx?hM6rn4r;d(aC6-=^6Zre{tRehKFhzLeg1N~eB^9?bmc5KKQ)U; z9o+{D$#A;G`aLA8wvt}$TlgUVAo+a89c05?Fxyj}&I~LA`<)@MTx~pSG5rk6WApIc zN>x^wgD^j|mYuHBh4>CN4DcR{8H)>GBx}T{x6SGC2aS^BB zc$mBGJ4~q@g6a>HX=<@NeK9iuCT`T^%a?2-u?g7_A>S%7oFnGfEQ_(e`yWfLehNM3 zG8jF#g*}wCkmE8@=(Aqf*N2@Wx_7p)0N3gKk-`Is!ZE?M9$yTlyNtN4sTnvp7s2e& z4qQl~(i2sb2URv;OR)kUBb6`SIL`+2&Ph=Rd4cgTE)$3N=P=Eeduy~_O5mx+MPaAI zVC>aOYz=f5_+@c;ZuuDgU3v{Cua;7)skPv3Zw%!FDK3vXMb^iLfJ zeF~S9$PED6DtJ9IzKWC9?ZW5(UB@~9sqzbJGT_M_3h7^M=mla6uhP`<>-1<$?%q%I z=w+d^Fan=k+XRn3MdOd14zziP56(`%gS%qZLx-pX;wR-pXV4dzm8b|(Jw0UP&7ss; z_7@UC)rOs*Xfy;WuCZjL@5KibEYPu#6VvVYPCNL>v*v z^0fsPt*NlvQ_J86Kf6%&Z3E-GjcKgHLi}213&%>nVvqcBmR)ro-P;$!kr}n(b@@l2 z78b#$N<#pf)7bU8AMSND=jj);ar=@__;l%GaMQmH(E}1-9*H>r)JTCgzU(3{k8JtA zO9BFF+$-$We=eEOnFVvs$3Q(S6xh2Ru;R{iajw%xaa)@X%}q-uJ5uN3r}3J?`9hwX zAC1S2qdSG2IO4d?ONoW(6Y?Pzi%{) zbsk7nl24HDH^SgfiadT>k_cI6HQB^!HT?W$G_)OI=%sZNhkPB$KOc3XqS1SJoP8~X zU+lnJ?(L*koCGa56Cw3!A6d~|fxD`D@ce!Q(NBjtSog9YeNuIjoR#Ca`AZhm_&x#o z?Jm@H%4B9;wF57#E5^giiAWVI!&?WjIk#aH=xeu#Br6ErtO0Nl0 z%Y?h4tQvQ7GNv(Sk6`sahVp(88!lKua_8H6Qw|&=e@x%WccZ-s%j%73{e(f7xL(L#oRsAU zoJ{au{UXdQb>aa5jI6JELvBx-Ogn9gS@aY|ff;2F_8$dqRpoV(OR%7MfhC>u^ejELZ6q!~)_w@a$4e z*!)W94e&fXtI;ee>QRNWcH?Q;&i8~r@}=KjETw2MPCQ!r5XoG08Gnb?iKkuKh<$m2 zU*}&a`prC#e+y0t+}8-OXj12@GXn5r_f4W4Kye3t#zo6)n8Aj8*j6_PP6Rp9)~iyi zQFAvD)D0&@GM_)hWYaU z?kk_~`YvKS3;UzY$o;tYN(?$}*&}w?atF2kHe>hZ%Pt0%5isQ8c{cNeIi&ymMP_y8 zNJbndw8D2L#Cn~@J5JG(`TvUG+WS6o`?Lho0*fV9N6+KkMH{gzP6Un4{aD4KADA_( z2QqU;L;tthlKcQ$-emI!^3Pe(t#i*|)n$sh=N@cqUn17 z{g5g+csyNlp>^q4)DC=te;U>39nbBsEnDEz%Lw_>h*vO2e4RDc$O*gawd9X5r{DG@ z8M4He#m)iCFvfct3!m~GRSM*IL%bgZ9TzxOKEv?8f1DKmQo`E@OCff`De!hXhX>uw zX?MdDJb&OP$m%x1hc5zd!}ck8HSZkj>axH`{WM9il03J6G#rDjMPYxZ;SgB+4=%T+ z;+4X|`1x5Rd-dwDFxpn7elyMZ9LI^2MwgLy9zQWM;VjhOKZD|_Cm_`<3~<5*{5x(R z*i@f{s@5t=OK&FAtLcQXN8aIKt7ZJ&(>3s4s1g}f*o{&%8ex!NDEKq+GhX*LmgwXl z)@fHj$nrQA(&)ka)w^;lqnS|nZyH%rrY)RH^RTL9H1#|D0o>K%inZ~BxTQ}Z?g2E;@3GGd2u9c z`ZAL?-BhBbGv>gW{yNm)n-cg>Hzr;yoaxZ|e6$Ik4cpWYhzrK|vX14^ux_O#eE$*w zD?etV%=vWETe}1n24!N`kQUS#wH37tEcplP>w+uk0Ev3A3bZCfN-oWqUY)jZ1ho5` zqib?4YK8>RhvTJazuA4P_ns~^7?|MUZxhh<{zG`NZa>bMQH-Xg6Y*Ox#Z-;sEW_n2 zyJ>06$PpY=$v~? zcBBLn?c@EZR?{I&Y#jk(ni83H|0>L^%7nBLRp7FB0_L?Jz$+m=?0ugyIrz5`>ut^H zV;jagiYG&lTR6$wIuDfvza%)T(#%5{=(;P4b?ROt=U4|L^$#%XaybUxk$~A>go>D0 z$>NMx%*wfs^)<-iXyN{Ly`>*DQuDxwwf|Fe9{yN2{-M@dpgV*c1?{lu}^LfADfWZ|& zMN229GJFs(9Unf&$kc_E8l>qW*KOaUnMbWd%&sJ1ikmUk|p}jAWJO68w79t@vr85v#mN0s}Q;g zBdqw{rqfVWIEL?y?*ZrQL%F8;b7tCfjP#7~g04X;ME2{N#kFHPFg;}-*axqtFW+e6 zcZajE{dW!QYkfeqBDP% z;1NrL`!-|X>(z^ReRiw(iMbL-!3jEr9Dt`Df0*0pV{Dgc1X!wP;=@h{_Cb5I==hTh zV*UKvcwzcKd@{X2$X1Eb!T*|LMC%!G{0@CwqLBkex6NSE8-(pM&BTk(KV(V=!`PV& zfE!P5pn<|m_Fv!<>hwpQ4^bWmN3zD?;ApK2~e57+HHPwauY<72Vw zRy$h|JRPgXorFZi+sx!hC@nA4YygSWc=xOs^8`?4NVdtYs@s9QT7Q za1-(|r+e7-!ZbF}&6vC0Pk~O$Ef`?^S{xggLNaA8u?w##UUP3MNgZCm6f0$g-m4GE zSSozJpC;E^zX&YdRk1C8B2OD4O(*1-a7}Mj3>IgQ@AvjV+3+pog6^3T@64nb;pt(Z7O$pC(+s*E}jz9z@%JVdAPps?3_p8GnveK!2erhSEZzPG%Q@`@VRi1J zk4jg`M}g(;EHuPxgnQ21VZKuAr^A*ROCW0dG;SIBADggUgZdA6&GeU7VzFu+ zbCY+3O@=?~ntw;IZX#tW$j> zM8!YAl6gbfqoIZDR$dF1G)d7oQcEm0_O5rt~hR!^=;I15TRL z3FALPugf^{xA-nDs_jJop4Aw?bu4*Qn~py;HP|-ey`aAFG)6B>!>h?MbcUqBE)mT_ z6`^apeVh;YHXp$i^10721xln#JZ+&5WGm>8QuJjpZ_`2@RF5aXd|$I_L;DC zRZU>G$*g4boi-eBEu3k3MB|(cTRLfj9d-95^unrOSg=!!PCEz$T5boA!1qwA?9CeobkvW3v1(ssxnHo&{u@p)# z2zT73ts=7qUse zG25CYC^BBmCpg@KF9XaV$fy_Rgfx-J3R|p`d`eE75W$nV9k9=OESJq`W1fOPF{Hdt zB>g8ta7>s|ONUY{k2-_hR)I`8A&#y6`4nGnq5Ma8pU8XuU0kP9ji*%mn8Pyy3T+30 zjENU%*|p-z#2@VLo=Vajlt$<4yW_HRU0`=0fGqtYOE1S&5Cz(Y79BOj$Z;l?8EEs5 zJ=bwvf($sXRK+6>`_W=Z9MQaRXM(niBW8XMgR_pqp!sJRzFjEnCfEjI_R5@BF1rj; z1IMw@4d(Q+kk5_@3l^1<10>uejGa&@1mZIWrj#4toomXX&65QWyZ%%zV{QP)=Sh&( z$fIcEAqgV}4d-jd&A{>;)1o##OIqn^|;U|Dmr+NO)u?$chh%} zuHTcd_iFX0D^dN?qx0Kchi!QGQ$LBtI4!SluRyVMpO z(0>_zCe?uSg-2w3V>*mxUKp+&2-}?wpw}cH#~yhnvU#T&l=zM2VUr)?-&El_ zGxak(vJd16F<(LOh=AIE7fD^jV}>zfp-1Z^h*q_egx1Gk`6L00JF-}=@evY{CvXjO zqTzMtdb+E{j~h)~hn^i9#SzDXA@i{w|52wzyKOY_oZ~8S$EuH_*UK&n{mVBZ<#Wok z@IQf3e=bLK_1uZ#8Het%M@8{yFuR3)D>W%mD7%jDiv&iOMWYt|(09WwtvUs>zR|~Qhqv5w|HPdx{ zEuOfT!5@WOD87DLd`aOTQS#cxMTrU`&yP)DZu=NbV}*P4Jr}g7Q*;~rK7h^$cZ!e^37BJZ8T4tm8^47RVpyHOrgz95`DN;3he zJ&kCqEX|*r8&NZ>GuU^=5erZ4#XAWxM5!^5j{0(xH0b!kBE6?@eE$|KFliAN2=~Fz zN2f8VS3nkLdZBH|VKiF{P;=`8^r>zo5+fbhU%eGnP0xAAZPX;pJT>Fx5|v zFMQ!3c!`%|x1Eis^n$RPcU8dG9&g>Cj;7Xi?aA5&ft)koPIO^5e?k zG;E}p7sH@BU8WDpSGcT)yat{UXT!ZxB4v_yy$x6!F@L zKe%;!2-$P71PyC0po?ER&Ydg)3F^0)Z^mm;_~=wJK{yXTlG_F?2j!qVGaAd3p5SA} zqhN3#gW4(mz&B~Rs8^aQ?Dvm=baOS+-mlDL)92C5Pl-(WdNXVs8Vx5q&ZGZ&!Ke4k znXX-tLHwtUVD~fj;U3+qXfr=Z+*$eumw_g}ad7_N z5**#?1)EEJkSuB@e`j~%e*>=q{8ECMrzGjD#ih7>`WJ{g=7*n`&*f$60;^(xEx1ij zU_X+6LTO_soSEj2-B%{iSDp)T?Z5?G-RC^2>28MGM}+4rjbc-G9!C9vv8cJnh%5+g z$93h&AYE=R%KtkSGu4|#AL94(UY$&cpOZ?SY~8`#YOI*I(4+e~Q0OSKXPkkiD|NZifIqNMxg5WqD};d$AF?%3GkJFK7_>cBE4o(b zL6;5eL4{Lq$m{`AaMJK5a$ouj^ljEB*K&e+e_=juQI#Q!_H|%JDTDTs9dyQ)gvRMaR;4;_@A-h{n%HEosBz)L3}5Ba>*XAtQ!MMY8FF>&tDcQFofU#tYWu`J#Fb8 zic)>%u&E`6tGXtk!82*j>mR^(JuUc=>A-FDgNxr3O7W>XYOqi97~DT3&EJ(S1Fvb? z{MlI>T+=>|&*|EVXJ*^Mkl`C)!74${yor&2A)|Oy5zs@bS49C@bLhr171-P5g7tSM z@ZPRKjJU;7SsV|8R0d<+w14QPC-hW8ZnBY0w}{5gMZ*636?vEc8w$p@qI9Dy4VkM7 zp}H0DxNb1_)-DHA_XLb+DF?0kNG$joN?Q6Sq4$mDC?B;+^x#jMs4p`Wo))^|Zet5v z@wHdKT;EmboR`A>DrE+GTe*PGKxI4~wSmg7t%kf_J2v;NE*)W1jiT{avDqgU zw>C`Tv$po4_UHpdQ=MHJtp}1U|!JAfp867OO#` znc={yubc3xNuSt3?=NK76@&>1Be}xfPh{w#-|W-sr#R7y(xKI7ux*+#4Uy_1&PtQ< zXviIK>t04ev(lj~MDS1g1v`3XD?)F>UQ7>i$CiVK;pJT|zU@Z7qhyjL+xa+@_g|jC z^O9$PVdHmP9$QItrPhOq!vXxEkryRF1&HyvT} z&}-0s@x9o%Y$9Z4UPnXY2=LQzfuEm6G=F@6xYk41y(nnYtA~HH#3@4{_RkA2n2}Ee zR<6LEe1-k128p|F_~0Oc={7ds5&89Oe6V>ji#+p&_}g@0e&Ry$(!qYj>!JrJXDNvN z_j@uq@oKP)>=E*=sx;Z57vH{^3;qsbwnKh2dLQ-?`gL1)ne}_vKJ*}7j>;pNQTyTZ z>oP({DdLZh8R)!v9$d89$9#s5qX7#dKzB$L^ky}QCEf+YnB2$kbwd+-ZMmNAnX!)W z*1yHO*SImQ*|&)OacPWT7WDCXO4SLCrEKUA586?tyD}5GJHaZK} zw9Ul%Q&U8`=T5@cRKY^HX$)__YYn44({PucH|?yO0D6zclm99t>B1y6GGl3v*ga2< zIagl9h^hL#GByn_H+8@&vj<|Anor_|6LrBu@dG%SDD&xh@8Hdgw<4z(*GPbL2>W_T zhq$+wPN=E1qc3vLv-b_YsN$Igoel|5ek%+OqX*FZ_e&k$?f6Ul7CgX0Ax~u7x*ne# z@u0U7%GuPy1S~SkCQICIq0|XQdgHwoT@x8fOuC!!@!#R}DR^qzelW7E-kKw1fNx#WfX!ef9 z+X5rV)UaM$d*wSWG7Kjv%He2wPuQnkS`9ApAMu{Am7-iwS-U$`eO69TWT;m&B7DLP6`L6MBy@fPAqcw~y{A zdB4t@&lPz5iT8KYtNYubv+o#Q@%+JjeHX%qqEqbZf@b`x&!Y6M0Ox5VUiu|nrJleD_Yu$JCX@Z1y*UJmDke1wqm z)cB5nt~SExO=E z@ZwTDZZi>^U=fb|NNl@`9k}2P9gjIs%o;_C7+d&hKY}-NuTtn#V^eoib zbpvjMj0FiDNhYB_f)oa6ar<^jE{-(e*Nq-P##=*CR**7Uh9tAzs1UZ|`&6pYu1+Q7 z12AFYC$iw|b@ZQf8C-?A&-4NP;#s%HK%MVh)@SZ2aFd^dg!4=Ma$|$wwHm=cZT*Cc zQ#PWf*r$F(Jf&GtpB_v)l7bZ$!f9qM=1#gTU{ZY zf2_IAw0~U(Q?O zVbwX@bZjjY4^)J9^Oa!w^9UQdaIYvp*9^K&R*2RW=!4PkBGT+JfYlmBGWEd%lj?FO zi?OC;@MwRsXUIC{H`kdJVJ2BIT$z3Dm16QLAJD3x3i{_ZGKc1Dlu|y2?~RP;{gB1@ zEVqZ9HNS;}BxUhMpeehk{ZqWJ%Zjf_9*O6tr4os0r7$b&JUqVim>o80gqVfjLBBDS ztQFO=$&)vNu!zTk6Cv;@b`RRrG%#QFC#1$UiKYHf!cp48@Up!;wD)|*^JAr84qu8v zuE8|rtFUX59DwgfC6O0BI=ohY6nVO49w_`6O7madgDIsAOh-o>Vl@AuXQnT^nEwio zMcUx#ixW_4`66(2Ef;AQAu|}Xm?+$%>`VE6@w3UEP^*=XYsgPrJvdjKXpn)c%F@NQ z$8&Ly&?U0pIT{yNtAW3-8B6zC0!A%SLjLU|9u;YD@dg<(;;|VlmDmOrLN9!VrVJfi zd>Oy36?p935;XbCRn)xopZJ!J7B9*EEADR6;8!)?Gu;oQj72hbSoZn)4NdLFcH&0FjlI+Si25sb6?KCokx zv?0^flehY$IvP%SDO&Gm2kr06VSUzqY`LjN?6(x)=H2_SaKde|9NLikF-0uYqZO8V zYf@#yTvS@rDOx!<0#^rogO7I0K;xAS8L-!szJ3xd%1JsZ@T|koEr@`3#L>X4?I}0mT zM>CmWg1f$L7+IaxEO>`?Xm6DsH#iu_O=N{Vc8djhI64#Ui>``?wSR^Fw3EdB=vlP8 zC&OE0#|gb8DN^!72CKt@(dDcYKKwTj-v#D?j6#Aa|8X<)6vo0&u?{&u?hd;2OL4ht zhs2Kg0_VNNf!Vx!1tEhxN#ey^%=>&91GZ^F?zk+`@JZDuVHGH3t_h3@kf*!DW%0tc zOAvobnzoG7qGC%8yije6R%-}spYn;V9H7iI?_Y#bb-Flgn;suA7$*b1-9-9vrr zy_j1*fTkpyp^o4H)4nqv!%b2|Z*8Vwin=?;^5H<8a%r zelk$F4{8fL$vFqQF{HB&G<2tuZmvVETV5cp)5WCoui@U#SbRA-1gFH=L&#nkezWN) zZjGIa(r$-o!lbdBYuyFUrMHM;aseKFJr}!29A~G#7BJgo8-X1h&Z9bp@_Ba*@u80 zB~0WU1D4VYV@A`gQ%^9qF$U-E3Bn)c@n~|l1!s-6hCiq6F|k99ZW(YEAE{dt7n%9= zo7FcoP3ge*=Z0|q_z^T|o(Hk7&W4POd-zt=p>E^9@`G|LrvQ6NANgNS> zTf3k2ejI?GRX*dZo%_+%^fI0mditrdnqaT<3C{kVLG#^nK#dwPgO*|zu__WT^xZ_i z=R&@qUWXUir9u9c;avQ(j4jsD;f~>Q7`?Ba&1-dI>qPbJ)B!_Al~rlgEDAb@OQ86_ z%|zn!ByfDQhoAg)6B@0?KxcFYc_B7N``ouAV+E2=e}Y)cm13B7W;FY`Ya7mJbpiuZ zJNms;wdz{qEdF#Eq(g2(&>yo-52rj?E3aoJ(uSpEQZ?@a>Zx29}oeE%j%;YXR{wyCP2Gp>SH`2VcN}aX zhmZG`gLn7}Zu!v(n~JO)E2=c;XKzKkeeyUucaH_7&HJ3<&ELr_ht-`_aHY5`hl(gXN2L>5UV@{>XI+l)UkW zHNW%00(1}B2y){-QmeUwChvnUADCKOaxqeC{wcI!Fe?A?#1A)C;5ldDDh*Pp?-`Y)h3)SkLz_~GNk#iD>ZHF_;)6?2sEg!PM7q5QZc zJnlAtPIQ&0^0(sPiEvidcy$NXWLU9n<%!}$6BEFBh$fovh=6|ITbTHJB8`(bruzlY zlh@h@xZ;B;?|R-SHV%G?FDx0HS1H0@4*t|`hYZzM`-wptrTL7KGO@AYA6!}>^#3)7 z@H^QjagS#=Q%j!)myM>9G&7+a=5gLH+an;FKVWu5OS5N)zxIX9z z_lvB@wr0hWYW+v3dO2jml#bV|b;fe6?YTq_emsm9H|b*Q32i(XTtnREe_|)h3^@o) zt%w=YT%IYgH3|3GagD?TBTttp6oj_v|6Y{k;pFZ+;Q` zWuCZEQefx|^n~er8pb@3!a;*`K}L;2S=fBcIdcl#!3erzE@9WZP_jnYrz<6FVIy~5 z7v1^NiV0t{Me_4P$nK&rcs3>q8kbn1_JjAV%5N5*b8IPK{Zfpq2%@2Msn=vNp2!@p#qSf)4#jV?`F*wSU&KO?_8=lN0GYqppvcnTM+xvj- zWOs;p7)o@Ca0>30M8({Tv9_cdVj0vF;YQ^ST$ zjf7=4^KgE#8jtQ(z=wNZFz+A9c*XP{8V~p*zI+IAju#LpKM$fl8;U*s;1rLzv7`{b z?|B9HTFcm_pQ*4%tAZWxoh&wfT8EE2FJb$Rfi!;UND}fk6jy!R%eH?}g=4aE%;uH~ zs(W8!?=1Dny3{!GCrSa1xgB6BezLUW2?Gtmg*tf9a&Yb!&UBZT@L!|4aMaG%m@rft zhfU8$1AhR`b+bf`KW0PbsCBsf#a(!1)dhXO1rDamc3fN`L+jP=!oNBDQR%(}WKaH% z1KnL|_Ki*OFzBD7;gYSQQFmgY=W{p%cdUVcVdz#1JgYPkc zD?9%`W_S28UbmY8`E&mf&%!cz^J<`YWo-&6ALfR3XFR|qv5Jgw@+WpjqtGn#CJcQ$ zlzTj`W#Ya@cF5Tl4*BI2D|~Ulh6TH^{r+RrvmeCQG{k_FMGbw_9$}YoBzyJ8oiV)OO7*6ZA{sR9IlLgPy9zJD54m_5*KOtJZN^CPD ziu-TNaY&8`f(DHSqUDnbeluEFN|TL{X^Lglu7tsXJ+<7XQD)d ze(#?}Up2@=@TrAhFTGpvrKPhT_qRCX+GmX3txs!GeBek)2M}j5e)Y4X3OPDtHQ^5VXC;C2pBUirpeNw;VvhJh{VDcE?hKUMreeHy73<|gXlTY~ z$Qt(vLCqHb_Na6D03)hiq(}y~3Dh9vZ2V*O2JS!1fu5Jjw2igG+WJ$No}7S_@9T(; zt{y@qrbN)qyDyWztAzZwp5U5-URV}%Rmf766T9B?kp4v-$BvteQi_Rq=jbVXA=Sgo zerVA}<=@HPeZSa}ZXut0roM>DM)aBR2mZ{qKH+kp1AA(8Le$UpwTOYIHq0_ydv}Y`WF$fexoxUmGh=e zuTBzG7Qp%v#KGr-BYVLmnjYBCItaSjUGz;^gq8sdB{z$N)_rU1E9k#M zOGI)0ALi?@QOJnO(<{f^$?{G6F(dOn8@<~c^j$~LIa6I zC>N4`of6*?=Iy2Ci@{Rq3)-|y#IMKK}X8%H&7zH{}%g-F#H5c&@o&f?cu!i-l zX&|4kM#7x`mVvkU20qO@0*`a7v2js3xjbhK)nBW^U7XI7%&SlNHuB?43Osn4!$MxxGcN-X47w-G7@NvbGHoI;(L02L zqKruWx*WK=*+qPN%Q|?lbQjwGCxs{FHDGk;9KI!UqsZ1UQv6up0e1gB&+;aGhUJr2 z^Uys%h|&NrfKm|~oVgQa?++zco(nwJjW1!;taY?@M@Hb2b^Vu3S zFYYmD#EM{mVF3QV`i?nIjm9BkI$%SVHE!~b6@BpB4=(lzL_a|2C{CQqop-JVrIrei z{HTZa11RC#Esc4rbOo_jR z(hh&&O3iWDwojfXt~8_{*Vxh>awT9LCuAIA;^_B=2I657MGbz1<4mEmpH@^s#@fxM z72p4n=vNNdvOxijPuGFO>e(2yJ`Drw+fc6A0ix>-_`gBUz@2u`jUgG>Y8ygwwr}BG ztB+!3{2Z#e|2Uldr^l&krHPeL`FkDfB=;C|0sZj$6Rx z)p;0k)c__n45pJ_c){A5LN;R(!=B{rnEf~r$oUB{PBR16SE-`kqPIAInhUR&@&RL$ zW4QcoIYe$c2de4wx&P%h=n;BAL;uca8JDc_@`-COEM+rJQvMEqo;qUpKuxsv*w5xK z&>}Nmz9Lb3!-$WJ3BMI-PUgM;zr*GdYoaM+!NopInOOzqJ|3_uWIPZ5dw@K3uLem` zDzMst0w+jtjZ2J&iK=H{g_1SN%e@SeHaE$Bvt+P)a0j>jZ38FWRD4ij4)R|tNI`=q z500G9(qF0r>^_EbJ*)8F`Fi&3n-z3a?1Rd&A*i0i@a@a9;4@_wc*v!(P0p!6%k{yz zww!!j%VA^JW<0j*IP@&Nie>F1=*rYl(74qG-9^hVI(Q#9tD6jyq{d;|m{yRyYJrm4 zwqQ`;K!+6Oz=0+u?9yw)|3a4Vg)_6j%6vchJ@)}Tbx#M?g(l>N;Ba#oJc#y%B*U}F z5=gc$*v^8A{||Icc91j&zSv! z(3d+0U}?=g774DjL9PJJI^)PYmGyLV{4KGQ;52Z^oe5KJ8Hsnf9>&QYIT>nv$kzED3e>K2Q^BkL3zZfPr&!Z~4218P&IRuQ;^w2$cCo{# zp18`m)BE#wLb#) z^hfi}V~zNi#A*1X^0zoECV671I%I6;=@ShntE_;Gs!YN?eY`PoRO zYyE}8#yX&qXG*P#Vp(lP23DT+g%zXfaMr>B@Qyve7+pW?Su`7*_Nc=5g*Qm?bz#SQ zE|ZOm*$(rolAw9=5qLX11X?HCVZGxjI^n$yaX++?ie&dQowft`d(SZ}+nNA&BeZDr zJD?Fdu{dGP7})9R!aH_LQ1{)QeC>WqNS$kj`5PFmcLcXyM(W zzb=}*{_I_}{p*f>YW5W64DpGAkk<;a=Tbfo*lc}y;k)6Bryi`K(Jg<$d8Yw2CQkVE zpAP?bqYPi47o5gUGkL0o9X%FT3USjM@zS2VSSuHe?=KazL;g z46_P|twQ>b{Rwltl;?+-+5oWVUbzXh0*;=9ffjkXl((LMTL)wz5ixTe# z!vKk9JfhV?lo!rsbEf9QqoVt;xki;<96N~ROq69ZD;gnTP8iS?&!Kp%kR>}4f&<5Y zfJAy1vhQ3bw==Ct;rko7^-!ndQVfRFJw9T&WzN{86c5y|kQ{mOnN`=dkq0_euyScC z`m4Q$^-f11->x2=ePVFXuV&mTFqiNCtzZMMeSlX7FTkcX-`RyGZJIb>Ccm@hHvXQi z1_{Hep?0%^cxB-^JZJ3(g=HGzy{Q>c7%9UatKEjzJC=&#C%*vakR8x#rz$!SX9`(c zzOqIqEgpSiH`UNR%nvOMU`H+pDZFtWOvR-@d~LB5XGI$^%~_e>?Ks3X#BcBn!i^%g4O~Lse1QzwDs4fPHFRaw)sDJ_jv;rTsRE>?3TdJ)zip^pOr9g zjV9df4Z!&yIM!#Pp$XUg2I1;oyD>lE11_5Af-CiGX`TB@GURX>k#uYX z^~tvUO_e1d(yMaNnM!W`5ZI+Mm)Y&mM$B#52znvE z(NJ5CTiO5|)W{a+9C$>AjZwnwL65_>ZDtu{M--?pq+huvnut+=;KAC<@(8Npyj}ew|m{p3l^YviQ)(}`MsR$9tgZY+8Dp>bSnY$KzEO~dXRNznSXPdTsB|Y1$ z#ff1Hz&|oZaK3%SHGRsw=G{CTKX3@I^(aLHi*UAa#R=A?XT>TLBH-*gJv{!aM0hT> zz~zUo#cv0%61d*)NYbtbb}rbSm+E;UoudivzvOsX`U?!XS%aGUN75t7VrK8}P2}vR zK=8&;dd{rL(R|fFNDZ7s3{>k;H^YJ&)OAB-TsIrtI|wd}75L`W^8EGuC+uKjJdr9+ z0hK5xd}4n9q?G5txMNb-`ct3QM=gb?<2>m230Lrjz&P$KP=lB0Nw6HsYUbFGwS%*1>5c_3Yep#S9;-<+6ZBy38XFuWC69q;AE4;dYmjf>j9%db z;cj|56RlZ=zujEmYRfUwr=W$$tJ=kjG!EeSJY%Ay{t~ZCe8jo?gmcalNm%kd5;FVN z(w6f-G35!u9a>4^mW|~dE+OnvhdiG;>L}IT`Wd_IYVhW2OYZZ*mL%HdVSK3~p1SA7 z?PiO3X-+M6U37%qNfJ~k_9R?iDTXG6B$hkxJ4EVP(E_m(KY4x;ov6JWtwP7}-WLTE zJ}RsuM;0@-d#(*cK8Rv@lLqs^kolNAY&I^l7ehe80{T(+2v@qP$|L2B=y_tuGukKf z&z&l~qDbgDu5#qp*1u*=D$?B9IR~nG?C6XR7akE1!$oT0@I1^FCjIUaNd_gOja(&c zHddydmE&oQz&?u+d(eia0My*ji!m*2Fc3SyK38Me$HMZ43dQ0ZxI@F+Y7lXHe(&E$V9dHR zKXwRbS`NWxMk3Ku@SZEuT`R|{bOU}JuNZZ8}WDbc<_;s2O61Hvo2iO2b9 ze1y4J`K=s-t{;QB_v(c+#arC9b~s>ryAK~SGhcH;r| ztA*mLjgIi;-3Wg0)dfhDlBF3*iDchkBN}A?7{*wH)8@Pw3{tuWI!6m}Nl2DBYuF>$ z>aImbj&R`bWp9Gj9~~|m-@@+vC&3;4BRp-tcA`{JDs`>~-dOWd`s4EElYqw6NGfc)p< zcxCH0JlxPF^6Bdnn~9p?ms|z-mKxIB8&jyy2QMPIt4UPz)}0F@0&riO3o)Z#krA=+ zP*c1R#?H8kq0S@mmcvDnj=+OIa_BJZj4+~}FJ?i@EeHDO=25(1It3?-kKSypHd>CxM^z?~-vkS0TA@5glyn51%HTB2xB+ zc&=HQp4JrduAlBfmysRHR(-?r&P(v+`f_4cx)>YtGstY$0Ddhe6Pv<-r5}!kX@{oq z*d>j4Pfm+h-!7xw!G!OQSV`YUoW{m=S+MH6ESz(U+PiYVMAEu$T-kkM(HW@ix?syI5zG$LCwoyOkh!Cv2GYKT6G9#?JvN| zJ;E&GQ8OWXRC%Z7T+|KPibIq>vC9%;;J~t6n5`Cqf%6N<_hFPfxBp|_W)xR>8_@%1 zhw%KvTx#hnoJq<>sTegK>47$b+bzH!( zdBgd{C5qhSq5(wrm!N#|0N(b&mY&$EM^z=iiw_Ns;xg50N|zx<2x_*S6!Z2 zuoCmL_h2w&>19a)`^(Zb4fR@GpCQ>pZD0kmn2J)p4!FLA0-~!QDRN=(7o5p{e^Zl)K4*%_lWn zdQzTGOqs#&{NpI8=pb54HsJOm3%v8s5~m*hhlfM<;rc7<=& zeHkTcsPseYdO2Ps`vh7y&x59jF3jTZG5_Ew-Xbr>_Zey6<2Bb|cb^Hk8s@;xWq0BI z>p}G1fMJmSzybd}>VY>}-!OIQ3aFTr0x^SMi4S`&q&o4FX;oz|vb}aZD|Ql5_1c8p zYoz(4V;>>ZJQ?R)vZle$C(v!SyCCF80N*vkiz}Ui)JLEea2U!7Eeh;jj=b zY&l$0xsFUb6qnB}1d-5rfm>Z*w)sBx2s`4+%V%(lw*{Z|hQZOf+2Fo0i(M=lMgNZ8 zidy3|sKvzf;<<~x#9eC!Lv!#g6rKAI@~u_q=8e_x^3gLU_s4+us`P>Ge}F%$r-@b$ z(?JQ}8(gZ_pKE`dL03JLqyMAmJRGrl-!M)jGkfolP@!SH=YAUKTQn%7p+VYGskBtG zDN1%|D48KDywCj@O)ZrYp;8)3C6uD^JHLP7ocBHFJokNFpU;7{Wo(#dy6)77!jdIN zuy&&^n|4@}&2e18DZVzqzOJ{ZZn~76Shk)u{nlh*3rFF6{n7Zr$c3c1pLYm3@|F9K z&*8giS`bNJ7x?{bJbf_xI=tB{&$J6usFO-uD3Za(AswuE_V*W^;l(=Z*>bQH%XH}3#{?= z$cvyq;t&jtUCMMHUxn2TOPR!X2j;je38&&Qu9@#Jhc*@BWkE0eTl;~2n@|aDd37N2 z_yxXBbH?u9rYv!i6#FtW7RFLqXec% zX_4z6Msf-*%Cw7I!W1KSyu0rTt;<~p|L1zkC;x%B%M3~Pb4Gpme4_#`r!FlkFkh*M z^K5(z56s12k-P#rPjvuek5FhBe}T^1Uy9D&@hDI~f$IeZBzAv-z`D~Fv)@aTmFC6} zRJw;w*p~!-{C>bKbRlOuVF79=h8K+{$Ly34IYY8V6?jqZ0r+Yra>>> z{H6f!mmNT5B1XFn6=8GYNR)Y$iS5qL@Z4ex#4hg_be(O0VBvZ}Gfsk+H$<7EoGXoS z{f*b9^RWDiJPGUCfFbwP@Yd53$Q!UCQ^_~D+F;2JKUe||$&D~$tTouup~uHmFjOmnkM~Z3+btCko3IlHmEWL=ACO={JzU*!0>wsr z<$nH9TjgD;HkR-+`TWl;30F5XX)@>iM(Qviq@q! zf68J+B;V_J`JTFbf5WX%?iDkZD_I|zxRRnQzI*_1X*(slnY4OdrXbr!F&b*LSj!n?RiA$6=H=kk6L)~-4W+X~yN(Te9+ zo&LbNR#XTQl2>s523$#2i4ezZF(AKZ7DD9nVW`@kgj>e*tOuj}0$2NJn6GOgP|`_a zJrze_wm~8`IT*4j)A(;R`3?AQjwI1M;(_VAUqSJWdc6H76@+~c;mnBhm_FW+|3))l zX8RW5%uzq!=Cv$%(%c66PYU6W6QA8aK8YpOTca3MVpZHHkejjrA7!W$&*)WxAiLl6 zdH!n*@>0a3_?}vyea$sTDF~Yz9>G1oY}h_I4a~Ri=6=tP!{gjhW}lV=(a%Rf&U-0x z{&*+Vis0G2HTS7|;1Cwwdjzj{q(R6-4Oknri}(2I;uWP%JZ76p*BU9a+JOm7*(?CP zLd8JoY7jSKY&m|M8w*ulyw9~-lY6cH1>_2xXsvrSy?@^sTwR;EnTc7XAn`Gz9$hXd z5*~sCBi_3^O%|g6F67wa)hyZHofuqviDwVkQ0?P}XtBNo9gl^gd*cGoPnU(-nm{aB zd4XH_lfl7KC#KhP6snY#qr{j*?$}ig_Vep7D$mann%92;huxtNGPIcP9()O3ABLdx zK3U>_xd0{_J%X+4IyrN1FA{X+9x5^3AKz_(V+t$r@O&klBe{^y;N8dvwol{t0?G8z zDWw0oXtO0|T4c+JWo-Yc`@)}LDxfm$F8xzlNuIZRK~|X&*qoe!^Isjt!@Jw*#=#5V znqN#8MRsv}Jf^ailmnpYu7>6gD~Me|9Bl91M6RArL7(Vpqt$QA92F>O{XAnVy^I5Y&d$39Z5f{M8oP1MAerRKf9Jvzgh?KW&3R0bXJqUhlBWT zd676ScyC*Pv-jQwC8et%*`-IqSKPotnSB5es$}V;IDGVM z25M})hBrGpFmwAGYT5V;HufwBe@%i1pPa-ymCNwX+K-SCpuwKRR)9fBFZ9lu&-ZFy zVe!;FLBiad=s#bM{X9FLTq<6O8w@o_Nd7kT{B;8FKi3BLXj}Mn;|avAjE8dBUl8%O z4_w73vJpo)s#nq+^7-IEB+-+l;p{#3*F z&DESt=|jBJ(#o?}`S{*&EE>M5;|#w3rei(yAg8j1zempO-HJFg9ym#Jzly?t zTkB9WZ*{e6R62y_e#XE82dw$!!2ZnlLG!uaaHwS(wD=g2d$p69r*$jU19zBk`Y&>h z%ZYsE5;X1!Gm&1IQU+Cr~0q2U$g)*Cd38HL+;O+toVmiQkBek{Y!#_EQ zDH(LrF^b=VZ^O3_8#x&{Z#4QfM9&RA?uiW^IO~yrB)93}{zNI%- z2l3CpQXMWpyOJuW48o4WbMW)J1v8xg5lyA_$t{&ga0&QItsR5mwyF~`m9zqZg|hI- zf@XNVHV5pyrJ!I&0{ZG6C2n;usy`(Ta2`Bdd^-ulOCNp!-0Lr#Ts2JHf>s5%TX(9W0+(hhignPj;RqnYH*F z9(bT9OdeCr*(t6jO}t}ihxu4~=noRTgf?oR@txxqN#jSao$$J2KAn~zN@i`-gT@7# z%yv;S+G&r+;(%ak?l&L)I%ttk9WBt2Q2`rrQ5dcs14jpS=#`zGG*qZYTr=$1p9E1n z_=4}(x+_92{eAlJ;=V}CKf9b7k4T_iLwoql z>Mw4OUL93;%SN9&8r-<3FnrLk9B+z-fqTVFxb@-+8tyrX_1d0TH*GUl{8tQT1tw#W zYy;Oltcy>N_+a-OJ=_{)irmZ&ygBcK!*q?WT$+@C*jb2@i3gA1oXwuF>|X@m_n!ov zU&85>qbpEXdOL1gl1@5AXMn+zDJ)ZBGQ2Y12Z7otT;r%e=u~9K`eY|#nrkNJNW2Hv zO-Io7}N$jihFw>m>MzfeqL>5;G4*rTJ zaW#He{v(EbjXTQgI*Op}rxw|?tOV?h?D2-;Xvk9DguyvZ`NGp&X!Qr&a&IdaGrEHN{IwF-WbzC!V|RA-bT@yd^~F5ZToBu0OHQ^JF^jjm z!ST!on18Po6I8PC>y4N6(emR&Q-t56Cxy}WFM6>3iZVI*Y?#hk5{i$N&!D7^K2@(N z583uBhJ~F%L&5VU`$Xt z$H zkkhP3`cy-}r0fVx2?dyy?;nqqn?BO!uo1+bRpZ9K ze=s~X3Cw+_vqe02?)pS)^8QjA^$fj@ty@h|{BQ)4bBau4%5-=;JOQ3~NwD=#+n{jX z5v;hXz?%AIGBM?P*f{zS$QSXv)J@~@=};}VutuMEwLZjL<5;5Jsn24BJ)E*xI=CM9 z;MUcsW4GYGaQ@6wwDg1!_6pLm;iw3c58!FHm6rHvx*e|P5L)T&j&lWQW7>-{CrJgtE|dzxMLUCe17&BdFB0+?|x6ifQbAt1-hYzs>5jfS_1=g5e_`OI8PgSokt39C(SVb7s#+`MWO zdl=8>ddVF6BXl0S=xNK&w*?cY_$n}qd&@mAI6-TQ*PxW}KNxS}#Cq$z$pb$p4BKf9 z#Wk|z&blHl-#45{jg!Kk;!D7$cNyzjVNdk6Vz4$k122yD;I#af3gk_03Pu`u6Qhy_ zobu)xS8kMtvmcwYQDScdk9zjtvctYiZ<83S@BEJ*o8tj*w~k|rV@9FLheFifqE_|2 zRfe?AkY+k3ztZKGREWl{Y$*I3M%K7KhwRd)+|m9p^vsEZmnpjV#o#~IcYhJa%cQx73I=-=>v5caz&AJqcXPihw@3&n*%=f^v`FKu5n7Y5i6~zP6U*eu)C`o->Nb z8QtKHH#~;_zY_!-j>6eThtX)Q0y(;Lf~{#5RI${So#x=qR|Q zT*K)2Y=M(&CEQx}LXem?lO!qmk+vy@@MGA4Qyct_on7zX)5y)x^s3xpXpta**-%J?fedW06fBAF!%L>%lD8x%VH*0G9ZfZX$WOnV((WE<{+k9>hY{{L&R`Lug z%TaF3z^b0O4licblTQOmtKj99MG)uu6n-_D5vzo6be`ODI(qybh;!%$_2W|5A4EZD z?!>bnR`J}(ajm@DWmHIweGI879e@x7P- zjuKj*itlSP_%8Km?);4eR{YhU-@E9;;B;j|cHE|8uPme!R~^U58K%VKR3tRWM&n+$ zPAuJKM+4RgnZ8OJ#=J~r?pk8p_j$%_ws$`Ujd#K`4dHZ-{t^s)?0_!~rs4u9<@~i& zguU&1xfijUVf6}S81-6&IJ9Umj~g}g(d;xfXspko$5j1vM3wW(jl8SaxB05 z98I;dC9BK}xE6ai2>0-T{1etNtvZs_T|2|lFKMF1f;%YMmPQP}NwMe(6a2kHoC#aL z{*|Qb025nmS7#?kfcT$QZ+E;3t`?{szHB&I6G`p4w~_awE0FHbY+XdW}Urk zPG30wJ1@ubLiw48_eSn_kU4%mpNA$*eULd)5sz0Yv$Y|exO%vbUdnro>qOPqf&ESJ zO3MW^9d2OsQbXRi;77RA{G8^X3OWoa60bumS#3}NN)Pw*j9nwLe60nUrCEhx?b&4P z#XKy0p~wEk^IoFH-Q?`$6@oX4GnsNrEbd(QA4{HmjC*=;B~}{LV@%34QvF+w42Yj# zz1%x|vOECyj#|XsD^+JM8-L=e`+0)h-;Q9h(K>S7s-C{|b|K@vH0aB&C!DN^88b1P z$QBJwVf*rnL9K2VcI%zSUDHfi#j??y?Y=m+*~Ej0_MU}TX(O=x&sJQuI0>&7tCGE2 zwnFdPeYmfy5$x+O(dKI}afhTeUK@OmLFdKj#k*nn*gp?;T3RyOL*}H{X&L7nJrY-4 z>%lXs0`{h|m7C;q4e#!>L9TE;gayx{9abj%u6-hTw|^hH{hElL0pGbGRdL$fFV0Mt zMB(R#B(R7KA%z>&$)})v_(}ZPNAdAY-&}$_e?W~hEO`wMCO@Gj&7JK$;smq$`#8%F zn!@SAXE=S|MXu|xBAk_*NXHE=Bx4k`$U4=HoJ(ju9F`B{=R+4ksQLmr;uhoKeN#xd zy*_jMlPgd)8cqJ(&F2EQIFRTS88r6wJO1oG9nU}1B9$w5!=i9=lJ##Y)td4P3YG;z zWVj1aQQO6BTdD*@J`RwWWzM8_|D%@DR5(7zh@|*rW8M04i^_YdaolY)+%FZ$9-#@-KFjx*_ieyta{*O*(8cn; z%Mk6u7oqKFD*HNN4w*RrIZX1DA)oeyqIs+)+4t)=Zj)~V_W%{*yhEDL*#-*2_ZLC@ z+Rv!7!3m4B9hvjI%{X_F8l;zb(WralF}Q9ex6{yr^>3PhrQd&Y5}|ySQEUYJ;PL{S z(zbD$R)etp++FbWG-EzPvjnRHA3@?WB{JPLQYiWCfsn-~vJ)pPpgml`ViwF~DRU$7 z)89^LTz>&S%y#284q5@}jpe(sJITGHynNiz#=B5w)IzAp%ibJ@Z z(RcZP?kTX*of-PYx-lqSf^loNFtI1x>rS4xtl7cYN zj$$^?ERYc^gu^v$9Qs*9s^4weV8?q=K5a*(&KkZ$B7*3gg!fyr@u%4*e9^QVJI8#+ zo-t9d`tWB=7e;`3b}hJX_>OCp=fR@2J!s*z8h0+4EU+q&BJcOjMn{{sw0#+$CGN@L z*4#1X?wnXdPiv%7hn-@4cS{VELp{-NvM6kj(Z^Z0iZL&5BJo{t8!qrp)3U=;p>&)f zJ~=Vfz9KOKpXvEP?-En?YwRu98*>Hhqd&p}i4*uuN`b98J(ej?vL;p=9-!&mv1CL{ zAlTo$0_Kt}Xq)(yK3`RVzE4GoDerc231Ub4mXKG2Gqui~D6= z4n{r$U>p4#$9(3`>FZxr=WX{CEWWfJeEvp4^U`oG`=^kac~x*p(;m>gi*E$_mz7!1 z7=i_fDO^%WF8p_(7M(}&&c){o@x_jV0u!mrD9vX-y?u3XYp@2~CtFY~-wHJ^wa}NA zTLcbod$@j09rDA+mMK2?gcC1Zh3MgUZmyaOyi5|s7mlg|Cpja5=$Tr2r|S}$Zdbxl zM@)&%GDSSFiE{UMyJD>88QNI#1!AKI=-wGGxzvYN#Mks0KJ#7xHVJhv&$+1noH>QAYl=BC9c<5&X_*A2(Jg|MY~6kC=VEyx@_ zf#ro9!h|2IfE!86?6;*!>%nKA*ol6Sae9R|ME>} zb8VWy=?w3Jtw}}E5#R6#TY_WtZgYBjE2*~pA<#Vg2{peS;W>DcL~M}>o8_m@JdMp+ z7yS;4UZhdo9p|_+Q+UpS-AY_}Af0~xT??XPGU&eDJHd)Pz`27edq!q#`OT%fl-+Ro7?1=~~MuxA;)SkIr0 zww|Nkddl&{lWAD8(17#}=^~vlfdBLwq2^pRaGFD?A=^i-DwN63<)++1XvgbbBS~iS zJi&p>*8~oJGUVx_Z8$H`lDT~I;sTQ&JLHGoM$guR;4?*xy2KUJ3z0oo952gidd(s0 zuK=#yeT1f&qj9gq5ENE?;yb$;n4)NloyE%B$b&UFyoYyNYEYWLJ_5ekrNG)n!MNE| z47$s#h*U%$%sWMh`oK-+b%|N52<2mi|+rj1Gb#6`Y2(%m{ zMrzD?Hn@)}yXUV9Hh<;W>6>bt>WG)rB(x7KQ_Cgm|HdL`$RU=7055D?i`fzOw;(r-;m_zqnz&h{SW z6ymkmotS%I5Rok(Vx*s_c$E!5MD4r9wlP8tm^vKaiT_Ardlt0y( zv)wl|Nb*>5zWclsj3@FP)qTF?>%C*NY^^LxDe?>wrDj;(kwAt&Y{h`Lq1Y4U%>o_| zaXgDlpNWHKBoTMuuBWnbf>|wS(Ix}=g%YoIl`e8f8j{@N>&-gXC+TL5x<6e zuvB(E?cx!Vx4WXC+v6!>_af4xl7Y3^0-~&OA11wc3A}V3KP=)oEmPV#i&OPrGWZ!k z^#_9b&w5xgq(zT=NWlkz2kMM?B(PO_Mcd|z@&7+QpJ8$aHrwUW7A2lPo;(@eEe?bf z>$w6w;V@nsAAmcbJ`y@RO2KN?1*Cez16cf|nUkFv4vo3I!kxd?J^yau<)X3BV}Bl_ za*LtGNP}JC&j#bGB*`1Y-B{}~j63CaF#SPEQr;zl_L<(GwEu`ek>}hka+nP!?v2p& z<~FRcddMw$rwc!BP9}@IhO1v~e+XkV9&_27wlR_}PpopvIQz%&3bE^fO zHaG>d4%C5+eG&W&c!^pKg#y?26Ue&c2=Eb06{Pg_pioo?KH7bQ1qvEW>&{$A3Dm-f z$L8Ny|#7JE)zUhPh6me6RT+)}MO~7bFDq?&}CxH$oO` zyF+nO_ENH#)^Z;|--9Lo^XU4;0(QtlgJx?QqFdH6PSfclN=&eZamn2nw(mX{^T!8* ztZ!oKuQMRG(t$89#n{R-1 zh%THLmx4JB5-77W4C4oELBBW%m*i;BKYSK$WY#S@Mbn7J$-kuwSAW4XOO=?Kh6?Ep zSb^6D|mr*PYdip#w*7!i^;EdU-0f!jWW;j5KSR`2h~s z8*@)r^R80YxkTV{QCM3WBPZyz?jp`8YFT5OSIhA2!6!Pfd8((FG3w zps1u*jM86EQo}R4)yIt6xaQjhxVFTKO|Lu7%?Y)J$Y=Rbx6GScDcZ z*%s(%Hj=H^c?R3(Ov4W%JgemWE5U=jSXOjhlgLeY&CNXNM$}GT;=T;=%$ptkD7mf- z*46LBM^)=#!7c-66O+TnS`{+8{t%vUyw3@3M98&o$TpeS)| zNW``!9q1-r46{mP$+}m_1%8`K-h(a3>b&Osmx!bFyz_!D>8C(ECk85dG|2d@GH$1z z8=I!`32oF5q0g?3L_Oi1lw0xd?m$+5_zpcY z_6@{o-9|tAUKk~@l{@&UjhebOQ{$C^&{ru3l`bNXn0y1Cu6oNoJ-(V76U;%&?$^-g znn6AKLqV&?0?mBRSH72(WR z{)bV=r4tIik0Bi|+tK++Dw%dT-YpDy$BM+I!oJc_4k zI;($Mj3uczBJumi@nr67TdLvJD7annlXK%4%{mUc_;{N;3rtX89;tI#sPA@cvkkzG z!c^RzmjM|P9T<8e1@udE1rr?1S@ODeyd|*|FCF4tFzRbyZ@o0R?7tWm3-=QbuZ!T9 zAweW8_kfc~1!t2R2_-3OQN=_D$M4Re#ZyPau8AV({b?#!yh)m?-M9hli*-q7XEzvZ z{)TS5)X9jlRgk{vBu>7h#2p@#CB6!FSSquOrv4Nqg7`>o;6xor=ZuDsosYQ-c9Ceh z(FRpyr@`#ep4_I%N-U-`4__`!<>uXz!j{gTTzWt(4S% z>t0_%ooVY>!0S$~XKocvY;L2U);|+UoNjZt9^y)Ld*$%gw$b+MW-Q`TrdpCR-B4&! zy~Q>2Z1MEF%J5X*jvDu6;;plmpddb*d$~0S&Tb#U&Zu4ncQpm3n(Zi<-q;D3hw7^H zYmU&UR|3?_<4w(V4unlF1%o|ZaGv)H8fK-!F<&|6lH0o!&_m~g2{+_d$B%i zDOyc5V_Rlsf$TUH_U=s(*xs5z+qFL8v1_q(OQ9Zd9-#@{TaxgAt0CD@U5RCrE(%`1 zc|<)9XT!@iN4Yuk&9FdN3^}(KfbFLfv`Ri3%a!sV^PwL4j_HNnhjydH)_Fws=MQ`% z;tZSgsxfifIKF!$MVhm!xw}(FGhdersF$w8jAjks^B@Hl_Awt@BgNpK&0(tFGifKti)i4ugSI%QI22dTeFk^F_6QH#sW6!sUirr7D2MYS@N0u6ldSM0 z2VIw<^*%k)rMiHos$GHVEBo=W;|+mMhb0S2)Z%>!N}PI*AId(S0Sdk;RN4x;u&@2p zdV4acYl?#O$!4J4>2&X$Biv4@6tonG;84XLs4FPN5SM?9emYzuFfSP=xc;mKv`0Rtt%uIh{t$j`JNE@$xwc+-c)K-? zA9)7$g_a1`|2BcLQ(s`gzI~9rM}yPcIE$TctrUJX?1ahu-bAr$2Hmhzz&Ypc!viYr zWLI1Q+1e@2ZsqFZi{MCz?(2i4q!haxozY%lN%ia~MK*onVJ`Bo78nk%0qcPn+Ss~` zE4&yCN{5`WZh|j&hJRkxWgR8eLp9*1+#p;sITyuKUAg0Z>oC=65(|AkotwGz3U|xa zj0}mZkjO6)L|>#%(Dz82jxalc+l_vp^ny$-W@rS-E938L&LZ?W=LN>n0;*H-47H?= zfmD1OOy8&vdRw;e{+sOR|{KU!029 zVsIX1M$$cP@yR4hs=V7Df4@rNoJD16`tU(2>n)G71*&M8aU40ZDcsfkapX*p47jg4 z4E2IdxM%S-7%<~-=dl8Qx19!sFp}+=CCB3Yq}X!4b1K!917l^VLtq-;feevgmAM*V zm>Ehg`N!e)Mjc3;rbwQhRbbzDyx`d-lI%)NJT1xj>cBSfJH{nxs63+;`ju{A7SHv0nkOLWvQ)+%hG2Djp&HG|~_Z9;xEkk5h4nTpBkb?jClG7|oJHWZ0sn z|3GQF5;(c#8+%l25MX=#%IjGScLi6M7xS^W9C)sAM!Ui557saO~ZG z0w0_##b%Qmg0Ki7b(wSy&oAiZ_AOjbe1>M@)1!(I_j4{Am%I}T?(F0Sx3%Eq3~_Q@ z?;Q!f%O$U~z!Bg9C(b5-N8MSvB{3Z5I8P#q1_LlYV_vm{_FXRc zl{223HUEBoV80cPMi{XyvC*W^NQ^Ch8v!S@VqnAfa#GW=3EIQbaO)m%vKQWQ2NNSP zf3q*wn^O*_gNta9b~`MtX+yon(U?+S46%b7pz*E=#G)xxv`)dF?ff3f1b4;{b@cjO9Zt+Y#Rv9;gh+hS$tMRr!D?I|b(S>>>TBFIl zCaSV-je{gwLcE+d1j)S;wr-ZeqpQ@}M1u(|FglWMcJhI!ld9wlKMOqacO{!4I4g9y zYllsjj-#UY1bFrIF6=xp0u~1e@zm>Cboq~K++QfC`cK+-(&iE%qxH<9n_6g8my%QiGVuo$29q%ng|TgdYRw&s;KmSiYk zSMO=C9q-Hzx17ZT(Z3<*cLpx#(&FCdSFur1{y1AI61NUna|>4dz?+%vT&Z~sjC#{R z={H~Ix>E_;Tq^$ZmzsiN62eY{zA1*gkyg|vbZY^~>1*1n?}?gj2* zUL{&2H-aO+7{R-m6QSamD7pv>@lVMEnAiRQPCR}AZONC=BDGT(Ru;>Y3&s+YrRv1a zL6a34tt9(MGAa6UgXd~JqVsyjk@ce5B!E8;g#6LRpa;p^vZULfUmif_ryYkRr93=8 zxe5yJdU8`PM&OJgFE;#i1?&6I6(;XZXUEf$Ao$W&Qt!2$ezN$D=PyRFUDM5&sy(Zg@#z7OTl#3QDge*q&|y^D8l8p=Wu1z{-d4@pc1U zWPO17xCIc2mVT<0Va4pKwaI^v9^)B_7{TRjE!;%uFly5~l}$FVB(>wC`1k8cVQh;f zsZxFovVG||(lLcIDqM^2V!CjuLaNYQPMd7uGvAIZlD%)7&i2o|kKNkGsmktD)N;GY zY3`7Nqgom4MUn`4I8&A9N*o8_;t8PLa)uh&HPR=QUMz4%GK)IK;q0u>s4A-gKi=x% z;R{9t;scqZ! zzD+5D%tsF$s$YHrW!*Wp?}g*pS;;Oz^l4eBnj4KzMutLI(HSTkRODHP_OR7^HQt-< z!p@$#02O1lvaH8xRlka};KYBUsrZlx3I5nl4aFj`ja`>}5T;~Eez;V&|Y(^z^+H7M(|5P1%+>5FQot(+wnQ_c| zle}Q(vwfidp9#7}sxpxfYaGBZc3kTTj9mT_O59`M!{`~rLlbFNzw{9B!(AI#{v`qOPZz)>5?Z@qr+BjNQ zhP-fG$8NfrphD|y7^|obDVHl@Tv<4Y{vE+;KkAZ|F=ce^z!Wl;cRHRIT?RD={=&=& ze`#Ea4?I*JW)=TMIy}7jN@y4t#kA$Mx#)j~&~9fsSL9&Ld48UW>gAJ}fi8tLbS=Ig zufja%@4#!pQ7m6HMqtbP!NmFbn}YjkdV5nXyxVk#1_r1wZ3{=N*m4_R^#204h74}A z=57-Bp9k{NQGC4MD-B(?7Q1w2!RAJHI{VURVSM-jI@5YSxm#WfwweUun6Y=G_?LkQ#oIh?tPA_hP z4)tv$Ho64Mk zV(+v`Zc0maWoaK8yTxMf`9{b&sEt7= zEh|YdvV*T0Soz_YB8Ph#(=p6do2i zl7?h2PD14&h8L}%ilTZ%q3jeJE#pHzjeH55UpSj=rY)%CeYFE3#~kL?Q=!W*A7Xj&sTo4)Wm! zw-P7DR^g?yCEP*VK@cyEgJ3@imfE@ytBq6h6DWa@-M=mB^*nqzzG0e+qbwRN!-^ z`b2$c0WM!Zo2x4}AcEFtXc*fD1M)iT`b|}w{ZN$Hf9EsXi|*na@A>53=Ofg8l_LMX zI|L$^=0ib^8?#mCohU_PSnJMy9L%i6Wx-WgshSE!6RPN~gO$+A@7J#1iNLdw(&SN( z30q+%&PJ2b!ksohXrPf5K9c{$^{xnm#3zL~%8Uu$Z#QMsSb=>RnSf8#97w#oBWd0> z-l0lZN)5Rj!Ntk?OkLH1%-gKV_Dva&*^OxsEH@AKJPSt0sR{6yXV$NK_5*kBi@^Ux ztYNI?V0GBHStRI%FMD^%itW9)1O+G0;a{Hp*HhsL?HdZ%uVtlBpreBq=5)h{*@t;9 zYB(5;QDB!Z*+b{UZrnV}8V>H_`?;6IL9%Z?+wXG}u7rH#pY`LoXCfD%_-!1GYt6=2 zkuUMoBp2{AI1QYK1G{161pZz5Fz@g;IzxK{>HSy)RS)xUWBY0P=gm1H>z@l-RqUZ@ z)ez6^7=UxX7vS0A+n^(^O3c#v?pI_G34=&M)d*{{2K?JMuP(oK>(TZA)e{{}K(JEtViW%lB)y z7zFbi%2J5_&xAaAr^xKIwS%vkf6Y$L!KN!MjXq+QMEF!9i4bM8AAs$4H?kT{%qzqCXq)YZ^ zcL};Cd64j?KWJ0+yIK%u2J=*q&Rn;O>`XOc#UnEDpx?i08-X`jD$BbZH-Eq#;sP9# ztc4}fKhRY)hSZmyMC}=&Flve=IT(JMOMU(pPZdRu4wGplKEai^E?P_;ktVFyU5PT2yV33!&zH#_=7xtA znfd&UX!q0>Tb50CxnD~#_z|$%Mw=^l`H0;M^)mK*Gqp|_mW~9&FK9C_dKE<#y2Twlicc1DG{KS02P$666f=&S{+&0&4_*z(q zAMd_`yE5PL;XxtpI{pk>lNI5GQ!h6|I8JD>vx0l3VhDR2KM5DkHzn2v$02uHJ$4U& z#3u1=_%Bk9g?6tXLl=KxLarKX9PEb(PdQ>4J{LQD*D&KFN@VQ((Kzo#4flJ-LCmO) z2LI|r+z{~v($-z&dOph%RVitfPUfCXGYMSInd9fnMX;{&CiY!cWygDiVP3itxf4B( zHKp5-tvwZFw7HNDMlL}qV>j|=suJqX7ANDAomjWhT(p`YPI3+6iPq%D@M+s1H)i*E z5;Dh;K7P6eZw#bjzOMr-T)jm2WCbu!-Zfk3u1iW1<1zI=XBK+bm1R$kz*{d}$(Vjq zGD5`|x7RsCj;k~E>q$jdo@v}r=7AeBKH<=fceHv~o0;C7PFsWiK&2~%c7tsEGb(|N z5;Z3SJtJVN*DhM4)*=`!Fu<3?Rk%T#KihR@;ocAtwm!~+D~z)QOBroAX>$R_E^q?l zgiRO^t-^CBny5^}S9Ht^;BM(1hDpytN#nCXv=Z{HF!vDVTmKCU_kF>o1NLb1(i7_W z(?L(SENSz&4*&8`3XX|N;?@PXsdS9DU8tXLJiaC#kPiCIMIQ0vH3kg=ZaC2o1ZAgQf)_=~4=exZ%LC zKhzbU0=LMCwES5jaBo^UFXx4Pk5&Uao-7A-+kAoa)==~xFQBF)JJDEGoweKEfh{Td zXyK=f*E%~OtnVH=+BSKBs)4AOEF|CDV4EgB1@lxO0;nh~mk9 zOgdyimX66lk2VLW))xw*#^m6{eVwR2YB?(*CY3#BMc56V^Gd6&SemIE`Z=uOU7GKz z2khdg#>F%|ADzd<8Xkhzn5`J=ng{Dogo5e2Hd+-F3wPZ%5ZcfC;JO+hIqfJe{qh_} zRaA0!G>u4={RpVh>cC%>i;2?FUr-pgjfx!|C&>`i4xMihzs z(sG~cB$Z?|l=hG$iqcL~BD0W^B9$ac6jI#hIy8-FP#Mu4q^PJ!@_e8F{c*qU7tT4? z_4&Ntp^w=ZlTrMs)KeJ0Z4MS^T!#n6L#c040m`2)AllzNs7J$aUKaNYR0RRO)R{IC z{_7p8d)Y(Tvv$Bwx=gL)Ec-s-9GB5JL~LJ6;{zK_-n(%Ry3el{*bz@i%fLpvwzZ{9 zHu5QMo>xrf-T1{e(eG^Z&r8HZO7JvSn=<=9()2BqvMswCVB6%o;%;AoD^QhB){H78 zajLm^OW^;-j#~>p?_8+ozx(hk^eVgYWH21*jYQe5W2Af66sGW5f#j{}f?M;&Y~klf zk<^kCcxC<{y#8wdPqH_nDV8h6k!{0izLnrf{^kHn66ARKI~%@ihTwF+SIY+O(10=T z?~qw0au8@Xlx%c&6Vl8kjv zwy7zH|I`7pdTtd)62 zSF@8t&fpNWYW#P0EgVWpgt7oBdOPhRxz_fEP5$V@pL;ve62%aHqW6wSCg(Z)Owxug z&ns#5*yng~?@d@58HRUPA0zrCm`rlH1)}^!Tqzclu6_H2GxPz>9l1$tKWPtb7nMR- z{stPL&}Nr%yc6i2P}s9rUSRAB-jQKVY*F2DH0{{doZLbgicjS!@GBu;30o)j7zuVZ{sQirr~tndKVxttP?l17=UuXR%|#^ zPeRs+(DLqwKuEYU6aO@Onh=7J;_G9XNq1Un72o2A6f%OLw>s=-|@vQ2| zwh=dQ6&!#!mn~_0-V-oUdH|&}O;K9N-{~wmikF%UcvhOwlRK4zq2r8U$|G z9TG*CoEid}StoGGdKEgl%a$%z`ZE{s21>IYS z-3fVKm}Lp^AvJit)r$2lnugXYU$IMF3|sO%#1C>SVVl!0FwaQ=4S{XAO6xUzTJ{ce zCwQSX&?#zd3fD{wNv5J$CwIKZlRJ+lZ@i{iyD>!m>ycN4bEOd?-z zIJ4TBPcd_a5g)EFoSq1}Wp^QP5WStRBV=kGvqPJ7AxJZb=bh}t{jHZVXM-3w?MP(X zXeC&W+=H8I@4{=ftF z>yiZRk@G;Q$H(wbQ!KVGOT^&^Q`v=%8<@247JIh$9mrOHz-yxCr2N8J{5ZazJsEHx z?i=03Om=98cBScfCCPUH>4NRH-7lzlG;ly20Fn@ZH zcxkr+eo{hrX1vIi7dOmA%^3?V=t`S+J2Gs`A0R`X5CrlY>xdvJAz)L42*M zEZOMYf-WmP@#0+x)DUJGpW~Ey|CvuL_@WVpIZ&=OC>|hv#FvE$JC=gPW=U#nbP5O0mACP2y%PAVz#3; zAL|+fZ@!j7;I}C}+gl6z+eWi>2fK0k+*&-MAp--q>2p8T2N-uL6ap5k5v)3oqL9Vr)UA|>+p9l<>s4nc ztPT}F4jYOa4+`#8V>?(wg2?v+i(u!>Xr}hx7;>&>3jWEmlAjC(0L@(XAQ5qE#ajAT-8^uD1D!9*66& zU}i7`j;|EQwBLl|L9bzlx(5tR{Ru8d%Mt7pORFB|O#mf)~bx(d-6&8sF}PL6>uwa^@IXUl0o^yDhj&+Hn5) z@IRQ5mkGBPjUt^33!$Uz30%q;!P~2fq5i2GKO6TJ-D{>YlTE>pTwX-XqzCiZiX%AT zcqcocUyHtD#5h-}g!ONJf?Bui;D%i*={S^$$CnfQRQVVd=GcIYtvStF5eqr7U&zv3 zckJGWI^uD|Y@F`bPG;F3V$yyi>G`7t;N>v__|*L{b^x_ww6%q?Y+cMDjb{4|RWGc2^hxL9kAhvhKvJW@WXo(8l zV6v3-A3a6hyvu-lPuxWt|0csG+k51J!hCjRk{Q3W^a5MV-lGMT1ow_HVAv|d9S2?~ zVYR|+%S(@Lp7{y=4$Noq>+H}!5J~&sax|80XCJ+Suy6EJVmJ3a-W7It??;cpkvopk zzmI0nwyG=8E!-KL-=2YtyKb0b7$7$5e}Z$Tl!9(@0m}56igvvyMK4zedh10o^aVRG z@r3DcQr7^twqM5f8|tv-i3NXq=MvgqX%ZZc+O%rw4lD~_LDR7q#gBJF&y9x=aW$5v zejG$k9-B!6F1Mp$MiSJ&_2%D&ew1DRNNV-{9C)1@%)SVGzy8K>Hf_lUYI$}ay32d9 zn!7`=$ViXR)Qg3Ro(#OO?FuT6IS9FTE?~=iJsj7m#!pUOhqGn|V(o;+;^QX-zg?OH zoApwMzRy)9gG2^- z@=}UO3wKk^KvS4^Zx{SpX-94JU76X*`|z;H6^sRk(MaLV8QhX6V`%oiV4QjII9Tas!5m3H)LLf;+wEQWg-P~w zMMb`N;!XqlvQ`S#VX_Dy*0W-0n%ay%HHe2E`NZ^!k2RdA5wC=7U`M8|zy z54juaNuiuDI~bdcYH^girBsmW==*3`^_b1D3dP$6gDG7ijc-PnK>B4XxGZ&sN_+`L z>xZ>)|Av?uS%i}B$wK}%*$jrh(_hd3NyN5Psut9lSr~g)!C*tg)XKb$CV~an{FC zUHSMaB}{ZfbC;0G7()Bb9)V~rKRng=2>7g1Sje53`0YU@%Rk1yW9n3Z__bmh$DTIYRf-tHlYRDc2K))6uVQU$iqaZaJ14NkV>y0^ONdv zbbURhKkk9U$IUT!$sLe~&A9M|Id=N}V78@dbmr!h&_C-8CjK@TPxpys15%C<^}QRI z{!~MLedS?teUvZye((m#eGfrO*kAY_&%$)`&0u@uDn4FojT#xF#oKLmA%tZ>bC)9R zXE}RD&l}Ir zUY-vC+u-+?;F!{ z5kYa=6Q;5A2DqxG;MeckkljBLUTvL^%WC>a@Ay0+C-xtFnq!YQY6R!-?46kMZwjjp zZbAhafv4bQL(}v$QP!j#{)^lI);q>imr)z(e5F=+b!!oS5F5o`Zrw)TD?5Rjwgh;F ztcQiA@|1Rkkx|dJX_9N6;L(xfM^mGPF6#jpGUN(0Wg4;{%a6c~sgH#>@i1}g7d3X+ z9I>kB8G2=Y6VKRLj6G&iX!73@Y}Y%%CQmIO$9)Vyb-Fy9PZIX7^37013h~-t;V!y- z7MQ*61hYpG;5sja3`{B%x9iO;9v`Iyy}85Srqv0ezj*>^Ce~v>i7t$}Ig*YnSAa*2 zhxmbzfmBXlelBZL=BGzVut{|v;p6s7a=2^@rc}LvQ--72q;cgW?u{J3rF0e^2%X>i z>Gqf%95NB-P;Z7ZxDAY9TUBN0hY54oZIjj5_38w6 zWz?W%xCYO^c?2#U=@8j@O{4#2zQsC~V`%Vc0(`hS5E_jW@n>5;EV<&xOm_M};B5)I zbVx57wzUJIzA_T$W(mVHJw&4$0!7a427GiAV$P(+*sC_3)^ z>OW6X*3ZIBozdtkI}_u|(_qcsoj6JCNsq2y4sP3ZS;+!rnqTss$ck^V#@UC7OTIi^ zw=)rvoA}m#_3pb(~^&@P~hj}S&Spzo+c3FsSdFY!CBdF)n3Dr(?r3^=CW`MxF_ktY`m`hlR1d`By8Ru@qvaIFW(qxs zyS*r{ZHg(`Z^<;LEMRX;#L<&3gWdE`qD3J^SUW|Mi;oq+(dtxm@*4mZ<$2iQ`bNAf zBL>>ZGzb#Tj_3BAZzoZC+bF%_fKI>G-XcNc?8_tW1`B&lE09M(N(G0$9A zPTIP5;MK7^;7sKQky(KZT`_8r&>J|3)&=u$))p1GK580#(D;qY>QlgJ!DeWVsV2Jg zCwY~18Qou>2K&?`P@ef5hBfJ6m2Nq}NF7`xK8vS*E8?9dJHGdkK4y4H@E4-0r})c~)VC(@S!p=RBND7qP6J>2Tb>6kC7YCr!4UaKX%-?p~A) z7k8|}bzurb&9fR-x)h*)$Y{JXc@8xz*2jDPy|A<`0S!#P2`*@XqmZCTW6j4A?MbR! zf0heBk^UaqMeVGwGn+|$3uW$)3`w81lsLN4kd`zE_bgp=j55(fHLX`drsF6)8*L8` zLNn^xNo1|d2l7_Iqj?0M%g@1g*$50;@Bk;DPiIx`yFg*`JJcQFMq1A>%|$GHFB3%GUO9-39P_^qCam@r2j&JA(pNwtTG_shZD z-uDBTc@#jvZovybe7g8jzbhDwJHZaRtf6ybDv0bhRgh~cM!)V7mOt+fac)?S_c9N{ zJXvc|y)ggHwLS>H73yG5wIexM;YM~8DAFVHz7QKHMW^5W3O$Mb==|o7psoB>4D>%1n>lIV>6|zQYGZgph6K+a?v78aI_>ONDqx!SQPQ?&F3QBMpxSBQ z;9uBi5S1*z^7dMo=KNgn{w2dIBZ`wZ`mjM4{$ONK34RT3M#aeksVK4qv>T={_o2e~ zv~Clv{M?T#<5xnD>wf&6p&@QjU5E32#KH4bHqc$33Kf0LIDgP2k?x8poH0k3jj0HJ zStC=lTXUae{PVzF?}RgV{{-%lQb|S#vw~M!PQck{0@@YtaC_7XXpzsuvz_WReSANA z^KvfyrgQkb+t%>>%WPWr%TF|EafHyv4~890DWrJiYcO;3!3(cjS#Hfkbg}mmiOn{# z2?Y#$E{1~r>R`Nc=qk+ixCDwnTfn8k3Ju(Tuw;$TtjPI^cy=>~J#jz4hY7RQiQiD; zNe}rk`8Q}31>@9}(liOX$hB|2P&r%;Z0dD**zY#T`SAfGxib3`bqf{Gi1EF*aF?{y z$Ll-Bp%E!7UX~Y&{K0vYzHSb3w_n3hS5+M4lz=U_!a?8f6h0c@1(tgy#kuw_^wr`2 z@V4*@bVy0V0}rxr?5}U&TRw|MeO%1G2G7OoJ$q39;6tMLd>rj_*XBKSA+%(e6~_}2 z)V)of?yVMlL^JP-1J#Z2`s5yR%fXKS)Ez`>1isC0*BdN%-$X<|Wg4JXAqWIDxPNsQ zk?C#$WqB8LU&zt!fB|Q{iDZ6IDQi7tDcr$Scvo)>Z%|o|flK#_67!uI?tRMS8nvN! z-87u#SC9IemSFXYq1YAJL)_Q@D=yk?%}iy6qw}m8aBpueXioYd8mc^nx2=4Km0BOb zV$cDYP@#-N8#RD!KgnV?hhRy|O-PIGhOxIdpv#RIp|f+??)uK>P%iMkZTITZ4#Axe zfB693IhR7>bSL0$$5SvUUJb;7W#V1ae0h+=Gq||%k~q=*I|j8pLb*~WQ1zJ#ubv$t zvkTUaEF$gHh_<9P;jP3)@HS{1 zosg@@2R&-Uk=m2V*8VkO)4juK-i;x6Vp1Sxht2}UB}HQ0!(x2eNWk}xJDxmeN}r8- zgcl=5(9?qs;Bi`r4sA_L%_^SwT#H~SDury`jhS>Avg4@nab{?K7iGuC`$6yDZU;+2(fd^d;E*4O)=8Z31+k?_*wF*RY!# z@q;}oeBqu1s4Jh2U&?#&ZP$2ay!0(8=uo6*#9Lv)0pUCCRpavEN>u&%FIEuMD|neC z`P05iqWR+lMv&}fKy%Iuy_)XG2{ga&-Xh2K)hST|9 zH!+ownxKBFNtnag;ROeQAwRJe>Ngm%*&AlT%ZsVvwaJqFWzjUc>scPG>+$B%7c^m3 zmkED5V>nh%ZNv>WKZ)y3pg!Al;P9MR=&`aNACoecvdEgJ7}Ud;hE%B36tj=AQ)uRe zCX{v4=c}hr$6e|J=_5M>?k;Z&KCd=GR9QR(Zg57$XrXKH>jW%VWyX&`)_@zz$58r} zHxzZ`flHtP4%!q-ei?5N#W_!=3-=n+oSLoIW=}AHkj3icUXPebeHXanKW*XRKPl?GqXw34a%RtS+cD#O z60ZC{18)=?a_d=s$eaj^Strl+oeFW?)=`cJuM_`1}3wUn8X`ffV?iK{wRgw@hZX@l+MQ5HDmP5O&EXVB1Hc= zSG@kLCZ6+{PM_)vyqV@7m}BRLgD+krYf)gMq&8vR(LiR>@D!UChQXAdKj8Bz!z%EJ(##^qUEb0M%T_($AqZ*;~u?3y5t&drx>TyZw65QzK!VT7Z zAyxNU@XMEO@eE^uA93;ynkYuVGCe~oIn;@?Sy@umZBH;k#TaceCFt1K^;oD7$L<(U z;)W(GFyuuvEGrrcZPsh~;hHwMs?r299``X{^$_d(Duct?itw46Ic`vRj;rg3LQSd` zi|~04H{|^JhGu=5xAPo`e#W8s?(fBQ%DL!~cLO6wTT-Jmp|?|_O#7=;$(3{$aL$zF zMf5AN*9k%84nWIz10|G~xkBL>0k2WzRWxtDN; zmEt5*59%1yQ9SKH0CDNK%oc8*PcM}}hl}H+`R5N;;Z^D*%ub(!Cap7J^6u5*7SCE3 zWBL{*n1o?}{CR)3o4O`b2t;JHRsCG}t@%B)X*hht6>^5HhI=J|$LS-Izn{nB+uU>D5oHhR=tN zp$^PJcu%#Ijikf2#t3fTskp#%1eNHI0S)QTkRoI_`nt^cu?-@6ZM!kfK4-&E74L=1 z_T%9C-UZOtZ%d1J6ag9D1V+b_VR7&v+Bw!7ca6J1eoe0ucV0dPi)Liw!EzzX{huKp zEBt-<`#yqv4R<(_a)o85`qL1B;dQ?HFK%^LfYQkcc)i+)G;iIGvxUCc+areXDMS~S z@n~|YU@IKi>PYvE-3;3tM)R>lr1{qBb2!nu2{N_nQE%9I3>tQl#FiYKknm$6x$&o1 zUX;X`b+%v%T>TBjE z?AWjGwhx zyndJ~t+MJNn~nqXuX~QOAIXw4jW@wNMT)N#1B(~(en*X?S z89g8D>(hvr>SCNVNe*VXS+i>)@0j+AWC-tA!z@7J1k@oljoB5m~VmzjUDx&fiey*RT8)&HH*1ueb=@ z?`gw{WR*7N0*42pJ+R>ELva`?lW&>>=re11_SQm%UjK>k=GJ%+If>x=lD~|9 zxeC44Ecs_*$q)A`@!Wss@VrD6>3Z^-#2nra3x=H*n6`sxhS*!2mwOhH*5^T6??nEz zQyqs6xQ&Uz9rn@|4c_2fjqgkJG1%o4cq~)J3x{$=bGC1U>6TOBQ>*YjWjupnYX;Ht zN`fCEPz=MBFX8*MRb;)_DCTZ#EO4n#;}#D)@O9zhK+Pm3KB$8;R$hT*x2dS|BUjiV zzr~-y0s}_=2YL8divFydLj&wHuqxgZ@!l(wP1bE>2!TrYt;br#WO6o%8mA z-Fcsl=y0F}jW%x-*_i1G{h{jO0lO!n$4Qd2>-5E`*4bd7 zeFy%ml%mUm9ko< zf&eKVys`l6$riY%)J}eFTmf@8N8t4B3=K4g;=#K~m|*cAwb<+kdpioy^;{DgU6Y5< zvWL)>cNoUTe}tnF2v-ia;QATvJZQUcKhe1j{;y`h-`|6Y);A4qrffnoJe+Y>r7PdK zg+TYZK4B`C1}gXWvsn|2NNrCvLcn*db2Sw9a|RsO$`yCdeN7%5_rreE4OWkX>g8$ps5G-~r($CdfoxKq%QW{TNYt(nc5 z*~C}oIty}55G^}75{Brg@}IW@PGqsJrqI9siBQccy>gk#RXDO6Y(IS45{~eUdGA0+#&w$8_dB zAO=C}`SFS4p}%Dk|ExD3^z=DPYkmb@ae2_$VMxzCSjM84hKig1nb0+tuZX6+F`!<~ zXYu%(KltKl0||;Wh4idwXnij1t>jA}f1U=NpB0a&smTl7jtXs)x$rZK8QPm+=S1&7^Uur=#R8%Ou}28Lf$jB=gnN)FeM(XOnpH)O$nFn zNT1}|m4?GtD1hzC6;sVBKFB~$FOHmcl-?oIjG|8ghTNDnK`%qx&v2d81iQeZRt?AB~bq; z2`bXIfZt2!_YBU`aVlML*50)_Z1^@FttRq7S;w#NjPwO7~ ztr#G<_@udi!UnkPEpT3JhNInpOjvQs18K6!7 zjJOYPwl0K=UNSt_N}uY!wWi~`A~3Z}iyyL#rTxpx;Ptn$JWKdL^R(j_&>jVFVnUayJ-DpM+AOA*@;zP zyJ@UgXZ0YmIg#N|n_EO(Ybn0aze=WC4QFel?V&Ix5(j9!!sX5q=>G_yTX7#QJ8%yJ zrT4-y&jECtkYCms_+G4VMPM{6(_u<^t&C4m!--s;hpJhy^%zT83 z*Y{%?`JdI`+B^B6Ke+3-fs+vK;GB2zDr<!LH5{ zSL+VpEoR{mY}o==4|T&b=g}}CVFp)Ut<4&r{s-G{>4DMG;q=~n8ERsxMW-8E!Tw*; z;3s&Y{qKi?LD(u>mXambu;3W;dNJW@W^|nXJ3O3N4ZbT5(ZHtdf>$q0I0r{SK!Gl| z9g~gGDZSwBa)7ApK1}RQjj(9)0JLhKg8f^fa6(6t=+5LP?BI{lR6aHjp9Km2jYHM! zO|2=|D>dPvpOr+reh6N6w!=bm4N*fw7<~5HK(`hua^3bzSdqJjL|Ub>IW+_6<#~~K z{X#P4PaY56q7x(_{Ye7=Zgb&%YuF547%iz6`Ge9kirfd4u@rN`RPnDKv@~| zc8wy#tOX~`u_sK&zY`Ao=ix_pE#AFN5eL;j#3z2$#p>7g;ev73@I-MSF}_fava@5s z)F1#42uz!?VY#p@c_hoQY$VR{0&}lp6T53a4OEQQ!cJ>VTJ%B%SEzf4)2*J`l^TYE z?(ikJaMwx*eWypOM);u0lEK9hW8_)t&vk6ts0K*+nTVBVzY7eb5jOZRJ@!e6Vmqjrf6Igug5 z!{-LGlm~(0e~Z4dtb+eQ!QC4dbZJ2JjQ|#AJdzgbC!mf>I4TS+M9t=#Eb#J6Heu#( z9JcQ^Y|6NRmf3Z1cj|OH!Mh3v`oDyf|IUD4VIssm3Lz6LRryUrNvQL6W21fz@8@nAIO(my}@%!H-ST*CT(Mf=$ct-XZPR{ zu4(Y6XOiwg+8Sew%`V5z`*OT>L8S1xro;D+Q(zM$FmvY~#9FyA#fCE&`Eq|34^`3z z*~P$*Puq>(jNg-gha*X6hCMs-$rIbRD09cFb#Usd4=xWo1_?UP#H;6q)0FE&FlEka zoFQZeU!GLpGS|vrw&z@Ye(4{%Wmv~-ce;T65g8u3a42M`^+M{>4AOsTBsVJzgu&k| z_^}F0t|qeQ7Qve6WBC)MElz-``Yn{%cOLe;JptQ(C(u0>CBAaH5M6{^M@6}@_}D@* z&QpBEMt$^vQ&toCU~gAazdVVT2bVJU+lJ8DEQSZW=7}^t;^Bk5B@Z!*fYNuS)Kl#R z%ihHxY4&(H@4WCv%AMJxS>qRX3~5sNzp(EH*FQBf!nW|*7k`2N$PORn*vvp45qZP8;W zlS^Qu_FsW5Ki;AL;|$!=a|8B{ibT~;HM(_@5L*E$Tb1vBmzm3Ph`>F0Qe{?LamWYSt)2vAR zgIe*vrA7Ezc{b<_3}Z2ODscPdAS|1{62xnAao?H&+@W5X*4w|vp`|l0`_*a~yu5~; z@VW=OlYe35wP7@)#0$n*AGiC~BFWoDEzD@U9)B<}0F=T#@pkBAk=%DVuzB_fn%uj{ z{u4fARPzy>@^!bJR!(khZP0V&-IILfE7%tz^<4(dp)AikSHvWzr zbPb(Orx_h%-#SCYW>f!&e!oz_X=QHwYPT)VT9b-?()-}lh6pCr`We`lao8xkl+L+7 z0i34|hl;gxu~`2H>I>egG`;oo*lR-nwVa0J%r&?^W)3O5^8|kzIm3hKt>m?qpZJ*4 zq9Xr<^Q0rzmKsec!SD9dc-<*oC=lL^Mq_&fcBcX#cit0L`E}!yu@m@u9|f{<>Ip2Z zEWp7hyhMsmOz~ucCa5L!kmUEnQA%?q&A=g+~H1v>Pa)edlSPlNo~*<`oXb9`@q8g1la1fF%h_~>F28s*#~su+I; zWIowo%Uv0MulFIUz8OMBty|3Rt=frmmZhS~I3bHym(JQo*g<^BX*jq?7tM{97>;#wFgjT*q$sm+4MN+BQMeT^-V`wLoU zF0n!f1r`>0j2wzQ!sZ_Hhj5EjF!VKmNh$|X_hODXX^uSopm3H93(CdELtUA&Q6=7J z9LoFG3tr*LZg}gBIsC}d;Dc=H#JSVDV3pJae3YQd0t!2D#rm7D`dJc$n%iQwO$>a{ zzYf_amFShsGB|b98XVLH(aL*+c#yF&TbgkhM_LpS^`wo^^*$75jB*11Plo(4NG;+t?S?tXV9%Mtk1PS>u1X>C2WM(R-M59t{0Rf1zryHKg~ zJ7CklPw3>e0KMG8VIvj1)MeqMto{eSkMyA8o4IV!_(=Ts)gBUKCt%Hh5YSH@KvzzZ z<^A(h?2@|-Fh_k2DHmnKtZAp1TljBM`PvpP%?SXp*A4uj76ePTO@}Fx=W&d8I(+Ng z3)_CFK%0q>;dpuo9?fxw!y2DS+20}DSYVpl{5OHv>n|lq`wCd~!y*!Rco`n=Nri&v zGa!FW8grKYCic+;R1zfJ{np1T7(_ov{`72Y)B_hD3Qe9S^aqUlkqYSubK zlKvh32Ac-n1D_G+p}eUG`o6rtI|Q2vZq7}bKsAwCT{S&ic8xg`J6$L)ZZl( ztD7d{31ty4@coCUbsi#H5QpdX-w`r8XK`wl3M|n31ZT^yppi)u?)p6kd4=G{*)0b< zvOb}8-8200^$JF69}v3U3b1tMMDQ$aC#Nl{Sf|8m9NZ-}I0^d}COJccfceg)rDl=!uovfL~vnmxNY06LRfndZtqQDV*{VWt`cr;jwU zwG9sR*C-JY{i)&-KMVO(Wd#L zZkq~LON#MEg%tm#@`Jg#E{4-1Q6Gs(lz5WDwXZset zhfKo7;fc&S^fzWX{=vSm&*W{_B)XwSFiL@nu{qyAR*If)D~HO=5R#ifu+X;;zF(ZiCwkpy9d_C9WY9i1 zvFsmo7c3->0ykgzYbaW+8UX6I)$!>*z{!o-EVt}b@vE^6T^8EIh?tT5(~~PO`|oAq zd(xYXm)4@^nvSEM-Ew~QXgJQ=>dQ|gG@+j1eR6gBM0!Z~F*B6(;8TjEsUvaXmPd9$ z=?h=nymuFVJXnG9-4<|o%OfUrK2Ws5Zr zD0bo^hz+oZhu5;vs#YFaRgS|sp+~>fdnvKMe}GFo7|O@ighEZ?VD9g%jZXS%)N5xq zlB+}Du-;vCS8$^3Qk|TR`dEfax+Y)-QNMdc&>Z z!trXT&mIoFnV0ZRc`sSm@d&*ekD#`#EwPMAWBpoVM0xj2xayZ@xYiu_**n`%{%br= zeJwCUq8y;Bb{{ZdXKfyz#AGFd$%GIaZl_Mz&AcRM%T%)5vf`!os+{&iyg zy!FgAK+N7>EW*WWev_+F%KV4^4*cmjg0JebpanzgVa2~Ij6c}KRt~XcW84!k>~9F! z*bs(>4m)sdh$>ak60%&mX&`A~gzHbaqaIQdP8_?*IpJ_PXERb9a$3^T=Iu$ zmPDXEZHI5{Jle($q%R!S+3DUmjPIj@Aqt)ot8cd4vM-QtG}5Bdd+TsZpaCsBbCh{_ zWMFE@Q`lSii`WEQXOidcVd`FW>aDCwG{j55W$7`@^$cZ8u5_}Q*Ehk!DKAATzcV4Z zXb}y5c%>*KkHMBr=@3&;K#H~gK<)2t9FXgQw;%n(OPw6Wj$7F#g=92ntB28du3%XH zBXO3nzu0QrCu*LNL0r5qP?1{@IjZ5r3XDtH;K93iueK`vwlWW4k}-bx7Y3PS%W&zs zV7!rat?2bPNAl4<9h={5g0(>%Of~Bw)U_Yv)cG_Xdg{(xC%fa#1t_*$s)fV)Tf~0{ z<N&U-8GPnY?$|4{U!K3-5keLeO0mc(O7PwD(K%PlKKK`HgumoI!_Fll(X-Sz@~&bDZb3un3o68MX~H^7I#Yb* za}IOVIZZA~&!sC{DwyZ_Z+KJ4fTXD2CtpJ)K*QGw%yU~nPbq?(R%pX1dl>w;tbrKS z90pq%87OUi1GYyb=%)?FBrRUxactR1F0PXkH7LwQ^UJ32VfG^Q|B?g|0|i&$WflHL zwu=Z}%= zx|Ph_d=MX>c@@=mM}SG^L<;8*pj*#;EKgny|K;oR#)+A5y?!7{v`V7MgBm#n2f*Z4K3t;0}_Ebm69#5FY!q*ls=SqQB_#yyfhfL;))km0&gCB%% zRmVxErRliDOccFNA<@aVQM5@J?mIfsw|Qk`+vkI9|K9>B>8^{X(;La5NdXep&z=&@c5=buu8I;1x0-!c`=b}prWzhklsKV z-zcGKL_WjQyN`>4r?f-#;-OqhE)Uf06iLumWvr2z0~QC&McWLT z;eP5`sxAHFe;l26T+ZM7$J-Bs(JTM*1T?<}0{0q29vPyd(#y^0i z`%Pu9uS??QEj7qB zc#&Nmbq@9}%NPGiN+Xu*Z{pQ5cVOzz@O|Dyf%Rl1-Y=;@{@N|$kET?zBOkB8$;xE7 zv{!IPb)UvCgAc^wtQMcNHqb%U{1NJIbs|o|?QH5GJ-TL%1o&jcvo9f=`QO}7sJK%L z{oOf`lM~Dyr0U{Y;rHG?zm;A4yb((B8L@v<3oG30&}H&c7}GG7e?FKA54yv!Hl-fp zn>G2p>KUB>Hlpnc0W`pK7>P4eB5zxMvkFZSQDRE8RAm&;Q(BG%lV6az^Oo{YMhvg# zxMOxn8rn0?$_wJyara~l&+5ih#~^_(q`}vuCXpY5vT<_31Ue-toT#@hK=ZYOK~Lyq z`vhu2M_~?GH$MQs-7x`)T05!`zYC|OtmbArILzN!1AVq?e6m6pm=D!QLCC|-y$M4{ zy%>`G`vUo_J05>N{{umSJJvrSh)&ZIoUt0F^xAyolKj_-!n2VhDf9ElSeeUEptXuw zU)QG#r@bNKoC-RxB~v81=(cEu<15I&A%({2DQIum5 z7WS=je6cX|-)$97q%O5NY#M$BLjvcJ$s_gX_Q=IFXI39RKe?3J3uo3R_fGRu!5_rM zTPj)8zdzzhlMcb2X-BZY{vqDHl)(mC|Q+5T98@#oHM z)qQcEM?2fa2J&q^484VYW=C!}41U=mo-=X=pDOVPO=sn!V$>KI({7718e8oR&l=Fx zI&xHP+B*7!dGS%pt7x`^0gsyc4o80Q6FP3!Ns_(|ec^i++I$4e(nd)%{b&tNb+7Q7 zRUr<%znVS+Wx7U{(8vp;VdRx4NLQat&&BShx|M2V{s(FPJ?gor+II)-@v-Hf*L9JI zu^-`QiV`%tw+d(9P{^On@#@}BWPjXTYBw<%O~!VxcSmmE{h2P@CqtdftPth|yCz#FcV zT?e1b&xx7aRFrQrr@y}1oP27Z8I7=K*R*#1hbMVb|H^MATc$vg( zHdMX}RL#ec3*F;jzPdTCUUnKcg{$B!tCtYkJfFXRs88S7FQB`W6G+uG1$u2|1=EhC zxK{RS$=5Zy{39JkzFPqd_02-L%1t;S;1(=M6ys~b3o>PF9R3ka0;@I6Y<;*gR{$@X z9~1EXt7;9*0mVm8pr*p9B|Q>^8x0)KySAYHjc9Y1=-V10cxskj~hbFbc`twI;|ui({a z$`;WCe@pT@q!NOCgGpu1FvdDVne^#0c$Q|)ouU#j=cuqJF=-I)gTeHBO(jHC&Bw%% zBjC=GQZjwqSV#|SX1S|vsfM^%{J#7tc-gz*+go-p>E$t=ea3*^V#{Ge_6+vqOd^Co zUyGmo^>CxSCSOrggegW!yj?pG-b&{~lfq2!iHW2SZ|~vN0*|Rc>peD(susQX_7;yn zQA@U6j-$#d<~%{u4aS?LIQU(B#AG@{xM^z^biPujA!7!L1J19YXRrH$%+xn5O~MOZ zp3kLGRac>^_axrB^PGKIX32lwnt}?ae~YG1apFr4T}BK4Njxp70f+gExQg!|(TJXt zcz&8X*v(Sly#-NpRQ(iw!8L`7w~Px5PJQ-0o;knA)|G4xvXChxn-ot z+jNh^^#xt*WPdvRynBF;i?rsZhc@x6mW?oV^EoU_n!~)|C2nu?X6^e8(aEt1#2no@J=QWeyrqtNsMIa{DjQ92UZKy(7rNlcw}i!!9mr|A57&letxOB)x2`kF~jm zqKf*Ve4=D54%qpa^eYsglc665%~PYe$d=0a4??NN1pf8kJowibhZ6?IG5h7?NP=n> zYy6u4RW>R7*#rYT*rdgOjTCk!j|47GejN6F9L(ppo&n>C7RhiWOU4K$Ruyz@~i& zjlS83wUn3oiuKR=I)=l6l>zrv{&oZq4{ZYu-I^p@zoAK9TNpK32LD$2p;Pa_1 zbY9L~GALsgUmSZ64gTbjoJoG57rKc*_;N#ZEb%+K`Q_nQlNa#5`xWu<52bX052|Qn zurD)=xN^H9m$@Y5MK>x5Jl@}USw;Z|UF<bkyD61cN)*((=cpY*4vAbQ=VM@6k0d zCCQFk)QTWe-C4-*c+k4{PW1k11?XIGfiF?pj+uvoiKX-bFs-}{H&gWK2zd*>a?^Oa z;BFA=jgh3=txZuD2SEAf`(*j0AL4tqLG+}}C9qQMVB;>zQunZr=-K%R%8up1K&Nnc zZuJOu)KsJ6jI-h^uNA4;Y%}g`t3@~5Pe4W0={)m;lrRt6kK=yqU{NY&bcN(pqU@qU z_a4?q)!FOmJdaZLQJ6KG2Gugw9D!Dv$&g@YOiiO$|N``HCgf(y90h?TdZ>;YK zo^CVb!T$WzyYc*YX*+v+YasM~d4k8g&Y;c1!|<(gB9}WjoFDx-089TKD|VC}#;3bD z@-G>}?kKF6eH8lA#m)Cv$&Oka?!KLdyz3)ozfQCM{1n(+>r5S_p1|b&rr5nXPU!1B z!2+jJ+`Vchm%Xu&pWtGYGgG8X3bp8vO;6aV(<^wzBVpI%XU0#yeS+ly7X_C7=91j! zb-2eRmuDBxrx#vaf_XwudR~7tw79FXFn(8+kvI0Hsq@GofAB@T4m4b| z!P54b)O{=yI>XtZB5{jVY=4jE56JRz5y9ZhH+b2{7ajZWkDI#WB3yGn9&Ds;V2 z!$pya4ngxYxqQ$*^uBisn>&S$!yQAoaWttUyC?eVf++dOb2L3qkpiwET{ zWHmR0o<(^Pi}9>shgRFcAf+Yj+^9;Bem@jCquWGpu8o9gMQSuHvmG}}$?^0K8+d#x z40gSF&FTlLag9DN{PoivhD}@n@^K<)j&4V*oG*mGl;QGpA$hrsxgwztZX#T(cZM5V zL%|_*0KfEkHPS{k_!3wEZRrK~t@cqoi_ zdBQI5UWn4JUL~PDE_CbM#Z)&v2cxCKdA;^(qO1D_JbaTt()=WQGGrJJUG_}8BfCW$ zvg8Mfe{RJ&7F;Yja0?DelH?1D=ZWL23&F8w2r+cjrCMiRkfIV3Aya8ZJ&)+{yD2*{ zw)s0*nSK(C2Rjhy^=C=O^y6?(@I`)hoh2~m2MJu`x$ti28V4VbC2*%|05yqTfo~3K z)8o~B;!8OZ^y`&r6dNn?aPcD?NC%_zq?c^R#Xan=bg%fvkT%w{)|Mt!Nx`r?L-Fe| zDXjb<1-JdgM8iV|N}l+ zc8$*j)w1KD=U#wsYwh6Ji^<@Q;sC_GjYon1%fOc@2KUcK{up+D!U4>EfbNE&9*agGMV#39ecVx?egJpMO^t z_+hKT%V#>?aC%LKdZ!JqXg+8LAXPlvakk3rt0Itc0RfDDt7kkNS>JLIErhr1=y zEQyBQzW2n9MH9&CQW2!g(B|#!rEu@v1!0Cdls-1Q!5)pBNV*f8NpC}j_@&AewxVUd z_;=9=QkR_uHEvVzdBAb-+Z_g?mIRpHuZDqB{tHZzAI7gXrcNu3smgzIK{RwG z+Gy0U#IBXNp+$*i{Pe&JuIYF?OK?U8Wi!Q`!PH{FQk?MPpF{JkpHQ@260}se0N>>T z!z2EX+JgV!#szI~@6Cc5A1}IhLKfTgY7yNaD+6++DG-oy082BZ(NIQ2`mU~KBVTM6 z*&J^JNZX1bRY~|_lq{Y8t&fd(tMN5;=P+w=E5A7f0cPe~;jnaw@bN|Ad_H%E*6DV`qe)KfZLJ z3*6%HzGMM5=tbc!!HqR#Vh}7@??(J~PT=*c2JlUS529KWh^Wkc`=^n?*#Z;g$qCdSQUF#vI^kPx7umY!2rj=|5AJg-1-M`ZJ~&c~e}XsTRsOt(@q_9LC}(b$UNc8(!?H z!OqE7*-nYuA}1Ru(BGGU@A_;7J}1R#1CKEXea-e9-av1(WUz^b!h0mmfNGAF;vQye zVD2tCvp$~O;&?_i#m!%NiEF%X#)yqZc)*-3Vd_g3tO`Wa-$DX zpqDSjV{&Av?kih(9@PSkgKGsh(ofI`djwL;Bx&LZ5dF}!q)%?B)4!XXAg9}r7+#-3 zK5P{jN~bB+iH&A?N37}1$vO5W!i<0Z-`m7IznEDmMB)I8sr=xt1yG|@h@m7C-%Qxf zCn%5PM^3o0bH$4E`Y{`BA@P^Zj;m%f$DGH{y0&~pdtAvT>vpo=%@2wzrSQS@S~hG? zIVxwL#lKc6-n4FY0O_Y*on84%hH3t^2n(tC($-zEgKW84c^1`9SVGt zNyF7P^jfCO+kD%|%b^e0p9eF<&yv@`M>QqZxo{9jxvnGYrItY3%ykXubup;hkEBqQS|`dl1R5IN2TO$YL|9zRv;HWkxW4SAvykyI{h+Ht`&@-7Lw! z75{zDz$@OPxO3Q3EM2|_BT55c*kKJK-qP-%^wt1A>#c-PPa(hZKnsd|TzRZaF6?~6 z*{1Gd@r#-#cxU^6*dVY$-X5GpcT|jqqN~I4)L>PvxNaT!Tlxz#w==eJ?r(f`bquqv zQlgeQl>Tgb&!jyrL0sM;1k0%;<3=dU>W<)>Z;zwz-b52whZ^?p?*}mV^99$jTC{g% z2lk9G!YK19k;9-ER0x)&4!a{@&NfG?KWRNxi(ZTy?kdwS)z8V_X$u4{$`SJIhz*|D zyOADnJt3M~o{71(dKloTi4JS*(6l58D=+$@-l*NMiNC?wMf=Ep{kP0H^&%uy-$b=- zS};(z3uUeva@%|R@#<)Ikm(muH~+1$wu;b42ix%RvXyW-L6^T=|F%Rj+LTXu=8xst zbYioKbaL^wW4bsbFH5-7=Zh7r>|xYm2mbVg zEp1*?iJHNKXxk)#^DD40w+`2ZS}$MpNxm&My4y@La5S(L~0ir9lph;je z9e5ojaACY)(cbkiZrK<1H|#kk5BCsFd1b&7$_)7aA3A*1yqg$0X@gi&<1|JGSdcTr z?~(DLkHlr&&&X0k6CNXPBo3RLKyK=I!=s(`aPr+_(c8U)z@pa%oJ?CWz;K-SdB-F= z@$`U_E1{0?;+{5~yLT75PL76}73%zGd>?90bmpo?uUMJDaf!3vKwb{KC35fGAmnf7 zi~UX)BGsH|%TYWKbdN5>cFh5?u}FoMO+xy8;qzd(i1RE%*Fp~=hD{7lncEO_9;mHm&f zyKe@u(K|lkA~P>ydp3e>9yDw@W zusXH{CcC-`bJOW~?NA_o<7Y%|;vkXFAQ_akcfux*ZuY2U1dRUD0y|&m@VT?^qHXR# z^bZ_|L0l|;++o8f+_B^^+=1Mw3+58HF2IA0^>AWOHR*8a6nfZBU=(M}^?${J2h{~N z$VM(7E3wz6tZ`mkWbL#$5aCuMP0znR?cwHrg+nFAPqU#&^I*X~` zm^zkDI`Nu})EvaeRI2dR75|}SgdhD9mIxi9Uf@1XmldSu;NF3+V2nj9v)NdSm){ye zPx3M{ZAc+T>m;L3M>&gWyA1tPpTfzxb4a>`G#k>iixqA+5SnLouDw;t@pJr1?7 zvfEPN)K0@w0&hspH3z@C8KXypEpn&${|YI6%YmU9(1WxC^( znS-dsm{l-uge)<1{z3LFdVmp297+OQ5{a}*Ci>Qdf$h-I{IFIWj8zSXlkc-}(aQCh zE_jDNT*)9MF?o1$jwQX)qRD;B4I#=lADruC=~~Tjoa?U08|H;`#pT23@nA71yvT+F zgN4t(fjZr~GoJjDZHMfVE*Ne22Kp4j@Wi>f^rmDH>934|;163_{tY#9@W)5cIgkb_ zrVe0XuPo#o%wfOo3H!q_q`Oa`! z0XK-9-AM@kC*l`tE`dVJWb_VMgR&CS@aCa(K7GRkD&u>BJX|5oZDU@})4@NR$=)v`=aK5>b!DLIid#65o_9zb|5|(h6&_|#S z{rLCD6%rJ?2xqPC!=Bwf*xd4uxW&m*EiWS$7kF2+cHlFpco{8tsk_NA`7#uDw2_X! zX)v=R36teN63JNwusLlZxqfsAJ7aJeuD*&DayujGWz{0+?=!%cWIDp#1+=@g7h)cs zh1A;LVEi}!qsgr5YE(8DWBLXWp2`??PA$Qe(5YOH~D6)_MXT4G2Z_M$xlmhBh zl%rSh9^8E@jj~&IbmfS{)GffVq!ZyMJqor8s< z@%S2l>(l z5XTP3*qq1c-lzrVg}eL2p}O#K(jdylzZ7_XGN2Ft$P_PG{z*ZDl6Gm>=nw%f%u&){*a``=;H<`!au&<-}50hMwj;jLg853!M zyENCbmBpb;uaXXhCummYOmD}|X7wBGNp8ymnE&Cnxai_ASnoZ8?g+llp5Cp3*&%m` zsz(i2?AZ=e6O8H7r^>W3YbM{8D}$fX2J^Td$01diu_iX^(O<^Pjr^J6l{q`3ZxFf1yV!Lw6^?7r$jb}k|Xy$?2v zCU==*`RYevH_rsH|19*;`s(qxfjm91I0yF7#khItG}!m72nrLn2^nuAXiGEXm%ATh z?@ul6a3>LlybJ)bM;gnR)Q>wA-r~ji90w}2!Q@+Zm^Jw_+1=cWxmtHb=3mdCfzo59 zVl|GLmP>L}^(P1RI-}p{!F=p6B`Oh~$hJ;i#z}lWNNKwA@<&I>)ZyRZ*K}*Hu}+0% z)P~|6$4hW{t_e)B-T{uzL699T1LrO7qg>-3veRe)w>tTgMGifTYNzgrv}eiivc)#= zFFzUbZZ5&fPb2v{M>YORW+7Az{{T&yxw!fLC(;_9N+NWwz}6sb8mw~`o)2J5QbUP$ zy$GUL3eK?8uL4DTdOm|u*FgH}$_c0*B=9~bSkkK1zoF!e3)yz@IrCj|48ExuI}~oV zhLbBs zRPIx+0LQJD!kW?wvNS*b)DxpjFNuGy^n!^?6lterDuk#; zk^0O)cDmk`Cj0ookgGbVQD8%L8`3a*Vi=rQFon-OavD7cLQMaPA+VbNP9J}g&-t`OJ>d&^qkzV}=#Yzm=g=br*=lW!m$UM-3XE6Jb7gX)%Nrf)&FZI_bfKje6>S(YTJJFH+SQ29eyy=Z369^yP;V6&PAA;%*0naWFY*w17?5KgbSg^>^ELl z<4P_yI3YoY7yVfUKk+=Q{cs+PTK3ZP`+K>PmpaXKQ>GnTgq;7{|8U3E2Gsa|l+GC) zgU(~hnfP`*K9QaQ-|tem1Ti3Gd>cK#$6);J47{}P5om0=!PJ^c*@CsNp^OP#o>f2> zs=3peLJQv9ynr6uGM(=pJ(izqSHarq9pWCLD`TBj17C!5+mGc%`1!CWZ1s*6(m#(N z-(8Uwx(4z86hwT?+k7~w6T@ZYBDvj{bmsRllBtZUM5AUseD1fFE1&YC)g|806XwLL zE&TZ2)rLG{1%=mp#UN>;if8A=lEwe6rJHisP-#zT{&Hvn^|Bcbz1?3>(N32o-p?n6 z>KAE^VH4PX@!-D&mgN3yCpsc(BOZG`l}NACrrkoecaFavjcXEe^|rcHE_wo0d|n7^ zKJ9^d4`<`*BTAq)bryXfE96gfPs80`5_C(aBu{CRrK!{Yz?DD;{x4h?zuOtoZ8hp} zGk7C5?A^##*NgZ;x5sEMGfJfMD3@p*cqE(weCd@B?JP4@;3~ia^!q|-h_D-Se$WrO ztJX8=Ol|Hv;SyM1ScS5(A=J%o7@x0djN=oJz}m3hl6ORt+DjQj$}TJT_C<@PJX7au zB8IW1i05dr*q*f9YCzvNfmC+kG_*K-LfAd&;Ii&eoE@r1J#MyPXrn0$-K`7NF7jOT z%>W}E>R9D(HU44cKGFKE(YSHdOqL*bR6H?rER~M-5g%u_(Id?i_cgB+T~_62HdvX? zongS6XXQZrF&Em~M7iYHJk*Ftbm;UG@eRpV4kx1oHqZk-Q0`=)cK|Tp=600Mm4&9z zLeWYxSeU_W!THb4iInj<)HyhS|M|9OR)1n(}#OvS6S7hCJ|3 zg)_uDNUmPUp3`gFX0E`U zP`QXfr|V$Tv#a>8O`k@pj76UdFNC~yI9fzn!X3{rRL-TDO>T)~K3p;>= z+lGODohnZ}J)C~1n*)U#I4oZ#c!}F6F}!9@`r_VUbzCVvi?6|-m-a!0vK)+*c?9R4 z8_=%~eR$IQH?$Nu@Wl4z@Hz4dp@xPKpgNUK5IkSMwojw^pa)YdLU2*4EB7Md>__Pk zs+ivdR^ub+(6ATaG-j-L@a~hS_iY(9nW|34D|Nt@iqB$vpwAoj$ib>N)#B<-#D3Z= z`j)zn?{!{||73(x{jD=3Xlw&s*z%05igM)6hl}XlSOb1+hS1XrAB1I@&UX9G^Xmh>q0d>J zW8r9fy{8@^aYBQf+ZzSrrDozWtzk@O`%Y$GKAKc-2!*5T51^(?o)}JiChKM_<;LlA z+2%tj{EkEedlxv4D(>ijgHL>fz0UNXnp#n zznBHypUy?gwdl2fMdAIzT zSOeD9kE7oVSK?9g$GG5y6`50KL9>&rVa0l1X0-MgeYejWDG181*NJ0tAo8!;5Oc(n&h9tB+w?YX?o7wyZKH{vK_*!{%Zg|CjKz)P z+iqKTiOutihejTgaojAjsS*Ff9TS#B)?f zKxvs7UzYU@*Mc$BXoO?fqC}FV!22g9k{k3U|1@6cmfsMAW zP;$Bj4{_K9;{|t!hI|@~s!fF1yLM8K(j?+9Ka6gD;)(ZKzQWZ5F=SWrLOx{QSXh~$ z0WRE?PVGx(RW^ON*if1-m?_1jEEh8meSsJ9P;jizR_F4GafGa$EIg}N?p)`Ld&k{p zUx&Ey-hY+&b?Rl1d6Lg|TO$s6HI3gYo6AGV zEjE}~o?k+5ee8qDk1esNS04U^e?c{$Q0&$i#T}&_xLVjT3>jlDcz8n~Avpm54ikD) z-p`2^I&f94$8~Csk}H3r(Yt5|>@m2{2cN70=kpn`zw;D--T4sO2WXvDvV{=Ppsa(@El&UBi(z+Pp2#56gRmo@Q$*+!(!pXKCr6V_XwN-#JE1 zh4W@@?K8G`rzaoTln>VE!N-+a30%v=Xgxy=YwsPzD^VN3vBMOO2)TqYKNipjR?A_Y zo(3P2G62Udx`vDT*WiaUVeqkkI9r@|nX1@p(!x{O9!V@awx3396I?|fX7Q+tLAd9kHXn3EpG(wcz|v6khora4&Fl`+ss_2k7O^MS|Dwb75OvjADF3~g<|78k{vGaHw>1-UZ3Nby!S>) zOHq%IU-gCC4INA}Ng2E(hr-v?MA)&}1CCEE!{~HVXo&sIG(J_qi|0f5(&JIEP~kEL zMa^f)cYnfl)mNlEW}=u9Z91}UJa5nqqLC$uq_(IQH$N42(mj3nU{-=iB(`CWs(NrD zBN%@b0=YTu4QNIFE&l!JH7U8F2zc`>7%G{<=9evKv2HP{eLDmT`@cZl##A=_@eI84 zB^KRM8sXplA^b!$;_j8sFnCF`D870&mkRkq{M)H0=0qq4-T4F0&R4=>;dtoabPgqi z`R%T6F;K&T@JeJY_y{}Ar>lkc?cm+KLBWVOOwM8H!soxUy4PW?$t{PCzv|eE^N+}- zPjY<7okWza9Ln?TBLpA8YP3Fai%E9I!m2}l{Jp?m`=E0M);L|k*>#@S;E;yVv6o>? z=ON5-KLG*0{W$mQS+;6`9&cYY6wbpD{M)>nK3kp)wL%{}U1_AWm34?CQ zd&I?dKW=KBL|(n}g0_|`*gEJt=&u-tJ1@V+dG*gwUPW+p%H9C&{L#>87XjObkAo_c zK=#&bku?L@$%B&4wEzJ1hYNW~En*~^W zG98O&?Z#OLP78Cg*)-3ti|}+M*pzr3`(3Tjz^Q=w2+XoB!R^}}se|L9KA>gWBGm0x zN+NPU9lht4-a{h?(43-rq|I-7Vo%C_d<5 zEKWI_j_(31%>t_P-q5sOtgPl|jA>-+iB!^pd6ZO<2`s%uYmTpp-+Qs33j^ zG?~8=t$KTiKGW+VtzQUm`6i|lFF0HVZi9#I&rmyaC;e4994pT3WvY?EIPdN&(wT2g zPI*ZRtmLEcbA6rZ7&G?o)raJvGsU^bs=4JubI|Xbz$;}_ z@!m>Z>b-0_z5F+ZY1O-7mb@gao)X2q;)~!*##2^br%eAC21C|5f_dNcA=BrDd55v!LMkll9!(v0y@tdhWq#5%Oq^<=Oe^~@h*ytIM3stq zVmn|ESNDI!rtVXQ2~!lg{7QyvqIU4Jz9+zX(h*cjsw4XX^GMwj9|%f0i*Yx-Mc4eL zX=vv=@e`l%5LEgQl4oYX?;dY@y>%wfn;cEfdDO9vsV7*AOa;>)9{{oL?YPpS4yW!^ z;Omq!u&d61@4C8~Y!uyvS$WYc_v~^AsISK##>dFVEO&C_zb?EP?MXBn$HL6{5)_p_ zi@!gA&*a`&agWAISiWWhY*IOaV;ZYbcknATEEV{DuEOl~mzR z_XoC$O{RWZj))YBok1Z>m5m7h&H4vh@jZj5!h=~;@GLTLes_e-p3y;CH#mWet1~xw z_*3u$Wn#HgD|=@sk1L8LF~ZABBsDWpU?m4&_wQPWjrL`mG}aP_>VbUC-DK1-nFLh( zCaXH+2f^#C$go#G$!19-y1z!2`}%AF*DNEJ`uJAK+mydJt(i2a_SiHbb1h)>3@x z@MiKScqCNFSHtKXim+ASNo2peKrTeo(JpZJaiIuIHb^I$RsL;e7cO5*vy-6g0 zsEe>07isAZF1kME1HK+V557Ifh3T)H`P&Z;XzMT%hyNhc%G$6}Fhu zdmrKyHPLQoHg0)00w?J_!;jk~=tqO8^i2IX_O)d_D$B>f$BLWm+Sqp_UN#DBi3@jH zb{c3_D2Tl-f!yftY)_g$h*E6P$vjna0t*9Ix%&bY~9Cp{59;R zaDU%S!p0P#;{pZIiw(klIE@kMmLcrv>bbb^*=Hi&qfT$^^uX|!-!boW2rh3^q^^56 z!P)_(sG23*dv-VBnovbJI$9`|owXrNeJiM3?rWHI#E{orm&EI5m0{G2rPw=53H--x z#RS0*VyT*di^e8Hn9nBqrb&vf&8jB$KGNhy&UCux*9LYhxBy|4h4^lt2wYc{q0|^) zgw5{!s zB93GHca`YZ#}F18miLLKW zqn@t{?~oT*F*ogSY{*_1c;*TDGQ5pyeVX@XHP?@_H#tLjoh2kU7D)i*lKOHBJKl#&| zZ+YTJC$#u;rNI!ts}!L=+v*UfBv0I)?nYZB>H#P8_ za~R5-=aXNnmFYVFgFH^s5iF%9bLHY;&=+zT=lK@n7>z>WZfQr|tq0PHMeoq~dpBr4 zIVXy%u%*dvJuKd91C%`;hBYJ9A=+y!REKCld;A_UX|5t~UGSR>2=ptK8z{_cOIEN| zs^i>3~How9^bZALXX~Xx^;;)t5b=Fi-qH`;E)6z{ARMyE0jeGs~+sKSV_<9%wvk) zwtRrh?2^7~SKw(`8p#^zLdI%$2p+MiP&4NrabKiI476t96Sc)Sn%fC{|8H0qV?Ayb9Bd^X#rH&>~MaiN)^{?5M`;07$>!K{^sAu!&-U`5G(a0YzF+qBN7b z{gI)biS=ak?uGC?T7o(%C&1v8Y4Ba>II9CR#o#A6 zMYXYk3$Mf9(95+^)~3zC^!aRZG>%go3ZGo;HgV-2iuBxv>j21|60YOsow*k_^v6)3*Cza zsutp_f+IvzdjtLU(iBEfS^h}yRLypk!XXcnff@`WhDj4?B^kiq1P%v}J~{4n*i594 zPcf+L0v}^E2A0lN(`oE=EdZ#WI(WlcECT!CwfwLvH9I#~ZZ z$wKZAL7VNdaKTK9je0VPc6LXha+Z37-AD8g2UU_!q!?Zy8Y8o9%(&?%KS(mM?%}hc1h~=S=9tK zxNju>k{w2$wx*MaSP<{u|D2S)?Pk%t_VBv)aV#uhAj*GkfY6_1VymY64hc8zK~T&F zxa*ci((fK6!!_-2+lbLHXNWalee?<=!&7jpH)8=}f5=-o9PJn9!4j`hW>c7hgrl?1$U8t5qc^t?S^W$D^dRWZer2(5rRT=;A#4PTz71N;93~Y`=YNw?6#jU zucBm_9KRnI`PRVA;{9aqvkv4%Yx(vg3PfMshc9n`i#^}R@M}80RMeHrEI*CLJ^8oU zrgm%I@?-~|uG&a^6iU$RU>!3szs8m?`wzxd{$`_d9pPEOG5t2j9An7|#=QITz{Qt8(5HtgVUc|8;gMoBPcMh8te;>_>Bw&FdiaQoJj682ixFS3M~#7+2h$%QbD^LB-oKpx*tBD3-N>R4?KC$_0mkax7iqCh(Oq z;$TQe01Qg9;b}*I1wr5b>1$EV^=-w~KwS4=`f--3oP7O&hqgFm=5ncCdi$4)M_d(dXJAKjgLo?PpR7YNAe2r@Ea_O zxxiZMbL7X#zpPpGf$WafW$AzI`J$g2@n6CuT6XFT_(qPSjo}yZzSlN3FcC#_zg>n& zkNlv1%rG9ZI}mb4j)d8bb+}4@BHi-N(+*v%!25!bH+!;~yoeuweV0S%Z*d7e=^KSt zf2gq;bF)d$>q7v4g794TXZA;bF`SNcgFQvYaPHM*sQqIC0Up;O%Xkaj7$XOUF)5&# zV**#uo_|(b2t~d*@H8P3j0~@Vz^rGg7ST)wPnx$Q;D<=wN71Imupi=fV{Y8*$$DNFKU#A4zMx#I!C}qi9(UDVSRUGo3DB{lXTJ zADMyd*ELj+X|a2{R~MC@U*bpao}t5sEEXMeD!`(>n_&35|G?qzcqsaij@40{ zF?ZfrA|3GqWLN3pNB=Kko2$(wTwCrauGA@E>s!>ghlvj+oqPvX z4a;Hk#)0(CzZ@tSJBcso-y^W!b*Z|kn4LBBhoa%uxa7xdOm-On9s+;*hy5vZN(n{F zw<>rx@GDAtUFP32`tW0^JRWb*6W-&$fxc-WdimVMNBu6M=*5DwVQ>Ldb*v>Oqjq5Y z(oj2#hGFny^H|Ist-^maE)?xHoQA%WuVZ9{B}$H0Vs4Z6gVS?WNW8H}wCwdGC|hPq z{hei~Ldh6j^q`&DEb;`1GJxOvqCwwr31-TkX5Eq}&~&da9Jftj!*A1)tZQ#*4+mY;)gDV9>u{YDWh11Ln)@Ue(3I{DB(ub=6|Nj#J{q}txZ96y3q z-ca~heirgB^}%tK5ID0wo)|42$z`pEaGeplBK+Eiy|+uzTG*+?#2fIwFV?7e#Q~bv z#L|_+tzoTVA)9D5gxzdap~=Zl$@dWn5M+85^-md-&%%3pjq(ZR8I_M+?bo2@-U)Ic zq#XN=HiH)E=}*sc3_2zTi)E`sg{5afJDg+xfo`&s z=CEshyXa0uJ=p!untmRp2IDK_sF$VzUQzL>4#^js)HhXuOqawX2b-D2;E|}dw;fl< z%24w{4g4f!2{v+b=&Z6ie3@SaZ8JFvqG(^vr&M9ZoEbREp_00f8qNnQj3(0B+cErd zD$Fh)L9ZB<;+W+=+$iBU`e%l4+1MOnWNwGG=Bt?e=VI`aF2vl~)9F5{PA>?o#Q5}h z+7NY+AHSr^bKhvg!2x=BD{b23scp%yByAMGAg#p9g#EbaR5*s$ABK*I>2&WiGoGEY zoTqo)g&XZJ@W1Q;K2TrJ4F$Ytq!nZ~I&W2g^VzS_rJ-n8aE0+mVvxc3cbEwZkRcf}l z13#>-$KU}HG{qXYd-6|&wp?q7Jz@9Lb zgm(wy>2!l9Sa_1bkfn~S;%h2YI*UMZXP(%iErE|IJSyJ$*OjKO7u1wbUg8&>D3l%2 zjXnQ06J=;4-oD0Y_+$~7Z68Dbj4r@mmJ85L*n0%(459&hf?@WaA$W6Z3#|Wigt;p| z0EggWG;%yhd-T=#$Fs)xX{R?CQ8d`@-ohrR-y?Ib`?`!z)OsU$x- zP#ZsW)L^#Sewtad4xOGXgCo}KK&{C{blp^o{+lAWJ?{1p`EEyebmTkAe-48x%W~9J zpDtb??4s1XCbMBd>hN;@a_Fm@N>3;s09W3PdTQ-t@=0O740%rq`_*W>RTet>rNGEL zJLsHG+FVO_6)fpEgvwI)F~gyR4KsX#VBrj@T*&S3Y8L*^U&TpR z5-{xX1$?ZyjCgv~p^KdbePfk}+v>8Qe%EDKyZi-ttP@1TR+y6E9o;ZSxWhh};YrJz zcVS$R44*Y82*!q*Qy+)J&`WpI=$uLD_VzHVjT?b1&4-&5qzZYSCNz7K$(4>J@L&~f zeqd-JxHnv8r=`Y0iPSfI(Je!*ma5Qg7iRE5esLm&+&rk>(g3|S)9GprDY`u=1;!-R zlP`5j^!4so&>1nA_wVl$oyz-$H?PI=WosSiQ(r?K*gh7==0~EsNP%uNn1GQVHTeBU zc9?utfkNjKnya}6Z#mC|%OUo(Kl%n}CR;(Kf;ndCZzn&zD%g-ao^;6gv3%^+>$qgo zBN*glim^iX^R%-qR4g3F=Sym{r2DJDPyaWLs%wPgh$XbK&)*r!((xX!lVjncT)Yo&B-da~eq;r3DRoS&)^fKr60i z;=Bo)z;|X4`tD1B@MoNa-1$x7e0R|Ezh0tltqNV~G7;7<(&fy{jGKE*!gCvi7o7%6 zIG}NaKHqu-${9k%ip^}K?;@I$b(@*D3q6H%A4Cm9WI5fq&TguMBWWFOiThW?Fyo#y z?(i}i#ee0nPxTf{f2YD#Zkj;5F%_#Jy@4NJw z@39Ny!IGsyPCuV~-zUekF4$3(g^Tb{*#K&kvV)E7)}r4!2hhh&maNbJGzJ7r!L24A zh^5Rw-1clC++P^UT}!9&hRq55YLURDy1#&<`%BCjehsZ2Ou#i4v}k|OVaVTo9&t*7ad>-muR#fcxib(q+j9OE+T61e55z?Kny{>}oM z%6zUWduhIgmzWNNa5q1+zxRv1OD8<%mls?ac%Bb)nn@mCJI_1p7YYuNBmBjQ-z-n? z(z=l{UoCyQ~J$?NKD_atH>^Nr0FGENV=O}LES zXg+BCL42_-nU;4XlDcnc_}`ji*pzw+o!$0=_fC2AnmLI}#ZILMzm?In$6@5@t6;9K zAVU}4n#;2XAEJ|2J|Wjv$Kt78P57nZz%NUwkqw4Z`Naj3=<>xcaqr^y7_co1y%+9* zfi0uCRHg~fRrnyXJbVl;`0d8psrSj5acZ!0W;iyUi-o4ZzwF+%Lv-XdzNoHJ0AF6pzVTgVCvB5Sf3C;dvEzus+@csuzmHnzE~D z>W$5`c5@=Q8c6Xmt9q(*^CH=KZEZeG){MP9EfU%6i=n3H8lgV*7F4$^;{~tWxkg+L z&fjthf_tM#l2$8t9qGp(Yc%Mq#VR~M&J^P1H)4AcCq@O45Oh(KK3;53ElB$dYVr%k7iRMcqi+cgjn@&rUVm(fX>E2dt`q>mD3V2ynvxW0dkI=?*ly}7UP zO{m}%e60bqrPBeD%vsN^Nf5xd;^}m0x@N={@WXjWQp9_&Iogd4{XP)X?x@0Zw+C#tV&Sa+hLh>buez#yT$LXR5zcrw*HmFW&M2Tk(%S+wq9;O5XHlF9w9D^6uz~n0Ypybw{qEj>10QQ1b?^DQA%K zq88*m9*}bz7ULX)-=Yia%Y>a&EPJ`SPVnKZ<727^GO4`-sdUOvxO@2;9?R_$PkMQl zgg*Hpc8sv+?LRBU^JDyQf9X~@9M-`j#xJD{FC>BCxQ84DmxA}S;pliE7UtD`V)gm; zAf>6o`sYj18;+T9V)1Y&dM21`cNLx~u>AdH1qRCJl4nj`5;1w7*h5qRphNe3f z@Do=apuW%}86h*0Z_-qPdtGYG;ZzC@KRu%Q#~~Mx@YxO%Q)@v@@HPitD}mX2J-FwQ zso=EeidaECg~`_)0J{&r!ExSmGz}`m-LJOr-k__f5mW&8eB|l3Z+i5Dz+fpkvI0j{ zXT!%nU$`0g9!7>;#^=uVATy(gJel1`vZt(sNi+9B*3)bVSP@3%x~+$_mo3aPOo_&u z2)XTm{qT2>HBQlsBCA(lgZqcq!(-=k_~C8B&mGIc@0mmSn~FQ+{D=p*;gGU8XjB9^ z2tCWUABN&cuT6rdqyr`yX<%jh3Gwb5w}|;+Bk{ZHO3-t91+yft;Y@)SlD16}WI{g@QAZ{F})H`b{~Eq~3VK ze$=mqf8T~v`8)Row(db_y=g|LhZI5e)Xz}#Y9Zb*TYx;c6J}k$Z`bAaot>}tW=i3C z7`#%OCgyI0=!7exq7V&W6Klw(yU#@W^``jI(Fpd=Yk=pw?MX}h3)rS8_){c0k&hlg zlh)|L)^gv!wK2X;YeDsXLJT*)BogC+luU(f>h?&3#CQhR( zD^KC+FG;vMUj}x2N^zOi4CJwDv}KnyE*&Jrn-*?|-FXwZ;j{fj?E!^dXO`d@+XB2S zZ~-LUQc!x9J8x<~$p-zLj~oA+&NT;`V8ZhgI3?VNy4kFTOTXvf>S9|y?X3p+(2xu5 zi-b%}{{T{vX(O<(6NGN$Q+Q`#$*=i#!o{K<@sUZFam}c87&AIS6gh{1zM&?V37iV` zC?U_EcSgKIQi5MOy#&r)8%|vhSkVm!rs9^oNjNos55$~uq-B$3S-^^RCUN*CJ|P|C z!>&5uW~Xq+;t4QQ_A>N(CSux$CL;Hs1+INaX42PvvXa^ZqD~ zymb__^*nIq83R^a;YdD=zD53d1d2Si$@9hC!F=cH=OFQMJB-3)W?)te<(op$wZ31- zT%Q;26?5so&o7bPT7vEp3y80dD!8YAMAx_*u<$__KCyqo6s2?7$WsYm7@Z{E=9h*O zT84-^n!kYDT0Kn58mA)2ko10v0q!?lB+8OSDn8y$oSRb zy%;~Xsb>Hm*zAQ$i-zze9`DG-Q_@^Hy4f~k%t~e^_#HkT@`Bt3XJ*>cBT7~^pk0U5 zXaLm)N3Bb+MJ)|-PPO3O3}-alosT*44j807GU$&RP!nph*Q ztgeGo|4!2)3?L8WyvT@IXXt;1BWRASaK~#I2xV%H*p*O@qbDb_3x~tuf>M;|fy*wa za29rcd*6Z2r|aT7t48qI!Pz)Xa4u%r-)DE0EAz&1N$fcjPo`cPNuBIOOm+DJ9J=8) zzAB7@(R!iKzCNAo>`lU}hlJd$g%3t(7_!u#*{s0w6`op{#M(7Axu&Ztw03Q$*2Mz5 z>sSO7zc_>MZa;_M)^^d2v*X~FZy4Pp9gVTRE#Q}F!(>g1v35@d4sQC&YLbRhRhtiR z;gmbgsz`-rGzc`MU$CvJCt$ApXR`RtEaHFl3kf?t6*v1#BeTC{gG=TYv|gRW2Cc8a z1Ai!&(VAX8d3rsYex;2p=)6cS+I8SMg(WoBcrGUv-Bd-?7v0kXlPe2J~$7?T4v$e?{@TDPQPeQ`F!5KA{Ea`<%6Aj z5m>rK;i;Nq;2)sJS7f!&zP)VzTgY*gn}r=qy_loQ~vbqr6R*^1)E z-B=y537UF;v9I@L*nT`-$*P*d;LV$_*gCZiE7Fot9#4^4B?+2fBIMqUR-og2c^)`tON)*U1U};F zKltG^h!4~sjB=wBND|k8-)WPn*#jk>V5V>PtE-=VIw?tYQoD)Nv?aXCP>aV-En#K< zDL|{9&>oD((1+4d0yWP{I!CWol6pnoHmq>-Ha~mBa z>b!U)Xe}K~rQ+n^t-wcX^^@fV+VXr?_Gc{2OF*gFt+2S^xaexD5x+U&J4PAT+bK&~Z;ndk|B$r(NhlMuG#Y+z|;qs+= z{5eY4!Bj{1qnip1VM9Hfv zfC^G{R^0@w#4mX6zz&zMVf^b8VE(s2fBz@$BIO*K}Nwyc(djVb{EuRpL`W_*OcIELh?~+ zrxQAU_C~p9HSFG9H}Qilv)TK8MLhn^l80#sERMzjD8BOtQk4f%^Oubzc~An@z7cw) z**hUwY{(?`o8n={Yi*P8+J;p2 zX4yOR^B6?8uCm5A^MYaVbW{G~(q2(}ldbssk;Q!Zk}WXgmnFE{sk0=@sVw}PF<5?@ z$>m#92+8(@Pj&Jjy`@rYB_V@W5ATR?7klG9$CGGrU^)xvTp^qbg*d@pj0*R>#VZd# zLQex#I{ua}j1SxgAN5o5_(NT6nlDdIM2rFD@({Q^MvT0!lQ<6vgT5CW=Z~uJYlFtqWFgA z54Ly06;`6`iV}6PB6W*1WcTZ2>@pEL;)O>*{G~zg10RI9RW|s>?iqW1)=c1%jE3~E zUBZrV5_`1iDlDAf1m_oDgrA{QuQ@c7zQIaqty!ss_yzPqM`Q2xr|M5DWe4b7m zBep~4rWmFiFc&Xm=rG-RKiF-jNq9`!43BqAWi7%xhgs%j2z;SRA3ZUHF%4@m*&t1H z=WQR(xicBpD@%}_<8$zWp|;&5*?ll@pDF*Kt%IIRhO%9!SCf|#d-!qqg$+*(!6GRV zdn)$8`@w1KF}K926>b>tF^BbT8OVNIErdTINg{=;6A-e)OC(#bMvwU3Ws9x?wVo4! z8G7N+cT}d`G{i$+SZ7bngp}V9WoFp?4lgvyR*;^hLWr*Zww^ zzbXBRue1Ug9e5eKd|9O)a9Al@BJ8+vB;qb`Zoy0u;UhS%Nh8#U?MX~^4WaA;sk9`ArcNxCe zDZ^YAyP%6k6Ri5-CGP!NPMu||@V?&+n%Qg4iv!HreaU2zaf|S-B<#L!E3QLzvw5!Z=?YwAp<^U;}m>ThOaBM-2R>K5?%nb36>I$SGlZ6Rz6;C{W& zup@RCO-%KHkA*|vT;EgJp*@dDtdyq`M^eeKc{f<-S}m?3J&YT7<&i(T$Iu7Iidp8v zzu>GS3x2s75N@&`?Z4Ynv+e&u_dtCrxzClSA3Vqg%+SZ=c>{@N;e96iLy9j+A5R?* zJ625|5eGH#=TTv00v5O_;QjD)Xixu!o^xXf`0imbi!xwy^f+E;<;089s$h|XKl}DZ zL_%pX-g+fXyB|)X*Zd~Zm08!(f2kz(v3ZCK9{j>V|MKA6k|aDObq#E04TR2u?X-XS z4K&w8c!)#k{kIoEqtzCIZuYX?aXR3d5CyYKrC4ZXy3irE!}Yq3eC0l2w>(z|K5Z=! zo9h3A$a9|wGyFtOE_ebu4`#xwQ4{&`=cOz+t5p1Lm?Gb8WI&}hNMod5Jk#(qqW}Ku z#756&L@exh8s`qj_bGBb^@H2{1wczR zV6H)?$aTXJti3!7?Zmp!_tl*58D0uu1s~Xur@r81sRuU3{oo|E5?nNuQ9k)BJ2v$n zT)Q`kT+r+jk9jL0PP3Lp*-A+|SI!hVvJH50aRF4U+=j1&Z2!NWdpLg3AzTpj0i2Cx zP|n0^)VE7FG%W4`yrNUU4pm zELKtviyJjXmZs)BV3Zpo>%pYry~tk=r611=u7y!?aPh+)oO9r=sCdn4+MFgwyIS_( z#>`>h{&qChu^}gqR`Hvvg4bs| zyb^MqBYY=fh;X<2TCxJu42xihO)U(KErY1$c&uq(2g$!Ia9;ao5m!utfeG`_9+QK?M{ zy`GbEuoT7dQQGC0^UgMY_uS>G2cOdA+4BSAHo+2PE&nmIKk4SXTnZc}Dnm zry4W%dVd>|;K;H{I4wAITgRS3&n6)kvg#rPldchYq$u(Q4=vEvwg%>g>eIjT&ykw;?|8gV zmTht?!Hy};==ydZ{hJhs10|Y3&O8C$#qI~C%da7yZO8Y%5upCbOUUZp!~P|&$+-eM zoSK#n>}np`OAMtGyz4PR$^i;pMsT069NX95VlFKM`0BtcJ1;jY`0Qo}Az`Mp{`3u; zwt6_7tf_!w_*2M%YvA;CKHkf)U@|QOQ09F+*>L4JPSTNq3%85eVZ}07>zqs`2M)p0 z-gEhj*=L!3@iAN;9t82ZPg(QUKH~pTXr%la~C}M@&YE$uY|c)`EZ`*llnhB`m72qy7N95SI+c-6vA-Geg*YFC%u} z;1(G?s*REZ0 zh>cr8Is7Ij1x@8Y6bS%oHu}TJay=2ADoKmOYc~ue3eC6`jBDp6S-86x7UDO@@4!uvBL$AhlQCz7C4ZryWPTy+B ziPh`zPPGzOyRZpPhepD}>s6pNvjWt;i_k9g340nX$xp16vacp$QOI0+ zV!j7F=zK&fuUgQoQ@23p_AHj7uPt(4T7pik-OOT;DFl=_a;rrQ1DExYHa>;UF0tTo z4nw%fv{F{H{tHTG&F4R+l#{Tnx6nj&0&_oi6#Z_T#Q>jZ(f5)cux0a9_?h#brMoX= z4byHCE5WJbCY{5+%5Nd6jW-~OWPH z%X)z192H!m7sQ}++nlx(zk`Gh&FV#i2H>8ii{R&T7+0SWct=W7khVjKUK$bwj`rj6 zL#7!RmTf}4ow8_ZZOeWN`)u270w-u-BRMVWiOU48*&lm%@lusgVk|VBnpS0iYuiKd zBXuo2U#EsE$LrGCQ5|q~WhLpHXiThcf5lMg2>yC>8B^?Vp|U;|Pe?3jgQm?Wl{W+pAJ_Cz=qab2r zGgu``@?nLga3n1n%j1Q6+8hz7JNJa_TuP{=?rs=;=`6aQKaIOO#mp^K2{$>p!ny1x zu)bTLX2vM+k8ihv)}MIzSEESFpDMuGUClU8N5s=!9vAM_U68IR#b>3f(6hhw=(kmg z zQ)7<7!LF-hl@#&fqf8pR1W4Y7!Ez>55x1L_4xRGAU3DVLDYkrB=?mg+|E5q z`Yj|mUv?O5R35QWBN>|$tjNz@v4VMl5;SwWJIqvC!>*RL;+o5wA^*o7)LnU+I8Tbh zYKxDyr(9jIL}>ug*ZIh(U#>W_eLn_eSin<>In=6XBrQ!H!coZkdBrRTJJW*_bhW zsV0x1ZG9{B1{T2k-4p2a8-xur{|zZ=U2MgqyWrGthm4$Y5-*%QC$hY(2RqiO^O+M3 z;LBJG9)l_vld%}1_mzv%hN{5Rp)2{O@5NZX{1A>_mjx2C37|~Zu{wdPmi_WIuDDWz z4>KjfwbY2;jkbWzH-t{$%csz2p2#L%-%Hn7TTz9ru^3q4Mp}(_FxMb`e(mBhroX;G zJRqozeLJj6Bdi`^!-j*{uwH|=`W1uJ_Y>qv?k;$JLWDo=<-&G>H<%SA4|(C$=;u6u z#vQo@XX;WhH0%gAvT1zbkS?Yl7{bD4EAc$(G9($RNQuIdY6-;@c;!8w)&-T4XY*Z2 zA772Pt9|IE?k04Y)gg8cy)SM`w`W>Sfe^%Q!?}guSht}%d~tJwaf$+eFuWO_sXT!> z3)J}=`yw=NS&Ne;{Lp>0;HOU@(CeQGbt$vyorTA6VdX;>wrL!eUDkz{Zd1^!HWm7f zpMqgU3wjH@dfM{%d9?-*1sxV|>-hXs#^ zqQ}<3bkC{P{8alJaQ@Q7?p>@P#a;%~*TIlJ{x1L@OWRSN@(SbgMiM=bM6$tU5PL-A zz;D7)`6B!$lN zk}$~c-h%HP4lvHoum-)yKqYT6yFV3>evj zyIn1ExOHwgB>5@eH}MlNe2?t?zW;F9{M{_mKASlDEvA-NmP6LZr=;vn2riM`i>6g= zINN(azTcH7^r8!4_0L-{agB6ULrx|>a!9~K&NI<5!H^5 z$<=;I!SP&+QlIkS=RYZ$7LbVluGg}GcZc8+-xzQoP>#nk4zQ7%hEnTYWh^SLAA^VN z!WTuO@mISFn>l3_E@`-l=q|Xk^op@T=L)Rp5fQy5NpxSNA-wL{jX`ZA`O&fcOv(5X zeqBBTlNQNC-%t%&B&W*5Q z(=rIMg&ClH?n*H5kAmaLT`bVGhIn1L4(sxDu=neJaNI-bzIrw6jZ*^SQ#ow=f`z2W z#E#DE(Zq+r9dP`8I;zfii9=2ctWx1k$ms6~^5e#Fwm;?}dOp7?diHo4XuloKnloeZ zZ)=!%p`;5OunGo~q~);1ekc{)9Le>!-yj{o6Un3J(d<{tbC@4Bg7kY&r;5YY;G(}z zNNrvVuAVcS+?2|NRLwgi`}PpF#^pLYKPggV|0x~1Q+r|MapA3|hOp_oM$ww*jFkF zxT!eZ?&sifA{QHb=Dc7Ut@en7yo!(HlHzEpQdP<3nv{T#)DB{k`V_01g?;Y}V_f8Q z-%jy`JD0wf3_B*e(zT5aT>9lL9KE?7lLTI#yJ{|eJaY(qA3MSd%TjnEaAQj6E5cF1 zxnZ|Tn8CcC;)a0J0t50Y=>Kd6g^5z+>ZXTe&4@2}?%z%Hot9)*J~#=k*bSk7q<`b| zoDq1l%!x+@XrqBzEU=VP)Krfp9lzEw--Ypb)*A4*k~>zI33tV@@8G1uRPv)%l|HdC zC8f4&=%}?hxYSAx2bLn)rDF@8dOEzuTa$*2Qszpl#?i+UM+sf5Y>|1&H&nVf7sMTd z@wD1tEU2v_RiEZTjFYFw@Hr#LEm3~ER}ht8N$RB6)+ zk#KzTa=C0U6XxpP^hYG^%@}^^{~57G+fYiF{SB8T!k@KoMBxtMxcbEqKCV}hyP8OV zxY3j@-SH0&x$T3p?PhrDTP?Y3GabLo%*5_zb0BfnU659u!`zYs;Q95d%+~Rgs5j;d zeCX)~d7B#6x#P3whFmFb>1Ze0QWKf6iZZI)_m=KYH%BmL;FAiiM1N7isX)&ZWRzh6!SiD&{ zk#yx2K#of;cwdcYP2&b@Ym$KWy|q?=5m7GvE596t z!`tSdAjHKP7GdaExfk*$_@bu97~a)57BcO%q4sYwl%JhUmrlKo`KgMS^HmEzHOld7 zgGD^)dId{+mxDjg1(9(Z6j3VsGpRq9#RiQW#3fe`;vv!;7M;_@h1Y-Jav>8IH&$?= zcgav=32i=qPAvJ=x`P^3JF~JJ2lAoFidt zVSE``qWM^qm+eU=+>e9Mj&q=&Fo^f=lH-?OABD~L;z;JJ0(|774T1lu@!gXo=(+9% z^!8t6i1y1O(?4l&mk2x5ERw<5rM=jb-Hc_@?)c$Z4X&E#0{_X}AQs!E;jPoJ!Ci7W z?r0j16)h#KuGa+a{w^TyS$Dwayb-M~OTpGsB|cuw79X#FK(gxGaee0-T)1%)_J2ym zo0IauR`oNsWH0Bj8~oX5;U23a9>mO7AHnA53vkAd*@O)lPRBW!1giJ zeQ7f2NF2s-&#kH6vD277DV}v{3;+IDfql@aPm9lmvF~08lMjw#dn9U5RUqD`jQm2@ zxO|3T!_3$;{RFt5vw?hlr3I%1RzhD#B{^mshC2s1k&LVNiPIuVt0#IfEpt1XnfX!l z?ViBx88eBW@leORew-+}XbI{(|HkBt_OhvuR>7>!LNL3s3s2e2AVuA3ukcdO$AZ4&KZgVyS ztBpqVq|+>V;C?BaF#0+kJZA^56FGTyv{p2(>apm;zrl2z7YDsFWAJz6G#-(q&b_WF z&`0-wGP!3l=v~=|MeD8bd&^07vhOI#%~lZ|A0^~R-W6ht;0RZ1k)c1%UP3Zl6^b(( z;PU#ta9cB&cr7W0y+?FGdSVETNnZ!<@w)IO<0QD2$n-So@m2P&nR;?_XO;)+rP-`6xqrGcJN2@Td~M^Vq}MO2+d4J{!S~AY(|eKLcm= zK8aX~0gG!32B*U#;iCF2Fo+LF$A$VZPFtEhlvSm-mZ-y<+1+-b##f2@?Q3vmXE4*! z90BSj9psa!6j$ly!TPt>VkKF1D99>@UydcXbj&-}rP+uQmP=8tZwPNoH^-A3#==Ga zgScdl@O1-X*I`EZ><@sUIG+xYU;R?Y>SLE|(Dfa~x6wyXGwn6V2t>XE_Pmd zO7!w!Hi+*C97!K#?2neD+YE2AKDQevHd4jEw;zf-UEg55mIH3Mx0c#{D!^FH{os=O z9b%m7LGDvKk;pA)oBy*V-<|DAoAPrK7oN+ee$9mF-4|hTha)?(eHv&^7|pltZ^yt9 zQp6&En9$FiL=LNrMX5#p@bGUciH^>t8OX>z|5}_JGz2b=*o>_rBl^U5J?S{1z}<>e zaEhFeZ#AAkjl(y>(P3AZ^~AdZyRw};x!r|d)`(GVu?yQMDFyo$XJJ)E0_MJT6V24v zglnf-!{vQ@;qaNukXoZFbk3Kshn3E3SXn+v4qSm>-_IlKUWSS9Xl%g$ZoP&s`M(g- zI+#9sGlBn>8_Jt^X!D{wN@SX16mFUp3(xy3;MJ!{u|C#WN zn8Jv=Mo_b2B1mu5hRxDb>Dn9X_=`Ian670E253AM-3_s3kF3P_ciDQd3R=u|U0Xz& z)1Kp_Ki9G2zayd@Cq4)clRWT?i^o6pn)Gj^2{tX)V% zrr4biBc8RQ|I9kFaFGF@Q>%`X6Xx&`w*i=O?g*NxUl1ub9fL~gK{)+IIx3oI+AjN3 zi_YgBuEeV=drokMc6*u|M zI#ltU3!WCwVA;c!)NJ`+KD)+=$4vD>Z2Jyt%3?*CzuTDQ+jp#>)|EM)RHD5e)uJNz zU|~Pj3$LPILxzVG$LDeUeabAbZ4tb+D+FBB5qo;CE?^!TKFo$DD7+wcy+>ho{~3|#t&0$-Hk>Zmkb*xo_k!`A80^0;!5$xu zq3YEt?C4Ynq(fuz*3=DxE5U_7e7sLo@bEbM&9-2=kQ2urKSh5!+R^y%Jk)yhnrsjF z$x^dl;`YK&RQqjCRa}kHfAKJSNa6y-Tsw@PU*$rSj2Trx<7cg%( zHfop939_C=o@fh7~@IwutEdkD~MNr~3QjxJ}AR zAtNJ%lr7xzKJ8KxZIy!dbn)IB&g7?o^w{$BzYjKSY-4ss#yXk^ns|TQ- zK?i(Umw>XlLtykGDQ*>G41a~Y!9rFQS9hGnd%p)^$;D)`#X?0W)^VaQO`IXF>;BrrDVbjKHy;zJuInPs!V7cA^pwSCAVdM}Ic|gB`DTBWhp9lbste!Jr9m zJg+ATH@=XD7gs<>WiVBl(S}dF%i!)|PHRE? zpdYYxc_2=TNMN5Nbg9(zRB~hN2NdO5^Q*z;bj2)LO!{yE{}n92#XUQ5&!yP}Ou+F~)f2PY*IVUAPzThHeSid0M;}=nd)^Ji< zXN|ADo?w7v2G&~Dih|v81YLI!c8oBiUL6F2bJM`5Qkxb9Uckr@RhrpiO6|p70>8}y zcI}&6l5talyWNv3ec4cf?;1O?QF9o(VE6$vgsgjeGb2-MPr~8pr(uh{Crz*02|@mD z&Zf17bcTc>S7;6d|K2mOC+rGDzE$97s3eyi@?N;d9jVezZBi%r;BQ_KxVSYIoK~q} zteylPygD0pT(^g{FSk%%`={tUrvc|J6@&kj?>MC+j~!Mn#!)GUQGK{6*KR$4%NzT# z!}A6X-CQg9se;n|)T}*Kg|u4YdrH#S6aIl82ZTr&@X-AseL*{bFL@5qQjHIeJf2q)JbGZG{k~st!*TF5#P7>SV!tUl@1tD4K^Zz)>?B z@rKhgl516tZ1sCwEpY>8do;oI3J(@?U?^?$(WECj&cnT+BHWN;Mo)Jm{HJ@0{m$=Y z7c>NKy=OBCye-12*d)wST||cANE&wN8Czwj#kLndB;n&nlhbAS!mRTYKIc3nwM2(b ztUO1^;wV_%a2zBP^guUk3H<7u?Gj}ZD@xz0LmT4cMJF$6a2074USBvG(?j0kLMp*? zE~^NAYl^&~VgXFPT|m4&-s7#HEO7k3OZN{9=mSp;H#B>F#Gy3u-uU2(%v43_H*mR&(<<5 z*DWI%yQXl@bSDg07X~Q@qOkAHS)4n#i0!q{#PO{Q>Bud@{r@(ZjQlSOx6~gXO1EC( zTBmC+-!yArUBeX|b$kVE)!Bt~$WoAZ%!Ror)A``OV>ow~D_&Z2U*vbJfOJ<9T3ObO zl`5HNcI^-Qcz*=XpP2y{zX;tJ3GF~%Ok&B4lGtLG1JvifJgre)g&hy$h-sBKHiYH~ zzacXW9_G&7?IzMwRu+QaM+@nmDg3Zi4g?hZ#ZLZ`b$c8klfLS}e@4rx3z6g*L#@T% zG>hP%Y%h>KgUOHUYq|F}8M3t^jfl)&kS506&d*Ph_%_cbv2&nI|0S`X%= z7r>(btZ4NP86Kch0=EKyv~_C3N%I6jFNh)TM%Q4*6;=2-E{v_Wu!r}`$+*kq9YlY< zjUHYq^nQB;o13r>cfMRmJL;A3XudIb7xqBIs?ITr@f%Jj-dqg+CI>mOxdAfDr{LKu7n1R< z8J<6>AVtU4(Pn{f=C<`2QRksH5!CC%rB)k*D-L68Dslc{+Y|9od z?I3@rmgAYH7oqR96F3$u6Yhw};+b!*z@wf-90Q3&ul@{lU+>0}BvZZ^e6i9*ipw1x z0J3UXSfsFn%UwPLV&}Wqt~3N4WctaSgQ{Hq&qY+acmpc?Q^2)U3>#J)$4z1L>D{bY z?C8oO8{;2C_oUav*8e4WBxsL*UoVrD8wP{ovlF;x#ABFi~bB&Oe(*R&5MS>x~^$3WxoiUqn6|2$P`eP+lDLNh_Jlzhw~s89X7Y8 zOWeC}7+-y$7%$IE6J0#Cihubv8Iv@laB+hpcNFx8w!bu zzmaM8&x2K8#i-HrkEDBz1SzdoY`B&rerUFU=y8hNGt3DGNbg{6D?7*r%NXK&Vt|kt zj0LMM8=Q2&fYmO#z_b*t*9gGqAC`hld`@Lq*?&|R}nv@k!4wM}#-J#7LLCqn~coPV;dDvwBQUpAtf9(}8K z!Fg8W4Y(qPz__hfvFAzxc8o4U4=o2&t9l5n77Fz3xKFs>Cj^yZ!_f8FW0Dyo zbmlnrvazBx$P@g)A5RzK>6>zByu2Lx_EnGz9GJRB++ z#WOKebjH*V3@-&jTG>yS5~NSB?U5o0auK4xp`#(Pte9lJN@7`S8(Hr*WA@={y0-up|Jr}I|aRU!Et96?~NmC zk!U(Jvu%ftkpbZvuvmFCE|>pH2JbjcOymaQjsM0{*DG4grf&|Zj&{a6)vxSjzwjA0 z3z^4#1*FL27`*v>50+1L;}?d<^1A~D^5c8;dA*uHmD`cSc=UXlg4=% zp);Nroaq(Msoo1tj~0X5^)L86TAN$$8V6@bOY*i!gU~JLGq`(7P-6`RzG|8t3|%PC z3-11e-JN=LtGhMIjhsRs4N3>Sgc35gMU8t2*@NM4ErjgQB7Qxx3Wv%QW-YDG28GW8 z+w@d%LeVbRXq78IHLplCKN7LLE_W%wPfBVe&e=y>bX z*SPN@*l-TO>L}8^f$!xkh<)P$ zc2LkwH%v6=Q9}%IX60b`o|yozgtyK69f!~|aya+fBZg{WS8Oe?1Jb=;BZ^FU`T9{j z`foJe@f(Ehts$bW7s|Zhn-;Gzu7TluKC-&fIm~8+6q-N0hyf6Qda+k9Pg#r8{uuG2 z&#SO!ryB3@$%I|$E1+jXFZ`(50g;{;nDUm*EVwQP>g0A}aM>Ry&$mL27pXA6=N0ij zxESMW(@NWir(mt37~h<>5_+TO;3vULekvskH>z zt9q!8RpRRhF97#tw^(?j8=SrW4=+k|v00XB7+=Xzexo7%;Z)1^?DV4xpQdBp(Pr=( zYR_+lPNkvpRNJn-g^V)P3$1oUi*OC zaVwAs{sguz(wNe?9+HbbfP0`5R%IFS{X=&0EV~QL?)6u)cf2Ip8HPYo)h1R_UXB|* z`iR|a8@8ruGcsQTKE&$^1dTk)l2s#N{ysOTE-@ejPkg}#JO7faN;~o0XfJg4K#*ya z!Xv%I_-|`xF35s7(r=UPr}OKI-;)H6>OM!BW%9nhsm<}V6QuyCq6fW z36W359cN;R=7rB#bSxhy>6$|L2oWYIX+ommb+A^Kr1M`~!cI9!s@DFE{fqJDUpwpZ z&bm8r+2fSp4>}<(y75cUFs0zrJ5w4{x}M$KGzBF}7W1C;Ti}1?i>Upj9S)r}7e^X? zW@DQzaDLcT7K=TlBfW29UdC9eq*h7_!*sb?+%u%(yD?y84_oxspXv!3Sa;$pcJ1bS zm_?(A>b*6X@v@nyRVTypvf-%H)F)Pc8^!3 zIt@ckr{LV3L1^-Xuz($Y#Qn}DaM~-v;SwW6m$&#~IrJaG5x$oKBm4a`0eI)xnDi37xJn55efdh0@htHB+j9+!b#DSJo z=x058;u46w%SKa=IzdTNYpuQ3zM8Wz##Iw@H0sZ9<| zR6zCW7O`l39Xrz@c=v0iN$rGd81OoP{1Wc=XW4>}#77e{n^W-Im&c;0OUL0&*<|W> zTnTm;pTX`U<)RYP!Qj}I#0oXmpmome4A|Q75#LCrqw`I5oHkd;Lnx|KtGHlvJnG35 z4xYzdM~jiAz5{=uqfw(s4K0oDvDVLn=tMIqzI}rpUY$7)mU#kHYwaa+wJ&kPM+2(w zGo5$zUxJ_$2OyyCIyCfmk{N~LNcE35%xa!H=6nyppXH1B?j^5?*0<%lPFL8; zS}Vx?Zw##(ask&q{VBG-O<~HdhdAl{Ks3ttfyR>uxbHtR>ht|GstkESY(kWoRE;|Q zd*UV;*}M*i{Z^#5fm(3Du-kBg?`qgFAy?R!7G}n>OJ`N#;M)bbR=);xr`zDoq32LZO$;B_hhnq8C0-l24yRcQTx%^k z>hN3#3=;%>Q}qM;-IRkH-W0&6xD5L9$v^S(x#xj#jh7S4bLV-Mjeh3lyI?;P&=`;RI6FXtiCzB0pQ#l&g54&Cij zgFUksaP6Ql@!$jztf~iy(siR#&sb4qTYWxnzB89}5i`q)(WJ?43n~Oui&ymT<3%~H zWZ|zNtUIBI4ca8ILEIn0k-fDz`_Luyin%MiZ#1~B@^BtfZ9|5HBtYHvG!Unn5|wuh z9X@+uPVq(Dxw}=Q9U*4l^OnKzQ!O~Js29>Mbz$$vQW$B);ayW8`tE&5x@`{#xsjpx zTQQNH+G`H4j!Mvk!9pHso(884g6B(AkDs?M6qn2^L8B$3aO7%9u_ z%Ajh!b#~GWyNP(*|26oI)?kNQ zFXHw`4yDJ&JR>`Gq(FcFcR{0bSxiR{t2UEt!dP| z-Q4k>9lx=}4%?6IMpFvJVXrH`Px~v*Hm=5_{g^**4L|%0R zQy(8dpMhD#Ex#6hiwDpp8**UJwQ3eK<`MBYf1OyEb>oFQ8Cvv>`8rCeV!-gw)xU9v5 z9e1<@^NumNCa)LbRxd-z(0G^4>zsJctmULeaFQJ9GUD=IQXt#@Eq*R~MA{@WnMU0r zEV-tLHF>X@(w0Ej^Li1<^P9w@KVLxATn%VCug7$*tb{r5OQGT10h|ugS@p7Hh<$Vj zmUDZud}}8zIlm5$pB8knXVO%)E*EZ`iXtP7Y`H7!A{SGK;>y$na8)=5=c{IrJ8B^? zU8Mj$H*RD`Eu(q$iCm0b0EEtbLPmYOip~31i5@%WL(^n^xTWO*zq5w$U%d)gv}rKC zU@Gi5>ufOcX*B!oDR3LKH6ZSn&?`As*jqI&=em>cZx|}D8~Ih-(pL%n z`oa88pmOP#Wry%>ZW$at8-^+o&3OJ}pJ?j)WOPzkMb7_l zx?vefa(@n^_GOWq;wJRIca=2Ti*U-#QS{3O34Aqz;Pde+V*867B&sq7EB%y3qHzr@ zJANqboh?OcUm6OXs>^YXnKFqxdW|$^?LbT^$6v8e;JJ<&)HX#BAI(VqRAV)` zZ?J`V=eRg9J`9H}(7=PMKf}fW1<-Oo4u9Jj!(^>~oU+jsW~Zhy^?fy1T^J3k$ra4{ zYs&8rO%e2@Fup@+1pO-SOv|iKkYqCkkCGNa&J=HapJK`8?%M%TGky{GKphC&H3%z{ zZ(yXrfO@$q8on#&@b+)F!CYz|{bM~4l1|jX&b1S$*Mm|~>dQHF^tf0wJ1OEze^tXD zt9dm4{cP5kcNVj)L*aB)3!Gbj6sM-j^YVd)JoAk#t>5Fs?Po+nk#N3B9d;6JELetL z6RbJy+lFU#JK(Ik7)~#ytn}VQs$V7akZH*9&XJGNp=Abq_PL2)|7*tj3B&lmKMKei z)aZgI?O^YvMbulIxotzNc-t-_F8TTykNRB#t%qJHxAF|Sx{ZL6&{tUHHHgyz|#%(V{luaPJV94<1g}{TqzgnYEZR+ni6h ztOc8=mE&dZ2Deq*;Ni19{GeY25tQ=8lNSHrxuTI6%A2^MHd!m#U? z(O#*6q;7a2mR%M>mW6v09rtADvTy}17X#B|dx+BLk7P5QfxSnqV3}JL{B}LSE;Jt^ z?}C3}{`fxj;>-)ke5NdZB56(hcD)dMo}b}^;N{*jcMyN^)j+Uj+rVaWnCyI8i)9g| z5NKM4=`Qz}?0v$jg#MkGUy8`NJ8yC6%+v7m<38d|`>{aI5SD2i52Y^({pj=$XHd<@oEn5kqy76(=I>|Dt#)T% z#I48TkVnbn=tU1)7L&*)&a=gN`~dbB9>j(dQvBVUEiA2U9PHhZ1bNd|Lt?(b;b@i= zypZzLx?=#h_-zQ5XO#Kn4u5RyNr9U2>bz8Zfi&NhrRj&1*|Gp_u9~Ba%X3^YeOn=M ze_R4qDMBAz@=_tI*2PA7C1Z&9RPfQb11T;aAW>cxj-HT)j8_hjd91uNYDg-sII1Id zPVU6jo3o(wQwsiCR|zp=p5V&_VfTE%9#xj7@LJOebjt^8Y#wkL?#?fOwz@2sw@jND zT$JPup#kvqa|FNj^0eq~s0oUWjD&9^)VYaO1aj+FnENJ$l>e!NSDz`I5=6(x=W_z5xqJCglx_F>L8BJpM|7R*wwjzr#mU8+9Qgnc7AkpOPa(cD=@} zg9q?rUpY7x?ZbRiUy+*8+knZv1kXi+SG98uEI4};NB6FTF!?fkY&3#9DGq}4pHlRA zd>&>`41<|fU0~$4gcZuTQqQbj$RDUdH(p(Zv(Bo}VAK1gn6DOf+|6dsg}uu8b@M^V z_ctl3Z-fy)XHhMKEuzW|Q?X^eI-gVRA@tiHV?p?E>5OwKUag1Y8%gr$+B}aRix4 z&&z93X~U89k<)ry8QsU)-Oq!^LTOY~SxS7|2T{FYg}Bu3xwzx8hz(Fp#NwJow9vm1 zQmYiG?&Fi>tLZ=XLtn@W&0WMcz1hLv{#j3RyI#Q7{wX}e%DHQ!4aVyVa7$ z@NL4bw3gj)QDGt9kD#TGH*T;j2M0+d9(!pP-YYYs{b`(Rkr{|O*GEEwfd(C6@(I@L zt0yBTNI>)Wsa)gyb>gSy`I!bqJK<;)lC)M;9vs6nEOYtSg!-KHmjY$kGirS3L@t6757JA&bzC)>4-knT{W4O z1`gmWEYp}mpC-ya4kd$J?5OzoI(~Sws^g2+lAHoO)3&*Ns$Pj;2$;AbhGedZFnRm`Tv1*^!%!>=&! zLOg7Z*Pzzs0kC(-3Ak^IBt5{6CJK96bIECR=lAUpyf>9pT7^Pw*)V>6<05W!APalu z>?R3Ebhu}9F3}id0DB8s*@WdP@M3`+7RF1^B~p9fh`{M+YK=r6+jXVtetwX+uMfaA zi&-b?P@kJG;I)<&cfPg;KK2-~{*l47XMQW*h-_y=V;0hL=ihsYa|EAS;6iC~w@nY5lGONf9Vt|)Uq{11odyUDJtg%JY~B7F5*H7ncXj{5 zhDZ%6v*|h+xFHQLQZdd?h#*fk&7_qXrUKit08Q-!c%kWF`f})HC=j@@--VfN+ei=C zR=Ns0ik^e|&Yu`C?F|&4I1VnayIHO^;RWG$!S?1X(TCwa2$5sO6HiF;^-D(JWW{_C z`o%#~y^f?_c?`9AQCR)`9$@80{%7(k%swy>vjvtz%7Hg9qV^od>5qkatwi{^=2@xM zmwu?;)`^*$J=txEG#n-QfJJ*{k;93y@OJ7fI{cLihh}>&cD{iXO~){Qcs%siox{Go z4P@ZW5WHmX3Tu*j$-8;iN$4h3cy^m$)VWODFgppqsb*o?8Fy-3Fa=U|qTtBX^Xx-| zHCqv!4lVA&d#62-#Wt%$c(X1Jx6!A`(|h6U^|eqen*`%06~N!3y)OQ3d7=ZtJiPPU zz|zmM{%qGjJN|ZCDjBi3k8PVjgjr=|;+oO`Zo5XEr$|^+bFK@$cTSL30}>&>=Q`B( zJ|a>NO(F43BlMg<1Vv7#v8vDlLuO3kb%P{e?J%KNaDcEg8aW@sPJ}ai<0=v_qailG z+emhlxGUk5{s=?RHPf$_wj}=~2pp_l-aMeAbzwnKw%XuL`rt)SEwr51b zx$FpZ@`w2~GW zzdwryR{;9)^duOv3XNiEn!xVr?qQZHUAtt8?MKb0E+sLWkat@nnO* z5q#F8g|ovI$==bgF>!AMIeXKG>bU(QZ&$1Gp0{^JMK3QA{=%6iUUBA)fo+g>K$2f- zv4`DB^T?9hjI2Ad4Xh6Cfv#rZ9$3(g2UBM8TjC;2Eb!VPBycj)|Yd)aq`F{U+qP+?zER)Gw9b_>Q9__D&s9@W^zbHCLeVpgByabK$8u ze@n~9$l?frlQGDw9)3CLar=!YK%zJcTwMjW^oz6L<)O!a%r#}PgSCmAuPnQqES!<) zd93YlBE}!iC#Eyz2>yWzsQ&f$_zqY>lkxhSXsqkGhTnFt2RG>^h!e8X zYZHG#RnTE5p4J9G6+a6aXC^89QAv7~q=k=uDh92W0_Rg@WaIcEB4wz~brMf=r__`9 za%&N5Pp!ZUBNm~`++Jp>7KT&bPNo`9EMR1XBK!5VS@h)jK^kh{$0t9y3xP}a;f|za zPH%4hUx}A)Skq%?RzX?_!7-<= z;Mx;EiT(KB>}iYEy@4(rfA71fWpfdGpFf7lR8Hp}5>?PT@DN__%!93A zhp~7%k}sWMc(U&ZrzfvLkgXT%ar1_l%Lk#xcOcL;dbDJE5JVe&DfzR=CYxrabg*J z<7r9P8-62y^$&ru))~yuT>-BbnW8IM&URWwi{-`*hkUiWth3CCU1)8F1;?DYkS+j4 zTPt|9t_8d!3Zb^bo*qRzZt&Cu`o23s-6sj$2|ro#oaus3t&@GfEg;LkIB7&cah-dSyjQ7bCh_+$_KW2~0WW#5ow^Dq zp#uMEQ3vu9lHp_K2)rsa9Cw+i!p5$fxKhr6&gqGR`KALYduWX2U!UPb$sxRYuN+Lj z3Vg|qDPZvHD!hDu4v|6;7p7(Nxez*5zyo?x7~&o$cyaB(V7QI~I}A|CU1IC}*lVQ;GjRXh!~4kD&hF<#EE*U&J|C zk#88U%r43=!ibyUu-Vf9g5I8j3Ozgg{AM%D^vD9~5Bt$ZaV8X-s1?id= ze7w>zc=&KSj6ZY^Ha5+mc0atpgp8pxZ)CvajtO)&vxKhVlVn=wX53x1gIipEjW4wS zu~#x8TDDe|oNSu~Gc>P5@Bpr;6T4*ti>t48Ib9JoZLCk z%x0{b1#*cGi1p-Vfp4Tp@+yUXt4c*Ua=;vGb3=umC(T0n!$G!u#C1)0qC0|Cf2kqYJ=##Ty+J%+SP9N;@r4Nrdtmz8 zCH#SOB@^iIEHY&Rc&9|Nl|P>&%N$9amo4Ce+$qwkm`6>nyu`=Oz5=IJj^(?z;Ogp8 z4Etm7<}GJh>Y9L)vqs~V@zQjv>N@^Xx{`EE*N1@_f8eT54y^O-Ad?~(ENiY69Z~*@ zeOKo3Bbl3*Mqtr!sKxd`0v>bp|dA`rO{)VX)t5Gfr0)W1-ar zqMkm1Pc`bpbKbG|RJj9wXsd9?XgPl8d=PBWEC*LFTbOn!2c|naz^3+09Mwa~-S6t4 z?6wJ}&-hGsyIv*xHcuwkeSL_zjy(UhdI4HR$a4M7`D}^Baq?gJf2FOB=2YcFE9%S~ z1OMF-d^?dDy_skFQY|QAd95<)f0nQY1X~?CS1643UmXG zK<>Sh%&~nZ-jC`>*WPS2aa7^CjyjNG?9J%f5NcGc#tY9&!30f3`ob`~^lg7SQ91cn z=+FE~-tBpYK8=^@C!=@Z?dXJXJr=GQ$;0I`eXKIdVJ^2L@F?F6h1VMOtx^O@?DkVzNZ(pXt()@#@%Vz-n z>A4bX>Yre?M>0++5?B#OBynn-z<>&~ME$cLT>Sc02=_q?7`&biG*+4~T6IKRd|#Tr z(^lrsC6AQo$*({f7fD~tXlFf+vTTQm9y~M}4VvR_;fjLaZ2P1jjJbY;b!U~M!wgB9 z8gYymd_N2qf(*odOa8)=_IT>(u8pc1?H75y7Wtx(BHI;tL=Y*zdY(u^va&k zkP$dx7kv1$@M5SPUjPFPt8rOlJimTC5*9aj!eQlHTzFibJ9KJ6THqjh@BB=9!o!|N z7A&Qw^t_?(g$+OD*oHyfB5G^&0k-~DrBm+z6&R9nXggh(-pJ74rspl8Xln-y$P9y` zf?Y6f-)nd^LKECRtf0;2F<`S^lP|ia!Po8?35NT((xIVd-15I2sCx9dz$uNymUr&t zf{+`F5OT(6^d-@CXBR}P{D;QA%g{C5izRKkiUFpR1*)h66pZ@;+O{&ZCG7@S2#ksq zU;D6e<#E)klA-H-M$r+EchE^j@5M*1O@QboQ#@4pnnVvcNsZ=7@I6LHF@9+h!Ohdi zmx1n(_B#OekwEbQN=t%lu`gsZ?Dy?P+Zo%0J4lNw2S(E`YhU7zPFd=kpo9liUoxYy z!PK`l6Le145GkkQtit3wZlB_c;ohq;nuMX%wIf)*_b1#OrY3OcaU>l-NwM;uFKah#G1~@Y=(B zplVt?I2UH1!SKoGq!JHXwuh4gf9sgc#`PfW=fL(D{BwCU%9-yK`hit8enO)+Yw@aC z46*(f2S;~G(HC-`aik~%+@2Y5qgie=?(li`Q(z6e8}>kSajP0lD2XRod?nqeB+skL z2B5+IJp4&)_^vfVQ-EnWPB%l!eW`TeAHYn?P4TB!$!h`fzuqWM#9yXVw#xsQ3-9{d#JIvq?&s))W?p^dAzmDfM zeS!J`{(P6_G<+j>9b;m9;CqoJ4ws3*+`v6&rG!w@vN8qGg_Mr3o z2fKMR8aK?&j_q3; z@l%@(#x5atele%W8jh`fE9?c+Va}Lrs2=wQKeXQh=Ka&bZL?7a2okpk%4*+D~s=i>uc{rl3jp!f%X#Aee21#2;9`2 z4e!xOevZJN(WVv?4`IcwPLxzghHd?_ARhOe1!@}55yk`fj^C=hk&Wds3!+P_u9g#M3QIUO4PDpXBmcG9@!+pPFn_&1+B*c%&*r0f{>=k)houx& zr2Jt;73#1dCz*T9iX^Ic9Yrrz{Q-@|B7}2c(B*~)<@j#R3)t0GOWZq?F<4~^EFEvbYsY@YJwkr2Wqu7v zk`W;9@?3nTrhZhTggCY!dc1^nhNr5!cTP-L=>YV4cALxw)Ua3xdv zNnYs4K6F&{U{NaGj)=#fPsdS5(=B}M^5SD>V3VLv%RPRNBW>@nUwsR4i0e80CwB)eI|k4m?oqelHtwabkWtP zztODWsc7&AWqsbLi`({c{Ko~cjYXG-&q$!kz! zLk6nuGKJjPYw_7vL+W>A1r5Az31+RyaO*`UoJ1eqpTC4gR%{|&2R7ojzf;(+w@1JRO*n1UQ=d zy0{AFl6^%{WLU`}4l5;irjtK>lfH+~ty*wItO2mE=3ud=2bby0;S;0X_{7Fw{BuZ* z$I}&XzTqw0IzEJYmIeyG=&8hKNIH``lLAsUt6;jl7=LIj1i5*0_~{KA7?_cZF%3ib z=G()#;%HC$=)*A>@JXIW>6c z14nYBT_<78(vM8ZMwP!D8iYPQwaovJ(B10NB|cp@3dCbVz+(7u_S{|-rwH-b_RN~Io5ggu+VPB@T1@aq-1B-2Uzu_Ue(#pSB>ErKFf*n*^#8KU zo7Umo@p)p^ARS!)Fdrr>X=7&21~~4g&L2IAbs60n20s=EdW7{~4E-VaT;+jV1q5O1 zp4;%?m?^C)KMCC{?ScNhFPd2P8f3XVte$@X?w~78-`l0&kY_NjxtcHRkawZ>pWmXv52dkusS(@jm`|=r2<*Ft zS8TP(eAt*@D_;2SypR(#hq0~8+1=C`Y+~nDXwnwg|0bDW^KLu~%g%sFi7ljD_9eJq z5PCB6j{l}`{W}6gucRNoslJAK&jEf^j2P>gNczKq&mtcrYMFGf68}3>lV6=!iVBK$qWRnYBMVF7Sy6eR%exvc znl0|dp3bQlC_X800;h||z8?#U`k~MxCv+I3w}|%SNz+Ha9O zJmgMU0$y)pL8I*eYYFOSzos0+gL|bRDCr`cdNxYb-*k?tRPRIE-H~8F*Bo`od+eCB zUSNSvqy`t%X|UaXNZ!*61xIf&c{N9Ip;9??Ayruz@j56iH@u#7<+MEtN>W&j6Ig}oMfU%Xy z*fpmG_1Brw+!58p|5gH={3B!yoRjh8>u5aIUt4m;@q^3$raCgTxCSqoB@>@lajb9u zT$kli!@)c}1)b}=z$2xQC9K&(Efn8kSNLnTVdG7QS|(P*YC+%OPo?vHg7o3?QAv7~5loN$+A_#t_5SQ_=y z!l|9!6+C@=1RfkI#q%R;F>`FUXv5UAINZe=P6VcqLgUByTUp>pygem$ih9ZPXC6W2 z)5b6wWMI#aqwuv@Ec!CKO`NCJEVdfVSlK6Af$xMOi`QM~7VN+Wl`7NC-C_7|ATouJ zFs`iNNi$O33oQ2(5iuXjtv_z(5!D;<<=}pt@n%0?u|r_G-8%_c10LbhN6PG1*kt}< zaXoWSm2ylPZTUP`4?9s&B>iZ^u}#L&VYV$0wx}!hwTQT*mA?N)J5& z!!{ce?WwkW*|Xmy*(4w8+I7+P#|*mNxs&nTe9|Gs}ty84wV98p8LM8X@jYX!7xbro`db_6PeD4Ow5!Rk4EWMe4&w;of;%ZB?gS)YCpWW znsN&&X83|;+)uG#Lk0WQDb1JpzJZLwA^iFkLmVRHXHL5q(;ur_ATo0VT|0CJN&P&N zI-6$JncJQ~@wRVxAk&@&Ox#?r)ES-xNt~(nXg?!)HH3(aJct)@%dmFwxfFHL{n%i#wnrYl z1r}P>RN>4Uf1G>|lVIhP2DR5c99=qUQo7>L;8T#}>>c3x9@y&Y)dvirN)+ zw%v)Fr?~O?7WTB~h7`L$&sMba!!>p(#EZ@w~nb(DZcyU0oT=63;h7 z)v9=mTic2bE`xde(St;;E!m0n45k71nn5F-L7lo0bPK#??P=D4kF z_q|}*IDyD-@4z{CSD|~I1#bNp1Fi#JVEUS`M3i_{WYL&{fsMadv3@+U+;IZusYYP3 z++PtnWJN1p#zCdFE7kOGz>7+I(5xhf^+?WuvI~pYm=Sjo-%C=dYCSN!ZAcZjg~PxN zABm|dB~JN!uq5pi1VEm~XsEeq>DGjlFoNOzEx6I}@zyHO(EvLz><%@92I9G_BW(tc2 zi};ScYC@mP(?xCS3Ap#5nHjzxhg*L zOd0-gpGwH@NzC@lVk*~oOmsw}4quJ%rcX~@#|8C?{JgRRf1YkdhrQLNz2RHHUEmS_ z891LCe3#<2J{}}Z>p$H7ng|pW{ z-b#`iMO5MdK8$MIHlW+QZ;L<0WuelC8c1D1pddro`}U+@`-aRqhrb(Li{UdS!}uyW+%07fuOrSt+rGU>e2K0hZGPnlz~lC-jQmvZ>TT) z9d`U(f(zgJ@D1nNQB5{rBGV@P-^>K-2_xzCm`Rv-SqjSnsn~me z3F-tM=M{m^@c5}*Y<9M$37IZ*$-||fQBa1rjXr`+yeS-2e@fc_mXV=>QIIgw#pU}A z!LRW`0XL^DU~B1V3|jXKjTQca!y{uF;bciqoeGAb-xiTCIiK-gUI~$k{SOm<{D6#) z4$RfSp8hZ&&z?u6W9@GX{?1o|>YW%)5BqrVkcnS0en&LwR%Q?z_W`_irxe7GXeTPG z!mzCSlSucozo=ou0rY>+PU;E=Q}6Lo+{x*Yd@*b8_85+wdjV4EBNq!;a2!Jn^|hfvweH(qz)50(pk$TLm$@P2&@<~9_Q3eDsA$ifpv zKiuK(^tYhA(U!MrZG^-Q`w3w5NqFBq`=!2V?ZUHNdM+!T7LD++?Q6yZm!SUUjviDI3PIbA}Ju<`^Ti5PFRHbw1o~ zwG7Ruxq@ZwR+u(ixD?0;KIM8@oLBgby`Q-l`}Yn7~SK}`U)62HG{1v zUVuNdKVik~C#Wi)gz`D>MeUA`DAO4$&iOS=WP8#CKaTrK4xBp6yv=6QZHqsm&H6vk zl#xgZXH}9=nQXDGy%B!)@WM~yi|cQc6`-`jE^>6JES+`E1e_iKDKE&SuWyZj>1PM< zZ_9-YP^T)sd?!N=4taogBq)CTngn|nuBRS)QTS518Y3&M_}U$JaQ#v@VdhLp-i2w@ zZFVIn8tli8t4ko}<1$7sYjN-x!@hp|Azt8L1T8b-q0UbSYc2k<+_y5^Z<`Ige4);r z&6`2%QylbD(26z)N;c_df) z^$)xZXJ2 z<&Chhr3|`{48_r#hw*DE?znkf4#tmcU}I0~kspnXc>jb4r2SgUZMUVsaft$mH@*q0 zqDq+JI}KR6N{YMr8`mC11z31NpWj>V#B&{`iN?ZeoE~8adGH9$_*@#G5)S^#I=G@j zlAq|Zg|3SkWc;BWkQ}fO7Yr573t0!?!_v#5D#d-|(e9ZdxrM9QJz|M}>L0=u-#a*| z%9!oXt^_H)9P!f-Df(~L4Iu|Cfz}pHWXA9yP>KDEeJweZ7{;d- z&tpr16%L4^EmB4+oa(8+!V>MZ&ULwgjcTlEL#{>_++ug`#B zp%<~J@iq$!osP>(&yz9VQsDD`MSSU(0InJPVd1Me_~*93y3{;{mJ%Ev4$|clHtm7V zy$aOocO^@GyNAl`8YT3tM)K~G08Fy{$+p5O)|R0}_xyB+xA+6z5P2B-{U69ry^A5A zbj7a0%1rsz53uCJz)^k{SKDll+(ngMoYBWxPmhA(JrTrmfG4!RO27_9Yj*u)yU0O5 z%|$2MhpNtQg6DtF!0aX?K5=^q-rO~s${&45ie`9$_OD82EacJ_Zu|{#lkN)7(4pju zr8!mj_>9@^-Rp8%mdO}MQaFL<|)0qZ!3cKNvw>Ny1Lhb)6x z+cME_ow&qC~qTsXIGf>`~dA#Lvd zg5SP5JRVf$rgSg^~Mu9hCm4O^aJWT)V0ZLTA=cMh`X-$QW9W(7L@ z$^kOJ{1tnvU`vL&1;g~ow{g-DPk3f+0VmZ9^3tZg= z`4~Lg5fj1!U6eeBbDe~X#LPv4>HfUMR=9Pcy15?z@I|&&xsx{Gs2?9KCni@71y7RVfJmu$)UqqU{{t3x*Bu1 z)D07EFzzkHR@Y#vj*unvzC?DZ{35mLR)Uw}D}i`zy5+gEz#mt`ztT1spclX|J}|)) z9d*9CT7~u|tmOj}`&rQGPh{gaTiDS|c}H<0hC9q42|MKYlSFus2pTYVk5`D9ysCNFfWo$(hBEjY7>_ z3Cfqu0-2kGsJdzllq@}p(jPQPO;NJ=n#>eY^(9X#Kd&0c=UVYSnrmpTm7=IxnE!f@ z>cuD1Hj4`-366c+Oe9h=@t=ExNTc@#SVu?0v9T*?&CzKvtELdI3T(WHnc)yTNRbBL zwE*kU#dvi3D&F?sIpn-k=Zggn-OKl@V1=Y`Z}d`wmIH}6%{?0D{O*9p_XknwQ8)(r zPh{h?m$IGXX7dQOT*zpWrRI(Oxb;y#ESjNCPc&wLidr9ea@dXXebcB>(NGGX14|L`lq99#SDQK1vP_v~U;B^T)SbtD{XMyZY!gI(-p<{b0-eSK!Cl3f zt?i1&pp2z_qbUlr4P*M)eH9!Segs7?%_+}q7M>mZiEo()K5*U0nwu_(>^uJ;8M>AG zee}Y%r^E15p)6gr`$&EJEmNL&BLgz$j}fi$HNxI>!R2PIzz2)ZVEQpdI5=P&NqQ&b zV%8~Px!^PNalQge-$%nBOMCkIXf1Z7IbqtxFHCY;H2%xcg9tqY=|xdssyvq0e))lI zO*hzQfk7Vs<0l?*uOjzU1pe(EJ^ncR9%OEdVWmkisFHVuRfi7bjjQ&tccHCp;JuH*|@Fn`P4ZGEBHd*FYbZ? zeTisi90#92*WizFrhK2tWB9T72$Af(Kpy9}kmwP5B!?>|r6V zl4-!rUvGf`HUT`Z+u#ocvIgWP#BPV#g?^W)2~{J|RjZ`WXW zJfRMcDlMmpJN97nRCTJq`z?&`i9wsYw)oj92hC1T=6^PRhL>vgW}G~{C%7TRZw$(=X zFQV5^6{7lUI<$|H;BWME$hrti{whT1y4*hnXC~}p>*~(cZM^*$-pn+C{IdjCdpg0k z?4dktj})x&AI`T_4W-J-3ot2P5npK*;iNWQ9vGDlhR378XRZ#NBbg1cj&tGtxuI~T zUkeBH59YgnHsC&OUApmWA}a5?KzbV_G32^B{)|%N>0<`-0%HlPZIOa@uhx;OUR#K5 z-$i%Hx02GF1^8Xk7E5d_c!}UoRuK+6eS7|imMG_8bIKXPdv=YTgl&mRh;%kg{y1V!w>)A;>*rje4=nC zo(6Ydk@Q}i`X~tQCCSp8=2pDx@MvmyyAQ(bU&B4GXi|3gE14U{$-8Gk6dtEynXuOk z9xV7ECY~c3I@4glbvNqPcbv^TP=RGe@9^0ZODf+J&aZ?aB$o+(99s)mUz1MHJf6pN z4zz%IUmsqo2*RWvjP#e7(So+oeDUVY z9;gsOcjhJ|6Fiq2D9j$*-6q}b0;P}zv<7sukp(Z=W(;YCS6H0&FrNS&WOMEj4$VAuE? z_AL<6q@rZjpFUHh*yKp}ZFUf6X#HXfOc&x^Z7F&~JsF0OS{Ocem%#KBar04$EaU3{ zYAoy=&c+SmMHj6_$?xy7R{u2d)J_GyeC!xNZ-x`@;dnfQLI=}f9GjA4rx6I%Fm7Hlui3s>jinyo<0e_(eo8p zwVeW)GHDpPs2JvInec628^PQ#j4R0pLfN`P@;80~)hPT4z{k?ADUIT6V+sBsD-?2F zZDEjt9xV1Lhv&!paQ;3Am|T|$7L#mgxHyEYFx-R7zZSvx2(jp`Ng?*7<-+R&&Q!d< zlT<#q414@@;Nd4%SQMznzk8g8@P>5U@ZFh<`ViB82Z>L#US?Wr&ZDz1gTb@Q$+JPX zafu&6-{p@`-Eb}+U=b~@zIhq8ic&G=&ml0WQKGH)hH&ls*{sGs7l%~ki+h)C!=(+c zVBYMXF#L@fd+=nj2%DGV`U1!!g9YR zFpaqgZi-Lgc!3v|!q8 z$nQ>L2Y)0(UE2i+{j5NBj0cHMEH$M`Q__fZfi?|&u>qr#){|SsO(Nf5d8(UX&&TAZ zVtI)QJF4)leo@#sZlhF%af-PRzcCI+f4c}-`svuR`YXIm2g)is%&$l7A(hw&(;{EE`F`Eg8&b2Hg{>d`TdGGq%t>-M0lN+(7vHu!M#QIaIqfn%H%{ z7TpHlgN^r}hy$k!+<13GZaD5c`MvlqF4am9eYch2on`$*Vs{nDEGZ--&!sVZbsPuB z%Frbyige|jNRWA^Lkni7VzttE@Virw4!w=w>$i@q_`4O-SN5S*rvx_&yAK!s$&3E1 z-GRaNerSHD7XygEJpHRhC#eWI*(-zT;)E246I>b-1(?32?Bbxx1pX$;jVKU%7(uK>s`hm*?+0zI^ z9q3ppgV#rYV}Ualu-3O*a7FcB(qdMMC5}fS;N(;A;z{+ML-ynREftuu?56OH^r5fv zg9Z1WHg<+4gZiT%*nZ|DJc&qPLq+d#;*;6%IXD$346T5}Y(Du?X+T1^q=L=fb3|K3 zm-`E@IQnf#o>>U3}e07I2YHpYaBQF0H{TXS*LTt;J&4&GWHo1b`?RbGr`(nu`d2N1L zn3EWm{v(xA9wMn7`>}95ilY;RjzOylKNMTZ7O1)L1-Blv2}aYIwR{|Aonp*ixHElg z8%oRC>cv-tqkVu3LpU^=hvzV2=URd*&*YP}XHB8v=5|!_OTf&A_fVRt23OL|A$x5h z%=#g)^Q~6lu?l;pP%A4MaLR?2jIibdg`SI7)>7j7>pw8iF@?gT_T07b4@_MiisNS1 zz}G`pS)W%ip1f;Cy?Sckl(6qOosj|0*Y@D0ZH?$1V-H4WwNYL^7F3mG`LAPh_?%xu zXuvu(Vdrj4r}i?q(~R)aI}NSwxPZ6jd93{11fF{*lQ;Ks$*#ns&{!UeMgjYH*SrEK zuXLcvvk&3Z54NCl*^PeQpGW4Vju2I@UjZwR9fGv~22sha*YV^wAJI>fKx#H}1HIa2 zf^tuTQLc6XJe++H8ck1ut%EI>(LKO>4Xok3=~T|={AQ)!l3`i+Xc%=$aFh6t;>GK# zadzG|`hA@uEsnc|dWw>`^qv$SczQJkp5MT$Z#%)b;}5aZM2snNt2m$9gdZgpsr8Fu z@+VLg$23UtF(yaBxulHE4;TSb0tcq_-%$8Fk0F~L0CyZNIrpm0;0fyXpmbdwR%U+^ zx49pL)+xW>MAjr$k43~%c()dHeiOLEBf-i)6mI4?(CKT2^Ao1682wg{$Bc1M|DHyVEq3B#HtiL4%s+`y_aEc^3ESaD;W&Qy-F5h5=O-}x%kbGDfgf^i7_3nl zK-!iR5%+W%bPYQMOZ#2m^I1V%pUGC($qFp4@$f=mcxbvb zv(YnRc*3Yb^xfXEym0Or;&-wX!j{Bitc)ymj+~4&re0u_t3*}3c3`=35@ya(r0w=O zc=XUdJfF7Q_v&mExd}q>lK+xT?Ec<|BUYs9l(B7!o`JC$&saUxHtJAtm-(1 zU&e{CQL6?d1AMSX=`kKiNP#@px7pj9He z%q$o0*h}LHEiYiH$Hba1=Mt}ue4I7!CoUIqEXL)UQ2Hs6(T*F~zO@^jtoNhZw%aWD zOF49H`-Nty&xoDNf1+bf@~Bfkg^n6(LCe>;Vc@f;!WrkE=-a?gkX82{r#U8~{|qG} zukS|UXTHESsinN^&H!c3Qw{k1JP%+wMFD13+g z3rF+ei}b0VZYPdYI0S!AXTiz9Hc_gy3~{=1QuNViChQ*DiL<_#@@s)6yyE#>%zSx= zsnzbMwugm|kn=daOuwVN!a<0r+J&daEG1tC?T50X3-FnRBF@#B&&nFEvfqn4ad@mP z{1l{rBPY37K2mh85zTAY)xv(*y0#w%2z{V^0m|5R(STbCXE=hTXCpIhN-%TT7 zP1#p4h?b)5FY~~~;Tk*I&T!#ZWjg!LVt)APYLGjrOq)A%uq9+Oy+1(}FD6ys`y&-t z;~Ph2jZqif(Q~IOrK+G{XgzW8_7h!fvW12)De!RKLq`_PLiiU;wZq=P?C>Lywf+!% zTK|RwB*;+tLqAztm>Eiq72I?c<6y*$WKr7}1#V*<4b#Tl78f@w^NGfmT+B)UX6}yZExjnz`$7AqGOwNb7w*4!4Gr5%Vf}6^e$HbP-rk-D<%6a|{?a%s zvAT!V2Ss3s76Qs@3o+mo6(nfZdhbG0~<18lGgJ$xUmX zGwcDnq#Val(}{xts2ZX zsZXW@*E{pr1rl6#+h~y2ZG)ixQu47T5>Eb#=l4@KL&sq&nB;j5MYB$zY}HWM zW%~}IzE-2sU0M2aVhA=jW{`+?EpXfI0zAB2hZ!0vY{v8zH0Hn&P?D@8Uc+qY$-E8- z-B$o>s@@1Z)0gln#+piN3pjAsv)^x(#Vf?}-WBgT62Zw*(A=#Tguxp=A zfRuYK)%CK60k7*|Sd$~hrXQf*Zu)$dM=5zQx7CdKZL1XhM+Y?Q|KO)z`M7*Y3unyp$BPA z=Tv9m$ERbUEEuElx zg&JLJDcsRdEoYAtr^8+?B_6h{h&666AvM(*uzgJ(IrL1Ix{o`CU7>RHldCi@K3*bZ ziq_)X_}ge!Btj3%7;^s6AM#D0ff~G(z#&&JqLcn;?p`??cMTWg^5#RtuYNjuO_)sH zg#}^B18K3dj+aRNcdR(w`UC{RDqfh&Z0;@nbc=VEJo9NORESZzWG+=(irc zDDcYq7AWxl=DcAaNeWsV?qOP%rEIHjG%Witi!>@4gPOJsX1jiX+lgB+^L7OLvhgEG zC!E8eGZxr;X||{*FM6Z!j)KNz(>HuT zEmtdW*NlBw>$DWBy8B>r^(4yj9t!W%ba?fj6z&@rP17dYf@^p=$S$7B`~9zzald}z z#qSzCvS&M3KEKJvdC2pguQR~((Iz-qG#S+`$MPX|im>nWE^ITLh|l)@5}mv?k-5xV z0rp*iaPrPVj9_!|@VbqB@+oaz_FbK;&HI4OVH06@mJvUEt_6MaoavXTs`#5_gNmys zRa&S`W!!?r-lfr~_r(QY6uSVIn*a}Yo`FXnRjF~(Fr4GRN?=@ng@Ac-Fyy%eciL-4 zbAm$Y+}$go{LfetZf8JkmdLVy!wTvzJu|_Y?*c#8ZH>S<$O4PH3oPN{M~rx`MV(vK zdFvDvD4wjwyX}P*rG+fbzva!Pu11mgKN-X~^B*f$P~wJyPl?WzK`{@D>HwSK5v>-wg1@@KP)?y9hB&fpBk6Cx#y^zPirtXF*1qPoN8i>hax~qv)0&W5~olC((IpVQ#5Efxebl z&Cfcx!MzG3lLOO%ynG3X%|Gzzs629T*-O!h(kqy$9swg%&*2HDjnJiUMy;Mof=T>G z7?>yca;;UwWvM!J!sI-5W49Jop5me zb%9532)UOp0zI4N@}G$twcj*P=&?4leOlIZqK%0-e2FJoe&X<}=Q;VY;1k5W6r9hq zC3uGS>iUSMj@+oLm|W8w%=)bEivO&L!r;omd~@0+h&r&Ad2bJZX%d;DE~6;O4EhZ# z_kM!z07I9PV@z3*!0OUm)J>T6NW60}7KrkAxT`al^&|}p`7!Nd)+;HoyB$E8|hi7@9s zF>*3Ec8{T-%XMH(r6HZY!=4T~kbspgdQ`JagS2nfAs6$ja8O7aesacIOpG@&(6dzK~T@5q2<|RQH}Q{h@XX zV>jGnD?0~>t>xWNdaE{WJv$H;o<%eHS+~&F|1qQms?e=M4*${LBdFmpntP6~gx+5Q z^L^zIej=n7*Sy%r>R!3B8cRbi^TdqSZmS`mtA>-Q%ZJjl(<-3!cm>35)ZhvE34Bzh zIoFXJ!1LzIFxd4-a3%l5rvIXyFAH6u)#fVf)7`reQhNy2tnMd!l%vVdIV0(r(C?tQ zI~mdip48oUt)i(#R`@I^fN$EJ2v_Vkar3Mn@L8Ban13h~MNSXFN8`TYtwksBoyB(8 z@M9sVeb!6v-n$7oi^Jhq-(@_JupA1uJcjpEWa;n09VlI_iVr4alksnkK}_%;jMju;{*HpBsQJ?WV(Q;C~hCsbbk#er@#xbFFpt?#Kwg*bk zf&2GTtC~1GBT^M@O08ufM}@jYyvv_3bAKZB}wwBhR0bV`hM;l*lqaA zMLIr$MXngn{hAg*p6wGX-|tV$sg~e7u;f$w1F3^V91Qi#fTFSLxaMOHI(?U>a;?EI z@XY{-+p59iggHW7f(DJ-PhjG3fu)jpL}WVp13Ue57JPbAipBOG+*8jC%gqIT(0UoZ zBGHjfOzXkyT|&-f_*(M)>@zZCk2iIkTZy|*D}rQTZO)E z(ep#)LWYh(v~mbvgYVe6c`4vvbQo+O^uw?99#}8CfhstNK__T3Jn7QMlP-7BXBUF^ zJ{i6xaTqqbAUpVXAm= z;v3lTr2^w8>2M#Og$gh45RnqT z6RdXpg$?cL_}Zb6Hf53hxR z@TwzNyrUBHtuooBY%`wmDv0ppu{^&d9oH>C4tq2_@I&@&(M+v@eAwR=U~IR9&Q{69 z!;g&tO4RYvu~60?kPM;Gm9SIjh+X+|PvoHBKyM{~hE;KD^dx@+l1rTNSyn#WEj*8G z%qvmf_;i;+P0?`nq&o{t(V%$VmL1TK#BNVlep=uRU;4;!%r`@prZ$(i+$q6yy;hX; zv=i-!2?F!S_hEWl0yGGn+Wo0JAwbswtJiJEq|YIA`y?G|V%)*JwVcIG4){QIr%F%LVHX{a!pw@bVsFjZa zH?J(RMs5&|AFB?hc5)0DU4S;i8Ajz#51A0<%_jWIb?IThSjf&wtj%hM6N@GJFhx7| z?LZNF7DWD5y7`@UKTH9ZPWXP2YW@juWjCl8s= zcY>Xr9^~gGpj*d*nw0yNq$2q~khKSR=k7Z&>9m2!&~*x&?q7=6E7MVLeJ;{J{rK*j zhLArg6gZQEQC3Ek>x5sy6Riov`^6BL`D{FqFTDzGMk7I|{SrITc^ocZFD2WeBgihT znefz{LZh8At$3gYpN$J(rpE%<__{+p->(GRC){Hl+MalPY$j=s23Hv8-J zf{~Se@Hp8p1OCw+Ikf9*fGT{RA_8;Qu(?cJa>(;Ag}GohyQzDxIW4Vv^~ z6)JyMXSXcn_(<*dp#DW!WZ2qC6hEiq-s_zZ<{I{tJQ`p=Z;0+jhEm^g(W?>WD6`;S3&6|18C|SBkI4Kqot7V&5Frmx9v2+ zslz_j2rC{Fh!wGr)V5A|6RPUfN>xmx5ZBJK0t9Kjrt$m6|wlCn4 zO9nDm2`#)8-A$I1g$bQpA^V&?N^s1p^4K90A$F<`58ht~`=9i)*NIlV!2KP@sd}~}y8jld5ZC9#eyM~!o4xVt4C=NT45VUR4<*?phv39x00t@etpPuGUY7aKsn zT#IVH{{iBagV=_!D>z;x56L-(usq{5d+zE@288wD$KTO>(FwulmJ~wPBoE*r1Byk- z{YAKW{Z*#sT|vfr4CGrQe~~L>F(`ai6|ZnU4mOn!VAcvfp5%}u4mndvItw!Kqedcm zzwWQl^XL;L1-g-1hkGuI+-+e%r6bN(o56y!V(HookuXU76&|*E);C0d$Ny#-Kw3!* zGY@|cxZFU(V5(-j>>sO3mcAH) z+9Q(jR=)zqC!E3wzLNa@4QUQ1M$i>FlIwRMlx0T3!03g1m3?ZZvFccH&AfG0#$k*}5)aeI9mn>4=&uDI@mD<|6VQ;0GY$;tDfAJ=2> z*J8}~nnaq4wvy6}W^{b0Lf0-BMSo7thc1IVP`yQ6q~04rCTAtV`pqWnyTNF_PRWFS z8*GdR-W{r-mYpNfV~i4A zdHOKknPxzLEnhFvOnV5nJ7RIr@lDJmzLUHfZ6VIAynz#DuHeGEjc|cw_Nd@0b5IWu z?b&b!Bg$@rZto^y^{oQehqpkE?Jbz`Je4?4?h&$KkHo^qijjv`<1_Em@G~|FBIToS zp@JcuGgJX4t-M#?qN#^JtwxFFjoQkFJTrv2>bo$%%MjZJ06uWp1=BU=vK>cfLb$yf z8|J?O??h#bWy^cm=~Q)|X7>s+2kya$I8`p~XG-O4uL~~hF%TNmim5~5@%49EzINjg zc6+P`tkg(#8TqjRY?Nwn1Ni|jgZ7AWmp7wmp&=hwIh6;1D>(11CW|)wLBE1)c;$FH zm=8S)lQ*W20~ZvjsS~nhjklse4Rc5u9n2m{D#Ch!3HG2V0>f5%h@GF@!NK>Bk`2>~ z;6sfgpFiB0`ehY}4Z_oKltZ@2=f!^RY21Vk-~D0FgXc6JfM=JDB z+ERX7uLNXYpA}f00@tO-ftJ1OK|j4=kTv!NJ9O?T6kZxnE(C6YE6#0j?aWs;Z~X&Q zF8u|iohR|VsWokza-B^)?@Xt*{3H_`jj6`iQr10aJ=|TPC*E;98q$(;S(M##_TjJ? zB)&?7oJ> zslsBor@01qxC*n~dt$OMy8^$jUCPs5PC$9m1j&7r$3N_b6DQ+v@S3BjsW=3b`uAd> zei2+-t;p7Ny#}qEeA1FU8!xUIL^nm$L3Nq%vk#-lB-L6dypv3N^cUkkpKzT1s1I(G zm|()jqmUrXUY^=`5Y46$OtJ7=OnyO zzl%1G+B8s@wJ+V`Nya27;k_Jb{MI`Len&8pH(3dnrgornST-AJy%I-yq~Om@#&qG$ z_wXf8a3h`1Atk9EXA5^9aNWdiZia7R9A)&|hKy;M{&yd55& zmV&1pGF0uQH2rM9Ph@&ELCCJ#(B=90&g~Bf%yMeMj*1*n&ZSfmBru217itpuNHeZ~ z{R+$;x`*_xcY}!~FVOF=DoCFF%Eb8>V59yuHr&4q)pahS=SdTI9uflKwNgA!&k^mO zWk6KuKTyXgEKNCwI%{`hvEodSHOq!=KTnZ=4hK=9Rf&o$p5qSPL0tLL5zx(hK*l;; z7B5m0?!J0Y@xR7qGCM<&%i2;rT{Hs%?@z%q-354Yj{=UZO9zuzW#mkk9-Cu6iZmKr zV{$t@;pt!f`kafO(EMMEsPftylr>Ai=he?Z=fDq_8!68q{`d)^;XR0ljkn_g zm&3?WQ!%nFfd6+)mX6mN&9h%~GSg4&JQqI^`=DXe@%uE`GDBcPT@tdssk;2(y~V^y z@Mkom8cuIZ5*Molu-wR>5Ttw$*@)>pZ^Uwb>%T!T)_njyZT=iV8yzc{9^M#tUC7&C;OHV{gCIFoh2u*q?OQ7RiEdrI0%=Hw!?qU zhwzTyZ+KJw92N~Zg4;j!ppVZS=uCbLS~ritFdqeh)is-*C>+DL{5~U&tNzBqpGwp7 zKT3#Atl*s86h~d3%m9P+?+9Nu2mTw8Ox9!%WnSh5z&{2HF0zxj$n_WV`kjTKLfi}3Pc&n_2fW`6fIa*M3(n-iMJi-#q9F4IA!s8 zTKCj~E|S{{j>38F)dwaNzg3y za7c+9j`P=E66H>J!Twos%q{;%ecOo)rzq*eWRR!7LR+Yv(XI(I- z?IJ!*5I9+Q9&*PofHB*HFx8lolQ&~=h`j|>(N7e;o^XTsENB(@y4kqMI}|P~ya_kW zgIu^;8btRGqWd+vne6&vtUj5C2M$XxMV`+pv^QfzpfUTD9FB9ODTeLX#8e}ln7{a= z_~p46+<$vB(utq(sp%M8cDxeuH_74u6rFcm&EFr#l_sUMOGO!F6-{-|`>2pYR%C=S zk{J;)N<*YVg@i~NL}W#E&-+v)EsBPGNt7rpk}|^Y^LzAf|J1$rbI*CdU$5tLNW%f< zsqloT4zI-2>OAOrITvkyR6)R+ZrhEqNAdUlXxQsK3#*0vLhXbW@x%XKvasP^?E0b0 z_~msh3_&@>lR>a^`xx3}c>}olS+V>pYk}*u0vn$c;TxMZ#4)S@w6fd8Jqycm)zWb= zBXIza`t*vO@wiJqe?5jTf4#(ihh^y9NKM|^u?w>Y_u__&$3gy)BfPw1!iW1zz>Sp& zAnT@vJ@@=DXM_yN)y!oPk`s7fivb%fVZ;jzg7Ju%68kSB8{1o(p>RVC7=3-hcGN5K zE^lvAXB(7TpgbKG-VKC7{?c6i(OFU~>>dxTl%ookqnSd2g|IQ`gCWyy!;0PJux#Ej zwy7!^0xJVSdDjTGXmbHX&pC(2FKY1W$v2|?7t&x|zu-yjJAo^TIE?qKBsO`y@Mn=6 z?_7BtjDmjxNx6iJ<`$!N)mbtq@DzO6H54l|$FgzpRjl~qM?B3pH}1h6<- zN1`v6!>Vs>0{cM77u3gK#wHci=>E$(-7nzX1y7i4gFbhav%m^IoX!%y&q5A&h?UlU zMBTXSST^B1j{UV0Z|<$Z8RRZrUXz+TSihXy&Q`WnUi$`qb>(37`Y`mk7KoQMy+q+l z6WA4c9V!wuxzR4+e^)qwWgDHq17^)&yVM-Fk1rP-JW{;SQI0P+kHHVnPriGPf=&-# z7VxMIEnf}_8| zfS;;>lP3%zD{BB#2$aAQ2p69yG{TJVdGzv=5p3F$XjqWH3KnIaK;rNU^9PDS>b*Rj zBd<+Q-u!}*_b=o8CE9#=*FVAQlz}md2S{n{3^r1xlzcI;_-QNno zd5xmUl^1c`l})J7Tmkgzci8FMM6@G=Aa<9T&4=7{_^-Sd=%$Z2w5~*SCH*0Os#gb- zj;7p*S?^F~a&@l%%pN?G*2I<>vo)hR?#k~#=`oZfT^IJ?N+0mfBRf<` z_k?A!HAH8+0^dBX0TV+cxzpKJsD0m%6Fc@S1ePCyyrpXV@5v4}Q($3UOgjbIU&ipm z5%T0s))7)B?#4+UJIR7&Qs}Dp0ap45_u+Yx%#!`aY5$#uqFWWBlcORb`14a}(BHx) zEDmO?W_6P{9jf%EDT6K*O=@tAJg)e!=IWHg7@SoR2aR5&c1T8Pkla5(>jA6rVRyu zUuinwaV2h?vr(7}MKg~t{vfl!fE4*JB=0Xx1?xB$=$oSr`CS>rMtP8sQ&Hn8ol?}) zdoCIU8lbDyO^jAo5m*Waczn=jIOnfQKTmrkcK0!)JtUMa*O3Exix+5DT|&mXt-#u= zRV1?dCVMp29K*IUs9$477dm!>VGqJ>xe=V-zK_d%PoinYTj4&_2!{^t#9UN`rzck9 zcC$-3`B)N3^7Dsx-J|%25($W^og^;atH?6b{ph=_5)3HH1J#egFrX!poY4p;HRlB$ z^LcNKzq675og@Q0+WO&#&mdU!gRys$6fkAG6ptG+25&Wv#p*z3v|GH9wvH|oeYWtm zaY$UjR{i*jFZJ9(ls}dJU26dLk#l%h#~FORupec&)u4=@G2d{e9&L1_>3v^`2m|3);vS;4-m#t^a_$@&yUOl?xN%q?A0_9DO#Texrj;X@>gG#0VyiR#Z^dD_VsQ%M+waQ6~X zSn0(lKpZ`VaIeBc5n|C|xa=~RKM|7lT}^=K@*@KE%-R)L@C7*E4e zba0=UBYm=e4>uT)3K$%4-`+b`=xAuc0rmaZAF>EqI`-ovPev|!l)~Ge4CQ`1qUiTs z$cBq#rPz~Ph%ko7-|u1Im!;t9V!|(86g<&4XR&z!xwtD}7JZ}9jb6=z`B2A8Fn_8X zy*+IbH?<0*j-xr)m6n21@;2c;W{#ro4w${%nP1!xiy209u&3fTtFBfi`A^=UPL9w& zdzXyT%EtVNLz&3zdJv0^)P-2ZEucL_1(PS>Sr_fwggZ^p#@) z@q2y%tKV3`yVH&Es^lO0tW*z9mPwfUpccIj#EGjMXHe%bNgh5U9m}VwL8o{()^FCx zy?Hv0EEsfOoHn8Z)6QhWo`lcfVWvQ9UWj28*!$Hq+aBBa3vQ#pf92cF27q?yE{KNn7 zv79|V?YRwS&z>dS0mty*_7T{bvJnnmu)_7_J7A37Fs^-q=G)55(CfkqcD-#b9Vx07W?H@2 z`86Kfy5#7Q^{r6h8A5mH4aYd7?iHjEW{lUDR#g{*)zJ*+O3?govuT+_3eFK5ESo90MD!5W8*Fq8n(1 z7nhquXsHU_bvub1zw!+h&(L78GLrOtx*VCGc><&_7h|l`WvF}b9=$w9kv09{5Iswd zd(PK}J+vG`#@d2t$r#9$p2Q8t>WU848PKBs;o|jnEo64Z9p*gN1si+^gXX+?II1rN zQZaAQXP+x7ICTT@+f5F+N0P%khw&Hl1a{eCz)1J%+|S{|Nk+mt(fiAHP;TQpu!_k|ZgCD%SvWSNFlVotiYd+zf4|jG_kn4PdV=BgWU% zs7QAP`xo;C)nebl#=+fPgR)pXEG0r-wR!PmAJ&P@9^K@ zW8k=E03-ywriC(s!&=Dd5@ zQMeqL$>IlP<4589eWm$)_-EA=3viPw%>rezwyhw*Ghm`aC|EVTB6~JH5FHWnk_R4r z5|If(aPdkJGzz(!^lL5R3$2s!TGdK^f72HfuZkdFPny!l?Vs86^{Vuv>uNqyDFc$s z1z*tA8pg&d!q(tEa{b{y?38bVzVcp7oc$G5%X&%LgDMic^8omCFQ>%;FmO^sJGoS3K9}Jlft%Tl43Eo_OnCvNx!qe+EL2AJx z%nf@9lZ+p;u2kVJ;$@1SVdij4VlZSMi-49px5&hn8nP%?iuf9Br5C+C@Sm_F(+!bE z>sA6&7K~!8pN;sD7A3BI*;hQX&4$$d_=3AE=(6+;|KT9>YO<_08!D4~Aa&qkxN8@NdlKF8%sg$nZFjhE zS2lt0qeEEEtS0c^^h0>2rhs4+X6uYKaAe&Op18{m_i+W<{NG`|XzmB{G|`_bW_sh- zFdLjU$eON++y(w6s&r`FE1TH5&v0UW5sKB$VOvKwW*r`k77Kzv92mkEkG;$i`Ff~b z5Ac4@9>E6`3)V|k!F;(xbh@ys-A8`2{X>I*ZaKs{WRtkkcSn)_2PuB@#6x%?Sxr7X zyMy~KRgtX4%3LzIo_N0y_5u3~r+nFNz}?>I!nX8A(t3I`ohI5QGTA#$lyv70cK7Vz zfonz7ebWol9eRZ{c^5!bP#Wx}k3?s7j%9aVB?%pX&5$%NnXQ|o&dl8A!^Fd9VYhmX z$fImCHm8kb+s;(M)eL_YS~VUfn;1f|wYzv*sy5&HXCcH0xrKx%Lq4o}4!YVm!7qbk|+lAZY3|bKPoZYZ{2Xpr4 zK&?wOT2Hwz3c6;`CkkxEb54F}r718UbZ-)#_Xm%=i^=*~JLr_Hf&+SBh4|Q&JRBV`?oE`x3849dfV=4}Oo)3}(D_O0^0J{8U z2*~cvB&+)L#k0CYX?BPfs;se~>~<0xoR>?awv6ZJpat%}G@!AXX>7#hLv)Wr0(Pf_ z;+Oc}WO?dD?wwQ5E}jU26VandyWkob(>5Av${b1^tkE>;+p9IgVxl6MbT17^9#hLe~l0u@y@0yS`|!Q2xs>1 zUZAz(0=ygh4P=T7SlR1BxSi&MCHZ2}Yh`tsXL1A=x`xB(cVWzKO&MmrJBPma_1JkK z({=XBNIJ?cUPNPLA-_}tbw^0@wi|0Odqp%GpWQ}go}bQ~<*Fgc&YJF8S&o4PG6HK~ z5x%dnrKcy25U&nR#lko>+!&%nEe^YjbKHWM!`9W%9(@Zw4Lc%mx2J(ulqAdixCPZW z4i|iVRd{~?5Zd6nm$?{U!t6~)$)EkMd_i#`_+B~2Y_;4-apzY!l$Ag$V;%5b^+71H zHp73%%wgRUIV$;e6!eExlcbrmc*L*<>>e=^JTBg`9TFf1(n<<&p-qV%wHD5aS2v2H z$~W+z@1;Sz&zTFM2x?g0E%HCt357cwF<|v{WP|J=Z3^X<+Kuds>o|Tq`I$KTM>^R) zP?~<}QetZYli`GGB&@0Nw6*Fl&zbKgumSqwVQ7{vos~M6>g`M?K8N;^;OnN`R>*12 zR~iZGBSctz_#V^$%HU3EB)0Yrzj$6As%aiDwFCfO6Y&Fn0Zbara_Kjd`TyA)_T}lQwN0K5GI|1)p7FS-SQ*zicj8wM0}|MG1~h-S z;KGo*sFocGR#LhGJL(;~`S=m`j?xpq-aMS=x(=pRJD1_avpQJwy@agH4#wquFVJ;y zIQcXrjZ`?Qz@IE@>V9t%ADl<%R~36qIOIa2qoqZmVVmJXof0*$X&{RqB%#aQR1(;k z#uDq@g)WRU_X`TchM3J<+NhS9ZQF!t6O)M7uj_1Z0(P;`N zVZJcqQoOxRyv?|fnKY;heTzuU7w+b9tG>hNT{H3byqysCT`bPD&4(v<7E!%V*7Szx z2-LV};rQQ1TuMWo7Wlpq?adiaN*hdtjG{mK&Y?rvgtRtkNg1bx^rQOM+7K( z^upN-H=xyc3h+0D@a^~js`;{&sZTJ+qJmEXZ!Hmy`s~5v4!K(yAe(-Y{L3U zD$ILv3fr5L1dg^+{B}et);T_g4)0y~wkZt5{*Dxlv=EaM;#Sepkwamd(4%Pd4gyiC zG(3Nm3iF5!kG|oAfB9W@B>bGHwt67@o}A5O^a>&Gi32=tpTK=isgvWSec(JTHuqHb zd=mZXDVFvYu>(SfJ*U`g=uNQL4Ye8wl z9DclK9MLXIKnvTU__lup-Vf2i_fn&nf=q?Hw9 zw5gQ$C-K{(3z5$HMNYpN%FlP{;}=_LRvH=(0l%s-c0(N27oJC#T$9|&*ZOo;WI3BO z`5FYsOcgoI^n()rt+Zk15{TPm$Q>0Y!;zKI@G{05Kz|wRENFo@LLW}e{yM6BR7WyR znDOfWhckB{7NwiE3En$jJY61%20FuORL{TMf`ai>!)rbS{Tx7s3!mepm}T(pOC;<( z@`f3o(WHI!JUee(0O|exWOkJ*FKLwL+HST~>(^$?oMa0*9uv|2cNke{<$$Qx!`AJe ziJOEA;K6-gaipgL8ZR3K*Dfh=mDR$|-IzS^tgv%sd4Tg*}35(MM+Wegp1o@xehut`P5T6PR23t-sTOs=PjZVv=L3!a$sG8kR3=F&4>OnL#st!*$Sb%pPO=t ziT5nV@PJa0kB0(Id>f8ub|}&pSH$e7;Kx}oUy|7?J%+{^`S`?V2xtFZVDzTBXgl;T zRvZsT1BE!gSaWmY58QP&Rf5J54>+OTL zN3Mj^W&>!x7ox&BNgg|2o8G&uK>f4`d{DQ+Hb+^!_N@~2okdu@dI)RUE-;ZJXA!@w zA24_EJFuI#4whSNCVMl_u^quF_&`Ai75h%&rW&K%{mn0hl1U%xZ{G_#$Hs8=!xRc* zPQb3$CvkDsUAV6P9K26FAWp*-VEqaMs&Vv(=&3;im=r{ihWHku>3IZ-LRLV#gFK&X zn%#EvH7Om9g_);Yl2J7-u_T^~Ho&;^-3d3?HGk&izoqNg?;Ldlw^;^sY5@Pd#r zn{Pb}=6Fj3iLON{od@{f+YD}7G6wD?9Y%@#7Ti5qcpnZ}-y@Iu|@%C3- zQ8EXw-)({iqd3~CT?4hLP4H}SG#D@c39l62!rSPzT)txnetd0&!@~1LT0TR-`gkg{ za!G^g30}~&_ywpD1#+rVidt0e!s7YcV9_TB+7zh97d(-sx5z^blW~F__T#yN^mjP! zHX6MCO~#A&GNDIK0=K-7pk-21pfPehRlPr+J=kah{yte~`ujM3NmpcZa+2ZT-xhRv zdl)7U8-weAYOzg~aTsyN60d(2nAMXU(DLAPd^~ME_!b<;DPsq~dQ}T*|9mLF>Y+&M z#3#`?cO{*rbpUR73jF%V_sQxw2G%zuXsgmyRNr8NJ~M=Uq*N_vMi;Qe6|1n%-VuEj zX2WwAY4-SZ1G#T~2%V1JM#VG$_6*83B0ZI{y>z@ z!RxpX+*5p%Y+l(V{?8WnkF}MAP7x)Hb z0(!{sRkvpHYlqBXZ-551eC|)+yEVII_WtdoXW4gRET)?CdR93h_3s=l4V+Kvaxw7LXT4I?w0h!HgitNLfKm zibgZHS{FP$DIR7$@WGtd8_>?)88_NCumZ_kGV$|w*n4ast%x`VIes@-`FSo_7zHQ8 z$4a&|U>>R;ts?91EQOd_;acAuh1=!@qy6JmZ0asO>Yfk@c|!kZwA*3v(&%hxUX=!> zF$H8SsFUDte_3vx6nHAH5yzDzpxPiK)X-dv)qUfkVbE`s$-E0sLS8}2_EA*hsxkc# z_@8)fxdW>?{S$ni4C0bj6L^nlkI2h)IA`ixv3`doUo_^Yxb|HVE(smX#r_Z2+ouJ% zyzq-?RB$vKXypJ0y`Ax6%{xqL2!ez6WN8-^KwWJk5p>PCg{R_Tr(wK!rm-ly&J#v| zf6jVy2IG;<`yuV-KD3Zg_UGl|tiw;lDtQGW$^Hv{6SWh3l7SO@_` zlUOyl;B?IxFl#Y``u@Q@uX2Uhr28JzZHk7De-p7Jpn+8yU&mFI+fm)_6h;H6C5d50Q<0Rc@IjwEx@MwoS@%a-4yR|n#d5#3Olqcccf9=Fan7tPr zabZcqxz%ce&i`kR=w&Uzx87NW^>t&o_f95wKfOSvT|wBzbdZeTc(`Hj?>XhObi$XAuVbfc>4sf4QFl<=QFu)S?)2t{C$d z@zF4@B8wF$yTjpQg+x1p!5gI{aPd&$Wo}DA^Q;w@h%**C?>B8tp524YC*4?BD!e`# z!PL_}0tR1G4OsKY=@?T}HX@ORz3+ zqWFrkD?GiWLkl8?vTLta646RGl<@NvfAnpH!{x~k@WG6pUmwCXGwmUB(Qcq}8Dz{x zZ+^TefUN921bf~UifDrbKAovdpZ_ezk{#|)E_(}QL|NdRyq;(-pNzXE*pcoHt!R4Z z4(yI}q$g72*r}D0{NO1OCa&&A_XKCi6Zn_%TZ-YwR1MLP3r=+0W-%leEV5l^Kit~e58iI?A!Ym#^vxO!vn(INmT{Zlg5a}T?0X1$hMLggJMw&9wKVDecBZn859FCN*A`*U9qr~rokDUyO7MH*EE@OE+;pu89(R0q!q+oZXZv^y`)@^U`a6Y{`W^c=L!K-{fzH9@|^- zQmPGGnKFROF)cdP#{t4rDj~V49E%*TkYy)gNJWS;U9((|bCY}`TM`66qH^JjehAdu z8i}RiqqyvgIT+pyW;Ux-`Q)18qI=^5@pirlGp{+(Dw*rB%gq-@&k~%C9|q%%yJci( zlLD1`_yL#g^(R~Wv~oRd&f|*93*myyE~J8oLcg~k;{NT%prT~h(rygC%E!sznEznK zE-@)vrpC67T*_B8mH@_ofUF5R{Pv6YWW&lnvP`xO4W8VEk>Q#6Dk%{P3jd<-co~en zF3comzQj&*ZK}B;2BFLdUo;lMT;b=V&QLl>ydN_=cGEXQKVzAJ8Qa3@4x!p3sBYQbL|{x2`OXi5?a_;Nk%$C8gT2%|KQCcE5Y4V z3DMdi;B$E&OgR&P-FF|d?Ehw>RnI2S*ZsqKUj?&Jp9Sz|or~C2Buni#!imhbEf^yO4_rCm$=M&IP6f!E^{rKGG1^kPU;J3`jkZI4Xp~3bJ{LXtX zs(cj)-XkX-1h?*qf%RI7 z{M-pQvR3{Re16H{R*^9OYmo-$;$}2TnS%>y80)$;OZ4jXWGE{N0h7^Ml)JA4!$N1! z-t+|0e{AO?N0tkoVNI4R6$VRu!@!Ua;K>7{P;K%r+XI8*P~AY9&(#gXiTj4oyA6@z zxOpzL_s#+?`6UOoCI2C569jI_`+uS{pWl%|Y&9&|SB!m%g`xplmO_@wH&mc$xk{pX z_%$aQ5}W4JZo4@EiBsXsnKQ(+Sh)YryaGK1hagk%_WZWAr|UzlL@hlx@pEb+x~tl; zR>;6-G7)HsZ_op-u(BY3NL!o0GzUt;3dLsOUKK(|twwSGz7>#Q_zQm(`r*6OXOK`- z0Uio!VE@Jx*Bm#({N75OSp6Q)XGcKb@L#!`?@a>vNo{1=swnnPLX*CVl*KXmA4qwk z77kR}%l0lSV?FJqaMEEs;ypE-dQsqPZ%`t?JJk5Uj;$!=J%P{Fyn|(}X5e^yFLN64 zQ21LJUi6yA>GbE2W}rw1P8ZSq=0SY>lUdYklms6g0k*!v-o>=gnyb72Ak&-^@q5x7 z>XP>!cb8h)GLbZ2TUsrW&{;-OAID;++5+jokS_0BYVEi%Ld$FtWY*G#xJyr*I&tJ!UhU^u~ZVAF=`(=5* zIpM#?8bGmC8QjZLqI=FS!$!+TFf{Qn=A6BRCuUM#wYh&A*6m-UkUx3mGU13l=#&Xhf&g zf~V?_Jk(eo!VJfkkg;y4;Mvjv6WecO@y3}X;X@a^ev<%tsa|MY_(ya;eir`1A^dN6 z9n7;MeE*UV{H8FJf0+~pKFe33_~|NQDfWjQ>gAa9zyfm*Xz&!UxWFB#vgQeDt?z~4@=BI1^2A|g4!ruQ5?nd8!Zu>X1q{7z2)^(BzpCxn(!%!+jWg#t7tIycAl;?KpGrefU*Z49m~H!5cn3ta3Aq;Td9ZoyF$hSH$3ONv zS&ykY)UoM8esBTlpM3?F%#LG)##Q+8_kGYvU%}lXBthElIXvuKMml~62@F;*GTC2~ zAAFhu1{S6;p4s84*UD6U=@P2v%hHNBGf`8>^@gNu6V7(tI8x<1R=$}4=dD*_ayVzL zCWg3i29SO;J9<#KKb+rrng#VtrrLOvF7|RpS;x!5er&7I{T#}F$eA+tXBFVTzy&TA zIiQlVJ`U8)Ao2c5pwX8BQHrJLHP#NR-98Gu787>A@f6Jc{0fsJ)k&zkEca-5gof=8 zQANv`hf!x#4$XLOhShKV^vOuG-Q%1YbrbmUTFzJ zUhq5de{~aYyR9MvtM&26+k0eX^BL?EYRdW##_`aQ2(VZF49~KwMcImRcyjY-*!lap z=vMn3lpa|CL!NekoU#jy8uAq@D}>!hZZIT|Q|4Ezyf?;7!IH6dW12iYIJL*FI)n*1QO);mgWAxy!%09?_S_A3A9_pQ8 z0%?!7#GG$7m~5j*lN!dcffBDs+L3cG&qwIlemN_?sh5q9uPK7-P&*P@eV%h3#(Q6S+q zi$~8IOdlx(i9CIKG4jD&zNp`cWW>ec)guNl?`$IUq(6qPcASBa>i{^kDq*<`Vo))jvc#=hGABNSld-3e^ zPQ0uxOZR^j@lR9JVgJcwh+8Ga7b#29u!zO{ohlax6!?SRfnqe%l;)wPf5~d|(Rldm ze6Tir#+appvB(I9L3*j|#64@ODLg}>R7yzt zRUQ8Fl{=amuAxhp27*n!A^rEpkUyGgPiLRnir4oFtU;S1Ftoe`PZ!AG36;<2)L|v; zYSK`DLaXS!w<3C0=E3~|Z(;6~8#rQR6&ObzA}QW8F!AVq^6`cZ?jCUm^eYFlq>zzx z+5St|```oGB^%I*(a)IOpcwLv)Zky$EdFeNJjnl91%LHiAtQ4Jh6vfY>{S}%o;}C7 zw0LrEt~TBLR*(O;sgR^im11uDfj`Zapl9dAqQS@0f=4zJ9EEdI?#SKb**a$pA4q`~rVX=>=^!Kd=jU4M&>+Q?AL8>_uDX>da`U-TfbXK5r6#yF`ngOx}dc zOs?bgd#538%LN!MVT>-<$D!U7EsSkZW`ggD{vEaif{z{+xB$cG?n((R7Rm5qql4J# z=qT(~olB*j3l25U3|eu&z;?rF74~}SRd_ux0+cf^h=vDg;p(Xt;4nj$cvVG+ergyK zEZ6~m9bbTGaWxUQkHUhzw=pH{2Uyb8;wYs~5}E7*udU{zXTfCyT*#_o6ABuB- zIq*+ql#jmGiWfF61Tzy`P%w+--+m3o)b595Y0wfpyl@UFS)fA4?K_Lo!?MXF<58$* zkjy^m_lf^rw`mIXo}UKkt4v@C+&SPmdw=r`ds8e% zZKEDI=`D|5$A&WB;q=XAU;?3BM+t>Zua zev`!mn%R%f4Q$el5&YXoS#BFQnE$?;1#&KLLB(n)mr&KFM(>oUs!AXpYcIuy0UGq& z%Rv-swejB7Td-}i8Z}vc1YGZaWOLnjLf5L!De{F9*xY@LD6KIByE{j6iJcOgt$Y-R zoJ+<9CO&Z8IhUc2urKHv%E#VHU?Xp|ijwtT;E&2|JbZi$ch3%kQnz0GHoz6TFYjj! zvO*_wwJS_{_Xn@V^$`QdA7ty}Ys_|?BSvYp5x&V4%WoXOp2D-_?)+Jp`~Ef5$=wt2 zgST;8trYKHQ;C%;c2bv1ay;L5rC>v761(g!fMrqp;l1r6n55m0>#v8Aj+lJd>Lf*r zP8LGQWh1IkF`Z8vI0)iKj;0IeO=KUFE`iRKT*xnKf`*-Pa8c&~+^3o_<3%WwiSfXM zd~1GNX%d}DC-as|Bk0S{7&a(eiN89jz=GBiyftkZZwOMQ4-J&*XPIx}z?arw{?wj! zJ@NqMuZzLW(-gFH<52UkFl8HHgDV$}r<0dz@^9g%m~FPOLjySxh+dJ?gSNu^%UcvZYILB!Jg|X zhrs=p7WnFHIr7+YP^EhO%+aq{652u*|NMBWF|6HlCK5#ZZ%4 zb$GQ&ANi;TysxhUN!L$_{NxUaZ0m-AQc5?u?4;)`)daCM?GeK1cQ+1E};mcNeCZ+?jF!(`aAJT0-?j)%C*YAhZr z{YTV{CiCb|CSax<3UzM-N%N;&crbYwPZ{V!9Y`koBXn#YU6iNNRX#YJJR=pAwJ0($ z!pgaM5Owzz>&Po4s%1TFkzO+z|IH<><>{dIZwWq4AA@!}X_&D8Gwj}&3Ugjok~!t- zSbR&Cj?)rc(fprn)i;#_?v@x z(K%E(=Yk$>Wn`Uj_nDw@7972QgW97hFyFTa4Slt7Q-lG!rz)@|kzpi5q|Jvta3Fpr z#%M3sDL(bIELZq`A-l{9$<>KbY>wet80i~8Km1W+!H?^qV2T1A&xX<7OM5|A<``Wbjg5O$Sll=GE0l%(#3UQP3 zp(f)U8Lcl(g(ot!l`Nz_`d4tI&MK(?Sc7c>!OUs80jm9%19|~s9Axc`M;7NpoP`3P ze)lKj{y0s(?43x{?l+Rq6OY06p*eZ2X9Th@vhZZ%J~B#VN{?L_03A)2n2B)&t;=|d zGvn{#y^Wrb;%LuQJuLX65s3e-c*q7xnozx(Vc@W79}L?kjg6Z!;Ah)1k&UT~dF9$JI0 zo_f^a?s(d<|2eE}x=bA0Hc+R`EH>5WIfxwg!s>5*a3Xsl%d`A~-&0&^z!-g0^YW&x zOA=xHi$CP#i1XkjZv$2G{Ww`p9=9JjgKupXQSRalPU}nI+5Hb-a%lqGnK}`dUeF{O z0+)R3^r1v$-8S^BwZmzCG59d)Gmg6I2A09sp;q-h*hcS%MMqOnqeYcI_-zc+KN|3^ z%px3L;>~~PFQEr=yz#ZF9Qpexo@HGgMjz`OCefc|N!s`S*ys*hPz^kXW6us0ZB{wM zh6j$yRjoM)XNO&dA^ol3qoYc%2g>tHp;@s0wFZ3Gd4u~3+{Ckkl5n~?2V%083~g(` zGam=>c$GD2R z0kJ*!;>AMLO*IkySiYRIwb%J2jkoA0xC91;nxScy6513`qRUms(JgKEv^#b#Pwl@= zr_Ra5ww^qcJhL7vs{~Mz$d=kD8qsjSgS>PLu(}1;z%{&!g^jX=Yw{PVw&5v|RSbb` zs}I2T+)*?t=Nmj8b_+bGXR=>?dr;Qt1hJ7?OJmlCV%l=SVVKK6)+14fpl*W1?gy~9 zLY{XANx|!@LWf#O2kMHq;gh2sz#3(FNAFA?*ldYw(mY_uq6?7Hu1y_x&%=keFCw=Z z%dcu3pc8Ve>6LxfaLV8vC`BD$>Io8*R869#{d;Mt%o~Kjaj1HKBTAEg^1MNho%}Qh zZXMeLx3z}T55pE>ubmuZ|4tUKc}<9+?@g=?zC~~S{>4zO8K$*Hfo9)G_)xom)@6m^ z-GC61)N~W(Nw{H0SF2d#9>vi{f(LhN7e*HhgP6c>mS;8}zV0rEoZkyU@obRDY`H#Z zi~c1F=aD$4`aYSj`4b-)euZ2$cY0&1A|JCfQ?xYFgwu#(Z2I<>Jkp)d3#>ngn$z;( z?!N`-@wF8dcCDwk_1B8BS~Z}2P7{jjRQaW)#vpRl;yp(8bbo~xU;9K%R3}SOU;8#v z?W0b;%6^d4d=3`L*=XkY4{mk5$48gL(C%^ylvJOBqoqS3Z1^I<@wHsg2oJ~Ax2^eb zSjw|rFGWM^!8rN)A%5zw1CJUbjWTUl;qjJgeCi^}7daH79+<7keV*Bpt|J_s6=M0GZ5L1_Z6}TrI2BiG1@2@J3XGyC z{3rw~rrR!|F&kF1n-1FizzPQz==T+te0oVgEK-N(ecrUmMUqbbM1ixWz5F%$apQ_P@QU!5kq$C6szzvyIfnfQ;sA@nY4@P+?nPz#JF z2G6pfUs(}iR>m-wXJ3h8)M4Q+Xb*kMAA{w5L+XCt2uc$uygH=8f0*s$b3Da(W%~f0 zG)NY{uXjg{tVX!|Z4sUES(*PmWJfN#>hLwnJ93Yu4MZay5q#7)p#kn+S%}p_y7lEk z@Ja1pC*r5^yDuA9+$-UJJ0lVUJuT^F^^wH6T_1Ku{Kr~^x!ytTlPtqN6x2&77GE>q z3mmGMZI%;p$Q#DXg*;RHjhQ@S{e5h|8HeXxuEV>lofsE>8P;ty<9}|X(qcJne*T{# zt(-1_jk+?tb8Q#6#g3-0++^YMiic3fM^MsG0|V2i^V*(c_*I;P>s7>X%l9^l9Hgk; z)O%2K-;4Amne*c1^VqIMs$`b+aqPZw3p5PY3h(n8%&Gg#S@=9)3B!Zyax_q=AwWQd(MCsGj?}r9siK2^ocCkG^&hsg!7w zRY_X3wVwOBBPEKAk`*bND1>D6JHLOR=hgE%&pGG5uFvQF*5?P`IPxclrm}6GM_7k} zA_RDt(#Od%aAiR#4e1`kPv@@037N*^@TLR2pgxT3XPcSWQI$IOBChUtV*%1m+`c#t zwocm3HoI>SCkXt4iH+x&dQlPIDR6yvZr9?UV#}d#);xafd>(H49*IrgMuXAkm9XP{ z5u_;!j4YL4sQJ)@DGilS*YiirBDOKJBUZHb@)Ev!r6M;~Tg7$t^w^3c0bspLmA+j& zil_c3q8Fbp=G`;h+1~0=R70^8%!U?_>~m_k(`*tJKXq;*@}GrMr}U!wk>T) zYr>Z3F1QkzMgEhiCW#K6;C%Z#)E*ha3qGBM#c8wXQrRkz@dj_6G84$=nB#cHNQpjl zXu#1=4nSw@X*jpz9IqC8@)fvtdVIF=pNFhf!aIOnuN5c)NItpeJa9?Ozz??AwoJ4S%8agRK4N1XY|qOK?B* z6oa+dJCS#144xu$>Ck~5+^0sDPk#A}c|MAuzl8pdLP;Z@KIOu9oln4J{xhLgEE;!i)~Vk!^nn6Ta6% z_R3a>zZ8m(t$_`7C}8uisl!IY6k%52M|LM7VBA4?FYxH44OdW`YnyRy?|$?+G)?HW zPh&gB#j!*KRoF89DmXltKob(Q=>(%x7#hEZ2Ta?{Lk~EB=k+t}--}wfJzSoem^?*Y zmrPKtS%Rm!F2daYC>%W?ALjNPCB7l@bbx6njS2g|n>Z9&;~v5cJ!9UUAVXJ{z5(|< zRXk;P73^;x#bX{Lu}gg`4JZu5oU=2aAUhX-hSy>F2Ls;rm{MXBIg6Fjy9y=-U`s=B<%x59~^t&PsO|#$z54!N* zMsMCc(1lca58;2E-B_BoA$RoJORs;irU_>2S?U~VSZ3lzyR`kumMkezk6StvnaS|j z1*Rz0_s6jLwp=%1F0=hz4AX9#in3d~i9&P`dLNvP;XN8Wt0$b_p1zVUd>lfeuFixF z*=>A=Q$38-HKX@(Hu3uwgV{^9^(19}4zzT4u>#)%*jv7o*EBfL*4F*-;fg$+6L$rR zswh~e&Ej9(Ke8=LONE|^;9fIpg`32JHyEzKxvdg>-&Sv4TvZIJeTJ|iWB>-w>%puN zcRoV!8aIAcq^@VK!tRuAVa|1k+!l7aVRMcOXMQ96XrcltX;xfs08pRFO1xO;GgTz5 z6%~ZY;mP(IeBAs9cJ5QB6U*B`EApklZQgG;%V!2Zy)hYvd|tv=+%FT&7v{|Sqr8CL z+($Fwj3?hbB7V`|fGf`*gOf7;TuY-CCx48kufL07dIH7J z*WD-=;KTne8Nko%8wb_Cxv>3RAK3O!0;r0GzenUj>G)dm@?$RysCa=-tdnuX0z3S+ zQW5_DKW_?3fGN2e;H{Yq!`6?(I|i2^w{-@-&zZ)Gt|#NL_kz3VxfE&X*>CS%ZAi6> z1(vyxgS62#hnfL-a6{;7X~@Qa(sw;r5U9bcZGAAQ-44qCBtyCOCA40xhN|huSogMB zVluTB<97M;my%gHWZ-DJ=R~#81DQ@Dhlj#iy$>XB;|Ow7;IojO{xI^4m%tI-NBk0W zp=0=Ej5$A;EUGZzZ|>?*yAhNZ*))(dcbmzj(ir<0V|Js=1PQEPz8*4U8}RjqzoblM z9e?zpj)jKS+W)xb%y&&&i=%(KlLc8vVTavN&}+5jKGCV5u<9^sP0SFDbafH`IHD(x z{iO!nXD~fwqt4b`*(7lPdSQf+f$ZBK;^P5EQxI0T6IC2o*e@vY_#*BoM;TE*ysW$&2KNmI(-9!IaPlE+1KVhA~ z_Rsm#COWKn1!VqQK)o^#oZ2%T_CDN3H6MspJ7UPKP;C{L5+{k;C$sOJbJJj8}cRi zaPw@eRw)uslMy(*{aBXAL2ITrHxka-bC#YX{bM3vprblo z9FPnXb`m@|$^gz@)8OVlhe_tG(=4v{C2|A7LH4T%c=CM+zhlw>%a01I28|4?yLAzz zw~U~t_u6COe~ZAa{48Xv2n_PA``Pu-e5@cdcy~r8yc^$)S&NGyS-5{E*Nqa6D-q|6<_ImLF>G!d`0g} zYCL5!zWSm}Pb&ma%Mk|nOvo1f+;)_rnKnI8`i{I6X6ow_lUcSf^G?Y2f;;{tSU9R3 zr@vTFCu|YiV&(o=F{w#3e%)e%haAy8KMj4mqu8ar6T$aC3HUeuAcXlQ;NeGAEY9c% z)m_++u^S!fuBFKkma4%jk}UZh2ZE0+WI-WyC@fP_;J&^`d7!Z)`}HscJ%=`m!VWay zi)H)SE7P-NpHnc?es>az_sD_Qa&u5LeG6;#t#QNfIZR#QGqy|KLv6+RP*ju1%sv$1 z&}ApV!0jXH^149UW{I#%YamDG3^K3aG?D#qfQlYRqE}fCb6@)g3)Z3$<3ClN!*L!cP@5I$CE6VWI!N}EQ)Vyy?5_(Y1{ z-CxKz-BhIE7Ij!=6Ax3bn8EFZCVaJ08G1G8qheu~Xa+5Z!KWXStK-*_uHKt?VS*K$ zR;gx-pZQlFYpBORZZEKRa|T@buN};al<16Ap76)814I#WT*b2mtVVj!{S!98+Kr}c z{1rDkxg#0sOU{Aik5s6)iomvNC9HRu2Y$y6igc@o(a#E@tf5d{_U%J8y9@M?bP4vPNkI3Dt?XH$kI*H(%N8V$qswh~i8s%E2Fv_w@#DH{ z;8gb>mByT*q&4XBFAU>^&bh|S)15`MRj zh+;I!`eJRcWv;-iqR?oUIxRRB2Bgo4{>#`z3{(~PjXh@kY}R1dFO|qe4ZG<47H6vU zNRH1)(kI0}O}ME-f|yT@6mKgj$8~SoA>DF6D7s#NI0q4**EtqHUUG+RE{gDLWdWv% zr*ZwmuZfDlxxW%Ug6FM@(dHuog)YT5+i_Ez7b34BBTBCjLt;b;V{vnxiGZXg&Tfnh10u%b}5$wKr6^3kF zNTnkp$*`w8!9#u%>Zr<7({X>nbyp?Z6jKA~5&{>#UIHxNEabK&2gon8K@j-)4RJg< zmwJ4aqq&#kMzZ|TFm!nA~;`+CqSf+duXJwZ` zq4OrVGTE1t*U?~OA!Zq?`(W0NPLLhHhe{3{M#t+EliV}SxUcXV*=c9b55KM!n_qV1 zS{rg;p|G2Kkcnih{10K?b`aA)3Jig^mpFX)J2GiQ7MPk_qLrorUEA;9!4aPQNL~;+HqiDlLLfgCFaHDu3ZTqCA>*)SJVK0kI-4~uiCoYqhDmAdhP?qVq1Ifh>|m!r>~)ZoG+X@mvm;P26L!megCx|=U& zPtBaE?~Me~u5pj4CB(DHPuleI^QRC{a+-|!VMcS7dcf#f9Y{W)&hMuzhZD=<#2;c7 zLFu&^{L*EF(EJ!=h6Au4jO~&f#WRE)xP9Oz;Ws{y-WoR&^*qh!PVZQlv@8q;Pmtq# z9WR3XdJmlBJ*2W@xh{V^;}PC}X$h|n$kQ{$bK#7lz_$3fn^uLLWyv*#(0(bO)5(fh z*R>G(X50n4j^(&`-9Wn3N)?0uM2NRN{lT^z^n~x`GN>~%1kDZKu^;Yn%rT0<^$it} z)F?w|E2QFezdAN{+7`61-Hb&Av%s}Og`fX@7&iwg@WK=sa^P{E_``@&To-(VoPY8a zZ~0w9nSeypaGMGvNx;vq7h=np34FpLWtdr{ z1y}7J!co3CFN(o*Z5n(F2--S3qU!8@wlE z<3g&}!jeCq;rgJ-T&nRbU1>7}RwnqtTgUp!G~t{|7B)b*%wPOgF`FiIP6SzD_w!}t z9*|l*ip`#MpO|i!qCs`%@R+V1$a-HDvdOJ5=k^&4ZBM|!Q5GO;CG`owtTe317$-8AGztzDAH>%$ zi?QLn6;9PY2K6?{xah1c_(7{^P4_$E6+NOdVak1+kfO>h5}v{BKuaE8Bjii2-vc*? z98v%KS>oShAzFI=2L{Kq=#$bSOsbdy2~|eCRG5+24$UT~jX#k~|4A^J;(GS4;5X4X z6yq-{?kj!Bsz)h zb7h?KsR8qi4B1i%Il5qO1noIF2#k-8=85~BAU+yQi?RmtLbQYSwU^+L;Gk$-e-WlS z3T~I=biv~;xQ0zGfs@WqAsg`?8?z%YM!pHgJKVspl71kc*$QG|jy%WE3?~>DK-Xb6 zypf#`Z&V7w_ecpC&-WmTBkqZdWd&D~c_L1&or?AUNzw|QOR6=3!E9nAepVVz&iP59 z*>4Fl!C^IS+Z9Sr1~lO><2|BBK}VpXr~;kQl+KuU2T$k?C66kXi1*!J31_#d;IGx@ zv~TKj_VV<7XxZP5UJKt7Ym3$R$=#0K*(S>^di|t z;N(|(*5gnr3h>tBZ>?{NaspOk*yAC*V@e*r`WnObnM4qf)j{*I890O-hv&;s96iU-C3Ub zNjNaBn+;ES#a2X)rBjc|;~pnXo^>=zOua2(#eoGh)#@*iSvHEfd>RHRo|a&(IT4>E zU1sw>347X26Tl(L299}EVE&?MP<=`j`oje-^)^SkI?}oFxw8pGJwqE%=}_mrn0D1I;FBTz@Q-RXbNhR_AHF6cq>$ zmG85J7z@_(r3B^)9E2MyGlkjh2%hluKe5|cb$%%3FiscxO>Yw~lY!Ga$>K#{F-?0p z4cgF&v9TkmlDaJ0+#N~QEFMl1J}^+7t;L`7S8V5=cbFZOP6jAD5VP7oyC%~W(3K|* zmtKxQ1yV@j$I8)wf8(*hbt_hFDFGWTc`{kG68kS4A{zCFaLl)XxPL(rTO-U?wys#l zyG3W&k4a8^=;mQK{Lpm}Cw>)ph5PYKK^R(pJBPi)&a%kR2#DUIL8YGS@Y`84s9I}O zrOQUf?2Tq)<*DtwXxwZJ{TD?7OxnS~_K|4)w^!^x*I~TzQU}p{WdXx=^5Ao!UU|~a zO!3I?ZhYR$VHkKQgCBZa&vw@t@g-S8me?*F+l$oTfxs@T4Z8vz8Y$o$6NA(3eh^#z z4w(IS6wZ9H0$pQ{Lg`mSzV5yfho0l8Y5Ik%>U5!Xm(;1u`+oaa;dwKowH2eiPKy7U zsnMwQPsNF~C*YyyE9m;iaB!3ie&X?LltTjxQ~$uoA}u;0?zx@P@*lXz=PGg9T*3yv zm7%7(dvWOvMSi81qEEIu4R3zHJXchsmETFY_*RQsZ68D%a%-R{*h_SAtTGMq>Ss5n zxw7U712Aid1uNVU0O=(^&^Edg3w=UJzPlPIZdc(;rYGDcLJi1g_UDzk~+LXs)xEJP|y~c$J)^zF- z;e73}iI)t^z!TF1R-MU2oErHKWn%r%*RBC)KlFfS4_`3HX}09f`cmTQ*^4RH=kQfC zLh-HlD%`rx6%YTb#p~nbdD+x)u(d0SMRg4%wYRE4!J{4wCTwC$LS+PBMKSjLaYXH; zL|m70mAp*WXQ}fAuU*$Ove{aFncN<85fHA((dMXYKdn53O4(noi}k~#aJIXDY4W*x`IA06=f{Cyl)X9M;Z z1aHu}pG<3IEHhuyOg8(N(hc*p`Qn2W=oYsET)!)$&lVXPJZ>2E_C5%IXNe)-X*^mU z`iJ3zqUi#aY+N&O9n?Qq$5KZh$J``K_%K^wjx}9|q-)1X?PE!#Bi7NnfTLuO(NQ=O z%j}2fb;9OL8mLf^j2r*7L+~+aI$?yHsA0iFa=;)1zZQIh_2WA5Zv1mx67@^uY0*Yz z_D$hlQa9jFye+GVoWtGn6mU`JM0ROj4n8+`C(|99aqU4B#;Vq%li)hPeAERj<~)FS zi!7XyJQ#0(o{FEw3c1UAZR!|h0^6OuV2Nr3EN-eIw+>mr%TWhF(fpTqUmt<6?zbdq zOc)NUAIu|!evZcFHX*hLGTH zgm$hQxUZ5HeN^WMAuD9?^t%gSB^?cIuYgxyc+VVFK0%0N1zgGN!a>RI5V1TQFJB5n zBU>fb_(forgj@xs$zMf%UDuIJK8iQiUPdFg;}E9)l{lXq1HB13c&5MrmZ!$B(bFf9 z7oYWE%#~Zr&*dhNbbi0|%kukvVK4orl zPKoW`E^xP!j2kI*KLnJssUQV9*2NVXlMyk*oH#HOjD3G(Pa`7tzflJIT$w1#;

Kuumn z+=m`$Z&LzRDF)QTrj3w&EBSJLbu>A6h|~tXz(M*hqRwk!F!r7-`tCgiN8fefYc(&f z`9+U92R=d?zYdh-YQc8(MN*|)%&yE-w_mRw2e}VUvF1SyWO2a@($g%46s`T3I$|FV zQVaP%$D7AT2Z|r7=3?-LM#zg2vX(OizJf$9**Yd1Zmi3L#}`!i>nH13O*BBfLNtc$ z{y`?Jd?}i3=7jp2e!;`5ip2SNDT&!ViPP=2ctK#|yq-7#@6`SPob80Crpxj6vx;-NXY1E|%hnW?^K{ zk(;17A{=_$PT_$8H`u9-??n-!Fbw1>v|J|ubxbbe!C#Zf$o@c>f8C0u@88X~KO6=Q zhctL66w)e8I(6#NcT<4h{3A z5goELpuLvlt|$Dfojmz=uZ!*d63?s-+z?;M$YHy$HNztFzoLVZIzopv09f60T=jLH zz#VpnJAW5I#Y>^rwAh_QR6b(6)-zIg{{?fOQ;Rn277iSq3GB&BcHiYF{Om*^v7rxavWn%8Kb<0+rGsxoI?-%y7e%E~Zpl zEr(@V&f{16oM0z)z>N0o_-=42i5#Q}iu1>cR~A>J`PZk!>$D7cSY0gsR3Zt<{(>vK za0{jfeq_o?Ur}X5KFjwVB>uZi7d?OFh`)#J!AplvV1DQr(sfTBKI`2kU8Z+g;GIa= zP&LysCwU!JHJ%qet1C)6gCzph?mFI~LD4iq{l{nM-t?=;PtjFkJy+o5T^mq8pUEy-k4CfZVQkOmf$V9pE4kPAT(pi3gTLb#zJK)#|E4I= zm;^Oc`{9cIHS@$T&evngcPlhKK8k++JCx5JxeI0+zhFKM17LJzC)fonfWlONII|{< zh1+OiWu+c|Epy^2&%Q93$Fte=OLy6#apN$oG)3I^-W28sJY+XC{P4Eu5Oky#<7ajg zPw&cuj*~(O`D*dqXd3piP8Zd_RtNnwmPyOJM_h#0~PJo`F@OSpK!jC>z;;nxQ zH=N3Z)kD9+%g2kMAtnNM-~J2@AFiU=)Po?MHxk?v2g0p&bqwad#OBzkT-2y8xT*B% zxmp=+l6MFDwx(m(Ml-ZCRc3B)2GRG%d9cZAGQM?|p{2`jV$bDZ*3&+Z{`xzBTc|Wu z8egBuw@dkoEOWKc=Cdw)*_)1aW|L@q);6*07JFQ+rpJ3VhvCa$BW`u45VVqtF@Ek{ zP&X(NcGHXb8i}tWr#TU9iA)jLaUDMH`dJvQY5{AF{V_UR6TS&9m}9n0usbn^t()Tk zt(vjo;&^B7uI#`*&d9D=X9 z^2H*)w~fQ+CAXk8>o^Piwgd`))IrSAE%->>&N8LX!q+Dm45rDUdfQ$& z{h|tg3ZJ7Xzl54hxQ)ZihC}NNPu5+35?#*9@g$8onAovIbm~7hA#)`|*=R|=q9_op zng2-i`QFL=1+G{G)jW_ei2bCzItoIC>H-~^;r9E*s8AOL~ z8V8r<*5Z^Ka%d?v25WXM0~jMXKWpU$M$ivDvh)SCuC>934L`(lwHBazrVjVCJ}f$> z`viNgrK0tgc5&y=QnGRG5m+RCiVH(W<3#;ZoG_okbT*NDn#aTZ-e|h3_jUXVADyA;P_|-&MCd}clyU3!S!!rCWBgKw4TEfm^WoCAu z2CS!4u=tgk*fu_lY36O@!A{=r{BJr*GIpeAmz`#7kIrI^JEFlpej6-qSr6GZ@#xb~ zj8UPZFfA$@Yk`LK0k!)X>4Gb9|UKyVL2#Eo@X1xQRr`Rk3`?E6D3vLW%DHs z!EoqE*dU!q`y`#PxV#t->dwT=8S7xfxDsab&mS+>N8qjc={VUWM|3~$DTw7K!UD^6 z44yaJ+iiRgnR^%EqO!rP{QN9l9JYe=&vAu&pXLcXPk*`~TVR~d7|T~4oFKOUx*s5} zjNFz!0{hyB(TV<&^vn%`u;eg&zN^rjyrrsBDWo3TZ<0#XGI z-Z)(mJss*JS~^~ts5gIu88x>-&g=o$KF`PDYhEGokmhf*j*=H|6?vu2AIwpF!p3hX zq*w1F1GrO;aWA78dk6BO!@FyPXuP*Ez-1fJs<(sDYebNE z)JQA7G&lu91XqXo-(ozIB*P6%>Pfwh9^8+e$Hdc~LYaIWEIBum=)E?ABNuvv`70xT zvZL)!nbt!1syt62#6wkR}fr40yd|6zSS|3`Pb|;J*a+o`>No$la_&|6Sh#-E=d?{_;WH zUy(TF!XvW8W-_YUydpbiToCW;h-PD41>S5xK2u*H%%?wO;4)7OsQtBphJKY{E<>l& znmSMJe)<3jX_5xb1Fg7IPH?dF-or@=w~1S&3{25`h;j!T#YtPn)1vi%uyOSY7GE}k zpBZo*%$p^sPUs_y{^1Jx^3TbjH(#0FhFFsM{3|Hsw84q~X0mB+BAkt!2^aH(U2Kdt zo*1TwHT_NE*-v_j#m?Pu%XMjS^m<|81<$(=1n;OkN`c`67{z*tkbij|ZHsQh;N!X$}7Z#8CMdn{R0sT9^ zuy6legYo+9pp)H1W*-uK1?e+ktX&Got!{?6U)uDL%}ur~A_Z+P$k4E$`CQ!UfuG;2 zz<#w$#PG8bkd*Ue+5g#Xn~kXNJX<`_qyebmC@_BS!2%v-m#R(By=fx(Z#`qfQ%7-kPoh18RjKHg z5^eNwfH^YK5TO<=UL*MzjO;n{U5Tjk;Zf2-_ z2Mjdp2aVE4y?uva()vIxHDw!964XLPXfB}~{Z;Ia@JS6%b3fSkWcs#l16H!degzPX^zSJ!Z8|#!gX&OgpqJ_*|3QP%}gZ+moc(r|c@xd4EmbTXzVJ z({=eG$#N*~UCYH|YEjBpV5T`4gTd?sHt^9s@O5~D;Y)S`b*lgwkAvVR7Bb4&PryHO z6DTWu2FLj0@NDls*w~hco67P~@$L((J0E~UN9AC5N(W2y3BW&TLe{0K307Jt!tfk( z-g!d{ul<^fL9a4I7i%xFpl(WxLbFgIY##Z0|10Xe3xMZ8Bcatrj<>a~p`oQ4`Rx_Y zSYCJ-PRp4EPUYcn=0X8ppt-Q;gbU72J}UfX$MQGcVXWxY3b5{Yi1<&;!nS>9>i;!E zmhV4oYiz;HTLyU1(*~ry=JPihL%F3@30mfPpzB^ae(IGT`rMv|%J=?}7Xxxh+woFi zMrK2gbaj~}d6%x2h2bTV_#)>bxkhVu)`|tk&vd^tVK@JKu zD0(YaFKK{n^Frax$XM(h847mM!6Z{(4malcnNMWtWkg}F4Mt^0TK$@c|hiA`A0 z!V+8^8OugXpFkg}9q9OSp2*~#Dokv(WN!u>!J0xsLoE|9LU$a$J5w5T2Gt2p>?Shy zTnZLtWE0X-k6|zdcU37;msG*qRPYcw6N2IQ`{lTA{5i4Dt_P%1(h7PHeSot)oou7r zXLzty=rvhJu|pTqsl~KUOuHz9WUR4fu0!|Yvi;T&M3Hot>}C1e2Jmrr<+y(yBeSX} z!Pkmy%;SXM_M2M{Z)R|qyweS&6njaK_8_YCv>p#Xl|s*oVj|U}Me7&E!pEO3MA0W5 z%4G|ff3`amX>KRSm14+|tv7JOx5a2)XbW4?b1}zq70Ylk6Tas%bg_tGk?RlO&7u)} z>}H0^EB(oc_GDH^wy>GwmHEIvUGTnFgBi!tKzoxPwS5pv4qi5ZEaN0R$T&Fu$%i;K zS+EsmA#TsV;#?s&(l+ooj@>+-|Cm)M>RCU4dikXDLsx`MpX*>g*Jcc#_HRC0^=LSi zAWHl}MHS?2*ou-SrSNo+66{!!iW~bEgYhYKm@JVA@0)U=xgZAodrZ;uQXD#}gpl{@ zh2)m`cjEcmi0qvdg>}c{NFDpls@E&yW%>DR#T9kF>GEz2x^_zRTT$>78^@3V*K3LN z1t0Nl9apky%3!YBSYz*75{{LDBj~J?H}LP?ZdSWK9+qgm6kpj}f@S9ig2p6wEL}De z){Om!2~H=`{_1{a95|l--Ior(vcu6n^$e_)dd6a=ju#(2ASycDVrhms`LNi8h?|$b?>OipFum>~@H7HkD1Wq@7%zXZx7In|Ial ztamm{RZ-wW>h0mCpOAH2;Xy(MyO1t@d4Vxt2T5t=cx1*IJi1yLJQCeu*ZZ5`lKlnL z6USpq&_&RaUWol>^Pwa|l31}NWVz=vW;$Rp7w3e+?!f|&cV9KE3~eHkFKys=$1+f# z+=lm0dO)mZ4_wWt#6bfDZ{=_`UT<53KL;LXL&dA{rd&VBD~RxdS|e8F?Zq7f3Sjza z4KxotD>6wQ2J`hVW37QN?fQ@lsVk0Pywg`^+bKmm>>JpTs&cZoR+5hzAA^tOjQP{j zBjkIVKCaoc2g~FBgFm0Mh)&KHYU1WaZj>lc72QsZc~}Ipd+ONhJ3ZoCiI<`9sXUkY zyN-4Xb8xpvO?ngBzd39eM65IsEhR zB++Rd%IoLdAcviPVrJ%N*!5L|4x4JpJ;9yJC%wW`F(<)fy&-G4+KM{nx#EeMJ(%3| z1a7DcoXEK|smcR69wqd|RkJTMnNeEQymJ7RpA-(tN*8gvkPlm=G?G3f+FV1fkWKco zpytagY5quEnpJuR2DOi&t(vyfNJ|r3CkLb4k62uNcN;iWFQJduRpX4`y6`bI0t(s` z$k92~?4QDFh+CJ!DuYI2i~lirc2Wl39$5r8ibintuHj?QxrNq4{yDyEK9A8{bGW z2X4e#h0(-ks4Fdc>w~tIkI6`(GkHZJ5TeTqphTw?H)?*wxkVOey!r}SwRPa(=|gbi z>rNp(Qq8t_9mRw1J6K^@n!t2EFFrlI5$D7!@k6n-u&Zx4oz(mrZ6l+}%)m9`aElx4 zKdosHarzQUsd7@mQegaj2{JTj7FsFqB+I8iWs0?BurO=_Omx-Z-3GN{zmsA3B54eL ze04e6P99o0W-ibxFT4k5oVf?)!xO-@U7BqSxXsE+ENH=T0OnPrd6~5l^=VUsVV^EQ<2XC$ z8n6=oTeu%f&)4Ce{&JkL6VR=8KOQTHwoTsC26s2g!I^SRekdms{HP(O9W@f?JnzS6 zVSl0Kt`*hq-NG9@=Mc5I3@0bQ7L8UDavID8Q*1dT-#8$4P?n(6G_7IurFa+`&{?si zbRmuM?j^rpw1fG#yY{M%={RiFZKi!NiWzS6!)g<6BC$Y?-~A%ZOEpGupU28z>s>*T zpWT3eucq_iug=p>_um40={igratxcV?ZfsXk?=XunZ^`!un+P=Hs7*d{NS%L%4%fc zx|P7U}q4hZ5Zy#UXuUJ(}c?;Aa&yz%3*IZw4Pmr>X;xJXxKyO9Q#A zgFcEp&fwlDHE5EN00D7ZP}Fb8^l>&~@xq>1yR32-n&miFsV z+?y3fe{A^65=#w;R^AD*f^IE;n?D4O9JIkNqvYt9OoCQxs+if-=QwSt1<}>%VXYP_ zz$ZBHg0NJ$c4Y(iiroRaMd!KPsd$pcZlF!dUi@>gLFDg05v}CMzy+FLIZb6Od!||n zM>7pkr_G$au+AidKU$JSD!bv@@wL3}Sq3&LJ9EcBv1Fa+TR0~-k{ZbS;a9T|8jw4N zzfWnv-#)U;u+kceQSg`Q4g_VtPb{RU0so$INAe7+Jax2&vuEuXDYVxL|&zQm_UznC?Vw+F~_pRz_UGE@?>b`m6b!ck~UvjopMdMtL}O_DowG6|9p*v-nXP!wm+ zpUEwU7w&N|c-<^mJp3fa4UfUeIyq#hPCmNiXc516x8TI1Z*ZabBThdOEwT&yh@t?o z(2+gGwmcjRibDqTvXE9**IJ5!>o4KCq&~bY7J4299_*^A1rJ64D(fO~(E|6}?xnciL!NKeelC6~-3JNV_2HVK z2c0Dj8wLcN>7f? zJ^i4fO~NhE)@Ejk zub)Xl*HA)CQWoHjumpPGx&cI;5|}F;y`m>}hr#rShPb{&i3f%z5vv3ho_D$!!=I;B zS~?0{e3QX^PWg9Gd@bx=M?Xi8u4YWu6FTMx32!-ijt{x2OBE(`;;G_W_W$0l;~AaR zq7I|)U>%EUV?_@e_=bc6Ch!_ z8lTso$@jUALg$tu@%oiY^p2S$HyN+TLzMhMt$QM$npp&kE{U)+VkPMID4|U0Ci35E z37i<#0s#}7pmc)`AD-$0qbm}jr&5J_y%`G=2G0?HQVHch%ia+^?U6hpIuF(Rr;w_E zHpnsP#cTz2@ZLBL=36g?!sEttQ$iDI8g0Of6Ar;sGeg|nVai__wu)NP*NVBO8TCKk z1J6D!h0Ga$$)79TgwK}bKf*3x!<2r!Vd(}2a+gVVey_-E>klZo(MH5;7lEJ5GK}Ba zi&0It@N8oU-DsqbcRY+~z_kVBS@sG{QoN6AVsh9TwNK=Hk{KpTT0-TCGBh2r67DvY zfrVKjSct{!o1s6@jA7)*pMhX_{35s{tI`LSW{^^~js0{CA$|V@9*~MX%3l2s{8r?` z)|HRRpYVaS=B?oG$uXcxA@|YFSd7s(j*<8-Gx9+~AKy&S;Pcl%V|~R0k3uUun{7<) z^-ka?a*ZJ()`;G}(1+;5uv{U8RsVLNlNOu@7!r#0zV-0Czy!K)Tp-r(a-k#g0p9s~ z3Y`W^@Qhu5$O0*KZhy=UKQ~T*U(Zi4+Skl1{zuVy_~rP$alF0vQb|jtsfeiOT*oM+ zWUs6eDP)gieWM{7DoSY}Diuj3>N(dzLZyg=%xqFZMj7?HfB(Vryk7U~zR$U?&*%Ma zYi7Y}zsYt(Yd&rtN$INFQ*x7onk z%BPsMWH@NQoDAz5210G61&t}cCvcMamB*jp#~a)&KuD;GuMh*nuxOJwu<%3q_@jO?kNdQ69KAZza{s2BX$MU1~2d zvH2By<{5bk*RF8Gy!#E%_V@xGR5XP27&AKCs~;`*HIsX+HDZtIF@(K8QExeiNUYCGduBeHMqi z9u*kP;gGd9g?$V)q0%!p^BLWPglX3_(S+l1U~Afr5Bs&nrovo0>2?)ceYK9{yKUzt z2XDgV!46QM8pJO*&PAywQv~1eQKq{*Ni2CU9y%<#nCk0N@i~tHbo8%S+!HXFiMc(m zZnwaX6$7a0i6@st@dLrL!kkQbDI#(8-Qv*nRX71t@Q%I*T-iN{En479JJ(vnJ|WX` zee`{ik^{|T8K@gOp437l=#oEao@Q=SIJ@>-F zBQhMXzH5NFhcDv0v1cJ^O9D4EmZ7)8Jh-cl4D`KzBG&32jk9h>yYVuHgcee*E3)`*@g8_M(~{cjq~fafDz?MPoV<|FgBI&pc=X># z@Y9K``qQk$w^uI%xAk+mx11j|jEaLxbElBdp;PHzg=nzO(5A6V*JGHbqWI^JLBvyd z?mAu^#@CPbiC4%bL%jK8w(wsRv{`MYI!h(#aQ6E~a=kG6J@WBV`TL|;d|+1d^Z{L}GFSuHtg zGn|{BeTjokUt<~jdQoroc>3P%Dy+F54GN3@?^G*cu%B* zryjtFOc}0FTUVtX6$w3igV>Fh7`Wvk$v-KcbsfIE5ASLw!gWJ|0ef?o>!K7n*sLi< z&rfR=-%80~CDV}%*e}7#?S*svSTnll!zI@7T8h3H9fP$I>8SNe1x4ENtm&~NJ*EF2 zST8vWO}a{$x2Fb2MjeO4MT_a^J`K>kGa7!lM8X*l1=`^G0m7y2X{~+)_}3TU5P^Gs z$`yF-t!en#N*xAC?V+8064WwMlCE0vgm|m$gG|F5QP1LyFl$jyRqp~R`ozV8uqR67 zn}J$n7~BUQo(eklzX z-tje}TVrgIcKM=P@>N*6I+lE%83XT?&WR*e{s-M#2jR=8Mxp;)D&)EC`1_HYaCd7s z$n0_;t7drcZ}sk?mH(RIy=fTE|LO|=zN_++F~fPTTmmZ@vl>o~R-io>^U*2)6q@bc zjvMz5AV+7M0?BbE{F=smh&^?k9erDhL-vNCuQ(3W0Mh$+up}@{8P@|4|BlxKiV;o~-@Ff#2MsR+r!Mc*UH z*AahMXu&6ZyIq-n`|+1(jM9d4yB(?g{dEx5p^im;y=>*LDZ*}I1lSlG5jT^4uyeY% zu&*@ZSK^L{x_V7{%*sIOq@Buw#kVmYr_t)+9|Xi*5*9RDaU*gUM=zzMBr zi!if4A;ni+`p72w&%&UVPWH_5DtHWvqG7YoqTH4Utbb<%cH`d&4&1Atmvs*wr>b+i zONuz^vI0K!d&jb`1=B_IhJbrxDC!zUu%eOs;E|*pdY-<3<0|zr^4n0XKb?|7zf!^}qEk zyLCJLbp8~3H)|}k3#|5~PYk$f{T+xjjD>a2m6^(&e3;j_6}I+g!kiOMuwFDChBV25 zk%b|j{!IeDbt+J=^NJ9rrA&jKYLc?{0qnw2BR(-G3A^=D1*Y^|ruull=<{nC)T^Jt zn^V7Ht1u^cxT6{#%1L6|#W)P?G{EZ_DcE7CfG_VphEZo$LbTyVGBb4>?r2ZL_0Ko5 ztAgij?-33B{CW|7**pYn@eFnej?=Gc4*c11MY=KaC>&U*g8M&iV~qor3BFec`1NZM zOIiZr;9w1y13n=hUoAaKpx z_TW#`HPAOLUT^@fM$whcc=%W`@u(N(%$FR*^kA0Y_T7SYTSnl4>IvLC47yM=P9g z;WYCh{`h6WI5*dCCo$n=8l(iO(RqEl=)6@CC_l4YoW1Q3)~jn1xie<;w}UDlEmEOV zXP?LW7W%yK^$FOu$B1s2H-LLOXQH>)QHVJ)kGxOuhV#zj*p-WW!B&{hkBb)WssD`l z#W^|bsrFRz&lfReMIv99JOCywjDoKx65!(0eDL~EhfmQ4hDjRJV*}2iUy>gkns5RA zmfjW*HmD(*Pkm8dK9|Tf32aiqG2K+O8-4~K5N4nPtNENOT&XN1^~(&{MvGXgKnb)R zRG_NXow!}qj-5Gm3(mzoz_{Evxcv7P#9uoPvFH9kNZ>>g+&Te2m%amuVV7Y2=WI0F zs!v~^DP!{r&cK+3U1%AUPGk<8!r!&3G%qHYy}!CqG@_Qye4SXcz zBinF-sT6IFw4jfd2;Gd5M}+e(JV3q?!)g`!YvvU0o-m7>IP4NVFq7t$PEVnKT?6b| z@Dt|!cN6W6wZ%2-6iCFSHhdc9O!Kv-;QJ+e!D-ko^7-U%IO;YLGuo`Vwo5N5Z`?*M z?H99|xBRf;SijpissBjl-)(TsXB3>eE4aQ4SD?wwKJ=dF!Z$@$v2DplbgGReH*GZ( z_Bq43@z(W3ZHAB;)gQ|jbLzL50ReH3_qLI znD4h|kmf5vw~dd2^^xTtm@-Q ztjzvMJpXQie$y0?txaV)wNmu@yT!0q;40pUSHdqR4&b%@?@?i*BG(f-Cmq5aWp`!~ z_Nxi(>*|gTxDdA9w}eRzMqDZ|nn={N7@%c4A{Z7{AS|Fk~Ho*+#5Z+uZhkc1-iE;4}JH2B?G&M;jJ4Uz@*3E zgd4A6S(Y~6Tc}A=OC|Z32XWkRZ76pc_X7UJs_}Ex?^sZ_0ZN&7!V+i1?+)_x!qG0) zd$$J`n0x^H-HG@`+MIgNdV_@v-m<68w=qRv3V7f_R`E5E$o!Jzw!0q*EZijGy+xV& zcTWbJWyetKtO|`BuErO)|Ae>8rQltt7MwbF8m@+o;i60aFzDhl7NBmA1ucXEt?G>p^v?Rt2mhV}wyNVXFTX_!@7)jV$iN?1xXtjIXk^ zLni`lCJOWa=o2E1)gw?Twg&Xs8u;2j0jy_l6J{bs!w>eUHU~D-uwm zM1~t22_>NmV#(>oVc1%|4;#-3yboa(yW_1H54rwZ{Qa;o{QhVS->;{UkIr$p_V9(O z0rSxC30~0VAd7)g(YV5)vC=D92Cgd$Gm=m{-tMMPPfo89 zY5J*=4Q5x-S4rqPlv_|ImQFH12>x?3Z*;8|oFb1X{cnaDP5-JQ^d8!n<6{H9BI+Z2 z`Cf`@Now?x)mp63--w3CuE4+EY4FLwnJSPQY;NC3a{IwfR2q2!pHFIIf2-}l!%~e) zn1|8FD*LMBRd?YJp~EoEM}y}Y2g91V-`R)o401YWAdIFNSlm(x=Kh6j_U>+Qx7sNl zHqi=sQUMMUTr#&N&Jw!9$B0w@3DmIEt z0(!_jgo{Z|yzsI}%o}WpBO$T~FT$2Eek=NN^5(aCUWy-sY@jRl*;|aC{e-OM#8Kck*LX+gi|ck48=3GvUHQwS!_EQPA<$(!>`*{VWJ)tn>C(e z|H5X_eGvvYa&Ru>6piF|{~5ux^jMfBoWa&ROcRxkh+!eQBiNwzlhJ(39dztO@JRTA z0c!`+Nu#O+zCeL^p~Db*XY6+DxATU!h7x$kBlz88(O`2_xT6KhaCSeD6bhV$b$(Z% z{dfjcesDpxrEf%s75`(?S4fe6p=(fal{yd8Ri_Kz48T!a=8}cRA0g_p1YG-5j<W7`;e`Ij!zELtrYDi0&YrCkb~CS-{7ZgOE3@5kDM%#ZI0WKuy%v(*^A}!QC&b z>aF6Qs)JhvU+|!lEL3X?Gf36tyO(vb5UUhe6=5fERd(X6gG=CX;6-uD@g#_xm4%n* z*1H}0y&rPtKZOFtP)P1uz(=;Ju-5{N(Z;+6ZJ2-4uAM~3|z@3|g_s8%rSlE76UJ8xZ?Z7L})6fPxnZ=nyH- z`+m=*woMlOgHm($ZcqjBezY46F!)>S%lgiXwVxjd~K4zOK(-Zby^v&l4d~i1t z4e#D1)Mg9!QLKS9sb+EQm|D>A-Fd0>g9P9I;SJ6Vzsy|2X5;QpBcSHfUaU{GCP!Zi ze)r)+@aJ1U@a)!i+kau3sPX%JD*4cWH8=FaF&#;v8$C!AE@?-1D5aoCeg|gDMZ&3w zRm|u7M;P*=7y@7P;QWdl+P6L#!)EPduNEgTh6~|Gi!qn+SVZ5t?S$GjkHz<@vf04) z6!C`}cVWV2U-W5P3TtP{L&WkuIJj^dbq?K($A^ls>UJ;2&kwx2&dJbtI>Gr4W*kDeAgU|^mFE%-1NUJemBd=KU5@uEc{w^ns%+n9)>9+#oV?@W9H z*5stmet4o;AX;(%3+9Qmsj~GFC>ZmUElJ*nQTI+UyYabfWcDD~b6FbdUf&dELvC>9 z@NpJ@$`A&6TEl=N)exGH%(VOhg}k-EfD9}oy&8UanC-)_+xnR2Gkek20zq)-r!0Ec zV}Zz(f#tkH*_F|7VeTE=Vdlada%c0b8*bdpDu6qCoP;Zn;#pj|klU_x1o>4LAk5=6 zcpp6qO3$vMeOj5gcSQ^?73Tf&OQp!BT_?c#^D~zE`kAmx{6o6j@?n2w6h=gw!&USt} zJM1sHg7aYNr#0;O!+i1ed-7~uxj#SNF&1C+1kw;Hhr12aK<2X{rMg3SSFyfm#!p== zU-S|t->ksdQ*N-_iwB|Ux(W3j*TO#B%p)G1&G<~ej(z*`S=4EK0ip!9-nIPUfYM1& zv`w3Onl{4iN^N|jXawYV7}NJZf{Eg0m>aZ(w|&bMdrS!x?J`~rtg=z$GdU90HMOyg z#qwx;Q<$Z?M#8Ky!)TKFb`og04rV-%p|b=RO}H?3^-9ly6H@Z9(q<2tsk92D271A> zIjy1%GMR#d=p}khNrMyD!$s!Bs=SDw!_QUH+}`>h>P^W4o!*bIrpgpOSJ&h8*i4Lh zvWSixwt#!CbB8qV+akw{hUAO;e`LqBOqg(JHZ}zKzbl2`C$p0B)<-(n-7PlUr%FR#xv&8m<_s<$CLOC38Zj-ExeFU;YPnzagNF=LKnqA z;?GT(9g_xom9@E6{svt4Ap@MnYjENk=c<@J!Z%q)nY&py(rNQGaju>Zb(T!WH9;33 zYtkdkF+PeNPS(^zelKrZvJv>&Fvv8YE>_Es#N}Or{q?rMFctXZIc6(BO3fWsZ4&No zHXqpUgG0HoZyVZ_3EjH6BOrz4;I8KYmqj6vb?wBN#Y6#KHRz#7nzp{z0f>pPkg{6K@nZ=sPia=^TfAN zmDO~K@QqI*-XD2aa2x%AbB#w(r{NC1ePc>knNUD%!RCLSJ=7R``Gm7y6pDw zTCvt+H)>^EiX|$4m~QxPbRB-0WX_YON*6D&9isg>d0qrw@Nb1>n&ECg{U$Mucv&hZ z@*|I9ri0y+^=zliCXwL|Ad>m+0K2AvfCK}%`0jR7iY>yiUyK+X7jHjzb$>Yn&w1 zN-;ReO_}5-?m_)S9i-?+1NmX|iapt|A62eDgU`Y~^=!sh46o{9UE~YVFJ$CXu_`^* zF`tc!97y*Ecfzlw()8bxb)Y`86Uzft=!%2Cz`RY!LF?F|{MYw*Kw~q^xqb!%B0rH> z16OkB+D35XvfNASJRVt_Bf4bnhCi~@$i%hQ^xg9jpy1&xzGYJnvb%=Dp9xoCo_aSL zOgJbC*%d>rEp&L2OE;8WJ^*C461jhI4!#h)VAcxHP`1ofICqr5&GiT2UZJ*-y|4#o z&)qorb0qW9TZa3`XOpQ>3Z$@dK9ztJ^44G?)(9O%+l^xQm+UBh-77tC~PM$gpFSx70 ziiHe+r0f$P&uCzi&a?~f{Q>lH)jHg&R41;v7sWbs2GZ#u%racBFa;t@WK#P`QL8Mk zdUGCi`m@N`Pop8BIT9y$bYgDZ9_F$|6P_iVz?_;?2os#^$ z7UyAb;8-|i?8H^Jh6$ci33?{YUhK4fGiqLwqBi9xvF5KMC=c1d#(LgG2~#t;(IAFb z8%IHIuNCeXvLJhsSi?Mq>eItH(NmOcl;%< zn)J8=G`NY!$ivfTl)fY`vZVh5Iex!p%cuuw@-?eq)4Xo-O!r zq#l3v>I9~h90fmj!5{Ta5_&&hBOYt+i#M;dhr$d?STODddViPYB`w}m?Sd@in+!&^ zY#ULd@<+(9EWt1B`nb!TU}gLTsJ%Ou_8GKd(+77hck3t=q6K{3l!WgyqELE(ISqAp z0$S|?UVW~jDX-hnx6)huSJ>}A9P^p*led`eeJ!rJ`zUMLVhSr>CSZR@CO*$rs?=7n z=WZ%y7}7qQep!1-ELC=wIVK5bzF`ppi)k-DiP}o6I(EXA!*USZ<;SSzEeJ5z<&$0e zN%cd!D)ZL&my}wacUOQ^aSIHsPjX6#Z&Px{DiJ@ZOOGjY5 z;|om4OhA#bG&J}kHzdN48co`{ zRTh8PPGM|;KU>xR6{XfN6fivj*qa7%r7O`OUO!0kn!+0~CXAoOS!)YRN^o1!`$)5j|C zDOK%cQn&;)oaD@nxF(*p9!>7)h*s2wFoMMjgjfU;&EPFn!4F~c3DsaO>3gbITn zz@^)6xa?{k$=jR+bK`1o(kB@*^j{-WlGexFGYxU|@Z%`2e+4@V{)zbmA>Xg_kge@i zAU#iS!y&g-xOwn%7O!4LObyaW_ab}rEIKDLTQ&}VRs0bvcN0<9j-6z%a~ugeBV?#$ z{_muWfNY~${QgjaD`_-=#5BQ~y!#yFA34K(d@Kcb`dXN|cNUIy7P5|aDj-QKk?k&; zg_{dR{LmpaI!3P)2lZQ1fp5Zw{}Q;J&o{uk|C-qqUrD}JeE~2P6aFu-2<**-J>x=1Tq-~7*3R? z!EdF&ChQh?Eser-`v}1^@C)aD93kuqIKD{p;`{X&ZIdO@NQu!xR zkUmOI$1aA0-&^sutpnLB(@nnEzGa4UZ$i(NDSXn96JQ$inf!UN2vVO+2iL{nP_0o8 zYc34ordGGH_kteRs96p3cZ7rDb`!d)ZUo9t)<6ZJ6Ik<*qgS;x*gjhdAA=R>F4+{a zz{QB3l?j9TXNU3Xt81)tPcDj1@28^jZg!w&1pNJ23?^2>-KXv*zR#b_;oT}gTY+cO z5z7Yl%23ry?_kSiODxF=M7?}zKHefz^g?d{hRqgov3E=1sJc8_J$!*n2C1-ws%Ur= zYEAuz9Yd29rqFpLONlle7<~rd+7mc8C zs|8-@o+#1W5r}QHip>6P#OKN-GkX1`IK-?2=1c04JH>}_VkDA$ISp`}- zWhC1&dKX=uEAXtoOVKNTJhGPzruPFWcM8gGR?{M!;-q9SlO&JrxXa167) z$Oz7zMZ^QG~K%SK_rr z%Irr>1WIJqvlIPCgxsmpu2`dJw*r0BAPs4yLU!Js z@SYQMSjP89u-hb)>ZyK!D}UZ%;=KXXM&=PYnVgS*4vV;t(DOdLb{5+h;z_%7Y+-U( zDY1LejVT+u*q>Y*DieAW*DtI>y@p`Aq&-I*{4K-nGg0JgM_Axc?+L7AmXICoSAkc* zg?+`-(+Ir}*og@ZaCf>d`JCen>t@)2Wn&-yKKBCi>IU**PdSdPm#2QTP^{~lL0UrP z*~Iz#K)EXi{C-V^*9rMxVw8z5w)c}eV;uOy_PgTu{jSjRGn%~3t*%<^{T;I3&xDr8 zV({G@%@$b*`=nXf&|)hvODyuSxxa#(-Zow&EbqarUEQs*CWc20C=`9Unod+MYH)wU z)9Ab95Crb%hTi5vcxg9Cy!Egj48Q#ZC%lix%qb$=d+0WjO`F}WU0Z>k1;KEz@~>#{ z;UIW>rT}hiOu`C_uh3Kb09P7Y-~_EMa(1{6UfVSer|z>t`F|Ne79WPP^eJS`ozc9| zM2RoI@EenaU1PUtBDy{I;-Q_MywzX_F`6SuZ_GUac9E()rdxrYRU9F3(^SCaY7Ehl z%Of+#h^s1eyzzaXHSV%M2;t^?_~Ynjpk|+eTTH{q-DUT{B{UC5JU3^n>yN>T^nK(& z!byQAKZhUf)4`)=f}2*cTD)0l3B-Eshq{LbnArP@_=!`n`r9VKf78O&YG;ZI-^SwO z8y+Ne;9oGkRSX9byIGzcg$U}SR$^?K z6@U9=TUBf5H!yA22bITP;Emf{N}~Poc7ojR5gy_C# z#Yc*RP(8B^wa-4rt|NJ5N>>Jgn-s779L)x;Qs&yLed#xwH28Imh|Je^!{^DX;GSte zj@rBjRI0o1q)&@u@R} zJH4lP;iPX^l9=6xMO#d0 z!kAC!t9BUI{xZWn=k=iaPUtI&*1(zHwXFP5I9xlUi_4qKA=M}wU1KKWwskL2|8xah zu#f=lfJ3Mqco{FA(WSe4cJSDn6X3AGN4-!m5jCGb7KaOY>alk(;}pq!(9qtGb00L} z=%$%WGg6EG63%fd_Jg2Y=xm?-dKlghoyUCYlh8?ehbUS7LzPql1FN-Z;J94qJ`W2P ziIfosct| zo9r86CmB7w;X4c;jn(3()E|*|3nNLIoEF#p4@EB@#^dp>UHBcpdm3 z{-T*^nJVJrD@&?gmDa*VZ3T?$>xaf6wSr6VAb8KX;AZ3LhV#~JVq=B5tnaEL>~C=> z^Rf@eqTP+Sc zn|exFR!{~i<#dAN16e5DyHEUWi$9Muze8+BU8>U5F`yrHW} zoDw>#@y;^5xOEx*EI$eD?t77y`(IV1&bWXH^4UyKa{xJi0?Ol-^JVL*Valb$sN*q* zT>kh2q8?MeCE1DpOX!1f`7iKA@i_iQ*?<(!=@g5GX!2i@z8Jps8g8ppqxWx1QNPQR zc|Kcu#3+WeUEq-#f>eXlkC6 z1V;B?uytOeP>6fs^>qaq)c%-uq63XGC@kId+PIDz4~`}}VIQF5 z;aBusYe;XZx{GGFt>AiQ8!>cJBvaTe?7T(RY^_W>h(&jCu4N#8_+W-kQSHPxK3vrF zS%>w1BSHsoAv|{cCOBa-aO$5>cKKol(U-h{56uh7*HmHtSCkGFz0J_>TZq3mX}MKw z>V~F|Ycco7Ol*37i!Fa&!Dg?r7Tg7@Jfud7j-27mR+Xt>e8hAZdqM^5=7!MmKld?j zi&XsPwv=~W@uY{SIrbE0md=6^|pk~#x^=fpK)Q7wjfEz1PX z2|~9yz-?I_s!?A=6!(}@=S0Rzc3r}?cCuu@tp#)XtH^)JoClkm&vD3E8C=w@!#^Gv zKpkZz@tvk7$4~1Z*&zvJ&)%f+vu$|JGZ}bw-kA>6DTdjqjx?ZPAzoc(0vcN+(7mu3 z7UblE=6@2r*am3xu1?5qTS&{~E{hA(ccA39!8lW99$9-Qk*rStE>2F8p+0-s;r_G{ zFnGoxe6X6~rk(S7kkK6|8~&S^=jcP6RtMQuVSvldo3PQ28+f;CA%P9yJWH<*qZ&LQ zwcj6BZyrmFC(c6MF+*YFhr=iu(+N!%zqk$Po(OX9vT4xEFq}O98u(mJKshNDlpmwP zyI1McQWZ_=on#1^vLmR)a4*nUAb?iS^^{xLE%KEZb9nE;mkKL(V^J*E!GX?nU#-qf_zyynNhSYKI;f z8_9zu5#*rRZFabB9Quu%&qq27U5&HS)YWDM^~xW}Z9TK-OBrMIeY_XTh17sVUILd{ zqX?INuVc$kR|`DT7Unfjo&?Ip@~)T()O~s~+|x^820iM$>Yf?U5pi7op5U4(*vu7X zb&^e1hCI0>SX4IRItDHKgMao1;o|eza9C+3({9q?FO9=+aj78YZbi}7&!(sU-&*gR@MXM5Fjh+ zvRHKaRq%Osg-`e1j#)MT;rDr3bmoRqmO7#wlcx4Dw@r0yP|qnS`|SqV-hJq^pdIWt z4x;-5ucExe7=H3UF|@BA$kWEmpeHKq;K-JKvQqCkJde-fH&;pHk(E;X@VQi|J*~v* zG!^*Cg*IG&m@%x5QWG0Qw&Jc;ui)WWIo$00m<@K<=asv~koGeXU#sYdm%lnj8jk?& zSul3<^YuVvzd;@7}Weaou@uh;1X+I z!%@M7r2F6>3Jx=I)TqO#xBfiT|2G*YA8ErZNh>Oqh@|!82`-&If}eYzgWuoUu}GNA zA06n&s$GtJsq!qrA!0;h?y7_Inn`r9<#mknk%xb8REg&kCEg-*P1nY(X5*cAqNjQx zKKi4>%iT=)jDjFO>|7Yt9-Iuv7Zu_5Y6q-$tYMFpX2Nn`5mC7JPAq>xgI<|tPQP#L z6HR{m7-85W@!CsUa9frhzrODZJnM6Voq|Vx>7yk0J$41n4ZXs?rYi`1fLPGotBgYv zA|N8}B&daM#nBRbDNnYiWrv%ciuZY>RL9&%UM1v_z*1~2l&#~SCm_);r79lFfp z9r0?sE_!Xgk$Xo(vx_73z$P%8Xb6?x&1+S7R7w~8>(b*Brxsvx=LFV&CxR?7-43~D z4-hruT~xKEi%hVLfH1{Os7{FGMVjU`OZ75r+FmB?UOS;+R0WRzpojOS%hOH5*+hSH z4d|5~#I5`fG9l+UaPc+FJGvU0yfm2pA!T?lp%+-`M--RYQ7fZ)c>4E1YBbszjJEXS zJ^#5d!>Aa}{!pcQf67^A{abA7TgTXYC%)*J60EDG;&<-L_}Wp%T=!}(tVnhN_o);4 zq;o=!qo*1JGF`Y7T*I64_Ys_;pzz@>T-hVZ&tAKXmlq!u?OY|#?~QsSUR)~)L+1og z+j|}$TIeM>@lb50!Jiy)#_S(un0(BQFS$Mz-__5c8Szyx z`^N%NSEdI)QobCg3JekVe+#(oSt~mJQa%1277lBB1NqUjGo7nx7pr9E_9| z>867>K$MV=F4FRFX0Jc)`dA2qtujI0q?ZNX3nn4!f5Q5qRVWTQz#j_v!C22)I2{`g z5$lrh)lp04|DWgVW8N0Ny0KJj`%_Kq{((2 zqMwfx=)A56(E8;QI^Ma>Tt?62o${wqExjJFr5EpI>(g=4!-=!k7&cEj0?&6{ViAt@ zxM>styA=cZ{&8**}@Hv-IDtmu{J=Dft_651G9lbdgpdFSu5q~ZJsc=+=@ z-009_djbw%S;RePe!ZSe5O|KR4Vwi-{ct|K`3c1O9fBKYg!9vXNnj)84S};m=!!Z| za&r6=w9$=#ubV4j(d#DivaE!OlvHV&mnS;TyvqW{yF*J%3{Fd%kBhzf*ydssKmO|j zm!=83L-Bi3Ut0}h>kRPos!4Q)_?u|iH7VZPSwli@{(^LyE0vF5+`v*7fbBYQyzu=O z(cPfy_~Vo(?mF<5S-#d|UyDM~{Z})dSYd!NUY#s_iondCDfrFpYhbYHSQsyvEbh?0 zC*D&32`o3ofL_E>`t9fzI3M>MJInQWWmY_$-<*Nfq`t|jx@;z}34v4@$?d!eTw z9#SfT;m$)Xh%qoFW*(#Q%lrGFpW_X`WcJ`z*PZA_g7AQ5Dkx2I;hITj*or|tqI-`! zagVv9;IW#9*)QCQzW#9>Aa_oj{JqXiw$Ot2S7(uJ%ExiIMLGBm>m|ErP zL&5!p@V@vd1}mY%dT~_+sd|`<7uV>s6}z8+-n12TUw<_YfM}MkYA19+ z9ASQVq?XTCm|& z(olaxhcF=n9lfYr@El3O>tH|VnwCXGyJpa&h6apLxC>rBGLUE9$L{3~gWu9aATBcq z=Y6=%wtFh0&-8_OYe*HoITJv(yXn!k9(R7N)2RDtp4 zfbZ^hpvCV%P*b@8uXD|Kv%uv%xvdAMF)ZVJ4hqBS^rlMMCJKTX1H+A&8;i7p;(!S_Y{ zW))D zSu_UWt;q`@$6<~5(;Ye9bLJ03eNBL+UsVC0?%;18=yTjALml?q!16iQ;DPBFOnfn3 zBqut7ae9)}XLPRH)>=)vNhJ!7mNt>KGbcfRv^BMwaf|d{O+>5ZQD7-^9%twtW`mZO zVsMfJzg#_t=a&wnvAbI!z*d%i?H72_^Ga~n+jzI?LOFK-tO5l3O{I_T8}p@`55cqy zF@Co@1IjjTY*}Rh{_S+&LqBfC@pA?;+x?rFjqnr8okl{HbsoklJ*#~2v!C^Sdk1gg z28wRZ9>#T>d|31l;ki0Bn!mg?7wQ+NP{04ipiTG!uwwfBk8T{)SP9(!z;a@o7K}u) z1Xbo(k=EEmY-#Po_JH3cEAtjUE)_%0t{B8YgLwSKL!@Dn0#3VQFYezrT4a~%PdXQ+ zpq7F$-DP|bPFt;EiuNuLyYeX;Jbfq+8n6$)FB^-yzF0Grlj^hzO!$;9N+dY@0_rSv zW8n!|c>Appb^cL+I}Oa~+P2eReK!XVxCnDPhk>}Aydge@Q~BEs2K0Nu3^!|KCmNuj zOoBEZV6o-)nAc>^)lHF%>M4PefdPC@TNDn6y)VjJK9Z-JQ|t*x^tu0vX~|3Cxx4FO zT*FK9olCNLN76(VE0>Y>I$<~caS`N%g=0M(23kuu9yw6Uq=0n+R5Q-afI4CL0h0Q{<$Mbr<@yr&u&RWZNqWw z>$ju>j&Bc9s#(ajQLEP%N8y1AxEVCitgVwgkv&hczVNXvbVsK$B1HZ zg>NPV)p_uKBY*O@;}uvhyaS3E_r>2OBFGN4CRn*dL}nD;WE-!T3Etu%e21?g*J^4d ze(Rq@=DX*RwN%Qr#X$;>&Du<|RCm)=F_jpU`kc)E<0cBdA`iD$$U~2rIk#>3kGjjA z$ANd}z=yI}oK~R0#*cSosk5zUs;etIWBdZ{H-)j?Jb#d|WP8U(dpdd#cndDi<^_OJL!?=P2uZ5|yuKg3aDN z_@eC<8f&SrN}UmGw1E~+6?zVP{Tnehs+go$Dq`;H1>`?dc{XkBCm0nVM)Sa6mbkPL z&a)CYKF@^ykD~MN=ko31I7%uRWpAR$N*c!ZIu|Jog-RvuAu28H(l9cksLV2=@}ttC z;(MJ-DiR??LlGs~OH!fde*Oer-1oW9`F!5*aP?ng_Xu;CQ+XL4o^>b7w_5Z1iY(Ed z$eFxgY&6L>l;ST(O5^XoYh;0%HLnyh_#=PYL++pmt`N}x5k{Ht)O(|7wB!v)>)9-N z9r_#XANhdoT`%#iMk62!oIsRs*pX;jmFprd$wi9ez+m^ zAKv#@MW=1wA#L#haOm&C4E1;{pVJJUE%tEeS)-6Y6*KjnW2s)W2tKS(<8?pP_$Gfx z6h1%TP*Vm@TQBsur>pS0lfpzAOqLqO3tffgE9gsuBYmOZu+t1~~ zs^;_JtgA81aGNqe7ad8$-|xmrRj(lRryTwb)#DFzN8|c)PoeI)muPtG06t{qMK<+s zI;xcgF^d;3ST%n^w*Sb-SLf=%XvQg6vMm?KZ9GIW%%}3c>&X17GjP-5qvECQW$0GW zifpnxtZ3ollKybC-8CMQ98E#AHi4w+h*91?nf)BE0w->TW3S3y+WUF~x~>foJI43m zmt8JcO|Cc?8GH5jcu1CmS)!0zK~@v#mE9A9?}*rUlpUei%z{Xm~?;d*H3p9gW% zJ0Qk&6ffE@N8MHC@{@6fq+YZdL#Ot##!a=XH0mO^X?}&(=hb=6QcLPK>jW%|=wRco zio|X2)VaR>az~yLxwK3W53_ZlWA|#IQNBFL=XQxJr(VN~RhxwTffB&Y zAeg0op6Hs~VcAlWym-nm&~m@YHr$#`YZBCeYAfOCzZ|E0YG*ChVG!^l8j_9)Og3%7 zm#0$!#`V98K;<^;wUZ;8%Wlwps`5Nq#RNumYH`O!%UMlpnt1v)f9f3@P3q1hVshIu zrk^R?b`0Zi@DpJN@4OW5Z(adswT`0JktoRE6w05>lyNp zc-NG%>&->D+NKq?PMd-A!xDIAohCjsI0H5cv-aDQJH)-O4#A_zX|Tf3p9D1Lh|gBG ziQOd^-~gfs9)pVncU?G_zcm~?Uk<~90jD8disB&M99S0ZgOV#ym{+ZN(1a~uT9YIA z2nUj(>C;3*^#23$U;zDnTX;ukq`>aj29{Ltl6BO$3Lb)*nSl=&F@R~Z~xE_y~<(Iqhg=TKk(`ZSp1eJ2AP(>w^b21yIPpGds!#@2PjYJ^Wr`}7!dn7wPfF-is&eD_gQB^XyToVB7SK|G z!?G+zo^0EmD7bcif==sEQaQYZ>}=eJWp@z#jBZzYL;t zigdArBsJH$!tz5^X}dTEPnd@c z$Ua8Dp*sAutv&9Xu>tn|QRf%eJR>8IMZx;e6VUW(Ej=vuV@p$SgIcmXu05m5GcARl zZ_ZEn6)+c8IL?Rb9t*KD?2$NP!a4R>qa72XYsH50`gDB#_o9qvzwCRqs8WT*$x#04 zI~f1#U_r@>(57>fM7mb8TMb`fkJMf^Rq+=r?Gl_vFSg-wGev=GrAEE$M)QU5`th=K z3v4Se1iu+pq8oC_IPQcRf2cSf&3nEU{d{jor>!dvm^yUty-|C_+fP)Wn_B@4m5#DHC& zuu}9xRYJ?tVN%$o|2wxKQDq`O!-K@3J9IJRn-=D#J%Kqht681udjaF40qc|l zalAz!7{5|L1FuhHhO;IvT~s8@Io3F8!h1CL8pIa_9EA&$M0~ILayG2*0d|g+!Zmh^ zT>i8HJ)FA>^;SH^Bq4vG|6(Y-Hp`@6_WGgH*PYDtnBYH{Qv$8EDgswwJvn0g5L=TL zGdTsp=cu;^&wr7@kNeV?!LumzvUh`&i>A2!k^-M-RUm4gpa}L4V~J>GDzOpgfaruA zt0=IfX3qKO|D+$ic1Ll?KLW#iO0dxR)`C&S?Qm>rn7C$jv1sn&E~Y-;MSOhJZB(j0 zLiYR4C4Vj*hZ65HkPgVVzc*YBHufap$+x?}v|aEU=_=9(E_U?B#YD7~EQhAZcATV8 zfz#%RSjT^va5F@j&N-0)C>c)6uYVu|x3n_#h%k7vvH_}8q|sXNo~-;Fi#qz#_|Gi{ zxNvSd<`+qD|NbnL(sbco&n0k1(sA$~Ed}zg127*H>7t)|aLTlmRPJ&iCZHCLAF+ct z-Au)p>B6^Rh%R-=cO}~b2C-e|4ftZM(@Z-@N#yp;0L(_6L6!1cGO};J;E+p#wQ9)_ zEZvLJ|9L>xk7%%aGE6ijw>Zb_kyTt;C0J9ENWz>xovqpWvH4i?-%L)MAVgeo6Ne*GMbkXp2;? zvs07Fbbcah;zOYCxfA}nB+U{lW%=>nQE+}6;hW!IhZXuZJg{~ZBp58`-j+t(%6&9{ zE+_QUCDKu5Of)){&F42ReiYt=!8ov0V0`QrTrfVi#HP0le?2}80Si)b_WTUtR%I>Z z8cy@1A0=orqyz2B){(TjY6zKU4Uy>!F+9|Tx~VK+)mq<4oNqt;-BU{Db{Vr%Taw9+ zZ)Uh@=U&>qI1j1rDa?xYg;EwwhizXD8Me1cjcybU5kDew&|AyYTZ)Ql6=noTy3eS#Hf^ZVR6fSlm7L>r79kSG-ZYZr?+{27K0^pi{Jv%-+0iUh0fxd$>^m?5( z-*xRf{=sZ`OhkD5qB%cWd6DI(4T1x^Z;4JMCSZm2GblDy;g{8|_+=sYtn$EAa2+4T zzuL1{x3@IT``e4J=N$pbq{G;A!4YQETx3?|9GVpe@@S2C=I*&3`?uZ~vr#{AKu!nq zqE)z}?g=h0E(5i{3TSrHo#rjQDUtxrR)-d`WYH@OTa}9wUQWR8!!mHrUB<3$<>dAL zE%+n(IV!(g2mh>NV8!HOk^Sf^c zR5K_P-x1Nz1GtaMA*hOfiD&1&fwhL!5Sk*eq;~BPI0LiM=YS1tjP=4-%!uBX>=Lc- zSK)77=+GU_@>F+1AiR)zhin|TH#C$n=1HD{99AoasW0vp0I|e!t*>98q0Z-mStPZ0=-gk11bj(}Z#6L-{o~D>_-H8J`p+vFur| zalFJ=Hlim4$ITGqF1=0gZ`llV95)&^54g^~!mq)9Q43(3oj+G?)1^aO{2fqFVvPn0RzEnUs_zfHy&8#bcFivc_}^BP#Kal_*I8~NBd zGjZUh6m;GF4!4F^L1yQ6GXFvu%-$kGk83xvVMrLs%)idkPcNmfMDjfLyfVBg=z#BY zg1~QdI6I`12Gynu`KtCBQhILN%sD%*xauiGsxd~y| z2vZbP_`6@4u-+YU>a9?mXK@hH@82brg^pCi$A+eiw}A4NQtUM^!?C-{nAP@iXc)B$ zgZ68()me{3>0iUZ!}9^`domL`<V~w-AQC4TX}HVI=5`2cFKqjFN{$M1NW= zkx2*>{R=(I61D$`lVWRN!1rL((<>4Uo>j@t-i{!hYBtccCJGEzI>JS%8kk`AlnuHf zc#NI(vAJ|Tu~5{&d0{&Is6{qdO*{%soy%a6bubWtxytiL+B)AK!K1cn!Un_d(YfUoLVm8ii}b0o#t`QxJ|PdX->e))femJBTqB!)e(9E#Yrz z9B=cz3Uf>{X}WOteA@SzXqG>P0F&paYPp5#%^t@6KK{ew3nXCYVO<#Qnaw7Qsbksx za&R-L0~#jyu>}D}D4M3vCs?_|i1#Ku?NS_c_uYVPGj*9reKMbTcmc0JF2d&%ovCO^ z1#EiP4+pgh;AUnPwq6{}rK>Sgwi9!>OIR<*6m!}zAU!p`uSS@3v zZ$68x4hVU<`L{t|?9N=Ql1aY9TyU;l1eQV%ZPuM3e3ao)oGJKQJLc8GhaHRHyXJiC zJ1xhT4!!`Ea&FK#Nd?7q8W1z~0~%@1V=wG)z`6u&zWG#?sHtih_fdDpjJPP!(TfM& zd)@e-X)g9H8O`hMNAi8=c0%m@NSwUTowV+7f;9%W;KqAt;{Q5CtmIOJQt|`o(rX*& zm{aCYTHask4=Y`a5ehjl`{YDO9dE8H9+y=btpM$1oznxM()c_;`QlE zs8x}<(9^w2GW!(Zxb+Frq`VlO9SKCO>}>p+tdGjS_h4X$B;VP0jQ+BHMWkf<(8 z+aA0Syu@d~!1E`2ebX28^DfyREDyvQx#uwE+A_X!>jHAMbPjKOPy)M7$#LmLX)x1Z zA{_ksn{6+O0jr<{7AiN558F4Cj2Iipw!w4z(E@uZ*QNl~rrF_8m+$c6nkn^EN+Aby z>)7GvZrC3+RXk^Z6f`9LWP`Jxa%`rx4iG)!6z?{^1c^xaq(<{u7wjkRvmNx$)^&R#~I$?=+2wZD8MY0Ee!L*Tuq+G!rRo@t6h>)AUY%ED9s^mfTQ#1Ul zv7Ty#O=g{xA@pg`BPW$~=OJ)pcqP`HvOo>*zpx|B2qyczh9Bb} zu`7=H_`;=`(SZ-dKLZxyoV^in@7Y<{xG0`D?Y#o?Z;fUV^D}VqGGFBXtoW+C*HB}& z8sE-m;KjOOyh-SumR|@#NU&iUCQi`PSBw#A&9D=;V|(L#^3Qe%?mVl)w`$pQsnsjk zrL8*faF+{vWs=IaS`OlqOZ+hWXbx*B`$V)p)xn+uM=W0Ij~4pc%=>bMc*`9F`e0NG zv^*#!X+6zIm8EF1N;3K?EQf}86JDohO~+|V@-W*tSTN58$37N#{Tl}J&g=_tJ~ zY&i@;ZQI~R)mHeJHx&2$JjQP6ufUhu8RESz*YLk##yq__26hY;*pH*1F-`MB*l98! z)=0|mAU$R3r0^bA1_*u%g@>@ZU>Y^;SxJITodte`EQC5ez>S@U@jr_gh`chCir&aW z)wm2{hi1e(X0{67_HAG*+=Bf!{Sz2(uR#A~2`m27MD<_X!~>3z?DYmqZuCn9=3GEh zVX8zmw1iHIvK=#+UM%p@8$kcxQ>MPlpBDUegr2QL%@Ju{T#T#F$}_Xuo?J$IF38SqfMv)0pxniQHY~b8b|1g}f37U<4o*Y` z8#&Zn7fGrk3Xt8JPQNMSve-^_av`uuJow}#rk1Y_Cx4z1>o0zXO-qGreW@o{PjG?} zA(0sAc?iFMxd##d0o)#@g;$njqkLV7_|1a>5bRvQYMzSm#`PogeT^Emdo3rb%a}}` zhYsX*=7-?WhJm7n-INy`H>2ljqR@ETTefCJ7s!?_$0;{dXsTK+cnrk)O3UQiAO z;zfAj^AIj0y$t{QJSFcX6?yT2Zpak&!`)R~!W=Y_U(`Q`g21!!M1J~G3 z`-6~Bc?1=Gv`PiI1-lJo<+tj)4?Sx9^%Eft|X`D7etjvBiWBQ^Uia4 zVL9zMrqqMQ|1QH?%ODK8pv^~jo6*>i zFgVfh4UI?LDLNEriMx6!6c=t}Uw`<4;m#=b$xjW&YW)X6E9+p)luDRnybC@%dSgM6 zKG(`kfOxA6bX(&A8CCg@MhRc|fm>O$`#Y4sJ(>3&8Al#J>4L52 z{BW4|2pYKR5&La(3-(C+(JBQgYM_`&YF_o=CfD8c%;uMboY_;f%%4KtBR!g5xDXzx z55+&PA3*Y~@nHS=Et#%aPV(0L1+@YXX5QdmIzU{EM)RyL6 zAAx06O7x)D#v%jd(X=&g5F7m<858G4)2e_vR9dqK`lV;%Br63tVDtorYAI6tdoAq4 z2N|f}ZO?b_ug9^vpD^tH9FghIQ`E8E4!*VY;WPC(a^9y5PZ-pLVtpR$4%DF+g&oD` zj&L^e;5Br6pOnGtGGVADXxn0~&Rh!6EAV|0KERK=Xf#DE&6zc(3e`%>7M1FmRZKN#J7cCh-o zWf)MI2|hUvsNvTr>;ltZjqhdVn^y}*7B-3x-#P=9lJlX)A%(3y>ve0;-A0%k@tkeY zV7MUq2)lft5-g@m;o`Hkg46mCe{k$3?o9|JyQ_pO)=yWsXBrRhdYKwv>L@XPoG+gA$wK#?i;(;0>VUYl9Z zdSx!&@SHTen$g+LW9Wc|Krd}6hMp0*c;?U#2pgGZYx_f+UZ3L1&!%1?vaMNcy>vW# z@8Ljw@h0&wkHg_#R?)wzt?ZgGO9ebE#2H;<*s&=a@tSTdepq6`|I<(d-Eqcr$xR1Z z==_SE3|I$KzO3h~q^g8$_c9@0T43iM@r49$%3{66_i+62D`0jj6Z3>lyuzWkuvYFb zYpC7ME-d?uIcpc<>s(1X*(`^6oS49DK3*!ym?xYkt6YT6bp}lRF&0+34CK9gUI@7` zP563z9qb+RkHp!OL&iu&yu3%4?;|pCCh214kHbk?f)&;8m!=Pc@8RNsH(`VOd3gBs zFwRa{&aLbsiQC<`Fyhh_?)rTx+!hJm%i=y<=IxFlt|e%jmyU}k=Ygb2GgSY5M4CrG zhAIOg$8ql~OS13AWv)WT`E45350T&lzj;E~&_{x2Zv&3aJ5)4HqmC?JKZ?IizXCxu z1-N`}G)vl2%;NWHh%(c>@Lf_cdEd7JJt{w-n%8CQtE?t1K2b2MS`8}fHR1aJ19aRO zCVDM0Aadc7%xL5lc-$1sejL)Eamo68sP9eWHPd*}py9Z~N1f-pePtathEPR&WqwWS z2K4QG4XY|HisJeNHqP!G^5B*e1j%gz4MQ!iq$=Ec@-N}kDgEqROcyyGdl&W!4=M>W zN&1^bqHd!JeEBj4Mov@a_OXxbbMJ%_tMHxJHC}LuJ~HE0zhmK0!363m{C^EOt4bdv zA7xixMWWA)AT;?iK@@Xo88NARjv0NbpaWi_7!L5)Y!G#6QsbI`NATv@0YZpN5nFF4 zLs(=TiW-Lzb<;5L(-^}8lk`zDM2nXF*ogHvJ6MmzBPe9o#j3}C6R)68IJ{yX>p7na zS4#r9vGGP&CmKXw-~Gw@;tg@~r&oAD`;PsK)?x;hx^VwgF!-we1i7X^;5P0GlrGTV zyj+DVG&JJ*CP}*O&wXaym=BNN?uX%~{#f|zIjJ334n8Kw;n0aTP|kfK;CS;%%pgT- zMM6=^MA*w+^y8}y{OOHy4={==0ZGlrWb=b1aBHnsQMmSMJTo8*EGimFzS$9|vh8P= zf}LS`V=ov@8bqTS%$dWF9vCNGEsptMz}B5=#Y^5V$ma4vbh64KQs1w}ER8Snm#K2Z zYROR?=X720sMp}Pds{L8W~w;&%PANIGl<#80WiTsl@Hr2bl+rV@%~wbn4}$wt1tLq zNtNI*RZK#qN@NL5D&$jLFg%~|Ox!Xj6g`^-KaXs{F_Nhgh**1va^apj=5d7TVnxo)6{FksXajuauys z#S6ldx8fO%4#@dEAEMGdp+fE(Hv8wI`kOt(utI}e4wZ$QO&`QtEfwj&Za-WcKc`6a z@)Dfe{EKW3N3ma}h`OAf$l%Lrxa%nN5MLy+*=;YF6dyu$j)lX^oQ3dgN-N7>>j2X} zB=Yla(QqMs0Uxct1)Bd{1;uD@)Js`JN2tm{nbB}4PEW&3r4Tm%>Lc>es20k*mtgDl zRd{xjz|=YVkEK7A;Dhtb=<4lla9DW=tvN2om0WFT%%)XvaKaX2$i-S87+SDi+qs;^KRKNPklt$|%RlldNnTWC6O zC0j6Gjk=9YLDTwY%=YgHc;i_DFCLC&X-3cR?W4iCptlg7TpopU-9Eu-m(6IT_L!`> zy&H$(37oQ~Qao_aDR}?uI#f+aWouj(;=iHF(DZ#K1gO4eQbN9Wc7~DY&6ax9TJjTz z2h9U!PQflI6`qVOAu-V^*nRaKSiQ9uGS1<8G||ZG($lwv(9(zF_9Aj?=z; z!fj>3j;nYUH!o79Xdevr3FAPv?=CvK9mWFx<1jHhNi3@&0q0`N(bQHS*7f}XZSw}^ zVLcdzEZ$D54-COym5WH(;HkKG<2ab3YeHieCc|bINjmSqP;O@u3ITzmc=$0XywqaG ziW|QJY)}IK;vAL|SB?+g-6fxX??N_3ogHL$f-kuf78G`{id$dAPoI}Edyil+&%KIX z?IM0hmkAs8|%#?NB4~6UN@Irzj85;8oJED%UWn{VF{g{P@ zM)J5QC<|u#>O*I&0w&Ltg1phz5HU-c+<1@xc}s@i!O3CxVxk?KiaiR}Q{4DEOk}yW zGE_lImmhkq#pcdh%oX!D;(;z5{%htV7``$Y7S`QDvtN5qYq1yZ-YmwC?nCIbuCM6) z=qL;eNrcq6EcP>I6MMf)neF_VEHFUE@!vQ0v4_9)=-SIFc;JS>skxbi+hiq$jz<{& ziD|+eA2-2^3GMLkqm;PyvNbJ`|AqAKU6L{|5$<;H0xQdOSiAEK+6kSjsODs{CGaHq z{9q;1629wK-`Q03;(jm6J6wPxW&7bj0||b4c!c~EmOLEZ#C#C%26XD zT{?Nm4d^K?7X3Tb1^fR8~t;?nLYIz$PJ#@;Ir~=Ait5q*VL7)qEi*d*H33I!Yy~{gmYk_ z=E%19jH5cgZ(x1V2c(0y&|M~fM6Gd)P9%GRMMvOo zJw4o+r^|}RL^J8v^I_xPJ@BxtgPgg#jQKZb!5@oyvJ!VeTUsL+%#~nUk0!xegHvSW z$R#*0$4T@{Jd9pfu;8tYbtwIIE&ZnFO#4%>qG)yumVG^oVO?3Q&ip)R*~tm__`~3E zU?_bNI2aEeTaCVcryybYa28k2z)vJ=(DQarg!olCSyvFITwFnUuf zo;~}7C686){TfRcad8$~Hw~n#OtVRTrr?(mxWC%xdvM6&!H|-A0arvh(2?z>_KUh^ zquJm{*prw9#&aXV!)7~ISdayEtF!|;*s-CKL|j+q zqZX_1=Z0_DZ{0#1JpBzjdry_un>M0}>VA;hvzGfgjudi+dNA5)8}`olMnn!eG-+5B z#(#|xRm!?Unx(VoOv)-^YJLu8Dy`%Jby9Th<6U%V#Z$qVIRVNgJ(=>p2Jz6#tDs%@ z`BelK=XA|}NXn?hWwQC;`RxhOK0KMm@k?MWTa3%!g@UusWs=u-7^{PCV^G8pZX|jH zRVlOh>kdz%*;FH%cUuQkE`P)==hpCRwfFF%)q042cmq~Mz9unVesIhxLbM{I3DeKp zb0zsXI5D*yH^ghBWQ{H#S0T@J-1l_gI-ji(HMF{QC(WTozK9&%(7 z-bky)DPHn)ihDcr*|G`##%;ircDL7??1Ha`|098FxLCduiZR2he zKL=@^5z@s(k%DvT@iSJ|E&>fWhUq4jFj3gO7)n}$U+XGvwYm+4sRZHE9fGfoXRz5y zi_kSJ7WnZbc(G|V_ZV|q{BM;P8)U!|& zOs|N}dTAe=tBoEqao{JT2J$cVq4lmI_}=l)x+hXIPZ!-TG! z9@tq-WpV?)i^c@+$44Kv@b(EOk)Bisb~e|*%nt>khGvAM^OLCB{@0)_Q3zX%XHyB~ zx6G>TDMTC_g|EiRL-2<;SXObL4Um~mD~lNUxWO1D8%OXjFw071?-boJaZMM_c&s2&3T+`HQ}w9cgm>tjH;uiN)Z?Fp48ZP&3AECAIi5W< z5kpjkTTw*;D6JIyB#I&8)N89r>pW9FaPkqX{E&{JwfW4l_7C&eF_fj9vVrVlR=h0O zh^VP$h_d5b*vqDLxL#{X;h`}WTCLhCxN`s&_e9XvAW51bF;z6r*#ZW+*u(D$w{WN1T%Z@j zxI>F@3w||@zxt5?Mdmi_<}_(O_fiq&*FPrqGuntu#8CDa7Z&w+hC$fMB-F23E^^=E zBi0l4*z%&CID5`$e(ijM_~kNx;trB!y()AQ{Nh3Mqyg7xjiJkZUAe4H zA-QM&ORPO-x7hky3B0!S6Ykt$I6nLnrbP)ig6euAFF6X%N)%#ap#{wJ=z!&(a%A<1 zvk+3HM}6jMh;Mp0)BV-baM`1jyq6Yo3{S(LtlIzzcWYr*TM@kYx{;B_Lil8Q(cWF? zvg)+d!MG}SW)d31>ViY5U26fHtKCZ*_bz7-jvm3zHaY%P-k3!!H|3t{8))`@CunQ! zz#+rllOwI4LF9H-{JDQNvyM!_o4$s$YqLI8X|E>d?zE%SiUmUdFdE!$zriyL^3hW8 zIaY47!+q*{)Zu9;nvV40zGO7YKK}yWHrt33s;1Kwj=`9z;m+2y&%(&SWspBD7CuVe zCXbDeKxpd*l*|*02ei4-bz9zoZjCb97&fER$t=ifdLwQbSenIHAW?qYl5m-2pjUA6Ri-@J)uu(bq-MP}2V& zoSd&n=N2n6xr+nnbGHoe8LLaeTv{-(IGA4<|5?abFW?{6negr}#^7i=64F1&&`%SO z3#`9&c78X1i$7n|Asd%JVXt1Pz}k!zbhzg+tlklgz6Z15zXMXR|Ajp}dh(5ss~O9_ z*4|~u11>J5B$4^I&qVI3H@-VCkGuGbNr%HN{JwTD zKYVzU$S(CU%m1^B?Z~{!mX+ob+sy0Cbm=6Nk(E+zc&}4+22_Esqeo)r74BEF&9u~TpZGtD0CeBja_-IK#O$a@Qbz)(~d9b zuQ&kIlZ(J@#1S0c??4k2&f^`;bNH@WkKe9vg?!H(NQ=CTxFH{Y#!14RArV5qzaM<& zPJ{I+l90Gyuh=xN1!9uhKxdlJ)6S5hR<$vrKG{jIu2_O!STu*a_L@Mx&vDrGG#Pfy zTtS^@nlmr`A=Kjb7M|6k!wYj&dA#~bGSGA(c(x_6FES-eCuf5I!#)dfYdgt|g&I`i zb2N-ul1Ng14&_%|x1m~OB>O(~D)j8_5>*+N!uBmkAmzz((GK~u@Fm+2oyH8O6_Xms z=`SJZr`ZS%5c{%iQ>SeWhKQ}6M(-a}UOsS32( zf0FkH8*$`{EogsVf_`$8f)7h`@oGS;=zzg|v~K#yI<%GG-=xc|U2{9gPZ7g^#bI#A zRxB?1o+sAyY$Bmifr586MO5&y1xJtSK)y8$){K;`vhQQiaNoUgJsS*m=T z+Br<|tjDF##=r@8Un0{%LHo5WI7@q>;fmGdT5S!i@bN^6d%ApVT?TBJa}DmD*a;)% zMnIInZl0v}RXmcGqRC??cFlhb)XF}^K!uZJgWw1#9&wb-klqVVCbg19?S>ft*#Q33 zeIlM?zhU;bR&jFuUYwMrN%ejl!mBfG5ra)r(8}*SbF%3m3)3>-pX_9?T2U!J759j# z+pI-{@oAXrla1m#W%xu-38GuGiOedXX0Ej``&Sm+uR4S|Ci?X60aqBhD+Mk0USQ*# zj-pMh60Iw21?f$u_=MX+*OQDQv#LzYc%Fp`doH8vTm@J!DR?2hav*<=1gm}g67%mL zq6-Jg(vtnP5Ptj$7XH7d-`;DlrLYuAuG^8PQi3m7Q`lR$jo|ghLQbd15>2NarWWQa zSap^HY=5IoWru$hxB1Ir>?ubaBt01B+_t6?MN}LfF_}h80nlG}nOGD>K+nNplNCiLDdytF4b^O>iMha>HX#y+Ckku?CEOL+fzG|(N!5#6sJwO~j8#;|*8$2T zq{0Yl-S&ysO*#s3Vd_-2P=_B0G^OS1KHx|X!K>OIfQl+har{$P!KJ54AJ;C&^+N7K z?N%U;2nay)kmn-*qSx?LZ7#p-a}{^|=Sr_!p3MvG&u~+P8N_1q0T%BhWI*MfW09#X z7e)L68Sm3DWcxDy^Qb;={c|46JO^M#&jM^$xQT5)v)~$g%$9E7Kvi_}FuEt0`jc|} zE#uCwj@l0IM0K!j`wY7H!8IWtT!t3Tf-~Ny6_)(>9rMqdu=c=f(6C9J232&yhf|59 zGcOae?E+|Yh=}dg8v*WJLGCSAf&kwm44bCW$4n0E%7^kT>z4A1 z?I&TVnF$^IaU%`T^nstpU5StTTw-mJgX0e-(yQ|0xLW5qAv^1Wffqj$_bFXab?zHm z);*A>u2ZJlHqXX;A=ijS;w6mjti|+$THIxlAN}uJ4_l~~1qqhx;kkA=Ok4a3+NZw7 zEh53Mr&qjjR=M#9cX%~D_9m$P!ZK=+Mc+{)h&+axPgZbot zr2FszI^**ke60VsDDIOLf2KOq*h%lvU?l`Yk1`^2&q3Ae3h zlW^N9X@18<8N5BbSaWD7cklA%o@?I--jNfqZmJZY803i4X79l}^a7l*>Va2>o%o?= zm+|l1CYX9jU`76GB%8!{z&TuxPM!Lm%?Y%pTbviHt)6J>hT@KYv{h9%25lF2z;!Y^gdu z{#+V{f4qSAmLv(xm*MpA!g{uhme z{ZY|`WOcgAdkk&aYDDv8{-FN!DR}w$NPh8NA=k=ED+c~85+xrO?G)|>Q;fCg%78G82{#vJ=n#++a#LzJ9M>#A0hK3*@L^kv z;bYZuyS=l`slpXGy4A^*ONgpabDu6~2PZ=0LK&W&;z^GrAH?7ba=b!eBCj~x#NN%k zi+sI2)4k%xCL2V-8N+#S_7gSWDyP?!+3ybgDda zI4>8zJ$I|jVJimQO%!sYcZNUQ&0s9GP55+~YORH+v4QPITI=DE19bQ?4jP2jsu z8&TcqVm_d`2CD}S;k`NY#Ag}@3(uB*=KNz0A0U!K+x?CxK75WC_6xb?@iuJ5yGYz& zJb*Sk8{&NJ6wH6w0F$zPxq#qEFObm7I+RR6cd4vZJ z2ZJSe<06(RV^k8Bu`!>^zKj`R#E&6%*B20mXrRCupvlcS<@g8_Lrx{>!t$;U) zmvQFYTxc-#BSYK|Q`7sQWcpWC{xK?qt`x1|Zd)$ktmZyKg`V;R)eWF@l<=5|C#kBi ze=57{#LsTN&mLS6eA7L5z@tA6(jKW3lVmrjN={)VV~@d)%d4^Cdk=8eAn}6a!+e#w z96YeiBEO=PAkM>{A85|Q9&-`KUKDwyBLq_Zxn7+MeLa9hFI22hPR}s^ZUn# z@+Ga|_SqE|aeRddZtHiz=2n3>`|vv+Gkyvl7RK)J7jM~1-B@_jfdK%HjwmEj@Hc+t(X zyJ>RRS7!C%7tER!fM@H6@SFyH{xbSLu8;jHZoa5TM@Qae3Nn?Tr0$4g3;)7~O;%v} zt_7ysxRd^8`&f9@Ymkt53Zthb!C$Z^NjLIvztDSHaMBeuZ!Hj2j5C5q-wb%&nW@|+ zOOj^pHm2|IZRbH{lKdh&#)zCMH&d*}%bVgb>(n-;rx}cRv;ys&TX34kNS@fD#dWw8 zC>MUjONEqvzZXRmrQ%_V(-qipcN9JTDGP*KDsFtU4a!F=B3F8gA$7LA)Gvq|?Ye-L z2ggvi7A=T-q%N`*vczTmI`+3~Id*$1@a8FbsFRkCm#V|jO`?I5RbDV#^Des@oXH*R zZ-eUBTVl5}F9cqs9V(Uh!OQJ~`Cxq$dfVV6d=l7CQs>7)l#d&9tOydXRNc$3t0dy_ z!sBpoxemROeFaCdP|RC31%2MSaL=K+py2wDM8@7?gY!n&UtcpFZEg>sGp-#GPaZ2z zCxwpVAJr7e0ROvC+@k?6azya++;PWcOpOQYE?{}2)sqyq;pB$I>XOTgd31#QR1!?s5<^k$4H zVC#6;zhf95yG9M3XZC`GyepMY*(iFeJ_2E(1>M)U5j<0)aNRUV(!R_VmGg%2uggos zt%HPnn`$c|^J>Y-aCJK8`gdY-KAWlkG@z-{6Y03ECjeE)lB>N597zjc)jO?p>7Hwuv?!{f@8W)alLY1ZaH{z)sNbZ1Bnvu&}<2C0Yfsw?V?J z_pls?F3%*EW;#4r?i-NXMs!{8RrsX;9Raafzn`5dEt zlFza4)&-&_sf4qeZVK+^1iThM8MeGt5$3TdbW5v2Q}aBgKdzJPX&(ghCb+@mFEQ+W zK`NZvnFOxCW%z;Lwsh_*Q(hN1mxp~FfN{3n>}S|07XMI#zP+k*JWoBg;DavS)Ro465CrYJIq~z1yNr{%yv}HsgAtRBjQWEh#_tByuC51F- zY0(sE>HGTq{_>~mdS9<~?)&+CJTSPw2S&f1NB_PO_C1pq@*&z6pz}-^KNY%$pG}{Q z#ZhTu9l5!@^HMk2Ea$&j2-t97Hqo#c-^46dI`35A6i?!zGba3vt~4JlwShVfRN%TZ zt>}&y@5C<(wJ_nuRQjjvHIuhH1nZZbC!@UrkyNX}t|`L%|B58;e|HF+3j3JGT@xxf zmXKnUrp@ODvzlqHc*<@oriVSi-WztT!n_su&aHx5UhsfL{Ds?xw_!=;V3w=siMp>U zu&QPXw*J0`n@<^o)4(CLZHM5id!NI+)d=-iSc(}{C1AS8Rp9C5;r5(dR`SLP$3NXm z;~orx3o42*r@>$JWlSv*f1E|ry^94taR?49UCTcVn@k7%U5!uUaIZQZA$USBF_VEKdo~)T!eA`^)&+4L1CS*q7{>(+}IM|HGE3CiK*J zgA0vnA>4ZfO<_a1{&Gvyd|w97E*6oJ3_p?ES10Py-U*=@X4n*ai^*M=?Ms<7$`S$7&Eu3)%=g)ot zS=+b3K(|I{e2@xRN(#92$#57s_cS`sF@-S_vgF5umzX|$4?aHOfW`^!l@(V6kH~=v zEd6H!mrle3i&Wvp3u@u}k}O#4BSkBw1<-&s>f-KC1I6!Gt>hP8O@u>T4e;~A8n%1h zVOTXG3}XjH<505^JUZd1$mCNezEJNHegk3hvTzif-4{mhcX?vY&qFZnvJL;MphTs; zx-lrU3CfGoshPl7(%thG=7{@QcJWi3xNJJFFW!eP);?6#(hCdfpFrOy3A*=+7wT83 z@);IG=Cvs+{!!&kMVruQLRue0>2Z?VU_#Y#d1&&Bj1g;%1_J!U?YbhYgr8tz{Lto6WE5c^UmPJ2OhY@?mC93^qLL;UD~(%NRj)}uSPEQi({1EjvIBQFyadCN z6!;m>MA&*v$PPC>Crd7u@-T}BSQ5N}KM&smk`eQGQ>7#i?To{cz%T4bP>5Ky@idw8 z$cznd8v#p;e&hY}KQLulM3upb8s@UK1cu&8;4`D@a8|Y}pYVAQChU3!S#b)qqEC|B zMC8!@X|wnnUu$lcyN>>Mu}%D9>`dr%KLuy+HxZ@ENmP1cJ)iFuNv_!&^ZKqmG_!st z2I?4slUe}wJ6ds{fV<*>+b6+V=Mvn~F^g{Au#fIoJ`{P0BA>6X2gPRN`BqO&y57%# zjoUo~B{JuA&>S|X5)~k?L6_z8v0wvD^;Ww;H)R3+0b2s z=!cgv(00AR2 z8XX6dy;nfxg6Gh!^b(S`>+=ou2kblrF5&c(DdN^`C*XS38T@zQ4jB~bLFdd21GNE& zo?nUBZ zofdROYYl2YJpg-?2J)J!xg;Vho8rqTJj#aJ)(p9XUBcOHoSQl~dwdk;hLn?}5NWb` z;Su~Mcr#l017RMbN`KTvi_FwN5TA5gxErF&o8Q>O&|5k1Nm_}bxdmP;P~pEeOoOz$ zM+Gj4wAkO(lbz;veEY%Ky!x9gc~@ygx2l?RzR^jv)F&4{zH;OPwm(DTupqqnU7i%w z2jDJyb8gc67XMbbyQ|UEt0eRfduY0pn0@ z!yCx|Qd(I*SdV|tIRa&37b@d9kg6S!I4TCGSfWpH?p9N=iNC zzQiyto4FHL=c$6$bP8;7FCIK{g7`Mfq$~9Ug$#`F-Fr}#dTo#3zyE}x%$9z9esw6H z`CtMNVV`W}vyING9||Apvf#m*%}gic6f9L5z}KADz%>>9BArOVZFW5k71Li~-jO@x zp5WSf>Tb&~G!N%7x$*d5>`YuOH=1gBOHjS^v9!EMjV`nc!$n@<)V1dTKDqG+T!xH7 zc4{iCoSFg)q-zLWnon|;eT9uT*TJB+Yh>BUBl!BF26H=l9+rD-qT|2E;v(V++w)Xu zx?~SaU#LSLHphsORKb8f{bYBtHElhS0ve+Rp{&exTp`;m9&lwXo*7~${@~UOu^-I& zvz7Lu@TLenSu-3rIx6r}uOEm@#ueb8u)%cvfpR;m)+bP%u?r5hUb1r@(t=r=?fIw8 zzsXVU4$xXFWPjbQA?wyVj9IPCQ|_0tjN~HGsjY2T8X!D}ek+rt){mI5CkS0?GDt~B zb5+-uCun&soW0B##H-){%1=?lwEj#qE%zfW<;LR0YFc#8YGt6#C&}^|Z$w|Zy;x2E zSaLqM7R?*tv3$`NHZ>;(Pu{U0tMoX$GIIcl7-y(fOM&MrbotDssZb;tN(#Ph#;*g8 zqnqS#*695TH4mO=nR;XBRI@^|e(`%W$*uML-h9D(6jzL zi*)@;axWxdqTmj&x-q+onHrFT7bDpBDLy#mAV<4Rf5?VOQrP$6DL4sv&Zl=TL43^t z(a6mW7!{jF&i`;`3y#N-=;Sz3suu%SE89u7Un*?xEMzA2qhQM4N=)rHCUT*UFkE9J z^_W#6+Lt_lx`eC+=Tjr8v7|MR-!zmHA4-=^7hR%t zr1{HkY&7@_>kS{W3%(yy17ImefRzt7GwJ?=N&QmE%PC{u$=-6AUE}k>i1H@w4&}?$B1mf(?G+ z%D`7p>tXfyRI`Q+sD29%1lL}jwl()2e-e5ts%tP~i6tygiNSe2LCk%=HFt()29Y)JRLN-6*)@?&f9${u%CunT{Jj{} zDFM5-MdR(LVbpMt9_`u`i)%~WFhu+YCs_*5z$ZrhM|={z7I^u;b!~Z5NG}+V8vuEK z523`eAk0qjz$=}xs69~&YP2}k4+_RxD!DMldNAtbY4TQ$BqDSBIqqm$4rMW!sJ^^N z)af4yx|$d8v0@uzMniG`?eU^>vz$Qu{tNyG*(l+D1ct3Mt$NZgN5lLC#@~N>px3?( ztq1R=6JDv{jba_zxIGGN-&LdP%uK*66Y*$KKKOp#g8M2wV7zdCdFykUoaviMT-r)u zxbh)X|IT3Ewm*=V{~0xNW>N?EEGql%N369?_*rR9*4}y;Dsv2QRQ5F%zv{NN;VlZ$ z@81b?BYP|H7cNzI!W=(S&f^K}&X{F1To^5Fw= z#U~2AT|~_6Fwpu;Q*JW$2qskMbJwH(uxoQZ*?Ci*d^@9#Yk%BkS^2kx*+DmG+G~@m zt25x!;2QL*z5|bLjlwnFQ%L1Zf|t`L!{_P0&|ue6jJ%-+k1kH2#;dI%EO0nolra^w zTg-XencLv^LIOX!mEz6UAsBD67?$q&&g{k-b4kfq;;xX&n*Hq1J+4$_((n_?FU{P^kL>$F0Z%G<_>%4HwbJewXpW^g(nFZ@|x` zAw)0lCcZ3hh0?^4RBRVRUOT$uz8~kX`bh{}Wk*=&=v&|$K2SKT-eu{fSw!o*Dyj|E z#<;Ji;lb1K+%BR6GON^hao<02z=$z8@yLHLgr0&Iiza|eauvi@XX2?T%6!UD6bJ3L zLF!Zbu>mTr2yne(3uvBS;q&b(sd-5PQ#5-ENsQweae0*Qv;+@5`ooPhhQ4w!n zR^sg@(_r%$6KwNH#HpWN5<9OB@yGxfx>oHIq;)w$0)N298mrLe-_0P3NW{RrB=&ve zVK#TM6v{Lnf}O^%n3ehlp0n&OIvO?*dh8X_0c-|mMH$wfv~xA+(s&T9c_jmcbP;%PR)$B+*+ z@xjmzecUPR92ytsvjd(CWp^52za)a+xAVBZSB`&|?!;AB8t{D3f0!Jo$(zQ6u?p8q ztZ#WX8Is{e)-(~$H+aF9{S9dLS&s&l$D{0x7F<=z>UHHGOOZ{S^CJG=jC3C&bUXLl`isa)JyxVvcp4YN7`^9H=IHIr_F z&Z;U=NU4y28nqlPPb}hz{WU1_&lbN8X+-;>XW^=y9#2-10HX!h$*-3eu`2ZxSW8qu zj1z;KCb<|n{WrT^7l}>sI{12)CjYK{gZZv*Cm&XaU~h^cyibvUlQXt~?-Vs&yD$h; z-FJ%A+^_IEk7QBrst3renGb&2z3|QP7D;ooK)uRna948{XOHQ{GYvhMS=UM?C|QvQ zmSP&>Ni;j?6S=xENHkX=gKZmgku*&d`uK^mJTFU5 zRCHYmBs9Zd_S5OmW}}a?dQohYejlqIEzHeYW>BY(!*RN;J`;ru;RVuNe!16SvPg_FKT84hymH~33 z^KjLYmzeZ)D4o2|oSj{JL}YqEPGspI!#8AiGsUq(Y3eA6RE)!H|4&ue8$>N|<|JYFzFSvai*|#t$ntaBd&kpj%uR#G&?|cJ4M&GJB zI%*X^^t%L;msryufkuM!?Jwldd5qn9TOjsoJZn5isPeozyB_-x7<@1i6=D}bnpFS< zTm7)Enq44t%3NW+TrvLIJQ5RX^_iY!jkxk%FW8Sr!N`oe`26ozY|6e^C7#|w6dY2p z_F=UM($3sJ1H- z)})T0ie3rmk!*u!p0>eOgMXy{bS#Vd8O_YC%;`akfxP*23265p1f}^q@fBT7VxJG? zJBwubIl<{_ubV(ZbO)kaz+f8PR*AdwN1^UA3U1BHeAzrXT9T|{H%pj*n}_$~c}pTv z@T~{WdR1_ImBsST&0-;Tg4hKFcV=Zd)M&SgrOcgR&Djqk+1(E4Vb%#s zH`>X;X*s0VbUDqEekqnulA^<83&{cLG{IRpfS$ONkDWiPVDT;u(G#5#)>~4A$6u|p z^;I7%I^8`4_Rcs0gC0-dzHUcJTVxF@n0JzCX*+QF7-=@{SOWwpE5q^-Jt{qGIG=bb zna=#8g2Vmi^Q%t7dGf9hkW`g(tUQa??9<*GdbNm(Ku`HxsF`xfaPx zUCWi09EJ;Xs=-e*mTr?;59S9>fZYTKJ`iVNMJx6zasBk4RmCb{@MVV{#Jk?gW>edvTS( zmGw62hSWP}VVklfuWktdmv1(r$dpuEz0*(d@yr9Op8M!n=S|lQe*-xl&ZH>Hg8z6p zjxMSe+=`E6h5gw={8ed5Y{T2c{aee4+?MlTc*ufH{N@9XSC4?Pr-gUGMJ-x$@E!3# zQHE9iC7AW;9mu-QqvGSMv0kG~blz?Wx!loB9twGt2ggG2P)R9ydJIwfxWGG$^}&T( zZsPhRO5HspVNCu?*wj)Ajq+kN9g+%*f@WXZ<#oeupI-_}Kl;KpWhXJWm6rs*=MWT- z$>0@mnCO3Rhd#5>^zDQ8`d*fPYYiUBx{d9>+fnwzd~)kp z0on3ajwfhF!!mnw5;tfZL}!OUu-O=1zfbTgYln$+-A|KlKANsta;Pfi;6QM{)yN`h za_PqFBeC$oa5na^3cph_scPq^Aa>+x5LWAV*hz1n2zr?ba7(-p_E(*SqrF|k$Z-t6 ztaSmmNo*8%-=Bc10wwvvlgZB zUV0rBsQk=%CU;L+aQMgQM-;G_N zJclkKVP>naUYw}e%_^=u6S`1eNP(`P~^g zMrp`go4_v!3^R}2M!Y!eKAB`Q7p|_fg7gAk>^mfl%O|_?Z?lH7jh1>myzdbVSg61^ zyz~>3Nk;IpdJrw#K8j;N4yucFVZDtUouV^R;1{X$)7wPw#o}Cd*OX3T~LqbVs+6`Q;}}oZ;2DcW4Sr~ zibt!{u&Hz-ygHqa?+@pqOrNl;n{JNpq*USZ>eb{_h$_vw8h{FW9+TN5gX9Xoz0Nit zW;Ep&#nsiAhwmXjnYyf?_PuMdG?r9&(QnGNRKNj9L zrw88mf$buBx<2|DnVqJ|d;ew;hi|DEuxlGcuJYp@sgy5Uv=1Z1`$%i51lgvq$3ugM z^Cfp0*p|}2WS`Y2p8Us!yv_D!F^a9sx6nvr{n?y<-0Z}+|FuRRGc7nYN`f!D9}1ci zq+v$aJ$UMEPGd(LK^cwPsP`HCTbHdywD+uwe^N2I7p}WuTr}hnZ2IiD@|S1I`n{KIH=Ix~ZBp(8mLIs+bZcR6P|3XWfWlX~? z9C}|#V&DCPc*gZUQ?OmmFWD@F!Nn@#`(_>}R^YJP?h3wa5Ru(*lj*xq(U1KvA^4~P z88)U3N>wb!sTjs@e8qQ|YO5kJ0mP? z<7X}jA7#q!G%p~Bz6y@xTJx$xaW?wtq(FwoRunCpMhb5#Ld?-5Hf5|lB>cOL*~vj* z@k9pp%1xwGTlYYIge5Lmxst7%5Qt5VgZT!D0N5s3CqB~CN`mgDpABT}}Y z>Y{A2dg%qS?nASv|FZ+$cyNRSUU@Bg_FIwKow&@FEVM)?Nf(-5E{0a!8Q7ht4k+=Z zDrR^Yo(d_z(;ufn^yI_j>9|sXfzb$mW^VyQyBEw^=#-tvX@#1|TVQ>?M|>>kB)z9O zkYC?73Eur4gSSfc$f;g4+Cf8cUO%DD^au-Dq6xwA8Av*gkfM!?h~%B&Jj7uH>>N}H z8}*)}aRh@c6(M+j>j_BHzW^J?IN}+NSQ0zIg4ayjPOP3A^9bFwnAE6;djx09o7iD6 z^VE2nq9hOdEEIyaGiA5bYrGp<867!}R?C$Ah z@Mt=+kI!#F-GMNCA$uJC(`!KPQ#d+H{)IK8LgCbeXtFiej(nW^7I0BE=#UNYuF(J_ zn%m)8pENEcXW3vO(>3YBaBkJJhuAJ+thd#f6%BFcUq2Z0fO~qd>EJOi6}s|j;VRtV zaxH%CYN#ABl|!wH96y~;*_QN1)?(zy8xt8a{}c-xq{o=t_CkOe#H$NUww}QO_1AVR3QIccv7(2GgitY+Y z+D8dPsgL49{-`G#rpb?i5APS?GsE3t7w0L|?axa#cg|0i^LYmvZ+Ql~JI-Nh-xw|< z?8Ik<{D(GWwIq-22m1_9d_1ro!rw>0UpEnFYmVUdcsc5J{yHqU_XBR9YsU)par9{7 zLU^!c3QXKk1ll&i%<)4nTQ_qx@Df*aJ1`H@&EAqXUo~Ki@o*I5CG5Abf@1$dSiS70 zXq;CeOZ7NNp5EHVoE8eMr?g(&y-0~p>C*wVZ;p7+HIy`{?xtB6x6qBN^ug{@J3A?4 zOkJ0s$I1mp{J=J6_g>>IbF$yr4-fRp5XWg-n9P~UqD>P0u(f2e&T9u|vco{Pe%{jq4QJdY-*D#2|>Tk($YC=zzr5T0EAPGpvjA?Jl1Qb(|| z_;K10I;V3xgd4`dl57c#uNejof-~U1eWq|$(uCjC&_JWmtMGBeT~b=^DKH!EvbL+G z*qVHo-JRiuN=_=6GWj4}TF@jgZ5}h%v(sqxI1}C&Z;0OF9GJ5*i;UniVNI(XJUBKH z9zU`mb*Db#VK2a9*Vp)1<0gn~E%{1|L}uaDinanvFDrQkyoqYDJEbr1i^s^(nz)6; z?w=LW+w&2|%4+iQ4@>ditRrY2Bn{7>$@5nwYXr8#0ZbhDo$acVK!-FxyfyS8Q{A0~ z13UI`IJAKF7pX3XhQ2;Ikbkk;>^W@$H*6Lcc6uE zN1mTR3sD0`?wkq3LCC|Fj^kO^u3^K0Sun@%jh&(>1_z1~NbHVa?BDW{H2&u(PFUQI z(fjAXrY#Xv!%2pgIjG^34X+X66GXyj28Y(2gLVG~;TpXVv6?VPyQ9=>XCeGvLxc7) zcEgZ$B+Y}t_hVqtauYtyelneMXC2%&}*6Dp`3#lXVNxJo^@7Zr4^v)Sg@? z&O4JxM6KXi-L!%(JoJ~%pF9$pzq`V?g`wp89ZS%hf0CRTI2dHVu4B5pd{KEy4J7-G z>aQzlXHa)UnKg0v*^7qzUTD}1#j{U>ot!4Q6Ry$eOIUJ8aIt_gz zVzFbo6)xG6g;Rtb@Ri^ZwCX~W;9y^lF||SD%CH%5a`6^%&uw`$JLZImwoo95aW#M|zB8pFR zA>8~H6UD88jS|6-5%K_@%eFwMy#!ShJP-5KZ^JpCaOgOoitBe9Lg-s& z(sF;o%GQ;*r@sRgb=#4~7uhO}UH~pOMs%a?e&)Y;B=qhZOeKDfqSrzyh)RdxQy#Q~ z+}w8x2m2l;t6rRi&Uks^RyKjo+3AA)Ggo0}Lm2ZCxJc`Ejs=fT^I&p&2hmYm2v_Ho z+x6@{4hQ_+Z3q%y13>7$5R(yKL}o>nLmIe4CA#ouzN?WRnOeH(>FE2^;e&IQ&a zy$p48Z1_lvlXkCf%og~A$KcJd2#8G7W6y6_3cI=M;zxGcq+*ir{&>BfFZLNk4JHhy z;d6t;C2RkRrwRB8u#Ql%!>*l zpAO9fQCT2+bwU-7?YkmwKhnc4&(0P7IqJ*47r1fnKf}2}ttH>wH4{E9Q>JXdd`LW8 zi0gYEv(MMh;PglTQ2fT5{<~Dg{4YmA@R@i%;M^Tz8|YWHIOzqh-93=Md|!dfRyp9Z zzTa>-UW-1zB9D$8-vl4gL%49_6hvOVC2A2s`*mOam`l$byeW7i3cr@4|BQJsXlWo{ z?e!9CBu?PTDYpcs#5k(xUL@q&!eE8}MeICh%so#CjOzFs&?n4rqGdF>i}QTcDG9Ul z@)hO^UoYY6c?=XUuEKGLQ$Tt0H7v~5;F}j*z^mdSG}hPPZueZVt4$V9JhXzo*D%4sO>o;`de8!LKPs@NTpsg`4N#XZv!x-gz^ch2~(|1s_}!con7H z^iciG50tHzrEf3p1a9yaPLN2}zeJXAhRd+}WDxnC8ibwuG*Mspo^1M822cO`z^YG8 zSgh5J^?NJe?)(aIYLzW3Wt!rlJvnwC4v3jk$^g5NHZ>MR+BLL3Y^y z%F@)>a=A`1D~`pQf`81~xEh>wL&)^OGBjMG7Y5fz(bJ)Uq&e7#?peMMevN%kG=}-26@`x>dRJ7c$fE#k#{d z^wmFDFRjSI|2l3xmqj)Y*5(O&Z<6VsYI*3+PNI@@9w%JQW}1zPOrxv^jviYk4c7Rcv|ZkPCdJqd;B(|wFSEP z?iQuLR!C94)eW@u1)s#-OXSs@X}C$rs7m!z6Zt^|Ugx-S!sp2IaqiMwoFHTne@-Xg zI#l@k`9K#02hlkfH^KVK0aayE9`yHILpYjgLX{7nLhI1sqz5xf*Zh;|fi8uaPb5%1Bj$N0O2@f@e^U$A5Q0!xf&2`1(xLB6R z;THaMpaQ+5bOIeezDH@fnV@cL#)D1N*pvnKq(W;RXdGY6Ck<^E)pKf_}y_Y7758 z^@a1Z5A*Jc(`isq1#Dg(OLB~xS=vS`HsZx};$ibqRBo!r!yY|j?u%40@R2TU_R^vQ z8-R8M264}Z;ovmZp64G7#Zh~X!RZDw-m>i^{E(ZErqh-{ikBMB%GcrtgOVU`oI5?6 z6b@^#8*W*PVTbK^yCvHU@yNG(?7+?6AX3T27av{7#gP|4oH`HJxZD*xTMiStry4wb zOFlRj2eEzDDJ)I+-#qVyo!90FIMasA(^#3SWZ#FN@*dck9SPS()8VUL3SK|1%o8Hy zXwhf|h}7Cdb$)+Gop(hL@u=GF#;zHHFG>^bw}kQVPy;*=FqXR{OraHdYCN!})!Ufj zNI!hJ2ypv>X|OBQTD*9aJb8FMK@|5xRmdoXDZ$2K2_Q0HLDcB;h7h@h|z*-kY@UYqf5Sis}x-|(F1c~ zANbu+;|+V}QRz*$afNmQkC`=#jyAJ|2X`$7$v5mIfCz< zw1xRjcEPpn!EBytAirsBfiPw*7N{h#jeiuVm&#qy_#r{~V~;ZZHMS7kr_H4gqCz3M zS>OmRjezaDx<$^VhUge;L#LPL3a;0AH0IfHoW9YM{fOSfVw)CmdPfEwqkKWyM2TL0 z-i&R;M?87zYPLtOU1aw;7wlKxz`p_mEY58WH@Y)|7red>-g7pCzWZ(=k{p6w=HoHD zXgt5Xhtkaaw-7#qL6~MF$vAIK>r965L(lh+l9IiU83XLDOa?~Bo`3|u!!WJInD)&* zi?U|J#b;Z5`D*K8xN@M74-{s9yMJqgD1WdxZBQ)T-&g=SQ>J2Jsuu4l&SD{B_p{Oy z^Qlg&6Hfj09{e7E#L~eU)Z&#Z_DROj`}H+q)9FX4t=XynXGjzb4TXp+$I0T)Zg68r zA~~vd4?DdB@QUgT_;6c}Uiu)(f0U+@cEgdd-6Ik^SFfRIllsB@WGro&Bm*zaCiAx` z5lkUfn;OQ(bBWgd)U7cbEOzPfF1aL;a<&XN9sE_)->OBz4-3rmO{H{M)dp59>;MmE z#`1ETNala>Ib1lG4UKLWAs|RaJm{U!iw~@WS=#?l=a>`sxm$?aTMkmCTVhuCOqa&= z7NcsFaE7t70f*i)cGu3AIz)_slM5!&OC5{w<1!!E_xLcCmeip-LuZN$ccy`?UM?)l zA`q0IOk9SD@xyMxb8zGi+b6sdd$*j%6qQhtchZ#iM(>6(C!FESY~c(wG#LsmU4a7v z*X@bJNIbLuG|FeagWX+ry!_i)_~d&Z`cu{Emi*;hd^r`ZwGBx~PdD@5_8GS2OThra zrMbMz7CgSr;tRqqz}M9q>5}20%-7~1j8@der&22Pk+l@|RyBb2n{iZ6wh=F%lK@HS zgWN#+J6V|}B3k>LsO(^C+OMHPV;qdxuV>p)MO%lAGa5jBW(LFe*U7MXofdko_7>|% zDbZ)yEztk1lbCL@<5k@Y@FRH+a#o{Y{~|NY`;ty(XT)Osxq5h9uoLw6-hiL)9->v* z74huc1>A7qU`{Is@z8!VT&{J9B}~%9rE^tie$Q}xkT;m0k}`nqjqA9ljx9fbAWXE> z;VPUz(kJXT2T&2$q!$L9A&*@N#46oF3)kcLVTw6-jGIq=>lZ@(`8l8-^AJO;LfQMs zSvW1`KD4!s=DF#q#HW1~Y?WUEKc?;wXM|Yb*Cu(GtXaUX?f*v1SqPb@qsDK1nMF@u zXu`kR%|afW!!j9JK7rY{UAdXKwWb@|7azp+290DLY8(sD&t zV%hT%;suB7@?Vp1b7CO`ddMlrXS44TV*AR$T*#tB)& zF}`y2@Ap#hTcQd_KDv^nkE#XU<7IKoi8lDck8`K#U)YtcA0X$iCfh+YxW}ktC^K?0 z?0y!2O7$|J?7trpR8*;4csxDf5-y}d-MNO@CQJw@hpxMCA?wN)QQKNC;9qrV)=?8a z@@@~2jh922iTCN%6LR=@k+4hId4O6Rpm@0b3-&0CL63f+QJB>#4$3bAl}AIlW|$|+ zFJ6v5ty!49=QysuBTrkCjp_IIlGMA{7Yq~C(cI%DjJ8_}#-Dw`Uo(KpcdKy6gJw8y zz6Lf~0(8&nB9%+@FjAz*!`mLA!@_k`<|!A|{gUFDT|VHlKN&r4{l--zPSTE}VYp&O z8FaZM!L!CxLKO}8az2R0gbpMlgH$nQau!LtDmY5lZDKjw*TF}!7XQk1KtjYX&<#0* z<0~V?*V0Gvq{+c}_La2w-(hu>+0j9s?AM~BzRw{I;YqORhj8}t7aYy^_7Kfi9jKYs ziHDb&(laZAp_dG%P16DYCmGqsU;YB^)Gn8G{M=&DCj3Rph!6c6w1}u zXv;3Vo1BerGF7;Qi!{$xcE|eBOYo|K5xhF^g@k=mfFakiaonUcxW8a3ZW1yL0pAMH zF;W-DoLGxxpY_qd{TEi2tMWOjoCO&&kk%8P1@)EDn<2B;b5+Iby3EM<#7<1@()j`BFXcjr<6*ecumOu-)UcbY1lE_(EC1vx?D1Ysqsd|&tc;b1_|!XO z?XftL`kC-Sm5=b1z?e%O?F|hvS1|E~D<;hfCU!H{(YXf$;HOs=vJK^M^->RxZgho= za#MQmq8U7xaFz6TpAk)N7rHeqQS9}~AUKso_%X{;HapvzulIJR!4^V?^GO{v34J{O zj=d1vIe`{O+p@j~Eoe4o243n7#Nu_r*>&tTT2N!-0?6goPQdWx_!vG zo5yfUvll4uxGi#)7(tJErQp?2N1SHuO4CJCP^sU8MG9HZ-_@JJJ4ZOfCQl+K=2YW{ zrezo(QGkncH)87^c}%x%#DUks@uRs4J%6R2O?;3G->yqjr&H3{i6T*cYbHh|WkO}x zWcvA#F(?f;hJwF+n0jOtuG-=SBdi+X)Xlf#+-PlZ^{i(W0{j2(p$2%}p+L_U-Gq%# zVj(@!#%|sEjeM_>4w%WFfZkv)HeqiZeN)shwBw_oot8wR;~7 zNvwyfu?D<$%U38#uVLK+(_!z)I}pG1ID=kW?r7owE+F5A=Xf!S!r>;04%N z8IBuF`|#O|Zt%Ql4oS18)3l*;*xEVnqI)BEf>Uug8vN3vrlTzA=K@nyofZW(eLsje zZ4O!QJDz6c)X_&)WVQ#ot~DMymr#@UW?ZZCiXt{3tsa4czOXae^}Z%H$aOA%=P1 zn-Bg}A0|FA0kwob@Z!)v@R-kgdWpA2tp1*W9X zgLt2_kYzlH!3FXT5GEQ%W0KQhi%l2qdVUs{YZ44K4Myv%V3;&B3pclK!_8S1_{#bm z1WZbWiIM4e|IH`T`{f$utGW{T52E@0_6b^kp6T*$P48l6w@* z{b0V($P%Y?S%|L1N}!RxGaqpJh^=nVGe}#g$sIJZV9oL8(0Q~7@6B{YS)HTM3eUi1 z|1i|INhGdnmmtfzMaUM-5pOdc!gnsx)HT%;23PG$CZ~bg<2xi}{-CK}+p9(H^gb$A24A(+4g*aqc;DeJGfx6=7!oLT=GN3BL@Iqm^I9_(^>{9a|rct_^d!pTkki+H)F=N=rm2 zzXozm)cKH}E3m7;nfZQJ<@FJyT=`JSx>1379g^jAYc^f~yBB@H-ZYjpi@LvN>v`p5(^1_Y>EMt&l~}Zupa#_CP19f zhca8e0Yj98Y+-&Vo>*tk=Jy|F6J)B{mz9zz`fw0U|LOCpl0^3VmnE*NEJle-nV8q% zg$`LuaPL+N)~`1Wt4^JUr5(v6;qyM6W%ro;$tGwqrWQ8M)r86Sy1=}-0;dljAY`1Q zgugG?sWq4JeTWfVHtQoUmJ*y=uLeP5-YN8`{KGCqf51u=VXrhbT-3SMjIXbgqT3#P zC)46XNolo+E|v(z#T{EkDcM(G;Xh&VCoQ8a|esEm*qso(wk1L{>z-RGS9 zI-k$`&AYGa^FJ@csLix&_BF>3tk=)L7mfeXyW6Ib;nk^7_x&Lrs;Lmp26nJduL@!d zufX|6Q&_m@AI!Ag{?9DN-)(Th17Qq2e z4mZ|*fw&27m<)Ylzd>hk;k{~|*<_bJA$&Sb0X@JiQEML z8;Pr7$5#HqEfzwy|H>IQd&&in9(aNzF1;Wgd^r;KAKHceL*s9 zlE|Z;G{GM>5JLm(Q2BANpiy{8+T9J{_V=wM=Ga8)q@D}rH6qe$(Bnde`2J_jyro!wg5@L^B#=+wi zsh+-A{J`xa2?-kjp({t>%Q63PXV+3(za3#~D;wCO$)5a_`3}f_dJ=a2 zo{QC0)4AF&2|Dyu9LV^)h`>~pdzIg3RRlD1Ld0C^<*c) zU_+@h_c8xT##Y~eFC*8%mfB>PSeOW*>$L<2sxnBOwCA@SK7s#-KkV59O!Y}(9#7fsoiihoY3IpOt7w03ICNZahf7vM{>HbK_zhH|Il}X@mW&?B>)@+y9z=0(91^u&$* zU3HF(_L|3RUa!Nosz>Xe#d(DW}hZtdSxzUx-N6Xd8h{@HTv=`2f4` zeZ~==tgv&O&qv@g8Zl@B)vnL#!U~Sdozadi}%NZ=!9^m7A-uNHBL;X&lM8vBGJp5&@F?W ziGG+nU3U6Y0Ihviq$T|5PyD)kFF5D%5 z2`(E6dE-QFQZ*$Ola=D&<_!o>&Rp>wc zv+Uh}mLy$$EdJK=gGHOpLF&_qSoq)tY+Cdk{(Kz;Z>`J3gTi9K;%Nz+7o)*9{WcN2 zo3-q4;X-P!m`DG+uEuM6?vvA1+T`AMC-itMjiK_lpkG?>r-f^xrx^pR9w9!jyMl@$ zYuV1YAvhsy6=(%ngZGYQ#Mk=`zD_J>5)F?~W|s{wxFiqf@7!UMwQF(e;d8JazQU_E zZ?JgGVZe7&+|TTJbYCb;`>_X0JEk$6We@RT=tY=& zV)wo%;=

j+Y|N|DWwa(gvr&qYpu_OevX!JhOn2mv0dNH~Yays|KQ%>=wt=I-;I# zF)nqT&g#y4VvOc_QYZc=Zc3kralaQp{V7|xyvSGR7yo7TPtsA*;TJBFxrJes+hE4u zE>Y}AJ^DnU4{ts75y{7o=CvzkLte&qkl5sc`X_e7blp2->@L7t--_9&4=T)WpACB! zd<60q%h9LHV(?gu9<3^@hUum)WK@CzKjWB=22v$VUn&7IP6pr}iDIZLb)aLOTxM5Y zEpUb}inZdt!_Vw6%(#;VwiX)Pd4@W~tJlH%!gDaTrG$+zD8H=dc&Bpoc|eJ^GXZu* zGt`ko=~Y4SzDNc|XM5n=w0wap^ceId_oCtzeLU8tKo`k#7XD%_o{+I(>S1NrQzXaP z<3NlWwFfg2m1$6cG3>eQkG}rIyYX5L9x{(K^r~7Y{ct^^!_YU3@Al z#m(mI!=HOHaO!el_A%FjI_^%yiZw%c_@ZKVe?b9!`IIags(nE0tlJBI#Y(#C}AiEcQ9`{v$6A|4&ZY3Fj2O|`5UrGeLIw({ZTrFW-h(7;U-o;|~ zy=J;|55VWU0M4BuaJYFOHr1!%>Hj{VUh*hW`jj*OXRZjY_W&Gkvyhi$FpxZ~i6fG9 zVPAteOL%#b#1|_=fqoi%E*y^?ab39kyx`81@rK|}cW_d83>$tW5pH?h2FbsfIDLu{ z#O6za+X_8CWo<0zyJUdfrL!<)vH?|X9mc&qUcgn;C#2OXi}{w{$6GF+A?^DJ7%d~r z`}yR%Pk#Wn8@-Z<029uI13IAvqKwo z4W!YF*x{&n?)rWd3dT#w{+Ug5=h|?cf!h3A=Nat%x0&xXc>yKCdQ>e`7pit-vVGMD zoOI?)!4sj3t;DmZ|HE5DH?!nLXK~=eUe=gA6^`0Y;?5?%`1zweuaA#%9C?2z+fhQP%@2XS zJW>xxr;E_b0K767aHFzthrB_P_GeyWqNS;D6Dge4L5&K^W&Vu`;?5a^V z+w^@f_y71E_J7_5o^m?W_77*fGxX{4L&2DjJK3kg-(>K5b-JbT0j%m29Gb_}xQpKp zvWvfjV**dFMRgb4i=yasxEzo7D{N-0WvMs5a|i}^M>DRzVjZlkY!ZK3qe&)A3Bku9>U{1uJ3O>klJ<|93tK<_ zgfoI`N;%RSr;U@MdY;l0GU~z9@*;kucfcU(7qoq~pqs4)zlTMVn4a0|xJ5z*njHFkreEnwspG#ZDVqJ+1_t^Ad?-q8-ErIuYBw zYV^_+HG0n9lxuA;ORh#XLi z4G(^ngTJ~L{_c{*hf570Y9_-m>&2jBWdLr)Euyt#ObE0LaQhpjI^v}0_lzx=->5;~KH3NQV{Vatdn4*Gz=y2$Q{cyDZpT8^2RLNhDmpFDhPLH2 zver*ktl)twuCUqyc28G>-CKq>0$P84kay+Suo-!Ghb!jz5Y! z1HoB0@rjT*m|lJb>@-!mgkB`n+B=JHPTt3?j_-m;Lp50b@72V+)dMyBk(Jl0 z*}lO>pmAaegg1@Bgz=S-?f3=#`UcW1J+H9lfDcygx`j{P+yZy~CNv8?NdDYD$Pf2E z!DyRi>}ls@TD2@4G250e%-fItLTqT;<7!;(Hvx>3K8f|Ecfy;@>3A*RF&X&wxWHn$ zjig!VEzWw#q9W!|-z)`g?RyrRge<=N=+7|n`UkL`nFa@TJ;F;?L0C3nIotO65J^y$ zM+NVvSPbFpu*oPEWpj;neA&XzdRgF&ONZHv0W#!uTN{4ZE%1ap9eLHOjhGNxLKc_Z zg~vHHI620N(XVzGIN}f(n2Y%JT3!BjizDt92Lc$jV8LS*zW1%*9el10Z7bH1>BVcX zw5AgGIBC-(kJ_=I+7}jI`z_M77Bkf&?PRU(67(h|5RjKfR*bG=x~Jb^iJTX|G|Q0w z8rls(ChIY>=Q->vti)H(RA{PcuH!@JL*m0DbMaDi5}2s|5RKJIN7<<_*yD}q!VKde zs0p4q)n&$5NsTx!UjN?j8x;SpC5p1ei2Z2Lg;3>TT;`B(!2zVpR zbT5LxCnGTgUK0C|AUJvYEtWVH;fWtv_~eKQziZeF#nwac(Wdu!XQduZmRil$4itVb zLn*$*r3E{$rGRsd6VG^+DANBn94Z~usgLCm%#L3MpXMv@z0-!#A3p#c-DiSqaw_Bx z3! zYDPS@zku{xji#pGk|D^n8IRjkkP_j}{eokLIBsPbocim7vIUl~dRZ3+6?`K(F_Ms( z7Q(XiCs5dI20lj*i905D;J=rz(cilT);?x9s&@v4JnP1Se_6z0h!cFUmZN4{d`QUY zjVPVqO14Y;VQ1GPa`SE#%RN~E9!5uSuX_Lt5_qfYf5u^|;S7vvk;C9Ok3rQv3Lf@b zGX3OAb|A_P;%B9b1Qr&ox;dW82g!?{D{J80VQ0}W*p452TmXMJ8lhqQ6qu={1fvbD zu}W4ELo}aby7N>htyCo=eeKw-AI5OGK~~gYmq;{bJ9E`?ElmBCPj`$DgUFWKD4nx} zyeyL9|5jyHl1mM+ai4k^w@%<|84G^3TN#6EWZ2l*cX8R56slL#4PQ4`L5{8(4L|V` zqN{6I&!R$nSM3Q)9Wt?5bqz@P%*XOmuh|syi{#Y1Ayn;C9W#!+!*+fYDNMvk{>p+EJw|CMi$FystKzWa~dS`-V02dc=|$wK$? zzdIr;b;kAtj9@EVdtmcuMhZRG!~9S)&IO;r<%mRTWxo$z=_*5O?_S5}{qY#S=r-B# z!W=%CU1cS<8_@ZJhcE-#?G$hJ6V1M-z?{4l+ze3_Ckb>8X9faGBwlI|x=s-@HtCVj4cm{Q=bFK^=L`F|zaDJ&9Tz`2 zD~VsO9$?oMU!m;%2wd3lhdh0Q=uk7yTTd5Z zX3|M$v|50j;T5o8SPGuAae!yGk5IRslUVi?KghJ=9@jcN-xCk>mUO}B_;9g-QZ7-m z7!40WnnX;J=LWM1$zY)uvZZ4ym?@~kk$Pon>Xn0wV^rbiEj9k{^>gqYbQxxCih{o% zPLTzZ%h|KnThaINC()J4KCD?T#gFa?f~P+-a7L&kDDF+cmX7P_tuWguuC-j)GxSN< zOIvQQm(Lo472({bXvn`lh{t}&gvTq4$ZN-KctgvWCVCD-yLY~HP4*F}+jRo>hFujp zA<;z3B@N4NX=BZo9k_Po6L$BR0cbtbp%Ks9aQp{Fsxy&8t=$ zXbjEa+qr#;DoLe|4Mziw9FA^H1{>EIjRhUbUxu1zjiiK z{ME^!Oom^4D{vF39&pw3Fmy*ZDHEL0&s1Vqn@0f*^@)Yq_O9&b5d|)@x`vo1<>1Yd zN|Db6PjX*kAFVn?c;uB(a%8I!?G6v83%uj-LRu>3Pg#YNOYgEP9}8grYh8YO)pmU0 zUO@(5+bi;{-34m5pOTn2UqH6P9bO5%vnBKIqWuFmI#MwLLU-N^tox)B!$T&6|aj^aPl5;%IdP`q!`7pz@ylHAW%q@Q^KV2?Ck7r7s$U-y$g zKmLP9`(0p5*gxUCa|Xwa)Z{I4+2rv!6WZ@J0ll1!>GiE8nEtyEeusPVgiLR|KR1Ex z(~!l!IwwB|gXuNdVx}=M6^dWmvOsld9In|SI$(5_T$8mU5+NVO|FqvD zyZjf7ZafwTCU;|6-wJ&Cq=)UueM^dsFTk)*xoo=SML55@4BQu1!^fs>QLXYfxZW_H z+dZ?Ur{|v*g*|f+9K^9CdCooIJ^8e_c11W=ZI|Gg$+hsH@FlX;b5QFW3^ES|_O9pv zGdih=vqo=)zU@o+yuG`y&Fd$0=*L3k)*Ad+p$qDbCD1$37nTO3Go`+B#QOLfl5sl) zNBH(#o?9WXJ89m-^$GN)?AuX-MkcTbg@2fFfg`UL`QJ-;8wF668 zJDrS-&c(`M+d%fnE?idNF7&#UshN{2&(YaQn@9e}Q>8;-fj<%NI^d00v-GIcv=maM z6$Jsl!+RybYw zPjCfxXJOj?PO*vYFG$p$j}qQVFg200YP<9JdWAj@JaZSOJgsHstqx$nq){|MN$9*~ zPKCommx5&db`;FR{EXH?d|9i*|9vW+v!1^pSl3C3!U0E#FExXTLN=s1B;s74HSOwDtbz{&z6}U0) z70w9RZJ6j3T_kV%0XgrkcZWpC{jo}&Y z41J5&(8P^LV3qAr!P#0VZvXld=NCLd&uiUyuQd+c-0rjTb$jsRA2oPe_Y8GDB;)re zH8#^Vi`|Nuh4+?kWykM~;Abysz<;$lc(OSNb`MGbizTL@R%3>)@%vCu@a(i7a1}NB z2Qs_&(x9t3gl=!o$J>*pLgv*Gyhu_W%?0mUs*M~ZHgAB!v=LCadof=czl&J;?ZLul zDx}l52&JU1!^UDC@st_E-)u4N& z1DL1Z1CNzA@XIe#^iTUO{$O_&q%Lhi`$zKJ>w}|a@n`H~Ct(nKQL&ldZ)3yx}5v zEYpIsv-I(r%m(;`tuVwwlGX^$&vDyMVcRtia(!nB*2zsoM}zUN3fdiZvd1pbist zva!&=PUz@p!>=jIH1^JMa*B?|@7ESpn%^4C7cH!X=B<}W;{D&OVUHyoPWJ|<0UCU_ zaSuD3K9so%pKZhP)$rUj8=k!~v?u$>|}#Kv&8 z@o9i)OKmp1Q5ni_-b+NgT`PEmaQ`)8+y+p(Q-onh?9op8Cz&nuCG$dGVBeBUPObMU z*jS@NICAe6?0Ybghs(^R_XiScveTHZ);bT0I1CpTH4}&5k~sRrS8%$s0=Lvo0-tY_ zG50Cq0Wmj-kw+@AX;!5P3sh-rzB0s@{0FyY`OSA288P0 zuMEAi8Bb3dK)yB_3T)qeX!>hPDyF29fD4PDIZ}eG3_V1}mn``lV?$Utc{;83mY_QY z2E$WT7vvd}aJ!i&|EbkNCMg7yd%TP+JpT?_t_T^~K@!jex_r!dd%kVRNEoqYC26>+ zj>FrEplMk-^V=GRcF7yKf$lf5VDWACEU_Gar|I%j!feJz>5b^v5NoKY)WVOdGW2;QwT*zZb!wRsj@IIT+F^KzhO7Y>jURZdr77nPr6}W&W$UDshJh0yx zBg$WsGs%KOa`i)zv*k&2Isb)xbY6oNrTakti!2TpxE`uK;nLId3{aqYeV41Q%L+ApFSw<`6ur7XM1*;HQz+Xu+#- zS)jadCQwEBDOK-=6;ejNsjAmIfGL_r&b0W7)4dR6#2H---NZH9-9vj#m)`ane&Er z@b5l?rm|b}Y*^F7ck3nPI9o8N(jJ^}sIw?PW2p($DJg`0r zoZD840Yl@I}aOazcTR~y5Bt*_sfbTx9Sbxq1 z)Yh-V7MpY|8q!)h|D79JNhAoqX=^as^bV_sTl3Z1nUj~kIuVmZ2$cSTb4>0-(5eg; z*>;h*YaWGr|89tL8vI4E?N+pY$1y0Kl|tLp7U5;>bD*F18b6t+lN$|T^ml;<#wDI4 zOI@Fk=x9qzllHyM>KUBlO~Q0z>^bfzC=*l)dgvCjVTB_l8RWwVj9S z?nv{~zm^kGRRz?Di=e1C1dO)*#rnD%sQF+Jub6Iz#)sb#?T^oaU%oC@|B?@iRu9=SMIjS`4uN`;(;l>~F z8F+Bj6j1#60V=KttW&unTy0>91!0<0`X+@rAGCnkZNx~e*YGYf2<6vQLD1nj_|2gd z^7lU!nO}9|@$HXLJR?=$CQ0yw5QLVmUs@|py{%^N>3 z!F{N4HyOUA9{`VoX&CKU1-(XLIIb#v73bTD+iV8hJI}m?y^FN1xDLn5Hjyo#X3BopsZ*bO+LN{N}e+oV;Bx&+mEu)=UP;1qC1&FFTv{@ zb(rF-#4TqvlHQ-!arw)^FzJpAj5rvD%acOzzdapTy!r$&H$Mpc1Eo_QPoN**F`Jvz zjGNED29IDZ8oen8)V59oqv$l2Mi;V(*GI)DX$gfR<>-<1^1MPRl$fh1(^bc81;0`T z#&izi5m$Ba{nS9-vGbhh`#o*(w?zfwvkgsn|4;;O*U;vrw~m93obZ3`QO%rIHIb+j zuH+DxgZC$g(6kM;`0KLJX&53&^GfA;^w9}CTt6O~uG(Ghu`CBW2{8s358zGCJ|NPL zbV|0qh1z8&M2hlhFn8=|zTI;M{#ta91aC?f+-fI@p|IyVx0Ir7lmh*tDx51Ld)U<) zW3gC4m#vHIEx|puX&$bT3z7Il%=j0>s4N8Q7%ov<8vyEtL1+vpCr}6BZ zShB*Wg%pUFV@J|Q)cdm@=gkP?iWX1NrBR>m$(;$(%0nPsx|g}X+aeZ4E5IVY8sF@D zh+i(PLjSi5iTS%Yp>H+~Yggq$QD-hZ=hCPdCCA6FiXkIy>o9TMLEO9e53Abf3TKk8 zfSyS+oYwn?IpTk$z|4%6ZtKN0!P(HZJ`|0wc!6?hI|M~HgTJ{73=bE9;iF4pDIs^x zrwqf$&`gou^#e?LL@zrKA0w`-*(uJ+&ckBEJn-pT4kfO_dB0i{{RNinF}2fVO604Mx0Ke-|2mRuVYLA z7v)3vu5UQX&5VFy3wtqjP8|CuYYvjCnm9B>UbIc(G-;SFN!_oCLFVj0K7IFEn(}l% zsGV{q-n(=!7_RwGTOOXO6PNC=R5ZH(oK)^thlgu3 zQQtZV)L-4j?cO`l{D~5MggbEX?3XyoqF>1Q-@vDJs-o8KH8^I?BS@SmoD**MpntLs zJvOu#&g6;F{evY|)hb|f(owSWODgORhf3w{+t_mF4x}`^M+=`;^v|A07L_1ODKw=y zz7N>S7aL(_Knz#&G=Sy#$|8fV+nCoSW_l|Vgskxo_M<)m5*oWiy6g7B=&S3+rfx^@ z_4qhEFykqDz!7krs)p}xKY(whA&{Y?j{1EYx&K+fz8+0zu+rszLBbkzNt(+HI7d_+ za&X$aI_!0oX8n`K(v90Z$xl_mP1J8KUZ|kKf3&Ycx?uoRX&6xFkV+h)v4%ug$zaO2 z!SMRR2x`7;AQjR9aLj%Jo-234nA`anF)je+t$Is_4h+Xd*>x;x<#DoAJ{rc_rxTr@ z1tQVRkLa@}5z3d@@Fvv~*7M*KC`?Ypq1DmMbI(6K89$JpTjNdJM`!Us$;}XQtr&xx z<)Ludd9rU`G-Z~`d^4Jhx8&`Gd&T3$P6l#x_?BnrH%FZ|X^r7s8AbS}_!Iv0lH#*f zQgGh+Po&JWiaq$C#Z&+II^Fpc16z)+hWBm=#@7e11!Zz)*dxR^ zxK*BxFg+{e!N!5a@*@21x`15T+2QovK0zGSahTY2r$Cb6)){;EEe_amoE=p;2;Gx> zaHEbSzpN#N*H2WyoTYPU!D?Cl_4FWcJ1)aRGxNl6j<3e<@526PFaZ~s6oYrz5LPtr z5{&sh9l{sh#+#os3F^7?hTUP*ZH_V2=eOgu1(H1MuQG;ZFQTg5Q|a2GM6#^!Az2af zva+jQ8C6ydp>be5;voYCue0dtqQr7d05WA?l16<8> zK?dd|VSE5Y-5Y^@Bd4M2suVKzIEbA*+cE034o-fdL2HtCVbsnN@xd5fu)Q^aRr!Sx zmE{58ZnGH`YF{{QSKf;k4^06N`9d~nT`C%lJqCNSywLd8SQ`1#2{j$7aZ6Vd-VGf{ z-6bF5uz3(y@#92`DwMw{hNjyfLvw^VDcggHMj*z-*0DE(h z3G;3hKIFq@cA`gwXGW!?no&FpyKT?k+g-&oUwrtt1$)FjX|Et>>K}4wRVi-n><8PA z>!8WB$jPVN55~)X2JbW4LN`X1<~EK)U0n+pm#f5XRH~y{<0~keHb}H`(oc*yejIPd z1fotrBNp$w3Om|of<;6gyYPA>x184~%Juc-6SO7iM&m*l`0XFmM}&%!8;8U2-XSzn zvB)X=LoU8<-UCYM%VE~IZn4UYRm?uAQ$*j+!4LHr=7tYMuUJ-SHck37%D6pMpgMp1ARlKW|O|d<3;fKlMHoV6iiEu zb0F62CfmVf$&_ib;NMVG={l(zlN{rKhob3X}?bO+rkU(`zTz@sV& zpjK}SyAD4_uaW;jf1M()Ra=hB17^Yy^SvUK&5uMzWwPLUR+27uLzdC_62taxfi~H0 z@#*_1uxo({Tfg@c$jI!#?1lAMp2{HDFpq5TJ4D>BB2u$jloT#+MA zTh|6UhP9xvK!*Q)EJ5$BRiejfK7Ns2MaAt~&|7d;X$-T%q)U6@$*nRl-7C05QygL5 z@0UdCkp_A17mX5c8pR!Mn)Fo437lvka3><40l#{c$#y#uLn}GHdBhZ`j@w8L@vlZtQG2 zYw9YJzWWiL4=;eoiSyXNMm{F|01-=<%LryNzuRux6s zGif!v&}m~2Ki_6aiwt1Ui$>V)=tYiZ>(I_6ds*j(!;tfHB@ArX$E$u6v6!&0WNw+j zCak#b)O>b0=OcA#i|=>{5_vw%mC1-TNeYHgFQZS}I5tV4%_z<%82`ufbX&}8eAKuUt zkhMqfCI7b$%|u@?Pw+iDoESnUi({Ch(KN7Fuo!}#XNe*;qu|ozIu@W}#x2_3d_O33Lw~}QDT>rnM~i0lfasO5R>uB) z0b^q>6U)?naDBf4|KSo&*H79EdRn*0=dBw2)Q7L)-2uI9X!}^);jKY4hBw1YuM;>x zz7tZkETKX0%ndkz7&!9?SnWLzYqT>ld$A{#U6&#%{CElz729zA)9nIZyb3;9z9B8n z-Xdq8>HJZH85}NdC;D4U!6q$Mm}BIDX}v0Ity~J?9b3`vnmy0d6Bt5v+HgaA5pK=7 z0ueoxWRWO>?(@G6ANnFmaOpv!ueFgie#k&K)l8_$eF(Fi5-{HCKhz)p2)mVH#wk7< zLi+bx@oXszvNSQB_l;Q%^H#e+ffYw@kM-0em(uULFU4iWCj>v1q*#8l48Pl1R#~I9 z1|RDvqFHi$WhBaMm4UA1XVGhGAt;K+ za07pBwE5@{iLwGS*qCGW)okcV`9x-o7>K210{=WypC6E!j4Rrfk<}AMa*3EFIR2kG z4ZS!)Y(xLSgRT4VLsc3$-%Lf@$cv=c`WCpo4dgP$3oy}ZDSxo*Dm<@pPxYLDcewdOF#FqEra5ZtAb@9}3;K0aMq4IRfyLGADf81;HM zy})UH2WLxY4I~fl{r+y?0$ZGVm zPezXp8;o4B8!I04fb5(`A+IHdkW@*&_}Wo08~u%)5&m{1AEn^FzdWCG&VyU8Q=8hq4!MBC2ET(}$FAY51=`$LLdfcy zSkvPdzF_Y40kp*@hQ3{@%__xzE2m4kQ2+X8>}2yYdgQPM&r$^Vu|$b(A8?6A$a zvvToJ=_D9o+s3j2Z29MZf}eH1I?wizqEF8+<~8g4U}~2dby~PW;C?CyT=*Q63 z-i{8{+6t=WMtshdemE86#nud4ggwO`{OY!MqWCaFqN%rxY)la5c$eZuU6upsg}rf5 zvEc;%ev!(5ZXQha<~~5R_!9h^l@1GMy%#CXGefgNb-L$}J9riLVgt`*b&i~!cxww= zKkNeOu@pYFO2F5DVVLvZH$1tl13wt&6vh*uFoUooN&Wr_6YGAv^BoWcvEl?3Yo7;A;ftg3mF{sOvZF$oGr{%wk)}=0i zY-v5(Uz7qP%pN-V9he1QY-8cl=X|_Zl}}3Lj*tN_I`Nu|Ic%Mi$rSvrV2;2SS#UTC z^*)XhX4)xWp>K`t=LUdHm;$tXoeT*=uBmTYBF;LVgsok-psnZ+bLe=B8LQRFW&36D zZpTy7^yV~(p8sGoh%_B>Pl`X8-{o{YPPp?_%0u^gMmX1UCV%00k92!Y&5irqv$Gy z2IBW~KDrvq(XQ+9T(mqBvjzpzLp@m-qjDSn**#&8ZZzVB%RA8X?gHE^bn{xD9EH6< zCb8!48njk;2m6{{iU(qp__sUh=;oCO@{um|{lE-%N8lRA^k7FjfvJ1mLU<)$<&Op!+IAZT4@eSg zt+b(ovm2oA$}zZ|AIxU1)MeM&m!hx6EBLnb2+!N(OOGB^<}q&WWQ&m>m)35@sM(8n z<6V6m7rz&(ykwx{&wk9hYC+<)gSCR`zJUg2CEEnz|%)h|Q{I9U0ten-^ z44{{Dlfi7-3|!(J&fM+Q;jo+`-R}B;v9L(|u%-#`h3B%VhCci?%86#X-iF)GzP#dd zEUfs;h;L{Re1E%_h1Aus?r;_G9yo~~O0R29u*oXgMm~J!NczX)$uZZwu z)mq%_xr|rsdIgR{U%>qg7uq##EWN?}sp^NwN*AR?ux!Uk7-0OF{QHMO#@v`T9lnmy zYaZc%3ExFuUXPp+TAi%?yIXxs#=-+cAA= zWH+2&PI(2kz60^)Z)O29G&zKhZM}< zXHCmUT~<2@T)&p}C$B}74^^U_4yll{nYo z?-8T1UZxzUHAqmY%_I4d@{#oPQ#BY&qC`u6{_A?1EbCny3^i^CHHqg!m*v)OUP?2ExOGhT#d&@Y4C|M z(m3y$DwQ7Qh@~36aM()*Uk>ktz%y#pb6YMXjhjoBFR~>Ae=5V(s#F-;mCRHk)v2wU z3$47Ohh7QcY@@*$QFcu!4GEX#O7lLT{kbgB|FU3r-Z5{KobSLi4*y z#k)VBWhW>8MX#Jdh_)z%#hv!p+vdVwgzNC-z9DqkniW{(*MVkIlkiH2z&2Z!i$=m; zIC8NE#*PAdt4*jkDXA?L_&lP$PMIa9247(gv69?k7CAiw?qyms9Nou(_H zcD5w9-tZh{sxzqgg9ptSZ$XE}_Q8_pEts&)iAVh-JW=@KuVd_B)}VUkIVy!cH`Cz@ zzubcMK~|(HvJj7lu7scm2axYugR8d3v8Aqx;KPSdhs@99ZL?1NQmP12SNg6lOn~iKAS0pvC!KaJrYl zHl0d=#p8eA=~ib{`2C5^Xm1kt-i#n?W~uN$n_{``s9sQ&+ryWn3Cx9?*I{_(BcdE3 z$#%F7;`6)f#lx#}Ava|iR4-ED-z(ik#RcA2uQ{Dt?tKLB<;PJ8y8%4!)^@5@kU^VX zH;HVAMuMFEFq-L8233AXX!GZBJnza>>=D+L$Jq(g&|l#72t4dl7P9nWg#n{$zQcxD zZ}CM}BL9{c37=M{@f<4!8XRd#8-sgE?9>=6+^WQ%-qPe#sWLsfa4|H8WwUvL+Ya!5 z6rFcCmfs)8WtUN8CuEZb$$HM`P|;MRp(sf^Em7J=Q6Vcc85PPXN;01FIjJNK?V+Ww z(v(6|qTl`d(|^z9y6$tI`#oN7d6;t2fS(g|mai8NVA4W29P@TEmz*8WS0&oHo*r%jb zIP1pgT_7>9nxH!D9N!gp9+r+;22Cj^u}I=9yOycUuS(s5)!X0WxnHk|!4w5*)s+i} z#;LJ$qvpVbjA@|UyAmTm4`I(<&Vg-D<+yXVGTtsQfP-d|OQhh6%+P_B0fpQ&hoS0ZlVx^fqK zW)0;fJ-RGWQV(W?93fTrZ(?Xqfq3XyIbQMLEgbvc4zEp4!1tH9;*Eb5+f4==Bdq($jxAV=7)8S`)wKh+b$ z9t8E0N=sRuGEg0l2c_^?KL*krLHk59JxV+zyjc7(C|4x8&5rz<0_2M7QrP;?gTI)c z1pAU2$=y36c=hS^(D3^^YE(!<$()N&`Ky^|oZpJ4w$+kVxtaLu-ZwmJ-H7hlgsYza zCF}~QL(|hl+EaEPV;0t+Qi>|p7`|pN=L{#N(-%UJQ4LgVQh>WH;ovu24pyGDAV&w~ zvT?&KxKEf0jTZU?@4N-R;`m$m@K80&&KL;o4wra!g)BY!sS?l0>?7&&GO#B~=w5m* zAe9>Syr{Dgm5g@tEyuG68LR-|zX#&KiS@Nz(g|?Jp$f;U-WE^)Qv)`?FX3o`r@zzq z7%AN*NBu+1X=T+w7UZf3g*+pPm{R9+COk_^i90lT268gPi5^V z67h7KCvV;82QJSx;kTItmv5`Yxm_<{&I>c#FJwGt2FIg9#Vg{hT#g@}sq z@a7|BUS+R<^IMLP$XyvUbJPJyT@{1=Wgp4KO)4NHh6(lENlTSv#lzfA(Y-tD@ZGqj zL}%bEy2$zy9COTo`ofz`_T2+kH>Qt>E-B+P$wD~CC-PyB=8~)O=}y*8KKNjEES2>2 zrr8<_^uahQTEb9&)##t(!YreV^taBQqDy=>QuvWf5T&Z_{5 z67Qfdxk=ceHHCJ!F?2n%BF@2iD0_V!c8vC*DuceF(Sny?b=;jNG>(GJCX{Eq^W;5a!RRq~a%eaR}++9!qz2M_*P^#=qLWWx97LMBO?W8c|0bu61a{bLXOz7}s?ZwwOF+vx_?X67`8UJm68z;x`8%*7(+k* zErq)-jo7xUS#)@04ja3D4jnT{fwy+VgABb5d&;jmYTH}jmW{<|#CG83v8G(_@I-!h z#BHn{Uyti=NYLEJ4xHI(@o3!|_C#(fKePB4xzZ|+;ZcU%VTLv=>YmKC_f^1#(=~AE ztqt81XGk-Qv`|HFGd|YNge?CK^jKmB)n+BA5SswYNET)njl(knpN|Bjh-J2l_~$=5 zJY4Mz7|9bSu`g6p^ED{Pub7|ZLLn<%*3CG)o!ub~)=;l`uAQk7%=9srY zrSOfvJJ=dh_pX2o!xd<}>s!#g@)iO_rlLocCKR*^om~Zd zjlD3va5VM&F`Kt9UkXjtMMO?Nk=E>%;_zlC^BEaH^I0(dutK)k_9C%}z0ca)w4vbj zEIMKFO{@yZfFoo4@yT~%%r_~<$hh=(4@VNVM zY#S|$%M{+?ag%4vS9>n*tM;SU4LES6AYyvtCoZX&h>Jr$q2@FvzPfxZ8};}TtNAPs z#*?3*?nD*vDKilGd}7R)qK{jAtFZ3iOPp*OiF0J*&}&C97U=4NiFrD!-mS|+97=K2 z2n*gy3ngL8_yf~WKf?JMTQwn zVhR(-^4w*UpxnWfzFXA8f>%(Gl~3Rs*<@(;_JW+l;dpRI9iAiUQ1&r|1;I)gfHw<=wTk2n-4>;ogt4pZi?T#TwoLI?8T`|`q=YW z5jEKt4L&oDf_B4FEOv@w(-tao-6QWr)3KV#E!E%wq3?0vdNIh_0oEOuM3a4H(wNnk zS?_Htn0#ayZ+)?yjs7TX*y_eXYvT$yd@Glf|GLChGTy%KHPCqv%^-o-0tJ7L&z zJzBF<5gnVxfKF05sI{xYxlSY6`rM8iyfx#aPHNB^eFM65;%(@dZ-ZZNpNF{YQdl;r z8#9K-@`|c7&NZaq)4ol7O8Q9h%XBr(sCX*27UkjBg_^>dCB<9b-h~O>Kfo>MAu8GU z(f)@7ie~+X%@?Kl*2T`eT5OH2RZ2X|cn$YEeh<~%G+|3*Jn7prgaj1K<_(EW;N;#V zD)jKg;*WRP=3%lVH0%VPly`(9yH1h#Gb((`=S2ARGb}L#`eUei4VEXt9~*hnGc;H zOZ|R^!2CVAEHHck(w+@avil?|eoR9jLBGix5e=VD|Ah+@L+Jk*LH17s-ktA4?yEYP z);x7XkD^()&TtHv>lyR(I(v3&V;0U{k?&MfZiP3AoKavnZ z@6HUL0CplbKK8K;&30yB6qgU@1y1)cg(%btl!1|Jtf`Hzz<@k<3smeF206&EfTU*d zJ+Ox@Z(^vlNRv>CNTNfu3NcSrq13tS{<3nwN>ij_0UVDF>3bjY#02tqz9()BdH zAUR^6U9!Y}_)3tjQKFwm2tMKj8S3IZ07vV0v5vtBc%*q4|D4bPRSt=`C}tE@4SLJo zZxpybqAao0l}N6&<2Stdz8O~}>QFj(D!Dx60klq%Mh$Mu(~>DS-ekou*h`>klcQ*< z#AVS332k0H&>rPBq~Yba%i#T|XE6F-FFSPM639K>0&kDqgtX~9XK%qroB22pyI{=?H&$H;@vLiYKPCRfOc7xakbSZKTo;|9*bB%=(n zXOO#)SIlJG;{(*5j>NTN+R6FGlUO)>0QXJ#2=R|w;N3C{_GiTb9NpmwZ$kx-y!1KT zn5$2t?wEqIPc*7}CsVmc-K-#J9$1Vo!}vwR_>lj~*io5HV6w9q6vNzT_nRj6)!;U+ zYFFW7XQ@&1yQ_F#SSL7l%Tw{sGS<5(kwzbpgBio$foqQsUp)0Vd9~OCHA_9IM#)HQ zzWz(_?lU3gTn_QH+<|pJ7tjlXYQXiopebkDlgXkPbncU5P;+25UA8a~hVBwx10A{0 z_MaVG^xQ)>Xmir_!jPAa&1CB9oyg*PC2n#)kRI)N3xN}!gWs?PjeDbL-MGK7UfPbw94Qth`kumDGP_BB?-Q0{x{VJ$7DT`9&1bU}O=)e-0rsk399t>y(WXFxu$RDkgx=f60W?QV*fze?)2uX%tq5L`!qOQ*$%gN>G8CRk!Z&ig-rlmyrX#mTwZ2i-h&%ZwL=U& z={GS+Qx?qrh0(qRpFyoN8&-Y4!Tvi7^y!ZXu$$rwi(>D>j~~0SL92rKC9mb5B64bR z@lBRsUIQ^S5;DV0sWH<>+r!DY-9j7geH~9xdj@RPFNYOhzv5)+cwF#6nXc{K1nUPp zfaAXvd0)XSxYaZZX3Q!;f$WT--a0g?YBAVhs(@z z!|ltBQM=q0w>`*$^!?#vc$OV_MW?gzDRO+XNgv!jq{hFFyN9x&xtOV~2*xq*QRYto z*}mTimPl-1ISdaHcmO%f3Anv!Y3|IO& zx-<&@H+=~~$`uxp&tF^!kjZv)`=eh*!^Iw7G^d4eRSI!o-bc(vqT_iexqrr*G z2#nAVux{{Dp0%-#1O-1rB{M_#SNgY-6J^%Wnl0MUf5!n_3pDBL7704pFp2rPsiD|ejjDVs zhh8ZqSS{qcF=IUS?tDe=>E_~K&ENRhF#&g0xgtB4iUoJyVBn%Q@~YW~G`*jTRoetf z_pu^-7d@3`nb^|9AzR_>dJ}$8aSI+9VFdJp$&`F_nAvEJuTBpTye1Lg(m$G1pF$!J$-!JAK&< zeui!Mt4TjRV(Mw^OZ#5fHaS>G6GRmi%VxcxJbY{XZ@N+Rk_rRqPGQtld z(vo0z*l9SCugk~HkmfN-H{pTNdbZ&FMl6c4;yY&9;)y}i#i0BZD*oKUH=m{G#1ATT zjZY~HF1mu1ty}^tEI$}2( zws$4`PW}iQk{bH|QBFf2p!_Y`>`D(Hd9mN?dDG|O=|CkI`fq56s`oe)%lyX3N%nx!5cX8#wQ7hHmf zgH0lt>d&}*+$h?5OxW_>9l`^B`^fG1eWYPRAS{d+%*`&iv1PvnzFJ2Rj+^^Qq^&gv zOHZB0jh-8zUg%6DJDX9nT*B%$ZKEd*Yw`a~wV^KZbkO-IkoSB8X?Z0u$RrhHj6=a$ z`2c0s#7m9&@|*T^P{g35k;VxclsW6kC45>UjQSc zs~DU28+P~Uki!EsY3|V`e5pH(c?J;V68G8Goab!g<~wLUV;Yu=li>8&o#;L>4u(tZ zBo1^H3+SoGfYP7XXe$qr-y@)Nfda3paUj}jT=}BH-{|s+(DpOKnDX~H81IqJTneSQ z;?6>N-krhL=k#EMwl_F#y#c=Om*XUh5nMhA z;6EGw)Akdrf9S^7>qzmjlEe5+t(j>0L65BTpM$@1_TsfW_RMm}637~@KwtFi#o_J} zbfmDSIsR-uI!EP#*3)0)pN|qPFuwqwQm^CYx2kx!!UZ&I_Tlop%WRXJG;|-&fzrY* zA~Vntd)93bjX50yDnnm`^QsUsuxl;)!uHq_J9g3k z1G?QEDwb8Wp#$~x>F#kR0MlgP#CAcOdfx!!T9q+pf@2iAd$GqF(lNpM1_Rq6yapzn#&ANsT%lzq=&fgHI^pcbbc^lE?=`cdL zE6tZHLX~T)#G8b?sKcm1G_vFf+&o^;-R%=Dyz8HHo%v}w%a=?s#6 zs}*j!%!HClnJCxb#PU`wp<`a9VR!aTw(Xu8i8wus8%Ab8O6M+&uug}u#^ zHzJwCZ_uQ<409B&K)rh(ep#u)6XiLYYK{>0*DF9aJCpgJl;c~p7BiFkelXyS1|6)l zh`Z)W^KuKJ8FG+fW2+)rH~$FSKl@bZepO=fq@|dqa|9nI+w-$B`(awu3wAnl32$xd zB*!vG^11^P@zy*kUgfF-0S+I?%7gy!;ixvxx#0>=Z}`(WdmrGPjQu$9i3RQJNrmzQ zU&zD=4-9(z5zlu`VzUj#GK)ZSRz2eeaY@@jH?9~?Rxg&M$tkh$=g1-av@;t#ZH~jG zdp)qSbva5#%fTYKC^*=66oxBLgYP*-s9SgsFXj!RH)S))N1stN6AftFmq%g`WqoYl z_mt7z^Z3lbmK*uyiZ1%sLQt_tq<5tlBIyELurM5nxRd4SdqT__fyvb!Lo_VIY2Wij z{Mhp{rv%%7FfHXE{(Y*=ZB19P@=w3P>c=biP*nksWinxcRuD|_osXyA51bT41}*q@-k23VJ&Q-$ zBVn3+DtsuJNy9ylLFqhK?tO9rkFp9Uw`Z(Fz95x^y;#crB*Z~@Rw=$ZpujIJUkgt^ z>_h75C(MCvnjVNRE1hYr zT}=uac;vcHA+?AGzZxAs4(G&d%B{s=aWR4fWLGS(CcSG5HCo=(|wpRUC&~ ztzK+&=1;sgHymM}5f;5@0i`R#1wZN>E^R45&zxdm3nbEMMnxf5A3cgC9j;{U2`T}EMj9l3h7H*b13j!Ojhi$>`D0GEb4@OP*dk}d^$`|%|HBFj_M z@Whmw{CY^L{~ly1_7>EdI>O%Io#fI~YfK%z7f>DdIpmrqN{fD8xF3Ck24*k$3B z)=?n8IsjjMv81lW^U*caf{#$tLW%PV==xWh%o`};m4{5QzCe#=FYkgwqb4DadWaCK zjC$)TVPSI#h!ni2d-p@}4m^w&ul_;UnlC6-sl~UxXW{{&(!^th3QG(5K;HgUq)DE_ zhTxYR{M>F&PMcU!ulG7odTSLH2pz#iK4Dm4V+qk&$+&cQoWM*yfpKx`xYO%E9{;%% zS6B`Km#K|-eYY0>tXO~>TD1821y%U-d@l^Llp>k87t$w37vZ~xy#m+&D?2t`f;UMi zb8Y(<%;4}M%n3=y#bbtWg|bnYHKLzg6s+WPy@hZ^cP%8Y--qwMMv@K3UxAL$tFQk@ z1rDScGZr!p4@Vy)!Q(!%qsFrI$g3tiz3l8GW4ZL2Ce}Is zE<_o$LfS(aY`HvuYC7(P#Y!nCVf2|S?1_dIz1^5|MxOp>o(86`#)+lHT2wOT2fN;r zDE0_dpe5zU(X@8}ognUIucs^UU3Ff}c@M>a6_!LxU6*z-VO^4lMQg_=Kwh6VO$0ozZAHOyw z5FPGHa7~S5nCRF5x}TTxaj)KCPE`sh8mBO=C{w;*r5(g;J3?ZL61M*p@&s9eCcH`$ zQ_TAW{cSfWhYY4;-BiFv-dyk-QsK+v<6w|o4ta|&3LDeKU>$g-R%*RJ996kh8?#vt zcMq);?fxajKdIDW|5+P$-cp61d-54gs>{*yz(!ou@JpO}@g+{2+A5kAWKU|me3)CT zu=!_iO_}sT?!H2wyU>$@W@mw$*6by{!!_7Ky&L$+^B{Z_c-+=c%F#RfIUD-PfSx=X z$s*p!(t+aDuwWp-iEoxzeC8}n?RbFIyPFX|MB%r4+Nd_5gB(;|!A!2I(=82ysJc=t zKHXf2fk$6MU>?I&pQqxstUl81mjQMAgdO#Tl61uqMwVXBBK>>offZ-7x|JR{VwOBE zdzt~HBNf`79RUsFRj@5EhP^c^BX7$hgf6*|t$U{Dcwk{3SsfS;?Qe#oPgflbll1~` z=~eXl_kMP(MjekD1VCP;1bI``LzcB^zzBz-xN~0-1ezw3WuX~xc(oyHbA5r{8uP(W z_A+_X9E1ghM%+g@f8%G=;J(jp@Gx8r%0?*AV@b(aoEHOm-dc32aRwOe)Z&YMzCg8t z8eX#%c1-SSif*6oubscp8?OrY!O4rhu}Gn7e#1SGO&pj33g=Moo9USO7gA@1wsFjd(L25R zDK@TG@Iafqd3pa{(X689*~yVUETW{tqMz3Pqr zA48e6(1FT6=Sxln=#bNEoy2n$Jc;BqGjK9k36p{e(^z55zT}_4L&HD9l==g#+2$l{ z+nGl69;UNUUk1;DZ;+3=^|Mr-go~j|}&?E5L4!;1(ico)TBV)U( z!Sak2TpEm+d;bWo8D9;2#}Az5o(vb(MPpdiGWK$RBUybZjm_`Qhj!Hx{IRqdyY-!! zcW?<@xDta&^PK3rZy}hvsvqybu8*fC)+c)k@RlVWO>R5NUYT!tn~c` z+Ryc2wDAz?>2rf(O@qc@ zLBAaxB=ehuY}o{QlP*HLp*x=w+>7oXT0m_|zPNipEYH&0NcRtKtd+k|DDs*!mu$GB z$;0y1sm0A&7S?%HJa@V~Pih%QkJ~SSQFl|ARQh%N>+u5T58Q*w2`kz3k?Op-;D&H6 z#t~gDJ$R8B3wv{OMETEeV*I0Ec2}tuL^+1IAUYNrKCi*a=N_;LhOwge9%}q>-$G2W zsfYcMlH5bk@K=+|Bzr1M}nrK@tG-P^?3z29lVAFzrD!}ZYlAUjl1aUk(b1qS5BwaF3;e} zom*tmz&!RkG8Ok|TEe0$B0POu=wq%jpe~R4V5Zzo+*$sM$ga$V{?9j2@?Zh`^Gk+r z>@*W^+xDDwcPsP8`~I-o`~uO){|;N;zrkGsb2BM48I)(Fp>4JunKZl={KZMwA-y4WLlSZF+OKo?^xoj1>h2X*8OM6R~1$ zsz}k(nfl)KrGDXB+;n*t3G#@+DG%fEfTA^R)xD2Vcf(QbgsFH-|6!DJxQFX3B>B`! z?)Y%&8E86p96H{VqgA{Sm+Tbu1J#Rgs`3DN`uY_3+v=hty$0{DKEPKVBl+%BX?f2AA(2#UHy(hYh&}@G`$#)Hh5I zT6RkFM;kskX*5VAaM^E<@;I)jPY;VdlBaH220B*~Pt$)feCQLt;sTk@m$q`-S_h1I7N z*#4PEaf8)b{JL)_uh%++N*1?Rcd9HsA9oza>-T_R#Z4UT9!US$oWbaG4@rj5Q#T1+ zPaY4PhjWJ$OdEC@{@`LBzIrX*Z(a>gLSK@-r$4}&FWS6+@m*Bjcm%zsdVpExQEWT6 z9Cx|w#bLtt#_f>BTwKJsP26*>`xq;Sx#lO%*@fmkOHs zlX=ancrY#NMf2bX=-c#w8037%!r2cXzfzieH&B{iJQrPd$}_Wy9T=0oo-A}Nzz~T! zOwnE$ZbnPP!}wEV;(~vuo%J5rUKzGiIh4+?$N)BJ3fAjLv;P*nW3wJch`OKdgO_8% z=)FDPNp_|UOccBgrz4plaiCHh)$p6iEcatDBN1jl9Krn@G_m$hCdoICXLVmw*=%(^ zD*C&IUs@@GUb7Aix%3l!wI8GL`2}bp{H}}3=HSt+)l~Y+L6Ktq893@al$4|v;n`p2 zz+2QHr*1Y|KID66=aX^PN z9y_WAmo1fOyu|sMLqZ?u&7eB+K_L?SHIwn$=TaDSa17+`jYhlTQ!KmjEsK67W|f9_ zFgtN2AH94cS-W--M%T{6F%Aj%Dv3H}d>_o~TTVdhqfT-(JP6IM4&l!li${Cq9Gb=wSE=IP_##lhD!fk8frn$Z(ivUxN_|^7QU>Pnl(`5uhm)~W z7&&a&j7xr0!`Wy0FhBMQE}DBD?2f%;%YzK)^T1-Z)y@WFM)r$JXN8g?vry<9eG61) ztFa?n2jZPW<>ZiQ0{c0u2@ICcz`V1M*xS?xsHblNe~-+dQ?6YmJK`;=$Xpdh>s`X3 zU#_q@z9xLSmmA2&#-Zo37_=GIfF}(#F}D3AcrDJrlY^qLY20G|z0-8aKoqnI z+~A7t>rnQ5EFW`mDzj6G#x6H`=u{_# zYk{~-IliP)73#P4I;FoD!VAl6K(b{RFZ!s-@2o=jBR>c1cCI3YE&BYEiwE4sx1a-i z$h=S2ap)jzaH|R;i64g1y~Il7d-fN&o5^t9H3xCaE)8~J&?R!tr3!9G$6~?xW&A|l zK$^IF6|O&}0G`)O>4lyvDB&3{Y>NpyUR}qZ?jwZTDnx0jOj0k`n6TQ6q3 zmjhj4o4ixih3^}<6=ukKP}|RS%*1jH_+K7JpGRv#VTjPHXma3h=TG8;*7m?EllioC z;zl?o^g%p_no{M1^>ExOAKygX!jm$w+_74XKIu>8gDoU6L`t9H1U=R|#~*jBQ{%OM z19|ww9rPH#K(2^PxbEYFpt?61>p$u8e|seP?~t2h-ZcvMy(GA~|8X?he~9E+4yFI? z(gKH?7v$;L72I%QH^>hbx-?0T(TU#{&VdSa^66s71N{Llg9VmpDQYWCX39nVV!3V$ znD9!TuCJR;UMU_Yp6WN*Cdp*be(@o4)y3)H)d(Z*Su zdWSfm>g7w&$foe<>Hm@FFEjbvO>)HX;bxdKQIo5Toe9^E2eKpP_iJO8M!|#p{UoC4 zABhW*6RUX`!S6LXU=BuY9IYucs*E{zpb+=~qb_yebL?{Wq2#$?V1>zaL||?`pVNumFkz_F;z8CrJ1t z!z0YS@t=<#RgKeTI$ox9k-HqX-4X>EcKXn#n~7bYt#N=x5dSp&zG#?x4=!nLgEwEk zU_whQMETVSURo-fD=~xzU094i6{m4I^^x?s%~>)}p&jg-jH#x;m75$BD~zLS(>>A? zsZ`)J_9;mRZwoBbe<6dR&&>wTJ&(W~_mgO9cLOBumy6Uq)o{1)_Zg-6tbK1CK5QI~ z#_FGXFgrK)0&4Z8$#*1aFEaOVkz_*ZteBJl0RzH z{=op$_kV^{US8#$TTsd4ug1-53i$#^779=L~Bke;})ki z+&S-#;NM@wFFiSMHo+8O(@^jqYKU^zr}OR(OZrTL@D$UPzf6&MxR(85Fg%*a`tc3R#i$3a=(pSiHh(WXZu(s6JTO5}q{yth) z`QYqkOy`e(2opb?#T#=@uv}yO8XkEJL0lUyE_vHVR?7O*ocKc6GW9t*_sxj* z8@HirN4diL11DDdbB=g#@1uFt?fd{+qIlX+?t1*2HDYv2?t5-3NgAJ62si67kI$P zoX3zO(4{Q}=}eu=3*VE8ZBA4%KN(-^m%#DihtWMCA4B(C!E=Rn^ya|P^m*G-@EYxb z)9PQ~tsxWn)~-)5b&K$xtU5+S5}G)2xGvO0+Ty*gGU5{*if0<`qs|UJ{NX5z<44To zKL^NAgS8fXn#TyXL!8TQC7JL|0R}Lj<{a$ooy>pz>?L{10z>DKG%d4!CuE|o!7|z` z@|&d&Z}+I9*y#>iq7}i59#@f7k!d(_=@GEjO~ls@sSs)Tk{HH*!xo1I7Pl%LeYSRx zU9(L=^UDehZY!4U`}t)cd)IUO^m8LWdoV53|tbb4*E;e@J>v~Rz%QvRtx+!kL z&SN;KY7fS~vp2~TuYB0szMT}wb;0jHD@7weRKcDS5f8nQhbQ;+Lf5@NFu1^#{aPRo z!OgSik$%BL9u@(nMkB>(;tc9D@R`%a`5&1Mgwm~DP1v;Z2yU4<43xX;NyfDO_{Tg8 zw4;pqoPd5TJur-?`zIn9kcpF>s-XR@CCyEm1!I@IhfH-hteg1-{wz5oIu|SWiWBD1 z!qEcz{i`RqXZEA=@fg8Vngj#GqtW||EjKInLEGVxG&gN9T(f+Ga^qqG$#HGrxa*v97_uv^aq=}&u2o${a%*a^|K~<*UB7~CaaqjoI;-=#!Y&9s8N}|j znNr;VO{)7a5hG_EVYNfO`ON8I_&`q*q0tB5o|`PN$i~C7Q!1>_?jEpTy`rnr?!fou zCGc}+FwR&$9y`x|fwe-1ew=?gj8!}cTVI~Sx@I??7N5_rgaza8nO^MM<|imq9}PoE z5k9z)#y0(pfp^>&O3$U^$(gpOx7Rfv1J90l-a}k4`s4sQyb#7|F)Cce+a__Klhutu)S<4DT)^| zCxzb9)N#Ks8xav`IV+&+p=AEt)()x%-$Xklw%;tIGEd6sO(I(R=KnW>*v z5V#fxAoj5*Pplowg38D90SPCoW-BT1GW)UoM)ngjz{8eWg@m#|2S+-pp#r-}D&CH0 z6lHZ+G9NP!z)vx7{(dHG7dSSd!+)3CCl1sRW$9;$3=Q|_F8kKkA;p*{NbYnWVU1h-6L#Rk%uJB&mKU&zi?0{wM z`dmrbjr}>+#D)t0m(@q@&>LfDz{_apiRd9;*>8fk3o-c72RJ?7ihfa^$A3(n2+LlC z(85~5FDz?>kO*gbxBU#}o_GggLCtKls}lTveIHJ|QlTq!j*1SSRUz|y%i)-tC!01+}7&aJ*H>icl1>JTkT4&ZV}@Kkr&F24}}gB=2RhMK*-f#5L^Ei zADAaFzhc_vRHYPYk2tn#H)s5%^l$GTeROAnNRWPvqvNler5%pzp3&5;3nF z0}CUV|M?)?V@PoS??R9Yy91*e%OKlPk^8S5!?X1JAb6dtD6-%`>}%-6zOq}m`LNJa zF!lc3^usTqOe*@BBwvRd8+iSti3f@9a zswaDTTnfTw?jn!IKgTsnoY)tNNJYm6<|dl~v%K$NSy&SjV{n<0fkgG1ZZJPq>uI0qlD;me<$nZYDY)IXa ziQnEz(ealak@?ThvHbilQT#U@KG{MQ3qvJ&eCZBYv|$vV?{N@il1yRVjp20m?{Jjt zlEKEf7PMR*4;P{%Fn4hT{B3&))3?cDall%5KmGw!7vBQw7bP&OPo3xfnFS5Ak3n|n zZIQ;ePk4FJNWP?A8cOnXxuWZQ)Rwmczp>v1cFb`s^_JkGaVNlJt~0I~xgB%{o`6Hz z*>G%i0+?)9rn+OIz##o7lXZSCx<2&}tlahsZU39clD`YzImz2##DP4PI${A2Dn39j z37y=*j;5qQ+8YX9$njlY(pi_pCfFW%js*!C_{{~kMY_@3>C$MYIUW@lsF)NC9r^d^@aHo}9K2f?XGRsLe$NPO)bhTkr^kg26X{QUJkR^T-U zlH5FD#r|lxWVjeoDpEy#Q)QhBUnR1PHLBFCc{7&J%EWsk8gP_H1i6rpv0VpChvtV{vg*rV} zfEB8*(5d!?D93R)eN^hgt<=VW(|CQcM)?_bJ0=ICM3p$RCjwJyo)Dw>acJOq9;|jY zGh_L=*#6dw`)sj+DS49ccV#lu=~CuB)rQ=sP6JabAHl=>TfuMk5jbKojhKIDI0?Ul z!`+9qhw{E*RBL%{`TT*j;6@op(sVTV;6$r@YDnu)bIfuQwo1QLVv(K-eP;9@F0Gk` zML(9Yz>W!Y-sCm>efv)Et1f|Y0Xby#bt!5+WD?e|b%%`Xci2%_4O2=ElH#egVCxb^ zyb>D8fDkSCAgLnSf1*M7Ee{||y$@(}6B$u%fezpFp*FN0ES#m_k6Su!ANr&As@G8{ zw>$`6YfE9()GAQ)TZ(}nkcoc}!>L{lSVnAU)2tmtLfpH9^-)eGF3L42mmPs}?ehUI^PQM}WT1iZe^>ZV+TNjr*Q@+Vn%`RNbN@9Slz zB$EtYl?JCWvPs*Hl^CzP3|5{0&KAm~;Gk-2{(VUtNF$HXl@3Pytw9^)(b=$7;2N8cZy`Iq zBgLI7Zow9lBFynppbtSTXHM#}gQYH;1$ZjtP38(5vWPqbmvRW^RuEDYS8io>=a1P$FY zV6j@3D_=3BMLD+cRAso}pwr?f{}T2p!U3y~CX&TYs&rpY1kPR}!ZWjS(CKkJiAxhY zG=A+^Q#S#JEqsn^v>(8??-^+JU4>frirC^I3cOplU-bULJbrlBQT&j66^G3E18q}d z$mOD#!uMa+B{+ar?r(rEFyZ4gJc8Or-FCvI{ z*bsU~y#uHA4PpZ_FT+<4d7d@=1cWzc;;ixJAnhc1GcFVy*UxoIJ0=$2`!a3$G2L zDnEoBa=gH0-Fk=onpFjx<91?1tv!8XHUW#rHIX*=L!gs4nZ`=Q5yR4jn6to`uU)0a ze-6q(nJ0nl+Gb@qy2l548xO&;*T=A={0f_LK%LslR=~D$1|>6Ru&%8AIQjYj;%nDI zyhxiU$^SR(9^M0u>%Wj?0B%>1u{lwA+lEXb zzO>~A$#gF%_*@Pu;NZe@QdwVdSS(wygiQPI}IY5yN z-%y1gwx+^engV-vbKE+@8P1$NgCiOzu)P7VU|`F6m^br2n{)jk-smU;ug!;WvyT<} z&WT-;Dm)3~+AFBKp;RGi`sNj5_~B(0wut%;eYNkwYltcXyDzujWI1 z)-U$Y;-P3>=~b5b(1`y2=mIHQjBtaFf8nsF5?tB8M+A0fVRpwcIQ~d*DbBkC2MwQ# zO?TT+B2xv4W&Zf$O*Hd8DZHhJPGFBV>|s+=(lLAZbKH@Z1piERpu}YkJGwUzS|AOS z`;Rc^MX$v9N2cJ5>-*q(LjZWKw*$Fc!Ds6iB32HNWd(j`@Y}L%A@`Ak3aux|srre0 zrS(^wB(V^dUVn>H##IpY^c1$vor7MpyjY#xAWXS226yKcz{DB;kgB20KUAGz<_`5_ z=_@UvTXT_xH~8^r6%_w{ogiMm@U-}Sh(CXqcnd}M2a1EH4WldjouNtQA2#&Yz^8Ko zu;kKTu<(=3 zJ_#Ag$$ajeM$zUkGr@S|CeSSRhM)I~8O}*V-7#}uSn5pbH^TzkUmgX!2n%X|`Vd*% zEATKjucU)@8pwm87jIp^n}j?;4-e(c#kI*&P|Lkh*Xau8*6sq$iThxL9AK)zzB?c} zf|rGB!KDO!_#;s&N_usVb={sq!afb+DNLGq>fZC%XvZ{7ta&p1wTh$X*_6`(Td zH<=cg3^HF8!0^%&^f>aJxeP23FU$!q)c9{Cl(?P6fq7Nzt%ePe&svG0qh`R4NcF82{BdVce+S}|f|;VJmZ7w2j}uSq7|bOPWZ_0B3!3SqMf2Yt zBr191U|X9D92@Qq?^GsXuY)P<2@vrw{_3RZyD`kn67j+3u8CJXUcx6XyvbU&CqY?L zsyJuxE>aUIi({AuILHfUrqL{zYh}Q;^sC~c?oGh|@uw%K@X$5yz!-khD1JB&-H9<}~_6{3{#$OCu5H8w_C(Wj{n$DAvEZh@-GVUWMXpG?rT zfbv6vKPGz+KPWAa+8@3#iRTL9mEOkC(R@REW$#50FBImszHddTE%8`(Tm;d7#^BYh zR-l=$!Mj>J3vYf^fwej^v`gy`usaMsD=)`o*I&RMge%eoofzN7enxUbp%ddyZ{|yrO2L6Ba!j%m)Ddf=DMp$pV8{^b{XnM{B zs(I-cY~GOs_|s7+tj^#Gp{}eZ=IiZGPfv>4gNks)=mKceQ6WCpB)FeT8@x!ehunrO zP%Y!bPS=z{!sLTQadAB{@YTQ*?K^P7JSn{Iz7T!Z-N7fPCFzCi$>iqWu~?3$VC%v~ zaPUF2xblw`+xb_P{(Gc|XMHJ_FO#C5w}hj)(gw^Iay`2rEycAePthVxg6CNsLCZ_; zFtT_ewH~((T&EVpb`O7Qv`>vre?Ac2`aCA`gV^oOU;}p5Sy44iq;HSwOvwtI&JmYuq_`9R?hi1GfttHZogiLf1(F2Q#ysxzo&EeVXJ9G z%}8tyIFD|Z_2^Xd$7Jf`neB^C{oLa$}!%*|4oMqHJm=LD|xI)yx-`jx0W;tN_y z&UBoeD^2FisVBP(zmR}&LYJp$H#;vl0zXK-V*1RB8 z%G!k9?=Hjf^J;YQ?N{Wz_HYbLDPyi;CZ1H(h0mnCaJ-K#W*)u3YF<`~TR&Vt4|;+) z2LD0mDu(42J*0i1FCV~%!772%?zw0dN$eUAKjf-mPO>BY`1UwdPu)fw(GgC6W#oeI zEVyES1oH?jBm^FABWZUA^QB>3>_wd5&vp-krh{ML%~w@c7_fjXP059v zPECPx?~JN?!tY%nRTTWI2I`jTL+cO|e&u*F3{MMWcLWDbt=wHqj>uxNBiF!H8L{Zk z?w`gC>mQ6 zH^QPz7QFu40Sy19NTwUc;g2U%pxE*q8f<$Zy1)Axmc3jFHN%zJq1b91fBz`cj7Vbv zp|1QxO*$UmqE5882#%839@OKjJr8bbly1ZEivQS!vFf79bzvf%w`w#_+K^@^G5p;d zjrn2^es$+SoGDufXEQ^Qe~l{I%0-E9-QNnwliI|lHF@G!=F8E!#Ta~qooQrQJG-y#MPl}ZvfSH1eg)UV zv>Op9JMz9bQFSs?I5-9_{)z&fKc?`^`3tUz=eS|5G+?en;S0CnJilL_N0z_ESwA?O zjc8*#9(gd^Z84}ks2+QFAB5;28NR!J77osu&EC58;ou1UDI{paA*yT=kEBy)6O~0 z>7TiptWKkbVd*7vzQfaQyWNQuK2-yvkbETr84ao zGELgVKQ>rZP#P);Juv$o;p9wIz;(2y)E8%sazFyXz9u2Azp5w7iZVn>AeYtG0Kh3e6{ z7-`qbv>R;s`~9mSj0o)M1x4bjlPc)BPZ59KXatw$OxP6g2ERLhf{cf6(0I1c5fj{r zo+fcvaDOxpI4ci!!d}61a|YJ_eTaH{6_CabgucoWc!y=!4R(Bib}6hiGQ;z0{y1%% z>Hs9r6GEHgu;kz)p(CKdQ_>Gpap^wr5c+NFo-X1?nUD`XQ^ZcFXz+c{ei1ccmRNeX z34Z780LA}C!J6-S^v}#V92c{L-`%SZtN!z*Gxi8SAC?PxHdD9_Ig5q2hEhJ!k-srH z1E2Jhpg#8y{Czo-?EGdx2i%)RXJ<^oRS7~rWWY<*5$5-Q{w*b;wl;Kqu87ahju6;f z`S@U^DzyA8g|O^#(7w3@zpgZ-iu(mj-b*9k?}9LN=_h<`xdhYv%y6r>G`;C&0sTAo z0lQ^JZ{;<^s^*JmBji-`He3{GD%3;wq&2kTia9Kqn-NI!rpt{o6fm&*~) zd^VAO8Z!onekW@%`vk`-u8|K#S74^ZVL0oT$~q=p1&=AS;rr!rxH48!B=8%s^J^A9 zJMBUg652&|IG4Th^F;N^vGnfd6L|XeK(NjdI9t~g!8Sb!6rFCvb44GVVW&n6I@Fyb z_Ae!EcL|=3??8i_IS}lch|V9zpn+@&tXg>!mU%tIv&yt>|NkD}m_+0;kS&|VsC+cecdSa{6Z*Q0S_#08Alt4HT09D%Z` zv7qBA$Qbc4?uU-!e2kS7k&Wkr;Ml!p#vj_ymL?lGX-94#RFl_J-DmIkA*&BQ3*{qXeO zHY`>P!Q+>V>5%PHxR82+-~UY{33(?(`JtCZ$EJmH=ciVD`Ksw~PeKP$)_lY_1G8a_ ztO?wo@=d&T<`yWm+K+{G9ZIC_R2luSY6ZT-IQB{8gpW3B`E`}*+<2#gk>!rZ5@+i96 zJqyVAJQ2t&1_kp2m?iY)gxoTmFaE(=cLc)ut3p2mYfxOR!YA3M!PGF zVHF#G-f0pxu~@RcPnr%ZxC1RV!oDFPoi((ULAuE$G_A`Q&oox1xmo*Q>4g{KP~Skf z^DrM!=$bupw4f?sL(t=R9$WfoA558l5rbRn*{K<;@p7~Roj6FDs{iYSA0`Iaa7tjF zYA9mgfO*`f^eDVe2xCVY2h%rh;c#y3Hc;D8E{-xEjM9>$=+$R?prLXD-qWasU?WRt zvK%Jxi_}?EMkprxF;S|^3`po)2%3`j$fCJV;9uP&m?3uur6k{hkFZbpxc@xd{n-zG zuMnLjT&Ud&V_fo2a471;LFLv5*wfMj2_vtG1NOFw?|Lh9CUD#=9=sqLzH^CMTOGQ{ zoGLtcHJ!}8{}2q!W%1{x-=t$&F$PY4!osEW$CuS%Lt3f&KR-z;F_sU09vx+bb>%M@QfHXZ|=rqCCk z4v5Ct=b((r5}Y$Hh56)jG)p&SwU6D2lEpfrDsYJFVpRFP)kh(c*@=~he?!@j@fdEU zi{e^;9NzaCzbJ%&X2c)jK58Ssc3qZ!88aPconX-Cdmrx3GXq1BA>ZB+MfR@nf>$>- z!NHphy|wR)P1ijqt`iE_^@TIhrK%aT3>M%?Z57N|V!?OEJK*tgy8NN$4k&-OlQ=y4 z3**!@pnR|~PdJmsiqvPqevuKiiIU?hJWctwvESjN#}%S>xt!g6@)ye9SK-?H&*Z3_ z8?RNL$FDBfkFp!}ao6m6ruOEQ*kecz*`IQdxvV_`PYYhb0hbB$ACr)qJI{QcHslBisRYi2YN z^LOKM^}S5C{AdSh>b(FV-#@bJKI&AW#T??-8&GlAXZSQMn2+_J%?c(u;2CbnB|>DV z#=bQ;dW^vO{`(yQ^5S9N>j-u-$&YXR`wpbET`~7&8Pt8(=Y>Cif~cKfP~j7>nKmB0 zmES^e*;c&K^n$sTc#3kIN5QA9jqFd7B9ArtgQ|u$)IsRD9BDoeACelOqD;)`Zt{0}1?URQyd~y0S&wcqIc^*Zahn=YVVNr3m1IJ_yg2Uvu#{%5PNq^iE?8C* z#r~|eq>oCklkDtKbn^ps?k;eiq%@K2zI~2bkGugX#%CaYcecQz6v4H7RjA-K0PhT6 z&UepR1on=MdrK;aqt83hSJy0IP|R447o7PO=R6#m??xYvtS4{ox$rO-EBa!n3EeKd z#cGGibJqtJpjLDX|C1ZXztlK!SNR4!9(I7_e36ELqxxiH`dO~K;yE1n?tz`2!*E#W zEO0e;!x5;1-8IMInC}jDH(U6>GF*rqGnBCAzAG!9vchSH=`jdavU2uZHPhKe=pt75 zgmT~4=UA1=a+m^%gfqsrh$;>*I_?*_w`HILBxfgJr+lFNMUy75ol4uFl{g*kdQ^xB%! z8Ff!dY14Ar5dWL`_ZKn4gBPK*d=6B_j^k}o4#Yw+3vN$n!L@&evn7&2L_XpXe4J#A ze$4?Keyu4mGNgEsX$>6iUQYa9ctc?4LE3dr z8nLUAb#6LKV>OB~WA%S@d-E)C`Jh580xh}Yk)P!1*K-Y~u2e<4nqUkZ+=wp^EGRV6zFe5P;2vaY)e+0fZaA>Il06!k zi4HwckWuLi>FQxnw`?$dZnX(=1$JSO)_B}}e*o8fC&Mpl9)UUeY0Pf^D)^Wu&EHGx zXN%GgViG&RXZ_QsrG3v(O6!kk&(($SZqzq0$|aDc{S?RMP5|e!{rq{w2$VJXjWrR2Vxc93GG?Nni8SKPYuAT*pW!@6g_&GS$AXao;dIC#2+<-df=V4g8 zGaa!+j=HVgfP-R%jQ(47d{q6HgiD#@nJz8PsUs6k73BW*KGFoX!fDzGf9&9hFL;Z=}C4XD4D*8x+o!YU6&^wf5wy_+fxcJ zoP4;zQKISDAK<}tGd_jr;qU9^Xe1j9P3qe~eork9P+LcT7MbfT!NL`6?tFAP1thi4nBG{78AXHEoLizc$p>x7NUaW?Xf3stWc9Ps|ObZ)OLHRrupxnV8F3Ty>O^>eUk zM;6E`jihsb^}+hfXD>Tt zKVHVw%NeRYe@MovYQZr5aa>nYn!CzL(PxLl*ri{8;ITy~jFSC0PjXzqy<}}fzF8r-OmN#h zdm9bcx!TVJO3AEiyew02X=Td%<*)18E zG4TKnzrKns@eXAXPi*P2MUCXNeK}?cZ;5|DhNCf?&29$?GuxtXq|w5bCh8r>6E$ft zF!vpadL`_)Cmo~~L*7E_b7iq{R|YOiwxfZs0>DJ*j})T}T_LtY`>7qcVd3;bD}$+2 zd%Ps=4a$L814dG}lTj2dn?mY;PdChGc2;C~mkVZ)Su5+0ckYdZ|+{f|PfZ^laM@^lkb5m<96@`qU7 z_&ZD|?9xGcX8yvP&)b}V8p_iLat5@I|oIvd0NMy>C|i*V6lx~DE5L#>s>hE zdM$pqt&bjcg>Y1HG?o2kXoVyk6n8)E8{qMLC`( zcr_zEXMy(bp%|Rnir$xw@bsP2sbF$s3!?TTT`j{c*WPC&pociWj-pYQwV2`73G|uY zBT(sm1mnJ37YDDu3GGTzL^AseJD8yW7OtakZHzBQp9`hee@_x=n{9&i4zJj~0b9D*@DrQ! zeF$1cm*9yX4{>DTQ5q=a2_gR#Va>}gULee@9Q_%%dbMT;AS#C`5UYzf5w)1`M?&J z!)@O|Jl}N$8x$6fJ)`#1;JPgsY@3B$=AVdsYYx#hiNN9GC&Tt1QaoyTDKr|jpvqk} z`gQ$V(jB=U{#47t@QgC7|C9>$m$nPMEJt3c<4e0c*We~I!dEF-(CA&C$xq2dv5{&z zgzUS7XGfM`pSCrqCJaW2*)Ji*I~z1sX5rn(3cTlE5-O|cz79Sq!Y zNqjy%HRUJs6#N4}2Azb|+b_XuXDVF~w}-4c63f?%Dln`okt`KB7Bhw2*6poRXx0Hk z=bIn1z`a%*hNc}ACA?Zi@3pH?D}O~i;^e~heEnc>u>|dl%*1EUuYhEvD%IQ2Ms^Rl z3ImM=R^*6kysnmk>4)8D@R9_KHciKuX=_>7bah@Msly{$kFmP#Z$ZF=tTT?M?eHj}bxq$sHTp-?H_*ksJF9;e8 zYMJkQ2`JW?!ke9LVAs5G96pbTeU`4ry{CkH#ASD?8R7v)18%|F2y3)lv=U7=PKUZN zdOX$##SZhj!B=|^>P}wGPDl=>D2GQh*T02iWvq9Nlr=3|Adj zrII$vU|s16EAGsolh!>VaVP!}|Jh1>h>H;|=@9(5f2N_qae*uSMw)JNx_~R@ETqcM z&9F8+79;&Nc#Ve^|JB(p>M2@FrffRJPbDAb*3X}y#Wz<}bjU#E8<$9ZU><&1e;OQQ zJ*ev2C~otj0OOOjXu7hH-7D>b!#l)qM7k92U5>+=Tknb0zl&%Z--yd%IGfnPS;&GN zT*+FI&KLXvdrVvKJxt{9wwTdlQ`1p#MgYo%j|O`eDO#kTOVfTBV_;@A{2aWK*8jZ+ zvo|%scKa8s*mad?!vbl({AH!!b^j&sInQ8(X**1Q*eK+0E`V0aArP8KJnv2>Yw#1^ zHz9&!)aaY|uTnA0?=J!MI8Ex-a))J2Y8Ge6*>i^s4ht5qgJWC6aDpp?fQde^!ubMf z_B!#q!D1XG@et9zeWU`)k zJpBOUe(Tg2(y4Ze)3C4)2+xTco)_O71s{Dj*a(Wt~jV0m7h23LH-=(Vl42h0`n ze}Z}V!X8sTyXPEC@zuhKbDYVcGJ9H@s6f4cX5fQE13{u(pWd%3Ch5us@KJc*HMLKH zTI2Vi^#W{h8lr zBw+>~-*WiT9}awi-ac-XYX>mem?xT=U}x(C4C$Q&&OgWC(Y8jm3}R4gr@)+_Gmt+h zDuW}j>Eht2a(HUCE8SDHm{;%lh;D7x+;gxl)P)<-$P>H8yOeCX5bvROZ+>D+o&;}; zoJtL2yx0(l39wbRj@a$FJB`UxN*Wr&LdcF;+)Fr}ui30J?zz!np&mk$rp1U8P zh561_eAZ}V_?@hVhMKvUEOO@K0jmzp*vB%)bmQ8Ax5$YjPISRPe|-0R3Sakc zIM%hEh2zT);?Gxl{JNJ6FUY@+%|piFgbCTAzv~U*V%T)5OPu+mT4Pr7z?NGEzQm?i zZ}9zvcxXBo&B6n3;!KMOj7`wt%c?G6;_VGWPeAAbl>{;IqE^&6Lh*v;I_Qx&AWmC4 z3o8b7!C7xZI-;rv6?L<4>g#!}8ZH>k7qorcu*!*4b_RgN}zz69HxPdIg}5u_ff z#VbvhLD?u9lLS{zPnsvJyD03w#{PsTAvc(MHyj79JBY#Cbm8E#(RgLT8EjTHg4StY z$iFr(I|@v~1!0%CE5W@L<~1*ad5x1P3d7Ojb-EMqm5+ zVC9whAnshp7MxtgB&C;;l^2z1T2v{VH;u=MD$cwo?k@Bw{S%^TXA7qnyWta!pRM`TFCP%a^t0$*gCTp$0d#D zDk+08im1|iQ3g2BQI_v&xQi}VK9j)rqqvu<4nKQk4V_fC2O>V75Cz3P;9AfA2|SP% zD7=)x=}pFJmTJN4Zeyzb>kIl-Xw$*dNAU8bPvEodJ6U^H&3Tt^z4MaD-_UwH9CbE} z`1G@vFzH|p*ncpgCPbb;X&J(A>BQl!kHP$3{1&L~uo3#ZnWF!!rr=HMt1QTP05+Y< zhRrH-SocP6{@P^|`&!rp%cDnt{D)_FnRY_PrUhI-Y&}%<$Me+G1>}nJN#<>fkXZQ) zBU47h?r{+y`tJzI{4|St*C>$AEAHI?_!t~)q{Q#-I*iX>UxOXvim{Bx(wPQX1(;YJyP8DWVnp?QI=F=I_FzLh2kWQ?txdKnlX2R1mbuh1v2^^kS z_~AVdXKY>pd;VTvAu$_ayXsSryii8opZY7R7S8W?0~wLBJrA$0&B9E9iFk2mG8}sJ z6LjU`phTgAEL~|sm;6Jq_mfQ|K)jUD-X`4d=fG29J`jKNIB@CFD{Nk`B^qkuga4*I zU|;WK!S&(;qEB7Pn0T%0w$w{84wKo3wIkx;@y#=2i)$7tt7rA+H zPk|l5_u$+0E9m0(l8yGzrg*mpZr444B7b=HI(k+?2O-Gbnc46COcC&sIWq08`MuCa=(JvS}Q8ve-HcKKM=AzOK`c=FsO^& zeOovEJpMh=hHifh=}9+Nz9sOeXqd!gaC&nV3#Nxb(h~u#{p2O?7I(56A6i5aZ(Lbj z`fYe;Cgj7W&u0cYm7p6FNb^IN@x{Btp=`n?x~orGoPvF{G*-j|5$j1JS2D}LbE z{6>sh)DF+rSW@e;_eoEy1_>|R4?}gNz@$zES_WI;8>#tRdYc42b|Q{PnN>gobEJxy zPl#?+CV9Egk`Euc7T@j;f+q!W5WC+8^zL~C zBS4I=wNJo}y3yFMQWche9DV_!f~jjbd#3VaCM1lGyt8HqJe%3J*?a zVRVorG;LVIKI#kXhR{~H_2mi7`Z0&+D^%gHQxC0ffw-Ruq`Wlc^2=vci@h3gYd=Xg}CFKF5R;%7A`HiN!0FK zg!=8~I4(IH^`Rb*epKVdo|^QR%^p$U<^`}MUY~xfzd}yV%!TPw@^M4aJvS7)vSg^Hk_6rLNSNo9e|46VzKb=rXW+blyC`b5wP?Pu z196^h!2Rn^@uACwKIXi3xYMA{H;E%jLR$b$y;%>B0@5M+sTSR7A{L#LHleifH&J>u zRqV946#rBNIp=CAK!3TF_(YFASGb?Z2Nb`9;=qewuY3)jjCn+4Ze};cy*Pna*P649W-cI1uHm=347X}2 zgw8K+=rZ6Ic`M{`WI_v|V&Woko2M-C47`X|zXYDvtW;Pf_(B!q_2|S&Kj7)h0leqU zRtOSiBI64hSoi6NLWV_!Mmk@^lw;naw-1Z4epx@8RXZN+jeAg4djx0&XJU%+9-Jv* zD>%FoLD8iG7cE)IHO&A6WB%iQcLCsc6?x}Y$L!3_FsC^VGTMdAW@!Yrkr=q~V?8vV z5cqle17P5~6qY-u8xEC@q->)p*NcyUK`J-MC@DR>xv3HEOQ!M#rEiGeh(3(iQ$adb z_K@@qo+xq9f`{x5#v30b>D4qt=&rkrM&mcZY46z}1kq`%&_hphxDCHX1@P4eALE>F z%K%nuLT=`5GHb?vxUO5vxlp?pFMYO#0|QpT8{wTJaj`)}7mlWnU)Pcu{SgrNPm7&S z*oR{-Ta%WfF)(+-BG&2`2A(tZV7<{MY?V{uU#p$yQ1@^?=;%G-Z4d=(a@xrBf;IHv z^6zMLxD=Gc4S3n#S3+FH@ zp#ym1L$K-JO7E^ySS&M4g6{_}aj z-*nQMWJe`VOHiAl3^)|H7YBYi2MW7pf$p1+0(bc_22NQ^9YmR;-3bZI?_`a5<_rUx zv-&H%H=Yd@Iu6iRpN&K9*Rr8+{^6(_BZW_PExA%YoEE<9fwrYr;P=uE;G@z9rW3xR ztL1kXl5`fX&HD{e6W?HfsRC)5a~WoWIh}hXl2z_E;@|pC3vZU?SW+#;cl}<7ORdhs zhF#A1qpXOWnBalg>TfVUM4uJUUxqWfd?DjAL(56^!hTWc0vxXa#nc2e!Ux1^=L(E+ zbj33BMUdMujde}d;Uz88=$|(q$>ZD==+b$PjMiBUAMOlA(~bEcmPz3IZIAG!%?mIu zGneg5i^p@>VX#NzIeAz$LzJnj49_|qk*y(vd5+J0hGHAkr84walmb3DZw-=dsbb~Z zayO?`2Iq8zQJgpo zOI?RH2PHn&QH7rMC-6Rxf%4ODkjy-3UdkkzbI>!m(WXEjxD|u0i#H3ndKN!lsxNfaKaW!O zx-@F!B6jZRMi@0b3XXJ*#tnUILFGjmp3pr&rAA+XXdySG92Y>9Qm(MUPGj-}IUSysJ zEubv_0XsipER6~N2(6DTvFW@XoiDCprz>8AfAm2z{IxLqR~-*dn>Vn$d*iVD_hCGv zZi5>q#lf$uSA?1OM3_-=9unR1@#gb=kRtNs`z=GD=F>!8BI7GE8Wsk>ZWX~cvj&!} z`3j^+63)034j;Erd>(1Szk1Z7{-q^ocKsEMyS$k04V0oASC}$y#gUkzDb3gC=a3N< zwrKG1B6fUi!Ctk^Lbt?^^mwm^wv$R^W~so5rt<~IQyOlHkmI>ax>-!_N6~WqW)|TY zj;S9GVu-beNOk@Qa2FV`d0+2hSM*nyS6{&P85|epzlpeIm@Q3v)Xa>O3Yes*4Ib2+ z^HAzW?{uh>l*9pi_zH9EI~0TA104Be@qO}lTM>EIV}zyIR(SDy2J9?94Z}yy#gIV< zSB|o5r$*KcH`upbz|BY5fjCEac&QwSsF2h(TqBofUSg*r^U2O#`H&yl2$S7~ z405p}m=6@uv30_kS8fNA@hMQ4W5&(C+KcbLU4c>$hB&utx{~}fO>Q5-v0r~S-T9Mp zojK_kdP5tm;w5QeY#h3~JtJ#=)Z&Kk5u&Dn>ah5sSwUi291O2e1vqw!jhXNgF2Wh` zsC*`V5mU~js}QMIKy%zcLxlwrEEAXA4=Fr38r7Z2m25gV|0I!5IY@Ff}SU<*A zwEDfUYq1+a$L8nY<~4FW!5|V}?^dN-E`{QZqvP>Eb%fKiqn*1??&69om+%V1Ec7-V zMiVVO3Y#w%F^v*JOC`=?&{`K>b9n`i^p~V9mI`Fp`(p73krKVWrQ2y&|2f!Nc^0-# zG{>>QR(xY-A4Cg#e&ya4(sEax-%POK<%N>O<5?2akVNsLu){c2bpm9K*w32TQOG*e z&hn#xIGz&Y2EEN};Xox;QT2=1#Jq)y!Y|;f-vcjYKH`Mfco-A+48HAYhHW*iWKyvR zeQQ^N%l%_~PjCTgjOu~k%02&M=setdY@;~dRN6%kX6SdHTV<4yO303kG9$Aj zX`?6+m87I3O{Mg^&y7?>+bSiI$OsL3NqV0@z~$1F=XuUK-|y!`mQId=29G9UsE|t{ zOFxU&-kxYa@r6Hlk1Iw0@HDuy-wR`3eqbH*&4%`zLl|&<395GmK~ceQx;J(a zdt5OJVuTyG`He}`NWBNX8HdC6q;S$dOGGbQUqs23ukqNtD{MlQ9!ZSUfIZt6v9>ec zkXkO}?mO;dz1}chP(PN8IQSP|^b0wc88hg^`}^O<_NBMmA@LM`nC96qNN zHR98-V{6RJ)8;SnZj}nTvh@O9*cghKHI-@|J;e;=TFIgaJ?x!5h8tMs6sj+eU>*T} zWM$E9STs68lTWJ=JPpTdc9Fhb_w)%q!MEMVX_XB!10&m@_$7L@sxTC%8!9jQdthQnwdJTbR=Kla9i; zDL0An^+6~(Tpw&-ZNi4R`^XssYo6j>0=}KvxcyiV#KlYz7;Y1}&sckMv)c{^?og*q zo6O*zNDeN^s^BK;mn8b}Fwq649=xn`2EUydz*Ixb@JL%BY>?Otikgf01F<}_4a>n~ zy9^wXIu|xyiGd8MyD%m73UME#Pfytq^tftDQzl$Pm*51_cwjbq=Rbh;9`S|!dnEba z?bR?ScPK`;jD`M93HYq(1IYhc%jaGD0#%FRm~5yly8c%VL!RCxW5#B&PPtm9YQ3a?RN*8Z;2hC6)Ci(B`Eb=Fm+_*U(KDOP2j&c)NKi3UQEgE3r z9UJVe%MpAvj|;a9)4-ETOVIR}hOjF*1a)o z)TV2XOYx#zC+P-J3k!Ka5yX!M8Wd0Bc$axIIs+aSHhr&tF`EGG{i+xvKgLRWl6X_nWa?=i?-7bTWmMWlFrPWF`#16d}H& zDo5`{senzA@SVIzxS>>-!O6^T_(DAx<2GD}n4ho6x!~*A`7EFPcRHAl^jif>)?EZ0 zI+-7c>I6ssZ1{U1i(EOi4wXgO?5|oOBmUN~=#myo{BRdmDf%;U|65e=9?g%Od_cNo zhVdIVgXwV3F*tG8aPDu_jc%Kp;rHqT>^lm3VS$l$Mb1ieGK*mK{(-bk&VnYH-VkY@ zT#vhM6cT%n$M9feB5aY5h0)*c5!SDPFG{6&sLg18?X)6~|C;9IAZ(2z3!#BRb5hlhQJ2}4UX+A7c-$74~zQn#9oIzEai}594nD{%D^m@AD z{RhX{f`tuuI(7_3ug?P|`*WNq1TOo+p~x*H+wN8P;U|LrHn8oW#=K_JTfDu&1JsYj;+PHPSTW}l zi`^K3*=wJ{6jL33<&P`M`~Sq$Wpd<0Vk_)bsKAL!t3+Fl`Jz_o2^h#lGa0$8U69rdaAB9M}04ShOAzE7==IeWqRV}eFYualterU$> zW*5T!9cvgm1Yo6$B}rX(8JC={Wdj#kp|edr%khk6H;(i|^Vuky&7y5r=JdJRh~cjnA8 zUGOkhfa>oztnTD>JfZu9?9xybdgv`ob$&IDol`-U|FnX{PuZwz;tgrjwXjZmI%vNL zBfiVpK*D+quN_uK0(QI+cDKUww|*jI`&}foLu|P~#{5Zii+)35-jYpz78Q5GFiZUkUf* z+s@AgE|EUG7(WY3=2WvUhO#i#sS*!th=G!W&tcv#b$Yh07y3?R%De3 z)GiPmU5=rx<0$N38i?1Mf7%*V&rZRZjE(b~m)u%R?< z%@~Ydlp|23>@NWi6kDmSgRx7~z%6MPU8y$+CttS0BneO0xKV>gYplZfs32T3(hdCo z*>JO{5IA={4CBkgK)d-N`|J>fc1s(XamzEzx)y}~vrKsVw`o}Qs}y_GDsYF41YI^} z6QrE45kJsa0N?tP*cTn4pLt*{$|a2=-vsvMhB{+By1g8VqxIm|6$h|*REG0Sbf^FU zA`S(gAdU>-zvjA-1CC?KbFRZ;?HXBW`~?heROSPxe1P>@S0Vr7ayWm@n2*Rl!e(!% z!Li;IIPT71e%8#K7VmonkxGRyVnih_{F}iRHJGAP=t6i^8G{D0cL7h5 zIO|Q2NH#8!9IH)6%Xn4jF+WUO3d`BBmU)o0D;|PajHotDo<7K)hM5n_*pDV5kL;5M z*)vKYrC5fmHfO;a`8&)!yNlUNw39^hbEGP?6{a86;8&6j1wWb#bsebAob|%lJ-t`B z&1@gm_N3!?gJN>x^9s`S&xSs`Sw*_ZSCl;M&Vqv*Fv}=fEVc2LsD7j}Ms9WHswLRkUWF4+tRN%YKjUkDh-`eL%D30; zX74eJd@(-`I+NBztA9SKt}}r#1_Cp>=)71({W(O%FT!io3-8Uif%{V; z;X+LkKlM*nbj~siTrO$yQ-2lN8aEl1F*Y5{W(D2Zd^1-x&EN%k8tsQ@sY*QfRp{7A z55+A()gt9XSJ0}q4c@$H5q9$f__24Tc)RS2IH;-;rsc`;g>@cqHT0qANUIW`6Sp5e zeL5}Pc3~DQZZu}|UWejC4cxf`CFKR^qw%c9ezPw~VGKN$5u;FKojVbiEKvYsqN zM}@l(-bt~fP8F*Te;{*oy|5v|7Y4M)vF(2bA{}xB8?MDMXN%1OLqd+q9f?PUig8?8 zdIONdBVo;MEiC&tnx-Y1GO3-{;lNaBzNjV-qTiZ8-?vj_(d%NC8t5Ug%w@pg>Q)fP zrNcV!XXqn%Gs?Db;$GVg$~MC8zH}R@SM|bz;RC3xQWUc0zI&lB?E%;QpXa6y~4N+YK(ZxuXl;jPEW3pjTuOT=VCvfOIkxb&>4y2~*qS>Fd z#@HSD56u3n!DOXWGNIg)uWPyiDIoN{^(A?>Ni7~W+lYkR>KUM$1gcB6UA*?siXbsuPwqb-b3Ml4idZ6 z6x73>5r-Kw#KtF1Lh#~iSh%$wT}SjG&mBNzC1=pjB{k@Y=}_Z47%H9f*wws33_V52 z)K$rNeP#q6df|X=LmuGsyNh9pt2*Smf5-Db20*#rI(WmPF>OgZb`R0SXVUSo$a*(C znI**+h-Gon_W?AiK$c%$I|MuIn%O;zJQy!M7XPamNA+J*7G%amOD&2?e%yJq-Zm6R zG`6rylZ#-SrYh)2$>aPEUz8kplHZyl&5m}yM6;B!bmyIkg~g${u%xjS9P&p{+nfSY zQScd$+gyPG{|&&}MFWY=lQqO^@9urm+&J%k**zc7TTjWqW#Yi zv}5O4)PK7P=HB0cgZ0&Du-Xn1qJ53cIx7!3fBfO_+S3@b+6N8^UFRcK)tKcpP~10b z7Wv_*OT&$HNai>l%sQjO$5#6ZRkmGt$<&mFovMP$Y8~FY#s}(a^3Z;^HPok75`VQR zu=JB5z2v_T8mz+M+8JrSyG{WY3=IZ_g|_6~J`emiC>|R`L#SD4GI>3DB2RT+!1nA} z3|W1``&gJI9=BOBlMw^Bev>tXNWX;-iTL)zzHwQ z=|bHrM8n+0#Av@ZO{t#__oaIZO@0rgQVZX}W7`bUGa-SPT&*C{f0~H$+9SkL_#luvMyCd1Fah2OoJyzW*7hL2t(lH9C7-+I-8qGuSXwt2@Aqz}RcGiiP!324@# z9Z=vsgzit9!^d@YlBzI$dhAjZ%G3X5jSDHqW51VSqNy5QdG{K{X@~)yT3kDZ6v(6my z(rqc+`7Pv*yw1R?@)X#hu@WkaE)dU@MC(U7)-Kz|Bn`dB~XDmCQG94u(+i`188LZDXq1*r4%W^9xlcnz4;p{l! zcP>AdeY@y~3kLjx_x_43*0qyO=#!)?s)`|~%mkWSb)fspcvPF!3}FZV!vSZTVR3#8 z9`o=9ows>7W1Aa}nUsi2gHJ;DfU}}MQJy&V`~wV`)h?P`G=X%V$rF>&4N%zTO)|32 z-s!%p2>##iVwKn*u}O-Cr3VJ?1WG>%U?XYLGo>{DWJvZU_wKlQ3Dq z7iXnU<4W$&?nE5@45wxb{+A{V+?qFzF0mO(gAXo6f-<>B)Z7VOrZJaF zztiKvS2NJfCLg!%Qs<>QF~oe#R>&=g9X9xhNU-7QY(kP@B1dY|bFT^A%r#A1nOeP0VV#uOfmJB`WgdyrmFR zBLlK=6q{GrV&eW2=&3wZv^*jj7l_xvm?|~k?-FsyZd*FoEQhFPYtb!-OmK18M*7=2 zlk6C*4)4|CP|Vw4)ulWV`SC5g(xgaz469hi%UHVSvnIqy%7Uv@1>|lHgy*t5alXt3 z{8%1_#Cs(@Jw*dsCXE1QT!-#YCltQ@RstW-CyCb!Cs%3VZfqO=k-h&Ii9XUdQSO`_ zKP2fwov(a=xSCf)&!zy3H5Q_Lo)vAk5%R5LB>2dolHA)P4ZE^d(VoRx=zXme4d_6U z^mhk+b?g>8$9tfrUJO2Qu)#sa;&q)9xJyEx@9TS77#$hHW%mvdHORjOd!zI0$R}?;WoIDf zu3AWLBd?gUOm4-)QRm4DmDj}0bsRb!xy-idG?Be~67Y9eA9}f-XHVvtVujgd zGE7S7zU@-wzlwYy=~)09=%t8}Bj$;N;%0ECWTA7FUkKp84K<(qMx&+~cp_60hi|o0V{RQV!aib`t-U%GBwA9)G_s3Z8qVLdt-h)TF1F1^ljqS1rc$ zQTA|daVHk0M=9dlZ)!Z^KM5MTeFP33=Ferc`{9`1M1IBK0^%cIw)~G29Xx0#_{Pme z*{S7Zk-;RWzkQJ|ONfH0KAsR?{+`$^?j$MwUXWC>9G|r`WBd9nd^cGPHA0svBx4n> zS}a2^O{jxuF4ELt-$+oO&TxiQEc|K@CAU*2;&0u@1y&8(;QHYkI0>1^pBpR0$Bm!PJ&3qK@;>^95LYK65iz5hmZO?&@#Flw;2fE+Pi}w>tg|=ZJR{z zR!`*mrdL4q#}qy?O_C(vF@YbeM}orGbQ)*k&4;_TLg+ddcJ8k--cY=YQ|&Fp>&D!H zc7t84Bxxx%`IHOFzCw3+cqlA;EBJ?N1m69qaM*lUh!;N<7#Xgk(f_p)8)dQrr|#1f za{6`XJ*yLA=l0@{bJ;*vj}kboa^jXf={T%9fj;b7&vSi8Qz2C-PL{j{Q%4?y+HWV| zKcnAx`YT1xV14w-5PD6aQoO%=ECyzt!G&i=({%?!QM1R39<`RH25Wz_S%Yrk7r!}h zP9qO>QnzCC@O?0CQxpb`lIJZ~*K@~wJ=A-Cl1n~4jST^JnAf!omcMc~oqxnyoHp(| zY6^Qw=^$BNwTZ$ynI`C&HIn`-t;1V|XQ{-6rTDVOA1{COC2~L0c=7NVFf{W&a%pH2 z++AHM?l=<4Alrm5x+?H$$aM^=tY;d5!+HPt#h@se!fP|PVA|1Z{DsFwai41sZp~6c zzu+|N%$+Hg*Pe`ldmoa0n+`*s?sUA{@SVl)pG9qMT*stN!8K@-K@@icao3@vL@6P6 z&`rCYRk#8@`sk*Z?l!{e6 z{`~z1OxU{xQw?Qle0;t5a)}%3oS?;xKj*Qj#$REJPZrJ@k%ck8gs$b5?Q~1b@5?j8~Gdh;*j;`eG+e9H;sgW6cJ&1pLI*FDyrKaJ0| z*+`q`s^F;*O@5asvWznmX!nXTXk4$zE06opmUv(EnP<*#W#-|Fw&gT0=?rAmT*8Mp z^+3TO9=A^_BgwPRp=_H1zboxTpKE!bQS3JUME^Z|d?E`SuGz94>(P9*s)!3gRov3J znx8DF29GJ4F#nRkJjmp9?A`5#TvZfiJ$T$$uPfW2+Ai zLF<)Hn7PjywiS4hdBb&RinR(g&3p-ax+Nj@zvIGARD(K4y~DVM5oGG{4mdO8E_y8r zglXqWA>!^#oR*M|4~QJ?xG)qQD~-5K*CBLV5=YM7P^N1l7Sa+S4|?Ite4h9rkT-@& zlevp`fN{Ysh;ZzIou;F?Ym^gs3jKg1*Qel*6-D?n)l1-k|AiRgHf}BOZO7!bhwQn!H-6MrRmi2+!URf@iI-f_R z)Z-<|3utk_3;xrZOqEk)&~xTPZ0n@|Wbpl857=w?iRk zm=ql~^&Wmso{syB@`O&FC0}D0D4O`soX9>K%)>T5!oJZArs|!CFNTSHrZ@n-I?ll< zl_7jlj6A<2@Y5!~8H#%w`mi+eD?Ys~un&v>Vz`0|ce|}b?gUK4c|*@rorJk;(3lHw zrnrDu$9O@7wg%1Ib4avrl&)x5O*Mwrw~Ic{bmI-TM{%mG!-w^?gWTc-aPOSV8@GMH z+gnRn?td0M{{A37AwYq~|BGN={bRZP*DkKxJCm9!_pl{hAv}MSKC@Iv7M=y6P^eUd z2M-PegOeo~bL2iW1V=zuK`Ts}s>G`PO@)drAH+izJ92@lhW>3C0QeN7J``bd_!`kB zp_jUM-v+L#UJ4tXC9%UV2=>_~i1r%!q0!5g*nJ=p-fAtPeTmC(+onwrdRLu35;%o+ zt??vSE|2`=9(=I9F3dB#ivx_ZFfe^TQE-%^0lA}avf!RKyUbz9&tOp3nnHWi)ac@I z)A*_n>7>`H12?Y=!mAJCz|u|%ce!q*>fJ>kYbH33GasY9(^ED#vjrQga?s;TKX&-e z2G_HH(RTV(@-oJOMlLT9Zp>}CWKk1(K9u9ea+&ykZ5O=t9!EoNucbY&C&TFFyWn8> z5pX}hj=c8?fU{bs&HcA7#vX4|BJZwC-uz@x*V_Y+?v14N^Cm)xiZ*ugI^^ae$el~5 z(gqv&*{sk1l}S+73<>rt=K~v*@RW=^Go7xGQ|FV?>IHw$ZE|a~4c4cdf!u+Sycb{N z%9d!f-w;mEewzX^w-=IoyHCRa2}Q8*UWk8>9^#km%rLC}IY?T4W5%s|+&Sel&OI3n za;H)u(t0Rt8C(j(lMAu!lL4E$VVuZWEYF#46xsD(Hg+a9L4wl&m^A$qX1CViwf+<| zUblund+83dO|!u;X+7U;wI5Z2!twZ_TWsutWQZDd0FJCed~&&qeLq$JyA}nro)0J4 zsw*n6_n#yjte58|cU9q_=%;y?y%eu@)nj)O4`W${J{sDFkn#WgA^6Tq@zDE`(Biq5 zjY(MoQ9rg9&f6UhpT*L=C-@*17%e2j7mUDpBaL9!4z3Mc(X^5PRvon zyhKiF2OH8KR?Bh5l$XSvh~dH1_juXk6Wcs05K~8FFvqbA=*FRP)DrtdD^|u~%f0z* z=j~<8CFy~9TK`_r_MNg^lwS)&#|+?>$w}}^oEiF=Kq1s?EUn2b|Y%UTt*XpJ81BnLXVvsz$+yj zsiT1Yb=sGXzt5GjGvg(h)%I<|KJ+KC&8dgaLguyny^{E7)lQ6X8b;s0slm&Eh-C|> zqx(EL-a>}KVfPLg7OjC-9D~4O!#3FEtwGvv+=B-LEiuK9elEmw;OHf0O2dR$TUYBFHrDM7u%8eE4G>apk1ZxJ7a` znm1=+yj%#_w>f}IgB&`pizCCTl;}r`Hax1>VqQO1AB)si3j2~#m_H%||L!8tcKH@O z3lU}teZlD>Ze<3n40fF60Y&{#~xe*{UV;pvlpUt9?8R8~(_mQ-c9FtCC>H zdi^*kHVS`E0!MdB^A(;K*;Pq>7+!myEDmtNbkoZu+PF#J>2j!?T8Z<+w-YTPi{&YK z7>7#Q;j262;Y7+o{PAZC9C5eiE3ZEwzpn{dEZ=H2X4xh#doPA5rH`V4cMR!&Cu&4` z8E@H|v%-yOYy@~eQUWU_HKEtX+2Li^!71YdMA@6rC&Erc!Riq^FSt6sZ`moHx4DiC zS!xI$>>lCNXCC6=FH%U7(Geb(UIdP7htk!)lF-}m2Rz8Vau#;jfuhxH;xTVOqgPSX{46PruXVJ}>Tw z)f$98h0kvKXo)}Mv>d>-EBx^y^I|8zEr2dFd%AC<0~_4BM&P@ShI54n@X2mlu==`~ z_E`rK?W{hw;&qK!XXixLJ?jqoogP9>avt;h|!pxKXSh%4OvJ5IA{>(1eG9ZA>yETMXmL-F>gaf&Dd=L$3u7l5e zXYjU9&%vVGoE~iqVR{saNiRHr(MnA-H0fd*L?)i#`{4($=?$lYt9LE2NRVrfSgLmV`DB^l+=N6T8ro59PCE zP*3$4&UCxaw#wyz)3~>It7|9~zq=029hq4Ddn7zB{Eqh}f=H&vC^|bOizPq&gkywT z=ZVqWd-Kfz56_(?%wUqVJbVyO%r0l@eY;5SGD_EWHnHZ`?n39OsW7}mk||}Rpi{{S zh<}&~!#uiR{f8v5_!5WjCVYYV4NuVT=_*K;3<0xMVdT^u4Ux^+5FEJkJXyWvm5^nTL+2q2Z>FC=u2CtFyQ zibwa$&}Sbv(C@9octf`p^Gaj%b%mmBp)T()N!?3&UGE0tc6=-mCVzP=BOCaKdNr&N%g@E5v@2`vA;rZA@{ zjqIsXpm{A_9$uqt#RAUf3~R6K_7y^+tdMTWRvliYc(Va=uAQpDo9>JgdALr3h5lzrFX<$kU%BAT&z8JCzzlB8uokkg zvh;afGyZel4S|YnFzJ0S(L58(l2n&tTodL0CgqDw9FNh|apkb%`b4x_G831S=+eA- zXIV^HB0 zr`b2zTeS>uOlo8=y00*0gDDu2I)%=(o&(Z(9;9MIHQSM_f~FaV#Bw=JqSb}P;+ilD zx21!b;gEF1iHStIZGphQl%Nt;j*$P&lr~0~QKvQu>gK8=Wa`hL^2EnjpC5~Uo#_yo zR3@6e;ti0?iRkw9lh|Ou1U_Jd1^)Ocg?`GXK;KO;lfP*$d|c~AGj`3uqbe8R_Lh@y z;j;l4i?Yz_(2PQ*;Gy6UvKQj2EOE~qRqj8NW6_soH1cX0c+0KCNB8CVS?%|5H`9@I znJCbZjjKV)_aE5L%VAdXi|C1i>R4SK07VZ=*#y_K;&k=7kSAqFyysVwIiCkXhr@6> z@Sru#+!zhvvqJEluerd=8pQ{M>F}jX72)irb&xhK33ZkxB z)aSi{rWMV&^2R&(HBW)<9dQ8l6y>1P=MZW+5b=e@dSK(eA;vn z{TkP!;TUtYdg#yM*O#!8%WBw?Xvi1M0-U0LAK6KclVzisioPA5GMYi1lM~q7W<_ke z8;TaXvq`h|Zdh>Ip6|Hyob6pE%-nnD(&tfXFz~bjKmFSQc7Og3k^ddV);?WsyD|{v z`{Qu6_9c9M)ttnCNfPDtRb%60KU!9niZa2QsNB=D*!U)ij!~{iRa2i_H3;*=?Kd?H$g$&A3C2Qt;V5w#$I?KpXgQp8IQWQaFEC?cV z`c~1JHGA1n!;cW3qKLNr&a85n20ysr9eKJXf+-J3z&CFSaEIV!kPujPno|ncH!LAD z@GiJm3psE5@8H-!o5tyjxQUzt?$cG~M>Pe9h;}<>ed@*iZ;!LGYlp$>ZwNEbHNk7b z4(ax8h8v1q#Jw{GuZ8Xe5PcX6?Zzog%~Kw%clW?c@3Ay=%v0PrW&*9g@ELC(`-Dn$ z^7z1`pW!-&U(NoAb~-IXNhdvS^L~*?qW(N&uAEN24P@#1d}H3dtpt@FmFN+@4g5gk zCZ4mV9Cr?}#UG+|XnpXISXw-gPrB6vhcrXjoD@U;$278o?`y02l#3pqH>2Z=Tx zselh=cOhC%fxfw`%;)dkO-(M^VYS>FOexnTlOyct;QSLbVx2Pe37N=$t|M&Fs$SR_ zZOpZ`r0CPH0t;?D1BILFRBQbiIK5*MQJ6Y`COdROhfF$dn0XvGYKN04gTtxcJq5IV zBkaZ>TF_&`*YCVC=!NY^Bp|9(mB*_&!PRpE>FsY#V(+bIFuimiZeF3mKY29akkgac z*u0Yv>W~VTn`G(7eG^Go^>utQ_6l$6H>Y zy30748yAaW;Rcc2p#uAj&O^;C8Lo9vg|@lILw>_Ayp$I#UUOc-e1TFXuJx7R3p@ga zoY7Zwd+i1D_Zos+_au?&+y!)XR~4R<(Pr1~|Ay0>J&=5vLX85yinBA!dBL$dwrqtK zUGpxJ*&fIQE$IwWqnN=iYuv)xaWh$dh63)1JcQ?)1>Hx7&?ESEjr=-%m|iOa?tf|z ztTH|bbCS~W<8OksMc;7#-@TxIDjMefdxN5l7qLUH4+hVENG81gkL-0WgP*ziX!zy` z=sBk0sjo&fVB22u;))D?u~lID-MX~)(Eh*3UF+w8)*<8mv~)`DpAc^cnq&B*rROuXLvn5+Df;Yv5piw$oj!KnRt zxcpTik=U7z!3AT)o7{__WzPd2Z(cPh_mlTPmfn%un>@DaUpMt*rM&`HVC16Z` zH+^&=m!Xm`+>Vu{nfY;WJoX*lOA5lLb)DjmR)3hGTRM!>_Qn#MW~Mb$m~TrN4jODL zn+4|9&c#^a4QxMt08mNSb$ zP@WVB%_mPm-=!iv9<~Xj;1Yfo zjfNaE{aLF5mw>8UJRNLTiYuztQ1@7d+Zv)tQ}a5$*w6)xhg=rl92!Sd+qCHx`^iw~ z?24?sk7*i>pwGJZusIn^fv3lkAvY)U;>IUTwDS)8UebzEwPysjt_PoN&vB>YU{(@n zOW^7!yy9*LSx=<+vJc_ZVvi9IqOx>zt3CEz*&}KTTSAYf{)MAyb8znrDRg}n11i53 zu;m+eV$z>I_>cKvl=4TYwVI3?ul(V@&j9MKVZ}de^A!(Ix(J<-#w09r0#9;whN1(6 z2ikU_SZ+SwaOF99kgCUxFYBN}Ryn#}QY5x@#&qVZALaus&fvteKCt88Yqo1$6WJG_ z&ST%qrV)l~x!v(l%Co-_{QzBUL(FE`8VYGM2Vf8Wa)~&AH=6-7*i;mLJyTW@Li?yy#9U`yV)B^ z7krtHrzZ5_SKCZ19?*jUIt9@4q?OFH&c)px*)U3NA)V3@Po|v{=9BY3V4Ktdd_Ot~ zR^<7@)=&wI(obcgVP7z~fSZqK(SWNPak1hZ{8}r^ z9V>r<{a`DKdEKlnSm==azJ`yIdeC+%vaNoJp#S_W%sx31m$$waz3I3~@?-w6bLTAa zM(i)qWnn&jT%eC8z6bcM;$XB7RKUaC4dj!K7hfi4L$YUWMYBt_c-rI>I2r^($K8w6 z@sx1q&^bZA?zZO#s_nS0;C~(XM1x+Ol8d?zc8JZpBQayq4m3GBg73)@{;%$v1b;r? z#Bjmww{U4ON*o$VoBv*i?{8l)x8eRUxIy4D&(!8c=Bw^vPG7E*=L2n1~Ty~VP+W6_gUy?3tT41!ZoJ1 z(01=V!PUNvg}GGXRFf|->0K8l{8pik($aL`-ZUtZ3_!;cU7kHqZ~|?Of%0qBnWP8`Ov!muvAO=}*CB!bN=eat|cRHM5WXh@%?yd4tap2#mQ5DBS>= zzuvK5Z-&s4@RfKe;<1q53xV5jdx^!Dwe0$PCH}Q%GJ9@$86LgSpzF#X;b8p>It2!GA)o{^VbbxT%c?!p%``xi+qSkOiO0hTEg-Ca)1Rc0`ASjLw z#0Tpsn?jXBh=#-vYb7uCOdyY(0wGmrAKdH{!KVyqI$^saU%Gq;{T%2d zI2PPsQRP%zr!Cxdv(51QJT0zRqsRLtjzi2}fs+>W1m{jZ&L4|XSfKtkes#DhZ15@} zz5AzwXLJPC)wJRht5(?bRh3@&b`Pcxi{yv1zq7R07r@hL2xNHWizC{8!O!VO`N}DR zzhZ*~pL5Tdb%vRcgs;2l>`@Q#=DRCmk8SqweeWIY@2Mb*RHDIe$v7^Rbfi$jrVCH@ zb6m9C4QvKR;Lpk1==Yr2uqwU-s%j^&e>1z;WG{KHH@aC|v?d%a3-tLsXHV>1QOx3o zji=t@?L=>=Auk%YkV~uk^H#YW*3!}d)53M>vk%|FdC+OW4RTu)m!1ZpwUsDWK7?j1 z&cjWEX)?Lmm(0&lqSM|wLP&a{xb~?wKa*o3S}^kuad9|B&t`wb&?Qa8 z$4Br14rmAY)w{6!SvX97ZbG}y2ziaTa;79vNv`D1VqrdtR6p4PCj_Ju2kS7r)TR#8 zl~wq@$MLw~;yo<;GZlAg-U6Y;iuz^Gaq9y;n4$NQyh{+Ax09x#Nna)e-nfSLFBjl^ zDr=sPhf%UypWi>>OI92F!1#GexFS^wgKhsV@9_V2{sZ^4Q^|E?AM{1$X0g@yvk}U{5E&49AhQ$=e_O6UN{J z*accsx={OU7Mu_AfMKo)LdQyh?eV${r!!B%?hHBbmUJWY3KoJx*%0_P_X-62T?YFy z3%)>U6)s)72i_i_+$3ojb&I}^>jP3ns)q%h4^){JGf0X@&t&fCVM{*(w5Jj>t|D3Qp<+s2$ zljXHXXS3$AKe)Sc3MD@l)0w{lU}{|>nogw9ed)X~KdMvB+%)oQs+q`Mb`hjp;~4y? z786t4__JtpVx6Ew|J~0+zw#;I8_D6qFHe#Boi6e;{3p|#^$jCBev-LcoKbJ*Jv3^M zC7$o5W2oYF*sc){DfikCBGmZZWBvHpVk@-PxWK^paGF0N3j0fCMVs;l;d|yzdmr@S zZ|%Xjsv-qk_x}K|+EI8nLGTRqBr$d2{Wo&tMsPkS%dZN2&9NU&;Pj^>;fY2UbDZ7D zyccVNx9W3jJQm92mH(R0OFhlLi~U)BxE(W}=ZY^MyaAcYo$xkVaBeQHgsodwfKBxv zGQ{>b@sqB?Npl>PcKCJ^(r`Tr76C zq~8zbz~(VtWcgSd_;t>MpX<)SgaImioBJ-9m2(dEPfW%qx!a&2LY6EX2YhDMJ@Kt* zdwf?~2kr|#vaWs=>SiuU%RHZfLXb{jh|L4Cpl1+S^fv__OF82zk7O7*{V~qi*$VH1 zG~rjS3&cze5`_w`LGx+4%wy$9mOtS#-tODVe*74~)9Ov|^uQUs?1l@>{w_^Z!nF9_ z#m2liwgOfjlz}yuW`ovIIk;KS1QxGupigG0;83_kW;{_ReX16CZtn>mZZ3Qe1)QV~ zU3>73q8)9 z4vb_UEAB#4#|(&**X0j?`LbJUl_AhtU_M=5imYc5su&rPaLWv`qGJaB`DuekAI0MI z-Irn2E=RahFYsU66)3k00g2O=G+UIw43r{p@Z0CixAzfje_n($KIXI6!p!Dx7|z~~ zAA<#3qWQwzagcjJi&w>?kqh8uN)fD!0RU4yt)HrzgfUJY6UJ|hmn{XBgp7?fSCDm z^yytodd1-;ZZtN=Q%P;?k3>2?zcLMteoA7_f9oN9Up(p$FCa_Cord^;aePQ*h>&mS zAWaH!sPOtLoY&n%jO&NOhEZSP<@`W+(l(Ds2>q1yR2%%#Z9-?Nxv;OXcVS!505nmo zfD?Wioami3*PK2G-R*>2*t@0liNMiRvecpGC2D-=)EpRn_!J9w7)I0X*J1bfSkT_H z3tn|}qJO58IC3b5>Xnyq(!9TL&vraUd^rc5FC}SZzycbVc^=n1+{`Mu9FO-EW4uZo zSRA{ENvV@y(cy{Wz%oOeebtrs2=i&o-_^i02T?c4dt^rS6Smm&gx~`fZXhcklQCrm zT&F4$T+hr$(z1s8B^WWQ_Iea+2yDb_5-i;G1epI(gmJr#NXoKC^a(vc#%~s$8$}ne zYvmpGLpvD1+zwzd@ruHoI#c{3ED6LH-ebT07&70o2kxo4!ul0LuW8;t&`OITl80|G z$wSppZrDUhendeho+jb+B3Y1^i;Y&rU@HWZt#w^s-!w4Qr`EV|ydD~SGy-82BmQGIhTnSfUSNTogZ8R_tVHOXsYLGK4@)P* z7xm5XA!9opGty@V-V}k&L#TzcNJZAf0k^8?n z)NOdJ&~@;H?_({YV2Xh9Yly+n^@(sdVdG39_6F#3ptiwI2z`R9|#wg#j`3;El3{hB>EoP2rH(!L%56vCQ4t%+3t<_ zzBGn7tR2Tx#}314y)x!=Z5TXkxPwQ&j1xG^+O&4!GE|F=!ly+6(6#uLkn>AH`*l-T zuv`)j9oZ{>6JQ7-e}1#pt=h0$?F`d;@=5$ZL+2fjWf#Wrj4~oJvmzu>8KvPl*C`^S zXlSZ5X=?9jC0kYs8EKc0BA#=dl3tNfsg%l0OG`yW^xpsa$LHhm-1j-x_4|Fl>B9W^ zL4d#lIZ;Wj)GF{Xc?>(M7YLaPOIFqS3|@)VL6Uc}^w$S&$2LpT$H9g?#N!6>4pipf zYGQEe6;iZpYXP$=evA8kXV9i$O-1PyVUVzCB8)Zn9PAV%qXSWZ1Krv>~)#bZKK6RDFEGYy|dQM7bCtNyzJ=qhB^vA}bw!la#zi}G-)kg9HhXv%9r3KZV@EXs1{ADk9{=zH=ufm^-&mm7| zgQ)o6DzdKSB92?C^u_&W(6qy3BT* zSv=8yvk>12yvNSf3ya#zTzOZjKW@@5XJ2obVwCR~)a+P;vie7v^k@KIq1cJ) zYSUr#BQ6TK@(}M7NQe%_yn+;8I~Kn|pWcJ>Or=5QUkEHU)Im%Az3l#QOIUhGkI%gP61H+W}lPDoMrO_E?WzD zCEjMK?q#@GxQ7oRXK-0{I8Ha;%1>;%46EOq#G1*Pq<>p6bJ7+IS@Dq=zGotC^t+Fd z9|KT(`5SSv##?-}#ZGYgd;&i=Ta?p$iw8H?G3O~`MZFbh<4{<7qG3gAu=s z*dFhhtn{{ZBRiR=)uTj!wq88_Z#R!$?}|7mk~&&fvQ_7x}BrF}C}XjOm6I zrsULztJrbGj7}>HgMbCX{K(@cE^M&m@`9hHCHD|sCyqSuS}Sq-7y*lO>flUbqxj`z zJuY?7kPh5jf)~YMXfSdeKKQP{8-?$DV6q(KXlir6p|U(7Zw}jGRVY$wpGk)}+=Cal zgHXmJ1ztX~M(e3B!Fa)0c&hx0Rk)haqa(DSGv1HPY?9!f{wBQLs8{e9EkrH*6IkJC zP8VyA=1cmj;pK`P@qvy#C=-{&K1dE_#D6C2c;5tvYyhz%7MsZ^Ts%n!`=;K48Lk;{ zXVwrdl_4uG5awc+niZ+m0~sOT_!j@H?11aD?_lC|Tb}T9DwhyEP>c4*f#>#0=%1De z0g8<1Ts&VCDDwiB&^}1Y%ZF#bmFb>8#xOa4B{*b>&^r19RO^-Fhg-({{>yX>o!=?` zG$|h??TjJ6>n|)yl(x-(Z%budN8rI}PcSyIPSoyd2@MuQ(Jfb>N%eW4xz~Fbvb+vH zoVkrVk7b~}@II>1w5M9K>cSr08lDc=haLe^T*YG+u6C)yaqnNls?TfC%B70!agm@g z@Ag9F;_2KqR2@IH>+^40>Y&cE1XjxyJ#6-Kd8`S={O zdO3x~y%s#1PmYkCPp%6*HW|KdUxBSt!zT!Q^9b%tD#SI)`uKW$3ucmOs3el(YVTul zeAfd=%Itxpp)tg4!XASC=5*}!$-HYIg-^>eK=P6Wyou-HIU|+edzA(l)`Wne-Yz85 z7V?zs%B=IN9_mzt;nrVs*q`ZU;QweSO^=ae4-XJ_I8FwGnmoZ+=;eNO)Zi7b^I-P= zRQ4h72r7hgFc~ljpHKY=IzJP@HuaoXUap48H^s2zSS4B}^j*LB+Th&3ezc*x7|kCn z$Fde}zV6#pw5;xj*pj_qb4~(WB~szzy4w(@R|#&)M%-stDA+xk#LfzC*Y*<*SbzEi z^tuG#UE5l$@tlM+5<~D^@;CAER3V%7aV2zxrNCJTg?*Os7!{z!UEdXAzHpx&Z9bV7 zELg_lgxP-ji|u%!MV&r2U&=T5Sc6U4Tox=ao`o+SCS*>2ran zWxDSYuD4aE`mX7)?A|_<3{Sz#T~TN;{wlor>Ia1rw?m?_EoADxB3o&Yc==`pu)7}z zZj;;a&8>(2J-6#^Qgm#kvM377`&D5Cp#@yKzvpR%e%V)qB3;gy!vSt zF}hpq=x`GJlkOvVVL~5pWBA;486$j*P`Wx3?EIy}g}1Pa|ICxIJwv70GWg~8*c7vWQ9A(ok4 zK;1T>`&-QBp1KvzR%b9fvz)2D^dc2*H`&LKMmA`xAzk#K9QVE+O8uN3K#;s4UaOxW zma1^#JMCX#k!m?Ku1Un=Pp@D}zy-E}G!nZKp>NXH3A68bL*9?e?8^;j4A>BY8zNF6 z{EQ6P+-6KxcfP=n>4A0DBOzr;33SDr$2`UD?7Xorj1m5~j%cqz3)LK$^-&4#9nFNy z-QR58i&{~pWDof7XoPF~t|P>ogP-mV=-FTlPaY}J0;@(CS|txFnnQ49$0wM4?JRu1 z--*L^mavV5>iqJh7c9WC6|cIyBS)RQ!Sydk(as!5d%j9^yJt8S3h(9ajBwmI?E={~ zE==Sfss|^=r=dxNz~6Xs1zjh~@p=naJX2mws$d!Dscgg?OCK!j_QP+h%2`6s88BM9 z9rH4c#I1%5qh3s6Uw;Bj$x-KbcRd01Bvszne^ca_T?W0uvRv=*I~e7b4(%U=&bV)^ zurphaJ8tgBfwswHOXmf2XppAr&KB6@<|tAf`2!9rTwte{6^lks9YV9O|0D<3sdD|S z5BRLlhOC_D%gblZhb^Tq@POQ43|Cg5MTZ0@%kErOW~0oL`i1AXw=1oDEXVcLkAdUg z1w^y(6oJ0ikn;IIkTJFpOE7it*B?o@9#W=ER~Bb>6hd{+Z8);?C&{2)Bx~P6`aQs( znBS+w%s`e07%YMNDi-A8l1fB5`+ua9-HX(s(UY zpZg9~n}_4dWm=dQahEN-nuKmcM^o8_sm$xU4axr)#q&S4K)w4GY|@M-HABYW5g$9a zw?beGm8ikN9oqEEG9~cs-zfCeVsO)pg>>n;N;n`EL+`!MkQ}LtD(OeS<@YTx{qhMn zW#+Td{;BXcwHa%rZTYqZS~T~`Svahfh-3Bt!++s|Q!bzd?w{|0Uwd*OwrnzauR9)Q zstqMCilp&O)L@M4I8IWJ8HrydtzchcZsJkBXgC%q34Uwdvxpz*;IT=X4$iF+SA8yI z1?|TCll^BjdV87}SuVth2WIe}KWv~~yT%Y&7TlceL~YvEi=F6xyn z7?%442j>e#F7qNDy;XH zma?flD*pjKZ5Eh;Ylrg0cLg}1z8O#SL}1wRSh!cQ9Yz&AA~NqINbR3Vz-kxb*h6c? z<-bhH5$m1!_gfPTc9{-FTjz-Wvvz?dU0a%G>A-Kyuf?*=U%2beNBClSniaoLg}r0) zh5phYj@^@}P3lb0x3r|iuL8sk?Mif5*CGgt4}_;m-`M7U8Cv>18@5c8<}zY4TDdKp z+_<}no}PGL6l$wSrth7BdCM<~P41^);IbcNrTR6z)8kFgP8$Iiqa$Fo+EE1EX4v;B zmZ)D^j!&H)d-a_W+2mU4m~Xjrf7&&$xKZJ$!ny ziD=Jof&sr5n12-~Yh<1{?VEp@U(E{yXul@8iXL zX(T9ITqQVDr}Nz}<@iziGkD*5HK-U4r}owV@cUL%RO|$rATffs$w%^@6KXu!F%kUU zXrtKTKQ_y66My>nJs<3&61AM7Tf}tw~A69%T%n$ z$)&S(0H40$^xkMpk(Hz^>iQUcBN8_kxnSm)F+A*-KDq63|B*TS`#VxXEz+|J0BeKCk$m%teWZuW)gOJ$3oBn?Ja72-5R(*^QIN7!o`l#vfDX<96(%RXZOlxX|(~?2Hw7%Tb5 z@Vec+?O;CCD(Jzdvf6a6MIIRIu2QS@?L|8Ax4J#Z+DPa+gKX@Nm<3 z9y#g-j5iuzbl_AJRB1WW!lprd+&?$IW84m0K5YgDEkDc}L)JmKYb^#%R^(S!P2`1= z4Ip7)&Fz*P!i)lMtV%V9|3=#jkJeGd_~dGQywsN43Jij8*#difsyU1tBSHTPcl4uj zsZ>5^E6Vp?M+L)VHY_Ead(ZGdE4MRvbABSYPqo1rR<&f8y)iFL(4v~zVeBqkMB6MQ zJom#2_wAd{(=D^m|8x>x7N-L#W0d&mae?@6^;?u(REF+08sIpubxL^dA2hkkL<&EK z`J{WtognJQqhwu zsG6dv*`9yb(xkf%%P#^Q8_M=BPG99uJ3%g@dd0gy-%mY!XcqD;=(8 zV@rn7-3oE=Cwv1e{8@^YyEE{F)fuQtlo!`2KO?EA?aBj?95oI1G!IPK3v^htu$<5>(470u(P4;yA^j zeEWoO(zew} z;#Do3FhuEeVfDP}d{oP3P`s*0O>K%`ffq83j9Oe2bRUeKR^#zMfG3J4;;sl6zG=Ra z&;izjgtVXVsN0pND$U2+D@Kur^E$CHZ8BeV`Z;8ZlQCL*9tqEGMBTSuC~x@|f4uyQ z>RHJB z2MvXuoYe<|w73+uwp-Ix-p85y=oVt7Xu*@;SW?AXT}&nCIYhE$BFjD_>NDseo=qCW z1Mhk8#KRBag3e$n^L{38IyZzjwq0a{(|7UMdG&<+Ga!4NAmYdBvL)11m6HP67 z`q9_}TBRxfsyP;C3HQ{2+@9w5nBc>kA)<(JT6~t^ta9lY!wa@AK!+D6aQ}WU`f*VQ zQ;yUi-pzsf6Ae2WeNb=KTAJ`ni^v6x zg@`4#SUL1qk&^d6e0}R8oEW|zk8hhqJ4yy)uF4&zF?2R8Ub+n)Y5DN1Xl*|4$1j%m zUokuG%pg|fKDdhSgYJPcxNszZeeVbG|M$o?jaX6HrGxQ@!Ce^N?g|N~Pea__Qg+PA z6OxK9LR?-pL@gc3vnRerf7F5{iJPEhavc7(2`15}rSNUTBY3ZnC6c-+2YA#Na?KRz zM!oxZ$L+7Ue(WZ`(@WrZJQv&sBPa3H&o4<*gCRhJ7twfD#p*Oh!2SVg?ClN};^H7f zx76uU0ZYLg%YPNIC-!*tN-aK-$b@myu`GUZ279_o8BdGH(1-!e(3f`Fc46jGDyiKl zbdjCF_sKb&mSaFC>!v`7nKoU~Esu}E0-jm!g^_0YxcldASfLnz5fLTOxpf@WCS=;kiep~TmLL!o3E+oOF)RPug4wC}ph*6lKfq3hZ}W=lJ&pF}Jy zKLQpjx^a*H6HuCYnG{Wt)BIZ!WT`yPqqeh=jH&PwwA3%tSi;~Sm(p5Tx4OlUiK5^E)5VfvF~c-}Xc z=blm_R};l>a@t~MIAl9)8!p4O-ACZu23HJS9RXwHLvdKhb#(Vuq%B=K_~TuI;KNME zuhLUV(CK)1olpla&mDo3_Fo`1b};>>w*^B!4yL;#p0j2vE4*-9myBEQF81-5NdJD! z5ZV1Mhrbbmt98Xy)U_9!DaWsY`QHY7k>!aJm1aUn-;SS^&SI(?NAWSEXJN5xm%x0y zjLWYqhk1Qw)MUOL`p#HDTjK?0e)1?@Z}SHqwp-!Y_F!~3&jjD&of!S14qc>+@q@BE z&A;MA!t|nXu#gviFgJ#Ld3}c69XN}=_wmMp?rPC0rp%u|GzB7@sW+ti(7L~bcRJTV<|&Sr z@ASc{Wf~v$9x*0h1V6d98^b(8@SxOf@pgY#d=w_f+ZJ@OJ&hx%*+yBKZP<*#o7d8~ zv3t2!X#y(@FTtzB?Xh~VBJz0}Jg@8zYKSHHz%ivDAzgysM?{HlnyU~Ei^4#vdTB=Pq}|3HH=aT2f?OPM{558-DZu?x!q{a0 zOt!vP$R}k;2<|9HPzfo7+=H6DrY4kJ`B6c>e%OltwpYL^!%MLEfGRZ4elHF^Jb-Ue zJj@?3Ptd&op0wzw2|V~?WO;Q9^Y(GXs`wr3@ai-$vzsTrUS~qhHXDPRZxZ=bxfA(p zIdIdwPNv;g5IiyQq;l9X(Zf@1IQZ*7ws3+STXdz7%)Tjyu`dj{ST2v9Z#V$MM=j@J zg?FI5<1UH0=?CBZj$_-|FnHqVzz+*KuNxaepk&hk{1W{DL*4u^**g~&N>TQ?c_3f2 zHxUHcIPm55@NF2-TP?$=;pCs}+H+ORwO@tf9b68t*y7XZ zDq#v9IcWk@`#q+woX%V8mb0(_s&9vVB)~(CiHjZYg58mu;=c&&R0`bX5b z{JIQ$Gei~Uof|^k90n1uf(+a?Bp#lm6rfzU5#2cNFq*CL6+F#$RDJhJkduCkt!4kA zyPhP(ZGXYehMvHM+x7UlQ?a;Z*BG#0n+x8aUB8^X|E>! z-WW>m=S9H_u`&N#5iCA4GD+}UpMpW<&&l!F=cu{j9wQ+kxbs&zM0jP9PL*IVXdlXo zyCzeG(Keu9-7kLe{TVi%=w=_oF5-~078u-`OsvjmWBJfrk~Q=!=@YnVzm5K&@|6Ri z{xO|AX?+g!CeOnMzl+g!(o0Ymjeyx&aZEyKJKove%D(Qn4-S##Md44a=&7B@kZYWz zjhcdU#UxkkQB(o%bD!a=8;NKSlHn^Dp9T15>u=>J4;?eJhS@OJw28KN8K4GeG(5FJ`Uj%IObP zzWv(+{4-}c9`>pgqs}03vOFg8>U&Pog7nBc%6G~lR;`KnR==Okn@fG6Alr~|Pc^tG?m9bDIia%UN@U?f_ z(P{otK04L}w#**DeP+*uwP8UR(2|SobF-i+tA#DGbY+q(32!|pi zYVhI@3g^@;*46C@kcmsoPq4O>z+=ey|I)m#{9Dap^`YIrE81rfRL@nPmY zSoGI`%KB}gDg`!RdM}&QZRfbHAp#GsdTlZy7sGm(?nrkWzjrj(svAY0P1`~(pKit>P2bq@jzgm9)z`$5 zeR{NdWh%qfqoB<{4n2enqVwHoytOA=@SUfTQ-h8{!@<>p!|1Z;-lm0Ms&CD|J^P9F zGO1vkF^-v%93q=Diw1=*+P|`N(+Mdccl56p}|mprxUWzKN9uV zOW}jn`Q(+O9i<@}BweWh!`@rchwjVxn3<07WUi32*cQrD)d$0*yDEHeSt)$6XY9Ps zIdIcj&eBeAg&K8(qCru~P(6P-jfts5vHvD`xOW0mfGTn$wi1s;)xbqbV|u%C8n5}` zO~&r;L7xqUOzl}6u@SoC>}o$7IwBoXk7dG@<*M*u?s8h$89@$By9c)4w~@l-7sy5~ zhv`QKvn{D#+2hYENXVTu)N8qc!v`jS37rVv0)+L#?$N@%Q;+(&uA%ekERgXo!!Hh! zG~f0Dxf6Vv{97W0nP+;@`M*dA$FcCiybAdn1_5U-i~n1=3h#dFfyG8C8W}zAlRfNyGJ{i09Oo_zL0=E8yCQm6B@nXNdp#8B99mYw+=>%{7 zb>j&k-{TL1m1cm(-{ly&U@$nndB$FPxzLUyk)(dS6Da0nh@NGGkY#Kw%8HuaqK=;9-xAMTMoh7lYfXyX*%pNF@_>DYf<&JJTNecMBVZm>||07TK$a_yY4zh z_?IPIeas@E?-d8b3iHXhz`daLMuaDh+QN|2{?J!F9QW@S#dE)F!+Zxf+#7v?J>{A> zV{JQFmK4MHbEV>`d$Y;+S_OK^c{09k76BWufR4F&9|~1}vLBsmNR2^-ki&Mx!;6Yw zWM!^+&#X$)>++S@6EQkF=aAGLf5f&AWH3rqn-=#5ayiXXa?egoQWr*oPh&Kb`L%}L zvFH`or~7c#)s@(9W={j`W0}qh6i*uzi$}UmsN6z1@sJQ=p z-{BH4kX`2w%3Ca;yfl%#Rn&)!-aD9((?DW(2%P9{ErAUXh^sCQV;-$iJZN7qED0-x z1KZ>AEL;OSxAFYEkXH!Es%64P6E|eVW9z5Wc+gzP!+w56uFSFK^9-(lf7)7z^wfdw za}?HvI`Q6NkphFjmDiq42aUPSc){tK;1P)C$5y4`W!XMiXjVW^_@;x)*b8?xj=S4H>5@^r= zwfkW7K|S(%%4c|QnGeSI3&aV5uWfI94QEFc2XKRj?XbCgB7S$6$A5cX#CbagQk`Y* z$+}E+Zhp;J9AhRX%H}G3QbrO?__cs`&d3(U5ByFldQ?E$@IJl_)}+hcE`ZOGUqt@% zzKP}p$e@qTY%X%{gAEE(dD&tO)J;=t=ac*wO?#d>_GLU5Zva2z4tR0pmhs={k#KOrAW1UM#6Whn zhh|{z4?(T|AT>8E#FSa@NnCs#R%=Z_y^VM9b%Ya0*CfJ_X@5cHlM&h&=aJuKanSEM zn2(kVE;_WJAOH2~(sP>);6Oq&8>Ov+?}vtoU&#)Ge!2x$wEHrpCFkK?RViLwwUDgs z@`7!f20=}UDZf&dEAlccVfq?rptGiltPKhPDZjTM^ZOW_Q0v0$L#EQf-7)z5X%;$e zZWSBJ^ufO5EjVYb8QpYBmAMpFfTWB9f8dr+&kSl8o{MuSoc=?UhzV^Len<6+rJ!Ls zP1rH4MK(AC#AAC!X(w~Q*XO?N&Im8Alw-|GWyezU!QQY&W;fbfoY zz`-7ZUtsYM=r44Jn+rIJ1gLk7q75!{=uOwv zpetj9X{sx6#FlvC?&(N3Uf|;WLdJND)N=^jZAra0+Jf80I83wA#%z;?u%&Pytda7> z%BRxYL+&VAbmWLEZ(YD5QwOdWlZ%^=_>jQ?gK^(pJ$imxIQYt6!Y8v&k!$A$v;G<5 z`Iy-TWSogS(5++fF51GP>@w2Ss?A285HKrKuYq7N6Zn&kq}MWuO%1FPTn8hFiLlcn zR(Yf`cVMtiMnz zEp$a3zluMkYvJbeH^5@|N~-f_J3nw#F5@q zcA)t)7tn@tr$n!IP3C^voAB+-!I)!TL_W`1&T^luph^p$u|Cgo(q-5Szq14;m3uKZ zM2ElxSAS4j7%$S<_L(T`Q=^9k?v<~Bu-noK5Lb+;$2Yq_V6&DnxSMXmqYHgunb?V( z-gyPyt*ys|%@VL{qdbo$s|B9zAbPp)20m;-Ftgc8M@$mB>Yt;SpT}0nkorXY_SIrX z{%CfiN{S{;34;q6a|rW23uhiq0OjK**nDLz+lCx);FP#yP~5d#UdvyK+kPEw`uR#ljESd$L1kb{JlLNMDX zaImIbrW2Y@z*1YGAGvi31|GZx8$)x2&h|0b{2~LR6+GCeM{nWEvA3ANAQhtysIx)i zG-%B2JK!WL#!~8uL!uqg^zdj}_D+KbsL4aOkoA%LQh;51Kad7xSMqt(XY@-h#eMQB z;-DiTxM^1~9A7N~9o1=YU|p2Zar|uiBZr{XNmcmrtOhEk`_Y8Hw@|DRP5aD^`0Wp~ zQ16H;%V_ivAO5yfEV{a!&02jH%cuW_i(H-l4%)_~SML#=KF0KTXAidN8jz+Be^70f zH6;AqkID~jv1>N+{E62GHp(mnw`K0YN0kHM=EWv_Ib|(a^qyh~U%gq5mJCd)7CyHT z!LXn`0!~M*g3#Cm(tB4=d}g0C*sQD~V(%~}_AewIAxH50(*bmF(PrkpVFzn9T_j$& z%Y-MaScfZvpJStB3f%gr%~hw}A%#6l#frTH;k|tgzAJbRb?^M};*k5OsP4j7$=t&c zzx~m_Fd3}lym0%}FW@yR9pPP~@G2)c6eUZeK~IZaqV38-HMfHMpL|a9B0NMVxk57Pn6CC-T|?^lPgYs2T|S z`-tBH7iul~%*cYPbE?@${mWS4P>Yw!?J4b#faM2b!Q{~unCsaLA*Q!rP1ZuTBk(F} ze42*Rk@ceQ1u;-bhvDSbbn)7Ili=L10mA*iT->au$7j1lv9FUZLEix@jJzPYVEU^? z-FpO%pU4~ASC1~5v$+bAmPX>vB;o%`ICrw0gg5T0MYm@PeB{YVup@s2kI>rFa!=6D+`# z>&4h>F690D+|cXI6sGT&ibSInWbTW|gYNqz<=iu3nIhzS7f*xEz7z09t_pHKt-+#e z4z^+Um*X>=T+I72ho-p|iYg=ra5X0tTBJ}1=?+ujcU%B6R~PmepNHQ04p@E4mz?&p;Ga*Kp`lGaVM`1!{Lc?^VP8E9l-K7=2aTm0!Y6X= z!#^N&^8z}*wT1lGX9^OVFXMzam++I73%GXy{_xbH?MAwwH`*Un&QHX6)eJa3Zw+K@ z)8fV%^XXe#5sg_U%$3((B?C{6rw{H{ib`&3(gmrru=?9{bYXhXK4t~g^NxfA(?;Oh zN;5j!-jo_`>c?I51Fkq0#T$jWO_qc^{|o=YtWAcXIv|eNgz9sN%GrF5ZWLxO8BO;W zRe=^XvA5gi(|N~(aBPn&4lmQ;3%{6P--Z?VPDz>vO>f1YNq_L#4Wpm(WrObhkssJEc|^gqm)EGO8xgr@YR*!rLx)FUrL=OWGyDE+J->XMrB&K zMBoOP*x=RdBFuX=3AOUwFis(jbWByDw|m0HDFzZ;zw;pU6sU1CkIC#y-dw?b>xuWr zpBByyk$gt6JeBib1%D@d;XkcIr04qp{C&;=b1D|F>a@LZ;~~t+Z|=hY_u@) zm`r!(Nb=#}2-bh^GF!o?GQRURoVuXRKPLyl(>4E*2iG+4b!!5YC@n0i(71_dAF4q4 z=@)WZV7bkl>Hyy+Erv1EcEH5-Zg^mF04P0ZMDtB{@N?x_P&*@ZaB7~5K6?*BTD*$O z_^g9ZHQ8vIDC8K*Pr}w$Erh8*!8BJbn6l?IdsSR5Ix*oWD7eJqPahF@519fZ$8Hs! z-B$u;10wL!?d!zkh$J6bG?Si=m%zQjc{uL53I^|25uS<<1Txsp=tLCJs~O>jPuhu?|ZVx-9VH-FW`E#TY}? zhT(>;m?E-s8dgeQ=5B>R57+vo6p?uP8@$J zlE5z~pkbxpKcDo9jS4NpJf|5vbg2TpIrs_onGdD|@128@kOjNC>hOuLJI@N9gTEHc z<4u2JT1y z6{nsZ1vRNvtYTII6h5lLPj3TZ`N$o7gz8kfv^pE#{Bab0{TYEbUKQX;mvLM^Jqcu; z-opAhCFF4T2Vxm%Om{rIQj}o)j+{9egqNnAfQS=|`SFQUd7((3`pnWHhL8GfC*oX~ z{#2i?_~VT)j5w4hHi2(Z8id}OPJ)m7Q|l@der|mqG#wJU{;l;Gk$I0rbR|OD;&Qm- zvXnM`oDa2gi&1;na=zL_i-!1Y=lWB|37Owx5cS~`HixgFDZ}oOK@bUJoVEGBdQK+m zydZO?^}`;AwPft8TQFU4Jg!jnfLmkwSn|M=bY$00(mhN>Zx4CE!h-T)$x}kRS4^gM zXOeK<=lyV@1~BL4U6_)*2yXALhmZsId`D+FUhoKqab;HIobW!jD_TI)OD58DPvmi& zeKkAawSsN9I-i8*yYjpHT7_({4q2OI$GyUAc;@?w*#0aT7Z&P?<9_re3=MOiO=)`>%IsqZUU}%hyqfk|z*v=`R+2DW7t3 z)&QFGHx1u>(SR0v3GOmH6+8vE>f=X+aCcA)aff+uG(H+jkB+6KN#9|X^*|vnbqXE4 z^PmzuffUr?@CgUucJg&Hd4M(lx@08%p=gS~4ye#+`IpgYvl;3%OR>o2+qO@4k3b1$ zU63oh3n_ZdB;)TeKF;j~8GE=4f__=zioLt=z||u-ddzKT5zV5DRBgz>=QoL_{Zrgh z77N2x#q-%^6<}oCD|)r&G-S;g1rawz(0yeNW=(y=1}X((`ZB?Jx~dYoHa>u^>oR`c9J@c+*ctmQiRsZtC>X(iM8-= zhXVIDD`U-i+88xRaGcNA$CdkJ5rX_c)?1CAL?yJoHv~^Se}lE&s&vC3Pi~;5!98c& zLqoCwc;(#^-JfRy^9rPCx8D~0(C`xXToV{kvtHr+&LC8Otaf{7egVh`gW4Nf4{+t+ zBQWlkA}UNgO|OV`d1!tURHYw>k?v|BDLVyR`C=xQw4HqQZNzE1^0=Tk11u7}G3jeO zE7)-!g)1Z82`gb!-|6uCYXc!$=M}VuG@#Y?SMYqCDQuKKMh+-`0k@yy1rA~sn9SIN z_XT!9V{9NgI;imrhO=4fNL}t^p$Kt@@-cRiBshd01O1^5wlek^tf=labLsvH$vLug z<+?1QdhRV8+AD>BVw-T9p$m=3z6Zxw*YmZZ&G!#H zH`L=pWo@X^S_OQ5`39v{XHcqT5=yNJq?^n_#mkBxlNm{dJlgPq*hjq;iYHB`7wV&M z`oJ*k)q8-P4IrfDI=hrNifv!p0EcuBQNyCCxa+M5`&=by$A2>M3=Nkr0o@1HOit1d_X#=fq;pGP*Zlz)RN5of?{VY_gGcdQf@U{%iW)u&IZk&8 zp2Cu>b46wOx4^M_6*t-$0239%i0SOL@WU!XbXN5Y__Q{OH1GKo{eE$Uop(D0HtwO| zc|H)ga!ZW2Gp6F@k;Ht(Z;*P?46}BfME4(RX!@Tsev`^$TKQ72tm6*qN$cV3Uy4FE zWE8MqeKzN5JU+;77l(eSL?`7Ylz2Ca*ABge;tVrlwQjmNr*|7U{85f~th#|+&xhOQ z*gj+?#piM28x^LK%+Pb{a<=WPE)N<#o0tD<0h@PuP`%%TjtqY;@QCa2wnQ2XUnC`* zvD#qd@beJ<+Z|n|e`f!v8h3u+OwW(XMwyR~FzSSu$kd#{-f>ODY<&{V<&WS&V=lfp zF2{0ZUZM4ZedKIlDlUGYOmpYOqT$L=NcD~;G2Ta@FYXDxF-Sp|EAueIM4!w(sz_h< zLXq|2)9`Mhu=}!mg|j0bv*=s<;nPM}+CAzYUZ~F^Qt_EkGryV?4)2D2v!uimTe6|w zq7BwJM?iAZSdom=1NQPt3Kqf+{4hgcl}%4UrMb62^IHy1kX?_4pRFNIJ`=L+?~|kN zDoDbvY>=J#T|7Ohbku}? znePcEQy#P4?UCY_{g1IVRml2Cj$rFe6=H5ANMOz&e)c)94U? z)D$P;(l3@&rXdeLU--mar#Opd(|ZbMfyPP3YEm#N55RvF1+#E)+SV z#|?ihTU!d9J{4@luP@?8t0o-VJrokw-38GyEm9VELcE|d1(4*59uxa8mzA|wCLJAICGy~W@!LODVQKXr<8}{0E!M&n~sE`p%0)hmOP)~(0 z1B$~9HFL?qh%6F0Xd_%}(&nBHO|aL%j1HYHc<@S0VB*ji_$*O?=7wQBtxyM)LLWm( zVh`l~SqZ-+>hN;n6yme*2`&-%{qME!!>teJaqyGz)H^312CJ;0+q#AQ`Mw?;w|F5K zw9dpw!38*}a1PVmGKLlJ+6|+^>)7XxvPqlW1mDcc<@|VPCMNe@fx@ZwSQ*S9`9K4C4*a(okAjB$6^3q~EzuAq`|?z9dp4L_#8?k|GLC6%8$Wlv4f9eJY9+83`#w z$u0^}6$OqLCkxreR%rQ?L{ti7X@;CEXtjH?-HScocHm8vjJ$(KR1>g! z^cv=MVii5!v6hVOdjp?_M2WgCyJME7AvgUtnW~2*fbXSDysZ6H9R2qX8J4}2hyLvV z1>Ywm{AF$Fj@$pp=Kw$UMca!d>~`meBlokUlg-59;d6AV$;JVdiR7Y2J-#MgI5^Y; z*Kc`=UpxBAy5u=LX2(*X^AEAZcVp;_J^FO;w-Xq5Yz!!$_(V316LJ`r^zf?RM*i*B zEvD3Ph=eSe0CiQ8wBz0<>`fcV(hD~6q*=+JSbZLLpQfUkdS@tl`W$rJH<43MA|NHY z9xWmyXv?%}jM^3sVO@T(>hm*}`LAB!uo&?_&5HDdYZ7i$(1$zAp1|8|X_z>y4+lSp zrWK2$@%>0IT&gE0WHRlk>v;*7RVD+8UB-0T%}`X8_(OJ0(4!hQx#;Fo=+ow2zukFCsByYv$7uRh`su}FE-cDy3 z>!H0~0ys=e28}_Rsf^xGda*^B2OS=SJKx&Shd0HdBX299yIUD6%+zUD+Hm~*-vQVf zJs-ap@+D^^dE=+y+-JdIw9#`yr-@>6 zewrjc4S!7(yx+11o0mdxwIOjxn!`6fiX+W7>EaGi6AO)&U~??5!wR`|;QGe^Yoc12 z+*W}Hu}?TVje1Zq-5oZ#6tbBCAJHX7ns=Av;PR4qED6=*QWtk(x%6~wShkZMa=pWB zGh)zbh$+svc1_^GjR7yMe6$wwMpuqJh30J$*tT1fho|omr~H;;5eBXzM@0P*2dD8g)Q9QnpF@YOak#K&AvM43t1g~>?g{wOHvGT=PcCC91Gz__l zbrbi4jo|P^lO;EG8Avas$ikELpK(RNW)z^OeAU#Og16zQ?S4x;*f%?y zOj8oWE5qaHf2I;&uTO*>neSP4o2oEJ_~PN#>sab8!~KI)K&IG%{%bPgQOB+eT3KP~ zO2PLdo&>_q=pp*Q{zmS^h2xE!e%SQLl*Xrz0}^LOE0q(`uT2@2&F^J;OrPSTHt>G4 z9Qa8!syr%`{`~Th$>^>Z+y8fg*vw3axS2;;ng4G>&Rqll>{GTgp^=1D)C)|`SQ_y? z6!R3@VM0_Tj<@i`Z^HjS?#zGS>vmCe>eMm(5SR?=o#Uv2?|2g2w;X$9v&ErInry!i z4SNmJ+2(as=rZCCOsE)3JzeXV&X8V+$en~5Ch<&CX*j>R(x3hEJ4-@@T_}3A+2dnr#jFI8>cB=QuUZ5Z!oBoVSUlVldH}EecL(H}Vp+oT z8SpzfP3Z2{V^47dB(fWjThxSYYh9@5+6J4Ff$CIRVir7=nnNEwXE>|76Ev^fX2(N= zVNTm;)JjxDs?&=DCa(qO%bdjerMvjeB{q0}bCcj17)sx-9Rmj(7T~^1V`#bSc95`{ggLeG zSR1#UJ*`Q^#(%b8n>?O-_1^@=yD3a*ZZIo%RG}tijiMIe?lRTn3!DDHg>K=TI1~cC zIn|aw)ZT@`rQtAZUjmWIx4=m;)-dU?Dtv!hh=D@CCLdD`vsIsxvl`8C`&$HQ9@Zj0 zea;N&LMa@7Y$RmP$b{`4a&$oIGh(v*H@l~j#)?CwXnd$L-SB4&UUN#rRC#0U^QnQ% z!3A(+^;ld{JqY(bmxak=Ci8|j1$gr4F!=r?1jFNOXsLu06c3Z-x!*Rzo-6Gb@ZlsL zHB=XPYV{DFdKBJVnGI?2e;~}~4piAClcu@H*vM@TqEdqm@bqa3E>kt23iBf&;oMAm zd2|QnO4l>Xwgs3mY6mE*T@$#GZ^$31&GejcCf@>y1^Qy6+(i z`IUra%|~GOm*=82zAk)EL?>)1FyXHrZi8Vn6Ufu%yD0Kdq90@>xWAPf8vYLD&(6Nb zgK`{A@o5oLM=W&z>rW z%+i>rgcp2j%}L-~^?UwW^69uAJ}1kdH2a4>2aUWHju_^Kbu>t*m& z{cx_FuL(zN1>LYQ9ar#9JT-TQ$k;jrBJx{Gk_)2X;0iY${%V}iA#eazJUE5kb9bV{ z)NFj=d)xNs^($~=K`7yhcSynwYn(Yn6&^Ilz~I;B{6c~zzhf?RVr=8S5{HlOnl#OO%cfz#)nz8HPQQTXjO%M6L!|4l$lkvmc`GIkRAYgPQ97|P;J+vWnFM=FWdO>TrwLUz#q$Vj|$jkCUoyJ4Aj3TTh&LUL7t$A;Yp zO;ts{PHH?@v}@DNj;B${E{!z}7WfCh!bpd3r(L2y6K>TVgDAVp&>obFjm(?}PBjMK zk2|RTNj<*JI0hfga z`{K*^UbB}(8eIm-HZk_P8}bzG9ekc>J)=Dt^iaxxSPRw(h-*&R&zNE2j- zL_q&PBm)G_#bk?7IJest9_*IF$l*y4*0-3t8YHsss*P;q!|xbYY{=JdU4Way04gmG zV2Pmf1?~#q)y|{n-uSEJM7Yp(ZS;#x6S#ion`V_f8kAjnX=WC_(>ad9c#W2#S$KKk zIC`14LCml5yi)QnWFMW3exBCMZ-E5ew(={^?QnvgotH+7{y@i!RjO zE_Adt+k>UH5xmzrDWVoL*|muxq8oG#uBL6Y!8ROF>__9H6`?mg zNPPN<4!k*>iT}(B;3s{LkB2>mh8G7=H8};t)y#2Aq#LiT67taMU1+HI0`BK!vmfcV zA$cQ%qKHdu)PiyN*lz(bjBUl^dw!MLuTQ}p$(`{1tOo5Vu;S|@BH&}(A}V)bBfWFx zGJFa|u+8s-Kh;9zinJFb+3r8uOWRx>4`! zB^IXDfbPRI@C$CCUK38k{El#_xsym|%sS5F>*mofjX@wUAp;qEMVNE{5tg6)K|B^d zht7ZPqM3W*dGaoQSZ?_o4+~yYk*Yb$_^OdIx5K#o%LUk>vJ52E?eIj*ZOF?X3-^Rx z@e7$NMI%1Mqu~Hq@!Qw&z|5U?#6tr-WZ%#Y773y z%)qgK1bmAhgT`xnMO|aI;QDG>@@hQ{`6pG`*z1FMW8EXh{dWs` z76TcdN5o-+EDkhjMDw|oAf5CUtN-}(b<0MH%?^6+0*!B`zwepdx6s#;3i7W=&oKQs_2vhSs`%2y${3B>T@L7(iJRnG->oKAq&{#%|hpnf%D@W*wYOH zA8gb!VXq-ach{G*y{0}?Xbj}O!gr!mx_~dblmc$4E!byzkBw{D0!B`@e1YLe-aP6p zNq7)Ldbg|439DCwABMvM!PCF%eKP!6b`cxCtt8$B9hg#EiULQ0%88Wd5Idm{tsw%O zR-A{;AMdj1x-ygumZq;ZJzz7IXW{rd89L$BE)w7qMk-`(Fe|Ssc;vYa6VHDDO~o^a zqUH&RjLi`kxtB4xYb2le#+dHT+r#slvmr_CFO0u$%p~ee=)x!!a&F;C(Ih=NK6KhS zh;^LAelH+&mktp$NWn|-eFGV~ON(0Xok;3mN6>X|&%x;5E2&iR8w}buj=mk21D;(H zbXxlql2>2=LlwuPx2`f&TQrEOw%vm{d0}X|KTvo_YhiW%1F^sULb}6tIo&wjg&wXP zgKOn8&|8>;Q~cr}TFsIlF;%1bpJL%pp)qgkD?t6)Xj_em@uDwfp`uPV6(OrSm(G46 zWGq77vEzf2cUajKN36Fd+!#auWI;@PgYbv4g=@8WO*5UfkzB6<204k&Q zhP>K7k(MuBjpv{e_vs7}YwR`Rk2X0#tI%mx@@E9SG`k!pZ5ju45hJMPmkG2ol%09XDVA?c&UogJ}4CE?3^1_-QIxkorqV3T|qkpgp5|B=Wq zo>+HkDlD-5ijR#}u(PF0_|Bh-wC%!M>?w^R#>QFr?ciCcO7oy|&wRqnJ*wQ%z=v-i zqlqV-;%P(pCs4QUfe}_~VAys~Se1E3$UcmPsJ?Vq$$+PsB<> z&gowN^U{AmuCUE!i5OEOL7!R8g>O$R>9Ejhu=7@<7xz3rM5QJbjUS4*Coc(N#BhI(sweB?3Ilc)^ z&C@}nD3?vWRSrjwEyJI51M23D;BPE6p|^G*Ese6GqUvL)xF8e%E*V2RLS$*%!p$i0 zsULLHQUqVcL#9E8@rj#vgG)$8oW8Cw^5v0~hPFMdK9naIxPZ zQsf(sGp3wl4Ugksh1EHZPUx|Y-GTeIR*_G-2K2qlPhnQ1?1zUsIyR{D z={OE)>~g+s_!kUwRiOu@I2NT21KlEJ==zll4gnirZNI?V|FMTvbZ_F7jdoBqI1vJV z*TLVk2rT(6g;(9HVStq~-3}i?b8-Y%QF(=SAIDLbi(>NUmxp-brTd^4I1cZxmIClH z7uN(n6l-RdiTj2nFvVRfK|AOawh6kc+;LT|k!1jDistj|J|7k!m&FpF&xQdfr1(m8 zecp87Ap|*C^4^VqL`%Ik^1g!+HcR?eVNuRV%tzGBg5rYx#*S@U$s+%UUCnBl2bOkc8C@Y zevwJ@<0#Bry+U;DqocsS*)H7Gf~isRO;nEfh^Jx|=|+naR7l=J;GP8hA=S&2u6M(t zh4Hw3&s<*Axq{ENk_X38F}z#QJN2_nsMgedjVCswgXf-OEM=3Tz z?^s_<6jnA!u+M&O1FOi*BZ9!J}R3~Y@*J1qzERg-H$wSFC+ zJ|Y12u04kt1#K*)RS^nYRCuOEJ?W?>u+VoP@jjDko0?e1CRcAHvKc;9WAkaYrZyLj zZ*3Rt2(4p(9lm4hvP;01#fwxF&cdgDPw25a1kue$h|Jvq)Z1tRH&}Csf1R&GKU$2( zu-3!2Z*Ar2&%&9oC-ou}ZLGqkNK3qDS4ngmD`0f%M>MNzhLJYc$;JCZCgOu|<~gs# z?C`~~aZd-P$_1gyush<$=uv|IuaW(nr_J*PA8Xw^J8o}w1gMILJ1^@XD?d!5R+lu{ z>YY8P|4)JYeqG7~3nJl4#w7Rge?+Za%3$Vo3*V;=fTwrFEK|^<9g5tAne7aB za@i_=ZZ?p<8+2Bz9Pog(ZH@7v@xtaoBXNnwLy$?G%g(>Eqf1|%!@gO^ zG5JrhD9O+P5AJIwABwD?SmON3H!^ zNP~f%*r;VW3G=*AI#2xs7ry*p;z@bUqIIG}9&sQmwHgA(S>VLm+Pr^_5w3hUp34Qf zu^G;~=#%S(TOZy;m6~d{>-|Oi_jw4$?I?uYG);Vyn?cTne1dL|2clmWCR2;`hScEd z6HuTh*^kLL;LKEM44L=<4&E){PAi^(hif}VMJYpYUIX!weU4X>XYjjT(E>kK9^6(P z$GKh$@LF*mG`73OrxnmE|s*-GBL@*)X$MSOULDlQo93)jaRg1wY1HC1te zgGI-Q-Ig#OBd&I*MQY5rmPFMpATY+5mCU$XyfT@XIdoOokyCgLD2L{7Phd7y}cWa z?Gr@Qe3A?Q^5z&duNUq$U2@#Gq?j1(-@&&0t|8|}oq^fOTlr{B3;KCx5=1P|!%w4%`x73iG*!gfYW zDq@5j3N_X6_JI~R+!9agHou0ExvOZy-Jz#(c7P>u@~NRsgXpETOqh zhkmm@2s_ej_}{ggL9@V`DvSwcqmL{iM6pl&zHP1pucRMq9QjYAa8+?rn z;0yIy!E>Pr*^^WRyX7UQxu_M!&+li&TE^s~=RU|7I)Fz1{!ZTAI1U~&M)N}&&r4P& zO``cPg&s14fnb=Ef<>!RptYn1W?q#(boBPpH^nPv?B}<6HbK`9Ez*u}_j3 z{hVpWKbQU$*`_{#`SbsY;?A@a(WU_I`NEL*$Unicv;ArAoFw`t)B;PL1Mr}b13nz0 zz-RPc0eiXG_@-_d_-hxFLxug~HDBd1&vXUc{1JvHDqMJ}n}Q&SIFoU?!2fe9f&+J2 zaOLteoF})yE+JcKM}1&l?U))!|b8>?O{BB=pA%zwx|7H`{8-(0+Sxkm?UW9Bjf3dJqjTs%9pOC@55_T5fSO7QJerJHJnowV8SiXq=XT06A72nV ze;q`RDNUxEGq{jJ`~nXC^Jzg*6zjd536&ZX`KzZN(dgw@@-=m!THyJZrc9~;QG zC-jM*eKlo$edW|FM&M{Y6Y^kvgw&_$rCH=jm^>ioK8l`#!s1jy@bt; z%My(WSHWA-g*YqWAP!9ewx}Wnf9IUX-^VHUK(K%kU%4_aHQL6@;TN33wrJ2~M1a0=fjX4=I(3TjyYy#ePug|3tnYHpa6` z^3>sHH>{7JOnqEh#8gI?Hs-vAKi6jC(#jjG!bISYRY#!x{6X}ZWCXZaGnQKW0h7kA zEWOb^8&s#5bGfb(6e&n?sbf>8%-g;XKkpgM3#PqiV^&?DY09@DcaRz0n(l_vJyUUd zvLZJBZH5=gu|i%?0;&&`;jI<1)LSi!T~?Ti<)%W9^9*6<)PED3Uu^`L%P(>I{e}GC zgeq}gLol=^JHmg?FEA*<46Oew0@p`>NcbY4K2n;524>SSQ%$)+gTP2E-3MpKEa#h# z4u>Ak{n+a}=*Wv0yQi>HasPKlt;E=1$~nI3o}OJHfc z_psnam#|B3G+rK-k5}Y5Y!Mi#dG@-z@reaLd_o6y{#Ju)ZKrWkw*=Qc5QxXiIMF(< z4{F-SL=);?5IfViC{wE;aJznzU?jF zGB_KjLo+@kqKvF7Zt^+=y-NeZ(|9(WwATWob%XJmksPZQydTcXK8W64e+U(S9-UDNgoN)sN#qmw3-H~}B^`XSK`pF%_3RYkh8-Xtw| z7Q9opMJ?kmw*Dr!!PV(8Q&Jzn;^Vy0@IO`dvhWF6xv&DS$XIea!Bc}T=CN*{VL0si zTDTfoNV={l)AQSYkX2Y9@CFC; ztMZ#!X^FX9R6xZJTjZldMy^4Qz7J!YKNdpeHIev+do%7Yj>mN}K;@>&(pLop zv>ipLZ&w74b8fIQC0#VwUQMV@jYw|4756l|j{WQ2koIrSENfZnhKo>natdY#M3dq_$)vt&FufNgFxdyIz>q}?@bL1>xF}VXze#oz-7^;W z!t;b)^+HM7A13s68Lc4}w}y+(AHD;7R~C|jtLl7L$Xx1hp$5(@sGxPK=P)qSm6^Ot zp$_l=LBjsm(9vvyWqKnpx?(Ul3mQXrPj-VB0e-knZx~ITB~5e$E{pE|YxwhI1$HjK z!|q%7k@04g_`bXp^Db`%cRwA<-rG~3Nu5HDZacC3Y>8U(vP^Y0LH4c+hOke; ztZwu*ycRF;EPK0fj^RfwXhJrVq_hgj*$9P(tAu*cH-jFl^9 zVSD!&E|C>V*Gw1kh^ms*KA-}Yrk^Bp=f*%&nhMQ~-$8EmDAI#Zeqr>fj^Jjc*4^!-5mXSxmPwOv#mo)xVdbnOQroyDtMd#|zL}(;Mq6^x2yrZP2OgM(vlm zILTfaq@#xNMT_(yC z>|7<9Y7*4{uEYcX3=+IgYj}3>H^^}`;Iem3v1j2syypFx#J$PIuN!W`wwP?V&gAHX zRobYD2Jmm;G5qu3J-OdBoGw-l=kMB7QR|WdpL4O7;)vnX;6`}@UspPvk2Q0}_F3QH>#GOw`=SJ1s6e;xV_c_oyU$T7JahSa11y)s-;47sfsJg!fS}h2FxFDPaH!0DnsvDqv?PHXv z=?AfnJKjqi#Rsa-MduEA+VkipX$bltXn@0E??{G+uMD77wpC)wnsuo2Lz#Xx{*J{x zGCZT9kyIRWz__v;(Vuu*e#BRfKg1(gr!$(0&%TGK#v*vxp-mrj*}*}ZWX5JG^VNUM z_(rEGJYtI^PXC!sEaFqqXT%AxvJvuq;~e=$wOf!7+m8F19+Ls8FL3^2fe*Cn6?m*N zM}47dVW847mYd@VJKD}*aQP=xI%z2AX6Ms)w4+Rp&Ud+m>f7JopX4~G40r>sZaJi)E{1r$kHT;Eg|JRJn?T4}2pi!8UVhf}ZJ8@g8TL|a_*9bFr-abv6IKFHqy;)RR+E`UJ3#WdI(;mW zhBn_1;@Xe}RHrixKWwHnKkW?h@b1NE4}oVfI2!eK`O=v5!PtJ>md2F32>lcz zXy-0BCNn%3rh2*KPN7F|o}?vIIZJ{cJq9DbOW_9PB=Lo+d+_7f(EZMV?eW*- zpKf{MiS$A6cCZ4~$~#RYUf1GU&r2wsp9wSmE#R*%`g5szX`1Nu7K`61pk1*ff9|*k zjQ5v9dDKBJ?Ysn1Wv{bggH*;N>ib+HN5#Mc+sN7PBMfWP1>Hb-`$N6u` zm9ds^A$u^*+BcN1n7#;43{3>L7zx;R;XQLrkAuQgN$&CI2-)v{N$8>yG|7W6NmGO? zEPN7296hgqMCBvcyt-2C{A(f%-{H+#HK$?7r35IdLhSz6k2RitaJ@zy&B6!KajDlp zt!yX08hHWJ_dh~R5j=md?I3Q|9X5-!FvH>-(7e?h8}r7}!!(TK8Zz5l<9PD>MS^(D zC3${C@Qm2lD^mMCMzpfK1!NDsAj{w9!Bu7pS8v3iyF~`f+t!HF`~_b*45G>g(?~uZ z2KS+ZVM@~~$c}Kqpd5ShXQn1|xH|>*EmsDuC3nfOnvt+h>I|Hl9g2fKPA3U5G5BbA z4A!TVFh2GfGrTQJlov(7?6J?_tG0egU-fN#dH#^-(A5dBrrQ8a5@Lm1z*W$EeUiQX zCqV;~bzz&`c=n>b9}Zpl4>pWAg?XEAh~nB6_!sACaHW0>x89=&kC(1yt29UR^5N0~ zPkA*MPku-&l|pcF`EQ|f^ClS;)dNmVG7xt^j`>->g;qadHhLjLmnp~KM7a}muJ3$e zt8E2)Ep1Ax^yibG5?@(=?io0A^dy>YcmS%yzp!<-$?(ukk}h{TM4ALIPpiENeLws? zT-8(L9zh~hPM8Q!b3^&*TO;@usSx4!nX~%HJn-n*Om6#!aE10}SYsRycU%W?^Qrm} zZ0ZcZTx6)q;xni+OEB)|7{wCqXUvgmWBFw#0s@cFQN8B`P70a0&&OF_uc~?mS zIO;{hfrmlR+kTlOI_YqA`4G4mF%IXi51?#*6rTPup2Y8TWM042N+SwJ;#aXEPOWgl z#g_T-IP@2B54;UD=P<|#XS&_bY+|}XijIvv1;>vzk^?u930{p=V=y@E0lu<$jQbyFF{5je;+JY~*h}qB znD^irew5z_2D2~Xl+o=_qg#jiUvrtB!7;$xIq+-j8xrbv85WPtU?<%ZaHP^Wkh+nN zC-07=cXQXVA(D=QL-aRx=?Al!>PKN@|0(>kl;XfGAKB`xGFV;jN>zeiqe^%R={`I&TU;N$op?9br?5 zxOd<~oUyKj^yfYlHUAK}pUVePXTvox#?q5&{q{rs%t4~O_FeGNIFJn8GYVwdGKt}i zo%r?95dO9B7aMgw4px6E6lb?ZkWHpr$=7SH^hC}$`d{f=)E>TtuwCP95AF6v(mfT7 zJPxz$m_U?2xfbppJPCtGoWN~uD|qSG(Zu#Yf9Ot;hZ)-PfWR^2_V*UUz)HcOYSCuSQFd!as zvb{0fb|7bdRY>Gl!cq$r__kCRmd=!=|BfcY%{66^Bqc=?(!#*{uo2xiv;aIRWqEDO ze_T~MgUnw19}awakc|wHE)RgZB4vs@iE)<$+p46P*1U4BEkR;M;JK1a+HnhacaWzkDI|?Age^ZW_-OYD3}RBt<^O z$P3&L#=^4WukpruQ~qlQ6-^5{FRrtbL3POwWSYerR{pdMug@yQD_{14m!UDAdbI<; z?5RN$)zxfk{v9FLFpwr)ip0P3R?yOzT#S7-9b87ng5e)2TD>b09jn9X*o5){O}z&{yjl$sjN- zPC^N#Z0sFcE6NUyW`5${-I$H+a5Tz|VWYQw zWZ$M;W$V6WJASK%9>+lI?#Ho`V`4bRqXA!FqeZF?5u4v8JGpKCb zBEI4h0MmRF@WUc2ZmP73tg+EY^3jyn`rjc|LU+gT!q+0NtOj&`8AJkiIKa;Cz3j5u zW#Xz^1u=hVKw;Ysg2 zJibYvJCz0t{(ui?w!cCoop1ug(JA=mx+=fcsR>UfB{JWLA*d`L%r=}DM%$)X)5~+) zSxv`4Ja9dTjV|6V$}iY%^SrJF=7&@=Tg?D4h`9*m9UHOe;Bdk(HQ>u27u%(gkJwE2 zNPHIP32SKyPLvVOdF^{}Iqf++)13kRn+DUR1BBeLtDuo+Eo3hp>zVw>*D#~a5ZphG zrOgkHplOT;a#X9t0eR(cFCs(xWF{!W36v8p`%=ozAWZao{AQ;1s*owZT-xQfvS+W{qV zIBWOjgHIO1kHjMOPr(B(sooF=`d)wwUo|oO%DvJlwccnQ6@#}rH?fUMaYV;59(*oj z!At4?z&|+}cK(+@2JhbonU8LWk7|ZvLBBElQX7Xs-8LYTdj`!-=JULxr`Ukni=bgS zlF!egsCi40yB5~5gCh^};6iua7wikW#)M(`pG5K{YX~2l;{}F~#}lbX(!9C*3tARE zVyBMgz+bggP)qNHRRhQKfD#kv&6a^-Zgx<%!Vn_&{vcD+oJD`UOn9%yU0Ad_7R$cH zkkS zY}J}Y?E8=sHgC~rzQr1ePtZ98VP^ARrvq!%4aAa)Bj}N(0&jiUUG-|+#x_X=xki|?KOtKY{gmiTFLo(Q8FrQ_8 z7RM&#Vcv`$=)J#%fO#_;EEx|btFNP}&2H?O%Hh#Ff@v4uLB}u;YIbP?wKuBn#n-J*qQGp?dZ+AN|P-a+oE7viEXtEunh8q&FP6B^#8OeS%VsMSQ+6MmJa zZXXZe+8w>{(Q+uCa!lwL+VEKH(&K|eea}I0k0u#C&j7n)#Nw+OdDt|o3cWvsWBqA6 zDDXOqA(KY(Sm8a^EIfs;@@Mdow`%eE|lw?=kNrzfMwAPZf!MW*JA^C zxkEj>Y`Pd$-t9vrTAseW@g=}4+@bjuw^BJuf_*a`qUaU4SEMVHQq8Gewh7G zibGLd4u0~mqR;cJP-E>%_R6CI^0y8VHCTq@zp+c;d#JGUU!qN~n6-iFOMmzhx*y{I z`eXFXTbMajhU>py4%ri3Vb9qWXtZlIc-ffX9Z>>nH|@pN9({4mbR2;~k%c1Zhb}GC#H)sC0ZQ<#qW2ijMfZAy!A`REZgR3o| zM*cPnnDrempU8$RwV|L|rUFkY!?4o4fR#TPPHP<(B6%21hW#V7O&p2` zTMZ~H3&NJC4}^PVmhFWrBY3CTWpEw-08VLEgRabY@%bHyo-_L3?CN>Y`QQfblo>`& zHH$$##vbErLg>3>d49TKIF((gF8KHhZSyUhggeF!@JcNN<zJr zGIO}IDhHhg|H3sUE4XI44WH|_6%Cxffwa?TZW!nbo)wu;RW%k*n@z(;oqXu`RD*vJ zk!W}96ts~NC_Y_)uJy(2r_Dgv(?6Xry>CkOJ}tn#ZiAq0tsP&w;VkpEL2!J&5W^mq z!`fd1=(l&iw9-Bue;liVT|I~4xYk^<%7Uwl2M=S1EF|Duul- zRncIg4tAxw!Pz4{tb0nWSk2cBqIXW9o=qL>*^O9e7;C^k>^>;2TqpR@3);j57tQJV zXCvwCal`221@}Y~z4zl^8##Vs*an(h`$=?Le;S#7=?WBVC>P%QI{ct!#Pdh@VPo!T zyek9zufSZI^Jy)rwr0Vyo^-TNJ`P6f=A&Dc7JanBoCiE|qpPd!!C;psG|@p}3!IJ5w_}_a6NFA=qC)S^V6*bWq^Gb_*$&IJ`UvI=oReG%G zzc5j>zbaqv{krsVobdcCA5UYVWVyAE46RbUiWM4mpZ&?>OQFZdlD@KfBV`c_V9T1U^pgpS;c%Uz#0dA!W70sr`>uSX6}qn znh7LLi(uFEr{j5x1JFD3AV^+S7DXlq-aIl?Q~r z`(dTz#*J0zCv^*QJ-K+D=sq5PCC}t1B;uFDc2KN7A2U8nk%vnLfYResQ28{5HYaKE zm0#RJYQsgFiCbwP(4 zx5Ps5%{X{^(iG;l-$ez9m&~~+5!_$;TjF)J_$!cP{#+J@nl?pFUOvJIRHtc6#ns|cCRNlHuiJy|nA(@31bcWk+fg^NG zG;n1eo=G`H)>;pz>zC}t6FU{K`}t6&HDVqtyD^Gc6{}FK5GlGSP((%bf{*sx6#QG~ zivN8t6JLHHFqh9#u*eIAsJa-qyWa_hU$Mj!OW!dUdJpytjfDa0GDvXiVEjEU%jVD? z6TUjbpH1|vg=N+bn9wcEn~j&DrgSgrOkpj+8K)uqPS|6na`i2&+x#C>R2Diw1IN-QLOy4CZlQSi)^U7$a5*e^ zL(74`Ti3wti`N z{ydAtkNwPa))Yg(st{RLhRkNdvPbv~c>yHq8EO!_b$FBNBjMZXs2%{(cZP;gS<-0KRR!@KZM z*uxALN03L`F0hL^xv<+pl5hHK#Km1%_*9gD_;4tiPk)2P(_^9Mr98$j9?Y-HJr@<3 zM>1XC(OhzxiQwc-LV1=!6K6|Mai~AeHZf!~y0()1+fQN3uOxU>*hF$(-NUx1{JP1) z?>lhCLVkOz4xcRaKy*5;undD*wnpf4Zd8+`>%7Lp-8}>Ndari4pE5ygPUJDdQDEh! zWx!>BJ^J&^KVcR<3H!oo;MK(=P-Xv$=}KIOaOaYlcccvqM)$CXzoRh1e>#-Ls^Rqgh{+#y z`J%%J#m9_@<*-Fu>Aep2EI$oH_b-Fnat~ST>9e@WWt$>wFdsw;u0-iNOAHE*mGoU%#?Lzc0i1*5j7^++a!QEF6n7m98`Yx0W<(VJCbRSPlA~tyrw^ z3!k-Z!zt5sp?uyB)?#%5JcKA=udXmF8f_zPTG>!fbzw(W4jC>uLausGW}{l2*nxE` zVE&K=A{WOLxFK{lhdmg~oyoOQ6P7s!uLtbBr zVll=saKh-k_`hMlAm*nZ%#TfnBO~^RLN1+HOZUIU-Fp6TTNg`^unNU zcST*3=R9tpTFuhljHg|{EZ9f~576KHlVr~71~cEan7?;2A8x$>&UBn7KkkDlV$dac zVpxNvHwWRncumpi(r)q3;~RM4Yc=6HnkgC`A(N8cmVt-cf)>HGd@6I?!eGxB1`XJ)P6jN78FjzJ5xohTuGMh z3zLGCpI^eJLMa|RSC#fitC7apT9EeGPpq6SxCHyN;q>Mx7~@b11ED7-#&pwvpqUlpGNEE;r#e(E#b`Bho_Pb!>N7g5c)}iAAS%=?z}l|^Pj{)qI*ys z-a-!K4cLY^G{#ZaY#m5Gd=@9(U42u=c1K0OfiWVpw zBZ=!bVJzoU9_LD3mfE-r&hvqiki2;HUgOm2M>A%dSWdcLqX9=!n$zu5&n0<-6?nlyO3oq?_$r=if#heZlM`*55y z?QOckhL=_lnZq|gn6xn9?-{&2Or7UlpNm%8b!kk&Fq|-Z95bxYrhlV`k;YzIwh+Cr z=-g0#zU~CXr08R;x;=MJ9u7+J-E46DPa=Oa39Kzfb05!(@K$FSpR+m)jCWpTJ3^vy zYr6u8+3wFheB~f+V-wEW{6JjnI1b$={)P5^Ly7f@Mwk?~7z4KI!qy~9{&o9fn00b4 zoUMKd$-NVx@rN;gwCxpa{NM-^hu4ymeH^ZAyU%3S<-(6+^|0W6E7=;|g6Ae$;G5+2 zFxze!tRKx`X_`E-_;~;qT^Wf*X;J9;$sLq8oMPjS=7WFSFBo{-dL6Dv1Edh)3h zpLo3&j?`tb3bRsJbZtKBxev$BLps33Ed*NJ{<5(9zWmpq2pF4;i&1}-wNPct9)tT;;CUv7oO5uLERned|13=WNYiv8IiuoUD$;{FkIb?712_ick+ zeIsaEPBKeTktEN(m3a5L@v#5c~~Hz4k5` zd=<05FFue--W>W*NHE8m`8aPyGM=GQ^y$UHD1NXGgM1S4vR51)FEZxO@I3k-e?!(z zROD8U5im(=1b#9NgI&M3VWpB2-x-sSfu}q1o=y_FxYaT(t@q%c=fj&9YCv?d6V|=B zkID{O((V&-*wPP&p3YIcwMJhfWH#Y1tUiO}Tz&GnNQEx)RDcfSW#q@|7G~RZPkcCO2ue6Q z!GceN`1%`CT;FR8yJx)o(c>*nKD0q)4j&!20WNP- zpd-$BpxMk{u;`F7-~H(uLXbJ;agWo=Kynh$f^s=pG%tZ=-SFQx{gP&s8 zTm>F;D-~V_t6*n-1IzuBj=Fu4w5=?QolP!%4=-<%he2P|Y0f?o807}gzLpgjoIymnfx?0A+BwW>b|?4ZHQ=m& zxWH|h#5e8`=D#!-8dr4+3_V5)&pSg}v|EX4W#ogE(C=#+UW5vZe}MPKA>#4x+CUo5 zqI76GDgE4rMa!#EDd0V@t#;fhRu4A3yCD8|@C&GaSdHt#Y)H?dXjo_S5GRFQ22+7Y zIBrWKd@ohRJL{w1zY-}LoE9YdtgXu9H8jB4Q@9I}e~LW^s_}wRJ`}vwrz^=dOfuLH zVVU3S=I&7uLfFnQI*`NB>I&HLSBsz2yvHtvZQ;8_RcLAuOXhSx0R5pqSoD&c(D`f) zoNh7#tg6S_MF-g3^dj~&C6+F88qNo&O2UO--6&}ycmOTp;QLPze!IPmIjhEE!D|VY z>aHfd=gXL1gA%P!mcm^w=}c>H5=5;&hIjs|@c4+~C@KDryu1|&RX!K+;hIFK+cgl! z8NU_<1}w$R3tjP-ekhdOwTATUi)g32Uf{3Jp=)f6Q13xGOivK@^6#qInkFF^J!d1A z@-gAFT)I%}?^QN9rxffaSTjTUp;$8JBP&^Mj<;+>SylOAR2}<(T~tg*GDrCSChfv9 z!y=-8YYPOg^ySL8PYQdr(R7Yu2yXvu56z}aaDtHO`&K#v{(MQmJ7bEOor5Pla1SC^ zx>UvM;4_Ys9fa+Jzrz=UXY8%Tb-2(WxP^s#e0^cTmO0`m?r`&m5hDlk;Jw2C)jm(u zetkcy%ofEw>zE50=iQJ8T2s#b9gE z^sn*w=j{`ynlpnE*AwF2YnpIAr&0WK!BO}iGQrCs|3p!S73`18RZLTm#H`2G)b>>p zyWDpbtptYTG=&#*#L=k~vZ`(@{dK`Fvw zGdKR*%#yqGd}AV;T8Psh1p33{vGN?>g#N zvYUBa+Jq|lQ^DC)a55f0iuR8ssiDSOQl@+jUphOmn*L?1xk=1sn-3K)yVpwkeU{q1@`~dOsM_(7&iZKL+?q;n6>+Oek^Aj({6Kx$x5eLY4vs{|I(Nr zRQ&+UbgJNV-djeh8^QI5Jbe5;0WB8aVuxT37G1swa+L#UkjZd7<>LcBcVx)ObLt4f zZtqL2E@bTfi`l{FaQESxP;WIB-nsvP|Dx>Z3dfV|rgsV(ok)3gO(`DkpUZ;8$BEpq zGCY+f52|k@@S0|sc)$ujc(LxLSasiGTxBH%b$7qAoe9rD{(uV(-TM&i4diK9_fx@V zpoN{1QrxDwf&42pVB-QGz}P(@EO4Fzm&>ZG>#WPc_5m6=W6pRwK~EB`h9xnH^@W%z z>|Rg&vcv@=rlW37CCt9jCdATik$vrdVRmsZHvU$n!+I9O)H#vpRx**^zjX^Y470+D zH&$d(Y7NQyYk|-EH#6zA5`69=pxL!2@b|Dt^yW zdKQ*H`^w(8D2f*3kHWN-!mJQI3W}{pam~mAayp<17JeuY+1BJ^osbJ!(jm{Oo;yx7 zmnXsM|Ip#NmB2YLz=^-YiG6oI6S|1lA7@R8>TI;!83!MN25}4Z9q`dpnm_kR#kx63 zXg5R~_hcu4ld%jra(ozn?==-p9_YmWoI`w+jT-iHHEOU-=wx5@;n~;rVs?iK99+%e z#y~5&_SSYNl68f~!UL=@yPKSIHiEIQG$BUkk~pZqhW)6#0F_eGe1rP~_;qGJ(;BJ+ zi|)(=wapwc`VHb4dx<=aC| zdKjIX5dk;_glaJ6%z`GYG2Q!mxvznVfUPcs4I&Ea^ZBOISpcEaYy zdXSm*39VF>VNJ?ZHn{gNX52BxfU1Sy({K!e?Iq}FB`FY36?W>f5;XH?0sG;S&0a5$ z13S_u3U)T(n=V$s7_)jdxY8Hg!_&!x6%sVjwT8W+(O|J87AFmuNxyhjLSm~cD1G?M zQu3Txv|TT`D;5hb_a*#dhb?XhI*n0>fsRyD!@u8)Fl_xrHnr&&Y|R+S!#pcQcW)cx z`Az5WNv8_dIBIaC#Zt^_P&r%C(}vS-uNE5}6u1JP1jhACF^l(&7B3IW#}N@iZ`b1% z)0{PnMZJ2%JVO0o+|Cf(yQmo_X(-}()l`;Z*@+t0zl!MMXz*Hm7(Z$R;Aq`}e9`3L zc<1XX*c5V(nfe5f$$lcy!NLsm7_t$MS@wv}{TB}}!={jkP{C($Y$4YeP(%`HKEX`c zt0MNw0i)_eA?|{hsQP;0&J{aR%6=}adH))2G>s zx6$|Q)4}8BX%csCDNc1SgxLi;@OEN0L^~u2nWp==V4Rzc#c4~fU-KL8<;UaD;1qP+ zHAU=4&ttvTDah*6<8pthP~39>=e%@A&w)X>`%)_?iOXt@RnLHW*Jen%`3!s=MslYN zYxV;^L;My~T2z$A{Nq01zArkkb-ELcWKnpjEk+b|+nKCcr%Oe(uSmzU8?|kZ?~*mk z&k*bJN>pjAGb}dghib)ZHd;9YSc=f+-{Y_yb54ek9vfXGMFQt}@n0;<-3doR46(Rx z05yCti9XyJ4i&~Cu0FMpXtn3UOPfj(D02#~_K4^tIf23VGYtYxC=u5N8=|WgjS+`m zkeiaSJZH;Oc6(k8Ir?lkk)K(B@y7CWo$nAH2+mOaI~nG9>RDCRkK=(wEp_T=$tLYZE8^0&hEyD>dkAdm$xA2;t3{jxOInml> zfeD3Xq=fU(bWIH;H_Om7cV>z; z@E4pgn}bG)wP12BnWfqHko_6EVU$fA`Y!LZPHo75t2Y(-@jwGOvTGl@wrv5w9cgtw zGB3oc&z0G}MM_lnfhGKsNWyFE5c>bl1BLu6u%}=KX1-3u!=dR|vTHHhPcoU zjtDkbu9^8;PQ>)>%1rZ>mf$Z*6E9MJj49)c_!bRAA$xDb-zQGSLl@MzA4;%>;C*o)(o&0*7wn=rOA9wR?DlS_Wc7PsyO z@2mh^r8yNfZk7;ybPbYvN-*+u5*$0_$wvhVF79Un*U1KG{}ETxyLtdKPe>z&>f2E- z)0*12g@XLE8JIDoh_rg&!j{WJsPeQ>@tD7Vm=#N+H@9`djVpg`R)y?haB?ObSTu|d zf6+z$46TRS2qP}{<0!Zsdx~$;QsCg;NDSWpQ#8N5lwEAm7k1RzSok~`=MN~gG5i>c zN(wXJPSgW<92CXo>@r}xj=zJ;>x@7pD3m-+HN+a{B5dBGiS@yI(eqTaXv?I5tYD`) zneodR^OvUz&NxT<>T(5o<~6XPPd#AYD>+f9!0G7HxxxN54xx>!mg0YRN5RGU0*mrf z5ZB-W0R?M^-4ld;yjO$nv^nC$P#Y0hUHD zME36w{Kn(>tW{B%EtbMWfftxPVG#Tq`c?2P%%i*Q7Q@M!8A50Bwaw$I8qz;9f%N?@ zC#Rf)@lo<;*!86wt@Zz5m9ZR~@6ZT-uc|^K`gV;l)=+l%rB-GR6&*qZMn0!G}_F zP+Zkqm!AF^d(|G}KXEbMpEn9SE7Kv!RSo(yi?DRrFDBXD0wXs@(1 z|Ce`L;HpZ}nGVO9MX?|0$h!lg@6#!!_mNeHC(yJCZGK_rG}th04Ca5oL{|QchsSIe z7s(od(cvQewsjLjJzK1#sgH&x&k`5Kfe8sV|S8v3om1P@=SB5$3g zaN@BP(&f}8+Td{>w61QzsF3@(a9Jd=IM)n=rv`((-V?k#;TQ&-Sp=|k054iEf$f)f z!}!VNa4Oq{_r06}vO1k;-ZU7clQ^h*c9Rm1$7t^+_*thchoc6j^!0<0aQn9rXcis; zr^bmiVnIE2o)ylxTP(Qgv=O*!XB+hGxy;h~mcab&(fIC+2`duvsgnOR=)k{uD4w2x zyQJpwUe^h*Cr*bA(~pN|=bxd1T@CZP{u_io1Vkv8!gvW?(icz<`c0PTPB%i|pFx0` z88GMjLh#x)k1I|xh0cRJVD0lXbo(F)a=$hrm#5sMs#m;it2P|iEyIIbRB5o^Dpd3t zNZU5a<5~IDxOL2Y*3>9XgIcCjckA~MJ>82%YyZOybTTa{AH!{{7IU^v4YWH_U{iH0 zrY>;+DmUDEL)2=nFV2POqnn{-(rSEt_Pwwx??&&;i{fB`kCfu>C9n?K;q`EPJo^47 zlw3cCt~yKLU#&jGOwq^c|+-jm1SU7timN%nc>t;LN27@2NCOJVsS8% z+#W;z;phYMvG6v#b)=q^AMir5wVCBL>tfcLVRXu+Z`j_EfFHYsyt|1zY_DPBk`O1H z{dSz#Dm((t7&`K4QI7EOTNC?ra}G|lR>tvzp5gN5;dsGj0-Qe`k5VQ^{F~eV{qs?{ z#oYiVR)?dukdvBZsYgdny$|=U4MkaQ$ino5EY_$yVDv=}7Y;4QCn?U@<8p-kcf^6T zNI6$ytMYqa{YhS@ zC7#Jp$I7AKaP}1sY@8DS!M!U`Z>cto6g)-wJ4;bEJsetk*W)}s5$Dg%1dA1s%=yqs zHs+}$cRmqM%zfTtkor?$zkiY`L^g@G*&bp``j#@k;6!q1>K?35`GA(U-a`7tt(ad? z16^Kog)>$R^!V-pjU#<*><}|tX+98dofv=?*6O6B?>%h$vldqE(L&M8Mp*USg3l|N zOXWHNiys-F{YzCo+bJFwO<#bms_UUpH3^0mJY}Qa4&j-@SKuARR1sb@B%3xjV19du zICKzarzXFH>Tg~|AnTH*MXDHEUChQ_nM_9v-3c#r9C_hcIXbg#E95?YK-_l>16yff ziQR+ng#@xb-AnL7w++~DLYBGTV?P~apz)V8d9i0Wk<{Fai+eIiq0wyEB16c0-;)?9 zc>7wT8`$?cDIVINz|Idb#meb2q{<+U3|H|YVd8o0jP@PTUGpI%G-MR5jIm+e5q0G8 zl4OT7;dY4g)&b~wk9tHX32jA?G0Kie2N*{C%79-t?uKil65$we*wsmV`BtE3sNZB(EK1oz5s?;sj>B@l;( zN1|t;9eBU9C$F0K3C=f7uvjb>8$S=D4@&<)wn7pFm zgPw&t&lD1jKIa$kS1u#?rTwFDQoV>P+Wf==+pfSNrw?d5;R@PF#gfi>A!zG!o|Mfn zr2kIkijtI-@y7BLJfCk1A7x|NNvYX%)zn;~cWMy4-Zu*67M9}9c?RU#YCqUbB1HiM z7m_C~xya8Cp%31ShL1}%Ku%>0S#ii1uF0Lm&rd3F<)BVb7`qJIHD9r@Dtq9`v~YIP zuYp8(-bBrP<8jt`eg1spOzJ$Zj@`FAkCE@BFvYhXsY3(#Ve<-=+6z%aKAz0XcmSCn z|B-Lg%;DYFfwU}ml)zX~#tDV1>-PQYCoa=!V1PZ67=Z`2X}55nGIcv`nB@RhLSI0* z+G=S0qt3g(zhP$_1qP%=ByQZHi-}8bV`P}O;JOtYf-#14m7g{Z$8SXOgFLsGRt%A@ z4Aw9iZnk!XD9qreXyMo<=qW1&OJ@;y2+W!FYE5V=d7WH;w*~j=l*7xHACRv7%?|Fr zz}jC((1tzFfE4X#WqUUhJDE|i)9V(-Hfx|(;@i55ajIPVi7opT*NSJR|0PMsQ{bAE zBDC<)eD`2QT;4JPYWMWu=__$qo?Ai`XCz>{+;&`?ZNo?8-esq~X5+EtdVEF7ezrx= z1`kWhk{uC|;4SzAb$qjkgF`lkEOlaJl^9*N#zD!IgUnL14PT$1k5B!+laN#KtkJU^ zqECJ!GhAZu+a4LZCix4Q+@{5In`Y7{Mu)|dx7S&BjY@`P`~#+bd`6N;EY@B2{VQd&&^BsoMOxB{a$x>3rkFs0GRlqCX1tL^W;dJR4`%AdZ#-- zJ*lT|=CVqnqZ3&F?iWMB+KZ)K#CvF?shzEKPkOxBBFG^_&xbE1;UaZmw zDdR3OLajl(sp~bF|MMOW38{eacRoTlQE;yGJ`t~&<3Zoi6ngw*A92hGBa0P{NwfZE zG-?V5|Jz~McP|aQb}PYQFKOP9xsiE0_mPf~3jCA5G|rP-BXX?pLqGciV5IPeiN34h zGV7yoeM%a+7dj5_Ps+obpRCV<)nIsS9=HS`TXhF8Xhp^bhie9m`c z>pyQIej#n5bC)k;d3hLoU+BW3p0~imfG47_BPc`(4Bwyrv-wbGO|F%65L0I+}6CVE*j+ysD(Ny|5$lSJt zLc{%hyU}QRTQ&yoTpP@jk8Qy(KmEU&y8>X^{K|aQ+>6J zmaT3lZyS`k!QfEQo)?o?ntB7g>ze|j&%GsH+Cy-&ngn~Olfj}l3LLyGA6UhBGuWLZ zL!0F{v890#@SiX{Jh@^B-AgYq@qHoN+_Mg{H2ujxl~$~g%M>?C#lxd#gZLkl%TQF) z0Smj<;Q7Ye*mc{9b?C1``b`7f2Q5PXbyv~eKunJPvtaL~EyNLh$@K4eGg4xIP9~Y7>CVjS=3-)p~&Zpw2c|b z!dojmV63j7mspd8l4invoRnA`nsJ*wTvttwyYEM}02fd^Zx8*uBspEG$YXm|;K+_) zbnY*K3A&*J7LApHe+nC5VK>18DI9~$C-YOU(%7m`0etz2G#uZe%(tD^M~g|4{G0Vy zOgWH@qV02G-J?U;`a$5c<-Ny&mg|UTZX|1ym*lT%3*q>VP1EYb2sf3s`ivf>(CIe#U2 z{;3!(YL)1yz;pOvtQ$$cKc4%89`{Zeh_8*$;3|V3bs6^~aMOc#;yz7PTC?l8;4qj% z?UW{orPQLe8jLvTbvJGOb`ueqT}WvzzCW zA)8}`UR?urMmlh#dqZ$!-ZXOS-UvE>qc6MIF`b^aZNoPUBxyuWm)PZAyv-0}B|cZ^ zTh3~2!P6e2FwA%|^%5P%)^-slKG_V@lVdPz%QYe$R6*{U-(XYQ&XVe7Gofb98%!;G zQ#X%z;34aqa532xo}Qg1ICnHQ656206(*QH}YIGJD$6SF8LWaoa#R07Co<*OT zWWd2ACvdBMF$_t?te=C#Yc$Wvoeg%5 z+Te3o;62{a$E9z8y&jfFeD7qy*ZdoJXtET$DLyMagEJx0*@{nC@KSJ^jfBKq3FNi9 zDPL98OERB56!_`iz~}c^9-!buS6!Wqfjy7dg=w21e3vOz{whs%Wdb4ds^F+Me~Bwx zL;kVM74!mSDBt`Hf_kL6)3H}5=&|6d$5%)_Qvk43aP(YO#l&s4qGjnGH2kbA zuS&TGi*P92(#)W@=OKi)^pc))p|~wkhJJ0qH}{DNSNwKc)GK(%Ja* zg<;*;UNOkA9r~r4u4*89*m|&@;R&em~p=(ty~g?UzZf%qtsEPt6)C4_aL3wsUE~VO|e+^&Y2cD zPN%jegJ6cm9h8*+f_hi`$&jz4J8^A7yQvsSd0@P-8o8ga>7!DmtU2@2uyb6)H_h8^fCfab7ltTkyyiCO2+NvT}y z+Vl~U)m<^;?iDOJRt&#={K9M^UeVZsXktvZVYE;+-t-w$VR zj1z=R_)3vriou~RQTV+z6658C3}ov_eEjDjIrg#?w%DZd3AsAlb&b$Zo_>=2TcSs! z%gy1g&3+~|O#)P;hVpk(O&Ipzv+!KnMfE0)#=(8xMD`l$^g=)-He^iT;a~ExGx`(^ z{5^?|o%Y*W`kXt@AG;VmtrIX@$lPTwx8rZkU!&cs4p0%iEAy9~LW^Nlta{x{D0kh+ zzsNm==PxecM2|=~A1s1}Knns?`bl3_V@@vR4zMDmEpM;0PRIzH_R`MXu6rCMY!C;05R}S39 zt(Uozo9T?D{8gemx9$O}F)~CcBneB_%CNmgQrtxL0*K;AQaa`#x%uP}nQ*!q8=k&^ z&w8pn>V|NC`@<6^M>G(P{^7i;{sc5uTJuBmyxGuTNp3shu{d_;R$TaYG<>rV(QjJ> zhnrNLDBkvj=#iHM+MH40XR4C0*3y$VM>OH30|v12;UADqP!WCEDC9Tn40(*(9U#${ z*^p`Z>`&PMe4YJ_WNe>L|hDnKS7OG3~wP1N2}nD-CNLFR*SkA$KVt5?QEpEkSAN{ z%Umqp;`QYB;Jtkk(bnojnSILC>UlYYNK*Lc5(=-2=EJ+FwHPN`OOCJ6LFcatFuiac zoOzVX#%{Jlg|x@8`;8R;dC>`{F*`K%7K3$jJv=#SKn$C_$@lgET)pBp@wr_kD)7w2 z3uZ3FTIe362wj^~!!LpQh<<$AHU-z245jz56+bsCQ0Kh~VwwC7;yeEtMqHoIRUJa{ z^>2H92*cAL%P<<4--_%Ihg zR&T(@#38)3dKvGk-NbLHW}w4d2Ry=`klBU(tRSn3ecd5PQ_3cj!jCn8b($!7_Z%Dh zN&>_Zvq)QFBdZ>D0!ua|3HgOOJf=%4D5OJrjRdG=S^MNvy)gAIiRt zgOw9Mz=OlykZ4c{j{S}-`TA(C@}wJoyIzD~wGce@@fquwc^QWeIA$&B(29A(Z<0a6 zJ=8+kkxl9IbCohXZVrB&9|}B)SZW! z9KqjbQm{9qM;!nD7`r!Di|j9%B+~bCgU5e&h^Ew4kiVPy>U`#kAgiHP^z_Vsbmrrc z+`7;YhnFm>`>1|U)Jm69^GSDc-rBdsP%R2CcXpA6s`cc-uAMN=?h(GoSOC{eACj#u z*`!19G)#&$gVD2E+1d{iA=kVW=gm^*P79vHiT^%`9K}=U+QJ+lTaT0W)k?H2XcD|w zEKi3GdV}BGq{Lot^YPE!^`y->2=5xyLQ!-x5cMW#6V<>U@fj;ch)AzX*ONCTaHh?H^@6AWi-Pi71E`%N2Ljz1{SgC>Wi<4OTHIjy)y#x$f8$c;?~v zJXzaxa{OcFxfi@K88BcnQzs3!1|wXp%Vp9;${$K ztt2x-Q^h5!*H}{dKUi5j60crLCnE=bhCyRY_+X_Xbi7drv$WUn{gPVzdWbo_e<6m~ z)-L9kl!L)&f(KDj58_$DQaB-jqtd>u^s_jR#T-41-bC<$K0aV$+Uf^|ZwAtxGe46^ zDF+CZiXgtfrqlJNzFh1$h?=d*!Z9)9xo>DSMxCxEf3gPC#2HTHqLD6VQq|Za^fM<) zrek3DRLoV^qU&9M3A>^Hz`Ldd{d(U)MEgr9sK`Ojj&e}SC}vaM&%`oM4>*NK(bZfF z)|k)4&3Tf-@5>)v*>u59e`~%`zEwQ+s1p=h=+o&76G>=q4T{YMa?7!K*m_kN6S8-} zCHY~L@7ilql4#4uO|Ta-i3;5FwHQ8R9sw<<6zKQ51bM1)@GhtjxBj)_)nN&A`f+c} z+nR&1+qCI=i6vlkXa!ykyM+=m?Mw$>PT2I%2Wne|v(G?=R0UCNI1 z*%J%(BITfq$W8VHFe>Yy<_z6deEi6~1mTE7FT z>(^vh5Sfa7ZzIL(uA{jj+A|^hfRdl5G1quWS}&5pwHvnLjSD8UD&G?ng?yw$Y6I*n z5$51TEAVf+j_Efh@~|(`M7BE{Y>)neH^mDutgI8B-5JcM^!6~9MGDmGgB|8*tQN;@ zwqwhU0%-J>NOodPoQ?IJBQRJ#3=DJ@@rYBQc(ZaET~w5cxivo_{_iXdpKXsBw!>-u zv?t)c`Z1KX3_)?>4$%;^1AOW(C9?U|HY{n0g>SSL4W~-scOk2CZNDTQ@#tjrK8w-b z@gVd4s>Ws7ifH7Je&&+$hFx_tfTd1)qFozG;qa(;&=x581uqSwWmh~zfv#P!XJ-Uf z7gdwyM-MRSYa*=Lcn-~$Ytf6UnslRj7a9pZ9h3P3;NJ8KRym^-Z_K+3;rB-IpL37m zzhhxseqSuxyu1!QCY->v9|!PG`*$Swp)|TI`Umm3v3T@x4cZRNMwz{_C{mNAt*=T^ zR8h#brwBdZ*ibk#elr%>Sm92cRorftHvV^c6l(p@gbO!(@J*n=Ug)3AZ!NXP$6q#y z*M<$iXtn3~>x2nO-fYM1FO5Qlx;eZ_K7!mTlEVQvmw?5bY}~lo3wNB7;L5^WCDP5n zy_J-y6i(uUe|v+&ZxtSx9f?D~pA)$UEamk-9I*3>D@vQGpi1sIs#02O4T&YtE^u;2 zY7gbwz86sJ_85A7@3NfOdiefw9Bhs`iWOFmaIfPv7LXS#zAf-&Y#ug(YE&?E`Gmtx zcY*t=ZGaICH`vVm|6ziLE$TfRfvYFk;USA0Of)bq!q9PvR^;4SHYhwcu4A$yZ4}gSpMUEI!4U|MPL8&kIsm<>qnh zVd68K{9rnLkXjGsUn6jiUM7Bgc^^EjDcrhB8hb1Tqq}nv`DG}u4;DuP4UUH4 z4r8eFn?E?~_6;oiPZi5gJVxJ<2`EA!K{+Md8gway-zX0Jpl1=Vw#v(QdLO&pY1?U22En`j&d=neZ9E#0>^d z!y_=cL7QAY_<=-eKZB_*GE^MbMx?v#QE#9gsw`i|-L{mlTiednh1CDV$T$;FcWj5{ zi95;Ckv4Q>r61G&s7OZ6GQ$V@ULZUFAk?VkVNlT{ApK8awd7!2|5Y340SUTIaX-^c zyNvocU7TTf0(bs;0}fL)=+A^)Fpju^Q@dlBi#oFD#m2PKL54Pzr?4L@$H1b)UgXQm zd1U5ZZDQP01qc0W+0t7|)M~_BeAX0)?UB>O33HS1#v3Ktpf-|AzM2cOW*x%WIT5fZ zElyPFoyQa>`D6E=diHG5FwD(ePmk`(BY~TOnT+%nylhpeCF8zYNJ@Nrvwkt(no3`gPVgXbVNGgNSu^}(OX?hw2E4*WdyS|mHL6o&gV zmRWoc9UARX`J5{E%#Z=k(aIq6{XR;DPP5L2!akZ2y#BEmN59`k36;C0@@?0KG zCsHtetWEX_{F>3hYuTE;(QvmX3=?Ox;lA`3)E9CNW1lvP6aPK|`vFE|*0!zm#l%tM zn4B29{9Rz`SPPo-#uN^Ub6}g;mV4wSlPj;x;GOFu3=q7A3srJZcA%Bb%V0++wx17Y zcBk?dzgV(l#8L43@(e_JnJ^=HExssIA-mf3;K%17a7Ho!A8c^P5SND#P;dgv?p+n@ z{fHM$Wu9bSWd+lUU4r9^yC7!919+qSfjRCPMh`wq#KznQ#Gs^~6mC%<&MS6Xc05(a zwAmN&mTEiNcS(siT^<5oBL>o%k@3X-%U|N?n*s~V26Jf>;fxdOgv!s(;;!K;EHh0L z{We|$qwCQ)@5+02P4yIPI@KoT$%4CrIAPnP!C)Nv1BU1&qJ8uoW_9`)?kSnWHCNV( zqynz7=dk zzdKFq$w&29#3nri-;TH|mS0v21r`q6D*gi0Rwsb}_FnRz%}@4Vau%k9MluuMU-)Nc zE>nIL4)0p?;fZP#ny;?KbGJ=cBhP_z9W!Bw+e^{r2OREisKJmA*I|I=TA-KO*pI17 zym!uMi2tBR>%U5fz4g_o)HKR1lFveeUnjZyp$2@jW@EZ-6KT1AnLNsECYnky%&oT; zPq4A7PIEA$M{&U9Xn;Uanmk6%rD%* zqi$Q!h64es?W zeDlGfe2Tb>ZTk{P!p`-8prM7{>E9q$TN=;(Fr_j!hoK{eL&gU~Sh(vy*4a3N?VdRt ze+mA^DPb1$(CT2AJ#L0rJ3SO+;z#qC^qM;Cngz<&Ran8VOcohmf}1}^!*3HQlB|%8 zid(A$N7D$ZkpK|tbVStuF&v$RztP1`b3QII4NW7*!GwZI%wk#tQCvTdsdhaknrF&t zzqzbJo*?YSLK;bCwm&qiTSeXHonXU!Pr&eGimzVWVj7AGnA$O$PElNqcBciFgKiSu zQCH-%m)=9Ix@e-bY#h^X9SeFi401KI@q_5f>Y^y}TpkH;wM4u0Hj)>A1kE!nC=B}{-qW!I=RaPL1Jmcgs%MR? zyv-8i7qw&6T0M}Kynvc%{m?4lWC{=fAAx2Nc%e=`*WY zoUbWAprQ{050B^aT5+)R&=*|MFo9=DMB%a>4bb>Fh1t%UNC%d#hS*K=ygywU{XaF3 zkFg2p(4%g%P-+Z!-a3-I3>G}cJ!A3C-X1Kd(BR&G?tzr%0FdxDrdQ=kF~BSv%`Ton zZLMROt3PEFN`9@I%#mVO*yHM)m2DWp9p={FjFXPGt=lCh*dn zhC1?9$+om;>u#JQ z*)wPi%E%^@8d+)VPuWXmmU_bg&*zRVS!{sIZMpUBU&2puhs|1pDE^1Qp*jT%2o z6#4rI>^fm>zg?xluUxidKYGRF_wEvAo_z?)G!9{&@_PuM6+}+UT*n;>mF!B-WVn_X zE^4f4#^UDZOzl-Z^sN*_@zh+rsNcty@d|jf!JEo!EkxVZ8R#262{!%|!~3c4Af#0W z4vYw5CSFEVdF?vfI!}WS`0);7=Y+tkK66obhZ@z}F3j-$SV7aTN|B%wcbxEJnlIROyW_)-aug`JxUA_S)3+0{zrCZm zyr5%#y%Z*DOx`s|>RqKp! z%gx>V($Yw@D2l`R0 zQX{EgIF+hO9=*?D&f<8u8>mXWV=g!L+h zmg12BMSO9j9{T@gVyK}M&&!=pcE4&y?b12iH`9hiznRPdl}EJb%oew zD-d06!Uw6fsP=dmRXdY|rgvU3t}XN^$d_a9>4CU#-%_rg=E^32vqAfazodD^cQ(v5 z8wdV}@b9ZLjE&def%cj_^K2anxx5H}w%=jF!o8gT75tF7(O|STjO6Os^ZwodcC;ZC zr)t^Z>RJc9qi`F(XvdMDk6CcdN&*fFcdF{w&+zN-Gvw>Nc+d;_#WDlM#BI+sdR;|< zS8RF<-p6L+i9mb4wj-Y`&s+{8W*^7Vw>;1=ScOT&MdK-@pXB4eTJiqgpRnR;5>Xjt zO_wV~g4pL6dAd-AS4Xsn;>u)6e5xEQ8t9DkZ)J@SnDdEcjBtXYymZlDi;37WvrDK~ zl_alj3?T1!r88x##jsV-QzvD6qt=39xOd_!^5~Qfu6Mi5R$faLok-KBSA;%;`t*E! zdf_y#9;U*}gq-21NIx?0coP0}*2b$RQ$Xa=B(PMruqW=?AW$t~^~+8OEHI!kJ_2(@}zt;+4w9>Hj6v7E{vi*xjyhV+kqQ5OYjRS321Fr&y0kO zq)%Bd=)a%IM{kj#>Dx!ZsJDIiAx;gqPuz(zv>p%U4y21`&qw=-EsouX{({=S10*gY zPxNMC0tEllr^d30RMcWjEhld!3yTHrzpe%!F{&F+$)}4fuO*9BU#3CYMQd&;8A-lA zJOz_3{6nX8dhDh3HR8C+g~)nbz~?oBHaYJqq!!#_zY}C>B}}202d9xiLsz0++8@jv zZVDl5+i}*>Rj^!Hi!Tv+N0N%o`II4bKzA$gl?hhUUmkU0@`*{Ot=lKibF+Dbr zlym}yEQ*GQTaJQd?HKrPlq4s9hCJ_-9lvkXNY++`vf7ma5IX)EKIl}Uo$Yh^kAu=M zUC+EEMrntzk>uL|6rWxyq;WxT6i5!RVpfsSsWbJXDvY+N`L>MGB} zipLtP!|gJg_vs)Q80ph^O5Yq9Z4Sxkebi*(dm!hOEQYe*$^lu<6Wr%{WXg4`ojjmSTNg z9K_T$Frz1(5HGis>wj7a2aAqCm)}VwSp_ILE!DBAQHis81gI<4*JW% zooZ*CTp&qvcYVZ38{=SRub?}9kfLu+Mxf1oYdZSoRFGZkfQ7Tf_#{~sl9X()O*55g zCe)G-7jA%=(3R5Fb_`$Ew!-bToJgij6fU^tV87KFb>$?*W4aFGhrCO0IHna&c{|{h zvKmMp^n?tln@SJz)ui%tu&~FD!8rwYV3ThR+t;MU%SD|;$HoHx{Z7U7!RH`2#7ShW zd>_j9rGlt;Hpw6O4;M->wAywL1IKA#|5g>|9X%Q99k;@&VaIV_UWjmx8g#RW!* zeqqwgxy-5UFkXBnMN1XO@noGwm|Gi!FZyTWrSAstc#;a8P~(H14t}`D)rr;IRf2&0 zT%0b~$lO+*BKHmSXq(3;SQ`8atz}ek)(uZ|kiH6M`A)oKy$+jZZ^efu2cdK?12s8< zr*RSHHwBhuFR;Rmc0yk1XCm-(3sB;Z6ka%ai|JYULAd8W_U#Q16mNbjzNgX9; z4n?vFr4#tQ{c$j_;w;?Coriq?AsFwvhh2+JD^+b;jfF4u1@_2ZvEjN{JeTTCYk%(r z`-Mx0#dQhT*f)aaY+oR9iLYXp_q0O98YgCS?*Q;T8{81DNE&vh;=%f(AR{#Zf4RSg z-Ga(r>RQHzRK$_+xN_)tVh*~tdbsS9G*PNlLap$4?9YFWZYOmitk{s~%zuk3^tI{h ztSxNPZ^7#mJ|6RgT&Uri`Rv^H^#~ug;&hS=_tyy7(Ea1M-jVy{a8o!PanFnmZQqMT zWgVMlG?K@?OM>7J+epmLJ4|BvUMvhS#Tg1i$FJ8afTUUdxO-MKnYu!Weo75xFKgp* zn969_rS=Yv9N9ra>(ZcY`yKQWPlu*UbNJ&gmgM&S#tPSxeqRbjJ*4qMwHr-RrPRV5e5pmch-o9#Z%6BfN<^!p@9REY0xAhB#Ol$Dz$(m`N(tUjhu_X zWEg+3Mjlk=iLom162Sl28xIeY&Sw?k_VX5S$tno5TxT*5`5Ct);4XIN%s2OV^@8WjDC2NF;||=z!slO``YoeSc)5i-~qX8~cOaqN_pA94*((;IlODLjA9w;@w}@qUzgT zNcr=Hg6QHM#VoF}$<)KMYxW99i%uj69{!H~f8uG1J}n0XtjFQC`a@25myswZ-JH^h%U` zpwBn9j)857PYDikfc%nHHfxO^^ZTbwT~7=b4cPn*zISaU4W)VT{jNE$x7Y%wI#!Y~ zT?6Uuqm!{?h6FFy6}p*=`pKkkYoIA1klK{5;J?hhK~-}FpE$r*d@AZB?sEB#`M}uf ztsaoRT88TsU&F0Tnh)Cii&<*glfT3XUG`J)^aXZsR$2rj6NRpu>?0yRJ0HtqBB-W| zDfAa^rF$DvnB%4-u<43~8CXL$i}iVEn>W4WegqDG@Sq0M0an(uizJe4LFuUqm4BMV zG`=o@x*PE)B&?4Q6?m_&@Z!B<2+7Na zYfU;d%_kp?=Y*lP`hUXTHNww4Rd%k?lvh;`ptf%QsJr?QW=*uDqlDZ}MMw)=&zi={ zzy3y(qTy6#iWzOUiGW*GUNpx!6c4R7#JU+vaAnnRcr;#%?mZ)iDgyWLgcF0d89uNp z*F@kY2t92RRO$YWA7R7Zx#ACjs_0fNPjYe$(evC3v=iF9B^0hhiK_)J>$wPnE2!^KEuq8K2*&ik9~bv`Ja1`XD|*RK@Aq}3xdjRA#nEA z9U>`m3v9Q(qmZo@Dv`bd?!8{QigC! zmB`;!s`Id6Qa2I1U1U#AMB`sYbN=PeaB$ze9!`Hc z0}f7?a7o`6WaC1~?`==<cx6PT*ANDzg^>j_EZJ&RHTqgX;KS~lf_rn1fsy=&k1n3%)Px z?@Qs8b2S_bd?-#@6vl>$nqh-M2zr`{iBoDMUi;w8XHBxfZ|zawTw??cp9Eg*>XBq{ z_h<5OkPiJXc?fwD8w?E|)5LxGH*tVv9?pq11Zgb;E`A@3yXRiPYn!u~;(kQS{=dcGQnT-aJ`V93B}qM{`BKfDZCR{&5VA_VEL+VST;HqVDS~G`do#Bv>L$7 z%M#){o`bs&K|O<5cGUYa%`@~QBeMdQM~58>!9Gin`Wh6Obv`PBM@ zSd_OKwbwso>m!6r;GJ7c^VL$^A$1k)EhPAwghsqM=sP?&HUhtO1!Tq4PQ3f#Jk%_n z0rl4NVEoM`qU1W};!Yzp?`p_B(dhhp}p(3>>#U6k9*&q5G>u(ZqEw?0aC8u!q#LKM^gsxlhPY z)hY6ntO0zvC=AN&ci{{tY3?X{1PWqo#9`Kl;l+zU4E?JM;s`5P;Q0)^$2O7*|EFl} z5QQ$Ex`?l{zy$INf+=N1xY_puz9HSX|HB71yGVh$?mB{UTBpgS&xI)R-pZAXQ&C$jnMd2p^AFy0 zsk_c@9H6s?Wa-wC)+PSy44UKMG^E-$uo>G(5h4AzPVsjx2w!LVuO)WR}-P z!=mf+(fh(gcogXajqzRL?$L7a;Dk2+xcVSY`R+$+WJ&>F9U-})0=xa(6I_*g39l_M zrP~{iLs3bVI7BoO41_Gl9~Ub~oSFi<*(DJDqyxM+Yw-59$KcTqHC}2u7k9fSp;EyM z%*mdI9~BAaesu)Zp0kiDQwgGwnb^8#Hr=Cpj_mrrPUs@^qaRTO_V&4DTQjf1!U9t^ zZKecVn6>}{{^nuYm3}->HXmM1|0up8l#(v8yDbJxVkV_SaNWcG;5lhJx$XKFe4d|T zcLoljPxA$So5w>uYjc`iuO7&s+WZvRCG?`WfCOcpguQdlk<2UB zFtch1zxb;Ob|#17{(uLl{~-yCjn3n3e|Pa+=?Lb!a}~TvelA|D83%cj>tSJCs=&W3 zfq=~+XrY)3k1C5r9#=s7VAma0opQ1FL+ zb}o?Teg)r{4}kAe@4(rQJ3;mD9cVdwkXkfy*bqkO?I2ScWx0?hdc=a)zg)-G_i4D% zCrlij-U||5nfP>m5X_HRhu0k(sqg#2^k%{hEI56QIWLVNDB=DH4B4NBUZ*9j}Y!e)*X2@Fm=IQ^T&Sa(t>r1$B`8F0pa6v??a0M=E` zK(~8O2=O`%MQ)q<_RvW2X5rb~75Re|hk2p$@fdJF#>w7$N6HFZnqYd-Wd7u{9xJ`P z38uf0!G&ZLbxYD9@3P9-0byQOryYd;cS7l^jGqk0D1m>)06Y=)9^Orj63&IyFy6ON z6mB5RJv|)B70t(3G+7zm-Iu1Kon544+a-3t+XiNo2))v|KScw+S%~XiZWZ?(Sx=Px z=Hb0#i@4+dSs*q3I+)!Zh5OE_aK6q`V1StNzs_&qx8+MVS8grrVk^Xova?`MPyy8Z z8bOaP7CNP$C~_X$4g04sh$1C8>+n>(p*0zLj~ynPUfR%*^kjj1s!3fYe1bib2V#!T zYBFiaRdjGYL54PEp;758e5u;UoCf8an_fueJvZYyMPv_SjuPOVVN;gX6J}J%r<7 z4Y+MgIgA_s5%iN(ZmeNqQ@J+(uL$sy#cgFK%4@R3a#{h=gio8U9- zb^`DG`P8_f3UzvK2^!fDE~Ole=6VK1`hz8-zxH8T&MOi#i9+o;eqq16o1HNP$20JB8ujPl{VIR&uGysif?F8~C^U zBu@q2g7{I9xIR%+yj|di&0KFHmK>dnq30RdHzfcxJ~xU6ynhc8G1YM7yba$F@)mB- zPDC5Q8~y3{Wvuy|O){3Zm-TfYVndR%*`!DIG{P=%{4(cY{64~%w=dZvK6oVsE=hgD zz!Eq5SUDI&D-ihMm5W^mv;xk9z-Dd{fB@{tg_@V;y(l zX2A#3bzn12{!!`?-RKURDd*6L7P;dBsEd-cgX z)gv(S_7PCbE64qj2Ql=G9dDoWoxB`9lpYIl!Nyld*tdJR;`0{vWQ9it)AJrr3vFA- zwBH6a*Z(!_e6|rmas%Mz^P;zhcH$Gsy-=F^7Z))%aJ?tO#rG8Wbf+pZkX;nr+Z6%S zLyuc-aff}!BxppzG<0qZXD){&`NfBNVs-l*9NlpWOQbV!(eYHGvLhSMJvob{ssw)Z zdEg5b8FIUS6#C0cvptQ!*a7J?@bOOw7TvHzCd}xC3<)kdKY|y|5WF;5p`tFCPS9yg z5nmi>$fPrBLA0(;=#0OFQU7GwnyF=ML+38mXBi3G{;h@fd*Py4Zo2sQ@>^E|Ey%tQAFU1N2Dcrlj z3^V#vdFJZ3SR7+7`o2dE1A;Z!&8yMlyybW6(gLJ(wEUMgUm(Ei;Sr#Cm#ZgTi}FB4~mKfesNPZe(klR(Y;D! z+&w3Hxa1aE77i2*+o_Dv6AMJmqvsPd=P@7~`V76UO$HPHHWt+>!4EwQp;iJPac2Av zGT`+KFi?xddso8*J*N=*l)$2@kDZ-Hto`q1FfGU zaFT_f|B`ev_3tP6W<85(1UG(~O^o$+jtNL6+sCKaa>?eaA=sJ2>^wyQauyx}N7UKe8=y^ka9)3lz$+lscA&bY6LU3cZg7`A6})+$a2W zO_(Lu81SoK4}xPs3banhggWI0@xSncsFd*;jnx@$Fp4J%C!U~N8<1tP`lRs!1 z12z9ibDfr9WKY0cvSo)Bof^Lb{v8r{w1+HclJb7sq1OoG=Td$jwP^ALEfQYx9&Lu} z@M(4{z$^TlW9IT4I&pVAtGIm{-zYsr@5gPp{Jsu+bKT0{9vZ0&tLN0?;Sd}bS;cGoQIA>y>Pv$1$;@& zh6lToXw9q>r!(TcS@=F(SY5 zeJp1}D?I!vcvA`=vnL51;8|o%%)VKHn)7pJl^+LT!O=hkzL?|mi+E^+4oWy>3!L>t z^q0v5huyjOL$V7mZZ+pui?q?oB%0UfNOGy9XXtn(mo%wgg(87%5tJT}b2oRerE!|P z%hHIvtv!TmH&{?t6*I2BKAsj`oq{g+h3+mFds;qfGJh?wd#}9_ct@80uy5k<#|&zaN6vnXwaz5$M0LYiVe0_ z;4{9NQ3XYLm@8xyzK#EhEB6yr{Z$RiZtTU=Q8zK|!WlTQMwRx|n(;voAK}l06nHdX zHu2wXLOX6WfzRezc-VCbG{SOmusR`^BWlq{FA|ykeaV zR<75;%%!U2hg>c+U7yKJFK9tqjsY)O-vMs&MKE)j5nX-Ycd5@0dp@$IiC86wuxqH$ zHR2meHgJsmvL(uKqR6Y=%vYqcPv0-*QP^)S#$j@S8 zr{cBru&E~ZHPXfz0dc6-DaLi(ZMgFNIaq4_N36W`JU*5QW){B=V{4rpZ`vYFUGhGP zea6;fovaEke*T^PJ1;{w>^uZV=i7tz)=%OqX%2L0{AS$TZq4d<%q2fMYe?ilO&IiT zC<(3|!t)YllLI>Uh39IEX!4Fu`2OiU2An)XJR~2YHkPnpUId2(Cf0^M3N-Vpz%>^M zjOu}s+`J^5l_|yI&*B*z4%y&?m7}m^;v%Yf>JEH14gyczSD3JAFt0p(g(&Z9fC^n5 z`m^)^Y(1QVQ)q0oqvyRZ&P5B{5a;=oDDZ;&4{k+o;;G9tWS? z0fRHt@z&pd$L{O;pdGaizehK+r?qp?#uH%ySAq)VxqNXT2jjYdkZWy5$<$;#(qYa+ z%X8s`;~@UWatg_RosBm~sPnsF$8h)e0YtpK1ybAtc;7f-J*+%}`_BBw)odK_>190_ z)!_+2`o_FKsue#==y0bN34V+TGlz-ka3TA2u4@6TD! zjWX;L`@-TcTk&IQAcn6R$w$VR^Hss7ILtzmPU>4h#@x|E&ypCNmfel>?i8?5k1q0p zdy*tOZXR@H>f$=pM1I~#n?6o6K-K$ucxJ%}YId69A)5m7cg9B4mClD1YQpSh`wv(< zMiusq{6davb(dXsPa;pAz7ekv8ObAmTJb4kZ(&+jJsW8|8l%4pv`2Ff5@NoT-%&_{ zP=jSGGw(G%H}nLL8)=we9qo9vs16=xeuXtZw)2OV9L2+jw7`<$rO^J%k$6oRM%!mG zzSbuLv~vPcd5ViT>dZT~_>%$Mx@;(aTy6-7JuPr+)G@ZLWfA>eNa5}7Y5b}FA^0(U z694@8DN5~6fcr0(;1-+1wBo-@qR&HZP<^r{lL=H1#qC$;jxQ8&fv+J~vG@rn>y7J= zIKFgJk)}7%LTu}v43Q$ z>jF4sZY_E-awXg07=n7P-@tNFAgqvUfa>Ibq)$In@C)1F%i+aLLCc2v_r8QpcGt*# z1y}LTA`b|SeMvr-hmeg^d)S#1Z7gHn9X4-vI`cgWJo(dl$kc2T8#M+~_qJwY93Fuk ztzU@9bQkN0Y+|AM>(IN z9q8tofqckzH|i|68ggY*=*B%luUw8I4I8Nh1)bhvyB#uo@ZlNgY~c$@mrv071L~oB zt{J^_hO#sAA0b>OAN8VAaPVW{xnE;PAE{~bQLYEjTF9ULcyj|UzgDGVy^ENg<}7g9 zv7J7D9nXC?bwKPyefmqyfnQ61hC6o)`jB4&RoeaoW!CC(V<9i~P^|_e=1PNaMkM%e zG2senlUY||BA#75mNp~~g&$rE;qj|5_N8+f47lGQOoNhVLa$8gXkIqZnZ4Fd#tHZKvi@ntRR8oqZXTY7-hxK6!ubG~ zJF}aw8Y=XEv?^fzS|zT!VFoVM9?YNLdp;o8gN@R@xzn7mczRo9Df zd2bFh7hVIGNOfvmYKgsPmeDOH{h|Tm75MLGuh^}h%c#ObYr1%z&;@4M%rqrmv8;RY zR3^Uz`>$I=;>G{yjps`AnZO~N-d_#c;dx*$6HR4ej>E{Ku{hOyA6{9#8-Lbm2zM$y zu5<1m>WI{7yyy|rnr=mfmKx~xC`JADW^8n}q^IRv*pB(fm+koHm?;_@wPc>c>}#5LAr4mPgwlv-IN!4c27Osgw`@`88NV1& z#RnvMxIQ0JV~*bEl<;By8&!W+z}r>Nhxg zU*Je@3Kx2euacydfiT}|6XYuGgtx}iXvpiqe5>b3>hWhaZ?21@a);f7{~a-Yuod)g z)TB>5Z?p3U7SUI4*5m0{7jVL)7~D8dl~*NIi1fawGX>28{-T=lC@YRuQ_n!N(P3a) zUHO~jY@`!6fkN3V$Wr2X_DwRre-v=d`Tl)KzGe<7A2LO=`poGJ7ZE!rElo2%p20O{ z2l(di?J&DWkEajz<{=(W;IHgheqwAtt3Bqz8}BmE$WAL5rvlJc<`GNsDI1GE4fL~@=G1^9`uL;&y|6@w*z0{Ajp}iAvmz}NojgN|RyxaXrTe$yDi_Y9c=Ne4XXT`36&T@XsgR`ipB zlTTvHSVJ;!uLjc=GC3wwn@PR=Ezzj4>FDr7=)>J}g0NE--1f5tzmU{}czYu%+;$eu zvIf}GI~C8G9)q<{dT@wOCe07>=VL|*-GdXPc<-`#&>%1ie~k^ISxpyF>R*(=0Ne$a z&mRG~aY|grISB6O%J5aX`^lJQA5>o@N7qGMfU9;-apEuu-h0*^mu}HOC4Vn&ICYwM zkF*q@9Hh?6_z8^q{gVCjPiOl}7lLzxAy~}RK>1@auzXE6OdB~8PprC!UdKYY)J|#U zcK9+WR9HZ}8f|&RqYOGr@)C5<498EOPQl&g2)?2%o75h@0Zq3j((_Bd(#&B@W$~fXbKm zZW#W8lNC!PJ0PATxnOle!n3SGlQy(p)GS9*|Rg%X=JM-}B z=T&s$-Xa(>@)jGRF%_%hvvAeoWca*Ml^>NYLBG&$NNdxhtyME2JKvYf?E6T%)@0$P z;iIW;lpbh0*5I+}A#k+Ip4&X!h%-9o@~yXxY1WNSQREaSep0d-|2(x}H@Z78YtkP) z568hgISI}#EFtGKk}&q&agep`$A(Pd{s@8|=u;g94-XoVLqQ{W=EXrmwlg2&-YTGtbO;#BT_A_1 z#L)E~YH&$2i=;oRW#^k_@#8WYOja_D7~WWbZ!VmJOv5A$cYDZeu7&V0xkh2$WQ{YO z>qVy*-@^7EG5F)m1UhHyQSq%^dN}2FAF(Oz0V}qMEBv`abevo9K}i;hPjbl2@B+t= z|M2x84Vot0srRV#K-A&AuuoQtJ1N%_*}7t!Y%fW#EEdB?g*=>ZtwW2FHRz`LVpOS+ z#OzKfTyjK0tXVvO-_Yp;^)FvxzGD~6S}}v(D7XO**8ic8oEp~|d%fg^Pl+i0t0qdT zC5gP$>d-s+XW7EkbEwhyo;}|o%=ViDNQL(AvdTR#Ai;J%jTqg8iOTcXhD2}LZbA8O z)S;u_WzZ z*)xr5ZhMBB&(&sgS@dkJSa=7x9T$+>F7kAt1amaG$c`rGU3BWNgAEC z5?(%3XQSMd!Ncw?-d)acla~U&ciMu#boe6l=(y4vt6ea}+l&wExr~+nxiR~tyRfis zIqzNg95O3o$fao};%$*NJS%?#&Dxv~I|`=pfldx^y=5ytbvy`m*F#YzY~^^q)kGo76Uio8>++CX6|UpiiwFEy@&4dN z;OA6}%{R?x){}d92^#U;xG$vS&nVa$zni|ltji0>$kXR#!raSH&<6K=kV9ccH1}Zw zFAsBBS8=>F37%ZGS3SON^W{xTWG?x~_k-jlpQQC&YUy|jK zgUWIK8*}o-RYJ&&<Fuf=j=xYE##jc!f75T{)r$upf29%?{}s+G0!w^$?*v853dn$9H4zm;) z&PXZ)$<%XT7i$e_VKS&Q)QKAW(*;+%pNZn&t#joJNszInc_!gYGwuSxo zF%l#n7vQ}Hq07S|g=}25oJ+lR!R`Mk@#}v}u}fj_4~2S8m;dbBrf)bA5RnyJVcu z(G)CNU-}(&;w|AwyEg8-8wB^d7NW(IPvmZhEm(>^!=+$3n)qQLb61T9xjYpq(5HEJCgEH#?zFJ%kJ92w~{#*<( zvvOc=rkmhXFy$`6*^pEp4}KTx#CL8QLsI8gOzDv2FZ@Ix-`NMBRW!J6%n^zu@$_HM zdl)jNT_ij81$0$SB)O{w(blo*m{zllefeubmtH+jbtk@Ik!D5A1)^bZUlKUG>f(NP zR~&i8f@{UxfZn+~1&!^CW6TX@TD(yU0vwBRR?r~+1tqxY#$f8PvKc0Y)S?#q2bcGp zh1W5ZRm>D)y~cSwR>}n*X^`-ibL6&XrLp2F0om2pLB*$+C{4=ZCX*bf*^75%#peqG z_lhy|wN?1wbuRWC=@-1Z0b9NKh1vb7|?7yB4tH|e*PpZ=~lM;xL zLB6QHAeT&=eGCuP0E9QzN`FnfGXq;k^{dP zXK%D)7q_Fnh z35;X=%MEPT6JQe}i`h1wNQ#Gdiju~Naq>kKDtFls(w5EQ?{;h^uB-DQpt>E!R;Rt(Nug2w_rh;%}IF!N#UM#*eglkBi zMng87ug**cMTvA`VZIXX_c_o#JAo|ydlwS6EvMgpTF}#iHF3CCH-;`!r)qwl5YYHW z5CeRPIVNH4eSezax{|!uFK}#shwz!hf$Q8G!GHC*@JkBiP;6R;a)k%k&8}h8f8k_I zF}MaYdsAt}rfppJ!CuK==(iZvL}v5N#JcZ*icKFZ`HV)5%+cks$cCIv^^(C~9OmULCI4;%inKUuHg zKM!A#GnT>IU(ryac@j+o51*pTZMJUEK7RlEc#^W`1=DmUbjh%HXsUY=b0@5FRJZKF zXP^H-_~b?w<@6VRd+j0_9ddN)hZwwdT7;1eJvjTn7J-{$OO;1nW6zd&Ku5`RrZDyZ z80D`A+xZ8%kMu7%wtN9TZqX+@h4(;<@kqMn+748UtQ2x6OA%Uk@}VAQ@bvg#%t{Biz+QKMuQQnXxo);@H}vr1U<<`+s0HF zQ`w2LM5jP?PcX>13IZC1kI zx_|7_m{6$L){CQm6ryqM1@4`>m)&j==7|lN@Lsm1j0P0pl%Jij!*d)KT;Nb`SP6Uc zJ!p5;1oVv5r8Vb%lU0A5K*eY^yJ>kHuc_Q(7SB3J<%J-sY$Qt)Hn`(~^mrJ#eJek; zrx&_MAL3^Ou6EG?K?D8I3LB|Eee6`v+6IYej+Y$Y>w605gn5EjUPO2NDaQx*?ywAj zsqf&Q3h`wsnD8xyo{Kz&Sq*3D{n*v$e^#5CwO)mR9>?Lw*;9h&+5m64f5yTv3!0eI zL6R0*Q>(y{Tvy6pl%;!1^m^N9w#0fOt)xpqx5$p_)V*irca-@YiH#>*~5N+C7eX+8aXr)#IejErt(V_=~KTSq66J z-$A`Tg12iEYE&@h>(v6yYAZU_CuV!Z#y1+ zTM4)8H}b*XZ0NqgWGJ7|0rtYV=zZ^ETtQEk4v?va2CY0;@$)LXQM?=GOxq6uhR)n6 zy_a?8CQx7hESNqe8udRu!b45E^voA6dg%Qys zVWVpArlzkd~8=9}kQrlgwv};H&CVw~K-{rnT{K~s9ZCfa_ z(5=GkWp~7~t8-Z7*s=Ui`AxiXpb3mLhT}k`F(9rj$^n-PTGXfO1OCw+PA2JX;NQn+@GiF*kYPTOMkG(bVf|(z zclY0*cS#Nv#Tr=fxCi&&_2bhWej|Uoh#LH!L~qBPfvUgfFzm;AygpeOU;FQ)-G2x3 z=DcBaVx{u{n(T9AEvgI;yeHSFnPNpEr<=mnhaM;)*VH& zwV`m>G@h#UDA8X%mvGO6vut4{rP;@ivwmrJTqFFB!_Ew#O^-vEpZ+o;^2{b3Gu3E_ zPb{3aSERD*ROx1oWJ3RY4|66S;kkMaQA-{ zoo67{-y6o2Q8w99Rwz3u@tpf8i9)2JQks&67An6eGP07aB$=f|Xc5o3k4jovS{l+$ zL)wFe|M&meD<01o_qndm2WE;_VRD8SUD}*Uk53pY^e)HpIloM>I1%8{O!ke{{@%$YdI&*;>Zq~YkitCr*%9I!A z`pg({Tru5q=O+$4K&VW(h0smC2jf;}@Q_pv3%u$f=YkvhdCdTA`)ByoMiV0)o#;jB z0vuO$8#c7;f~u!+q6h^GAUuov>K{RwpXubz^}QHa5YObB!a&D0iCE|>3Y~}xOrQh9 zZ@Wq8>H8i%YbW#R+WYBID^ogqMHU^<&Ojq#Bz{$q;725fbDIIrSX2`*^%Dlz8*9q) zEQQ@}Zns!@a6+Tiay|ScFTq;_Um{-e;Ll~JaL21J*dgNx@E%tRz7eZ{ZEVKtkJS0$ zJI`6;!)?e#6dN4X@WJR0;zOMu;jKj$Y)urAGON*~V5$L0modQ0r!6?Xm&9&8bK)u` z3;NWJ+pfRF=HK(Bkx3sR(Ebplj^4qq)h)*2(qrIsRSU;ls}sGIs0Npt(ZJ&FLBQ__ z1aEa}IW>-)Q5-1>-FceW_G|J%U@8hKvEfEL-oo&J<2*`u`yR7kIFBtdfdxUXsC~2r znBG&sZ^8>{{yR3Kfvh$MP!t)cJ1@B;|ELxUa7-B zOe;}_shPW==G8GcZyk#@x&x_Na3;C-FP}s&v;^}sTgaTPPKVnH@7`?}*{Drnm|%Sj z9nRH3|G8_p^WjFW@Om08y}wJCC0~K+zyf}0j}G1W#u>hQet_8P9{feAFl&x>Bgz3I zsmK0DkgE6#qT+!+n{FvK+Lp;8Cn)hFjsGD0hXv0cVZ%?%HliDqcJjWF4%9_Y4C2l} z_@ffROvZb`7k&r-gml9-i5sxZrG$A~O@Oi+<1lQYaJFiQhug8O5d7MV>#Ld4n>L&2 z(uqT8s$Z0Fc9EyaM+7!lh&vr|r~xk=oXC#n%F%b16KQPdA~@4`pLH*3fjghez4nL{-f@{dstx8rH7e-msYrW<<-Kvk>&Yf5B@1Ej$c+OgI9l#LR9WOoHoppPx@j{#o4MD zHM#~j*?)t70vqj0X%1GO$_2BlLrBHj`{*!Q5^|p(hU%Zmq^Nfym01%CXO&{{POO?} zoAOS)dL@v*VHz;YWI5#>(`b6RA@@_Az)$V-;3h{V;!}MGj3V*qsM#U>|DYD<`Jd$bE%H2G3{14F! zgFN;syHh;JQJ;=GEA+0dRzN}cL3Um=5f3jO4IYW}#V2-OXFU&w(DW6yLe}R1H1itB zqQ;`EK@YLRtQ`thRG^1^Dtp>i2OFJpMV|zByuOR@_H(}(hmN1Ze^+gX4v8e9yVVa~ zO_ri!;hgTXSCS?!9?So2&t}^+4It#WG; zc<4fu&kW9=cY~2xg_Dh?Jyk253dh`x`SP^aq-1Y8W$9DtZmDuOW&8#G71|*8Ru$yW zQKpBFEyBpzkMVl$eERbDddSh;iAJ`kaaZI?bTQq@T~;sRhqF!*EsuB{|oTxcJ}e;um8Ci%lWEusJh z2)?eesbx6--zhAq`^EALbIC)?46J-$53b4Md3VDWHvGOBS#xhBCwpXI#`QQpEcOra z4)lciKNPXzhYO2MmZNhnd86IPpBOB61pTX>`R)Z8tZmU261y>hmZkaemw()FgwXf- zaBK&ObYP$i36Q^R3N&qU0gsclaO~t4Jb2m?cjZg-+unP)j^%3ls{A1SzT!#Oy$Qsn zcB#-SvxE({o5^d>1X8P%v3%ju?>Oh3CR`UBk0IWQ@cvyFs__*#QRygp`+P#Tn6>0^ z#u+kQ;B!>?N@AkW3D#dM@bmt3LbAns(*O0WsQ6<$WCYz8uWQeN2RmDb)-2R0=G2lEnB-t$YHKMjeUPY`K~xUdiSg!=sv!Ti?XH( zIkO*d>w5}X!?*2BM~jEKgH%LTB2yxO3@~_TrAT$h&5{tk^SqX>H70F^p{UDj3GyG zh|3_}J+lbXhgS>UA1Bx%WXkgw-xTc#ETRS)G2(_5RU}f#3aFGmBMY{4up>t~$nURX zYdm9M^`#!HyiiLXc+_Hy?|!=V&@#BM5KNz}l*cpp&m zjfp#ijM8BWD(PhLRa>q-Bpzgq?_=h@PNwndFiPZ1<|2jex6GmZSo+Ebn z`@xdzne4T0I*q!uhpY!PdS>knl<1t$(A_$R&Qr0WALqJby>$YBl`PfqZo-1`iQ?`8 zU~Sh9Ktr(qrM)}R!LGU=*I&&KiS}+1898aclLRdqiExw z2YA%=62z~a!B5;-MgI!-gsC%a=sA@*er}j5H;E?9`&vA^_;Vf{-1L~-*mxS$G#0`5 zrBVEv;N>0G5KAXVmcpvga+23}S^Vps9!)-`2MyMxkk_{p9*ixu-_r77gknZ9rcE!sAs*B=v>?ZdqACuJvis?&04^mzEy=bLup%Dwd$edxz7w;{)Kx zdQ&k|_u_@+_Uv^#Lf_srl)Yns%{7uVd!`H>pWy-8b4_W?vvV**a11Z4RHO}gihNIr z6~2BZfw6)wa+8TET)skZ#>Rd)yV;!m2=T_oeQUvbf)8(UO5n@wHThY|sW{=L0$%)UWHCn976q4Sf)kbMPAi9@)3mQf}T|D@0**~!7(;dgu z=W`&uY7C7^cpz{etoVNe-=R$SZTRg}0uqPr!AgszRCB%p_4+!NJh|>poCJpRw)b10 zIN6*UZf|6By-UI6n=e#;xCXHwH}J~w!o5rAWLsw%;@fr;Zl>LWek)=z@p2nB95APO zL%qdy<^$*&>kK+GL7BSlQ|Ej8gtw)056Q(>weU$>0%CK0X{bpNbv|+r-%PpyRsrSA zw5NsM+~dt>U8rE0=6mSW*@Jl6$AO%5yeE2d_rdO$PsJxJw$tDq3oc>%M({^)aj^Yv zqFbrXZz-OD;H{S+a{5Hd*ImLX!)q{Ocp(gry9pL+_K9XVE~E#O|Kf-4IDx0m0Rx0c&6j(P`chIAco%p%IgK4dg*AaKb}VV2^nfdU;J(o zMOxBw`PQc|P|nbswGAxl=!Z9M)KYadefzZ)j|=RHF)GXWkAz3)`^p{enbo7xl7kSF?9PKeB!lR`KXtV6R=^H_%9u8|tJ3iEom2do3ug1P;oN`raCw&u2~!=)(~B0c)wVBjdAu#Xcs+#D!FbfbSRg?jQgFSGj}vssF$OS>DwSZ z?|?nDYDpnR2BBXU-nV&ph4*J{{+<``Te3 zl6zRw7$11Kky6<<5cMA? z&20tvP;vw|?%4z9rxM)hlLXtQe}#_|qVeY}ecnH3IGwp8pG*BZ#b?(K<4-T5@hvWz>=q%sA}9E zG#(p3<2NLdWY08wUE>9!)LroY{Q*dhJq#y4kK)I7tU8J#)n`Q_lPwb`CxKg5YEa;LZwb4o|%(LmJGMRclP!u`^bl`x|M<# zx9g+TA2CM%G@|z!eIUO~ncf(!OBK6};8_ucbE{{OBSH>IUs02rOpr&X?)SuJ#{o9G z{{iT&-i_IPLqy60Vj(@Z95=TIz#+c|Odj%&4XR(jy$&p*S;IDCPMr}H=k=2PUN^9O zHA?{0?^eRd&sZ-Mc{4v4t3^5Q`H^jVCy@Cn*^#db0IJKYT7iAmzYO4FB`^J zc?sUT+fw)=(v_dS@Qn-+oYs9yk8$~3vHa<_53Ged!QAsE{EYodvSR)q9&^139h6<^ z*%2R6ca1X74$5P4nd9k;|JuQ(SeAYuN5SsaK6c!CKW003W3r*}T{CAOr5%qaPVD9h zvt?<}h%(Imw*kMdmFLS&j-@ey5;&=A3XdL4;ZCeIcsM?wOJVm^FC|zovMh-WBVXd+AL0gszE)Xv|aQ<4{`=l1l!<5()QUWFO z1F%GN9!UIC_|L8aE(J={>*t(tyYfu3$s&g*NE(9Qc`vw^XD!lFnhOhNcZ)@#6fWOC zhf55bFy?vR`2T$Lz+LAMC@V`)of1h_=A+D2MjFyd-}RBxeUScaFgstHMNXPW&=D36 zd})UTo#<#pX2o%|D_7^dBbu}o9fM)-CB%l|arE5KX=Jorr)X>QI+XieLiKiU!JsoA zAXRq~E?D%Hjm<9+=d2or!^&^t(!#;~imMLi-T|l@XN$7Ioj}XfaCY*2=yw>yBUYTG zx9^L1l1C9Je=ld>m%S!SJMvihpxM;szz`lh)e=t%ig>d($T|ir!ha^xv~BitJngjx z12q2PJnlueJp2gFuT`*cwJhISXY1I1sfzqpKMmbq4k3k!`|&}gF*iQmkB3(+!rrfe z{G!S@+VSWdjx>tFC6nfmKXvKEq@@@GA_j7olT)y<`!D;NFYxOOr_w{@6Mo!PLx)u@ z;!>LL8@q<5v&bt4d8~6EB!rd1`M%k(cB}+!xuJuv3O)HD+{rF&bA^lUqd@1JKJSt{ zjy$`ZZ_qf4ZDV7&rj{(tdHEhEb&SGsg0^JC(JY+vqZ!ux>=7w_dMo<;PnP%}`hgxb zV zh6L3==`Rj{v<~J^Nn`Ua+G0(ZhA@B2;S%%R1!utm{yQ;}UL5$%>By~-0pq$DBWhrKeV5Q&WKtZ`{Ij}{%wI3EKvuIRw3|7Vg-NU zF@gF#zJxxL6a@y?H`Z}MU`s!CB7P5NVTR2Y7A~QHlM@qQ$ixR?wU!e^KggF#*!zj_j_C!7YaxL2JYaBGs%ftd$&n93JCx>lZjv zU`a1BKZ*SfqoD8JSbqA*0O}O*3OyC>m@<^MgM@5>$3=D!wpPgMdj1Xnb}CKHTHV3uQ*3l*c*raT2O41%6;NAcMI3 z8`63Yf6PqV1yTnh&_Qsdv?y!RNCjzZJugcqEs3Tc4SA3xx1HJQjb$^x_Bf4K=*M@B zx3RY?pG691`-oj3FkG0SZyE2v3u6lS8k!h z4{rjT_8XgoF5uAcF8K0ViQ5X@q77>m#HpXIz&+&$IIjLNYBer}s?kCg&3-C|Ew?5z zz4AOFY$5+FwsIK=C3E54_G1V~t_I}cM)Q;|L9YFg}T@r5fHUQl#lpyK#`Z4@;S)%#&0;F!Zg5@pF%0QvH3**L4v*WHR6{djp1? zRD=&V=kUC3gK_H-fhnf@0k^-87H25LKtS+ok~Ko`YmT`JQnkZr>ERjp^y&&IUHc9` zE*izJmUZE`qceDwx)ocK>BE%|mSA;`So|zOmtO33cG^~N!^;yYAi?k>R*n{WM2`>f z+!uS<(n?qU@l=oC$n3%cOodL7kbyFXBGK(>%lZ96FTDHY51vWB&ouUI#?dCq7)ehM z(6WU81lDfi`;G8>aso4-??|0STGDUoWjueo3H)At881(X$NFF+TH+hRpKVm;i)7Sk zw2wQyT08-krX=yT>u-|;?;LWkyo&6OFU7)QORl&rPCUGR9PP_Z0sCRk$ip9R#Z9AU zv&c=Vq7zEpxXyPJ+v#o2uWdEplQ;T-E3x3xbyl?VNe3uzd%$Wo?;~sDLdn;hosbl+ zLbvAo!I+0u_~N+=Y&RW@F(Z@t1;b&~&(4chW&XfBAo#grc2YkXDf%G(1Q;z@Kv$|; zg5eH3Dvt2t`v%5g?FVP*{u)GATHImgc1zfn$eoZFa|f~y7_(*CMfl9(I!Yg#N7Ggl z9=d)9>*yEJFsp5XS7H%Loets-r$wl>QdQ`?-U6$Cs@!^iH5_l;#|}KP=H6Np@p#f4 z5&cvQGLQFRZ=OBB9Qqp5Iz|&!&%t!`_1P#ha4xrB@(wP%t0XqrDqP`BMWgD3L1^S*2kHE)kXcYDQl$CDC6Mp8%rW`1 zBYy<<;LgO?Xpm^hv-(au8I-o5`Tl9}X;ZA|Rct1GH>iq>%A}#t;3uwWt7Z#2&f~e9 z(>Q3l25o3cAj56KNVvfx);;|M8VdZZ4V9y5v7Z`M67K&tDTd%bVlt^n=n&os20@2o zIt&VEWP=SQVAd>MT6bV4-dlGNASDB9rlzCT*<|78fjGCkl7-#(hO+Pea4yY>9uM%w zyAR~K-`r5Rb=n`+cpS$i_8H87YCcZ5CXWNA`jeegbs&B2K$>d$6C+X#SljgjxNhq( zo@qnzRm6H;RyhjtWP!im=}F(b@#Tx2PXhPm7m(Fgfn{Ip`ND{Dtc(}lFdyE5wXK=t zq2?_ZKWRAKwzD7q?uf#!RVmcxiv|6-dMSv)r?UGm?h5(#fAHwL5}oP08HbGV=RuWq zG|z1!4lebU@U{ueuv zZwVhj4OPn>k3?*xy;Bo-?wwXPzet0o&NO1nLS?wBaRJYtuSkXWDs(+7__K}*j#LwG znDN9KA{Jf4=ZoveMDG_k^_l{lPqw48_PoOk?{rvmel2&O>w|jJu0iGAJRIY72~(`z zI_Xx`vrl<>*!b@sww`>-auTP(bc03g`G(OnF3uEYOjbn|7f-%)#uYreM2S4>nn`@3 z+R4kZzaYAtz@p;?miF`(RYIO)GiAErDTvegbUUS0^&NQULpw9EaA_N<4E$kLtQ* zp*Xve*$S+Hn~K5=tk$0_AF>yid$qt7KS@5Wj)T-A4Y=UPb~vL@^rs7tr5s^f!` zv{_Be0g;!Q1)tS(gtl~QldSk}xNBq?zTOqbn)Ot%!=exHh9>H(-Gwn*g4oZ+HE_

hWP&$vMHwGGy3n?iOoA;Pc2hQcrKiI)2L56jigHBjT_$t;-?miy!C6StzY6Wc)%p74`S9|9A54-MNsr$# z27{ozxN_1wsG5HnPH!K|P3E}rrJuS<=qzhGXR!{JZtzEUbrt?r;~AERBr}Z_y8P_e za)`DYB3fDU3M$%5P&5AxPJ26;7S^@F%dvZL@i!m(pSnFQcrgLfeoC=l)l0x=awaUA z(t$z0w*$E)%^j!z5Dl+Mm>Swxu>-h>$FGENTUMVtFdp!%s8zAdZ-T{4iKXz9h!oC{7(K65zvxr+?`_(&`_H>7`Ts+AF?%VH%to_UAshb(td@m4sY9;ZH-V8dTxEeIAo9utZ{qAK#*oKVIQ`HVs=w|&v`0&$rF0$kzv_ld`&{t${veor!I8JiN${Tn6(hRM z3a#tJur<7oeeV{sjk9*(q`5&25UR+uWMDN#~%lQ$^2WabU`5wI-r5_Z~L*gX*P{#zwmFL5)GYE z0oDioK>t@P9?u*KGulG2zQmLl{2d0;6EZO9YR#h zsD?1VFM6y8qc2{;%@{}(|CWN@6fMzzq5jlTSK!iHB|^&qMLf7QOW=?XqC0OpQOEL3 z@M@ezb=xvTH_bIj|MVQLW2?vyE;Qtm1U|>VtkXFCu^!(t{~Gz*wI09pK7j@ER*N>U zD4IW1=*6CQfy+`Q=p7w^XaDU6pY(S2=A#VSSoMRqTQvQmtj;auYgw||IdC+7Nt;a_ z`O>ux_}(Ip2H1$1qK^wMkk7{!8V%5k*oyv-fj3E*LVt-NYwui3)%Sc6oBpRn?+vVh7F`+gJbWcT zF6831ZkmvUi(O3BX|w2L&U%6EIDuul&7_sTDjM8IjiLiqG=lD!kvMv{f#9xO#{EBj zhVtwWnD%5S85_I@3JHZPxqfiUw2zD*CJBe@Y$^NYBzoRx$_JJX;Qhi()pd|M4bKXt z+j4qYSJ7dC{j-ymA9dnGPy4Xv+QsC}{TQ;jcb6zFbTZ$+;Rt-^!{O4jktnleF&Hn1 z!FzcUd}--p=Ki)CZG-)jvf4d1gGWKA|aS8OWen703+{V$Hq(#@#)TK~nA#PX_9+)L^-hbfB{f6F!WShTWBa#S zqBuMe6aVvtmkPJA$Z{^MX?KF?hLNo1w-R4)Xe8c#z8#|luK$nwl-nk~gNcV@A%CVZ ze0Y-!UGbY~T0Mf(rW}yDk;Uw-yy)~ON3LbE6x)Y$lC*s-Ug^5c9%ws5?eRyVKch@h zQQ$S${)!D8tQFg`Jltktd}>(m5B z@3=XSLLUC&UI;Jm269%HpHJTfW+7&LcH|L3qMC6T|w|=y-=9>bdk5++7on8-7Z1#aqU#J8LM$ zc+JMsXCD&18i8H5Z8oMZ{sJG4xzbx&LhiX?hrkYb3VX8;acj2?==Uv?m`oUo(F#@g zZCIt~ys|QrC$X?7uN05(zRL=V=HXl6ZS&+)BbqzmI`Ld)0vfHYOuyWk_xa1g-H%on zJ+B&CHYH<}#9H{{l|T;mX2V9&C48osfU9fe`ATaWG~X%#RenMjQOZeRU1yU1^9zLi zrC;oEFCXHy6N%zxJHB}8EM_+1IqZ1MGmF&b7tpR%SuxPi+$?Ma%P?h?ijfX*{gT9Zef9en&0+Td3$fj9Nvh@~1meaOR?8 zq77d&*wR53u;h{wru=?KdZNvdE_n_%6Fl+gDqSi)*pg=V-@q5D>4f{2p=qfeCJ)^S zO-V9T;&2G4ZmDOUqyqih^x^fqP~KAEOs}-MK*Q@RsCe-bc@_O1JLQ}YALe&s27e0A z*I4m%jq|MIeFdbw-weu&t>Nj&#k{y|i+G%ZGuXNggys7ka7t$~*)w!4#a&|feRKdV z5cc!W9W(IBtYVh2CIEja&!(Z*yWx6|X z>k<(!zx$0ve`8SewMM)w#-6Kdo8aGFM*K~X8%!Kn4I6)d277~p5H0lUg9fY72%pP% z?bk%OI5z^n4?RFymY;=@U`2Jb9-x6p9;`P_#y2u+VVl}S(4XD}<9^tPW9D4KzRvSl zH(QDRZe4uUO`KhD2?9zuwx!wfPci*a$jU?u)T|-ESB+*E-x1xd(j-z}^lIgX%Jx`I6hc?}|d^Yz^ypAPm zwrJO)PcufICVRXd;@hf1v|jU`9N(@$hE85a9%Sd>%<9AJxO*e%T`%H$-tEC%k~tW^ zWd~~#@?;C9ZA0IMf~)nQ1fN~^3yNN*VD_Qq@ZcE7g0~D;9kC;6VNQ^mKbfEE*I)xB zACYkva=||DDvCnvar3rMSa_`hCdlf8-0OD`?A;^iiFC#cfbEYQaADF^QR07& z=--hE555-S@?Jr;9yf-qE3$wn{7n`<%|qY9$@Gn*z}7t|I3Fg5um|%Lc+bE2)aai( zE&ux7F?U}CnvE?dJBvg#x7m#jA1TK(zQ>40jZwyx@pnjIaW-3i;s$%K{{z+^eJR2l zy=@R`r~2pTe>bc>ZLw|z2}N`;i8_}smQBgXxteRd+I|5*wXiyN4)zBS94=tOM} z4TG=6liB^g1#tS18p>O=p+nJTtRA-?{5u-Sj6YMUTX79^c#lCZ#|ri zmH0XB!3!b1=&vpb^G}=r`OOEg_*FG#|MUm_mLj36I+DmKgu=9h?RY0|HOmZqj#KpC zl7JUIm~ZI94dPz1{_VTOEyG*Ho(EGfRqrENG^Bu4tO&-Ojz!>Z$6!+BX5_h*;>_OFG&g8%Mr96BvA&lJMV0hBsWNbt!E7D1}Lkb;s?UXoX?I7wb*v zzHZ@nt5@fn=KG^c%ql$jM1uDy^%2Jdv1tAI5i6V_?O3|jgn!xAiP7t?W2W+L_Dv($ zX~2VtWV}%!>=@FI`;4ZGttH=KuS*R(vptoBXL<7K1{K!j`znkQ=?nbl9DO_g# zQgE;w51A8%9(3s!SXAwfquv`saa1yVQx>|E(Ibg_;V4eEf00mw*DUsuBUH2`!Q*6g zK4FC{tdaeOx;1{drbwQJZ5$|Y9jy4P!D-@p;j@_;d!F?;%|OL@8vN}pXHsTwj@k1S zSYcp3i4s+jyrboy6{8J7iEm)I(5oALY&x~=D;N1(-ivpRxxm#9;jOVWmYM1+LhWZ$ zo+;WZ%KhdBS4y|DE2DOyYZJx&`PX6FvEeY$CmglQ>OtzU9BvCp0;h`Ew67!;=FacI zhk+(^MROvP?W==dDJg8ozb9nYqhVC`OEZqpH>13A8RC5<>blVahTkkAbMuag7LHbg zhcoSQ@tbP)By=g>7Z0N0DSA*i`VdoSFMuolZCG3K7X!m`VEVitf~(^(HY-c;+o!jp zz2tJ?@1nzv>}FA?4+EIwW_QdD9SFMugV{N&9MJ<~6UcBV!0hW5qGeP6H2zjlqXC}L zuxZglk{i)Y_FpIDTXz#nc-V-I&66-p*_26Wnel1Y4w0qH=fc|XE+IoY0t#~nK;W2m zXr6xu{%QrY9Xdl`|1}X*NNj=nZzA0JRiC)7cOpltk|Dt}hw<%)i0e&R?lSHuN&cL~ zwA2WElsY7qdZ@*pp7es`_GqVOjS)N`(H7qgutTS?5&Y6zPdH$%$_4!;Q{5L2My+b1 zLDnjK+}Pow$c684=m|SMF-(&WS#6Aw&hB7qBS#<1%D`F6--Bw?9HDPHm|yI&BU3zY zflRN6hI=WKWMvILeQquqh9|*_S=Vt@RT~7B--GBiUmjj>ZiDT~5iGFvtTe81~(iJfaOc9A^5E*+w*J(<>h zS&3yGx5qn}1d@@r_*_~h3oTqok<;;nZN?iW@vRNkV9klS11Il-TA06GCKgrS2%AU6Br!>u!=w&z6IXkaO6! zx(`b)q`=jwqsa9QT6}U-IP6lB6MRJj$YdKc?xpe*NXQsEAkqxBw*-QL#58hHHiSm1 z4#kHu>+tO2LwJ%OLG_2Ge0}R*q7t$g8}t^yt)mwF!|3r1lT&24+>L0Qsc{8NH?PKv zo1!sBB*~x2mkHnVOz|=gPwZcL6kT>oh}7>_f#gsV@N|EL@>MltV%b&r7AQsi=cwSj zwl^g8ax6?r8-?M|AFzv6dqK}bg-_Xmq_jXwa7MfHk1;cxsvKAGDZAV-)9@%e^(+xi z6;|S(;Oii1=m15ZwXw%WiVm0|&qb@=f~2n({Fx$x*M~IOteXi;lz5K)33J*somI0$L z^^4zJEET#|61*_V8(v-Tgu>Pd^iS9;qIUH;xu9uFMo*T*i|4tBpTEX}tm7vT@6q8^?W@VEcuiQo zu83)-A499JPTcB0!7WU)GX-mHCZ7YxaX5k;Rbd-&w(k zQiz@V4zw;rkahV2CpRYzcbArl$j^L~N-zNxffGY5c}N7IGY(?^jDd8O$~=tI_rTKzv+#{{ zC+;=;#PGrkwz2pJ-l&Kr_sv`|ElZBBbAEw`gNM;CN3Nqm=QE5p_ztTdhN0iYrQp1x z9gBo6p8MWscxnu=_`$`vvHAwFb^XoS)>R3!_C~zg(g``XKQMy{?wBvX@zK^)eEn93 zyQ#m%wc@*AVit^zGoGX2(Nxf^RUwl)J~d9PdfwPt^8#E32!2^3b&M=jrMmWJT*Yhv zS6Vrlhjxw!m$d>XR_7#{DloF)vKw7ZGce}0v2Z_b2j}2YRF=@Bi&tNQGauh#SHUB8 zZE-0sGQY+&JRNv_v>`oxx&)^v<&yq+O)za<1}W?`rwL|Z=={=(xhahVa{U~Y9&mu|A_HuM(>4>rnBxHB5c`Cs7Tf3t9rMw)y~wZ%jO!HdFL~02JOMz z*NL*$ahRP(`S-@jh=UK3j_!}p^DGfFjY1r~ei-tklQ|%vRtN`2y@u;gI#`|hDZE>} z19HZ^CoQ$F8h*`G!PD;s!oNUEa@?x}-Q6^)D37CrLntw+q7wz{Bo8D%8y&VoM~fKgF@v#FS5KRKnxV?ZjXh#|IB|#Mv=gux`V4l#VyUq0?ug zPh2PYarY84vEbP(D88%3568bm zncy1MT9^*g6_lVt!;)t9titOyQQ{%0ayZXrD9`D;L89ea#INrR1a~*UsmemeH1xJe z(XfQY3``I=iH4v|kTZ;XWQ#+uT*niWlfd%t4j8q~j_y9W7<7KFhSGm>yw~${<3&j+ zxF&GWqRl_BSHU^BMe73^X-Uw5mYL+J#AP@xtZ_NlT8NFt5MsS~G5gs(1j5gjvFO{% zxP6&At(lMFjSh9dqoqLOlhB_#Bs}^JjblghC*cb1ebAK`h0ZhOp=9uOcrnn5%#?bH zub;;?4tTx-XN~EAN+wIc25V5GUrlhrbU2xBkql9j1di^Z!}xUO2D~w_nCSfd48!jV zGnqlZFyB(jJvIC{N0A(Pm`=tX4<>i!-DTZ=0YFa7g~5T& z7_xH&*9{Tw0>&}u{^>4W?z+zm-p{}Um#Z*)W|}BuZ#SFs$DEpPSWKTt52Z6ty#wEt ztFUv~XS8!vqC1vf0Mmtb!n>U|Oc-s!w)>CazoRE(Z^~WF(-OX3{f|hQ@hM^6V2DS@ z&46RsS|Y9I`*4$whFv zSlwKcZsGqOLDuP+a4F^%Y4o~9-o;fw(a}4YDD+n5e^dm&d`Zs!Si^DsG1zv&KyV*g zV9t=gXd>))UI+iONV)<7v{W#oatG>G<>7_g4)S`kKLj)@^LWX0Je#}(o}F;O70p`( z9-t3yOr4GTqa^8vkAFp{zN{vB?9_Ac1gPol zftp3P;9QwBJw8@&zqedq*OWWaOhsV#ml}com$f9R{WQ5UUrFeUzG4}BWNFmB&DfQ{ z64?5^>`0;npSdL;9E7zhd1L|mq>+uE)`(z3!AO>@;7B^EtI%e-(34s+7yhNG;R4@s z>|G?y>yC|sd8Ve~bvhPg+GBfM^=c1plnRGYN1f@|uuqNkjgIhg!WeREQw99{{EF?G zYeAog_X-?v3tDqjSL}0nF&vy8E_C!1@b1<|aMT-#6SdX3mCyydJt~hmM~}sptmojm z+MIs6CyV=hopJ6ZUn)nQvFBBNFt4bZWdCR*H*gMyJbcOqUGqVO`9cQL-VN5IJ;2R( zO3~s}tKd*hgTR0@Y;1P|lUaKJvNkQoMKSxZ^6Ub~ev6qPu5Sj-`*tGtsV_0)#xyD; z7;i1-N8>5x)4Hk3SbYA^O)2WA)E&6sHJm;w(K#Ntn!?y7NiiEQagfA3>$k zeDwHhgzb|fvA60fGw*wfmt72KieCzwRV~!89lwC<8(-M-`~>P{OTn3Q_u;@UODun) zK<%do0+XFW3!n~qZ|S2>y*peSp@&a%??X)P4k9Zzn5D?AAV*dlWxu!rcb;&CH4lr0 zRG(Y;vooGJ&8FEof+bAtpWE4QgtiF$Xr|eoY(x^o!s{9HvE*H$KIQ zJ-wjPdKHtr*J48OJlwi23EP+NfIWIgp*dwSSpK{Lx3^wlldesn#ge^bert@#_f!V1 z5L;sLJs0@vy_Q`P&XR`*XySq%XL!6;pH6?HO>du8hjZD!U?;FXZx0T|p;Je};?>TW z_r`_4-!U6TSKWiDwM?|FTau>hsna)Fl6*{xExDs-02wQC(fD=(2HyO|ymxHEo_Gy@ zmmh~$pDV$!btPPFt%Ma@^)N-4)kW%+3%*Ai+R#`4cl={k zsnD}<#1*#3*p?b~_QcDJ_dUvWoHOwibN>6DJhm|q<`*|WJ2)PiXHXutu}qkyrt*(9 zi{SUXeOSvMV$=N*C?D4VYu(S|^vyc>{80zl)K&`011>{t_f>Ql^@S~&RE0H*R|qq> z3UTe;0q7dKA3lbp!O>w&;v#idc6Qt|`15TC{P?EE`uEF$!=)fBPpuc;vAkf7xg3=! zJ||8tGKW$ZS2)~t4SEcnq08T$3FujT-1i*R5)}B|M}y$0>?Y7$nM#*$h-KF^nnVL_ zZ^4CO-9&HM0RCEV>=ax7YdoR7j+%cE;hOA&qJo`YFv$8Gd%H@=vYL3XgfdAQt~H*! zxNIUR6NS7=Xf|$oc$X>Y+$Z~NpRxpF4Y>Vu7EEg&NB0~w0XQ{^UsuxlA4TWkPxbf5 zafNJ>O|m7Mklgb=Nh!W1k%k79hDv)&MMfnfB2igUN}BdP?;{eWp|sHu?X;5y{XV~c zz=M0Qb3f<(e!ZSgn5~k6gO7g)sr!oTmuEH`W;Yh!f79U!;}(K)#8ezL~R!v20F9se?dEze9PQ5)Cc`#%9Q4ROU^OBSBc&9^k zUX2mRav6F|H446e7=&cw6Hu%f!{NF=*I8I6PCE9OmF#?g3OULUd_W#Giwf~6TZ%`= zH(Uq@nB27tquZn&5r$*hMbk?*}iM*LyFFsnEQ=1WcB&;4cMy2dv24OB&|ad+X& zEUD_h6|Gq5X9!C}6u9lp4p5yXkJ=xdz~u8`_<6h?c3UV3>^|A*oDV_#Z~=$Fv=1=P zBpRH}Qpo2$F=T$ICEUBS80$QBV3VQ*pS0A04oN(Xy?@HFzAYNGTNc32fJl5hNP$YT zKcdpy6ZmUyGd%Frg}c6k;I`ZzBKzE&%gGJEZ`-7K!90By*s}~OUBAMp1>Z1Jb{?LM z-h+}OucCExG5H=pK?+wnqcFa$)5EKk`sOiB!I9YtM&SAr{ah z_X^7HdZ5JMJY3%;a8jmUU@Lw0i$ZEu=(#74v1XhV-Kg>mB;s>1O1BNnS_iXsLqjGh zYY09CcGT~jv74&zW{i)^2NP`_NW1q8hLwL~o9@?vSBH_P_fiHJFl~0DbsW4pSj80b zE%6oIggQrel1-1=h3?CF@#DH|9=uhH((;#ZUb`1v2Oo#yhr3zxaxe6@-c37fzluYw zrjnQat6=Nnk^F+uOe!}`3Wq(s$HMaS#1#tN&|zSMFTOlSm*jtNF-VC|ICWC=>12f9 zziEcF5B{`zx(>hEX2(>9Cc~*xXSA-9!NJ=qa9@=$8)VXO=w}BGx}?YZ%v|Y&A9`4J zOM&*qox{LdFSsq_P6sZIW|dyWEGuL;U5k5wnbzabTxnPB(G4B zq<8K_RO`6jhmCWlkees>BX(Vaulsa)&)%Py?7Ie{tVG=VbTH|imQ0h&a+&FqN*FQf z8tPXmhT=$aLv`J^jU7C z@LXOBIY;*4xp%kWK!h1o#|eGc)1zScVE~^dD`@dIA;~)=cxdbn@i~i+0(X2nKHe$( zZ~ayldR+(b0m%jW{2&+v2|U2Liah2=9~kiA{BHJNk=zTxQKj`2hkU=rVBL7UG{uhR z{57DLU9*_q<&(H=!+KDHiEP-%Lh-=nR6ML*1v4gOL&)9(W7!`{hLDu3c#f>7J)sw((;t^51bu?*NzL|L5Yr-jOcf<4PZ&C574IT0=2;6-2 zVN>p0c$lcm-+DQqWbQP2qJI)7hF62XOF3w)0cyW7pMUS&fk`U4m=jqg_@IZ-iljb~ zYWYR->XI}yJoFmt-U1DFa)r?{^`t1Sm$CG0d~{$c&Ws6wobL*P@1zt5ue}C;3%c-z za9?!!?N0vdJq-ODRB>XdHpmPe&323Ligpx^;tO_&Kx@_;7I$DYH+PJJyPA@8TW=S- zZd9Q1@lS|2S%U8u_$K22CPBBq1DUg|i#df$3Q7xE-d$G(C$_tw&xGBmeDNk8X&8!c zk3_=CKMmwZ*?4d`yoDLY&Mxv8Jj*#J3=L3zdz{1moINE49E7FTV(UL%Z zbw@H*pY10olH>Bh!BG7z03G(M<*6N?*sB{&Y{j4gR#WbQ#qruC&OZgWb7%Twq>#z4 z74gP7Z(tw$A^P{L6INI|@$2ouf+y6U9eJ(9^*)W@U#C@#j=7hOj!MEFIw~79Qj2l; z(yes$Y;%w`lchaXv*E?9AnI0j6(X+O#5)tU#cgA+yX~)4=V2bkEaj#TU!kGMHg9w0 zp2G?4d!SL7V7kx?RkMQ6fyW?fnF6g?WyvQ$8%me;nShvc!%JZfsGjs}*~;RDrxQ@>&bH)SH|OLU7` zpYMiAS3B_1**Bt){K4QFzJM5cwzI)Sr{TueW|5V_L9|IQ=2>41Y0~T?eEINS}B1>|6PW;Lfz%6`p*u9L>(2lxyHo(-DUidO(f!HS2m%o}d z3WiGW7ndGSM4d6+SbuOe>Ssr@JApPlQt;+ z%izt~J;c=50w2h>lS6zOnbDzuN6VI?SoBSp2f9Fg=RlHGdX=@PJtAKt<#}>Wl-TsQ zz$~yY!qCxc;o$mJoCdQs&eYOI}XP5~UEnf)Be1_4mn|JWe>v&v#x(+Vt>*9j4 zQYbi+Tz#!_FC4ko#{`!vP2=~F^>2W6PZil+TV3uSu@eU;C&N1Bv#h6UD{7p!<3@+x z;uepIOk?;Ra!ha-q-tw1ch7Nj6-JiBl)-d2hOJ2Q8PHFhGheShKEwIZC|F&$0VG;o+L&C{>W#(Pf+p()`o+F!S$ zR)P88HQIultjvY>&|ucG=BC?NLrJVZCPSWhUx!Tz@i3@|K)cZy^fcWDCkENk@QOg9 zArV5}bbP@+y-2owt{+G%&*ib(4XD+sEqGog9eYpKvyS~=*&5ju;<*XM@aAU)c^$h2 zTZZFEa3#6gc$^qQ6WGp?3k-?59@2$ zN@G6vvrfAx@$MIK`2Ei(H22ydyoRQD;cR>LuvRa@e>_$+%Pj=&zX(9xq4sEUz?p89 zJ_?g8h0n+w3DB^Y#RCqdG;Yi3M=&PZ1oR8;?fS zGcmVY*i|RRInqtO2hk zDYmV_oj3d%hhr?{g&bsvs3mzAyEF9g=yf>)W~Oe@%|O%O%Fg64yP)S;L)`)Le6-c(tA+kErlr zTjMK9{)y#y`pHooP*@C>&W`l!&;O|R*-%_IY%_K|JwRRN_F?7VVsQ#_ggLc2Yd zJUqw-_0Ldx*dt%ucH9~Ug&)Am{fVN)^#adPbXMR^k0XT{Nj_x$Y9i<7 z2t5o{!9P9cKK`iBgj33K@JzF%dc)&CqUNJ|uxj5i4A`^>27eY@oKH&eQ&|zN>X}KW z_5UQ>CVv+V-k%2|-#D5W5lK~T4&kvkf$)0p03NihvFc}kCfmC$Qt;9WZp8)0^rlt< zcDDDx!Ig)|I{7=ub@!oPRRV;4oJ+&LIb()}7W5h+adnv}%C~n#kJLEyJUoitijd)| zORRDIAr1P`zfF8iDjL21OJ_MJGnh@T6wmr0jB!1lVBnIS(B?mkx`#2Cl+=&=oE`c0 z_akV=Ha~vq+z&L8z3!$P_zylEailTtEx4?GB?LAIUX1iul#9;AmbIgJ@AT^;(Ihp{ zmHW=dWC!Dlz@=bhW(N;+k3!M81&~^qC(KP+Ftu+xTp#uy8&WNTFyn1dr8*X#7SyxP z-9yB8#TA(PP>ybBzJ{UY;h;W6k*dh2kn&j)d~~}fG4#-axO<1OCU!Rz9@d7OgnI0h zZDyvq4)mo?CEL369PHHpEV7!ug+02r1*flig~9)_L<876RP2j{10#y7Cw`XU-)s_a z%g|qd5rd%NPc``L=djV`73+$17qVl9SoETm?GQ z9S9Q=FXIB4G}5VA0RMIw^0Kkk?CGe(cvSr@E1UiYeocrbN}H8vV#`q|Y;Z>XoIH$> zYXDQhO|{udhEI|3fUyxzL2ivYmwTXzU#`x=*F_?5wv1*oH>P9e{mY;@;1NvF9mC%H zCLw>m2R@v*MQZH!z`pL~WWft0Z4R7W@VkuhcVA+=kfB?pug3kYFG3d^4&5yt@D!he zq3~V3p!TuIt=1F9%{Jj-T4x~b;}%etTuJ53bI9e&r#Se80S;C?NL|zgf2Pv~CV6Z- z=v%5_{%mhjm2n!zv}hxrJ(n@c-ZVDj|d?I%A$>V*Sr@y-Ntp(R6fdrT)Yi`oH~#Xnel?qBo~oNAtWE-*kP8O@0% zFA?UR$27l-AFt8FaOX1UwkW|FE|#<`xtksTWeM{&b5UB|omUO~$HsUTA^W@(cbE_6 zCENA!vt)=^zi|U*2z-%?V^6{FGadLtxtd&>{LJk?t*2yX-gpuh70sl!pN09iPT`f^ zK&?w&<5}M5c1t}JHQ%pg#R5;Yr1;=RD~-mrI7tOUIg%C)_@dR$$TZYKY6pP#(7JJWN}% zMfA_~IuRdJ;f_L9biM2jI5F-cI!f!yvh7Dc0s3$ESNPlA#ZmqVv^asMk9$8el8WdsL!FpBudxPRref6}PHb zQkyPU`I7E>rANRgO@ApaZ}|)rrQ`APs9e08d>-BXr*Tos>*|Db8-)4#z!xh_6`?<;K+Q?Gu{pRKTg5iswprP`@mLiCVu{HO?8umyi49RvVPJ#GSQ}hJ|1Z9 zrg=w+H7WXnpgVW+7x7I{cc6&HH|Da?x8un2vb(5PqmFae3Yq$^PUL==28~j&W?KUu zfuF!a{h9m~@}?hzdHr1|(>e|BM<)@T+#uW_>=k4!te9KpVfOUTMmYa{96C-7hZP>h zI7e5S&zv|5hM2Cz{XvB|KKGHpbTtOGM>BBaKrx2LUuRRo>hW`;z=Fz1#-`NS^oI5` z)Rd_dQU55n*S^L)CTp~Kq0lq9t*S}P=l8nVPdLZwclBWW7Rp_Gm&4XxW%hAg2h7{v zhzpeVlKZOB(5&!QbS&2u+t&@^Y1?9XW$OSs_hLGP4A{bAt$N{>krsa=sYZY6YS7>a zD@afP40&=KXO^eI$*y6r$0n3i+` zCpwR!#-=l1we@A(Jv@@~-Kl~Pthu_PAriW_?!&h-=Jd_qCnV^Zn7G=Q^7>Opp)J~1 z^w_u**m56C8Ze*lJvN0zb`AiG)@k zx^&A~bSid$n#`lPbK6?7^|_7Ed7MdtA7|n5E?Kx3vltE~kHO5>CG2@oCN}+a0e!y^ z{2(iI@TT~JevUHH^?Jd~dyj~xK2U~b&9bz_C>IKt1f8_g4DzQr;H%pSc;R0gj{Eci zwTJ8>Zo{jXq*p$uHOPVZcLf>x{tC{}UCbMrw!n#drD!y-5ymca6#M@>3f7`h+*VzO z{s;Eq@`+dQ&9)*o`@T9~t|?8f2s5DPVrje@SBp`LOhsDWKD1X}VC8yd!t3jWaFLIN z5f=<-R$&|%Mt75>kOi>k)gD%ILX35if)B6y8ebTB3{>=m=gN?)xTj_r`@O=Cul!`s zmpzroNyhW5w@f+>wsZhhxON&`O~V|9CoKraTu;lU{ z@EI))Ema1h;;PkTvtBeT{@938<(jnLZVs>Qz9xFLLWc%^YlX^Q2YT^nGPzQB1qS@l z#VHX7S-^Vbl!vC5_9gV8hj+{8oxQ4I26eKK?s`pQ`t>aXDc^u5&0k*?F5Z#g9i< z^FL7fVH%;O&tbshOXxOSn$8hCpP_osVA+zNB;9x(CKfa>-=D?e3YNrMnm6 z<-^&q+RD=H%ym_}DDZ}|&EAR(8+P;gs?QJDzD1kOlI?sg{_2A7Fi@n`(<*qeo{T|XbwAr-OCTLORI};Lq&jC#c3?Fx;ThRyT`&z$5uAuUmP?|iX!gsrRhmI8O%2A zf>4Jnw(WyITf5W_G`%J1Gp})U{__XeJgk6C?VrT;Zw|qmx*RZaOcjq` zl0~Akqp_*-AYR-R53yy_U{#+6_Zj($IE8DHn`3gB=FTrb8)Ue1Nk6+WM1e~Mi6LOq z2$H#~0(TvYBVVT+Cl>ks(3~iUUAhhUmT5!4NwoqE4#qD!I_jOUeN!wy4EZkceJ(PXyLghxOpzWS=2@*b*6xWbSpkrvV@kN^{Ci?j)i^^ zydLrUN%aQ}SQ3-Onsa3MyN(%PW3rWh|6n6}*7pjn{bFJA2Rq!?&V}6MKTNXnP*54UGe)Ks;GS-ZCjqf5w&)F+oa303&wzL z!beg!SP~x??`HB34cQG^fIq%xqjdfecDv#LetyoNQf@Fke0&2u-RdZk`J93+(&tH= z*)Ys#KMo}`?n0rB8Xi$QM-Cb}a+?!{VBcg9r3Gujg)B$^CBu16lObK)v>C15mE%!M zUsSuQ4;M8B#+cnmYTvS-m|G>novB3dH^qZxYX#0!zD`E0JrAGC^dZ1j9#@7~;+yVX z(mnGzM4c#PXUpZ;^;l2(IlPmMQ$!w6O-flkKw}oUaa3T^RhOaRg?=_?R1)j3^uUz( z_bl{Y9uCYt#Clp!qrh9S2G(t%Hc>HWw^)~@y$Urg8KE~c*ZUd;-$**Fb0g=$y% zHq64T>0gPN{uj~wFiS|;7KhGXvq-MXQLG87V6l8!L zf~lo!A=jkpMQzA#EZGvtmCvio~P(Edm3Wz4YVkrWj;+FAgGRjTZ`-Z&35sGP~ZNdn0EZ_*d)!jt^dj!ObL;l8pcV>q3@`VX0uaS;|ItifA}L->)G_I!!y9+<412}g!2;aMYT zmOpePO_MmtPyMvVnwlCh5cOZllb?3= zppjv2_&y+rUduOw9TCZ3l!4@gZv*7`L|~KD7*wq^#-V0HCvne0 zw*6Kfe~{J8N)EZ=mcy@?S!k#gDRjWM zgHdQTc64n*W#RK}b2gtjby||?YHh@1j4FLL=QunVUqY;>ZQx~j=h=AWIyOV%clEsh z6R>zMiDT~yeS_((xFJg5CMS%b+w=FK(u{7XtyF~!;dhy^*pa(Oroze6**GQAolaeC zO24Qa1*xF9B(Y66<1e~#Kf4QB{wjLp{Q;-GY>|64r7w0~fux1UFxg-n)h%0$1K4F)F>NVx5oz+(vJ!l#$sYJ` zh#ur59T$~+WLuV<^y5Z8t_@N z68#tZ8&^$HCQ4qzXlJZ49?sUo?LYTJmEChF>Y|^=1=i#%q5sz|%*rfqjcpPsRv*MibQ;m@*U7MCVjAYjJi+v~EO6fN zm$e-2Byn;V#9N1R7+h1xu6?f}nR(AiZKwuqG24$(w{qdNSvJ%3mZ9P=c|^C|mG6^} zf`^`}ba~4t99g^qQqEli#lR_`;leOBqD*|H?-u-iw1H_}v!mH5GpJGAII6eFnZzs) zAi)UYA@xJnLMmHRY`o0xRcMoEbbDftIASgQ3HPEDrlRn%u}q4`TghxMVhpqsYdJGikcT|7`}66V_0p!K0d44R<|8mBt3dCh5zvPF`xA`*Xu z$AZ}kp+oTUB~#uPOW93ho>p28Kgk@Z@-2en$7Tq;AxZA^i$FcIf&6R6L@uBX7ypys zJ|j|LWn(nRXRLuUAEV%zp8-Iuif(O-E^N?kBCZes`6@1a>4$JWcuE&L}{H!kR z)0Y((`f~JA+*MHAFUwTS!%=OfHitv5bl{y?EmL~-`jg4KaVT;bi_D(6mJ7Q=S{G=-w!&Drs3B!c_3-3 zLtR$vCLXUwvW`Fte&FCITy*t3JYfH^r~U77W~wyZ)cXTuei=d7OclOr;BGiLC>M5h z?PM(8l;>T$Jz7OL3(uS?qovEA61BOeJala!Ke1PmDLnl{%1iIC8C?}Dg=)J1r=-Jq5LQJ>hfMH1^PE5iG7d3pUOt zNrU=*c!NEtR&$*>sG8$!M@bB=%|rj4ub9o9I-Fv)nQk}H=3g6cLHkC*CAfGOxYz=W z7`%+>NWNyl`rRPq-VW|6h-xOsNzcIzAg=S`3U{4pYq$d~Sz3wXj|oni^i(P~cn=|o zF(BF40q3xX#IG}>3%@AyK@FPRw@8Yb`5<&j{ea!JZ^hfq3`s}PA69Cj#g|DWvH^9u z{L|$xglJUrlSh7lbFv~eO)4P~Cxsp8qQ^K8(^2xmZTK)*1qPk0!wT(@^l862?&?tE z5iSQ&BgBH69`(d|dq(k5KYrrQ9YwhP?_)4umkBdSSjyas zP%J-;52dm^vUM@7ykZEqx{FY)EEk*(ydk|C`bhC9FL>25fnJs@LHkN+USr`3nt~Iz zY`YVRH*Ta>0jcoEVmu$C=gOzdcjF$mO&D zJLK5kwHvY9MGDnEpFwZ`6FBwIETM~g7n>VaLjUZK?7O}Ly}ADi*HeA#mf{_RGammW zL;tB$^+s3jw{Zl#Jn4a(0$!tJe>hZ)&|#M|R59ViPWtsrN}Zc&4D8`X5TJfpkI+&Rv#dqG?3}#m!!~8d&MfTb! z@IU9(^v8W?K48cI`fTcE;f}J1?g@N@>z(#siQ7ncBI;$$$9vFY`a|BVR}A0s4q~3u zc}!1Qh307wQ3?Inpe0clUFS#!%x)96%s9aId_2GsUi4t#?<;P*=4)_0Q4CX&e*kf8 ztB}9VhxpVy_&P^k)LX5>H>@~~_MfeIyU=S~Y7`5N?~Uo9Im`G{ofI5+?KU>JU%-GT z>7r%}4M_BQ0{Yn&8EFL;Sc&g*|nC@)Xp{iG`Scj-Pk9dBRHt@*Q-#)yJFZdXAqavCj9iZ2;QSBuou>Z!L?^&fq&HH zhF#XexoXViB_6_SO&z*gn2}%oYerYT982{s%d%;P9`uNc0kkTlptySxi;zJ`UT_`1 zhK->AzR%>>jhEBKqc`Bc_g&!GdJrQQSK*SudVE*f04nqSJ(^p8M~e$e2!A6{XK*vS z^~s59`&`0&`(W^D-pW_BmEzH83A*^wWF~v#J4i^}W}$W*95!r2moW|CCjxq{DW00m zy$n;TCew9OFOy;VSIMaVP802AOZkw}IFU)u0J`JiCzdK<04?r&QTO#ttg`asUe`_N ziX}(5-rQc;xo?y(A5`a}_j%NN{SM5|`X(w;a>7g7&M|#9Ovo>fq|lqsw#3Z?wc0l< z(WnttO*oIbKQrmmx3aL&F^d*kdypH#-#_5mFe-7%iW)@Ep~Eig;FgHz#xdBYXK zQSiPVH0=*yT8TX5-2O&h2>B#MMGsu#*^A+`*U-hE8{ko)6!rc+nyYALvZTi;?2F+6 z=xynQHIf5)n1Lt4h0Eg`OA*#^Lz|^Jx zV4Z^$PaXXVF3dkkRQwyswh2)@$uA#PzP(>vSvHvS9DmG78IQ^%{MeJj0>`{ok;Bh- z@b+UaUuSMbmwY_|mv&wyVSE9%*dVZmMF}KoX$qtZefxo*DsZ%k4|FCKf!d)gzMUx1 znv^)YN_>P^oiw0^mhZ@hcysEleV>%rmBM&UZ~9*U6|VZN&Knh7xzUbAq&KaUjJCP~ zmuJ_*t=LWoojVscZ<3%kgAa<|8!FI$Z69BD&&ZY-mB0d8-yLv zwMy8$dI;1Xn24t@jUxWrV({*cA2^^ThQHE1f{pV%aJ;ewU!FXP%6J-b<=s>G=icd1 zntv0^MULp_kPXK(2XK!SL7=^U0hbxj2n($ZsOBRnIwaJPzKWFMRnqqSd`&Z3ytD=1 z;-22RPOwH26g*aCt8=14q3|;=$vvnI$`)SGJ29H8EEndmQD+x zORuZas{-?U=~LmEO7n-1x!r|lWxV;lk+xW}<~pe@o4r0 zI>>Y={dTYx#-vW8f#XYHWwaK5+0!DhL!$8H8Bc1qa1xk1cR~98gLJaoQv7@W7ff8P zPj4z;r^9?l@kyFH1@=!M-T5&d9UtlOWfh*dZv9(uT7QVVA0tQC+nVrqs)w;N>KcBD z-UAt29kVuQ(#}nb1gBUlgbJL!i1B>{=Ljs-X)aW)AwX~wZ=r$rSEJjh_2Aun1qLI%mR>@=F%%fc987d7jkA3m>LNNcsq@S$!9y>m*F z#%11y!P7c%%BI$5}k&T*Ai3dear|$6)HIJh+!Jhp65yzza!* z@R9A|8AHFa=(W~lV6u=^FdPB0sS)&~n~=qZJh0m?%@-XSj!mvV#me_(c~9*}9Dd4; zzF2+@J~%|vKJTyapvi_`y>5+gwGfXjjADhUM4VYviN;gqahCBco;ExPG%|Zdg}*a! z+M;?kZksxJ|5BdE=UAc5l^^)4TFAE^4j|<#&#>^cH9YNIEa^yE3}c5&u*iwNb3N%@9)@L@vxesN_-m@7)g*=eRkknV?f@ZBXce)${OMBMC zhwNr%b3+E^U67>BUmfYiN%nk^Spc1tFYs+;;z@${CDyUhgod};1BuY(0fUlBb?gQh zy`+Ge{t-MJMbn_^#x@qzDWLbX-k|n8FVV^3GZ@pB1Z@Sf{HuXKGDCrUbjZyXveZ4q*1Z?i;&P$u1;XwM zJ;b00k)gyPvN}^+JpW`9s=a;)<=&c*a$*N)-dF+oC)D_wrfc}1AWPJHb~wKlaR}aO z=<#O{Wax7JY|_4KGRTF*Q3IFzY_|L&44hU6nF?z$s%$LVE8hq02KNzOW`NEH;k%?z z8ZvGFV9sKHpe}MKEjCHM&HlVihV{Byi61kK)`9iC87K03&DHai0E! z98+3=k90gh#?PJ}44;V>{x{JvRFA!DO~rV-ClHjAjg4Oh(MMk@U{$UPEFTn!``x7J z0Lwg-E;3^|?`&96{z`F4MJCowd`$MKKNVm2F0y_cjNUfkbE!r5_@BmwB3tShH=NCuctv7TOCflDD3tsb zu|!EFwxebd%cvbjjrVv!xVRT4s+p2ao?YaukDy93X(eV`5bphWQT276Ertk!#5j$Cx*UWn7&?>dOR7$-I!Lh%iXzKMTG-%vV zcD8#baX9V3ZU64Y86PuYwwFBJ7aS{iJM1tiONwsGk>D;0a=e=LU-ABze)2MERPY9^zS;^d$vz@`$c}D)9|{2j>WS_4k)qnB4%qr) z4UQi^0^a@SOmRUDx$)%}4z03)3-(Lm{d8geywQ+;3Hu0Jex8Nmsj4*eMVHX8e~*I#HZjj(=5$=g zccx%95Nkw{I5luF9qs&)Rn_*fGw}c;|4D531r{O zV{uZpqA9NctX~F^gthW`=jU5=Hx^t!7XBbF&9JPs6wZ0b;f}3YqL^mW>XI-2VM&7p zkrj84THEKW!0;@wJ%5c!FGzxI_XqQ(?*;Ytz>9FCYa*n@&Y}@j3AiX%lfIr_h$_Nt ztx&CqC~VKcuU-3@+dNHpwQVoR-J{HSort)&xN-vxNoqLe8P1=_Q0~(x4Eucyx@T9Q z-e(OyxBMi|4XcHi$XuM1_7#S!M&i)ues)$kTTe|k#`gYPa7~zqM^^8GTf3CN-^2uN zWTb)C=MQYrq=TpD+%6@)*A*wRefS85DaNNZ%Y!Y%!Dv3_~ z_=zZ(blU~?`?Zt6Vh=dEG=WQ|6o|%}6^dPjZmz*td3c?_5v11~gKr@Z*yu?O&>Jdb zw#S_ouNyLgUU_&5Cx0o0yOyz7`fD&qyVl^GQ@@yXubFVqI*o7iI>Lz~A9NX83-`iDBDJ%#SbEqEusft9yl-;M^wb-YQLITvnog!G_sXHhFMnb% zP+%p>4#af=OQ+t=5JNm%gfr0;Zd}U3Qtd0uWUQw!rxo}z)-g~pcfVMuzOBZ(S#|)%K9%>!zXo z_!K%z5~z>hha9BZgVVZR!KI9uc;Hnm@UB)AYb(=7lH>Sclb7ttd}ElrD-US%1F}kO zF>3TT!GGMDTj#~lj2$OnzU5_5cM#5<>)w1xk2_Rtf5C=?MzL8!#%77@6?|}GI+WZA z1?_WRS$Nxf(H<*furJd=sf{antGONdXbJF8_9O&nRl=|S0y1*Ioe_pa?b%@ zY+DN7?JBBgi;cMDvs299HUr*XxP(KD^xRLIwkPJ}3m7&dku+ zPUn_vhu0^MgVB3Aq76a#%^?H3t(D2=`wDc&=MKDa!53$C^@#c(FJx9z^?0ah9wvoq z;CUNO>K3*WA7061??&o?e^)&kgPZJtcC|koi=9-x{#F{UtR6%=k0{~T_dote(Rs&X z`Mq)6R`!alkWoZQA)a%cq>M@$n$nQ=-bNFZQOQbDB19^cnLOt@QACtTp+#v>T9StP z*6;rP?;p?WdG7n1>-v1&Z%luF4ZBR$X>fo7$f=ET-X%Ej2DaHlxV10YsV{?Gsukq( zNIkF=heEOPZD{Z>hD|Pa$n7z|@UeA_Xxf2d@XoCfxy@RGwQJpR!fqvg@1)>8x3&={ zt`nFMIuYV;OK+h;nF_cJ_e831NDoM>;Nr$$(P2$>P@mR{Brz2If-G@bzYdB1Ie@sd z3mK&g!gFzZG#5Q{fj=fLXe@SuSGzvL*3RQ)SG51J$n~nud4XY&cj*Ua#U5cd6eP{=Ao)i}wk7B==y zV2&-jahY}_nc5mF9;i5qc0THdJNw39O5_Hp-!KGY0t)fg$wpQZDhZXH6pln`quk}m zF!)y}3L+o-v5aEfi&G5}$o*RC3 zr1K97Twg0~N*7GW$aHy{cXj}5IP48;he+VwWGDJo*w@|K@dP?e_u@oV3bXMyB)(n* zl52`l*JK=YDW&3}-RE$`spDkW*hqL>w-x{P+VZ4mKYI12DOz+imMyHVg|vm9{L+Xd zk#y2I7?d}eADt3PWILS6-8cGl{-4((ocmim#1Sxf$z>1?wMDr+H|RbSjq^t(vmfEtw=J;ZOeA)V>kzWuf-g5*PrP2p zsDH6RXdPOO$sa@UqtqHW)AWP+X(gkAz_u0jy%V^9#{Avvy|8JCkWp~A;UD{?u=m1Q zOptQodvte;A4gm8oOOeNhuwgfv4~Tm8!^+Dh`OfxKEY8posq4Q%v*XI3I3yO< znB>9Gzruauz;)CJv?kX-wZPV`!i>YlpFQy3OKL$?8`;c6LGjTRHlKPhk|H~vL@p|nr z_^34>l+Rqm68yt6PJJAiB<%HftOkqY3sBVC1;S*nOm?;_ zTQ@9)ESMUD@23#7xg8}igzeF{qh$0(W5~1e&1ypqvm7$rWA7RlLc(dn22j1Rtnzm2G%6s1*gLtxb$}ex_Y`g z-(m8LY{}FYUkuzWco=o4ob3ZN3n&u>9oFa33qL^4Cr5l5@d5oJO39CxZ^*TdR!}=Q zK;cHql6pn`CYUaqC|Z@s#5O4us%6{t^~SAEE=#B;%ToXa7G# z77ty}K|GZ|;gWa@Tx!%u-mq1el(7&)4L*X$#noh>g&V!#{u1^^nA2v(U##nV16JO4 z2D7ZAc(`U5N`G_4I&mJ1Rms5aF{zOC+CbdutO7CD?qcQNE9iS=3!HWq3-0kWxV$Ti zrS!aD_nMxe&M@ISs9Aun#j<3)fj{tzEzsP1pEOqaar1*7qJ-&V&~NfcI!jp*GDB<-?x@x(CoU>w&auquQ1z;IuCD!S7G9~PuSYH~X9j_8M^ zDQBUke+RrZOhTo%-_fSHj`Y+XWy*sTaP-p+%)w+oKeVR@mkT|N>KviU=4!-8Eo_BD zy9HkUpD3!}at}*eM#9{~JMpWquDIrDXV-by=6O_<1?jU4*+00k%7M$Hmqxnj6Z*h;#54fUjPQym%;K z@IjwV*ozgT`IXemu&zUwIL@-=7w3<{4G;9$Zc8iv*F~Sd5Gf)XX^kaV2+^O*vFKGI z^YeE^?XBD4!mbl=f1SX$zE(;uj1cC|-g0!}l@!=N%NKUH$Kc51VB#Rv1zLOdV)r^q z-DjHe?T^-Ae@+A5%@BU04Q`OV{1t||ZXz#MpFzFfFPXmWUTD^5%zLRlHM(Dm*P7Sy zF`7}}B$tX8)ZZg)x0)q_TG}^jtlGlY8&s zH6?4l<-bVCbLF^J@(#|~GaC2*SB5qHdR*>-z>hoMQMT^KDO|YHj_++f&5n$$6+H6e zKK>@A0J0Ag{u>uLd@I_rXv@~Rvue{=N)#_f5UQc zrkXtX2z=UclO};dc$)Kf%cIzx<3^22!|=LU93DSz55Lmy;e^%o@P!sYSG)=4=StCC zA3gBtP)oG_JePjav*rGZA+&#hE*g%{6xb6_@axb5++wo?EGs+MuN_03PuxTZxT1i) z-w_;y{kn8zIfOi!j~TBiFAsVGs(yQjez7^(#1$~uW-Rwk4vASvRWJL;GLNh zKVi9nPd;MJ{l9$#n^0wPG_wq6$;ogP1!Ei|n}z>mNAhC_ib&FyZnU|S$E=So;TW$; z*H|?{&hjOEcvm*OPt3&3ZyjQ)?gB5!N;v!Y2(IcHO~rqXK$Yq~C^`_1Z5u*iP>DWF zGWF-L?&e}r{v3AiWHh;7pvA}T%E7ReNtpHeFPhyH`szXtb>E*=G&J)8=`QcX8wDyX z?Su*#FOs0K4QqJ)$#)pD@esI`1cTirRTy*oGx~lz$!W_Z7}VT>yNAi})vl)O=1Ujq zbY~fn2$_ztw3duGWQf^sq}aTnxsV_99jE!3i^8AfqfU}7U;S<*e5CEfQs_3RM`gmo zo3ok07HLq4|1LIZJw%?wpI`;*H}GpNCu3{Au~J_Jw(E-qU2*0v+)*0LEpH`=YbN}M zBeYymUaAw=nj3Ji>pt{3hl;ybso`XCJ+Zal1beo9CY5u;uv(`OwNj?Q`0*9Ug?;AY zUB`v*j5~Ce92B}5?MN0Dv6KlJrB5$7(w-f*0!QXMUh;nd4?cW>y6Bgvw__UkSqO99 z_NORQy_v0*?7~d1o0#o+2QODiP}+J?oFcl+$_f@UyY#6Lth*ij4s7KIjeoNina!;C z=?_@!SVcYwJCDCY2k=PqP<~%L7`udi+Umj-OcI{Sv)5{&?gn>wahI|_lhdg9z)2`E z<-r%hqcqo@!sF^g)G%%^D4je`OspfZ-|#rQo;yl>{dE;$?kjkhR>$rib)~B>rVwc< zE4r*W6-2t2;bCr=_{VVc04ksXka@lrsC`9%@^Ac4PhV>-*s z>2Wku6*4jpH$k_=3L+sA=DZIZ$+~kdnAN>{bh5h1PG6411&NQ)G~SEO5g&s!+h4Hd z0aJ*AaNp0`?+*P+ISZC^!Qvw%A%R)!bfM%^#z!OeF zpC&tu9JAF2)g~jSZSC&(q+uX2Dv5^g9&NC}w36M;oR4M;@4`>L0OrFjc~9#jw86y! z*Jm7cl70dA?foG%6d7;)%&vDQ;8zZ>&vgR`0 zGTi4LBcYr2)0!ctVaU*OIPoZMJpQ1<;ETk2_%`sZ)#a(Tx=BlD1`fP7 z3EU*FfY}#48aK0&?e(gJN2@kM@0PW2mYMLcJ=1Z7TRRkOp2_za9e_oZhcWG^2}?1{ z!Yu})VC3gVWcGhHc&5SvpSLwaUU34wAY?9nZXuZF>zoJYP>-uC5SG*yIE=$}d8q(iQgQoTt8gY%<50qZ>Je!RPRYpnRG+EGI}IEaKs;9OQgV# zY4+@d_Cd66tbx<#lfkH+;izkJe1@G0{MjavpxPD*iDp%orahrSIJ-ehucT&EIYsa531Pe@c-fr`6kb$IIL;}zmO;kD*NK_ zrp|X9)wvgr)kKQ}Jo>@FJQy2ys_@L>8}O-hJUs+1v}}pnaj5={ z{X?R!MBw<*9;oDJ!?&Fq0KZp_X0{g!+1GRHFxc)MtbO|r>&Nvog_X4suOA`oWjT2? zR&d46%pn=8TwvR~-z;V9DXdL*1(o9`XwE}NdZ{%GB@%@!PvL){7oP`INEnEyxAqVSf_eH=P^l=9PwLp@YN%{zk0vO-MbwQ z4qOHyN9<5(c>+(kAUt!LtID>m)8U(H16gpa&+Alj%AZOuK| zuhZ)MN%S7<-!+)Ho?VW{?`P1cMUt>1#-6$!^MIxO4dPeQ?PwbCn&lb1z;Tlwvp+g1 zXmKC{Ql?bmDZM`Q_Z9d`RhKxTjoE;OK0uSbh9ol16y4C=MYMocaFP1Zv_~oZ$kQh8RS|&L6goo5VrfA zI6^_l_k9$w@`8szKFZoK7~~=Ojt3Hig??qEV@*8}XM2+8)n^2V*DDZ6SZ5 z)Ax0{se>l50Jfn=Jaz#8d!XI z6ZY!V_jV+CK1BiYmpYLBwaa1h5nl+6{)T%+t*o*@p5L@?MeJR~^~M?S4y(7qyQQ~m zRI3i{w7SiV53j^Nqf-#_v0c1>m=QJCLnC3v9H$j&nkd_`9?Rw@*u zVqz^gjkCegE$48NRVz%pC&!N$u42Zsx^d9fbn^S_dnS?p9B1mdpytfS;GaK*N?noU zYiIkT(@cT)c0(4NBSS#*=T&qIwd2d~S(2vN(L&y=09T2t;ZaKzdm^8JX%`I8+OiuQ zyz|QRD^uZtViu%YE+9+JoF(H#-ALB1fYs$P%&MY^RZ5sq8=pelHO&l0JGSHYoCNlw z#+XaGwW5aiM!sVDX)fBc zluh`EogS!`&;pUe#6VJ#V2@P;9ClYEUbe^ZUe;FhzI_Q(|61~tZwB_MCJlEQkR;|y4fjzU(W4i+WnKl^vgKZ({m=7=6 zvjt8vVdp$j$g|DN#^u5c6ecDKp1&jv`=m+7s^p@fyAq%KbT@4ZnvObCqHv+b6MXqN z8yXT1z}?lpEIH=_6csPRPwAUr(vGbVXO;@n){f_@K@Y_%q%`U7?EUnqkYWGPq=`{l zk8qsZ5!9IXP3X_XlKoxl3CzDJo;$%BYckt#*9ldcE7HS>Q^GOumo=67(oD2AZ-g{2 zEgrR7jo&FxBYlEjy>x&wY9+kH#*fu3D${`O|2cw|4Q__#eGk~zl|%8p_yVpy6VDDz zDulHkv+?!{B^oSe4C^lmv#snz(Yh=-ZeTBmr`*On&n8jmlpTukb<^k*2NgcF#FqJ2 zlw!zmc`Uv?fXA30f%MhG*(TFL*xPZ6J<9Ng*D1^S`D0S_^qj9^<>nhO>c}#9;r0NJ z`xW4xC6>6%@;aIHBONdNI)I}c1Hpa!9B|x!1~k+fu=~b%>RICj^H+Iee3czruRNYc z{T@sAnoWZ>X+iwMs(yB4&?b=hw*o~wjo{!c11fsuiB_eiaCxRaKls#?ZW2qQ=bDi; zp1wzre`scmSg1 zz_!Oq;JMO1RE;fR3-%1*=eE2S_+bZ0-T(p_@GEn zs#Ls$%l=g0vfEX~!yaBk<&AdSFW(7NkK57L!rj#0{XKiBb{`jyHRp3OkK^5Cmr0wv zB-N_j#iOj|@(dqJgJ%u|k3UvCHsvSEdYr%$4qXs8vV@JyYH&v4_+xl&5Vk zOCaZ>HSs%RkNchE%SQAb10354+qpI$dc};kX63+>+Emz3Ue5G_)o8WQQCllB99C)? z(l>>QTsr(KYv0obfu{M4?^b7-cSA^uaQC^l@EmSyZy?i0Od^{HxL|f~12*b);w)l< zRVoActI|Kf^I`$G9Ut|1XRkEa9}=>;4vC=DE=%*AlHuI2lgz}pfVAioFnN&)RqQjQ|0&&N zDZ_@qr=n=^eJ}^?&M6AoPYuvqN6{-~2Kr1cWnDlR~kOwIe1MvU#Is(}!!8gKpDvyl|xk?)?$?)51|}X*gs40^_mi(LoFm zRT7_?m!Q&HhhDqfS$U-ke|*S?#)i#+!?!j-&l3$k=t>^kvvcRuPkq9bbB%f6Tr)H~ zAji#}hBN!W6svUA!0_mOtP|$j!w$u;hTPY%Mk^hU#Hr#t-`!YbP!1Dn3t+`v3Cw?N z#A`k~@R@Rgo8#YMh}To63uYV8lebx=C4Qk;Tc%It%KvAhSKWPaU&B`NX0_m2V(HR5Y*<>)y5iEv&;@I40%M04i`2>K9&-jPGe>6z+~U&}?t;T4$O zKaNj;Ft*7;ms;nq<@={n922#X^xuqvp0*NHw*C%U>Q?+igc3QdY>PevtHh!Y)$Fst z^t$t6a@qaWUvQ81O&qIW0%avd@O8f#hCVutRlh%o=ha2QUzd^OoSY_~6TA$~96I4_ z(tZrii^S^9i{QwRNO08OPCf)*2g~|Qy!$uGc%^%-^P&UqAT&4{Y65SvC1=No zTbCx_>cyG(bA1w7;3agP<>JVTp=HoH-5ZYMA}n{kBC0sqi6s;MkjT;~`1;C>m2I_y zrtgOQ?+;frzj+d7<_6$jiK%R=hAbTT>VucQ7Gv*-X6SBS#%_#14vEWveVgYE`4Kxo zEzJ(^G7Fr2J`)rUiO@9iBGEKfXX7QD@Kx_;Ry0GH>z@Vgvf(9he4>ME+LFnn8J{4s zTLEva9U(YZ>R3*f8p>oy(>~c1^!vjg;WxGcMy{BQo2rIlqKY5&cKbw@zPSR6+8xkv z*bUh8s~XDhWTX2XXVz)m!}=1!;L6h%VDqFyRAD|C{Q@TA;^#sa)^R(odFY3>mCCsJ z{dwqiuOZLaS(N@ffJbWm6Ftwpf+F2{Wfz^k;;eOH_+Hq-`$yFi>A<^XwJUz%eIs{t zJ#0YVN{Y!6i9u|`b_agP?=Y@T9>=G<>k2NHdEgLK1fi$jpy%=rr1oz<{E7K-U7{;hI>>qO+CcN;a zqfNrVYNc?#^f|%jbZVky=2i3)Ts0wmOG&I$9K5VJ$Tn-np)60q17#SKf zM}{UP6$-tZbmxex7cgMMarB7$NQ{Dq!L$*ww9!%*Uksjvs?H-w!7vXLT^&O1?OKAb zOS*-O{2^%Gq{2sCy8*^kEfCT<9bljqSG;u?$RcBGf832_jxPzGY{#rk=V5frVLb4+ z7+MyX5wa%~o&F7=H$Da9+XQ{ESvH-F|I))0)qS9Ayct_Dxe&I@`9{oomcX92c3Aym z9xRnT!3q!mfFL){PE3?S-@`F)A?gOl^g{%i)z_$hxTzvyM*4i;MC%pAIQ$0fqcALi72)CEi5Y${M4`1_;uTe zGR;Febb_QGtWR@;f-P@}Td6$f>=Z0We@zDY)Iq`_Pw*Q*2cB%xfVc{IUODuobIHtn zvQR>pW85;szIPU+RsI2yS)hlK-v%(Hn`!vtw*&Of9!O3}PXO^@1)h2$mIR%U<>pUZ zu;sM~5@&`&#Q0v}u6M-w=*x08-Q5Z7?9)L(IAeW{j)js7@5s*B=h&FC8eZ=kj_(q` z;^pofoUki_G{=ULg!BgxHE}xjKikeG)oe$@w!wVhEjfB!J|1`G>+z%7ubJCa18j0m zVdnW?$czRR{w{tGJgf^4b%q2(yx%Z-Z2Bzh@RsJch5SI=j>&jrKr7Q7ki`ZL4g#Ay zmx#s=C)C}R=K&X>5bVna_zqsWr1MSPlJi zRk>NtDR{Vh3{&+~rJswYbE!MgXn3RzYB7yX9Q2m;|E5?|sYLZub!qsYaWvUa*b!$m zLg`Ej#rEf!>LY2QlhOx`FK56%vkCO#rKfD8X(!kmNTmTw+nm#1EJAC)VZ7comAq=q z!e!Ue#rp4u@m-%LgTdt?bm!5N+-z*1&^=8BpGoFm+NHvk>+hgvO9Zy`+w&nh+ep&X zjdG092xpgaPlZGV}UGqbR5Vk4}++K3S)v&ql3r^)^5 zLDajW2LBVzFrkx^1m?v6qIBwZ*^q#GJm)5hdMPH@HC+y`uCzaa3ayr?sW+FWuKs|sZqd*t-iB-Q+nH`rKgw!f zEpwdi&4U{g@i(g?bLaRmr9=fHTb3`%`}~t!exe5x>+-oSzB z!g(y@2)IBTTb(n8yBr;i4yz5>vh-A9o%kJ={SKmAhF^iVSB-d4;VAlQtfufjbp@@5 zCRFQ;4iEA&qn59Zh{A+?*ZOTI@nY6Fk=wJSkhMaEzo?lbI^=W7*|{MbSI>Nn(f3E; zRY&1@{d6EN-@YBcckQP0jRa5d%&gc$0A}?=Fh+EJp@a+3`@@~!fD6Ept?2= zCVE%En1jh^vsX`?xjT}@#t72jMHuBRw8gB`#X33upG{3=!-MoGi zYb+Xs40tU}n9;-nk1F$?l%?=?Sugw>t4()~cLaUrPu;hlC9iTHz|wt6>|s@%psTK7 zE$MN1aEcpz-!z=<65QE~oO7IqEqG044p_{eh@5bMj|5+)$ z8-t`rv55&@`2Fb~vELtK7FE=P`%Gl8NOCssh_mDW-kPAS`AN`7Yd}RkMTi_Th_0FX zADO=}0bX8?WtTjjgVWXvAjJXBU%n?E6MYZ)yJ*pm5DlmonBDIot@KDu7VOiI0LM)( z_#E7!a`{EvBg_tJ6~+krfiie`LEzooBJ@vHA`Xt}#j&~XVAq!jBDxpLjH?59ljccQ zF)kDWc@sH(L7Dp{ePpA5Sb)QJGhX4i4Fl))Kp}*{?;+*T*1Q;7q_<$--XHjUNDNp- zog~kUEvQ9u6sZsBg+pL-1kPB{yyjG9OGtBj}EfnW}bJ*+d0}G<^Go`{u>U( zdxyik(5u*$d>AJg+Q3Ht8?4*86&gblK)X1AXj}C_Qiwl0llK#gg&xoc9tFcIjOq6z zi?R_Jo8Y;{L4p4x%Uvq(v2p%K*#q7AaQ?$iI1+daujZ|V*OiUzai}s%ZBT)qO#!%K z(r8**oX;W}(s06va5Nip0~e*Z(&~{hFd)zmdxSoZN8506DBGWSF8B&_pKK<3ZSn;l z^FLVgR|8bS0%gdQHOuG&~?`QC> zqH2)#KPE~XkO8^1f(LQ-1T=q|4vIrh3cQu|v^VGio)M%3TUV|}$vbKA$HIW?$DKjL z%$v~jMhwPF9%9n%DY$#$LU8b_N5eab=q#biEW>lzuSuWChg+^Nf2kaGu0Dbn2M8I7 zk#U0e!Gx@D2_)+;xZ<_#U-74gFwcor=I>a!gepM2F`NqBLSDDRQQG z{a`-q3>izRzxF`I1tHh`r~tpas8W4{1dKkqS$zG-^Rnbw?POP$7ZbG$ow_-O@N85% z(>fFi_S-yQNs3Qco=)7|A`ja&mzPOIXwoq@27E_ABaWya3HKKnQ)Alz z^qe*cGOXUQ6K{Xu^$uw|Xk-;Gx-J%F)%)^UTg%v7fvr;bHcs%T$WY(Ocbv-%ACqZO z-4JH}87tdoaapNbs3H?a*2c8Jj5lMr-)O;!Fyt7_uXp85xi;Wh&?rh@P)9B&K8C}8 zj*0zN)x(rA?r76+TWo)H0(Dz?8E<#!Kz_(b{!L+=IB?lxaw=yEG0Vw?L6W^_?4HyWVpk4&mQs{3 zdux(gPfM)+;Gq|`%(J^V$k46&g*L&_n3(|sbp)D|t*-X?mZ=COGM z;B0*ZE_$B_20xE8k!c>(dCfwn)H5VZ&w`Kpk8(euFTDB35xUahIIK)Ihp~NU@c4%P z5Ozv|hRZwg&c}M#dno}ekKcyef-IPIHJl~1A7sfx+nE03z2bSBUV`4>ZT$GQPAC*+ zT(?$V6{%;OXTNpdAO4%h6?+=6Ltuv_ed{MaM^o|a6Bqa;Y7!M6ROMU0 zErSISFUjpped23fLY@x+;BAFCsznBV|2e^Y>Jo9sYGDVQQjIs>IN)J3CD`g}j!$&% z5b5dxe1O6@N^h6o^D+0qx4j$IR{20v=TM%$aur!FGnvkxU`{7lUL*(d$3mTtz#KX^ zhO0jBB~>-`r0=%}Z8)$6>+uRam0H4vuPOu8DFdmU(0`r#HHfNTm*?BY_dw*vMz(fx zJbat~Ni^-~YuNR&0%&m(PIgS9OIBTmyK@iHr^%``;h8rSFVuu`HwjW5V$3CGULqHB z?xKa^P}n(S58A~(fEOkX)Kz*5>~r2iJab;N&`T$A;K!RJtW*ciY$`&-AG-v8nKX|N zpFQuN?QPD|3IR9!uB^Zny7 zFEkEwjWy{2YhS){j3hr-C&yz^k=^>UjVEomOkQj}kDnBq#83CMf_KtJoU(Es|9j{s z9<4h86Sp46aMfEZt?xak)>}|BZEM;#+mvsX2tP*c+Rif6?k07z61|y6kp<(nwdVbj^A`ve1Y9rdP zFlqtQIh;(^tjdHT?)xCGUT}VU8`9^sGBCj?0`?z}<-2arfoOh>>VxuqUs2}#6u5VG2O0?d+uolVJiKogT=V{nAE(ec}d^RL;!x;!(C zo2bF7x)iw~oWl0$a{Q-@3^7!D&0PMv;W@8lW_azOJO5%xWk66oiHI#k&8gj0i zfXW|3x?k=O8!;&v=OtKUld3vz@twiD^8bTcgDW^AMwb0a9LyJeQKk0fI?xgKjs5aC zC$c?~PSh07(VRc^7##lvf-j1}xlRE~EhPlMP6>9qC!$@qANU5Lz{}suEQVO};}<;nk{}rvq;(Weeapi$D^9WUr&AzxPAI$xxCN$y zE92hHNSxt02ixQnn6MY3&3LwYOy6H);OW#*glmbw%A4M{&YBSsr+29(mX31m+JmLrw7q zOgA2fI~%UTbs@X$xgr50P1|A7foVdXT$0M#rNOLmgXx!pM?mvkHCma3;^)1BOL)sU zcA!y|Ugsoz{~o?lDn(7(x45|17WRzsLgUTT z(9q{Pt_bmgH$v9q(SK{;)XP8kF@G{W=YL2vb9o+GRvcm-!EdnPR34iC;NqMd8M@qd zC}vv*u`vb%d9Lyi@I7}4-u}1=+h-VvWOv1Y+kS5za&9m-*1p5g83nLysx>cKp%0TK zo5?XvcMwgxiGP>e!nb9UV2Z$p8k(uWkM7uqhh2QJx%eup&ieqf998*>pp%&V_A>^o zx+9(?aMw$Vg?n$h6!G|ONgahfZo0K8esGyZR~@_0&SWm7{Siaat=t}eT@ph>ls=C* zG=NK#9>E@BK^wl9!J$3wsJ^P1J$We4e;DP$xHJ#=lXwNK4W7V#^#ocHJ{U6oHsdX` zLqt9@p2vF40{@_9^3gg0?4^}O6AzEzv+Z(3ro-Q3e4{DkIR9Z^Gl4(u|BYQk?l2G4 zED~kYi%tty!LYh;(Ho6g+*)TRD%vneV7Yd~makT2r%j%tN~8u{7#4xe3r3LBhGx`E zawpDw^%fK5u8LKk+LFJuVWeZtDJ0>)P~akHq=`M|J(f-ziGdRUl-;0;!C|uYs*Wx@GT6@41{}or7|z z#~RK_QkynS*OR4vA5O#d6GpuG-yLk*znD)*tGMnN8~~Zd-$~%?K8$!G@Tp|#Fy#1A zSnJe|TMlaSh%2Me%~==6C2LcwuNT;cy-Uc7=9{p{xfFbad)7j$c+qd^ZG7sGkHoi4 zjB&C*$%=bg;@hA12p!$gM8iLx?P>MIsh(Rw#wQ0#)l^W&s73su>@oQ{<^;mfb0EJz zk4^u%mzmuXI%XSk;L)7|Hqz07PgVL35_WzpXP6z$c4%EL&W@;48~J!tk$V2sL0rrt-lxfj1+t zBbHo8wQyAVxqj+^>q8Q7#rCIwZv%v${1@o%Oc(EwR0qev58|mm&vLPk5xts`g;y`Tfniq) zI(LZ04VQjF_2BvVGV+S(gKY;ZG8)381*evbZ5z2(IS+;nip9&@o{->2b~v&-o(-%a zEG23&fA`@g#3#4mr>luj(P71dTIa#Kz;S%YjW%W*uMW%g8$o8}06L@dGQ>Cah+fv0 zfZ~>;Fe@dMt+*con`Lc5V-^uv`~j3YIF-kmALOgYJ|f{!f~z1QUZj%RT^6PKyiD83 zRFv#IkB^vF55aS4aqvnhEP+b=xT+ays+OYepp{(jeG80QSb%@@HpAq34~XsU`$WHT zFS{Rl3M?0&fU!4L!1>+9Y@H~ad?;N2TZGO5k+(;ef?P6w!9obyBad&5%h8Q0OOeZlik5HP4H|tJux@lH(UTnn zr*D>{cxw@y?`DNYEd-g8%Xq(SB5WHv8dq$-P6`ipin4!Cf-Ya-9rGoe zq;zU><(2>8=)Y$md{2;gsL4ng^HB$`RR)8S(K&O=J}bQ-w2|9Gju3Mzxpp zu)}>v#Q)^INJLc}Zgx&1)rx|j@%#j^Ilmv8#*Tq?m*nY!4HJ2Io3PhjwVjM_j)a*Z zJK>boLM-2_i<#5asNdf-T;YBU7R}Y9_m&B}aNkl`I3x%zSs3Gkv*+QU_E+3!}28mE|O7V%m}vui>xH9k=p_T&=Y&))c9*u_D#dGakiqXT(!h4M2+t|KRe66o_hUMd^xl=(#xptIzf@ zjh5%^_?KCtJATT{aMSAR@=tArOr0ibmrKBD%cHPeq=GJOq2zq92Gx|w^f&=B8CTBY|vd)P=m|36FU9y^UD5_x(`a{}43=oad|6S~GF z@#O6RITrdL2i1b?_!52%`o7NM^X?YHuW>`DVvm#9PH)fS<73z-x=ZqwEQc&bM3yCn58DeK5@yGru0BIbo8&RXT8mEeh!&Br#~?JK zn)oifNPfnig3&F*!Ax@_O6{)z^IuKSbuW^P&JMwdUyeNR?O(|HbOwgrswQ{*dqwUF zSNOF*dEnG-EPC@|3WA;kxp_wLjVVq*4U<buF#uT%rkPD>wS-!Z)=L#rn zp!}VCkMQpLMCQ&K%Gj>+_ z6Narf7pA)huy1A>?25c5WVUlLKw=P|FfbeknaaZKF~|8zhmX*{i}2MS=YULMHf(OF z!%bmR*r<0B$m862&Es8kY2sMO-DXOIG9E(6k|w6rwGdu?nnv9v^yxoWN&Ng{DK7bJ z1wPLg!Q|O{iIvn9Ry|jPuUeoDK?Bc1z-Jve-=m7fhm29ddo-7P+(a(d{|AT7ZsG); z0^-`g2x@1p6%Fj)A=>DQvl=Ouzfwg6YNY@OF*~jP{y=&}AW3zI7T& zc?D6wFAGKf=4G4C2|R%Vgx3{G(ZNk(mY6gR9_{}obP|2w&dqFgsx==spZgEu^o6Xd zx;@k`tbn6^y~J3-h8sWm4?05&$j(hV^!UvxXp&798IP*RG#w`_nlzpnxBXzJR44q8 zqVw>_@_XaBk(F68BB3%85%G=ZTnA|*Y41rx(NHOo?1-eYl2Jk^Qb~EvbrdOzMA4Me zASv2u{_fu&@Zg2lea?MdpU?XZk^eO@cc*M{if zrp>ct@bCv~sNeShcU}AsS{JS+`c2-n_1Q?QI)O0vu8>iT72W|Zj~3ku-AXM|ykLGy zAl>!Fm|TmOr<-dJ!tzC#Wb^a=WJ7Bvn=oZHB)yiX@Y`jM`H|;HaJvVI{W1ujy4+_@ zy_%3K{4Ck?p&! zg4@`Z)5jjJkcWfvcSWJ8f6z}p5!TkK@Zc&5hz%PH_J!Hlvdf4r7;qkDe|5)=g$ppq z`8=i{IS1FL52sg#-V=YH?o8`6J^-p#VuVCFJW%-pA@3xJUwscItV(A&<|FuRxdF6Y zx(Y9RDn;+fUQSD=^b1Vc|rQp?HX@b?l;o);-a_aAu37Dvj%@YE+Dk`E()%1vpS?I&{l zuF%0OQ=yFlTe`J$IZe)v!&_$>Fi3wqD!P^vxx`-4^MJi@M$Lu3>L`Q(`dMJ~cRSV@ zSYcR3A()RA{8FaoZdjiH>vN;o2l=m{Ir;%p$a5ioZ#wiCBDx~ z3fr#K;QNp&pmEP_@73V$YA!O;r}^RO+5N@yQnBlnh($31zkt1v9O~T$L{!p zUz+SOuP|9;zeFFOE>Yq4zO03#VYhL(-V#3N)>TGyg&E+no1k~O&OtTgvXCRvqBpim zkT|;uaNKHwFi+K?CItrc`^6$i6MBRPeuiOE`)ICLG6a?T%=x@_2}m?u%c8y+V5Rdo znz7{!{%7FJ0uIjRt-5<5Yo|Lrb~F(0U)>D3Clkqb&qU~O{L4s4BN#h)Kuqyc^pnz| zTfeS`R!4K3^evs;QA&p0kJ2DL+X6zy=+a~AmGFCyEH%74Tzu!#68g#e275Vi2zJE? z%xJ-#Sln!jJ6?~#GmjU*pq~4rqUkkjE(*fE`X9*l`$a5cNh^d*HKCgnI0X3F^R*`? zz|^OWtnTP`*wkl7b!Q9gx@Cju)OFL*H(r8PY)XLUe-0F$KE}M1LNpw#Op`Z{6CFS0 z4K()zyN0hgJ)~UEPW6z~$1%azJs&G}H{<(%`3_$iF2Tmx2guI&!6ai_1eNX1!kpJy=+Y2F zxaMsUG%tfMesJ%VC2GR{M@XJ z`8*!qN_F6YeLcARR46V;rJ#0Bfi4%`$Cm~DW}(IR+29>J@o}s=@8A7UU}yfpk{Bhn z0oUAJ~C+58amK9&|&ez3NkFS97ehsa*_3EDj%Z?&f;jiC+`Ty z);W{mO3~;#dzYvzuNI$6jKT8AU2J>vW#PHE5Up*caVl=1+5=nQ^Cw4e8m-Q+1RSGI z=cM`AxwY`xdFfc1T)Fw(yZ{150tzB|VO z-(~o}F|&zDZ79{SNXDia>jfW1KHPkB6m@e;7?Ii~p64g*kWf$D|Nr?!&S*%D%EomL zPjHZy7PV^Xa7h0f4g8xGaeJMOetWyXYJ3sA0;s9*e8{@^Mv-9UZ6? zi`&f(;rUc$y6}NI550eazk!WxkbE+38mG^%-TQ^D!sp`3Oz1M>Dv&Eaj7cuByjphy zQB*t*3O@d1^2uw0YhxcA6|!K?mxt25r9JrjgE{pr+|OcbCHV7{p)^xPk5)dagu78Y zAk=Fy#uN=B+dgK&uRUw{!b69Mor^d8xv>bIk9!9HEbqd&x57?wMl_vtdkLM?CY!58) zGlr77FU(+RE_3<3gqA5N@~++L+`3C0PP%R&DLdw}Ji{uycw-whoE6dS?LKhin-+aM z^eHQ!*G1d}&w}*{q?3F*;L&qorg65OZ9G2%=Rcz~d$Aq9X*Iws*X>YO_n930QzZT( z_ntk{t;4tgLl~o=$-5Sv#FFy{urp{6(G~cYD~6pVb&2tyS1^K4mJ_q~9l22Z*AB^r zE~x3{F!{PHUK(~15@*^n-!(CKE9Digcl6}<+zvpZ>sgqZq<}6CNuun*t3^Xo{^5&t zGhl7o7}8>NzmEx{(Oz6 zHXY?(N3!=6R`}m9Aag99!^bI~ph~?L6fTeFmOT@(AX$bl7CdUQ%41-`XD$9Ta0dtX zWk_ftF7(!*VP)S5V$lNm3OmU%Tos|`uFUer>hUhSCH%+Bb+plN1uA4nv&!#HEOOxlnpN-@Uq?&x z%(41(f@UW~8;EJ4g9PmG)}w{FJlRFiU?nJnHa=EISQM z3haQ*ll~Lt5;Lec^aTlcq{b)aZDaHNuCmT+TcKnOK!~`JMC@Bnzm$)nJH*39L-)T# zd%?kS_>LJAKRXAPHha)L!g=U&$^f<}CBUrtCOGor4)REtafqrDz<<&WqSl%Swq2X) z(%47LI`knl2dMItTW9fej1z~? z*{F@eKCMDjzBV8&8jqwB$}b58;MHIveX{#`=yb(m6q{ z@J4AYT)01%%pP$8E*iCn3uVs}-C!B&abP{B-wA~~-jO(HlR7QB)(O*}2wX>#X6)q; zVR&*9-uN1gPgPby@6tj1Gkt*@Ms?y0?j-C@Z{a1^29R-e#_pEa;*gkQqNyuS!JhMf zQAVSW4H_TF7i_8_yjTm@U;dB29+1guXGGA=Tk6T%Ik_ZE;wxlSdhk&mM$l$wk80;+ z>16XmBu;GzNWXOED~FduU)vcBc65Y~u5$cD{$r+hsDhhju0`jGgZLo3)y%{^8Qr7H z@l7LRM)?!?4pV!mTWN^3ZcDJa!UmM*`s0h1;nex%E77wPs$9*q1GZyIkG!`aC%0f}92I?pUz#*Rz z{G+H-oUI&;Sr67y2n#2gTT5}sj23o%eizHu%Y)w@TKrzPG|wBTOm(O0(Vo6+@i2XB zzCI}(?2VIg`;|9P*zOE=zuqyUqmombk)v{}Q}tW6pP} z&Zm{`A6c{TbA{;2;I6shU>Vf}SIeEaWs=Yr(&$I;Ys2_fpD%dA#F*}L{sNo4RoSY8 zR&c1S0{hEzM5mu=5|367+;(OhwfJDhy??9n#v#+OWbta;()vmqR@RQoZf?M&g`N0z zdb%*zhyk^qBjD0C!J&3C94mH~i(fNW{4(|)v+Vaooyb%&Yur5H?=4if1qWF1u`-f* zRg%|RYtu6#HQG~OjJH<#;9R4Yr+A@-oa;C=wgt6bQbZsBno|zy6JpS6hOh(pDbJ^UHiENV1<(`rhH1VY zMlX0&!TbmQpgwFLMm;IU##X~^$AeFs-|9R_=iEK;MR&)w91V%gpw zS01gr$aplso&Y%-(arFgoba4FRfU^pTqKowZSYE9;q6FEfH<9%4(p~$)7vHr_(I+h zb0bV>+L8vOZL?_SJ28xTIT=rnRHyZyPK*9K(1yHc2zB#$gx-x7^wal0!W`V4UpBao z7t~_l!}@G&A5u#up02@bvi~61{spwZS&ELy14)RoIoLdnLE{w?e2%vTIba-&O^#1V z7>U58y-J*fcZhXYJ1|j^EL)x8hiV>W=rF?s)11Qaj7KjhexAxd-+zWaACG{@Pj++|!p^tVT zQCY6ZFW)qzsc{=Ivi2GS(}%p;LILff{|fGw3j%*bpL#_c#)ZBd!d%^E!!sae@o2GlXBuf&?H1XmwvfG=%lOaDqxi%#(?GxT1dIy#fwzXI;9z-y6C3T# zLzGit#qCS%sG$bAetACbuBpS=^uc21eaoQAx(@~ko=JnxrlQq#C*fdaHLSal1a22k zz{Cl&__<{}pgnmQSJP@nw|+^G70#)x))IV+bvPPbQip{yhgi(@n=p0yF<7%ElwXJs z7j0-q-66ZszD+0h_`bapj$E9A|U~{l6aP6IW=#;(lR{SsjSnZX+(jP#nI; zShTXgj$Pcdjb=Pj=L#!I2;cff5E(6kIAP9H7cq454G2K!~R>- z*(+&%>f>^oED~5oi=(dL()Lm~vso7wPo9Zm|BQiz09(9xbS~yD7yz5nB4Aw0F*s1t z19~~}xJ{%9_md}LTCprj{Zt@(|GtE$X>Y(u+JiK$vF5?+evqq87BJ%18*-ofVS~^$ z`(s;3I!%Rpik&UoU$7l?Z)altw!3U!<`!(XzCrpWr1*inFlb$$EVxuBu(p&S7}K$x z)lHm%NxF|wepL!?E_D{)==_h1UFCUg&|Dl;KZK@|(@0|D@sWcR>)0c>Towtl!>ix0 zVCyb4oMg&8%>IDwa3}VB-Dyl+e1Oc{Q;a@uED#&Y@XZ4y+VIkt9-bwFDRb)Bo76aX z`)V*+UHdG4F#Qu7xk3#}uVtfb+Hbba(1^VbdP|Iqa?t$0I<}opfaIXjC_goah02xT zfO8z{_a4U7RokFEON8l#iTGQ>nx3`~gxrId(8Q(zCp8M*E1NZZSF;MA+xh{{KYhv; zr*}gCD+Z6Lz!;S=A>kY4fh4#eFB<-y%adTe9M%e3IUJA=rPl0DY!ifFF z2hf&16%_smOc|q9^x}j>ob)UVa}NH;Z@hcN{M)iX{=F?L4s62j@;l(tx*B%s=?pr> z!VbG%Sis)DyP@84InEIF?T2FD5kJ%25D}+Ow7(m2uSbTW<5~hk(LR}-42-}7VL8w} zwH<19c9YcC*Dy?YCy(uvAg7C7Ls{)s*h^&au}>L}I2Ml)yKk{kBU*5@VK{$zY89yu zdncZLxrkM{2=k7W4)oN#yX0fMKlBUk&x!K`ki5wvAxN-bXe?V1U=2E}0!W~}3e3z} z$d=8%Pu?a5ik>(`gM5Af8#nhG47h(7>MCl)F|H$+mVO~QY1v24=O@C>19tqKQaoWLtkL|(>CyN_Z4<9TZm)KB(ijRCaB35 zfOwsPz-;eA zqIH@{>?aGs+LdNBXRJ1V-#&-#&R>mlUrpsMZRv3S{!y4-(uH#4j*8Ycy&<-pci{V7 z4<6v{PKK$5Vvl+?Nwr@>hg`UaLAT$qST`4xYdVLT61#DqTPS#5uq4jD<6!NtB+zym z1a@n0;n`pvdSQ$(LmFa0e{K+b-j4r7QfpdZlkI7TCRsyhjk3n5)C8ih9|L{AQ*hI= zG%ybsNdGhs;`S|)97THk{);FkT6>x_R*$A}`?}$@Y#oG_T9SvYiJ0iG$o-BvKy2SX zoV#C*K0Uxib50E9Z*?|d?vkmb&}$p~e&8YAsa7a%aohp_qSX2BQwOkURx;X+Sq3K* ztl;@wS(xl?2$t%fKy^(DiiW6&Cm4^$+XEXb6eN(1d07aJ3rd-y=TR2vc^U_AH{m@s z5ybpR4bC$?4P6>F%9*_<3gy_-xrv9-;O$G z*Mae*6*OV%DDa&cgE{h}P}eER-<;rJfAcMF3$hglC&hqc+907vS-?zZTa(OMC1#v+0oE^Y zsMwu*6Mjq?2N^@&5vwh~F!m6G6!meiI=O@#P}SuZ{j~Y)pNXV7;T(Rhk9}-mv^ClsvF3YxvLm#7!3a2k6@SUJ;?FP zz%`5dpwZ9;K3h~)q=g!z`EnuS=6woQ@O#V;SK+^cmneRzh4CkQFvsaWzRnGRrRV_K z2MKX6eJd{5u1`0mJOFJO3bTKja+xj{S|hfAd8Ow?zx6n5T-%JDZo>ta!dD#gG@NJK zI6+5S0`qftfy<{l(URs8jK2}awQg+}+(c)vQ6iN1l#CG%(s#yn$Hws^soSvr#&#@L zC2%W9aQnV5#$|6xLE_DG*gL2JpY{jiz1k6U`I!oV6IuZdKZf()F1JAblMHW+JSX^V z;!w|TCTJ0@0~lCW(1*M)|`c< z!whM@cMZ;5dmL6~MWA>2ZY*nAP8aKi!R)^?A>te&5e}`GOhGfArKlYt;`S(U#8km=+^4`-l+Oj_`%(_% zbuf5d>w`s-E6^IGf*CN1iv|-#XG`0e{JIk`lW0URtD>V_0G@Y-q~Zo z&1W)y`DQwo`49@-$KAp0bQA>a+CWCExeL!xnf}=~1iN=m!IwdrLhnlw{uBCh6J&j` zsw<7y{K>;_x11rbc@`VAwN&gd>NVaQTMTMLZo^^^a}=8fg3+;H@Gw~k?!VeW*?2E2 zeXoOWqmmhs6#j3N&SLs+UH(ns2|6CACzpg7?d}0nu9Vac!H3?rQRYtp>>jfXZhW^U zC2z*jiNXJohifW`-Ch^gyh54?gLXJ&XNYaSb7<6ZUFiEkAfn}n{qe!Su~BI;vVKRH z_ssxC{<5U0(|7O>$>Yfo8wV=?NQO=HiG<}AfDM^LX^G)U(PP1feS1{~)-IWgA$;|klH@C>{@tzm8w!g-~oL|1>-rwwXCW=tvr zN>4p!irX4s!`dMD+T4QXUDM#Ul?n+IpMrhI#xf-Xbx5f+qSqhyfNtmlyfdc>tm-9r zi}N4+s(1~WUOf>#|NI4K+neL9+cKnh!D^g*Hx`HV>jJ7&vy7GD7$K7{lD}WY_8e_w zeX6sm^1zjJpWwk$IFv7RxIc-H4n2&T9_8e{-CZoXB1@;F_hFxNAnA|tMIhl272vjI8%6Dp8T|&5Up59G9SlF=X@nU1ZL3ebwlVtUjrU* zEk_G(i|tf%a`0`v1exU_+zCnsqoU^(<~39s*I8(w_r@I1$+*P~HIgvSX*6L51<83Lsx0SNzxr?u)oEO2ieX;*{D${YfE@JQd z<7wNG_i*4uG!2Om@(Ipqs2VQCll@Ymddw2RH4q>$qYRnRFCm>7@|TT$NocI&0y@z8 zGc5U~LOTzaiH828z^h)U@MyA-asxYkY5V*+ickWPY;<* z;cep9+l2O^^AHtuut-TnhoqilAKNwgyt{EESam4*KB5|4Y>0(8l;vGoG0gd5G|YH& z3zK$xU`0R=)AIEt6moHIMgvUH|6B2AEyc}E>%jY78JI;MhG+Xb*d)7ww8(Q9y|^Wi z$O&Dz{gPtr*Y79YLPxt#FNJyLi6NZS;hEfPxJ*h1T-|5G!|!AH)lZ>#M96bL@J+$7 z_LoS1P&!U*h)3CHBj}F<1KG}XN8yWy8A|V##_pljGT(oKz)6;&X8o?abP9u0oBpZNxok-tGE7$$G-0)U+fFum(6loQKiE(rKVu} zlWRD6+&-AO;I;T@_e}!2rQmyUEGsY9riK4h*s|-@uU)cmO(^6fHV zV{yDl`j0WXlor9yo5FKKJp~V>grS+mAihNNBpey=7xc3ov?I7^*Bn+Y2CDddA&T|2I>xz<;-<((cd%7w0b?Js6^sA zE(wz|U$QA4G3>+&eNsK~E8F!V8c1>x_^eR??bqFqp4m)PODu&Rdn;~D`XD-8`I3~E zzFI z{SZ0W72?El+;m1X+z#J?nyYWI6UoEy^0Qvz=q5ZL5?k=VS{Ls3;wRY}osLPTxY*-D zv-ncLam>9R%M25s_0laBA(JESrt!Y{4cK#i%-1`i;!BP}WIL6+MnGJ=NQgqh%XSnHv zG&8yM5s!Cgh))+zgUzY77<)wy-wz7M(Hk~`N$4@wcCnM~z0-ms|KH#`bda#m9}f|8 zs@c5OpR79MInGFHC0`cZM~U7xlIh-#$zuy(bWpG8k)jcue<6MH zvV%&-F#gXBd4Z^=HHv>tiX(ki zC9v*iI*b0c8^cC+W0bB1x^BG-v2_#p^>MP$t7wdWUJS>@*1zG|@k^rKNIh!r@QCdy z_vSs%|3e!^p=OYPU-eS^C~W?u~9vjqG%eI^Y$7x7S<2_KxL2=hY1uom9qqCy|)`?icRjrDBe!!qpE%;Te6 zn8W^@60t4D@PkKBfb*CURK~7|I8~14Pc!1NtNRy8`nQnV>AgVq<0$U_5)WT(9zyT~ zYZzwm4de4nL}`1pdCHv%kUcUUKK?SpjT>JxnX>tSXKit5#3<01IgB63-iUXk-V0s+ za?!_+A7K2gBe2_iK7ErC0r%Sm&>tiJk?K=ZcurRiQejSzUOEjPPJWCgmZwp%Wg}XD zH;3eV)?oSXJ{uH!fE66@!Y>;_M84%c*qF0Y6q$6?;n>HsV02`@cv^%qrtjVkw}(B4 zceT4M->5VK(PkE$caR1%tO9 z!0pqL;5C^_OOIBfSvR1M`e_!NJeFIW2!ap8T-c?Z5x6Wl8ZYHpQ@?3aRO}H3ivst- zOR5aMWHtRzT7=!MbLf0K5qDl8iPHlz!J*p=^s`FgSw;d?NtEIr?*kq8HZxI5Q zq6&xoZ6JgCZSa$pz+887hMVz%V{*rPl>Ika9Na15D!V9V|FGc}!?fr}*A7V3Jix;C z4}dez2hcxZAHX%JNn~dZpuuwSXanqswwhw{}!=B%O`>J4;30G zaIC53BXZcz9ll4F!Kj>SxbC6D3nNnD*AjsbS2h+K1|Dbf%O|1eLkucU64)aH9k}wR zY>2qB8QwTA2i4KC{G+fJ+}BvlEbd<*$Hsoy%}I>yVFkU7oNpudB)5DT15n zkT*_j-9i5KEo9~&dZ2Y$IXrq=2*+)fl5+{FH1w(9DNoWBd+O@*UHTL8X0Iw4nN=}Uzx1+5ooyF0#>Gzn2}#8J9u*O>(iY zliToFzht>e@DZ9Y=>YUpo+VcwoF`iGHe5=``f3+mWPXNC?99ay$ZH!+4{emAK}+wE zo3*w$hu*)_fsG!Ek@o6*+cHa>(CP(Wb%fc_ z+f48Ze1rZ6KErIQLe?T$3$1>C$l5`>#Pjol@s-tNT-svCOQqMcR^e1$aDFPvk-Mz$ zeFR3_?0_w=4ua}GZ$4IXH?mv>T=M!4OdoDfciWs382`0+ePuG7oZ<~;M-svK;!XH> zQ^+n#B{I|QNBH$=D!N%;AsZ?N@h{u-X?#@?OY9VUpm)MxD5X4Pp&7?loB5Xw3z05a zf>Tnu$+H2o;NVV7WMzt|cbACo^VSr?*2~tR)QzKZu>v zu7J_qkEHRZ2ApsT6C9;~#aEAff{X5P@X>A%ENMGIYWtsx&9e8QGv3Du8F{R5fFI1= zpUCw83r97drKq&1joj9}4X4;=vhS1_jAx{Zk2!oGa{^3BXQ~DC5H;$%Y9kIY5xj<9 zV%b!kV5~poC%)UDP5g9*@ilYvptbETlvd3k-X|jIj_=cO(S$1a^K}w^pz;pyDyzX5 znG$l@xR}Ik%);Jna=iYrGYmEgW*x<2u{ctnXGp}82MdMtLi|ACa4IY;FL+G^0khKFKYt>#+=Ym^!C}j%U_ahP6ry7(tP!m-+g`^@{+AO*e=Wvw_DEQ}KCZiH0}2!CF?K2y z8`R12GmWS4Oy4T#dS6!2>7vK4%}rvT--d(xg$8nYzCX0JJ|uqE&O?RuFz%?Sg%5ro zgOcm+cvW4WM(TCpdf|ObqSP54X>KJ>`No*n_7kQZaOSb88?hm1A`Goug)?nmVEeRL zmmjvjMAM5Z;MUTGUZ;$}(x3|_nM>2bo>JuM`uX@}XN<6C6dW;5{UWOyUc^VE7F74F zgY8x`MVscX!<%xaSzXImbQKq@k;rV6i@l?0h2ElYHASUvF_RM?u)g1+&P=Cp{vD!f7l&AY&oOT)-> zgD~8ENr~PlbiqEOYp|LxpysDD#L-Gt@UMClxc-}t>f0mXTFidj{ACq-uU*ZfpUS|Q zCKDLiqXv1JO6<g|EdX+soa?-NmO(p!=t`xP7` zOVQfp0L;oCjw5Cm7)L3f`})gvn1c#HK&*lID$rsJ_Kw`dId)C{0)Bj!ruXio+bm&o3Wl zN3Xp`pW;Dm={+ZEy?qq;C|gof9a#)MlTFshrZX2GSvq$E!L7?InUb0a<|M?yw$cY+ zT<#A&9$w;Cv5I_uN)WO8<;Ztl2q2}|Vvs+%k`>SWjeBd2Sd*DCT-}r?bnA8Km7^Lg zyTOz!s4-+i*P9RntGh7jNH=rpnZOTfx5ANFJ?L$C&CY#KL@#$qt~Or=j>^0wCe9Ut zPgtG$UeX|A6?-A9ZVqrZdxU#;pC+IYEI>7 zCe4HFh>yqfH?kSe4TI5r=V4uA4K#LHp|b5r-0vR_2OSwHwn!B?p9`^m%{w&9DS&$l zmc*rdn#gGWZuI;6R_s1fhi$ucxaOggu+Sl#B>X+) zK=uwmOJ5=5v3@r>UYrD5bGkw6P&hXkTuNe=N}^AUEiTKsKt~QZhZ$B*L5m_icsUa|0W7%~23g#s4XYVh*2bpI- zA={x0n@8=(VH5jd?aw8mu!Rkb_L_rIemP#=_Zdc+=<)xKpU0%g2nY_61bL+}cGb)e zie8EMQf*u4IT20feR9QzA0l!5)g2%?%847QceBy13e;0&1eWD5<1qz?QSC*hcv^HS zzWLb$num+gEPoFN7ee!94Cc~b73hB0kD7zU%+X>zPB5_HEVW_;o+4q@$9d^zRVr4IsLA5l5zt<3044NJ}>2=7w^;Gy1lc)5|VCDDbTF=7DT zf3X#B1vkT#;DaKQ3^lBK5DEUz2pt$Hu@whj;KP?F-UFdTd<31okM+P=1)vz5HvTzc$ zm=_{s&#WN&T><*W-9-HYDf(MUmd6WRvu=}*@I8M&_<8Ab_xLBGT9l&~X77WapI-r+ zR|kKVD~NSQUxY21QgrIGQb=n)!d7~o6d5Xypw+`d>G89VVZmg1*s}TrE<8LNhxh(t z>#Op_?|sXKjQSPyx$_Pzu4_}eET8SPv!#CrJ2*^o4}#tYKHT!Jgm`{%8D@Tb0_7!A zko+MXDo+hTMYI2RZ5+wTrgHjiN-CyFDnX6Jd06r!Xly8qZyu>)~Oq96q?_%(e>mil??$K*cSFZB~y#iB=Pw;blMr)&790 ze=O#N4#L8#3B>=|c;*mdLjRt3B8~!ksjF`~yf`$TInCE+e>WU~^eI#Eu;w2&|6m5J z_bP$PYSRsq^!-)-*=&$4f0Wr;0!0K~rrsYdm=xqb+x`(#9g#-loEv_a|Vo zc0MDwh6%i@vpBEl3JmiU&g9l3ux?GPol|8R}0eee+;ZgOQV zr@Ppjh70U?{VtSDIt8aZk=Tuqg2px(=neV~&eey}<$|yH-5&{jGm~;Hp;-3ibe>18D!w8#P$3#hcw9%+v=-~Y+X4mI@hh|wtu6xQ09k@ky?UZUNFb2j~NvGLqC&b2#l;{QdTcXP`5Te)1L?LW!}QTA7}A&jyVQVVaKv~ z2A^g45l*gI2<}5VF?xzNo;g2`yFU1j`PUnuccz+HD{&hB*yD+}{%jWaM~T2@-Y@7_ zq|3(_&BsN_wcs88ll(g$%WjfG_{wY|sCOvw@sEU@d2xnFw%!Wg^zDQ@0&`;SfQOKN ztpEa#E~dF_UVu_&D>Ewigt3)&^x>ggHZpP~-prOj9q}rMC-2O-d~PC$QWUs?=X>%| zJCB`<$_LYV9yGSqmefz*&2moo@dUOH_H7wT*S>P&#d*VE&NdCSR#F7HgANW`E)`+1 z#ubNvv>=|YdV%yvETyLgH;W!tG^4%wSM=Vb#T&o-h>C@?q;v2m7&Wj^)Lq-gY%&K3 ze)m^;phpwH$2_^B)+GmQ>`{_|7t zk4JIa=i6b-xP}IrR(z4^D(uaa=FyWbFjHeIo;pWHY*SQ5V$S*!-<(Y5 zZ6;*gBtI86AgvdhOuP$^?`b zEr;xj(^*|>Hp<+H##1kKx%=@qEM}|-hB`~p>AK!*nmS;WOB)9JlrfKk(;;MG5>~xk zhD9myV&l9I&=h|HM{Zk;-Jv!Z)KJf4$8JD(k)-Hcjo_a97sTEL^|65$rD>S|0+{!7 z1>ci?0Y@%ZrQ_mS@%e);@uFwnpeOk|nRCd7R9*=qw}iX*v4eA=?6)LUx~9S3Kc0>K z13IuQ&M+-Eb%` z3`HSJNPmne-Q*qtpTZn)?VDa<50}q&{fQ#ywF4n&z!*GwokBy)Ts)za3tNW!us!cz z;D2tz_@un;XtCrL=AKo7*VjY9TJ8~uuAT!a%_^d2`II#l6%yBraV+)WU%Y1X8yXha zI%s>`Czg88aaiJOv1H0{x==m|GrA6o?H5<0gmfTG^OT{#S|Zrum4-A_@|9@lst@?- zw;6pg!j6xf8IB|FDzV36F&0jGjHyWvD+2vy5y@*xcw=}xri}h8Hk)P)(kZrlrf3n7 zY7W6Go;UH~c3T|2U>D4@Ukw*GH9&pS2(D;!91>>t;()i)_}s;6g2zLi7Jm`Zu&`uo zY>DCu3ks;4=0Kif-9p?f29e*}&WHjo_xxH1Ro zR{VprQPHH&kP&tFA$3zvJ2_=JWvr!7IupxU8ZBWvqv!7J6t#Nwn zo7QgprYt37GfnuPj9BP8HX37HX7D$aoT#S9eV;vonWk@X(nUGG)bcSLYn_D> zwFF3zKjdD$32WMv>4qK$R{V4s_G%c>nQgv!*KIofiaHLXCgg*`_NRC@QGyz&3jhCs zMo4qMr1|^84;0DDy4AGb4rUSlBkq4c^kA#S~i7@lI-jhnkw#jj+9iS zMG8fst-VWne}4h4d+#~F=lOm=pVVg9@M;?yd)6H_EfslfY&{MvmE(HVS)dfZ0xmt2 z!+it3g|v24#8>JVu8&X0||`- z;efES80dTy$Cx*;HS!YljidsDO~&H47T?H{#HDoHyQ}!g%9s7wtj3?=15}9Bg5M=m zAZW}lXl^#<$<2u%`PGh?KC%JZ3rEPm0|PL8qZDpY4ToRKU*M0$5%9od`0|H~@5w)6 zC$bjd=103R($$?kQho#DoX7Is{trOf&#`>n9#O*YTHv>Kp?CTsmL~Y6peYIU>Mp^A z{1$YyOhScu$8hwbbheTXg2M{+aNI)3A6**+m)>7QqWzp~TdYM-j5lDSzoSUrxC~~# z>O=QByRS_K{hy0P@6BhDYMTGf6el~}v%rtSS*7%Xt>$K`Cq>la6G z^|SX-ci>jG>PrB1Y1{x0LqDO5k_fw2>;;pQf&8B+5nzZq9bVxCyHXF}Hwz&zB)=Dz zhG&3n*eOtLsYTDPQ_vtb67O`)1DjiILRRB0%dT_7K%u{?pT3X|K0cj#{wfnce%QsX zI+3WIiqi*S=1!E;|MaBfC44xVBoDm&APSI>;*TE?!B@CEFpM}HQNN)&kf#G2Ns z{uZyggD@#P6w_9g;3(7mkY1QhJe|GhuDbd7{81zf_3iMM{vdQT=kzAaXAOND*< z3s3`&g17z+m?-6sEdL|gKsw8iJ3yvi&qK@D7~Cnb1pVs-7xk?__#i+PI=-}^o2kG$ z8|DhLn-kD=TL}H?gYai+7)Fti*fdv>YfjOCxEHp#z+neAzDfd|9?Sev76|(mRoHRV z0Xm**@{USlx<2p#%UW|ELpBbeE=wL^SwRA8PpM{=I9;U4L5%#)HuonLa`GeZroEcB&|Y`5V~K7q(CN)@YoF~suU9@z3K z0tbKB#ggP_xa>z7R*zO?CDx7l*Q$@qnP&*`Crg+A}B?_V$9f4~+gJqc%YL($J=I3+Fwnag*%4LU{id&as2D=EG^CJ&Wc_gkzIELOTx%rBb8IT`!RGHk zoF7)@+YO+k^Dc8NZ6e3_rhvTCQOJ#LhR3T`LLEBLrtwe7><(4b?a_n%y^?g>uJ1Vf zbs;?Pbfv7k1#d3RCxKVBFgGP$bZnFcpL6&rB;S!{4MUR1nWqKfgvy6#IP)F$9xBJ` zrE%as`vps#@Do*E%;BEivVz|<1@u$}4#blKu&Y^#-(2KMBaA;{(DH{cs9Xxymd3HR z2oqYd`ze^mGiO^{oHbyc{` z&Ke!*5h$vB#*$9|7JoC6*$dw~Wza{YE)S)c= zpf&${`8Zam9|nBfB4j$e(7Erhy{h3Q&=?j-mflRkt3#Th#j%9%?eta<@tqMHaJ#)5na(OEhcd%NUqisFmaZl!7=`H+Z8Q(JTm}aXRl*&#R9Y1 zTZP6h6xiW@R`l@=RU*4~580hNm~;g10=af&8YO(+Utcu{PJdUzBL)A&nVV#AjnEI; z9XpciWu6cRZcApbgWQqlDC11EVUTD)h;FIbxj>c}9xbX2~y!_aSIyR)? zqlRU;DeXQ^JSqu^g$}e~@)z7&Y{Q>m5mc_YL}nbAO$Kk0z;p*Yo~m90PlncDtk*^6 zZsCQeemQ~}c7yJn3id*6F>Oe>P2>umVolC%Ou1YtxL{TIc9Sx8`Rxrd#NC3djwW2Z zRB(y^@Zyt~&4LZ%itUr{x)6Q+dzfkQ9HX!3(5bbmn7v^*Y4{~gEj13nzL;rHmRSv( zEF+yrS+O@l1U|hD~%N??PvQ zRn|^E=GX@83>**jWn-Y&YB3i2eS@}n+4#Mz4gUmL(GTY&Sl;0O=!xHHO!|!nRaEqc zM`!EFXp32pGWG#H^}Hg^k^93IMJ&VHfhoi=rx?yk3itLo2JrGr9PAr>A4_8?EcG-6 zxy%SyakBt@yb7U3#)^D)i3F*LK{W7#6y4%=6Z#8-)>GX8u00?muzZLypDQ_xTWQO&LbXavZ8n9_u}k=d9s9APe=qKvwH%Bk(qPhpQGDc< zM)oVE1=M53NcPU;x<_n;p1djT?e9d$>0-TU(PZw_Jglt_e01JC9{P;hSDX^+cD^+4V!M?gbimdV5u(Ri3=irYf?E=TyTx(SRRC9 z32t~}$5xcC*5ozzKUw{Wo#cz08U))hSo%ByTmRGNCW1rtbaxn@JY_?NsZIl0)x_Qm zQ{+R1-LdP&`{-mem+Yu77k-~f_-mFe>%CFWu0`eGbCciX!SVYrd$$+1TsL6(SL8so z?J)QY9+tziXK?sYg=YW#fWDD&Y{`+4d^9@-0aTddKDfok)Ls<*SucfJucO#sXFa;z z)`-e}OTp1AUZ7t|3N9&AL^sDs__$%MsQ$bbEm3PDbDk*iUAONMNuzhLH8Kph5P7n1 zMVR0gzGE*w?a5nYU$MrmU*ORlHBh$f0Y^b4>RvpQ*WOBCj)u1&wxx~Ki!siIQ(@wsyn2T^~+#xVR z0yY3!okrBdXM#)h5bnJ?5z0ruC6}v=>9CGOv7vN691IvEmN+kkVe@7~kK0Sp%*u@< zYmEssjqf4X&xeSu_l#tcy78#RocTNVG|-ru1cFO`|3(0Mre#R8f>3%#G#Ls-z<#_qS&VQAB1wCkCSn{Y5s z81IhXYoz$cSHW=CNX-6v?S`xc)!=vfndr?OE08~WfpyudP!DNWVgFwz+ODw&jy;j0 zBZ3Z*p`UxI8iLEQeeYygU$GotzUqeB-T}lSPUt-iJs>c9-omAemFU%X2i8RE@<0P; zx@?CUcX%ELFJg!CH*vcmNi|G7>RlmRR8ql=f!X31!9|_)y$ajZWvI188Dv@Kq1L=m zP^z9wL6CmuK2xA%P%Ep*c+FJI?t<#SE+Ol-OK>wDWsb5{RYh0!;fO;q@Ic5^%Sj%? zVE-R*%agMkt`DF&m&$I{3oI08B zax=)w~S&4l^NILkp+ILA90^ck@q2xzC2gu`~kBo&3RWZzvA`yAmpeENWY47$khG z6_OrPI~2aFbLL9=US_&;Pjut-7sfxFin>4SVp#hiSYkvkKlN>=!i8LT-0{ z8^kt_5O$+KFxOAGAMNWFdvsb*P31wLb=jV(E6#>aaYwrGTp6JZ@z=7(1Q+<0U7@V7`73pKxs_{B#~9 zRv+jJr=$gM@{BsnULOr+y^HwB8_G0OH3sXY>d2Dr^Rp6p?$@>jjU3N{ z%tm3xykjxkkem;xQ@V-l8YR@5e-_PtO3|DaN7(4u3tW7OMApT?;#?6$&RG)S>pCn5w&t4{@}c8Jqf;;OwV2F~fNue27WmU28MN zm){ss53kome}e=jEZ&5!=|AjcD_V(fRzIHoAWtI{BXIs!GdjR=8}5Gl6&`qXVNmF3 zfz3W09XFi8xIP2)(|HI`?TPQ>-voLN3~sjjs5H)j}?IYLXBO_gA7X0!zvJ5juEZ*%9)>GeiafLZ`t` z8UMRBkZ&%lW`AXGz)MvXYBFU2(>u8YOcteM)wd&X$Lu!D7TyQ{8Pr4a6l3bTL58YG zXyX0AH_S!gYmIcsK--0-IK7~UY|(fK)wTGW9tv;Y>+L0mB+a9l_>K(4it<`0t2qyP8b@%E>S*jT)4>7H zrcul92e3=o5fyv2$xDxc6x6?<%Nh@Qrdf+#6$v~NWNw7wyB*u$qLnr+@&91|^g}wk5ItXXE@BTX zA8k_U7yKEl%ygjbo;v%`m`LKs4uwAz+i*+Td#HP9i6eYG@W@*$!HxNonPsMXEH%p6;nj44Zhb*W{Uc1=aM}^2{%X9DV-uPSEmU+miVeTzSys>TrZ6CH1 zbWHZMuNjVfYfC$ZnT>%33n#+d%PzRT#*0~+-G^Pbv&o6RO0Y7R$kjH761|<_kUMHK z2owl-=V^;Ek?vq{@IFS4mg9@0-a}F0QS7`}L2NrMVMm+>+Z3G(e=oX--n&<`5q8T+ zOjj)&8#)-;uCAb#zTepWrqgiG_#_D^k${ERE1p$q!23>VVdKLp(SapKR72JZt}M8Q zG2+e8Y_k;(WSNR@eGKI(>z3k?{6qNanh_oBIRPun%Gnjgy9kxzh}8L2Rc%38aQ|8i zEmJ%zoI}aXE7h7M9aH1$?+)YTEB2G&J5~s;Fjrc8+)>zvWy8kE>ExY;6fJIPLBGvK zxNG}f;XY!@f1Z}X+mH28GWH&vS}Cwn4}S*fqe)E7P7$ZA-^?#99Z$n|c;fHdzp!vg zFiiHJEV8QYBul30g5|}X@TEb5cj`o8e7V3c{q+V#I=UjoafX<_H(K1}zmxsEA_Wt} zG|~R%7yGfH-^thElW|E)DYm%;LOB0JLSA~q7nK{L;zfm^z3>Fo$@Q`d)6;PHyE$m< zFA`?$_VnuYG+g`YxmZQ^Ej#pOSCw5`INN5T!lRyE#!@X69Hd(Uu4_Ml{V-LK(cHyv z&A)|G^P+Itn=$;of{+>hew}5f)k9vpo653beqv(`bD{KqSyV=e5Z9UTYaIkT-; zrXhp&wl27#=Q8f$z^)u=L}oZNSs1p6yoFjqPRCQpclht5lJu3&pmUWM@Zx`&U^dki zQ+M}ZL;qrdb1(yahO5E!hsUV#WF;&W&d1|}pEGwCUHar-E^~aW$(LJX!@JvU;w&#t zwmeIL4)Z`VtyY!KF*oF6RSao-^&MDjEd}4c$`XZ~KIopk7ZW@fZ2Tfi&XuA6E`xmgawROUKJ+|dWl;#a+zpp0A!W@fEjf&u(_uZf-JK^T9`S+n3ZDO z(*TBTf zoqG_kvzq9tti$yz23n^Z^SZVlBypMWWUj4(U|oQ}%9_X@r6>0D8-#uTfP8S?E@Cgv zuMkhqb^^n-Zsgjgd32PJtDKfo2)nBX&^{x3vh0!S5hWz#h zlLK9%e@~aBibcUH>(QM4Te)a_jGi&-2_{*_379xkpVbR@8@8d$Pb5Q*huCeI{t0Jz#loED zQ4kY1g!at*gu&;v$niJo^od<3n=;>muRnHF@RF(0>%Ww!xwj^Ej$xqbc7e^co{pN0 z;fR$fgK!#&mXIHjHqJ6nYCo`MR-T z*bu7&614@`H1MeSO}GU8?BLFoT`!ZMl%-5-lM_mB-U02eX5*L(1Nk5!3smlX6BP$X zV^!HVW&}FC$7d8oSsY@-Ocys+eSxCeBVg~GG)!Ce6Y^vZ2o*m!=<+-P{`JD^@u&ej z)(@f*uDs#$Ftm`B}juxrqUr~2P8^uJ_0GHE7sH{C-Qvve5reFqzEdLAbCOVYm&62V!s zi&gB&vM-h!!7nSO6N7*}Ry4LBAJ$7ywY^E8w`ee5VOEZ|5mKD4iY4vS8{pL3S713f zQ|9DoP()j`arfvpZF{rN}v7F@qR{Hmgcad<;##l7b_6rz4j78Ipl%CFB$O9&2;rOlx47%fKcjR$c zSp6O^Y;_WH6BpsnK@~pOH5vUz452%k4>OPX-#}r89HyCEXMQ~@*rZd6hkZ`6yZ1hj z+GDCTQ`Z2*Nz$y>D+EqGQ{p34^Rf58f4D#MA_e3~0AIO{|`3LZiC z^K5c!w+pi49k9m1fVb`ai&mK3> z8fLZ$&jOd>#gr=X#$XTpl6wcQ{@g=8K5ZZ^vEy*Buse)8bROrW>7d^3^{{sOQ@s1$ zofi$93EQ_0$8Tz$)ZSN@o^I8JL)#Y#VH^v1D7+Lij@IFZ-$w8u=L+txpFkIPeFtl2 zZQPY+%{9E7Dc>2u+C#fwnWh+*Fm)Ousuy3^Ql&}n&SUw$@$lnQ7V%IRLc8bBhXW>B zFyG#WB?+vfJx|;5zRXcjPk)C~SB1dT+$r=<&rs@S9>_%j!(qdoFW9j)1f#pp!u^jv zIC|j|EJ-!Of0h48yT>uiOSB{V{TA`F0qyL~tsi93%A3q<_&)ab`6gVs{0z=An1D|k zr=$O`SWFUntv}}P1ksv@On3BsX!uYjnk~%C>MMxoeBp5xHffDmr?3dN@fvbV$UYiu z&&0Q7QTBzis=-YB4kM~t?0sB+vQG}X@z|>yqDQ@lNYmVV>{EdyU%Ao~r5FETPfq+p z#h9Ud+0L6VA=wH1E*}C2J_Vb$i{W>NE1Q|Af{q*Yc-pTpbpEDD)~=5yE2pf5S9!U> zoD5)7uMwSM@Dfx%eGr!kp6dFZDE##ItcadBq8H5*S#ho%4?og|@&mSU&si>D<-8YV zg-pV?Go{$8F&{R+xqu5(OxeCIBVnQMUAB0m4vBx&jXkPo$asNSP*gpbNCyYCJ6iPd6>DbVAj6E_EPTz{de~WGD6o;px zC69vOWt4EYtIQ*^yIim{BMAou8KRQJcoIF+ifB$=OlMMW9H>183$#+mZM$}I<4Yf8 zTgI_E(OcXT_X^u@FQlXAWI)V%O`Is{j9bGm;h9B^cyEF`x^i{ARyPqot!xyp-F=eP z>ge;71!_!ddm_^rn~H`LvtWuDN9R$4xM$4@d>eL;WCc_~-g2ZEa=;l{KaFj5`MmIXY7 z`0B%?y(%0|>q=tj3SHQ{Z$E@2?!mvpoZ7VF5=#s^N;>igog*bd*X}mKvfcfVzI_Zt zo3!HusTj!g$`GGvM!@YxY_@qWY`(6+3^N|1;w0F=X^Cv^iFa)hbo6NA)x}PZc#pXwkeE z_27JV2j0Iii}939;&~wzW|esfWWmt^6?8(pHHfCSRGLZ9a4ui=xPPvD)S{oqTd8N3OYDvEhv3zlJLNZ68>P+vS9 zP6|AOMzv_X;oO6Vo*qH5;EOXW&cL^)qDYV1blzongbnd+gFOoOF;0izaO>0fpUxln z>UV}sSH21_8kA6c;Ss(pKaO5^R$`i8JiGNf5}IsI5n&MxYb=^!(WxW&AnYSM`$SUU z9V!d%*(G9=2U#%Q&YbtTET+Dyqamo*3MWNeBooBV?BvvWusv6a4)InMI71Z>bYUHM zn(iUvqpEQBi+YlLLXyS}JS2LsW}x795PF5>Us1{BACtN0O`ZFf;(+`s>{)*w>pMA! z+dP&a+Q%o8Tb9mb?&4M0W4Vu5&l?8=mS|$M*F|z9qm2yBOJGY33(?|c1*jTSkwr^> zlwO{a`z`#xygV(|?&#;ypa~e4D`0*iKx7Ph;YJf1aq+NFG<( zF;zn>r5EB#m~zS1kOc3xg4efS6Gm=3K9Iw0_OjEB+jX#;q`#64^s z8v{)zr?8m9)7Y|4j?XhwrU&Fk(@Q;~K3Ymf9-zE9k`b(rk^%%PS7|4PjT!f+Xaxnb; z4cIH1Nm8UXpk0bI&gy>);dzhY?z0H29^Q>QZL#ov)CgE+U?gyA`%w0m&;zubMxNfg zLROl{Q>6q$s&zF@aDMCY|MVPbxTz-Z=^I4l=8vMWv9i3;TVRyixbU@pXK+B%WJ1-n ztJDsJ!nhp+_=-7-Xh%c9(7zP^i+zKGH_e3?_4n+9J_vgoffYwrpCI>FpFuzWdD!9F zihbG1u;a2Eja}(P=fujuu81;N6{-smX)VL!oj+!7)dD+`_;NBAPl zuE$2!g4+Ec_}HaH3zOPOmW*WOcdLHUAFo>2oIe$1CON=Y`Di-%ttuZMvj8ImPy4c6 zv-s~BjX*_)H1FXjrX;Wo&8B}Lm?Z_roLgZ*t~ReD0mOffkR2Og!dKiM2^~E-RXaAX zLlcK_P&$7Z|28if6)dixhKjiAhGR5eP}ztV9_jI?jdtSSSO~5LxA3q?aB};Vu|-m9 zL{wIQ8^5{Yu+VfM`=jA*z*gKMBhL@_*0Cu?qqx(UBDlE80Tv1OGd-h7EX=%u7d9lp z*|+c5-H^>xAyFBYw@83?PX&aZsKtLXALF|p2Fy194beNVf!>l^i2tGkxU2Op%Q^1| zsMkUY_l$*l$? zVx{DoDEn103GBDr0{kTXlPy{=gQupI!>hkmn0@v&+wey4eboqeCoLg&eAI|9&D+Uy zcK*c5tHbHyH&=-HW-B}!`--%!5#zOc6Y1qfCrmyf3&DC*xz8&f(MgY7tW6&R#_m3X zGtL(Gj48k?t+E*HS`8v$Hu)=IH0!q9&r?`3f9Sab&V1c~Y7rYri*WBaC@}&D+&+Mc zJ67QNE6VUWZ$FH>a{%Wr)uQtkc0gb);^(`^Ay4?6xoHYNyFMEyk1xZ;ZtsctbD;~r zX&b<_-9TV1JbjOQjZ#_p zUOz$7xR&!_Ny4rnTySgrhiYRpA@hSA78O3ii#^tGZD2mPNNs?Mbs?nf@5m}6^ETnE zHssQH7d*2UfasDgtnM@r+u4N*?}wRu@xDZIW&c4kx6O;MUh(;&h2CuO$&gAMsCxuf z799q?%xe(I9l2FJ``83JPcNA<52h9PW#n&exPB;6Sma(D0tX+6NTN$oNnER zDy{8cI^nV?sz>O*f0Cyyr-XS}lPXN{y9U?qPata+UWR9~SzvuE5;J1Q;LLqX=~Yt+ zTC~N2sUPVRFL7POl((j!`*z^QZ4pOp;t@h^(OsM!hVAs(sS*@HJ_8sUKBU zd}^iO$DT&Z2mi(3(Jom0Kp&64%_I(j6vOmLDBE~m84dCR*t~mr6(-sNateG|`4Q{;MzJ^1cV1l%|`Q@q>eIvbFv&q-Yl$fyRh zZMBcV`h9U_NWuQ9K3jKIuy7r8Xvsr=@p;&>D;MFzh)0go2sdCorb&a%YuEd0-EnxlNB`N!n z3C1U7aACGFEg7FpqynVr@_PrsW^4`yxmCjjA0hKnrN}d+a>40zJgKyD!_o~?Xxyn> zJa*v-Gg??BKCvVjH)k}morh%kG-+9$wlWF^th+@H$j`wl`?+-J7FRmMrGdQt?t{7w zIyiLw2H56n0!!XDlaY@eqm+CF*h?vh(v&K2<@Ri7x$_dv<{gCeIf`^n&o1~>z_Fl2 z8LLz8lXEY9M03p#fM4AyOlXdVL$@ROb2oRQuYMHT#R79&h&IP8dJpX;h4{4m7@o;Z zLj9N*7(QnzPYO$A_$(Q}jr$FcMcq(eJr4Dzok7dlX|QmZ4!&A)npw0Jvby1Qpilt4a<(;DbA?gLqJxkW7R8bUXe z$5Y4Wm$6MKeeTOYj)9j3!|rJVFehgbzFRjLx%p>!)v}t#KM%)%#TDQe*DQ{>HkWU| zDoH(ON88IcOoNt_1GsIzA)lOo3X4^n;5xUZBLl;s*MBi(ROp3Pe8r9udA50&qiDLf z8ooYm%4!Gc^V4_D`HW``Ea+wcEGsX=XN?Y`?PZ@}bb^*x>!UZRZzv{T2kb@leOKYz zSWB)i!T}2zB;&EuoWnAC61wB60fRxuW`1@rO z=`fj%`yA8YlXxc%d=m>6-!2JkjTA_H6bjb`)~~UH9v+rY0cq!VY=yTJd-2Z%DwcOL zC&_QHctIzk!fR%uG(bFN$W**QUqg*wJ==Hq1lkT61OJ>H$yDP7sQ2p$#yDD0Yw1w@ z^&$Wyliu4OG1KI$9vot`2Ai-81Nup$%L_tBv?6)(hZJmL@cPkyXqje&B+(f)g$`uM zZ54d-c`|)suEDNNpio=(g*XiLW!vg&?0r`4gq~azyym(F$EHZ|STYh+w~WK})E;Et zyd|U55=d-`J(hfbi47+W=%_4n3~z14U(Si*_y%{plVCtEhCC7{k5z^}1&(O_`V>s) z96)+N4@TZy#a0Er1Cxbe^lH&v=$@Q~Qw{y#y#Er&HcUr-O(p7RRDii1MHrmn1RG}= zaY2+PitG%*0|vP)PtS!k)jol{zYoLrZ?Sl2ya9c0sZA^@0OT&+AX(jcV9{j{r)G?# zWcz-c8h)3J_AU~fSA94_UXv*1Boo*B$!I;aMBob=pg1NR?%kLTn{|cfkM>?xr+NgF z!_DEDl`dV~ISMK-YH=NNT_PHAl^xUpoaqoM?iehWlDQ;B`L8(j#W(xE%_Hd7ZYAQ@ za{=XVUSLX|2v)KZ{KkDDoK=1XtfS_@3$01Ked1d-Y2PPyVtf~yxepdPa5fRXrpzc>ACbQTA83akN*$GG^^ZG7LXi=~TYd9dyda?AXJ_=)jA zlD?-&wC{H^vW?UDl+)u$&fs1MiXDwbft48Er$uj;P2!i17V=A;=g9jP+JyW{M>oZB zuuQ@le-3y9{wqY(*<7Db`BIHr$4nxdn)}6pd3tzi^baO|sgPZmoC=%Q348B9CG6Bw z54!!o-|R_(Du2bkk!R&wsM`k(dc$Lrz<4p_r^FA@Ea(`RKKqFB6ZWC)5ea(OyB(e$ zslvh17w~p)Hn?s02%l^&vMV;~v}$c4k<x z&xMUsF5rO60c2%CJT%j0(QUh8vf8Q>P3tb9`$c`8bA1Y1eY=m1L4e(+B508$c8K{*jQ6F=ALFk2^no#c@X_bN!Q)e*O@EN3)zkys(9g4wVC6 zOC`FoPmGxtUD)+?t;C=}9oxrUgiwD4_M=>fza6wmJeTi=bNV-!)&9NW(Des!gyIVL zYWGL{xm=ctUwpwmVF#gV?QO`r_XO^ISwKH%i@|@Y0_*V^gn!z;Fq`Mmxc%To^zs$@ zuI2KuKcE<97QI9dGZmg*(FVP;2hpT-f<2CG!T8P#?DgFO7%FMYC!UpnsLnRFR{V=C zQwW6ro>bW@{V}4xN>i{eRhRA!FcCk#nkl#u%W>8tC2ltVDjAaW2@H=0!OWBUY0$~H zb%Q)f zSM^+I{bh@xAxoGI`A8nF?uE=(!$jd%9l-X36EzzVCA#-wH+)*4NUvD^#UTww)Jr=I z&iG{D<}WgUe+ZZ@eFx*i|A6b!VD={37SCoDAno`Im%PkiZR{1u{`!ZwY#GLX<_QkQ z1QR^jn=D>X=)lh|RX^0YcrV8TA1NsZ=w$G4pd%r z9z^wJ+Hml_c;^0nC$ttR&?Y50x$KX@L zMc)6OGyA>W;5m02eE6crCwhEf*QIYj>uZ0Jg22a}5!}U8hHK+{owvBaPl?}7T#jKu z)p&D~@cPsUUL&(<801t)w8Mn#p1Uu(St`jt7#Fb9E$TpJ{*WURUlF;&v3&2JrF8fc zTk7#&GP4b=6q%g}ngwdE_b~pRryJ%`3CRqFtiCAjOTT&MXQ4R z$yXIqC>kVq2}*j%E~Rqz@fqph|Nc>PTOlI`|dMg)cI5 z=(P7y%<`NU`#j(>iON0?)1;e3#EYYR?@5?BvW{hp`vbYgRm6AiFenK*51La1CK5YH z`WAcQ`iXJmok121`*#~nlw)}Mo!Mfy1-hb7&7u6vAqCv|>N<27Wn=Tr-{RfxBXFHw z2Me+h9JXR#=p20dut72$5)<7aV{AMLetU_9J{*gRBc=F* z=_~B7Ud|;SEXr`=hsCJ4QVP$Sf5vO7Juu+k2Ufj0m^rLDjt%e|zAg}09e2~Kj1OIf z&nK=zoFAdJo-a_T&xDU1B@1yh#F9VH=Pq@DPzP*-hKY%0=pUQZK+Ye8N4i;{zn>aLEYw!>rK=o=-PTCdG}3f<}U+u8U*Z9Dp3n1LtH zv_i8=pZMh+P27?!PakJ2L5B<}j>)RDX75!Dtr;asos`C|U)+c71y97UvpZ4yS^~+v z83=>UyhiVXz3|IF3KulrL6uVps65~{tPEXIHEV_%bu-YQU8*9QxikhBmhB}!WgH>( zm^qQHyp9Jw1ed`2E#z9J8?^Ks2A7wz{PeIoJT&@Xm7l&0j&m+$9vdI9A^MWMz_AN0 zR!ze9lfJ`<%Lcq5?>3(BXtvk18^V)*f3sDpOvLL8&%p`%3Ea|Wji^1M2D`H|@bQBCCy8(HU_QG# zoAbwr&O3)v>wTrTs!;~__v-R-_wq@oLIfK(82FVoJD8kaVqZoEa9yX57&d$ntx9Tu z1pQP#MmJ0p@lF*zVy?p$+g4V5X&*f|HBTh_zQutzxBvKZTs8(~**G^#%t!ka>xA??*yJ>7mxoFJ#tcp zKVdSs;{I-yUcQ>-jJ!>jY^sKjSKF}v0YFoECQkIx!AY{O;CXx`p84%YzYm;(XQU=! z#)x!OIWdAqjxE5Whb>{lTes+@Y)QfF?Kpz zI{P>{%~c^=Q>AG|)^H3OavV04mf_FiDLBKWid4K5x@f&g&|#R5+`|lQTn~b&*?EZd z{0iT0e}*#=+I-5H)o@_hXr?8509R%=vc6eEu<~gdsL09VtlfsVV|xmE-_3`P9cpyP z@mw%i^b2w|--@O0XTg(Qq5PZCFdi+;7N0k)!lRKNaN*wBMCbPk`p{)MsNBebgUyC~ z;KVjuy}1)$$|Uh(r={>?P72u|S$e!ng$!)73kIl zO2q6(8Gi{gAR@#Gw;3KnSs`z7x#1z1?IcZm-A}_(-L>emBOKz+XrtSl6FB|DPjR90 zQ&=(h668Np<{zI8=NYx`l)eM*m=E;7gVMBV=K`W3J(K;=Gv>2%jQH4*hd^`IOnC0< zfl<{F&}5N^UGsn9^fW_i^Lj9C&NAdC`C+v4dpw<46NU>W&xE5k<}}aK8!QrIC?iL) z{*Ay~`A>p=c-kU3ZRKIOfgh`Ev4H)eC&KgaVz?Xq3)S)k&cgQ@LS`tRU%DC2)O}>= zVW%dN8HmFBN|V>$I*NlYZ=-AHOT$+6eYhf0g`U(I0n#V0;ufho%&0hlF{6|4ZdV$* z|B&R*FEn6~d;)ornE{K!lAtojgsY5r4&Q4Hxt`%u45+Oj#peT1PsmSPzWEQvXK2DG z!wLNOm9c2`qfG=GenZcmRFL!$=7_#t;No%+*G`y-MVV^+-k*iS9-&>}QVTu|AAx7S z;WTDExsLK5S3&=8C9I$CjSmmi!`)BG{A94;|4Nt%cFJ!t)>oFjc$+8e0=D7V>|D|v zco+YkIRHhe*BMEg0p{teVWV&_ou$-?=YMvy?Y>!fW%5`2RWpQM`LdEXivEK6xGa3T zdj@{Be}Z$R9dP^4(bU+wpS<%8gJnH>5F}ASiVn>Kqu@q1<3_1CO_$L6EyG|mDS(DC z$xwGWlUzQ{!EsKuFppc$Qa4MXL%A#S&lHP`ZcaJ@B^Qu)0n^04Z^qt&l@DoCymcVchOXyE)@$K z1OMX8tt05id6&^#tpdKfpM~~Yf{(mpGLg3%0{RUL`MPZx@H*~L+JjfV_-fp08={O ziZgoOp^PJ}7>ysy9{d;5TlGMcM3ZawZn{XA10?wIsyb3r%v4!$t8Yu}QlH{1cp=CU?g0xxyJS z`JxxG9c4gDBaRcFtJh$n6+`py6QM;jM7VR@hZNcW08WR*~Us-$to-ipgPGcI6 zH0flDQK!kt>QLxhW=&OOgzQ@Xe!OJzKSk%^NcH!|@giHu4k05&MUrsObBr{kL0dx^ zrQJ7`mP!<|l9i+)QM8aU?s-myP+BTPBqaXd)*jCV$Y85`MJ zvkNfcJ1q+nucxz2#o*vGoX)y!j<4(H(*)J+H4-HP|L4e00oN>Fk%r?aZs%4Uz>#1k_W_{hLxu%K`b|M77u z%|3kU9XSvkm!_iYrE6lgVjI7*bu8VtwON=m{DtB(d3?mNB9JuKfQbjr zL-Kb`S|~hAyN|ShlJ!^ciW|clP8;z@dC^2Ht52)Ke~^6Z6D0RP!s8w2Ek;i~jw z_TAi@-fEV>F{Mo~;>sw5N-<`H?xx=rr0L79GNMBJE07Ku4*8d`6%Y z)%mv?1+g!5G`jL9MM)6&o$x-B(<0s158-LIHTUp7f_hQiFkE2~>}nXmPt1ELoFQcC zINvlLX`w;YpK{3G{T(DrJot=wp<8D06PEgH60NPufy0R-*m&h!@q)|3p7yvj7jLqG zdx=07k-eziX+|fVb;kU&Bk0AKS#bFIQD)sem{zGM^Z4f%%g(+J=ih#5(iY?M@Y?n# z#FXgJutx^;`yOfZue!rn@eo*arxEsissUZS8WMAt7yf8 z>1(lU={N8#-o;Kwdhv+?ui>lB5IE*7k1-7)#G$$beC|ncX=zznoZ^Kij)|Dl`jv3< ziW3}Oeo)jJl~4LrcEGRGE+CQ@*dF2jjDDDn(pJvg_^()Ocklws3+NFTX^-IkYzouX z908dVPgzr*FE4-IfgO9bc!lf)nsH$p?Fn)t_2UL|yPYzmKLnYh*Kc^_FrEJ@*$i6W zYuVD%p>TFm8D7hh!zWVvMehc#;lop<`R=(-;N+=J?D!%@H)I-fa*E;FZY$h;xCUWJ z4J?TohDw|6;h*KsP}lks`!?IcxUn|$-y4wJdzg^7ZFz;88~ZWVGX^%R45laY+SuDKAHZzs0#W=RH=-ms zVpM#7!{t>|(cl%wLz^RMbEPu%mntK=>AI9|_XNLFlK5;?HC&1P3(o0U)Z~B!HJg40 zUVaoqhx}nuI(k3U=Q;BF%rx9`jzd?29``zZ166PIqwU;vurT{Id)HnG^$Kc&$MzIV zEjvMP76yaMGaq*8)Nov|_8H_93(v4*1L(f7g08={h#p&Y9}hnm1+~xfN&XI`r(VY4 zi19`kam|m;)Aug>DYso<8QZ~s-O*&BR~G8X&VsL|8vNMoh450Pg{f@`W;(w#$U@i4 z;-fzv0GoOa?C*w(=09)1zboqCx2FLPjQ9jnjT%%j?-us1xJleYe=r*U9&9!$(YvO1 zNo3waJ~MhCpC>g7&I_-xW7J;^-*gCXG^U}|ms+-^DT_L)#^B7j>2%ij<7|(D(nOO% zX(-OOg87q%;D_&_7^jzkI<*db*07hXUQUnty+0)iY|*0oO0?+W4*}%+IDOEnJH?AH z=<#mHrzGr32-|0?grgcO;QVb{aC`d)c7F`T-thU<$9N9*3jW8}nkKw*Q2-sPIT^wS zK8A`%lJsQ4IjoViM!BO8a1tj_+V>hQ7LS59offf4x)yhq-^Cn~Is8jdCrj(+iw;@c zLKBads5JK;rq5l%;zw;qt)daQLOGoXTNr#@;)kw-*1(9|eNd!y3aXz+i`KUVP{#beJy;M2Z+ z=pQ0YOS3I#pw=&uW%WzJBm9&oZp!2ileD>2%6q&SI-kY=dWnB>jLG_M9YU82NX6pi zcvoyiuRhYHNppTN#WG!-T+>b_9V;ROp$f|99;gr5Ch6fA@1RH z_NzmQw?y55O8N1aU^JHM9>~BK&2IQ)SX0^Vt)4i#%@8;GHIU2<4R$Yii{RD^gUW@^ z(YoCQhtLq5d8Y^7#a2Mj)a88I15XHA(T|~f2GY^*UPDsMYw@$*V9}hEM{MgTK5qI@3qX)wY`bjSqK2HN-Pu?_?8911`zX^Z=UjFz_^(RWp+QZet z68=TV`V6Wy2KmrgP*rywwQYCdL{&-nqNB?D|NG1q^xN^eveU4=TY;XC(&UCOCsBGt zisxS4;&5e3A>RILK-*s|0k;PN7p?mfmWw}P)~QqE?Y10j3RHs81Af4^eImM2;O{?H z6dV_FL8M#ShFY&az?Po-2ZJ7!A@;|R2>)()6n6^entUfS6n?{R{WM5Y6nN|Jmy&6X zy)! z*WGiVgU$~}e=|FpI8=r!tVYTMREii7-16 zKlMS;#=j8de}{Y+-b(Ityu|NA9eJjcD&G=r#rL`QmF>zsi4HGQAxk)`Javr0!brhU z`cdfoHTUA6`M)tg|2`bi(uST*akyN@4X01u4vAw1K=Zf+`>G|M$w=QmaGTfw9&^fx zhmG;=ZkOEt`Kb;3VKBt^b~082F9fb!O2;XU{YK2K5Lfz$4>I=d?n zUyz8e(o-NmN}q>o%kq?6Q&3Zw5oxTQ0Sb}IINdlF%o8SI_mG>g@Ub>}>L0`Ka1R_C zeFPf>zW>@82OWIot6|EMH?X>NJ0Dr}9-c4x!n$1(ae=-quZ%J0&)lBkqyC>_i-2D^ zVYxo>Ir|Zd-wp)RBX9A*$Rt!&R%Aa;=u)em1+?mO3l6KF#TQRP9I(n)bad|;Jnt5Y zgTH@4&6Z%;84(Xs!fwGtRsjqK=0j{jC|V5f25bFv=-io4TL1ng-F0t?-V;iWzfd7Y zlck7ce-*m!Od|d2G9s@ECum>b4Zd536XSeqD6iF^%`=aIyLK$>GTFw?m0TBcu1Cct zWf7ui+owq6gdKd>At)(Z4R3~gBAJH&faWHMEB~&eukMF|!xkG@o%BN#v_=N+X&uMZ zRAr_tFnJ%PIB;LP!Tk6`c{GjiqA^(k%)RUgIQuojBE>-qyalKkn<4V}B|-Hg4DizQ zF?774B>k4@fVZXhfoqfmY@KF|Q?BGP{YfRvNa*K>Uoj#^hE*(P^eHeO;laBWYC~8? zCVuoYqBe80#drM2!o9JRFyV6*o_#n%)M=g1o(0B0u6+u0{yB?n7S2@i-3(m*TAkax z3P649EWVk`Q}2gOFnZxk5S^P#Jaq*gqGUe$JCEZpvqqrqnlbP#dI+Cfm1Bh;j6-DTRt=h{myc3Y_rp-5t3>Oq4)w@e zh<|?%!WYwH!J^3;*XIZx5n()^#qhv9m`~RNAGw~*PYV34s(xJ(=_wNVy7B~9wd?*Y!uS73vN%Ko4c@B3j4`Ovc zB%!OViIhGT*m$-PeAkpXNLce64$rs1_Zvd+!VhO5=X+Ot-BJdJzB~Yn)*k|oY0JQK zN~lQe9}L&txMBB7Tb#RpD|{L`ky}l=?$FJz@Y^QoSmyo!b{rFvPTPLieybMVW;`L! z$Cjb0%6`)EHxn|dw9%?s1&1~)=Y|$0KuG|p-8~Q|xBAmbUIzT?{Rw>E{zWJX@5E!_ zzo0hPnX8R3;~@r1(dkp8Xnck=i1Y^0fzS5RO1BFztaTJF$W6yFQ_cA%=?!)!zKx=} zb~{n!i>7GQl}=nUb}+l_atAlxUk$CnZDj1#mn5x73M_V33U~h5F!6K-dsR!Bf37LH zbMglKx}S;*ulUmQyJN+yb(GLK7Nc>~ap<(^A~W-&;rbslC{2{&tBc-|_ILUu>Ul9a zTKGwHHAY9Yc2N!ab@GYeH?hWBdzu_7l_jZr>`2&mdM}Bax&kzBuE+Zciu82tL+DY} zg#v$bfnV_e_P}lNi#P8{*#b+r`2H1Slljj8m5`8k%lNQ2sMK8>Q*rR28o zUDBkk;y^nkTxwcL;I_bddjAktB`g*96#Qf}-$n=-pn4X%0O&MFo~p=00aD4ITUoR>=Ke{A4ufX87J6s^nvn#}q-z#C! z^p)7v9SFuLxy*+oq3WIxI93>mLrZ&b-fl}cBP|KH-=^cs=TY!Q@JqA|5nSpClBmx# za9a6W-2SBnzQpbz@*-8b_P}G-lJ*S4x;A0T^r8HgoY1++1-?TJXb!b*=m9>W!@FA;ih1pF3%hc?{>bkDa^_Uh7d zzSSxou6?OPBfr`F^FVVRxc)d8j9evt#LvTnyrR}A!C7J6NO%i-DL-)MYISGc=&2>HEnY_ZTi8Qds% z*lyRrngcyVykC=EpY#rU@4OM8a#fdG2C#&FDe>f*Bj}Z}it4X6 z7IvZ)WL8})TyR{2|5EK){^eV&2QFjn#m6W$Wi3{pdIZ`@hR~Ih3PS`3cwR#TxD44u z6T++T&D~hKV7VEo%^$|@xSbJtf%~C0$BgDwmF7Q@=h`aB`QM1o4$+iFr>wXRa zrC)iFKO_nF<-IB!SfR~h2Mwm5(uT6Cl2WKXv=wXKtb^OHy4bCbGIUW($E?r0FhM&? zeA?3l`ZSIB_g4e?9j6&I_~SB^NHG?6dvdfO;4kjKr$RS(J%r0=rTAx61#a;!7Au>g zsB(BAX<8nRBkp(MI>U5`i9aazwC(`St&%*TlcMRIxqNrz0C-dAEjI1@24Ur&q2YtD zbCYzZubn)hR&d~!J}{?sS6B1RPWpU^h7_}q41&AMTgXuRcy{z$5Z)D>w!P!c*pMf4 z@Egx2SL{a7&|AmQLvY8Y44OnQZywB_>=p6xMwdux^Hy-uP~$Z{ML6_hARm=9hW0s3 zqyx43us+?CEAI8h1vme}&ZKx;(&~&|y#s07m8sy^9Y{~y|Bc&BPtXGABTOYji+g(g zAYzq1PIl&ZhH8P#rgZrEUAT`f4kHRPlttH`Y(tDFAsgpp zL!u97qhUDhC;IID%df3HmS2+g_}0x5tzGA~Cpsvk{Fu>x5#%LA>ii z8k&?WX4_Xk6J<@WVU?L}V7oj9ALK~El_vw)F!F?HzMaN2B%(0FzlBwPegdklI*_$u zY{^39Sh#v_3)M;}G$oe)P_x z-PpEu8@R4`j4;!X9`8gf_@s}o0)|0>UIF+VzDu?w`%pc#L>xW)kC0j4BXWJ+ipIX_ zu;JTK45&!q7vH<^y;s-Z*-5z|tCf%H?|jj0;Q%bDy-fCx{3~>>1=r+*YwUehiYR-q zz{b8@NRCu;u#FddOhOMwJVu3HENn%~XDa-s^a{4jV-Tp+tmKZuOf%%+V*ar4xX2}T z6rVLlm^BTz7teP-k9*Ff!`frof)nyOT|Kc4%d>n)v*m2CyzLB))w&oSA_0cFvM{yS zo1LtmM8T;ZPw1b*#_A(5eRVAQ6-dyH)_*`c#FP&!UqV(6P9#a}typ%M!1XS(qw`8G zz!*Ons=50hx!_iWgVOi&$m<^DbB!5n9vDd~MjgbJ!N=f9dm1V}cq~qikmDMYgIVoGV@g7#cxHGH zPCGc3KYP~>`_?N^@dRP-wRJgt`9;XEr>MfmU(%QpW==hZ{btuY1zyRHC{ma(4|k+o z0qP!wwK4%XUS5o;57sdK*gH&J$h0*C4aCYNZ&>=nf6%s?@XBeKG_u&7SMMkRgX{#P z6SSyv*JEfnpiQd`d~lOX1U?P6z(O!= z4q&REZ80Nn7r?&h0&{Nxtk)gFBflz8$1K~^J}nd4e`u-%N0oXIOgIh9@HvBxN9fe} zPUn**Pva*~3;(AB{82;595ohbf~W6hmU}G;!}D^*$ISvDV~7Vo^L{FMD8Cz??^#C= z_2uIEV#05}Q>DpIuVcZw(bzio9BNp3fOTmA#Gku?)}IUL{4Xo`$#quzh_BFbHWSXl z%2UNlm0Iz*(pWtFOz?e_PlJPhZ!sM@4i1OQ(y)R4#8K?Sqc3m5f}jv=vAjaouUvxT z#@xoa*Z<)Y{~x$2U+Cq;_CqRLN~NCnImpyY;i%6~nPx*h?lZiA7Z=3Aj`@>uu7z-3 zk9dOO4U1XtGd~^?>qhOZJ0Zn725%jg#MkXRaOrV<>Js9E>D{utvEeXSXcfUOp$Dqr zGYubYSR-Wp#|cjDk7W~AFMvMYiTD3)r3u15;S{a|c4I7Cv)6{7oO1}2WY^&2$as(( zEK9Ey+F$0Y`Dg#m}taEFUE_g*0)8FSWR=;Std(=SWMNL_@& z`}%xq^I&eJ^%_cdX~4NDiqQ4cjz)y~^D9@Qp*fvk_9831aA62vx^p_|eeBAsLKi__ zgFcNAW(BQTn&PFe?dXCc!KJrap9b#u0;SWlN!prk5Oj4TMlC48^iCz(Q!x=&#-=d0 zWR9Eu_F|N!slbJ@12Yd5%+Z+wd6P!l1t%wg@l8E+o4kg$T>8Y8)xH2zpSi4KVjjlq zK1*I~tOmulUtqmXNbVjI7+AMg!!^~5SiZ#zp4T;D@#k}>YGKMB{VE2QngBKrLby%i zM7+8#hGo60#|vgda9Q48;<tU6Iy= zd4b#oHTwPfbg-N({BAGWQp3x(@WD(?R8)Nd{k(iJRN_89_~_1`Hm~F4>In$lZ2@tn z3vl&_3L$IOjl~+psMWEN+YeO~KHuw6&Z!CBS=VvVR6Dv)*b#1AkjQTjJ5ToZE*89| z(Xf7~B%oEC`B@gZ^v#gZ?iOYw%im$mz<5|5^#@xw%pseXB|w(Bt@vO` zB1pek0TV`g^66?*KvKe!cU8~B)dZ|H5rlv?X?|J=K)(!L@Qw6(6$CBWSGIV#A z5#77Q1pSBCfVA&-2e(J5z~-8<^m$!k8!{4ng?#zv;I)utd;n73T_6+Rod$^(Av?3O z7T2%X12RLjsCB)Gc!ZZ7Nf^HY`o@>Dl+%xy>eN}_;$8$>H>l7Hch$htMIAJDyF2vU zsv#;q=6uVXv#{)yyx3s*Ofsp4qghsY*#_g8pp(I2Ly$X247<#t1x}><)q8Mo!ehjd zj(BLdKQxCNCH=!f;P0EU=q2n$wnhq^#j5A9;K(Wn3pVF_l-h85nil`_rW00to5Evf zO(cgl#Ne9CfK$hKGtC_eJnxb!2ne zTv++;4%GI};=6>q{GQrF=wmJPW)cfAuxBr0d+(JU9Xplo)r`YM-LF`5#c_xZJ_LCi zp9t9tVJ3d;Bg)=U=dr~t*rGR>HlL4R^E8L^Wtk(W{MIrMEy@7T$-DRfl^3M$Pe0o_ zV-~y7kdH4ll&~ix1wBv6L-&kCcxq+`TjC1w&%D8Cy?8U&cZ`F(d%8f{Wf*^YXgMEn zXeW&ulh11p)_~37sWj`KC%GwjU%e8_QD>wDk1H&IyR&lGW4#U$(ftiAb6i-toUqg1 zTmer+$~4JDmcPFH27E3|p{w5LLaK273fCV^-y{==o$gFO?AeQ%2M?h1x05jNz;6tM|6 zbJ>)f2h1>b5v-Co;(9i|RQaL_vH$3Y6Gpx&dvrJwqsZsdZj;08uFn9juUrAEwyY?Rxqio4_^7N=VDh4IPe(@$46Sx|!a>GSo@$wL^ zn~J`2D|xu;VYt?C9gmz*K%JAXfsZ*PPHQovKA~=?-}#J%4bg;8dybS&y?+^{_kM%o zk>AOP$L8Fw#R9JCmpWWE(WTk~-1N&^OX_dC1KQNZxOi4CcHNxJG4mc=S>cIWuTH0P zl8w3kRKY_WwH9Q5JBt1kx8wTR!u@^hJbudO2V6Q-4c{8ZLgaNddd2Z4zFnqHf8L)( zhh7{{*_opt<&#tHC)C&OQT>?-G16IbS&Q^%#cWoz_1uI6+YT2az$lF zaJ!}h&fnB%V#O~!YH*()yz~Lku9q8x7`CbPV zx|RADxoPq|m%A{e*@_gpyo2HHN!)$aOlnP?QBC6!ITzN>Ue;;z zi4CK<>lb-AQ)fVxrHe$DR0S8(H+xuEIGZfL7X@eQ2J++OcCfxlokNlp@7QEVPmYwK zb7e>1q042UlK2raFOG&)qfH^?+g#c-c?@kUvtmz=dedOXq1cz21^yq_vw!y_xWlml zyl>hpuo0dK*VH}e{!>*r>&zgWDLb978#9XLE;__r7yg3wD}(8@%No6jo0O3-9}h*g_gQog{F@BFbM|bLn;{CV}WsS8~eCG;dDCrWO znHz1mdDI3t95IqsW=qrazUjEnc^6Ah7!2X=r?`R8dDqzU2?iZ0g?oXz+}5ZMcUeyo zscqj3Zv-~d>{=oGny?YnHSLLipesMrbsJv&=S}bJtt2S}4XH%*V61!90DebyLfaW9 zFuW?m+(wSaw4Cd#XUHfarz#hNORAEthzCm@e)`|x!-Wp*=%r7IS$_k z_={s}?66Hih0k`@LWRf1)UH*UH)qSyGszcm-Pa%FTUG*Bz z1|rT&;uAzhG*;LVEo)Qe*XO>6VRs2%xg`eHkUa4J=Fbnr%TnDSJ)S=<8b-UeftLr6 z=ot}k=A;iwczL2eze*n5bK#daY!TPUzbYP1(BOHC04Y zH`u`q#Tn4FI23nGnnGQU8&cUBe$=_-1t77Yt1~w;-*#7@7o`N@vC;45TBjr)}7)LBbO z+Sdjc(l2ldUm2B!-R}~2j>sfeIveTZwZ44%m_oF?8&6w}hhWy~&+O~8dUWZ%gh!WU zvkl|c(Y(SeJU%=O^ESk=sEU)I;P#U^-dzWe=j4FZ7ajW4elvMtE6cr)>(PTZ%Hc3x za!^0+PJMor;HsRhL}!09T9}tYhxc@NzU>g3qF{;9Z65e2!kW(BF%qY=%klL>*wQmz zip$!o;-PKBsQ-H@ej$G{oxkoGDCuRBGYQogxb`*#Kbj(H7;v2p(vX0lI$ib|dT`9< zG1Og49?nZ?QoVgsAj?bw*bWO4bbASx6Z*^RQ|G}Azbc_lEcA_j524$f-Z15^d*G?M z5_P3zKpYe<9_As%WAcCElEtejnLU@L-Wf{uXZ?XM%9i}(at%~}@d+b^`%B=(el~i8 z&~Hd{fmcr%_F9;eT}zG=|F2q}nAG$PgYxs>onJ1aO={F{%wYK2q)LzNBO(nsBl3DqE2s`m#X;6{ zNXu{FHXn>Ie#m7s)=41o*7`W{-BBh!_J>3X^N-dY=g}%}yuk3RM9tyx;*`jA*g5YQ zaa@(eeizJ#sdq<{@b@;L5px7ObqnEx_jB=^5D_n)G6J{DFwj~O%>!Tj1GUf~hX-Hx z6I1g5v^5)n^N%N?^B#e}P?#<%J7LCG2|VoK^A-8f9p+-iUpY9@d;^c^Fn3m@{uF#?;Ve2+A(-Smuz<1A^1z`lO}$C9*(&3T#9 zJyP&Sl6_@Ep-M}KzPNt~H6)zy*J(2vw(N=6)ix4bBqnl)gFEr`;u)~L=9WW9fdw4C zc9c}cNf689%Y|OZ9oF)(98PNqteyAmXsXeH){__GT=^xC)i#z(wY@>rfA*lPsm$B! zFQQM24Hz~>5rx$2&b~8-N(M1U#*tgKlrmqFQD#`~KB}7W;gG z{Q9l`gnUK94>T% z+oz9V{jHricbO^#j6I0IL!#i>uE)?h-jL=DD?>liG~C|j$45of!KKkPWX;w!pr6?e zgDx!N8xsdpg9E_=XJ5!DhMACAdu~JYQad`*(7sJVv*D;MFBXSZ?BpdmEuR;5UH#Q?xd=fMGInYtr@asBB12%ci46Vox{es$jz)XG7r<|8VNbl^F}xwi zFR5-u-4YEj-KN45i7owe;UHAS=9ku8JcdJ!w7BVi(lqS%C$xWKLNlTs;_}$v#5=8> z?3rH6I-`=9-g-$s`6_V7{c=?GOc`$wo#R>h( zk-t01CZ}w0kq#r<{y3BIz61HB%r2O0=}r^ZWs;ZP6ra4bguwcArtfOXKAf3EOINPu z`^P)cz)TP78a0t#FS!U8op)1-xsiBye=QW~xRV*f8X4cN!yP53kkle`I_`Ncv6~pc z20BLZB;mDngzUj%ZuR(uPR95!d04REtZ2(G4XVPzVP|wTR{73hGd1*3=|%)<#p#Hp zPI&OY|J1=-a4}9BwHcRWSi{WE!KnR#kzJoov4#K(Jgzl}uN0VXkWs<;2tQ*rf%3w25Kfr#S5M4`Z8BYH-A(R9w-x7l(Jqv9~9y zal(maHe_}NZjZi;vgV~Id%qC7US)vE(Kd2!!FOo-5(8HcNYQ$>kZA8HroT(Z($PuI zXk#RJWqNNxTGd?`yz@G|vCHIPQ&gzOpC?%PZyg3sJOJ%$1%$D^hzErI2Xk-TAXEHf zS%TVM6A~7!LuLFt0OF=1s;Qe9l#An|#a$wd| z9NM)S7D@epALCqE! zRk7vg%dmXoLT=}^hP+xD#n&+cMOO&61#QGXuU1k!onAK6eJv=Y4Cco1w~2p2r?|PH z5i#{B)H@cG~ZeGl+9e-h2izz*^JBYkcn@Nvq8)6dJ@+Z@( zaKOj4Q0)`WZ|(xx_t+a|nf2ndk=26Z@h}EBJQ0~bHpU4pviwK`he4_z$v)9Ae9;*u zHi^?>hfn;1y1ygo7(Ydn98)Atd|oRmk$q44Pt=m8i83I6R9IzI_QLz152)>-Mb{o5 zhekR{xK5Z$nO#ukbw|u;X6q{W=q67cQy*Zdt}=s6H-$t6J4% zUM^pWv9cPEPt}8L!FhLd=6=yc_csvsc^;Z&524<%8^z1FwZi6YXP|?sah2cuMOty= zd8@@!4B2T69>)&Ba;HmRa_J2$YX8Op@5I2-=u*awa!A^ZJFxMH9bI=y1CQM}g0{&r z^a&22=Y1xC#tL6_?wARo6~fP#8IGp~XJY>qfnPniPrT{eTTr_A!r_~v6x}Nuf;=P> z_84!)v1)Z}{;~V)s*vTJeK?o|o;ZP;YF|WVXD*QP#lOW_0;Bd~-yptlej4UJlcrs} zs##L)R~9Z&BHH_U82D+eXBO+*MV=l*__u5K@wni^xsg=|Ij3HL#Qr=SBd~wJUAc-n zf73-bMn{50kr7&rO@)N7H`wA0a_r2QrqUGW-z;|UYv>Ksw^kbw4*?j@mOA%cWlC(vPi<>UkFaIHT?O`vrshUAu3CrC&L?r9l=^->U?wtc~lh! zq~rkJ=ofk>YZQ6$)GqR@{2w}7zsCcnJ$O7RQk3RpLeGzOB5ca~coNoJzg)!azYX9R~kChn z0k6wU->Tq)&}EQ({hz4$oe&{g?ncv>g$P_PXI^F~^f;?CFnsSC=-BliJZruWS?Glt z4XG?J(T?8wH3KqM9-{r5hly1etikouPS7@&*MigaBs+6oj8?@rnbl}-bd6glE;76> zFeNmFy>f~r!a6TMVzX$*Bs-PeGuQJ@aVw~qEW%!=v+P*cXr7$(O!Oh;Gj7`= zoDW^zFjpNpdaGkL^*ZJah5B`@^ja+}ZEgoA4=ZBuTpy=R$zVN;u7ccp5oQ1Rv#mjj zG%~AR$PU+{_}yZ0#h^(3;Nv&cPZBtPlf+EhDi8L!cEasrOYqvYUP#qWfTasRiWdYP z#<06@uxhmwnKI3szPdGnC}}@|$J*L-*bN=t9TJR2o_2hy!C7(e^kisFbLGapTB3bg z4QR4x4m2m~!uox=XuMCFE_o=+tc0Ad$Mn(ciMs_~9k3o`?96e`mM?5iX(&!&Hr(^+ zRhUiXnbzWIxFWC?PAO1gK4J=<&k_2BF59s7!5A>PcY}2$Y{B&3cZk&IUnJp^0KoD1 zhI3k!c=W|umV8GBeDZkB`}U`+W9tbOweVxdP5>e?rp_hA^}nW}zx;n3IN% zvzDRU+h_RTqBtftf)B*)cI(++sC9HqnIPgwa;KK&V^Pk_7A;&NXx7>S03ietEY=&g;JzXPy zbJqk82(!t3DhtIQtp|#7t>n-rdj*_dS4EU3ohK^>1QK0|v3O*f8J~NzR`jsR0OTI3 z;-;~ONM?;XjX$DBQwom5xt;H!K9dFEh+{uDSP)6bG}8u8BQO;lfR0$ufd6Mnmy1upUm7(FZ&HcgJk zGk?Na1uJ0&1t;*dSUBUJG=#YIuTXOQJ}~s`2fNFb{A-Rq2D&~YZih1=exw&J-D*jT zcFNODR=V_ilqv)tTg}vqD4Jc&Ci8UU_@+^DiQD*+;7$i2?j*UnXP=840atx5THeMUnj;KXK4qZ9Z95nyM|ArFj*) zc+LF*Ni^2wGj%RwK+jFq5g36NT1OMMF$_ahc0O3Qnu_)H8_vqr#WVF#n#Tgs;VON5rOOR3=u1Kjs- z0bHLcgI_gzz<AGr7cwspdvvOM5aN9FP!{-D0cxFAg{H+ws{ukO) z8)3qS*SN)dJ~UTJF|S|NqRi)U?CJt3zSmMW~v^-si7aJ1zr(KOOyLke6vY`yZ zAO0c1!>!={@hS*tFof+p6{y}{Hy*Ph0J018Q8)M&Tl4e;6k4t2XRDX-9YaQx-aimW zwrsD1fDbCPu75MX(0K}?f^=}9sxFt$u%=4QKj5F-b#_N48gI+o$LEzql~$?JxuufCWBb9ifw5x73E#*6n3J~Wcr~e z*b%LU6L+P-mfNR5QtK2hFBr-c&1`Y|&K@*cGL)(<(cve&Poh`P5mpktg{&3$avyZ< zX{q#ly!5q$>?t>gh%E!S!Fmn8ZhJOpt$7DaY;xh>W*a`IbPP7bdG_=~x2SXWBly!C zM5fiZfc7Q{7(RFfmv^zIJ~2T9g9`7`WLdII)qG$1Na6^aMdv9w$F;N3nk zO1B%4DH|P0j_)7QPz_V2@T?ZF=MtH+o0YsV?PinaSz_P5KIV6GDVP#X@aB26YK<&^ zd)0$g-RvnD7kEH$l&^;CD+IT|eN#64)KhkD&=rs^HpH*BgFsPMl{ObhQnCLt2wj^9 z6Usx_*AU?@SS&#fFaB!3<?hgw`3{%|+474QzY*`2W2|DjDSb6R zpS%`r$ICm~$@^J)yvHWkp{w1VIzLA!Qdh=I!BhOVcCye@b;VCclZjP}3O^Q~M;s6O zu!@|QFydf6{2@Yr#kGi|-(Ehe&k!1iSqnb_@6K2B1%pdmB*@bYRO+^(iUXO@~U zy`XzyIoBlYozwv{>=N)?fjX)_94?+S#0;sZ3%*Mpnt6_cQu*Knum6I^;rjps_fK;!2(;GXTV!(Vh#C>PZvSPO7O8D@tAZM1Ib`@W}r!xxe%T>@7IRblTe? zQ7M3zxdQj!d;uahw1d})R4lFR0__NAaP*bor>l>H@)A>?A!Wqt6&6Aut4A&ISo~FP z4Z|z%!j=_IEXLK77OAAeS^tM5>~;)qOz{`;-wH5&(tYq=XbA-|q4@C8I_$7&!vnn+ z!6C7QRFo%?BmIN8NzgfXaDFV5-dID|?swvC=Jn8=>qy%y2hcoO!SjRfamiL|lrENr zn~w^y;-@niKvUR^)K18<^??kVgP7}l8U4>JLbbT%Fl1HW~a6w?mbCIsEu&NneXr;)C8WFukV)mmMCX|7}I0(i(?u z%T_^vl?=VM=o_4w_=;W2tie4SKH!d(+sWK-6R`5VP>{fw&_tXi7|EMQBt3`b7YkeeZ#}KW$L@eLD3py_6v!XeJP$z62FUZXx z(Z{8juhl{}N2pIUzkkk_7@db9PxjN*&wrpt+GkA8?_@nS=gY?_}xV4D5va|tz@TsY~(hkrMRKvOM;|AsHf$ z+{cEs`7AhGa6Ej>0-YxpVOh5|{VdQf7$fI#()*lxQegsxK934@rd(S&=d#Wu!zD3eR;eno7#3G*r@%qP++G?%!YF z_2TwC_c`bDdB4?ZHvVgT42D^PkKH?fhBQ1Pn_Azq)RlT#onIZ>C)dR&* zMJZ&}z+`-^S_RH3)+99cCd9OB)bPa9;)GdpF#1X?E{NX1e#h<=?aP*ybe32av>(2>XooDkhO!If05h07Kw*bJhsdO-hFgHv&&z=%efOjx%I)C1B-BH(>YA|TZ$e!D^Yrjx+vqX zGt9CP956q}lL9=8!E6Lw+~mdw&XJ^YB_i&>s)$%A41^EgT||L(=anwQ{;<LBy z-DJd#8F0=<6=c%lAhW&=HOu86q3c z8fr68wec*d9*M&K9sc-kT^+bA)Z;DQ!9Zs0$G`<)C{j=XlSwl8W{W(OPV7YSsqJW< zH3qNNMUki@iu76S|JhbR>osD~Ipzs@+v_U$OkR`XNBfxcuAO}M@HTR+`!AG)y1@FG zw?rf7y@ulf_E_`%9?1PJ7m4TE@H+Qy9Nasan50zzo3sOZ1jbfSu_e7`H40x!uR!T- zLN3(NgUcS6hJ$AMiLO5#1B*-L$*^EJ1LNR*c2Q#~;TmPEk*Nn>bB_$a34I77U7 zj}Gn1Q^pl;Lx_Y?6YMk!!Fh`HF!^mYUS+TG%!9Wzp)p?|-}fulrZ0lwO1Z@9fh``| z(8XR|-7h%J#Q5K-zu1|WOAn3Sgl>So$VK#G5#o?Q15`9 z;$lAk$wORIy$mz+QbppmRe&R0g(rOqd;NYGcAB&>rCmelrTik8lq3(5=bTXbMmvZW zm%)jS3Jf12CQ0*)05-1xx!bnnzpHAzw7wH2G~4pzyn1NYi6z_1cF`IGN$!`m48kr` zOcUp@c)pU&7$revSG#au+l5%YLy`YemE^XfP?VWgO!l6ifq4V|ift82g}!;V2n)}l z@4iDM^k4+es=WvDM#s^QO`>B27xuVxeg60ECoGdVMDOp4mpGG!(-+Qw@4;xFsKRl0rwnFV`G66}+E~roO*R;fsMO zo!s0?CNvzvDl;D-ON99{OP<~ce2eqW%7B9JL)1Fp$sWF&%=6bI6Ek5yq8(EJ%O2_T z$;D4GN%tDYtt^LgZ~oRSqX*#BJqI+8iHCE-EjHzPD!WqQjhmi5z?OfR{PVU^bbX}@ zI5a-QP4-o!Uf7>(@eU?Mzr9i8TLM%WMT6K?i4}KRV)8g)pJDZboG`mX{?nh!rv0}B z&6Z7Lp>s8bj-eG!zMq3%G+IDrR|kH5bO?*KXmZa+TY=tK4ec>KB7=Dnl%X6>x|BmY zVjhqfy^G>et_qZ2pThH=bz?<=aBE7*!O}qhx>d0x#>5|-tPb$s-sNnD|6vGt9)-t0 zgk#in5!zRF2|enWa8Oc$zgbx;GU*?|-9LG7rv!Ii6>A`#J==l4KjRE?qi+*E>1!|{ zrdGHmh2lR~C$4vAIN#f)&IjxnM>|4th;zRxwaOol4yICYCO8Y+o?IZNQyt06ZVSG- zPZgKniNT3mC*k%nmVESGTX6g&N#z$*5Jw9?peDm$*ScM#YpN`~zq|yWn~WF#e5Hst z#&L)9D@)kxH#zX_?Gv_)oFMy62Ex#|8L()c8&ustY(H0HKNc+51=3B!_^Gu$xc2UI zVJ8y~TtSU*c&2FroP3k%#P92m z;I{RFtgWFCt;H>*xvu~}#HQl=Oc9oikYsj3K_|WHG~N&BhFv9LL>yqsjr`9DjxKJt2i|cwsD?aJ5x2lg|>FB%F%eO1ghypFXbFn$KH(f4X zC3zmmT1y@;*MzPbpNRAEBXD#!qVd``=$DYh;*|L!7@7wCVc{4n#bEAp3-*4pHrr}> z6>oQF(hqx1uqbOY%)RQyr7bQndzrO3^Tl9T7H9-hc3s6W<%yWL*oSSj-;0&f4Px~X zVX$KQYm7hdi7#7g!RBohxwgiYpK5Rh*>k$00=tXQ5wwGC6F3SEwUKB~8bE)$l4$GG zTu>i!k;poa<8_X6A>*?q=7qDIF zAjr3GhL6kSgiK5r-uY9HX?zf^8XP9%@TS21AIik1z7jS~eu5`cqN|&QETWR&cD5|-j{J^QmNOxCu{Ipe z^1vCzy0l`0C7l!Soa|1EMz1_$o;_><203n_Q|F(DCmJE#ZWQj7j(wNWWUVu_+>xcj7aH-tmLdH6kx*_m z+!+s~PU6E}G>}8(PBi1V8qUMj82a!KUtiOKxk;O8!tB2gl9Y>WmILS@oiv=*t0tHUsE-xrq*EWn%;_+lLQ8a z!0h-#e zC)n?K=OOCULvVc3gXX=%`G$SKWlPlfutE!X{PPUyc;Zcx4~6qaGK~IlsD`YJBr@;u zK;oZg3ASAi#VQvHuSx76e~;f`?$_<$H|l}@DtGe1SO+~^voJWI5ZU%J z*w@hx|3DI`;jAO0VNKF4$h|LuPdREl@Ov?{GECwpJ{Ev? z(k)_nZ5;J3Q>E(@mJ@#&CzyL|4=t6QPsiO5o{P(hJnOj7XWnrhzIJPoVwplUm=>hQ#cprN+LZz)J&hj#e(-joP`FVfM5+lJa^uvk97}??CQO&q~({)VRbDH;kQ{WTk9A`_jM~P>xn8UrN zgt0ll=a4^(htn$IeRcYt(YVpz1!RBHqlYSc$*(aMG6M5#wyMs?Uib;cCE#C5~#K)^Ez{665ZoMn;(95Qh<-QZ)!U<$43 zaWnq0)uYQd&O@!rG^k!4sNyX#-lT9ag%f^nRk6E?eYqN$M4jjbjCH* z-sM3@{QZFeJ5SKu@1J0IR2)4T`xKp=qv*J9B~a;9g(=4lquzvA zsA&Zh9@6BazL>+e*(b>9H|2QLFoO;m9cHi6HiCZG<-m$ZTkru7KVzKZQ!u~az@M*m zp+;dNXv1zh-t&Gt$(M~3xhWpOr6(r|bCVoTd$EV!USmizb>fLn(>i|hf(}|XZ4rsL zR*;sbDdgBBj@v@kz{+t9rXLX8<qZRb{JqNL_^=G)4Q-T#6XX2*UA4vUJ zH|}`iKe~1BfADz76neWthA&j`LHAl2TE1o&ow;TO&eF+(|12!1Ud%G~WojjASth{B zT~!beS_^8doXqeOD%Mj-EMeiCx8tdpB}< z`O% zcpgwKjmGY&g!zXeiS@QEp!n!NQuooCMqe+3gU7!>iSK=~;Hr?p8u=B1b<1J(tW9Lm z6k9H#s>ci#_kyY5C%-9p9gST2z}hT|__mFq@xNuM4c3tGjc0M$USF6YDKMqyw&Tk3 z458bZ&a4Fg#^qt-*vwi5s_%LVrz8mBwvt%by;q7qy5q_f-Bm^1HGZ(;<^r~Cr!(l} z)WA~VeNK5=6ui7XQkc=k@Xx!i;9qT^2TpIKGao47P7ma_wsymYesz9T zI)FBPaDqjJ_Hg%=4xYF^hRj+xhKsFs^2)bgnO=J@v3Hn-)k}?Nek2#Ne^UJJJ~Oy; zX&-J7=fmTv?rfIsSY9OxbI$O zbo{q>G0X-eSsPYV5oo9rWx)wnM}U`9opAzCNP$rJG@ z7--kdMzl3!;?}|3_|Zzi#}W@4=q=o%pNPTx2a&Yqb%br&NBV4rRvhf>{k~Zb{UTJgX z#)}CE%L{SR#2S3?bqIeuQcc{}l*be*A7hHtZEQR(^d9Ve#UBqo#M)b9F>k8Cn$7xv z(%Fw$OxY`vKWZW=FC9U2#(1PUGxfwF*V2Ps{luXOu3^NJFB zliHskt#U8&6)(xBjfT+hX($}mFlOpOx7fu;m&niwNx;ZMVs|E<+2qt?&~zDr1Cjz) zc3|6sn6BtjahwF2z;cK4=J@Sf3 zda~g1JmJpT76{Da)bBNIgX`Jk7%_Hl+5vl?1)=5gBe-OtBER4*1(kQB`SYW5;KLP7 zD9AA;H;oKoO4)Y|MP+b4xgM<1m2cQ9L$k79V9Sk1m{Qt}6Fu&e`@aa$d^(BNo;E>d zFqU{(8;WOTonT`$tjLACcHF0b;7h&}ReIv9LQuWay4S+*t3)`v1%YAvc6t zUov5;a{?sQ7eIYg4GihL$GS%AVdTDZu&enJ7&%4bVmC9o{WOIQ?WHhPIv=A~jHRmv zt;2Eu#B5mUOl);D1#90_(WtA!E@a#wo)JEXseE{4e>F4~$8VjD8S|py{x2K4dV?vA zn41i1Y-fN`@d+{^?T7egNE4df6*x$@Rlzj22cBF`!pZaf= zOzg;yuZ?gbp_e($SEZr*OweGjFw>JL;r3Qlv#NIm_3nOyn!&&E(xCUC^7t3?U;csh z6h9OCDK31%>0OXswV`HIlmR@vTE>Paj=*(K@8GprCMaoJ06~S%as1J#nELNC+5bBY z+^z1SgGCStzFdf{Gu8Q|=tOuf84DWb@EELrp)d!4gHz&}r?&Z>5B+->&fpd=wbTPY_Rw6WfIrv#^Xe>Fg<;) z{o23rHBL3&I9po;Yj190+8!`~ zYR~_|BFZw*`|4Hbj*hwt2JyLcRNY0EyFr4DF%)KDr6pi8(2mPJXkz*0zG$l> zL#y1KnW=9&Uf-q$*%#Id@6H8esG=_E{1c8>6r%)28EmE(z?foQ0IC%HrZ(KrOb#s`A1eCK7RsZo7>^x*BvmXn4v#g z0hOU|pye%~OpYCn`IwCFG^UVoYQ{7yrwLofMMKuj=NPRdFT8tOh?YBl5{)d#VX}7j zA#q$8&hbpfk3pI|wGT09zXa6nzR3>k$rK+Lp-43%#>249Z@@Q1o#rXthcpi@I%;(r zRQ2WvGp94}NE=Fr%$$a!wrJ4(?uvY8P#HcuJ%UF#J;%0B`uNAk1@1Mzgk>E^(ezC> zY<_RdTqtp{M3>j9njz zMpF)oBXn2O#3{QW{9p&>$R~sEzu!>5bt>2YehFVc9)Z6H%JQU$|5y*nAPWmFz^@E* zd{=jw41a9E6ra#Qj;~A>z<`64!5nSHwL39+>IHby3 z!z;Pn#J04R^;jRo{Du_B85V;c`vf-c7`kiuAKV&0kah{(_S$qQK4{|t z>L)NGYc5ra_lB>68I|Y7@HQk)(jH5jmk5du;~3>>M%>14EYztl@|xXVn=TE0=?Z-my zoIEUx-2(?TPLZVk|ETr`Jt{r)2{F-7=Z*)WnP%w=7##Nj-?i_D_>C)})O84)($7Pk zXEAK_zcbLEL~-)0Q#deT9-%E-Tzi-*eZJfWTvz`k58ik|#`cx?{LCV_(<%w>za&7x zq@1bG`bZY}e?;HWYH;Cd1*+X>K)L!f%xx$@nbh-QZR;g4#2a{*Wi$TTIv3pjBrrF> zZE#}Q1EFUe0e^!A@_~Ir=ma5~Re>Q_8h^MU7fgI(-_v? z`hlVfRjQ>tq-NgtaJ>6KxNTh#?q0E$^uVI`f{R{@Z)z@NHfaTz9bo{^`VsfLy=JzB z-7rD5j~xxk#{Uj1gSr`U_*}S^SR_mGHzbp!ey&BeC+=|kdJO!GNQL*2-{H68T0T$s z&WllZBJYc1S*WW#^W;lh@0e>y9)8a^ zq}>-?;ZfHSXjJIOZ703Bn`9sK{WYh#YRB-)hS4nG)DNZ<77v;7&tanE0hrZ#3jfV) zWI4k8u9q@~KCBPJ?PIr!mOjm5|LI*vg&06{I|p zCcpc;MUNL{qnG18)a|?h^ZU2q+k0O{e`IDuR6!8gr@fSPFGxV;WmY(9&uGZ|UWqT9 zRk-81^P-mniXg19kAz%oz~sLjXg%&5>G&^S_)MwC;zS$T>z4wfhy#5&;1!<7zk-)k z7Pkxgh@Cf2lg`}(=&y(OM3N^gz-g=wC{&%t*{|k{hbmOC(d;JVR}P~J%k4qwRVK!~ zcNI@~r^Hu9d6Thk1ZV8ZTV&X@yEwC97t`;0jNX^epuLp^N}aEOl!+nm7*~`4%xZjCV9P}S!~`c$v&Gc<4zee{B69i z!^eUkzGT{Vk?7DkdRTrGy|8x=Ol)ic?e_bytt*JdUfo5Mis#W5uP9t1bgnOS=#nwg zcbWA#guR1v;P%?fV2~hWrJauvlWiIx9&#Kv6xQQBPcP6|(1KHxC!+q}Tlg(q*n3-V zg437val(saeAu@bZdz(Wh!L=~M{1y+X9qGZOQ<})VS9buA@xK%^RAgh)ZXWa((Jv^ z^LIAC+W8rWzM4(%9^Q(76m!ruKpnj^B1mhK7hR*gj+|Q~0bZitDAT-7U`-i9q_Hg% zt(eEG)=KcYeHl<)k;Pw(dmtKEmQRjon!~^oxiyY|XYxU_(%FP(!?@Ir-)z&Pi98Gx zkj9M0oYjfAT$rb%hHhX>$E&lcnm*wFNQ`DBpU7q>ZH!1&!5n{~tA4r&PVGztHCH44 z#c&#bUAEHU%f!#5I&3?v@lc}%%RXbXUM`XJTmlAX4czG{%;9 zKzihM^m^{VH$GbmP8x9{mw;d#yXqNkdsYt%vlQXDjIF@Tn9eLcV$ik9f*+K-$I7y; z;e6RW)_J{_oXfw8fBbLPWC_n-`=UPF>tX{(Dy6CX$06j_DqGn4;u9|SJA;#j%*=N0 z2e7U6pMz1_GpGnDB%Zp8yg*a}r{3OYHd6@lEBkLX(U2llRta&8crV>$X{p1 zAU}0VyzJxzEZ*0L!>Kv947$K3B{o3+GZT9Egd|tfSp;7#gJ6YGGCR8IJUT)&v}~D; zu?QG8UYVC}y@~e)|J-5OEH>0Y8&YZsf9n2?Oi$1N7wtT;8ufzME3r_1<&DV2bO#!4 zx96j#s`5K)uj1MuW9+vMf<+reTpV-}s~-2Tqzhp<>HJ={P2hnmYEL15*2KfoHK7pF zdD}tK&X7~J_1wZjjaqIlCxsvPLTu7<9H(Q;bE?clf3|;tO=E`gzvV8VuU;qKaC;H; z5IBs9#p}>(ehss}qfL$(`LgW!<3RnEAuV|z;`_}P^2G^+$4#*ng>5uN!HTj0wiSC(!B}O;Jd9gWcVBf%VGvkQ!-#z!+d^r z?KxIe`4-mxZbJEqi%|b}A$hp|1um5;hbR%imyR7IGvy@QZ*-yW>!y*EfId_ne}-%* z1=@Jf45yFK!`=>Icd}QPUiY1X@6So1Pf9p$QGN~UEDB+4;RrBRTLgWoS`h0VNu0BS zSmV?lW@s@<6yq-iD}IOL-nh-^l$inx+nzZzE-?q6E50~w^aP}bBE-g%c&f99`YSh*Gg-rFM@lQsoh?thba#W)M{Dx=d?H?b-Gc`dUqR;w0yg^} zu*7l>ueEnW#-}rA^?U-{_}mR+6_WAgq>E%^+i6IP;_#$5jp$rIM7A_e=N9tQpzeAL zbIiC1d%tHB^JXKIEO%oIM2Fb(t%h8~U6t<(*$8*LZeW7owc7W^8z(*1K!rnkFemdM z`&gyLijVo*k61X2ca)ummN7BxUaKs+zkQ7NJ0{_k>r%vPV*>ulxX283PT^+VAh;X6 z19A>_;jbsRF!iP@S+r{`9sO1hXY87dgSGW>_YN7daghaf7k*~P4;%2arsEwdKMcYz ztNx+dVPiNiDKLiu%i*@4GT)p3hlp-PV978KaJJqDrE`YCr;LfbsB;f@y8D}~UKk1f z{Zna%TO~Bqt1%1B5MuREmgpBgVxN?A@Zt1k(H3z4l&}ccx=xYv!+StlI}0aOO7IO= zw83CZHZCx?!~doq7Tq4P4nF94(ZAbQi2`b7(fA4r7A_e{7I&{?^}mH)GKBJdmTKT~ zuoP{2VlhSfK1m1)uL;(khmJOif*5KozN~!*S|9&|3!NGGe4HJwxEhS35B^}6yN<)h z3S~YvxB%M+He;i$H&aMoi4U{~;|~4|t%7vetegmlXbOY<1%pwpI+!>=+CUT2SHS+Q z_d#Ck6Z);04g0>eIwd6 zHplMTKd2t(KuekoNMT|YbY_~N^6$g=XOAf#A@Lg&#X{%isU0YdIRmf9Yw;1<8tkux z4xORU2Wl(lK)Odh=GcCQQSx1)m{DV}IP?Gv-mj0whC+`$xB{w2_X50{k6~Nu;7Iru z(k&{*su_qo=|LRvUow0)GGNKO*W%>?{(SRocf>*WS+J@WPy2Bb#xBUk5^#b??$aP^ zT(5ZXxpiQw{}2o}<&u%1zeur>9(Dh^8jibNLz(@1aooJY^sw$n(j6J-uuttH#;dqv zm$d?{|N9O1_${SL_g3*=JxNH8q(DQM8J0FCkl2cHX0hh6`1hl2VA~fDTb+c=XNfd= z(O1y$ED;wp13f(BEQ^@$ht(mH)VR(FzW5!3+OlX2KCKHYGS9$AV|xs};z6dBsKD|7 zX}WR0B%NJlhmKyRxbf!zR{2oi=>W&EcnT?RYn6bxX&~fMMHkd0GjZ?7uvN4@Rj2{Sa!!C3|(A= zcY_Dg1T$&KsvE-Lo)sT53|L-+D+yZO0|p*XaBf#WF})p!tL6=W+d5jzR-+fL=15`Q z@m4nS;6PN|`y5oJjO8kY53%&}b^NzHA9pMcgQwRkG5Wa_%si_D%{Mf7O3)l=vXbHp z{6{&wlDf`*C@a8s_miOD{XleWjKF~Ror@OP!?^Q(6{^|$O}wf$6UT-Q!niBmFemIF zYwz98G9;@=Td6YNymcCUoW6#&Y&T$Uo=0Q7S_#Vha_9L&55t~$|B=Vr3(462NjznT zK21E2aPX2ZuktVe`43aUAmS|P+i1Xdk|U%wY+}vZ3HB2$YRjN8SYP-%_gB4GHk298 z5!|m)rhIhqG2CNx9p@+AWy5XWuzhkQHttG?o`}OB?QTtX2|NJJ;CPg=IF4Zl zJ#a+*WM~u3g~={bL~|bTG&kyKLgY0h%lAE)LS`dSmx1_0ehZCk>M6mICjwUto+^<#%$2tgoo=;C8^E4Cq zcsgJ(B^

j}s4p)wIP>28s*63C`gvQNv{&y1A@Le0P5;c`NJ;$H)l1R3T4Pbap>p ze6<<^uja8}bq5@(p@x~gu>z~x7ox*s?f49y zL)+QhoCN$lQw{$%Jtp%?V<98^0&dfi^K^{UID%5PlU@WS7Y#kXgEFL24O;uwZ*Di^!luhs5AZn^jF)_P_YZ&UmXk) zhK6u0_ZLoY})ZFnnxC3^C{8qHE8c-JM&(UVtT`#*WQboy>sGP(tRPin;rXZ>iT zkk1ag7!AGqOK@F-Cf%Js2qvE`s!k4^12iHRLLU3mmXB@Z<}5=Zk+cmPUg}_^MLt#x z*Mt*w%fURg752>f#lmY|!QV;|N>3k7LvG$i7sWR$4Nqb3isN{@^AQWw(_@1jLx{(w zFU+D^=sTIEV8*Rba9Dho9a-`PjmnC#SriC^yf)yvi!oSSuEMwW2;G<#VaM@!ISDI5 zCbw@VEMDw}S7f#!7cwe3zRh@i;bFv21L@DpryMqU<`Jn=iYOY@Ch{%?7?AEsFF09X z8WTDv8b7h{b^vy~pNqCzig2WCl}Kaj2Dn=v4uiHGA-zxX@k`4Nyq2j8&q`L(nH9CT zPeO(#J6S?z;t<@^5W(Y3eeq{!35*;%0=tC_{==|X{8Q=vTZ8Y>rx~( ze+XE~m9wiy7l^dXtjLPl()9P!nRM+o6CPk}NOy+Yfx*eUxN~NbXxT*@`tbHM=sYur zOgS&hYXx4tw2UMT?a<&#BO}CqF&)qe`HU0TmJu(9ytqsFJ zXVkgp!3l77^%~M&uK~#$CekZ{YkH3Qbo}Hy2or=``MQI9ap|s!EPB&Vct5^F{L1Y% zJdmG)mNG|K#wbsk{jCmv#EG!vO&I9p=9BsLsp7d`Qc$_@2(ur37SfC72@K-vV0!#D z<`&FEMfrU=$smEg+GI-~|Gfgg-7KIkyOLNRI|nzN#23v|^@R{rY)-X2;mKB-uM*$ny zmfcrDbIoPZzGY9~sk$@V%}5nZ+?P)@z6Ic-u1~OejtRB=8G~!{S}?Ug9a=gcph}H1 z1k4=-DPNtT&TAta-X4dW29<%bf+Q+U9RS;ed)&@8E%MD_DOI=|gNAywP=5Ld8cjbV zu;QQK)7|}e$?K9>6mtx06Ys+6sBk*+un%`@Ift1a%+b$p3!c@=B&&WqWBU$6zF+4z zUJWh59HThkZ3;r(`X`27c!~xsLHP6BGQpkp3D@R4!Iiq+xGk-P6b-nJgAJ3RqGkfT z_?$+5?l=T@d`z$>QE;Y9bdb!G1Ng42PdMk1DRu4=7+!~@Aa~(;Jl!4#qh|S#hohZKaLF?bKEcreq8~IJz)@#s8Km(I-6 zU`4oht`nR(UkH1( zA-wK~D~zI9_+q^!u}YW1I(xwxao`Lnjc~ZZWd=YMwp$3-ButxBJo;?SLCn@3NldGxyIXU{+j5AumkequA)sB!6{K40}WZ4unGN+A;i<;FBD$Q-L)f1P-BT z3U;Swi&dUTa{rDvsQ8)7g1Thj$ie?m%_xO|MKt%x@F9PG3ru8U2Gwm@S_L}-M@)Kb#u^IMiz(c9E2{`YH(ZNWcUakHZ>y2Pnyg}jTut# z)k>Atue=89ZQ`(~S(&apmx40Y&+yMnZD>%}fJL)>0gX?Kudgt|-{c*9pB;?1zHVY# zzAtbi?V`EPL(tpJ08Nwn$+Q?f{tjk47;Jm*HP}-Jo^n z7o6rBNY0igf?TE{x-4>|Z|C))@97?vJZUc9(EX0c*Y^?T3J@9Ju>wR0sGrp{#l#mS0tYOAp5&tdRwOcAnO zIq1|Y#-}lS$#Li%J+1LYgeHJ8ZAHd_24l~PrKKOaI z4^*tuW)R{BF*g+HP_x4jXTJtpjbmZ;m<7ayC5y(N)W`OX0oXQm055r`!?lDtX?Wiy zGQLofMt_l@e_NZy^H&KBm9aLsew!F$FF1qy%2Q^gX55;kTh0cPA8;-XO1dfzPX+pJSj(>n8o1GJ1X#@O%khKq|zUaD)jBT zY@8?b&elmZvQs}|VV<)zA8#;#9yvityV)cf`C5`KzTHO-d~Fi@S|4P$4~K*GT@Spn zw+CL1I|GNQ7MP7f7b`iOH3x9d z6T$yz`IKe1N{HWEM?-s`E#{ichsGn(*!yxn$hseb%*ff;_<0B2de9#>gkFIir&i%Q zr9GJ05d<0P7tu#bMpTzxhM#|iVPW7-tQIcshh;vClqcx$<{CNv`fd<*Fa5y2ZHujm ztR0PpfjdAeOOhKnbhAWEbH1{jnEPraXo|(=6;y9nIH#E@!9fj$!BH zGBp3Z8a`Sa7I~`(ncl$$+~Y$r96BUPH@chiyH^6B;;M__T(}A6gJ;1VmDdmy7z^)+ z61MMkrpC*!lY2rhPR_9d%!k~@t-8N(rK>wv`L`FP7QZ6rGLl)-JwxIBjWPQ;Mcyvk z2J?yx$*c9N;h>!|pBuSVJVRrHGA~O3Gf3{~9jQDn%yw6=lAGgHO9q(U=`I$X9V&_W4nO$gQ7mhTp8Xe2RaO@k(eED+h z;;C>eaUE)jl=+)lT?`w!0#ydhfaG%#pu3aM3rj}Q@slIKe0B(oa90xX>FYt}iNHiJ zi^pF(CB;pCJ793c6vUKOEUlpuy0%f);x`ZjGQW^sb$$3SIuxW#Pr=ZWX3+aeh0lBZ zhzxg(hMK;;xLqoom3(1xI+Y1x=U~+uW$O7rj=DTQ>M-o5lZ)okF&I#-iHu6o{66z}n30iQQ^}HE8rn zoGN7W{wN0npSFh%4HTTVPaAN?iOaaSOa={)jKc?Kqxci2RXEj0k-q)+79W0D$3qT2 z0avvG9Ch*=414k&f1Wbo1N@&ty5d|eJwYFfW+g%PNj>7a;RjR<3S_Ovx=|+f0sPr~ z0JNMBFj9OFO4a(9r&c>IpRPprw?$9|Z3UQlq(?kJ$&ywG{IjdajlraFCp3Tfz$V5< z!JDOnS-4FpDu$Mc{vDI0My2I2s?mVEZxyl_9+vd?tJnBNaKb2=90rG^Q}}iLO?G=q z05)yhM;)dWu*^mizF@W`%b4Dw;^(`h`?G90?73~xCjj~BO>gPgGI;+jHFYRGw* zVqr*!jp)J8>qgU|^Rwa9DJ_gX>J9FlQhW@l6&TN6Y|hFewm`@!n78!^jH6~Y@RlZ5 zu`$PMR&As<%#7YHJ|b?>eT+YYJK$g4cgUhuFyhZ^6uOxhc{2&5PDsGZH+Mz1e(Uq4 zqE~2FGl80y3b)#V!93No2V>mwNTAVbD6PB1^t!fyiotexF;1RJ=_ybLkpbVM^olPooWz|00ReTO|+@@xjZl_pEC{B!2vD>w@<_)1!2Te0=8 z3g2hF1GIbU!R4XQBhFYaxbAl=ubw?oBvSeu88ZaZi6L?n(Xm2A4rS7$U-J0qsaIhbH6f>rV1Gor>%py z+R``-N}DYj*rdi4rEg*2b!pl%-w`&JXfxZ#X2P8A!JZfVV5;%m=xg7D#^)uV^5_GQ zl^l(r5k1*;d3bL z80NVyL*4ippgCsTzv&Ln?KFYAI%3537cAwv1f3Z03p-kK#qacviI16`ho$}!w6MyQ?{+(e zbciE8b|D3(4mpPBHe4l|u0wd{g^lRty$wcOTga*>_>toR=WyiUPf+;%2Cm!9G31X5 z&OEyibJiK+luPzx_s$>SGIJq-VFWI0nnn&j89}N8Ch>(I%xGKY1!kfAmR!4WA9q;p z$KW&OG=Ke3{MxY)cB{0)5uJbHD?w-IjL8p4q{B7X6#fMF@6^Cm?f{*^3N$_L653g2 zV3%-k{mD;i5kgTU4KA4lim*W>s8@%ApFw4{_04ZHO|*D(@`j6`UV{UMSS5ta5Xg|w6= zscd?m>qI3*MhYd$%!tY!8Nd7c`wx0N-reUu_jSEq&*whLmvB&h5=ttSv)`Zgz)0yT zNDZ?miydasIa0oW8M)|DI2bx?eR0)ZpY+CAF+`dYH;Gj5GWBc?{jLuu=!b`@I|%&0t!W9W@QYC-kTsf zO^%-ZCdY#>XwlO82pn|h8J=4<259~ZGPpPtzMc9jzGRmQ#oaUc<2hasl%`C3=f5Vy z1ZHXV@{2fS`5!3L@5Y-SJ3z-a7iK^BjVx^jdEXq4f3jLgq!mNCOZRYMktXXM1B>^`r=gJvs`v7Z~%m>$OE)GpuoT znmTt|moLnSA~0yyd@}P|DS8ZXhGy$Ho;_ZNO}=u5+%G!woobX4@kqS zD@V}lpABiz)#Yq>;C@l$3Pq4R_XZ53s_EIzi&*u>nZ!%~0@I}yL~NQ2_vYteK#~z= zIhMlv+pXYfE3jUcsgZc|-4J`jAGd1h;35wT=o6Un*Ss!>XSTj2%Vxc`&u?ginZ{GN z--A-LDhVLgCa!d<;Ztl}dX9Xv-vlmGRr#xbqp5wFHO*VjM90Dd!NOC5r>rFWTfj$% z*wPHAWg;$L{`H8sPT7k%`AV&?y%mV?KQQ*rmH`jo+ zQVYy5Q@{nI1?S(}&A4p9M?7Fq0>7=2AXV5~*`%n^n}1z}PTO&296Fk>xqJnJLI%>r zKa%*)cPyR7i$(9gMxjIICfxr%9-6Kgid_Z}{FXJDZjm`oBdR?i&;wyz%L_R8!w6H{ zq=<9eeUiINk`A(QW3zJ21drEc&`5~DVW))|Vxe7S*O?})Ib2TsgBQbSn1el2wCI6d zzhQ}sF+Tq5j_bp!aP^?OU^;gW6=dMz6t#hLTZ$!Bbtn~m!e%s>8xAK&cyh;?Q;1Xh z6Si!P7E&32T9XM0yof#$SLRI$_qB&xJs918k#V96+l3B5}@$XK?M~1(1=Of<9mZk?U>> zZk=mjHvEA7cAXiF2)q*;U3DB>@fN!(l<>ZZ8P0qqWXS9Hv7+;;^#1aH;MO9;PtSK^ zvUjG?prVOrenj9QPf;fk=f;!X9trN6IE3yl3P)oJ33_8!J?sj8g7g1M(y9todR*TN z$0a?3wPy$8%QhppYn2AChOA*nl%`XQDrwNHQ^EzkzUW95p=qK#ttjonue1N7z47(1 zD*Q2yjv5cC%cc0m^jJ_I)Q*XY0?TB5Bt9M22%plo;l|r1FtoB0Y|R&lyM)dIi+YYf zQq2WN-Z$|#(@C)F%|l$3B1H$S7)S>^N@bCMLs28e32nQNRMy04gWW%QZdmg}$koI! z?-Y6dcwsg8wF(SO{c7BKAPY3^{$VXff3P<2m&mMJm9BJ-f?p~_;aO!e%B-A?CBH|) znT7-~754rm(UXWlK@GFq`Uc~s+u%BOlXz@3r{9_#@N4utvhv(3e6=kBZuIZMFZ!i$ z;jAgPJp2XhjRbst(+`0W2eEtZDA;3a51NZ)_|1lUOaM8uEoPRGUwoAuT2KYHA_*Qd z%^mrHy^uX5p6v4~z~Oo&pt|0KxTeYTwuw3HeOd*3qG=8fH6=lI{&b8wWX#?g))T2q zL(%%365X_F9sCNK4PV?lg&gTWw#Z$boA?q@f2BNC3l!L?87sjx|0D znb>%Np!9o1!B?7zc8Mt79ae;&{l19SO50)FZX@DyY#NU@vEt{q+`}L?jBVSMA08DUy82>FZ#mn~&$6=W)Fu z>R|9`1KD*~xI455;f(%Au-)JcaqQ}41s*~-XX0eO(EB&LoK*{zo3CM+kQuq&Hi$J8 zeikW4yhpjdS5W=@CHpFPD;hp%@m-RJ*nKdO)U&JjX~8sz3pGLI$%movfUGMA51 z{0P25lAu<0!Ml?nkvRF1@INnrcJoqWWIcnxuuPTMuEXRyLbZ z(tr`h!Ku{U)i$z3f`=Z6Bd;7NX;xYND~w8B)LP_=PIJr6BU|f`i1E} zJW8)EYQuM-MNC=f1GlZp#3%1U5E{EN)2|(O=bOMX?JS6FDuv{OxvYFiF1F76C2))p zv3Mh7WLyMKNnzHOH4oBt2jcga2hp-l9$R+Sv3s8`gM!&OCLX6mb!=9l?eZt+zc`r< zSG|u5OoQ-b$U{P+g5cen)eyAq842xPOq;;%E#~Jg;&KKdhUhf2R zzM{bMP8JY#O@Zr{-VPEw!a#S`UGjR(dkjk31BQ#_`G58M;80)%WZ%0=V)x$#5BXZQ zsa_G?4%<q7NY|Zx^qJKIL zJe`lQnh?Fpz-d!KSMoRR{4^c}tNX(rmtJ^~Z}gyD#&=kPnxfUhvpqCS(uAtLey zS)VR&H*LR?xAG&QN?^`bz1qNM{yQqVc6}yfc(0-l1|?T2`u5E`Z2oRnErR| zGKLr>La*#ZHlchcYyPLn3+!tNJ>i8H7hPv@8jfsHQ?#hZi$ly4MYuD^4cNy?Fmtgf z{2b81q=o(0>W&BzxDCW~BO|)l(25F68%z)zf^xhco3JR3wU0Uv@mnVIr#ZKwZt-+j zT&YM4kBy-dO!7f(d=wlo$Q0bi-S|LV3uNX!B?b}Es%)DD(W~zv|KM&vW1|v3 z;~Rmwh1G&f%$J<5PQ;%c!{{v&8T{j%h_XV?ep2r%W~{EjbuT<7p1C*J;)+Dvvurg^ zI3qYtl*7@lKo1Wr{09dlgq+I}KmNh>Jn0!cg7>|Z!6$VNaAS(MkSQ8UXucKyIbs@J zw?K^ts1)Hsi4YQBaEgUYcAzPa(RlApGD%LTASL-0e1CLMWG~EVRhFc{$8Qsf?y&00xQ~Cyz5R=D zr{!ny)xH7H!DBh&=i)?M%SLWMnhvieI!=yqvlp5TE=lZ4S;}m)O zle_n!(WxrvmK{kuVr#&1%SMd)^`5MA^F&Q2BiNLb1nOyPaJ-)ax60Ax3Oik}InEAy zx>AVL_vy^$UlB9zKCPf=ZI|PZN+IzcZu|SH88tM7JM25;MA$Tf*-RP zxBu9{yZ(I@y_;xC9Hc7YVv-jTJC~6K*BXhRT|E3flFux*1!Jy}Fe4u4hN{0uVQrEu zoo7>v{Tqj(r&BH5GB*_b$!Tov?NM0S?$5dm9nsg$mgLY6MD4N*E6#ln(FQfJ=W-jf zOr1fJUp;5c!4l9?50A_h?oF*5MVB0#$T!z`^m1$?GcGW}`<{pXa1wsk3ZaXPV_4z# z9=@k0VD7&ScsAxD7QJbNtv4HBSJY_QE~h|U#K4PB$Z`+)e4JKshrAmw3$jkF!Hq{6 zVR(oKzx7m&Zc)Dg*()B41HP_Bs$)dPu9BgWs?YJ+;%W5p!Z?B3t;vsseIZi^AXr5@ zVd~CaGT7G{%ud&dhP!#gXYWQZU;U0Om^~7G+?K$f*n#5PV_MlabuEnR*F*8STIfv| z_{+*E*l<+=UB)C-jOIZ4yE|_FKQuw=N`ATUW zej<1<4ma~>TSDK#uc9BY^UHnWaWfyr|DK5Zer&V2b=O_1JU}hh?hDi;97yFa(+}D z4t;DurRIj=N|o=V>L>+LG6G$<7a~T#gk!m_kaBYgF0fL@T%`lhfAt?L%6tcLSIxQ7 zQYmT^QwbhDHRy3%j0O2KkSY|BRRd39oPq{Fpgf2lHy*{Eo;+gO9;L9=wg^ntwLrt( zO*reV3V#?NPYq1}v51@Lkn?&A${8vM**{~vH!hL+S<11b_B5=Usl}5ox#G=+I!wOo zM$HT}*x=YOx_8|>(!6#k_0e+%m1|aX$NVTVU|2Ny?)i*JzU&uyix=RUTa$USi8(1f zB_p2q&mJrewhCR=ZP0u)1AKf+(7AXb&(e5+dsNK$LjQP}dxDdB3*<3!o-{WJ9K^{$ zX>moO@NCR5qEkmcf`9M3$+1z#VEL|mC_Uo}S`QWYr3O{L@81(JO;8YAM=CU??I)~X zyYW)rOF6C>A~;?>9`b+I}_$^LIzU&nM~F z>0nPUBmYrGC+$6?xc~H<85X|H4PR((ThdZE$pv0e`lAEqdByz?R?>LO*B~ z)_#p=8ppL@PJ%rC(9@v5w+;fkRZiTc!~(4Dk3&y$ORi(kFaG>74O*MOKoS*OZ1Fu9Tm z)3@CvK1Ct8G}?o^ra9Bq1y2!eEV%{mMW^w3@UG<>S}He!j*bMZZTd?_cKt%9l1#YZ zVM4cTT+7GO3H1J?P;vAZbBxs-BZ4i$%&w=B++GzxBqqty!{$dtx#J~7r;?AtM!T_m|CB zJr*nzGsR9aRy5fw7K4v7=#wxa`t9f0)aOscYT2bEb-_J&?f3*sZ+Ekc)|L35@?21t z9&%}M;7D%tKc+(HN#eXL4kdJi&g%6#abAiAZwqc9zkdc`sqIF{+_ayalO7LAQY!ph zQXH(nCnRWZCKf(ZAo~q+;Ca;nI-{mU?35Z$0(3j^`L?y8@*z{2WR9X1#j*l(D6_pt%zi1=;)H;dQE%OBa$5;$`rNi?j zuVa314zw1eUK@-M~ePrn6kW-0`}3c&OmjpFYyZV)hEmmD(;2hZn) zFlKEM&OBZOcTNZnLN!}HzGt)eR8AMZdx&h|T2p#3_O#H~n1w$bL(rqC3Nz>hRvGb| z$TZ!+TIIo<`|4u>jD$Yn&i5<$2m5-W0UtYCz}OxYn7AvAiPF!DCxm9h*$89YWVe8x z^gn^?CW%lSY6WiAyTQIWoE5K65|NYv{Plx+NT5bgyT_Zq-a8dkqn)7RywC^oZ^Q-F zzMzu!NSwGkn%z%6jaotHVDO6Jykw_4i2UXfxrv)ZUw01UrcJ*f=l&q-*82lqD(47J znF}OKhGS+kgS%`#pIK|dcgW7;8A7i3w(2!pX?G157Q~6&&sfqw!}7(pj}36tA2m{X zT)2<4u7^pZ27|wqC9gE|hY{T+@L+TX`qe3c{k&NGJ75LuijG7Sc1vEX@30jinlM3_ zQHn|;Dl@v}_`Ce6@H|nM>aLE(2YKqax!)RJjVXfuzF4aNzkYH1V0_?hOsrGq!`aQR zS*F;Pj4{3|vgO5BeBf)oR2K>8tMP!9Gcy0P6ICa;6`fndj8!wsDv)a*EwsfB0 z5s{`EbMB)0*WF~}LZMr;?iTs;;UO6Bs|C#?(_r%kJ@J5%0-xyV7&cX8L$dqsqQ={c zSWu-8ONG2fhP)TGXg7g`arbe>F-z*98G}o@wXu558~ZOqrTBG$Q~m9~WO!S85#DsI zCn1XySo(xS^m=`nXpDJV3sWy-ROy9ExO>kz_;li5CmWH6ztu8%|@Q}iMVbm!-DK~@x$1) z)b~_3WY{U=h~|^{YmJFl_-_s#$hLv=0oBmeIgKyM{DHSm1y#6IZ$O1nSAL@{y?ixe5!oopxR?%D3ZWxPyLyBPGS)r47 zI2J8;@3sG`zZyHbHP{oEV63iA%bns-7IV2Ue@`XH2 zry{h*jfWl#2Zvk7pu@}<=l$J+Pj4)S)8f%&$lGvy5HXM+>XRpD+e~o%qEsmF*JAmL zmH9TE8Fa?3Wkkk!AmOYNBP~i;*xrvKhtI0?qgNVfYbvoXla}Y9d5>`Fr^DD2P|03w z)2DUMa{&}Tp}LYaHV6(J_tXgRK5N5nSq|o@p$>d@ZLPqP7YlojtN3t17t2@N2df6C zLO^d0Gfk1j#8Xn#R^Jcv*KEQtH!FDgejyFo-$BGa|4{9EGdY&Nw;w- zK0HxP9(|4_GNmVBhkh_@_!tE|bO&UI7PD!Y{jgO!1NI-UC*{|tlc4d(@UO!q7^>+d zy70A`NTfc-?&-79@7HyBm%kEb9=wQhM@O^c=U+2+Y8vr;_=FAmm<2hpX*fg4mNpL= z3VYry7rjz?ic{)ZiS!#`FZF5xF>BLCQf^E8+bd8dBpB)r-N3l94P?W$6tI2=WCUK84ub_carD{@1)vWn@*4l?qUJw( zJYn8d;jDg&(S1|#&wwMW#M&E7%u4aOY6L8OuF8(xxddt#I@!099c)hgSm9hP!vz7O zFk`_0+Vw=1KNQ$_`yyYGD^2dA){(c!<*RFI#OD@9^p|tc^>^8 z>*wqsb+fNyziu=Z|BM7V=|A`=Ckj{Za0RXq3xTFpAbW2x92EF@p61)(yMI4!Ha6wA zf4qm+st)k%RtxBA&qT$bbo7ZjiuYP~3D1?5Sa;YOVm#)KI3s!xIf7+);Gw|SlBmVK zuT|l7?gyxf5_}G6*0?!oD%*Ix7S0J-V1q$LIL-DqIqF4ew%S!Zxk#RRJ=LU2`CmND^Nb8Es8wU-v&}%`aAfI6etos3Ff#iNa5( zU*Wzzc~CzpfV|RM4F$Ga@a}UT9H}rAMTb7Z*t#%0xcFNOTbcNLYd`G!jxf8fx+ zRy4NuHhK-O3JXOde4cjT+VU!Gg1FyrB6+;oKC*!iP1lU`#ggW?? zlhR9}U?|Kg9rs1S>zQg4c8y^n+XNr7P8AxIr|`m{rMR?Bh1b{m;uhl`ko)dMqm|w> z(>i@fT_MfXOAKMV+IP92Js4`TpX0q*3cOZd4V%5!32%(k>`Cl< zOt}71d-me5jQ2Qq*fd(*a7H|2W<72msKURd-+{SlBj~g+ z8M@(}Fvpt`hnuhEVQ6D3Oz91S3BJ|1aOzEQQkC#Oo_YpWo!&0ITNwMC5(Z1=B@qMv zR;*_Jm2<`o27~#+?!P=2RZb^C;W1Te)i;KFPS(LckE%p#uU&@|5|B2F237qzeEq5}cvCo%bJHJe(EN>}n8PM`vCo9oha0h9Q3;^fWJJ%a zOJL{0aFfUy+YyK2C<#+%KlC}6?rvubVsupUy zYye}dL3`3c)Ri2*eqRPWyIcWT5?MHPNF!@5GlB9Umodf9 znUtRl5@#FFqTdfWk_WPO^p%G;uM6@M^?i>==dofadN>_?)(FtK;${3r)DRZXAlyOr z3g`ZR)98S|jSw&evBqbMs3lB|yG;2adi!S_O2z(Q>v#Uc06Cz~*;BU4SPssOyJ|l; z>AfiP{#fwdr_Q(R)uJ_P!}vN&33@+hFgSfyK=plEyzEOP;Ii8+s-p%*Uic?cY&QjO zhZU$T?CJKaE7Aw~73_G&O!58IYf!&=By4+|gHMffaY$b>6gxCQs^Ay76RwK(f3B0) zhi|}Yzxz!4!#8{*5sPMuJBZx3`Rt+ec$OFV8|}M)SN`}siC#0i0Nu&qsGFK!IWa+k zWd3}{RLx9qXn8l}IB8MspI@L(+DPcYHlyb{N&bKeorLrXlvy*DIX*r{KDQ*HlFcmg z-7gK>pEfY3wqbbi)gydrv=H{3d`N2lyN3x?l`uH!AIu3DNb6q;J-nl9;LKxvXf_?n zt!*tTqd3QIiAWN-c?4eb5u6ZL2cy|UNqDSq9|q**kxumnapD0VoYz@r8`$H`o_D;* z`#W4oW3je4d9@@R_0N{vKGX_RgN2=s+CK8FzlZs4ZCErS zP55@>CnC$+Sb(1koM^UyZF`((TxK3*O&LRTt6#ycebS(E>LOnDJ&p0BmFbwU+ic0( zYf$BQt#V@JW?ZoTCT_noh>m<~itC-T;NH<(IMOXJ+0Pt@|B9cJR3U>LJ88ZB$!`~- zOgxV1=AD4LR6?V}l!#VZ87z@s1WrMYuqf*&T&f(;ug08%uQ!(BS~W}hH1ZF`HhW@8 z>?Y_pOrUF>t)NnxlL6BzApVja*0n0bz6?uxeDV^MysnHZE}sDDwrglcM};a1r>Vj4OK)gzdci5=TUh{@#tQt0?{#oZE|1ANNztu- z+IX;T31-NgV>@(&9ZJGw(sy1B;*2Tp-Xn?rom=cuM|>dqMgZft9w5^dW$2tW+sQ<= z({RpCi?-}u!o1F%Ks9rbXwQ}`uzf7tN8jv+jp`>z@g)Ngn@(a9lO^cr=E1ae>~8$< z{6Da>Ph_L{YqrgE0t#QB;_BVD`2EEOh*9_sj;?+%%=aJrI_4ereS9u@zAzk%0x8UY zdjO<74fw&t81y-^41X7%z(Y4u@%OD9NZM%&$DMjJJRoT#Z`U=Z>Q9d2{KHT1;JQQj!Q?e@QdXr} zi=8pj)erXvYIBQ_7hv>iG!!2WN8748NVs|o9IRVVdT|OYKKl&D8y*DTlj_h=E%dr| z4v?2i-ymK|XMf@ou=U0U%<0M?{sux8<4O|wv~D9Y6qwxA59ARqs?d|l>h$E+iK0`& zexdQ|2>$4B3Hk`{)0f+G!T!S=!4uX3C7L_HO?!g)Nsn+Blbej+?w){{iT5z{rz*R) zRbZBmYC)CZQ!)SFNap8v8w%e^V0BsudEt==FV=6u!WGGA@c6f=Z>bF?jQtE5lFB3` z?-0H&_rmVUuSH9%#zCdGIaTfvn4ndm`0r<#c!$qXfTfbqeSIwMZ@VjMUDwYt&Mm_Q zhKCuA*$68}Wy8L8UMR6B1ukVqiT1hnk!!d137o4(aNAF#bC!0W+rT!4eXNGgqeKF74UW*L@{SUXG}EOAmF-#_<+?1A*}*LBdyz z;uh9JsGgq%Tq$}(S_TJ-CD%8xa>csJ$l1+IDIKEuZEyjtWLB0-09CT z&vDDn?_}w;G}aW@NbI7Pg8AtynDIuAt89~`u0p@6Cg&xLGZf*5BYF7ig(euDxec#Z zAB9=FCUEOFji{-)Q?xH_BD8l-67SZ02~BGkvq9m9@Zt3$ycIVVuhLe0pKU_(?h$xv zrUl>SH^ZAa6;xa|h?<4QLwx8^{w*h;t@YP{ypk#$Z#x{LEC$nE?T;~e>mf2`{Xj5z zQ3da!c7c(n7;t*X4VS>Ue@&w{^h zE?o2V8uaLPh8XSl(C9P@FLuv{0XoraaEBtzv2w=ctEKrxhi;s!h|sz`4oXcm#CAq| z#a~|8qrL1Otifz7bFRTRC!^V=(I+6DpJGjt_tC~%OiG^}g$ZF>VR70I*0Jgc47{-c z7QIoUjarkT+b~YZ8stIJ?8|t3kSzHgHUvJtj)QsU^k{5i8Y~VD$9W-BaB$UU3`!Wx zZ>Il;fwJc0ji)a6ez_3KWcr!k#aftQ^8{{K9f#>|+Bk1k7=rwYzXT!y_jqsS9&Z&)B514DHLZ|?I7@;tnhgx+Wr!MgFFf3%py-W-O_ zTP2}ZxF1BsI>W(j4a{a>8p(MTj*Z*g$@l$!IK$0^=@yBR8E=9Qc6z-0qKjxz_7v3b zJ%f(tN73aswNT|l0W=tgqfv7*kQg7)r>S-%Pfm;TvwOj*%Yq)5&Q2%%M`bsYvT+^Z{yEW*U;pLF3bO0Yt^rvGx zM#J^fyRbs=wI&CakU`#(_F;pxu`VGWOrIPk-}Ww{t|{+`r^hF<{)!v@biM+9`bVH) zhu~)YvX^YWFo^ESnFhjVF;x{ZyGPzYpCZ+M8< z-1!Q*o!v!tU%SY*y*z=@XJ%pDd3SO6)o}1$3r)79aYaDIPMT5}PK_ zlp_PVcH>08ulxp(jYApLG~!#z?O{*f5a=7F#Ixkai4*sK$FJe@X+`XK=C{y}-*dO& ziMeqo_oJOySassIOf@)pZ8*7lwgcvRHo^Kyvw4lm4e*vYNzBs~d5>kOkTnWsgDS1* z&b>zkhiWu_>@ep`1&)gKn?$@_r~s|mjUw4kQuKRLFtq0k6`drjY0XN3(`tVN8tQIf z<0@hPEp#fii~B*gQvyb>ssh8lFCb6#;Y^egytfz)e~(SV>4~Y}($Pw;J$wAP;Xy5&*2$rd8&Zk= zGF=ER?Z!I06m)DeAZiDKab&PLZk!YjE$q=IaQCuwM{fZvY}Vv^4^;!xQFGWSEF=fD?~zBv*5k4=J=v5_QF z+7exyblFu+T^Jai2~Q_4#ptgisr9@L=Ase_hqI?c$fYJy@c9T;lG9{2^HgZl5<9-$ z^QJg(LnPr{v+?09eJt;kq92>B=~Fo~nmDBrlV0bdkHJ zWZkNonkpOW)`Gp0z%~z-;CUupBznv~7I%FnedSpv`ZX*Fmuer!xJ5!2sU%sntfPe_ zm7vg*%NDtOSV<3;BYM*ooHbyLSliBsFVJ)3Ca?d3U%xpYv!YKd*JQw|*L?xWzBM8P z4QU?SydPDj{s5J|fpk`@2&Egmx%8X+&@o<{zWjDyywf`$?^f1fqIDy-bzBw458uV^ zqB(9kI1S9;-w)b;AxW#^#{j5 zli3+I({m|Wj9dUN!zRH6KWVzhLkc@C?ZY36iagrN6%%BQ*=U&-^dY@u37iLIZx-=23}zj3 z!IvKaqo#P+5dRrQ9J~Rhxr^Y|p4)IS(pTspNYIPVirK?Ch*kb6nE7iHQ(Y(c_;w4d zg18XA!J-DqetmwhJROUloI@$607!L|z$X$3lzFe>LXsc!f9*xZz63J;#Q-{VMIlU0 zIe|_xS-45k4@df(#Ed!whuvoI(R{l|GAa{rcdpHiy<3>!W?8swU4iw_oA6cleX)Mw zUHdr}h>5qZi`|F%V&8QO-mY#ZG^`k+4vaxWbOi!GaE4CZ!IYp=D?5cLcBX+Eq~FTi&g?}V&DA-SR7c0 zH^Xj$?$ih9xV0Sg)pp>k-2r6cc^C1)7sF^^Q2>6K}O9Mv08FD4BuXXU(eTxZT5X&OaGRG!YhF(k<$rLW5)9q*8$LYbtYck84jb5 zY{U@-|KQavX?!g3x$+cC2)o_LI+f1A-1p0fbj)edv|-0E#b*zEUwaA^&75#(TQOQ} z)}{}1^!S;ryRiAY3l?@2!Pyzl(0I%_D>yLaU)LV>N?@<0o;uoB}s#TL{uS zv&gGz2`I2G0p~n_{wa4YIU%2m)_!H6Syl<}=PJXg-Z#u=u?ETddm1KNPel1fI~Hrw z5AP6-_k_ z*ypKw_N(8tl2ucKv10RIvZ&xz<*iBO!oK1)czvsaqD6b~l#LQ6XACjtv< zia(&hba7mUYk$Q-{E&M%dPz3u%WvX4_x7XG_Do`0zZpW}m57CL0?WNT9<5)!fr7LS zqC9^C#y&m4#>LC>nEqAb`B9#H;5vEg`rQdk{#(oc$Vkvh142M77XhP|Y=kX3Z%Iz5 z9?#G}D)fx!fl8SHE8JU%!`mj4$MJ2DI_LmPD=8561rlQO>B=NCH{ z+@Ne$67m*@Tsue}GziT0i$Kp0`UD4`-e*IEd2i(Le>iQ10>3*(mNvMTV71Um9sVht znTV?(ILMejURqUo`ei4og(z{G>z`0kAs6>bOr*f3!V&+)5ZRgKaCA^F+hkn@?RBpqv-Fer@sA+=p*=&5$!jla7e9WO_jZXw7>WKK8K_zt=RE^#-|vmBMD&E-$z+G<(Ig ztO5_ct7j`){xH2{IU2rOa6<+xMVW^e(Dr;R#5cv_!oqc6eg2{FyjQ_&^?6id!x324 z<3JDEj-rVICsb0?8y6j%54!s-spz=_NI&81@em7o-b4o$bu#8Ay8v>N^=anT0J=xc zl5X3oN!JH3UV4SxEI&CERbw0VK-%5Pbrd*cLovz6$!fpbVtl^$P21P)VJ z5Ir1|gc@5XP~%Ti(0JWU?kl)IyAodF;~E*Vx!^e5?Yb|%>vV(F4JTZGT?E_KR!pWY zY+>sn2aA337Krw1%;tH*uBa!u2>+&sh_k27Vy}~{ai*C8ce_!ENtqvdytHNpID(E77&QH>B;Y-D6RD2Vg~g8_!6f4yBHKwX$%oUM z?ejib(=!E=$hJ9$;N>(S2fz6ORBx-otd>JiG+tos-Q9{O6o0||V1F|A`~Y%W;1GWO ztqg8L7IQ;u50u?3U@xWCuu0*)V53+Me7_XUvJu>z+7*yG<0N{yo59l?gHUCf6Rh$M z!NrMJ81$#YdZ#kGCo)TDW2Y7P&yb_1o_YW#L_ksQ7Pjr#YP`|>5kE9K;oU19Fsz^x zo)-xF_2u(GR1m^qY7F40_cFG*V-v2aQvrL6^*H6+QS3LoBkok*1>=u&p}I>qW_!(N zAD`zz-%CjtV{ilXg}uq}<iexn3k^$ z=bWCh;KsN15_bmjkuuBpx*aV5$I@~20&jdO>>)4u48$*WmiRfkQY=4YGZ)L=M3;&z z`14`|G262d2aYUwjWBm3`3@sT;!RPK? z*s*2@su)>-TD>06k3Ypq>%-uK!vRs%l>_L0)|`JfUxxiElZn~3Ah56;!7q#6XqR(x=R^YJ;5C|j1XoBM+Fw$tHI!Ub0L*p=SdY*tKrnF2|!O| zK+6~#7hQyYVQTgs z<{Ycd|MrY0pE}ieg4tR$({Kl`e|NxPXBS>ITMj8Nw&3W7hfG&~0hPTtm>D{MhDSPw zP%I&wlf7{y?yx=E3dT^zT9GG7>5t|2^^H~M$ zcr$kuHXrFCt1XiGjJl`zO}Bz2ze$D;iC^rfmT+IqDS>P62Vm<;2l~oA4aYX968Y{H zCZ)a}CRUr!`8O4~#`;?jkuwHXZiv8fq59Sv6nq9%Yx-A`Q_i+joH-))8L@jEts(RFVbp)4`*B0k9AVu9zBKR zp++^7Z9b2q%tp~+&Gq8yfJu-u*pN8dNbwI_4w2X4mtdr6D*HX`6Fga-V1MLyJZ>v% zfuP8NqMMI|u1VDgGSTD%^rtL@{&od^K-yPe(A*_Yvc0Ii^Ks~MX=7h^tP?jJ+e%P! zDn50%gma^2g4sQDGV0M1@h_?4*fy^YhG;~h_sn5ve#?lAo5hDM>>|Gh zT(-AxxPrgWkF1P783p=>?cij=2sXF$D;pA{30A?IsgP&K!AD+`KeK|N;Y%T^my{6` zCrw^f1^1!mc#Tr z(y-g&3>aUJ6iKQI@87Ad@P6oOd!KW9=rn7Bcy8MRfuZfodLPLnNf&sVsVQ(@_XNnO zoduV#Qe4}*1ZO@T!%OA?w1hg+&#kWn=8Fux?(Y{ZC;g=G!5Mb#;SF+UO%qyQ?S@dn zKd2z=HRI0;3`1*U8mn~|X1~Qcw~?svgYi;RpZM&{I~cyW8?%O3 zLuu0l6ab~-nszI;N#Li}2zTYbEwk})(Hf@qH5Z$bCc`$rgY5p8AF#b;7?ey*2S;^c3_p=eR&SFCL9dP_>4{ZSgTl{k< zJiU4Vbw5p*$Oq7(s36hZVZA+#bpp{D@mieMnjm6jF54!hMH|t`TelvWbm$& z;-+P5m; za{RKPP3Xd@620PJ{ArOW>O6P{s`gtEQ{U})aPc_k>bsA>|1PFlkK%CrAED2dSOc}H z!JzINPCkRDaCoeM!Pdfj<^6E`~WjA7h%mA88&ZL4brJ zCbgi=f+(yIcyp8P+=ZUml@L8#lXribgRU{Jq5pL|wn_^fz=%CCw0Jy9-P#S-kAH~& zY>NS<4W*dgd<(DG9D>x~F}$au2Y;xpun+`8d#KLWZulU`)7q6Z(dbF#a8yY0hJ%qYAO|-xb{W zb26=O&%@_k&A9V@FwHw9#k?Ahllrx({E2G~Ob!{%TG1F+cdigJ?rlQ%I}}DmDbW*7 zE1<1A7u>7O`98y=q~pp_-1}b=OKKA1QoA|ahL>~iQQK(8#t|HJB-v1&Z_^s4cKa@Q+@?ZR77m1kI(cx)O@}Lg zQQ>ZR55dt*n7JQk_|tL>4d1ee4lol5Ip=9OT>lVN-&={(wH@j1234LhY79H;K9S~) zK0<#BzS(gv{fTi&5J*kw6O?pEq4~ALyyLsT=rkbkx4a+4W3<`oQEKQgU=P_}s6pSa84f|S3UFb6oQRqP z!#mqh`0P;#HykRV;<6e>HW;F9-7uj?62S-k(q$KA)QES@HxhAnAb)>h9)GvNgZu8X z=58N;5nmZA{Lo}gG;-beBe}mY)u;%1^T)8059D#wSr=?xmjHWfVlm%Ro1=X)_?){z zYQtpd9gBJxEM!^0}!DwOb$97--01ve@A@N2sh}7?Z zdXf>>`ryqqSKlNte(LBjX#_dsqfWa6*23WFv*`Hq^Vx@0S-9qmJG|W`L8scvaq+;V zu-mBuHx5_CgRxcMHoT2}G)RNRX7hRI<2bRyjcRmHI?Gl~C=^W`KAtZqG{LRkm$D`P z^XTlc_B_&gAE@;_hZSo5;`wX6Fl@TO)7~|!7D9x94zBou;4q})k^NDOsSi`Ty zx8sIlD=x1+iMe-6z`$we@rU9OhZYYWHn zof{qD;YWFD`qPmIfBz4+o_vcJHWadfQ*J}Y#70IgOu{7-evxjmK9i6WnBK=V`L5Cm zv@c#x42M+N-tG0Ln%_T>Nfno|*&`0e-LHWs)7;5DrzP-nhcBefI*FlXqoCuq6VwaN zunTW%aQi_)|Bw6T})`DZ{c{H5xjsfY@&i zCNecPv@LEXu4q3@m4D_zf50tR5_*`~E>NbM%H;U1k>?;=^&+31U_ zh)>Hb`E*x3A%8noe5BL`%Lea;Nj(HTh57GRfvZw&Jp)o*RrrC3P&{B;fkFvTY9hTfU?*upO_#>NMb}?Mf8a0-7XG&HR-%JdXF;@!6fY}1N9diYxDp2NLE3?I z$ipS{-sc3``R;bP??DM(9Hz(5Rm#$-5{~@p+AwOer5wEeR^rS0k&i9T}gO3a8$L2rKXjZ_Bd)I+>kiaBM9z{nDEP@e33MIBaem)#F`tuBh@zn~xuqNaI#t6mrf{Af4CE;+J)y|#>gtMQtfDr|Px%C|oqL*vKWP`oQktF~|DpRWF5 zyG9Jbl4I7y>4qkatV_dRGz2W{g2DezHSdr8Sl(zS^&a>VOO0AiZJhZuD9{b5bZ=bBckNS2LNi;t;_#Hx~X(`i`&qq-d$70{@sN&C~X%Lr{qf zy&WUC{EWKT^tml8>D>z0l2l1F8Z~Hw&niBytPa9*HR-=S2ifx3shIfqB6$B$;-kOy zV&i)s*xu_vjyKNd`On@#c*IH`GSo(78MqwIKh$}_TLp&_4rW}rwXrIXFsQUJGtr0K%D zPwZM{M(|g=f8f5D`yd_YL@kG?^4;rK&@;N%@WF5qcKh$4W;Uv@W``|m#rVTO*)xKd zwgGl#2Z-Lajiw#FvQ+;|U}z08HrG0TDbTl(4S+n4F)iwb=B!$jQge3)Ldv*2z? z_UKvj4ete?06EuUEDJH94m^Py$T74Hn~P`XU%_2jS8z?7A6>Zn4oE6|hW>M2__9nv zO_JOyY~9wdrN~C?*|smPLP) z;IlOrbKldFP@p@BHs5O#+=&mt`Aab<9d<(Fmx>TGW);7lxe@cOoyM}IE#i{xZ{VJP zC$zjzWh%8gRMdY0ANw29UiaZ_$|eo|VN`{vEc+6e?0N*Y`I6NBo6reQyM`Kjzv9>z zOStvU4P5csD{-~$O*F(B5^mFg32*Dc+Tj}*jZ*=qi!+J$+z6&QwFTb@teJR)0)@@58`2Nho4v| zMtEBBf{Tvyoz!^#pgJEPT6+_NgMM(X!z3WptZ`R$a%7d$ln8UO#J&b^#q%Yq(`1a7Icc=}F}lFgi0HhwEC< zGQB(^5#0>E$09Lc*KVTabQ9vWov?BDGcqYP1Ux>Q)7R5u$f{g|#i8kBp`NY?Z;Zfo z8<&^cySCvoUp>0Q=1si9do z@yJk+>6OA!t6~JVwj+K~55dpE|Eo9Kn7b?L(xrmSUfWt$=ve89N94Xo%^ZOnULr*k z$K>IOvND(+)lD=O+3>h#J3Qr`!_2Opg0{W&Fnd=DcAw3{pi9N9<8dh&s(g}7p1YpD zjdjP|Mb`hwcWE;&SO1wW(6zV%dc4t8MoS6#0;_{(VG@SZRRPmfj&pa z1$v@A&ugGsErB|{`GT{odzpE#kZsiTCAVL-6T^5DvU_zA>om2*#ZWHp{%wsL57wah zv=Uf&?-N@VC$Oiy?m$iME%e*#3*WM4gT}>y;w1(z$@?q%G%To|I2KHxwRPbl^+8>% zd3hKX?=E5_aTGk<Hh_gNvfZ@dkl+bZ3n` zJv441EVM9$O*NO`qhdM^l5Bt!r5$ihP6@u2-Gd3W%KYh-gG6!qWKc5-!_p(E>`h%i znIS9UqZHR-JSbo9zjBznzIGGovvkun|jF znvsb<4!mKp6Zn>=5v`$>;)bAo7_hLEdB=G1 z8HzhKQ&IoQUEKRK7z{`Bz~FW>eq>fSO}eAPWa?(|eeYt?A$ku#HuN;~Ps_zw!W^aQ z-$4F4HIz))YRT&=ZkN?eP{w?ZK*t{Db4g;JQ!bX19nn(v-N=B4b;7?N8@m5o>c&B%_=#g3#0>cz9zNxHJ@Dy_^NiSCV*Lm zJilu{9}eZ;CQ|#lY~Pk&A^JI{Oe}kp9I4I1tw`&3TOL!uH{8g%9w! zZ8aJF@H=Y~d-CeB_4nG#}%+ zy;-2ZPO;Gyhp0@aI%_*IGZGKx5L<5B_DeEfmAGlk zYOq>Zj9bl%Sisi^<{S2fRoH$LdQ2Bkb)__&XwU^2vTMP>!-&4D4r2myjK3^jj-<>L zw*9Vx!=wMfgOnmnpVP-QW(oTl$QGU7D`fF1r!w$L#qrsWFns(ExZt%9rmm|cZ^AP{ zeowu?h%Fa2R4dQ}2|4)MPLDo+-H5Y26EOBmCb(RAjKiPx!p?`^+0*Jj7GEV;_;vuh<5ENPI=nD^!ZmVQvlJJ_q{8C2oXrdr z@}7CW$S@fVES{~xCw=!PZPHr&rk1;Sb z)nxCOQW$bWU~)*lfYj_Ym?j-9y0jt(rcG=Whg9r?mj;9R;m1}ucw9KVOcFeE=O$A{ z48nt_3SnidC04qgXSW75iR8ZgWnZgZz;DD@aopl0_*?n~kFWQDg-eXFvqa!rw(JLq z32{W~>>sc`BCza74uYyHuRz9E;9$s0P^ll`f@kk7gpR)s&+oW#vfhnqo!iLisC3fn z`UZ94ui=W@hshxe4Yt)rhW?zoZCZq;gVnk0xN-dUpAzzC#&vRZk`!x;+6G2!I*U^4!bdhG_^@7) zCT=?>FxyWv)A(TmcOV8%wMN72g}=z7-Ro9j+L#=?H_ew7t+XPCUe6Vr zP7UIHE(@^t$YHGXFd>sVJ1}lc5A-h|#iM1mP?ZNE@bXp{i_%PiflgUOW10-MZF(R+ z-`RvgyN`gvg96(T*Oj=F`&BZ-XBqtVIR|@_1Qta5Dl~i=O|QQ?2-D}GQvL%E%oY)Yqd6#1=g18w-xRXAk~AzLQ(P|I27{;A(xi@=EH*e+ENf8$ zjz1bOUErg-I)1$Q6eXN<;MUq|Fi*Vzzy1uN z&m2Aw$*h&wBy|=01MBS8J}_ooJ71F0Eq2%-cm;#Kf^mzsG2Kz3NBZ^_u&MRVT>EVm z`)9TZYEGX;_qi5iu9^n?{g!}DKBw5xrDLg;=V9?Y=`{S9@CGxp;&E`488>Qo2S2Z| zRQbtguo`E9TY`>&-9c^8;_bL&-$7=zb)+cRB?k*j)Ii&3t}Ix>3yCwTW2!;B#sbi&Ki;HOcFLD8?t2lKt6 zyL0Qys;?^3h{{a(yxjwzOQz%NWJA=tGJr&l8^#)C2C+@QhCs#hDP-u-5tJ4MiBuk2 zkym{qu`ccrmaQ(qZI{E#FI_(mBddncJ!PwCSGN+}WIZH2M(9!vFT$h=sr>H_A-h)p z*e>yAGOJmpPECKrfy}Xb(X_Kb#Eb}JI-6sYL8jj}MKA3Q@cHsWlvrOc^3I(MilW=lby4UP|FJ07QTmL1tCqvS zx4Cdk*rzS%En;Ur{U!xf10g2o0!FP-5+zJJ3{f~qmac4AwBB2mfT~@+;pY>4DbCFg=8TO5qa7ZCyh=KTk)gl&hGVxsIRMBFUeP zmBEzR$FNJsoI8OooF5j1wLKdA{1-!V!}bq2+swuF?P0{#Z$HqyZ9paq@60eKuCQku zq|5DqzTsCe{l$E;#3+*PZyZGb%l|0aF<=!~{xBtjF5ZK8S;Ac2e>UhmQ$>eY+h|n9 z3xE~5gcfyRgOD|yoqr3Zt6zx&7ri1|E{$i?SDDjjjiG29AnZmT$nfZ;EusO!j<2!F zi1;j+%oBdJ<8`0=;I&x>_tdIEn?@@Je^8|XW<~JG#t1|~@4%<@C&p*{!14#Nn02Zi z6pj@`o@)bonE8NF+Ds^$zX)1;EKzE$Ezf_b#jc)q<}OpF@RcJJsekw=vDPVnEZYB- zM9wgW**u0VKJ-+4q<;+LNp*t0!0_9hmS}s&t_7=xEXK_N>d5_$!Q{si`1(07F;KX^ ziUu;4d%q1Yj|@iTVLwqi%Zp|P9>gBMl|=rNHtjx}1Tv-LP{V2#%wC)bEpJ`1dBi^) zUL7O2Fq}lewM7tPrdNJg@agyqvzc@6(@1o)h_$C)5by8w5pBy!0Qrae_@=!^b|qQ2 z;PQ@x{LkdquygZaW~SOn5;uhq$17i9+}AVsrQnz71{{VRijsVrRwy`Uhe1!(K&+m- zic1R&gr^B%uzKogF!)xUZBM7bviN@(mT{Y;X3W7+!FRBJ;8$V4(?HHlo-X9M&)A(<(;(V9fxMNkH6ZtjJprt1@hBea2(qT7Xr&*d#*Y!|MZnT>iWbAwNJBa&rd@2;E6oN#S~&Q z+Tehl1k@i6fNVY;=X;cpYyY`op)f1ie@d6X>-m5?yh8CInMo?6%i)5z6c!{0QoT(< z_&lr_isyBbugin6^nL+YusC)S$AYb)E`Qs51Z;)hq-387Zu?a6Q>YO{-HHbtv*S1| zTmRvN;xQde5@)*~97N zWFz{|>mq8W7uM#F9?I^MrgG<148*4KnUj@MC^FljxNX>o$Ff4{@E$}4Ok zMwY8td}J{ZpUb9}4x#p|?~1?3yoQW6H&XRxfZ$d$6qtlEG&t0Y?rU!&TrwXd*Z5)W z&Ppgg8qLD>vzWY84)l8)^I1A({8Cghd1$Fm_u0ooy;~!`v{t1F0`vU3d?jAb(BUV- zz6!qRcwj>BdA9Uwi1FFXXUu4U5$9CskF9^;g6usudVM!~MhxU1m7STLj~7*X*Mu1X z7trCsTB0G{Pbw^b6Lfk&JWgw&&%;sT|E77Nx44A4EmOm(EAHT@ra^qD&}S>Y`vcxc z>2ocQSdhB^Q`9rop2>M#0232eIGcV7{XNEV+HTIp8#c1EXKO*`c%ZmIF10*TU|6Z1 zy^7>*u5fxTmH#gGS6cG9JxLZJFCL+$#^qiHvN?-a9>!JzM6OxG+^+P2G9;x zT& z(cA_5VaDVzmJiyHK30*Bn2?9fJvL%ValRXL^}Y zOvY3Z=Eer0N846R-2E66OMF@B*=$H&zJyDrsIr=)Jvhonik9sUqc4mU@p;Z*p440h z$5w{H-h3OVu=J!}FS1#z^BkC#(@M@M#Zmvg!j^x4B>l8Ilk|#?;KUuT*tfw`VVE$( zANh46yQNu0p4Xeermf}RR-{IM4<10{Ox!^3tqM_ckH#d+H@JTBP4*}GXn6qh7Rh;J zV1iLF((_Re8>5DK&c`urRvKQ3&le5z-bS?+-o|?;ts&X-D&%T=v)zH4@OG>`1~~m1hrL%W zGVhIZ*aBH|_Bpke&Diyk9AX=wXNW2oT6~7q)HxXB-3Rs21?V@{33|U5VBDK~_=C@) zZ)C#Rj%QaeF#aC6f7?uyO2dR_b`&pgI|c)1&4p9l1|YG%3>Rd4Val2uEwrlPrR7<8 znmid)CCs_y(s(k`%mkKHr`wIQX(tuo({P`|C|l>s4Xj9)@A9RhWO{JItBV3f^O<^J~T(U~<-)9!z=x z`FYo&QDzJk863j3FG4^yM-SsqOlBT2ugKJQE2vwf96j*<2~p|_hI7xyP`g!g;o0+H z?6;K@SH1ZL{*|xf->p^ffOtIp{wA6!Y^V{X_HN@3U*zC~xw;fK{1YYbIm(Vdd;vpF z+`>WOQCM<*9XEKfk37;7{u?ng_#FwN9?7gIqxa+DReVLRA7Wu6(V)IY(&V4!UF#d)Twr9y) z!Os`)_z81w9RkYA#{AfQE82KC#O{(X>nbSt3zS%Hj!xX?KsqaR;4q063TCkRp6>! z)nM^RovVx=Pj!MCM6b_Jpx;8Y=}?luhpoSlGw_I`siPu2@8 z_z?JHW5yRvjKo*}oayRgYw5Y`F1TRVNp?2$8LE5##R(Ii)Ze6y+fzq@Ag6tU$5Kai+EOBs~8%j^4C+j^pom!p~K=py`DH|B|%~cKN?R&u#_$ zmLcpBJ(WfJLZ7a)=OU!v3;{B47@xBIx9y&$|M28@MNweUA~22d6)^DEiBX&%o_WsL zP1Qw$w^9-BrAyIk%jbaotp)IU$5*my&1p1$e}p)%nuB+5wy`m4>*$3L9dor$LGQAREs+$@~mzP&+jyCYECrHQ^vc0r?qy>MPMhu~pf!COCs zG;NQE&RGmo>)*nSq>Vgi^+UK9n2IHtf6Mhvv)QEJP*jy%!slzB1yALJ;;m8fcz*c> zmZ;_eSyIpN1^q?_Z2OE=H!py}k4~&TdjkLbQ=yAgE#QmJaJt}68rkR}MIYzALQ#(s z-5@`V-q)ByU*47$=D~7w#<&VQL%q9j=;9byYW`02Z#O~rk%#bUvm71VC<}W!P0EVB zufxLVVf{f^LVW}YVX$qRFJCL8Y zXVH9$7B*xLC#`BdaLdjF-EOyl-yX5BuN;K=eKYAry9RhsJ&P`DH^9Km2RQk#7Z0v{ zD&8Xa$^L3SfcM*0z)fFgBzI3TH}#L?fqOnySY8BW_eeY$vVunB+rtj69Uysa9)E3f zPn6@llr)?jKnpI6p;zK0*sDcyRC(bdxZ*3z%k5ow?6M?*3G)p6hL)lJNCW!EbROTD zbrfH2J}cTJ+l>$Pv}o()|Hymuz0kQh0~KrYVA9*GAj@ad9b>d$i$X-1%}gb_Y3e}~x%nk4nlcM_nnn@RSz$Pp84#00gSh{p$zWP?9v1X*jvEtc(9E&av!fP=-Z+V`7daEJ&Z%^<+Bdkbw-Sywgo=kLY4CA!O(=EJ zlf#{6_`Z^ZtkrfX-Pr&K6o5XNp91?M7DIYPFDy(9X)NDp6G%1(jPrI|YuR;>G znGd2XqD|4J^aARnUMr6@ONaK^MkKB!o*P6q!;=~x*dt=%<=3s?{K)s9EO3)89JFE5 zH(!xt&KsOlc>{f=vdH@CGmthk9KG6Y!9G15)dr+va%>H$@R^Mvr%&L3m~qre^BDR0 zL+A~88}e~xYiQu=Ie24ECA%9dho8%@VU2+bYSk!E`JyEHI4uLs9o%u(rU7_9=B2KsG2>EHQ_Td&O(NR&^>NZ z`K88ay=atc_7_#@CyXA4dsXG9fcXEI+eS&60UnrV~<}9rdt#nK=l*H2 z$%o&tuCJ7soYbMc_EYJce-mj^Z!CWC=pZ*njG=QUjD#7R3fM|{frD>!f-2Y9bHnGI zAUEb3vAT1d7H==YiP~Lk*|1G?{9pyrFmMTxu9|__d;K6u$Q!pG4}pIX?P#nLjE)h{ zMRqrP#rE2fs3qMA`#tMG@xdn|Y14zg*P<}~nFMXx{F#iz08-~}Om9pbk56m+*v|In zI7$0284`CC{1qOui@%$2(Z^Kg5Oa{0NvexA&)MPMn7yp9Z-!X3IGjx3>JrmDtw4G7I*;?2km7&t_g?KvKlWrnkFyrP!@u^|?WRa#7 z%(S$Ep_PaD>qr$IZ*iLR>3J}7!5Q${?I$^>HkEjG9tO!z2guPe55RH%Czgu)uq5dj z+7%1VtyzumVrUi#ol^*6cN6|DvjzQZb-8h59nP(c!j{y-%=ErK8K1NZQ|@koPg`9{ z?wDfIe@`sZ(D;o8ai!?kB8^#x-=W^7WD+|Y;LQ1Ikk{FUtFErWyqxCpmy#ct)Q}98 zav%!Ks})I{&;=>}@)^bXZ`rU6%8K%Di_V#Q(nSd;faRy5^W`#Zh6*5(}-C0-hT}GkpqKN|6>wgxJ!(o8oX_y@=mn>7ejfhbKuig1XdIvc38j*(`i7 z*9}mhMO#!^(~Ar!8#R%Jo?k%bN_x`ko9~M*nV8Z48W9d$nn#njHNo}$8f^35xpa%b z8|j-dg+?3@&i3u5WR6*`SnOBO6J19A0mi&6M_~uZo;!A zaj-KC#HCB)5w}cbuUnQ0Ua%aNZm9~h9Q4>j?G{nE#S085{S9&dRE4=+JCSMgq{)F( zV3Fx?e)NLisZ~uEd(_T^;xrxZT66}MMuv+gYc}D+hEwR-F${MM)MkBZEih%ZBGt=s zgzCw%bpEVoC{gN&FCJD49^X-T`Di>^E$SftG3(**)?v7JzX9kB6G$cjW>6Y31a_JP zVzAE|Xxx#5I?C&?Q&*MiZ>tt7K7SxeUpYuT?D{42i3x?%daY11WHP^TJsb1{5A$-( zSeEEy&drKt!R*;&=s#9%=d=DOE*jv&KZi}h{xxgh@%N8dleY{<)W)#AQ{~}cOeU<6 z7|4AeEd%v0AHejbz$<=#7jw^jB6H>`(8und*^u++%H4cVBdNO%ro!)YKA6lZgsfoN zuT0W;Z2}wg@g*F7Y{KVl+DV@ulz=%p#|Yp322)Z`iT4>lhkBPRObd?0WRES(!ZJ~C zt$fCI#dpxHEpUAOOu_KVVJLs14f}rdz_}Yz_&fd^jILLu-!~-C;K)dj+dqTr&fiP6 z`)-26ddf6JOA8<6+hdaLMDRX;78-~4;I0E-?JlK_z=&VESming-ld(zYnsEkTA&Q= zIU{Cy23O(ZmoxA(F%vbW%F+qb&cpe_2Uxx2Ira;^nBc+@F#UBGJgE934m&cL*?Gp3 zyqpm*$L=YURUOY?mB~Wb#-UtvM2EUKT|kSmr$MfD5GERmFwTDn-x9%b(giiD9czX+ zj+BC*;Y&QEF&Mh~6=46=X*@ASPME1_(X_n^_(}6Lad>tPEm9?DVd!!Ewc;3?zAU?3 z+N2Ww_jHOc%Z6fsz;4;yt}lK=qv@sJ51?E3N!boIlv@i9;UMD}n62oA8s=BfT{;Zd z*0(TpzY^Fln1yH7cZ)m<<@rc*Km^MQ@wSW>ykEHjEq*zWQR5|P^rBQ~J--%R<+q7% z=bZ<|cS<-d<~Nk)4-iW{Ql$m~dctnm2R*99Z(EA4I|mq zb)Ky7sWtymqQ?iv%Y*+JEnJuW8Et)lPno$CB;%dLtM0C%uVNnJn~ZJPaGb-*$^hQ} z_Ao9?4uP?`a$MnhCfRB$jc$d>cymq$RCW%f!GR{I6#Ev-H(J4%x1&+zw!l+-szfs! z3t`s*c~W?Ar(NHNOwu6n9Ix!V2^EH+uyX%aY@hucwv6`_yq9Y!xfCsK8>7qzn3@nn zyFy~MCJv=~@<_zSOIR?!6g-7%ZK%@-T>APK8&kQ9e=ODn&xk7W%K8;k-EB@+oHzmc zay!8$#ha8kI8isHL_Ac`h1b{T!#i&Wwq){Yw&Uz~mY{nMYbq_k*eRRT-*dz6q$bxq~KbVa}~5adMV1UfgcVkH3+`XVSCiqoK*LSV@8>UtG$%%fI23aT!8i zM-Ohh9YD)@HP9z8@@8*H12v11@-wqa;PkR=eAPdKZ2xZ;{I&gzxqX+wp=Uh*wmX~H z9P$RJ?<4mwKf#-l_sE3NKiSvqUE=ALLwJSA3^j|Z$YYyq@=z-W*R_S%`Sf>-ulVo7 z1Vc5t-CKk9e+)sR(2t@y=f;YxcFrcre+tD?2D5mxRv(GdNXFwKzsMC~w&^9Chx<47 zVeKGONHLM)?^BxWF6#-rv?N(NJ>Wa*%QD9=`@7llpeb-uD-jbOhNH&IMO8UX2!6GeV(gT4Fnfgt z`pDa$^}|>gWI2(yE%wLT>MLRV!3i+(%X{p!9e|TdYGB8&3H;98GED2#fFEnm3!M8d zl<8Ol^$$*=@$@k9@MLMe`Gf`7*Dm0_8-~zbYxaryp^|91C*Tpsa=7eVOZKaJQ0Zz- ze)4z&S{O9L_S-jE#)N}#C-({#7uB-4F|pA27clq5FNi+91np&I>6Awc!S`4*aZD-3 zoglcgc4_0lfb|rvzai5)zp`RuD~KHsL%U1fk&NB-M7{qIem%4qEvIa!->nXkv3x4z zA6y6LT#mr6wPzu>MFQ7G-e7Y>zc8b3H8`h=XFHX2{LLbCm=3-r0FMhvy1}Kib0Z$WOkv`oe z{MEV|l&@}NX{l!*N|-%3w1+eOHBE4Y48u1o2Jk_OZAVqsqie@IyjoeENRALLXUo$uxDYMQfQ^@UrJE ztFv{$+hxZ|s^A`%+t);fd>GCbypf3bjxvq)6?IM%z-k`9)|_>(2I+XA-YV z{V1W^4XCY53%qrRoYfAzst|+fi)E-9E4GVqL`H37! z*v^CSRGJb<{567o2Xcw$OX2=19*OnInb@;Rnbr*{1Nj9UU0l_8`kOp0d z+iXGYN4?^jmVYcx@ju$&mx*GJW~^UZULJn=KC3DE%|^ijG(W9RJvAJmf8S2h^6VnC zd({vRA@g~^b3F5lJwhH_J%YLm@}TCaA=R|J0PBABv(!d`bHC6YD=t)&dwzO>#vhgG zs;z#ocT_TrZ)hP?RL*1Rio@ukRzg%CXwmwN93q$JN8Y@i4P)0hB0Fye*JU+m>?wiK zlpn!d9Vg%~6|pGf-VSCbcVKaT0+?VbDb>G(8b)c@eWwRUKbj05 z8i!EJ|0H4PRVn%*YbPH1JCmQZUd$}VZGhocvY6Q5PdzGBU`p0QW;$(|!1G#caCVR9k`6x2y5@{&RRn%LOLAGzqNb6j7yp4BVbSLL}WI&DKmDLH89%LHYtEP|zRD zCDW&)O;nAYVX7K?b)yxl_n|1u`V~HgcG55Oa{uZrr`3P&h%}!ZglC}};r7nQg5z>B z$Sy&Is&tXDp)789Poplwi?QQ+1^Tqqh+8jP^NA*1pjA@@o^or2%#Axf`SKJV_S(Z{ zHdt_AmA$GZ#J z)>ahP-U4&+C`dV0j0fDZ*@lWLNb88hw7y_`>1_ZHrJq6eyOC6;)S4E1jOQI5YSh=i z2l}FZqRH5ua3~>&WlTxOQy#Y=Rjm`ob<6Q}SB2S8RSt1W-3F0Q;$gzTARMYM%~OJs zP`c(i$=N{36}KS*m#P;1?~Lc}#br?SW*Z-AHII)<9>A4;uEb2u34Gx2cMyHyfOzP2 zMVgm$71K^^x2x^)#WhECF)(Td3~hhI7K(R*s#OZKl5jZFOo7IHVk>&{K|Q`7)%R(^ z$}3V-SGoyK3I5aVUr*Z&JK_wA*Dm3RGpE5!|1{=L$rUx^Jr+-HKM30zQlQ#;8TO5o z$0~_cqF2^kfCU@5UPC(e<}8NqhOeM7Sa2_d1i`(+S>=0tPGPK&QC)Yamb@P5%vZ$> zqf^EPfZ{J}Xg|7zBvyWd{ZAe<+t0UfvFQk&l6@4SybHy78z=HOy`yM!D+`OIe!(KE zOcwZkBGMygXwBpsZ1>DIa0~qlDcj=3ruW`L`MF&<+GY#4sI*{Ir$$EnLWSBX2WpaVs`-zJd$MQFt%Nk$o(5hWD4kV7|ss5)G zcl1b{Q{qL{ZyO8Wye{}DVHTOYBm}zd4TMEaeK2H>4j&)o3v0iAVfv?!;6r795}&pd z#(AVMc4#d;d;I{L{GwQWp9BO&#Y5hAOSa+HR0y17O&hOpeDc5UOYimjfF z7bc|$hl&OXy`41X(RPUTxBbP%Z|{i1m)bz{USa3elTV&nGh8z5E_?WE4xU@K4)R+s zkpX+`LFE3Eb-27{C+(*~L}eU}Ll3arn*pwU6Cixi1|s3m1k=ww#MJ%9@Hb)?`8_ip z5483`<2Z)kQ0%@&`577NLwUsFKS<&eQ>NM%*PA zi)%>nq~mO9+d@d2JPn>Coh6^@=7Qdjmn>n}IQV>|lcg@+37!G*qW80aHv})n|5nCh zIu|?+ZhO#LDi_zT*CV;h%CO@3Jp5M$7+ z`=D1~5c^`?-$qo6bAl7GN_@wgJmSAL7u!U&@bK(BP{d%d-A@y~Oy~)P)cJ_>JyckT zZIU=uV3QXv5#}sU7s0*mx#Ve+oN6hb+&S+2=)XGVw%sYAi-oP47QyL&izmR2#sg z)z!%~V*k3ESY=-;74aI+={=fp(Rd0y5 zvOj|1%R-UU)n3*=EQy%T9mU`F8}T2DFOrKEtx)WfjBY>XvchwMYRm2n=6vIua7dEXjenSG)1@~`YhHKpCdPId&R^-3*==>v9~@L6CAw- zH=!7Ij?0Bpsk;0wx5s%0hrrPTA@%`T#p0fhcD&(}gSihspyT!#^sl}nY`K2~-#99v zPJ&o;(y|bn%%$F?Y>9amwCxJRu^ay3?)4^| z95SF?_LCT z!!|+A&J}R#lNC!>+=b)wE|cR%I^286dT{eDxYLFA=>&AtZur$CGwI>`wYmY?Sr5FUq&!;n^-^baraZbFX zH5*S|&XtAnKC7`oEfO8- z2GjOs8E`qa7gw*=!ouzrNEG+xfe=^ul4Z-29UCFPcO|&M!%M!+E^X zdRds&3t9IHX&SF@Yx^hqH%uuQfOCiY!;si8R(08gZj&F)=7tGpZ;t`|+{b(HuFV0r zyQzThxzW_;SuDP+OuW;qJk=nAV0HXyyGBQyyfq zp+cYV>>+oI$`$;@WC2_}Y{T!>Tgj z=#vRpXdvPhS!KYVXwkMwk@zRzvUtddO5sd-4E2V1pczRePA1>cJ!UAryBGmh1@9rV zQwfI!$fBXs7?k)vh}#ut^0$}1lflpD;kUkpEW!Of`6|qOR)0!Iqv?iJXVqo4>EC+% z@k9?hkIzE5pn(nD!mM+z6Ph{N@hnWm_tnc_bw@T)HP+#^S4<$&Y8!v&pvL^JxbV)O zm8iL_3>&AaigsR16?e%c;q6ZZ?hLIJ4{O+r#Z^hr>@l4y%rm2d(*NT4J8xO1W+eQl z6%X!1vLNW^bnyGoQ9e~*wmV9^L$CZclJsIE|CpEor(|UK$|zf&Rj-Hhb(+9Yx|aMk znkX)+ISsldKTu|~(ARNo#gSiMqN&kLS}QQaCak|NdNWxSW}owCcTVfW#h<^?HLDyQ z`^I0j-xY(W@@A1}ivUQ}St>BFZeek8Gqxq?GS$i&I4?UDo~9SU$Ui=K(MEXg-7oR1 z(|(x$DOTL36i>>wy<`=&(Qu|Wl5{*)qJzi#pkC}i+-7S+i@Y-MSfVwK+O--xt(QYV zpCa}RlH#FdPPnQ(9LM{I!Ij)-QPSDzI7cc45)(A|l z4+K%?D{)^^15A{lTxrWY%z8Ewd}klxGl#U`lZ#*2u$i;qhK4+CsJa8)ZXDvWi_vu4 z4p?`@kY^XDa$NcXa}DE=_2$6#9dFstmwUm%&lKO>ab@GvdWrQb2XyWq4cD54{?^`y z@Fj3KJ91T%Z#9cVyktQK2G7RwnUBQFXZOR_>WP@s94+`hd&J%~yU~0?AL$8d(>QwAmOIZ080pF7y^BDE}e0+VQwIS{)m!7w{dr(c)^S4-oLQmVNqg474JykTH(BL}8i%`S5!# zHJXqBTl5K8B6Lq0j(=t+vW2{ZwldsvF~$o{Ltya!6Zk531Biv(ro@T{*3dYB?{-}U zhBG7Z!tVWWugeN!tB8Kg@O{n$E-UxNQO!O_O6Po$6HPRx(_b)Zy!kxFzp~tlhkCn(GjA$4~i%kZ3fEUnq_3cw02`WeyEFV{635C z8#R@LYzh;JCkQ))VY4B9vkZ@JT>=9o%+YwhIZb{RN8Wl^qMrU~lpMlPGRO|b{As|% z=Dob$?}6y6%x5;!VmWk+op6M?9g1H|;%T3IWQ5m#!n#Jl#IO(eOHYIoEp9RwRwgD-)xeowLVk)VfIZXK5fa@oVLKfX9S1E z;s{)rtW8gqd}KXWdtrH0DXSPgoFzt;!l(h?;q{{xqCE!|OtSqH1&)QqOmc!Qf9{fr z83m3kYO57&u3Haoafza~7b<9dvJg#YoVB~V&>UNm6|noW0tu$mu`2l(6uSy@fXmr< zBk(vH9+2i<5B9JCFBSYAYXc^}OL0K6;PO;m$X?w(!B(P@&vHOa!| z-Vabk&W)w7ev7j=UB~jpi?Q_HD*oyFA(|Xp3Nqrgq;>rtVcs=f6t}_$jaq}jNT&-8 z`)km&|2QhPWaGDlV>oeH3kxk$qTgq}g{7`J0?yF`){ovu4U*m?laPlNIU#$hX9~lO zC22wOH1UKybyzoeBrE(Ngq*UdC+?u=%`+@$gBgbZ-?R>dLSS+LMO z80Cj%!g^P2wEri<1%v0q0ohh?o1KQ^JKS(r#SHM6e;E4aYx7Yj5NBrk;OC4ke0TmG zj=lI0e>Drbg+^2O^>Zy7Zn6xfOf-cdYl-N<>Sp-*Xeb}NZx@Elt74(K3#bzP1YN_k zL1&K>Y})mjP{HH7Xi+R2xTwY!_@;ry0Uf%wz>|&)_y;AwJBeMA(1~5HLUxb$fEfiT z_%~k$i#O}x+w0rFO0ysC`@a#ns*HuB?~};HtU`Fbau~m7pN$LW=+Y?5cH-f>MSRS0 z6x_0n!BMxQ=}sSezD-gR0(E@ypb~on~RdpH$dWI-J(*b_a>5gKT2LV4gED0#e<9*Vq&I^nDcG z@g0ln?pQJ>f#+O*Qkxz!?12_#BYNv;8eGsm!|bAza9p$=kC01+ty&MozsCHBc_GDk zPj4#RZ@-7-?{@I=y0IKf&MbHGKI5SMmEzg>km@r96%`^a zBVr@hO@g$0E_`;pKBgR1#wCM8;Pn#0*%>LYJ5mJ4;hG_EQa%xE&K!roevjCH?Xz%b zlQKWpRSFrxJ8Q(ZBaj~@WcV#&L<@d=$6Yd^tjEKbR4%oo7k2BhUvuN(^+v&^@=J!C z3EwUnDD#CaIq)2nJijp+>n1G7R)yZ90*h};HHlVeg_+XQ(6~F7%y}FKpHE!DgYKum z>xKN zVBjw_>iCa!^}Yqu$Q96&s=^ojDa3lO3gTfY#rC>!+~1!7Ap)?$u2h$QUiJ-cygCl8 zAu{w6-A^1!2hjyxaj0}zmXDp41K<3DQERA>@q8Wy(-wvco&_C{?Xku`Q>Q@I-f|e` zIDv@^%!&Htv+Tz0SNLUYH=#cl;(v423fz;Mu=d0koS^+08H`!sk#YZU$y zx+}Z50)41ai;;)-^VI&kXfrK}nl}~_)tPm|T&Dnr?&uY5UNTL*KH7?}K9vj2W!>PB zWrevCE;v1Sk4QOgBy61>DC~1ylKSg!q4l5~eRw(+obL*KKE)rR%qKo%d}T7&C#k>_ zoppi}cY`>l+Kw$)S_QYaOyQSx((&sHH5@wMjH`S9DR&6FiZ_&Hx#3Pjy3y{LXnETr z)Sauq7wL6inlP)+8mY(?ugYMqQYk*E4*`|AJD^f^4wrlOg0wb`N4J9yK&dJXKfbd< zxj~b8$fR?4r1v>45KHo&P2V8xR2Dv4t}0F+TZeL4O<+Wx;q!4*VEZXqz93!4-p#`k zdfdCg>~)sFvo0fV8lqw3=_xowGKy5>{fFZm)tLI&T5KLW75eJ}iN*4vFznv|I(@C+ zGMjfAY-W$<9eJj7u#O(^WrMJoE<~+@V0QXj2As?~FWg_cAfhFmofWzdd27<)-%JN| z{PDX?|4s#Nx|55OFGXo^A!yQM0)L03eO z4E24meo_S57)G+oLT`E9X?4_D7K?1XJiqVo5RVGGjLpM>@rpqs+?Bs#zwneVdVH2* zs*55R4J?50DpzW3=*|*maL7I?9JeYip^H=m#+e_1P-kP<`D`_neQ_6i4*tW9bGJcT zMguw8u?$!4_lDaS@303a>T!3JHa+Qk4b74V@r-}rVD32pFPo0x)lIET>s~po9UTtQ zs?Fsc_lt1gUEqyFbD`izkVr}%ad3$fXcy?bfn`=Ma-goFL%$V~9&X|Qk{SR4GFj)z` z#xrQ%L~mfdeQa=+Gk^GJ1v7fAO>?#k<|(WDVAOI4TKcFGkEo3Rfu09r^@1^eayp1= z899988hfsO9gU{epNFg_^ zuSES82e5+z1LmXqbbRzW88)7HQhrB`!G{7Lf^nck`b6xSUCje#j}_f{$fhMB|q#idX@>ML6| z?Jrmfu8wfeJeVJ(3-0@V!VC5oN1Pmln-fk!kHCs7TKoo&7#1-nrzF_Aq818{=V8#S z@l3(c7#!}c;2iXeg-gv-!o7%68e{wew5L=4m_O$LsTOSo9cB2>uFBnGAiQ z_*<0O(gd?YwxWbE!&7&5#Q^skIO$awn|d@`Txt0Slt%}!YIzC1I_CvM_E?B|6`R~12Y6i+sNoJ*y24+ydiTb{&{4~4;9zIw3`C^GR~3+emCyd=?c^9 z4T-6lBTR8kh9L&dC}Wz6b_epIFU%Q!4fBHBQ#Z+qk1bdxa0)y^w79{hvrJa*6&v?O z4g1D~2xkRZco&cY+99(1o#S6-Gd2d*QYs+OW-!jRy$UJT_B8GA7__NxajQ0|$jH_4d0Tm{;jo zjP~zf$vtcE*JlF^EjfaJlPPxz&_JabK4i`7`=~pwSm62ulK#!S13lEcIdoIk|o>%=8Z;^XiP@ z^${~}x6&c!fa!R%RFZ!-?;<5FLe_rQShyUXjkk+*>8i3goKO;lgWYBE+DSd$ zA2SG5yswZ4ci*M{6IVq}fy)J!=9iHam~nKPs?ODMQG7#t0YLwZ!D-Xrg@G z4<>)Og)z<^9On$dH98uQo81p~JC{NE>u2Jwf$}u8`Y$RJ#3GKBqaSu9fV{9H2;BAq zuGC+_7w3WX8QsR@oeuay|0eUBdyEeAYbG0~?7~Ts1gopp!3}{OVE^_EGq{z_#^2r# z9-b9&#&H1MrhEjapDYJgbv^v45XB;8TFRBJgbv{yLr9q2j+MgyTBJ8vESI#5t#O{s z`VR);%mL%L_iH&$JT75Jw*lYJjj3nQb+WZlmnusCBaa_@0v+v$g;S%+$oG1rcXBMr zm2$&r)>eGU1O+;#%5u{C>DPr$b{xpqcZig%|ARFzGg;%HT1Zwqjsrc9ft2KQJaF)t z=uIIn+bu24-?hHOk%_YOtwAvkRr^Xd9TE6O8^Yk)+hB71wHMAb9RcT9DxP-h!%(wP z{O3$(^y=P@Lw^=9EAeJ{az24P33~&{4nxSFdt=2kOUyQfc*3^zI=nfe22<`G#f=Fa zaIP!}GG*j1>{k8Jt&o=L8Q7K*GZWNg@4cBp*3#w_u~+D%T1fw z*=u5?S`}bWxn|W^`pzQ+-{%acd2J;kT{jzeS$7+2>Q`ca zj2zvvd=Q@Z)aMRm27t>fng7%g&>(OJMw>liGkWakE<-z!F zuu@ble~VoXXos!s&e+J*KzC4+_~i4Eu;OSfIh!rbl2$ImDi<>tt)vIPq>o^miNGpd zsRKXG5uv}WN9W94hYi=eab;Erv;XeGHRL~$l>?K3U1-u`#5W1&Sz99wR$@4h?sW~rb4$*^1A2x%o~}Y=j%~+LYEDFbpfbIi{~TU? z{Rw-Pr(j;qG}7XmKulZrifyF?&*vj0kRFsSb_&_c41Tx4-P8!a<8D58PW}t?&ij%z zMhA$$ye%L5evi1aCkQJ>x1d5B*UWA7x9s-HNGK|~2jHXo_7PUm2CuN%7NxOa-+v;@&@*SsxOooZ*n8sdo{hlk{ z&}0Y_KLfGXx8HvLCMOIQTwSZLCtN-EG?0~)n!;=c8*qEE3m&dKLsq#-kzG2Ado6S^s8JwraHCElFR7=Be_ef{&u-S~TF^v!&2oR*ze*h#*~2a4}k` z&|Rw9c;<8xoE*IoGE0Z!3H3BQT`dnL`BsoMKp9EOD6aoXV4Fv}@|;==QaxlH{4E)V zTb4}1LpGi8yZiz?cN&HPMU}+Deikf@>%rPD@^s?k%kZ~$1h?(;5*N&{LH{jB*~`i6 zx&QTJ>?u7k^k&n@5mnrsd6{BvL;MsfY3$gp^ zS*yJ~H;z`J2~y*rS8fB0jcdat%1LOEeIIrl97b*yMhMxBAJ8&8pY--yLesf?_;bL5 z9PrkpPwz|daLs5~ns*cZOn#M1%~}PORd(gNHi5W8aHPFG=trJ^t;aogRM0OmvH_IPPvrj%D+x~gLwbv!+E>a>Xhi#$#*#pq5Zp2MLm2qo# z4klH1!an0qWVZ1z>Tu^OOqHG_%IMODaZfYEPc{C*5w`$*5U?1ff(_a9E#9!H@jA3w zBtXBjEvQ7xK)rbt4qkH#Op_Go=2#`dRR?m?>PMIM){3Psz8CwX9>G~lv&ind;gAzB zo|aE>go!)S(5~(@xwU^P$keM}-kTY3>2n^H*@o@M$pdnKf#?TncrM=kS}x zXE4~&i>EaXv(Id^!$26oLIhp6rH)g6OmL zQ_&&EOk!K+1+Tu_U{B~j@LzCS6w%QvdT_iAHniNsx3cNjqlI77dITm*dC;RT?_p4H1~g6iz&5D;z+VHq$<_X=$j7Tumy~OwqpHb}abYQ} zTr0Tb@ihwzQ=yNKN22lK8RE~z4PkJC2c?_T* zy7r^}B?q3aXUj7R21D(>V9~f0`H*X3%L%vQmgRD2^zNA3^@RFcWlbF5&f+Psw_z z9#s2z2PAz$aO}$t?Ef&9gumPdT`UUk+PAU9xUGD~kuH!k35U}+9+K%dgmZ6mk9gh4 z7}zj+Djz>K6=ytgBEt_Sim8DFxo_AHSK{e-1DNsEX4=hgSVj6`9-YcVK)1kcv75pWE31o9Ye(%?~?J;$Kj<7 zN*EbC4m9?h!@xy1p(eEwi%gI3LwAnje&J4)pR)`bK!w)Sq`=Y{6jWc9u`Pxv{CG|S z-rTVSd=FPb34X%vJ+qnCo6DFo^(r(St{_cb`DDHC2((c7NcP?T1iGH7q~f#Uc6$`*{O3zx?4`drXRSJ#TkL@Rq#Cxy>Hv7QBbz^G20k*f}P(xjMqCXpq7Wv;R`Yf-;7uT z!zM?-pZj}>SIY;oYtT%xKHh~4dYb@kcPGO9+&!T4s!PZNK86F|Gg$mwd#1lB9DnWq z1Ub!fAyi_X@Se!Wo@(BMy2kZ2h2jq|Q;1E&O7M+BGiVdD#=S{VefC+ykJC)}Y>77iN_-oLvykNORrm zu^~|sC&gzVJ#Y%hg*5nOV-E`g_4&3-d7!jkk)Iwsm7c2fg0`2tan@%W`VZ1TTPF+^ z-bwLgZfoeIgSX4iX5N5F?`I-7^l-LoQ?^OMcI_o1mcr*k{bbxeU@7p9~9a87UZDa>!&0xqXb{gRN-MOL!dih zA=zOcEYi9h2i@OJV)nUxs8TL;FfVg_r|HZ-$xg=KTBp#htqnt8>%q>a=h*PIh!%>) za6vW&l6EZw)u5?#;g{y}W=kpluHiQt&bHvz9go3ZPZ}s+1-?6ulMJ^`mRCKCI;5M0r;9Rh#*;=qg= zw)>YF1|2z!`-MD@X??Gy4cFnU@h-G@%{+uhC2YLJUo1-Qg`vs< zFJpT>+}?UtJbi@+xc3GVcb7Npc9InL3oxbMR#{N(-bOOu_73*{}MIa+rVj>H!N9s7%#_m z6Js+6FuGMwd>+1Iid{vxcbpCCTl$eTesfvw^RtX#GPW1WVZt_3>XgV(N$@C?uTh8o zArWX_C&688gYbEpFeB8p<88@@i02p?D(xc4C0(*u>Gl^aUhNqwtv!kh4Bx>b^R+l| z#uH49e2w}3=Sg==9&^;!q$Bra<2#|-J-DvT5_DJk*9ZY;84&%P4<9zMs zC}Bo;9QB(7|cVR-e5 zz()5Of?J`4-MA#pcE(TR2H|xAyZagY<$a0V-X%jbs^&vlqc)sa0sY}{wc6@6n^dE-Dn^86ZJ^>{0c^t(;Qi&coy`Wvvx@w0e&cm`(Q zXoB9u5s*7=4s`f!V;?1B*$1CPSUx9;Stl<9vrr$rY?lpgR*iVjK$g_^E}?QG_OW;0 zE@1v4B_3xb_`EU#p&`(goLE&VGVJ&TC9iYg$Iykm%_IRqU7ZfZKddT3i!QllW3L;k zfy{ghUd)mQ-48-X@8ek5ELXyJ|I1;}$^7CMs~V%D-?nR{`_(-x3dea}Y1K)e2qLX7cSr9!q$> zfqR!n;ge2X7#DmG^UF;|TB?<3BFt;gw%dTr!@IEUNj#M9r~|h_OG!al2Yy)lljTRu zWBDCxv0t)V^kau2FW)0ZiRI+f&G9eu(pjC{j+nTVez3v@m4eQtnh~2Kc#rTdn9z-cIB1|CfJ=A%?;~<*zWZT zeDtUyIQD%QUfbAY+V%hM}HaN2_6>aw}gv5<9^iBf; zS>VFwR0k8kJ<@zfzO%?jSF2oaMJL&y7)p&j1WG?e1oR(7|-~A#DK5RI|-xrM$@GSy!UMYz6o(;#l z`}acqx;ShZUItT!45UiWZ$P`oR6fgZGmf&DE;g%*L)GQ$(e7S0PHkDmtAu&{p~#E; z-2GtC%pO8FyaYB*VKiQP^_6+3UuVbWnbJp*2K3dPIfB2TOgOVvgpr&^`yp+PBg`UCypZrGnT%g$})2PFnw&P@|v>R{lUy$j?gCSwpgD)d(f=!$XqX zK{*uu&Rjrd&MiZ`2VQ*ETvxvIg%WK~aOX>}A4R4;oX+r2A{BPKd5YCWKIhdb^jR)T zpA9#l`SoM?->@U#W48{MyZ=SwHFZqYPM$By{(=?V2Qlw@FxN{-6`V8?;QcQX_DmdH z{-$dRfBPHgG-+G#u?j@noHBuN*@Ih~zTyc`rxOpAi!^>)^L!;o_%_`XCSTHI?wjnX zzf&y)8#SVo_LuU%?_}|fq%qg&d?8wrL}{+VW;%x%lxNE7a-}I^oU%yJ=JnhV^Hr#= z`@l|?X&1uuUEN_nyMq=rIe0K?IW*`#AX_dJFj3|RXiK$)tjtxSC+sl13EPjeKAG~P zr$gD~tPA+~yCKRtZh*{)#{$D!Ltu91Vf!6t@;lp@PTo(!Xh1H;yto3F7N`>+Lrqjx zF`{uETTTM2XHO%sQ*Tna=xAtaZiN+D z>1e7mms+p#0`|~>_WIk|pD}b0ukczxZPjj|^az7;rgH{|6kNjWV9FaigH4zXxYl ztVECc5?&q^k56h&idf26B%>y=3mG}&!2A$=ca7pn)9oPXc^L8eAAjg{q!|1AQ`uW#_{{9*Lrcwatm=6D)>x*MxjIl`(|!8_kt$`VFNadU$j(!6al zq@^z=)y#~)-LxAP$W^ks#Fx->;Ur2`dlB=*UQ8WPhJBe6KDg&jnv;C$yG4!2H`iQN4W&?VYj=p7^KI)w81jf>deiiXqH9cqP13)1&Ib zp2I6eaCQ|7o(}0)_*XoKuJ((-9?Nh>Jmc97o5vXQC!V&deG^UDH;H<)Vd$YUfCt_h zVBZlwpWc;m;UDis(=2@<+myJJ&y=>nE#G5Uga16TW&ah7vx(w1tuH~%PHR;~ga$>BUOdf4NFL^HV-=Ar*wA_RhjK0DpQNz;FC=NN zpvR;nxa$N%+_Sq9UffROx!@ZqO zLY__Vm8`Sp^{WV6g>Y)&N*M_E_x2HovCBGyei}QGN`yWIhkpw}$Grv(`E@eIdIERb zXvM?|>7+YLhw9!JT1?3bv~*iFk@zJKW{2j&AoEVxdTSvx?c7e69vZ{>&Eeeq@ekr_ ze;d-DoDi4((&qh(!g1mKCXq?q4?IdG*@0p+>L-^D4!3JbkIe<5Z5jygz2}ORXDNZp zzSCH>_62^^jK!bg?_gI_!n2+LM=cHbg^W48__rdMx`)EW zlV`A`w@_R(#FQ$`GD8y!Bk1>I|TzYr=4lwmId=Svba2p3eI|50#f2W96G7@t70Q+)~DkEL*$^A6V)OxseVsD$s(j z{d*1@i|xRzNr}t#R|)L1KJqyJFn7$fgqb&<;F6uvwDnvDBrm%S8y$2Z@aJVTICCAP z*GR(p0bw}gjsdLm-oPzqWr4BtEv(hcgn%bSa6GLFmp@NLhfDdQ((E3nNR**zQl)rG zPoGLAEN0#n6-31?f_fTUg>6D7!##0A`GyTKG)F<`i4VF=R*Wu%achDEPtz4*a#x9q z4t;~T23z`dP!Ak^U`d}uUxQKa#zXhV3z!U3`NliyT-tqsNPYccQnsWYeG@XorEDpi zyypb=)cyq3hcU!#s6BN!T!g}O)jGX3{Q!pFQzKunaFo+^(_O86teYZardxLbR32WzTmjgD+EV- zDyqy>7inFYz`vNe!UTsURK~smL1K$ww^khv*TBFd>qn`mi=s2_MMMISY)3=da>8qWi8#rXxi{dX4F z&NYDWiOcxo-J$HH&|Uf2--cnQ1WriI8ZyklLU6uSW5mlv_$?!dpN3{Ox^pP{Jlaye zYlI81fKYUDxyL-{0F+%WhS%GLPGspF44^L{Y06)8k9ZGUk%5+$46mId$wMEWL?h=z zpcg+wP>I=ha4KjImiMR0VIEgFyU zfjdI}WM4@mjvFjP_f3?Cyr+-JyQf#-_>ohz=J-WsYi7coKAF*(``?J1Pll3Z+CgOQ zgF5!SPZiyb((!bW;BQ*zOU|v@3AdlSbJdGKQGEFy`txRx$}ff^p9E)%u#YZu{S4Al z=fPUx8T&oCR&drm$4%c-@%H0?*cl>0ad;)PzI#c)I}7bJezPN%@7c*s^O)n+Cv26P z7ueFtG$SUTt$*l3$Gozn-=t-E%ZKe;s!D|)cFV=tM*%n2CV=yDGwd8z3%c)C!Q>$V zZ~e#vC^IdBXZte5drfAReww2}<9)i}>YaF|&~%lR-!8>KFD2A|nT5knZpT6|;djx# z2dXxPV073XKEf>lA0J}GD_|5=dV3x&^*3Qr-#OgjeGCeBo4`CDB|7ipW&E-BILWSf zPaXq(^AgimPMJwdXpX> zFA888TdqUBzX!zKdIXibv0jWsstQoUHz zyze8~-qj8!&D|IuUQ2HG?-MWhkq<>WzaVOQPr3i=aLAe^LoezK2I&F6At-MuO!;>f zd5JoIa@&(%G;YM^%b~*l`952|V>jG+8w?SDKf{0f&!GASp_eyqJBZ^hif&eZ#l`bA zsB};;%{)1Tzu#d9DV^%%O{NA<4)(+ykF@CfEAQ~0_$!;4ECGXc$HC?PEC`p}z9T66rA``5xu@;QMkS#8f7;V=aN~ zGTTNrv_}hkufg=~>W!#8BoW}~IB~$aM{G$Fw+|X2!G~nt2AOZ3;w4-9z##t{_N1ud zij!XG#%7cKHHzr_-xGmD6o6S13ZY%##8@sl&rW|K(0Fk>Tf1!_nr%oSA=MWyPG>S*7F2II)u4U&{74Y@KBN$a(147^yI-E05G+o%s zG}eP=UJ0J8RTJDKG3ayf1DJ1;;<*+Q{L#uGSmhmtm#y2$sFS1VjcXFrL0XkHuJ{Qt z_onhqA?w(Xw?daAQG;^ZacrN~TX5)E$~C$(>zzSosp>HBKb$C58BFbq>UC zUy4IVU4!4F=5VX2YGmx=SLA_(H=SQ;&6cl~#))dzh<&3!FR>ND)CY?}Zebo<{I!Fr z*`2}NGxRyj)aDlswV{iZ45qkhaEoyoq|Q)-r;Bv?Z*dZYHsy;A{T5KVw-rM>{9u_; zr8wo;F?`p}(fiwJSR!rCrfOXhMK#PP=a*c-x#)z~JEeqgq$yjs;(2*pNeXDaRDycL z^H7|&8TLpCd)u$~;M3npI8^XqKdlgrnt1z^=-Nxv3!q4SR> zG;4Q-{q$`8VnMc!;j@O*Ardzthyfjj!jk;Hx1=XuJqRN}Fbcu%e|Oo}q1 z9aA0%bH}?lM%x|c%~zr^FNE*HBQrW~X*5iZolLDqZiEoWN-T`HPWskH(ZE~(aH}Yr ze%U=noHeFO{9@&5HoAdf0?mWj;u^BfR)Q}xKacwwC*ww8XYS_|K!^2w#;!&={-b*^ z{~5HAtQ=Q`tG@}prDr3cw{k6Bk4^*~y$$5~heI^11u?Q^5{d_Z1kW*_QN3a{TCttk2a{^JhvyLQO7)oQyDD18c1p9m&RDKr-zK&|(>v|DZ zE|KKj-WGh|$Qq1RHiG-rZ-~j|Y8<)2m|Jdh1__;BCU5tW8A|7}k4tCMu6ad}(>5MH zM>S#K+j-#h&zCNd6#A_o1wXCx$bY@Y^odR=223%dd*7;a7Z-hMFewcyRR#9Jb8WQq zFr}@F-En7cn)vyUPVvV(!%_B8HmshJf-Rr3QDM<};T)xnHP6mrTDmXMboapR;ejM3 zG!16Ul#=rn8e9lO(=*D^_|x>gz&uUIj}h7sZ+sTt3^XS<36y=|gbf}FT+g_At5mwn!JPGIfXyesm z9pLm!iB<@RupDji+*FLNe(L%c9{p`Q{mgJ!EoZWJ@F_W zPZc*`1;>C0>S$kv>qm~F#TH9ZGi?BkkBt`}`r$?XC>nr8vEW6FR;4?SaePu2Kp*^L zVEpDDkt|Omp}AMsi$BNl!}&V)vi~a{dap!JM{UPl58BC1+D;}!g}~w5GLYO+#jb5W zhW~6RUi0#2h1MY`=ROIm3`gRym`r#Oatti@q=B=O4xM1ykAHS2f{UvXZ5)4qzdZX5 z2XsXv>GY=|cmMxwZ(y$_gRspkjNCjW_-`zHMX%)#;lb0t(Q>{fA7b^3G#DHJ+2;`W66OcXC19|Vh6%_KiJET+?b`|vTFHc;I; z6*#Rc51k)gV55|7iug@J<&AE_(8Uw@i!=FnWr{JCSC`;V_MT!AeLo=c!)b6@aTdxR z{EwpZjOY4mYI;B44y&A`F+)dz50U?hY5QGKcK#{2 z6|9KwvlfC}=wX`XmxVSGnz$2Maay_+-E}?zW?81P8wI^EbZa(@79Sz!Y)7-it8UbM zlmU0qO=3=y_1TvDOJS#?E`ihbxX|1H7C#$Bzi9Zt_ds39EtA7QS7kPyxborbAT??n zi!1)*5!r){s4>AFPuhCXsIs|sHW43*|HnflV`B?$*V~VBc?VG@z8g2S9A=ec+lb~& zS#FXL%{FFg&{s!=zIA;W?)=Zc)IRhW)-K6mJ#WqF+GVA9TvnN+`b?)jyWZjHZ+RFo zWg7myoR1r}-Vx2PU5b{X5AgiYCh~KmBVVT*3Sz22uWP@?0fr{T)hYxA&lxVVSJMRh zO^*DE{{%YYqAx0B7mzl?6R`Vo6r9y6hJm_~>{8MfFpqtTF4TbP^}fOHwU;q*#2Kh; zk)XDlU0CC@2-+M_&)%h(i^IT>%W7Eg|7v1L-^eYv_+1R2Vj;XGv+?8^M|kvbH7)z9z@sithV7e7=-F#?#1AeV1n=2S^xAwCimrWFGzd0!2VlzSlx11;8JEFnTyo!nw zC!)u$D1oCjnhrI|B&LFc$!Bi}j@K}Pr)nFRRG7SQ-0Ej9+C;o5O_k=%-j7nJ1TW2# zKjc&DIc&V5L7$x)3Keck*kGdQoYDI{R;q zBX`)MfXluDkE}lkxyN^L!|_d`GCp5CRM8e=1y|!-^{a4tc&zBn=&d-%wovGR*TdNT zS4lvC1Ks&?FgMptrvWc2*sf-w7gUx)>Ovm!>0&p~E*Ha!1^;)h$HIt-LJ#$~96yvP zIG3k9$Hjm2A#`RaeEpCB+gdYuSJDqwJ!>|vtxP4?Q>SyMt47E^I-o^BBn}yW9F8~m zu#fUiAm@WtHy4~08O7LPGq%N6WL^F?D*Xz=Hg zuqrRtL08oo)2vUjSSK4Ob+%>K4}ZpG&iG#iKdr$ISq)g^Gn%WNOonli=b+}cCt51n@tkfwFnzcm`OHUnc3CXhQX`yS zuj)g9*DEIdxD?`(npuGBNw~k@4XQ5SvU@&w(y?m*=4>mcWE$ydoXV!HAZ*k17iH02)=iN|X( zduT8{{_!x|xAPQFgK*|MzXIO9%VBBZXYrn_BG;*yjovx>-2KWc`{13wk$E~$jSY8j zWlpWwa^4hN>mb8(W;{SEl}HG)Jc@%t!tnPMNj})93{%2P`OA1InzCmryY>Aju1GFH zW2+{X{;UQ*HAp}gTx72+I$@FRWoY;4KvjW^Q63=8A9zl~_@RWY6!Hacm9C=cJV{z@ z??KzoA132Xd*HzY8+`C40LE)&;plE}wq~{??a$9-trGh5ywiJO#<~|W;2&FDa~2%> z$KrMad+yJ&nB^uX4E`WP%R`nDQ+Nu~Y}eyXg{?d+V+b8;stbQl?}mlfN6@3Qb-AIW z4jnm6;9P7`Vn4JmkTW{I;MXb5Ew;vi%&AdyUywa*I_5*xR9ArN)n<&^FpJv8E~OXJ z5+UiVJ~bHJixTQLg$#ccd>dMgnd2P5sIv*j+9u$1YZHE}iIcK~#V}fM1l2zNO5)az zr7;87kb^xs^hZxHigrGPdyB`Rm4Z5dHc|$*jT1wc(8~{)GJreWEEcj0oe+Dc1KURF zL0pJ8#`)-Tjs1vot?rOvF-vJ`3vjh_1kiQ$^jY8as|L5Bs);i;r&tie%Ed|WSuMLl~#JdT8Nj~@eR=^SYo7djGa zlWy{f$zF8s2f?ebS9rhd%|Ns{f%7s|X={n_zEhwAZc0OV@&4a%aH2a5a5)F+pN9!s zO(#>HtIKJnHVW3QKh$siL+=Ew6YasLA%!f;JtBK9)_iRnB z(7W)TUHarxJ9soC(mMBfT-EiIXmHjw_;zpu*>!yes!SRPOM8s@!}@FJ++%`)@s}__ zGY!Z4PotjK-(bI%VyT?=9O!ns40R6#H&OTs82!eB&rEGalZVE9^0syyRo)Cd!W|D7 z0u9aC3H6FQVaGgMc7JC!zEH2iHM{qdtxr_Bqgoa*D_P09QZB)u-ucw6T9dA7w#Lz6 zYP{4Sm|u#0fE&Ix!kV&yFw@o<_!}=0Vv!CzWFErQozvKdNQ4i)(U_5bax22a}cj63+MB&PpGk9l0JTsEn0rVka;N?lVO`Q*j+9#2v-_I z>f9c1Sg#L5=e&m#sqG{uXFN;TDTAtBt$4ykk^U9}HlAZ7JG(Tm^^4??V6fFuc+`0*0*%!r+xQbW%YZ=qDwxh{OyGU;Y^G zueyOn36IgTHv-@K-hj@ttNB-%YvkmZNciDhNL1#1K>eLDtfEL*Urue~?w6NiNz7yp z&wt{`xCca}nS;;Y%k$Mf0npswkGIW!lNT|00zodD#YdLHF_Sttw_*xU+B^fVTW!Ji zOL;JKUM{(5A_9GtK~&3q4cTCL6za|IhC@UX0HW?9w<|D-}|^e&JEA* zmL++2%}{ohD#ZA_5RW;e$qP=sXHw7KV#mia82o#rkURg3K^FwxKtc+7j~We@zD+P; zls=r+u!Y3g(&V*85_!Et1B*6{72Xn);p4Z_=o0c6WMrPe4v91Ha=Huoy33GSJx*q~ zj_d)6s0iE?ZpSAJv)<@68dUq)UZ5Ex$iQhquu6Et`#ic&IG_GxRet(>X_U~@KXMcA zxa33VtV&Q7vL!BAJNP*F0^E5z1W#|h2%iTQ!PCAm1gw8m7oiyk{?~L^7|L&)H4#hE}w#&UI*OX zTveJCa11ZqABAPAggFVBqwv+k=;=%lf4yZwOY3Bz_SI9^mZ=35J!7!VCX#jjI|!?S z@(})-k!b19;{PK3KzfWL-_`C&?v)Q@TPu>F`H?EGOR5CNQ>9F98ON67VUW>MjvJ#a z!OO-T@^Tk*%_W~mc-mlbb8`)x%N+wZr<$-a3DWdXWEyPyF9#&Iyb{eh@s9O`>QOt{ zcqYGF60DShP)6$-{#a=aQ?`k?&Ef*K_p1(Vkyhf>zm&m$P$+!R841BRw%}uxN9c95 z9S=s#0^N7liShhVeCJbRs&!WZuHDYVAD24Bkv>}7#?=V+d+cCGpU#J!*KdjU*L`K< zvbE7`-AOtzTH;LC<3yvg7+teEozhtD(MvU_}R{r9&d zz$cGvc6(ZS@m?-$S-e0LZm|O=HT;0&f2Q28UWq!*Ys2j+a(u&>e-JbKAiOUz$5L-U zdfdC1nJCtiHp{~xX|{|%(P;u2DGl<{dh~f^G6W2tiXRh9d11&?JTM%fWlLe{^{(ac z`o>R~E*lDGM0PO8J(qQ=`{R|3zr@!bDWk^AO!nBtge6bNW}|5)3%hZi4a^(CEoUjw z@uhj>`@1Z*{EZn{%KE@-7e%t~=zi>5D$QL5PowD>6aILu8`-)l82W|m(tnY{?}h(O zE%%48T$qbgt&YcqkJduch73IMC!FovJc|BIt^xJ3uXrxJiqzH{;FpduxHMh^s?wtP z_&LL1$Ey*1q2_#|ZPN)27ecV=@Nn_M;%2DaAOWdQ_JR2~WpvqB2HS+U?6R}!U@%#V zJC?sCTgFXi2}u`m_3dW@XQGt6SaO&gx6#D0KkkqLYs|RB2xS^yvIO^OTTEe$uFCco`dysDu zIs;|OykeUZ#)uNR^ToZeGqC{fpS}x6u1k`_o^~An+M0WWWT8vn9Bvgf8@^0eDyp$lzfAUD-1-tchs_xo@40WdB0iumvnGb zl;r)AsnG9#1yY*E;UoPaEUxzmnIdi>7PUf$_KrL@*Z(3VQ^zpb{-aoQG!yO}m;qkj z2k>om~f|2@D;Cw9|i3s(ZL*~p1*_mOhxe6;YJ@A zi=o6zskW?$wsbFwQ%S zMy?k;t{qXh+I&89T(Jp1?>FMgCyGq z2szk;n9Dz5-{nF4Y*ZyaY^(>=$Y%%lSFmp|h|WunCAOPwVdP0mTE0mcB~9XS{;r*P z|IYxTFnIuNo>Yc2%9oP&Ll$u5tHwC$ZiB;;yf3g@H=2xkoeX=-wu+C~{SzH)y+EXX z6~mozUl};hfYEkyVbCQZ|4QBvrR8S)_ANac-Q@;V_4Q=YtTMdmF@#%8eTapf>fG_` zH&PXuijCT-q|auHla1T@nY;&kFUJC((7tqjV36%cui~O!y!2&B1#Xn5c;Jud% zjA&QDg|#XatUlpJ+XK)s!<%^2e!!A@S}2}&L1bPnd@KLk+#9nJ58*}kI zSes4f`?KzY{(^^WONbe~PcC62T~6ZN#$RNa@Gc*B-V9I9)u5{$zsAj8chF41zm(Oi zh6x>CG5fI^y?FTwdKzkz(8%v#I%_!^#xKIWjmrFzXBM8U>xY^`3wHLbH@~27ef32>){R z_>Be=PH$F&w0{GH)DA28zEqZ8Pg10zwg1SpgyS$YxE%L=%EfteYH)T&D9melh?&k$ zaG{q6hD!#*Rn=4Y!gMhmG&~V^9&@J4FWd!<^=GmDe2J(+m?gYg93$S}as+ov%)w!z ze2D7IC#%29gVl!=tgE<24v6oOkMC#V;Z_su+9iYS!=hno&`P*c=SDlr#-qodPcTbw z44%uPv{mpX`pmZCljh{Hun1#rHQ9g{M$W}YUvJ>W=vp{@&zxU*_!bXdw`NukYDw}E zO>jw3<36)Lk_AN{KwKQb&T7vVFVRrKF_Fojaa|HVpBD1fJBzXZdpo&oKFuLQb|oB+ z-;J|#V_^T249M5EfWh{YamyA37ADn3Zb|MEf16v2+rReW`kJHkQ=TleZ~8Z0(FEV#y2ne!DorkEh_jT550z(Z`rqbme|+!+e}AVCuvN^tz*h3GA{ z2wuyc1t(>Bl+t>Ow%LBRyUd%S7dQ&YI zA)38tB~tbPU1eX8vY`g><**cY1uJ-}J{+uRD{gQ-58I67_?i6zKPRdPcg&gwediKc z&*u-xWn zA-S{6amwZ<))V5!<}AF9PcwJJw~j&_d*(L&l#5}lD}1oZY8iX%@E^Hjnr$f5e=J7Py+p5xV@NuHU6!Ik~X zurS$+^$5BC;nTMu=6~5yz?(+R$B1Ix&q(%ULc7xA-s3zXE5_UfD6A~1?}m7apLg> z_$nob+?#g~?`@5T5qHj!M=fHuT`2%2)cEl|SsEC=EfOO&jo8c-Ri4e?lT90?$)K^H z*xbBXY`J6v)YyE1)fu)J^2h?3*m8Pr#Q;b%DPfzBKEf~U-H@3060CnO0+sZqxNH6~ zAtN^#F5kQgedZOccUdfasSxt04KskeZ5JJ{t}2NT-YkAiwV>&5JVCA^9Y&mtMB4ys znD}oo9esNe3TgsaVUdKNrhkR|tx|LmA67DX-2t|xeKtG`=ztTy6^QsoC%9w`;eL}s zaNgwuSbQsuM15`{8-LZq6Lm>?v`G^?v`vXy(Hv}C^icSA20*!2JYLEcoYG?puxfWG z4A5>>?C;>5o6ARWB!3-h7MOtSq>-O6vM)K>U8-NPyWrp z5ES<0g5{OAD0q?*za(Eh$U#rULYHt zeCb(-L3~a31#I7WLZq^`g}i8#;)R12;g;VUkXyH9?X zMZ%(aGw9QldEjVPjN=O`G0>R{*8UF%X zvk>^RX(+7IyA1lJ@mm79R=xt_e(q#r z{&cgZqqXc!$pw;o+yz!XQ>FGE#=J=AqLl5J4F|pp9-)v7CT%+sPa5{Y)~frk??xmR z?^c1u<95UB=Xdd5NDj!ydebJQ&rs?bMmDZ1#pt)$(2<@bI=XQi{-~M6W#8|E;Mvje zbrpw<`nT+k`gNQdHoN4hMF^j@8b54Oh2i1%ApY+$-2BQ5)~8mpjUHE_W4b;+RIG)m(gQdy z`NVGjT#8&<3G549X@R#ietS_0y|StBRJHfp<3G}415^}?F$~WOzTQfi`WV;d@TdthJH44?k$0r=}AW%_(;y#m%tdO zTns(zLZb%Bk}s}7qWEqvEK@m4ehDn9%bv5qu7lE&P5Vh^;~Y9Ex(BosC^$bcguS81 z;H2?DaJCymtdG{<(&{q!vTGYeDXoOqrANp$i(s5}49bmH4-~Qpi!X603rRFnwSn8G7jt9v#8)&!Jg# zxUCkI$e4^7#y+&#%!`GNiR8-vUB`z@2f%+vb-=E`jcBMI!Ll1~QCHPW?Di`Huf^$7 z*&7A0Z1hDTN3oi(u5g1p)^mC0jtpLUvl)|zw=(}Hh+Eu(A!73@-1Mwpl=@{VYUe$| z55u+jkdkXm{UL?t|6O7q&*tIk`oj=3$AbP@zJ?wM8_hKzZlr=On|H- zW1k^R^Z5d4#|fW*-xVWcCFm3Hbo_Zk4|eU*qJa_?^l!v%hsvFYiM+lZ6_1SrmxmP) zHZdH7Z=J*;JsX4!%1+u8---8Y+C}o7Q)u(eY|P8?rb`>l;m4o*%-(+l>NU5EUWC0Q zGvemrkER4tJ$xj8B(VD1u6nxq#HY}QZ`Jsq-FMmV=XKGcbs{bc}7*pUe9>?COFzHZ!c+m060-o*KV0KaxDg&c_( zHY=%(Nfih^sEa22I||;vEu4(p9>#vzRD)AnGaOxX1>_rB#c_=uM1Dy|bwYs=AupRxGuxda*dB8c2`ROT%qA80F z6zF2YySFM+Ij)F)`wyY~>?{ZSG)YLYc?K&N22sBU(!A(L4h&gig}?X5Az zT$nzQcU@`0<-4cQbVElW3#Se76IF0ue=bfeY!uFAviREPC;no#ym77`Z2!-W6-Lg7 zpk7K>SX;r%BN}iu{{qpLl}DwPy*T~x51g84!kcGL=F_dTsHV9uSB##BY3Jm5_+DLV zZ}^>jd?3Rc&Z%N$@jEgrzmUdEK7;*E8^I~y5Lo@YNgg;93GOy`WE)OFVXAQcxG<8+ zg$s_um|Sr~xA4Aj;sd*@>`&G6j6o)-S&qxtkT&g}Biax|=1OA_>4QD*Qd&=}iK z?!3)~igk)~{h=W|q4ODRsCC7>1*&xBga_DuI$d}_T}x8}>#+2);B@RO!`tcBeAoPa zXuMq(q<(2YeNF_N(ek6F?%5!Bi}_v~HMi_qOzlaBush>F=OxQ9_Pn|f+2 z-Y-(-$=hzQ6BAePZ*}3UTed=cYwalUPa21o*Y`nkz+=38l+oo`4qWYgJVf0YPAk4| z6)(D}K*uatbD}m(jxTY|B(fP+ zu(+Uy_#O(xGane*t1jlyR!l;bwAFKQ zQG_E5Nppfqxf9~|QTH7>zFTt94hKj)T*khi&w?ujIXLsoMRNSX0RG%Vj`MZ1cv9MW zh~H$xX>&3T|92f%?L8{=sE3ocl2s67c!j0BjwmfxiN>MZbm*O)yQHW*99Fgsp;HID zaHYM?>~X&@H_7vXdleVpp^F%%4cdaQb$saKZSV2@p&Sf%PN%WE#E>c}h1+}89W>Wn zLgiZvX`u8}u2VjmtGKJ;35z9E-Rv6SLaiv|LMoV@yn@v>3iQ-XJ=l@87p*0V$d(mj zsYlHokiIgOXKe@}`}SVKJFDM=ah%W#=nrQ-->!i2$0>Z5N)(eUK8F)e{UcHywmif! z8Z{NP_-3PG_U&bt`0Ripj5^;)p8pZfr%n{C{|Q-*x(6i3SDQO5RiYCnB*Uo0>!7nh zk!y`v%2%d;5%|}PjW+f|Ic;e^epm*~G3#OF8?uwi(}GYMv~ChQd`c^6{AjI^so>tcuRPplnH+ldjSuO-!HJk?up-}X0f~} z45y8$5r-^Wf$R0>z?s5Rgu4J$YRTOt;eoQBSA!hB$c6rWZj z0T&h9@s70y+-_TisR6n)p{|bQeAK6=2792Tb`sE|Itp}w)~ds9`p({z#}17af|0E%pY;C^ts?&+S3pX1GALq2W5(e z25&H|c@YS1WSX31FYt1WLDO5{fPI-v*R;=s|MvU^pOnFvUoK1M-6OE4@ zcaH>AGEn7DR=Z(m^%hcaq!N>_bfM3$@!VBlYzN<_e1BjhTb7uNc3o3x^}*qI{MQmt zQuKo1_Bo&?@vVPg{w@d7R6QZbpa#2B z{h-%h6Yp!r@lVUn(DNfTg*8Z)9;nXY3SR{`V86iL{uIqslXW3l?>LNVDS}SNn`}?) z-qN%getfRW04moeN1qF46#a}MwoUpZ%n^TNVSEhtpLrLHvV$Pu(l(HOHI8REW{R9^ z4asI%6@JyKo|MZ>!9~-%0bJs6zil=??>>xo*8GCy>Jw?8`vmSB@Q;KEnfNhkPoT2w zHt;bK?3!dWzty@Ibij;{nIOr76&v7{-z2)#?-?AB{Ezu{J%9lYe?Vo`L@F6Uu*Tb3bZZmfA{zYi*FaWjv-S{^3 z87^8-iwl-ELGx}kDxGi)?jFbzn5?#Z^yx|b$^&aO?Oh4IlB20_$`z>n5DOyf6vz#} z4SR1sCl2KYAz<%ceCxM@ENqFL>mVV;YNW`(D6doK51_-#D1{@E^?9#UE<1kPK=@prvkkY^c-VnW#36AC)t1(w8`m|W_7g4EX~I8|V?w`y^Fb_Tq+y5Rk` z1RxpeY_bW5-Rsn0lY;`-ZU0Z;Fel>r%gX3Gl#7l9*`r+3Ivg>-5jS|=!-*&U6FTxo zAtpVXY>HN(nXBw^`MoSs_oo(~tSA=WQOsg;DIVCb_z^5$mqVhj;Ilk0OLttXB$LS& z*n8udNO7??m-xE{&PceRZCwzgD{O=faSLHtzzA?oA0%YU-oUE#Aykt*Ah|UYU_tf` z{IdihcbXVf>oSNz_Ch$^7L`@_08W{=>D1As*;7WbqO$YX*+y~B$$^ym2#b6DqnjAKR_MRmKN5O^MW7EUkB!$ zYZ9dij^;X}o1n5|1kaJ(1ojqpLFv6AzKZz)E%WW@^PgQXqs2?S@1`u;N6N57w`0Ur zvf#10o&IbRKC()Y{Ky~ggI$I@-eXO5KD)$Tg z_pVsF6DqwIW#3#2Wkcd^4f9VaQx2AiX;sJ#CSyf>S|&n?v9muF~kWx58QUqi^= z)d#%u8=I-*$|H-!WVhsODF3(t`nP-`OO|9~+sozRmdJhhv_YMIDSw0pTXw)wz6%@& zZ-T2MZTQv<6FAx{!`CXva1W^xV(n6jE~|S>4_bU6RMj1puR)Pgcqeu=EyHPYBj|`n zR#f7E7_ZIshv#OC;H<0)4Alz6zTx-q?2;i^qyLK}xc(v50&_g^g9KW)$-<<2g3D)W zDw(I}!iMV&<916`_zpEc?8sIG%Z3QNS8jnd(c4ip`Z@e7kc2bx@1d_&220wjNPiB2 z615bNGWh{Di=5b*&#~CrKL&@$Kg4N9yO`7>cdR|(4zuo^g+{BNBx=mGr&q-tQYVSnem^ACKf>jSwp>})5|iEtU3s5} zWNXKEd=q>dbtliKFJvomn8_8iIQoMic|_wj7oS2q~j(28Sz&L%H(g>Gup zQ+Uc!apdZ!Ok^34PYjY^v*mi;tou`}YbM->UXHFHFOGTI zR;m>88!zQNBBNxbQEvMr!7t?s$~y$cw@EhfF^lA-0aQ5a`0^3+xi~2&Q|Q=9(zi#2 zJBx}l)o)SedM@8Z8jsh5L-=I)yIAmHyjB+8%+tZCyO7Ktl}S3C?x1J<1H75%KnH|A zfmH&Z=2p!{oHVRMymRt)*ekHyCqzDCwHLHe_V_iJB6Jh%R{vrP44<&En#a&GD}YY= zv<>{937P+>3t*5sm+$^_2zGxuhLePRi+%icrmy=Q+lG(jBfp-8n(NC@s>l@=x!+^Y z<@RDuUkNm?J4hCt9|R)>&zb2)Nl3ix&OVAuSx%)gFEp~ji9X51RU#B#X|BQO_0Fi; zQH_(UC$Y$V8aSbP0&G29guk5MV(8Gj=)U;`{1L|qUbH#z_^(E-~Xkt?NCsFqG)v&8kfw#3Ef}1T*$gwILXzX-F z*VH&%SS=?`Gwg?PxAuU1QZQ5XlLEsrP2hgC2TA`G+|lxm{R|NDFImqqNX#UhLFUrIuHB^AtAm7uofqC1hM>tF-i3p0=7TS3U^4gkIFYwR2#wOC|cJR6zCP=lFiMa36KeM7>*dy21Ri($*k1h}9)8dLrz;k%|# z*t=Z?Vz<__!$+^+AQ@js{in^JJoMn^?}vk#sR;}&-G{B8hVdOX`7AZamR~$)#I5WO z!l>(?(YHR6JbI2?{eUhrp5o&pPEfI7Vx9|&r@+sW@c5^(A6N3!9K1$VNRq@OnkXQ5Ft z^xt}K{!pJ`zuIbya(0C+zCgA+j%AZo@8WnVIS5x_q|=0%7XRJ1 zlWrX)iT%sIBXudkszn-L;&2G>9%_N4cTOrPbrjh1v@1^ZeA_>uWBgdWmd9h z6P4+)unypVg}KcALrh&~E*AUxz(bQ+Xg68t%l>yt$k=9s@z$G=EmsOP8YQCHSLUO_ zwgx;oI2lydrHgE&~xCrqcy7%-)k8 zb#)rKrh`Qt8&4NH-@(_mt#~k9$Yj_@Va+yO-ZL(QP3b&?pG+c%=QtbAT^}$Tl>)ev zvI$Nm-3RY8+sRKi!HJMK0SlwcVZdN*I^44WJ{Ze_MROsh`z{dvFEqL7R7-MV;WM!9 z-{&wj*8#24ygubVDGS2_}CPKdxZCNV^4kFC(MsM{ffzicWSUU={R1T zy%5ILT|i%d1>QwnSfAD$+L#)^ioR5lcVesl>2kX5MM1MIiA+|Ax;msZ^`s=bcgvvK#{*j@AXH_33?cc~s<>R1vz6`V& zbwSRi=}bFlIkC9&LEPQ?A8ZNVLdHLQ34`lYpm%&Wo6bgXpN2tPF6%csNoT>z{KpVK z!xZ@b^;RE#E@XK3PMWS|klO**lRV4+N>-fv|Q( z5`;cD3DH?!A^eyIz-kFJwpa_yem-iEsD;}8o*x%RYH4xJeFiz!ngg)#LLT6 z=;A4dv7jXaT-}}%P4k-&=#>P8hS~UX!xspSP6fG1vM~Ld3@Sz+Mvr@$_{8o7CXY)X zZr_iKKYdlh+&$9#g5qY;;bFmaqiYfTo9D~p#}0&X5o@@k`(1EQng)$kais6%GI3hj zd35s-ff{#0`SIP@Y*dF$b_XD;s*9)Cf3{=! zKp8HsABq7Un%M0r^za4VbgYWtDVSGITyOZ(Gd+U8H*N^z$aNFCX&`;PXS&d()x!CT zeb5@A#1$4Upw(W-Anv0&*oUYss7bk@hHbf zpuPAN7=3BP<|#q!we>svFXamAjj4v;g9Xprm=o;t!}A~;n~ukGK4DBiG7f2cC;qGW z0p7&*vXWyGknGmSUaeRH@^RW&S+ySHLCAvNcmow#uB^W44QzT}59QZBvCogC1)o(s zl)E&d=`DHo_q`==Jt4&(Dc%(NW%r>~ti(?nAI9SX3-9*7B+)mkeq5jA!S+8j!wH-9 zXtm(7+8*h`qTeZ^_6#%LBI8H?{OAz;MDk##Hw%sQwvu3*q1-3U9WC4&h_r7XsdJK| zNt4a!Kf!gLDI_qKKZ`-V>htVl-e8!O>VdK*+Pt<(aIva?V{6KrSy%FO2rTUYon$-V zo0g-lgO#b7jurG{VX5l@Il4D$2!vmB#N#uLmFjI0I?feCaK7?swC;BV(Uf>tFp7(7 z=-?=2jHnUw}jXongneIw+r#$K>a&5YAp(apkZF_|DIZJ_=Qb?gkY+GrJysN>AYp zom0^~BY-Vxe*+tfHK1TmC3EuJTc-Y*@N@^F==^58y^$EnXO5KtuLVrBafQ$luEIWLm~Q_OV+D);OOK<@nww zitCb@;^R!w$lOk5wdXSGEoes9!HN*GULDe?4ULl&SoTdyG#TX3a$W|$dwP@n=<8t% zbMoQi@;d;rYSd-6{S+NMLp*_k`R%EhU`s7Mab&C|LPx~Pr3Ct=f1Ar z@B5vORkO-*X`>xXP8cZqJ+e+@EdGtF&1MLFys7NP9btd9K1Sqxxs@Fgo<(79qTu@M zChrTT(WK!fBzJZw>KP3t&40t7X5oCa?2Cmk?QB?@(nI%mHU)n{g@lryZs*?6IgSyrJt)eojZvhE=i#0 zK9@Z*UIo#=OT?>l?J;}ydG!4`lj%QH<4bRa!w*bhnY*5dZ%^L@(cgdK#x8dzFZT%+ z_*L0X-_RpuYl_*FOYcO#6XQVTK!Ia@&H{c0gI(nTEAx~SjGzlg}tfc0v3Si;ARahri6|dv1m!rM|<0<~1xcK!P5BbOJBbWV1=>kC;^GAS7Fl zL+w{}F!9Mjdl%t34><$*LnhPjDi6V_T9Y-*8jX@ejnUk1Gu}N=08MZYXFmq=s@#>T zk}FU!cpmNEdjW?}SPOi4FTPt-EM(a>AYD8aW~IB54=!OuoU{ZK`%J0H^g;Yt0%PGl z0&jFq0-pF*C3KL+@i~@V_zW&X?!L>gD$@d$mVG4I!E5=5`>OO^#Yu6(WHr!p?t$h@ zx7ZAo(Ev`SBKy{d5F>RA>OHdY^&CLUxC7`?zZ4ApPr|CA;e2f3DOR>`CCzh+C2wXZ zVf&*^@J-Sf6n{KnJFh8Vc%dPFxUGprZ6oQzBpp8ZjVzon`yt%9GnmhBQ~vGMb3$5? z%zm1|Hu?{OOV0+euzmUXwqg*?Qr3Z7!T<4Wi77A2u7|~oV#)k%5!EIyILYjJ!&J}A z0=uZYI0DUJeQ1NIKzSHh@Sia6^HLUAKj)x)MhA?HPavJ|u0S|f#hxd0DFzhO!hX7qxUHHu4gz{9P!U}C_tc9x;{-X!clIth-?(&y>h zUt`9Rzf4yt2zQK9;G*c0%zEbwRM&fsCiz*=^Xvw0AH5CP5(8=;W>4M(>qCK4Iu>ny zj?dF)Gp@770S^31T^s}ou8lM6Kj82+4p^&wiFxcvz*enYP!}bM*;8yW z|8@s?Gj}*VGCc~$Cyl^i)qH&XTnnvR4x;4E0#H9i@q~X@^^eWjSg9HTD_%3(cXo4d z%FcnX=vXtj_O8d93KMXlqY8g?FrVm!b&HmlOVTNm#o~kxNqVLGO?CDiXPl|m2&MwF z^it$FHZN43?g)Iu-kckO_g74TkWhVYe0wLId38DqZTBXv3JqZMaTBP|ZL#^BCQE+_ zR@y0v4P@wrAvkke1Uk&?fuHLl@L#$Zmuy*#21*IgI$Z@48&feV&WE$TIkvloL^8>{ zrT9c(?rl1@m4A92j!r&t+gz^AARUuf(Vk+Qj+EIVkya z04CK3DoQO-;RYI13 zA--^W%g#B;^7W>Lxbe3oTvIy>OMZ`JU#z;Ze7FLw_`Q;QdDwID)7Ri&XGC0EpTy~8CooEgujw z`f82fhbzX=nvG|`vY?h_n2umhg5%|vNg)`mdqvV;2G~ndb}^sP zn{RMpu?_60n1F|Sg5Z$AKs@xfU0|y}6WvmSqn)V|)Z7@hW>_ zrA&LrPoc*`JgLV74`O|K~Pu&UYqO4H#(=nkoHdytxa*P+E{wFIh5&cIt>RW ztsx5w9)Y4<1@!gb0;7^MXfVo{>!pq3%_|ZFwoRLO^%@-vcxKPN((mG1$wWw*djOZ^ z%@^72E{D{IgZV72snm1MWz0D;0^Lm#N$YlNI;z{8zFeNp>IUcIqP2hU?@v#5xgiYF z{~6IDop^DlifIgVeb$PNGVhsMFh zFvm}s<_bZEEkABR<7z!PQuU5(-7UG9_ zmO_U(6m6o)nZ>I+Mm(6=$45>c%OE&v<29u`r#)ONfZ=^$~a=bQtE3T0*1T z-@)f`2SH zgjhEIf#PM6M0Jj3^(gmc_~@@X8&+rwmy)D-=a0SUcW)CuoZyIHSc)EofADaFkW-LD z+#e80h*kk>)6o&1{+WmkI}6}}S0hBK{IWeq-r|`$CtiAIH2onOCK`M#2ro387eA9N zVqY#C2J5u5;>7Wl5Rg@ir&}DcfBY9_qd%Hvl+Pzli~5l|6_HCro-=6v4xI|A!rko~ zIx57&o&3b=EdkLOA}|Zx=2>u?7fAvOqY4Y=Ulvz)XOPjtc`#b>Ib2P(W1pBBeXH|C zlSS4hK;;qpBV?HlmOs<*ag`;MSqF3?T0lqp{&_~pk9f=`|g zu;u(pS~wvL7nNKSC+*4x!&hr;qn;OmvScvi=I4_+Hxc9iO7Piv-TWh zXertV7gW!~QpGwp+ARUYeRjj@qi$H0nnGmWsX@$u$5<`e1PxmZp(8SkOuD-oZO;mx zv(4!cUbU9p6Xvs};ei;aV23f)8elqs3qIAY%+JCYGO-gr3@Ty0KMvu?cfHJVtUBMf zAqmVJ$3T?63=Y?q=911su}WagubUB%;=SE4rZ@rZwyee{>7is+$yhe-Mib1FH|7P~ z?z2VmuKb|wZ3y~L@En)D5{(-70?Y;ug~j)W(l1M-Xx&h6v=sJsQtqaxcp1g*#;Q=_QG$&~8s~fBIpFPLSum zPx5il!)SKheK*URz1zk~U=ZBy9xlH3-!1G~7sUcnyKFwnABUR4S^SLj3Ha}FC^W_; z+BVtCYG@@L29qhU~j~_Q`5JfE-3dcx0=C_o= ze67hiphAzD)D?^Vjp@QmTb?n6PY(fh3}z<3ZTL{DMCMSj6#ruz*n_N>i_YW5Tm>sIBD-$NJqt&i5#6OIBiU55_>r{gsfV zco^!Q{extmUUWS0pWwt+<%?v`g4|hW{&n&nHne{ovHrM>3>D@H4LQGY$C?MQMDry& z?5ZSQuQ%|bkgwv5tVE^}agpp;eUDw2bZ5Ti^TjoEFP56mGX06Z}iO1qNGyY_?2X4Ob3n1`-;A}L&bN)l9b$%^d{!arv zdp$u`=_3ZuRbUQ7AEUqQ5FXKHz?=X6Bgw8UFfII|*up{R7D*4F5BJ<7`^}!A>GLbB zSWSoTS}BbtLr2hn?UM+t=*E3F#$)MO8Au*22|Hfihr1cVx4fog>muCSqhHLyG47#! zK#?lky7e2}^#{_X&0gqLU5~0y21gewq`vWRN9AOcc(GK1M&DdHU~ZSu7Q7vN0`TwQrIEwO^z)I zfz%Oe;ME>C=*U}-Bjr*6+DFrl+if^_jWJF9)C+m8z4%&Ajv7pjhNCqubdGbmuy1=| zQ+s(g`?hg3|1jnRd(&ydD|Z}+q#weLE@qA3!4BkB@t!cFcoS@1ACC4ry3yV#g()UZ z=dT{-!)r-(x@xsFy(42tb$q;_JnAjkJ|T=g{_ITStwxAd)@0zrBsKcsowrEG=QvDJ z%;YypEil$Qfi9>u#Q2~n);vXwu}`M*zxPhC=4V2WFyR-G(M-W=;cjaY9!q~s0~Eh8 zMY$P~RKkVu*!}wSuSz70T=56s%v$cz7zTHbo&_I0Z_M{E6Wlc={DhPm=%x(g>h5w} z_3e3t^jBznh7-4^HsB)6aW|W`z48jXle7uvwAf*) zVE|OOx`I=7A{!Ytl$QNoh_wS(qW#fErd&LgAFh?7lM1&oImx5MdgKL6n@(ZsN>6b6 z!1(=P#`Jx$A8!0F3bZ|>nDrtP`h>ZQliX{tc=rI@t-F`c-133_9`zdACmn}#@q4(< zC}CgWH61QC8ZxO$LUtp+8=WOU)jM1~qDN zzsbsUu5ufmiSLGSN?LqukQyJjQJFg3lc#ZSO39>It>W63X7rL5!O%&SV6jM*7RyT0 z-*0r_UHw@4S2_lobo6Lgy*19gZ@`;ot{2M=m7?Bv01rwl(7{VPk=kuT_29`oexC`1 z?mos-N;J_uNP>1*IY6D(SvoenhTU(w3^zVp#OWHfY+1xGWExATT}L9`x%d!f`Th|# zue}6U)|%migH1Gev_H72oucIlpIGXbjnw1#F_3ACC)L``;IrRfJ|(c;Si!q*z{Yok0I(q6*yLIT;gNhv(-y+5UM z+TgL!f6|>en{2WEt#y3()7wOTSU5CF37OS_ zBk3ZTkN5keXv)M6_$D~({=qb!b?+1U_O78zQnST{!k^JU^c54vs_;rLp|dt!m%ksg zmcr^N@R#j@jPNoXE7gk@R@3PRwcYUj!9#Q(JsK6hZlvqhJ|oXcj$lLLFPMDJj-ESL zDCBWv>HewCw*-ky2l#kU2;X^0h_a;X~@&kco4r!z42*f4%*_!?YeI*7mF$Hm)6ML?s!aL+Ay z0a4FfsceQ4Y@T>r$Ss6H%9kp5+7u0ezLE6F+bcNEO-p?0k0zNg)sd#fN3xM6e{sZw zT;{?updsixUfXWW18z)#mT*OCn$-b!{lj73;Y@Itpup2ClgT@+QmmaJJgX<4F!ac1 ztQJ0Z&Ca>(uctY@{TzbluHF$}eNcq8!uyQf&_(>a^dZq%VgJ0k?FEkhV2vu=mD()$ zjWK~!@qxoazN@JQ(-Tv$UeX;R6gTO zIkeu@hTSu_@VyT@$o2hRd~b3bc*wfYg)`&n@pmU+qRU%wO?!dLv(^h9BpdGZ^dPI~ zR_9Zz@|bf<5^IrZVq06fVVeIy@#57l#Ch_=@#BDWIAd=MZgNc+-INNF?;LUGQZM|J zw1(>DjipP^oD{dXhT_=u3+a%1Mm^wce zRy~j|+nqucb}yp4i|64x!Ecazcnh;r%@@sHI|gQ#jHcl#29%#2!$YS|fDgM2;eyT? zy2C;hPp#bsg}XATK$pf}eq*qfI-s+@vS?0uCvlyrL8*^7Pmw%{{?o$ol->+{==+3i zJns(&{KnDx@(wsRld{PtpQCTrS0NMHMaCRm#kMTlM<)t<8=qAtNS4I~ypqY`-qU5G zJGD+Mn*`%iS7rX{${hN3{&i7b(L+{aFAY_9~pBao=OAe#v5_#->NvXNUO0fUuO!vM&2VQ;xn`h5_%=?wV zrwZAYl&zIw>4Q0V<)9u|3!d5^G4+CL%c|P@O9^BQ-9pn$lf*CH-owZtpRn}fU#PPg zKyAupX>48wB#lwzc}APj^HvE?>oUQqA1!Filx=8#|0XkB;m0+WN>Z1|@z79TD zqTZqDm?>PZB?+M{46@3-C0#VZv&4S{{p0HGjXzRFKT3EqIq8* z22Of`<_F&hnHF!N^h28KdzWIO?O}ZMN`+*$8NrtWUPQIXjY-1f3R zSoA6p{z|m7t#jtVhcaD=JL3;84ld(Ao(Q?qp5?sxVh+pxNMPadP`nYS#~e=_gru)J zC}aBv{lm)P$N(+D4HqPusjNZG6DM(lUvQJ}L~l=bGNsoU@2nSQ zG-rl#HgXW1e^Hf8DpKHYP>ZVvh($%}p<<7eKz3Q5qh5avxc4=a6Q6yk>&QGf^=t&a z_Prbx?3H;-jt5$fa)wFsBk{$}7_jxR;s4=jd~SCHb~wFZZ3PtO?l_MCfL0HHv8rfjtTeU zA+jx-+#8ZFGRYZEUJky23p>rASK=CJau?$rM;qF(T*z@)p10j}TN(~%9%ZkdeZ~=Y zbZPgAKX^4enCknd!Y9GuGQz_cA|MQXGQv>z^)ec$Brw}uo{O&bB!S0PIh?X$A^9Y) ziJLnzS;c_S^p^f)EE$_ax}Qc1d~0d`FXk&S-&8C+|Bq-N8x7l=uA{~>bTB!6v$3#Cg8+4u}`^O;0+EsP=dXREQoSD6;QwE!!PP&0!{Cq$;^Sp~ zxK!1EZof5B+|_RggJ-RVcgYmSww1!gNs_$9;sN+ymE)zHz)G(jjey^i>&@<~2 z1jug3WJfP3ke+1w#V;FIk6*~H%+}&=-*PZ+V;L!5>;uI&>> zCGL7ScB>`VJMx{K7&!#wX2(JO8xhSNsY9QhSpnl;|AY^tH!;6Qk~q<(n7G&1k-4#Y zTz}nrJaQ}vLhPEcW9%U~X9M_X;dP9(cR?$UdeD8Z&+E?%5|R1I0z=OZ7bbYohMJ8S z@=_Z%9FHc}-kZ@f-vv+qW(@G3+~eD{bd*!jI< zFm^KCu-6=Ks$U?ZWW*5kdl`;C7l>Y}pV-3e(U4)D#;VPt@rRJJ&Q*_Mx22YI7t^<_ zC_4e)j5XNO80Qew3L`b?0vd$s8B# z8(vA)^HQGls0BB_-^C8xnPKy0(+{+myNJ1#jpxdf>rqZ$3+MgOgo!$vSm5U@v^G%X z7bg8+8MYbdCay=vDtR8XNrGQ{SdZJ7;D9zQ!FK=cIQ>cxY+N1&7YaSt!p-MkYqcDg zQM<|>%+nP6E*UD$+xic;noEG!v~J??!33w5r^2P0ybEum&kH+)@i1Z84>bCB7dIR` z#!Q@EGUhu3zxtoYiCqKXb;4Ahd}9$b46H{#VHVkOLkrB`9l%eO#yC=N-4+@Qr2(3` zplk4(rGMCs@vXt4R3XQ6;MQaOT_FvLf1hGdqaE$fZiIc3k+9XR1|%=~@E} ze8ybO?O9g++BpH%8@No4H!8JVF@d^%)Zv+X0J|L^+&|!fEyt6nE z>51c5c~h1C^br`Ft-4I^Qxur`HsQ(t2Jm~s3eoho1Rs(z3_jQVK&zi!sQC4g=$3RJ zTil|;wTw3Kj(aPSJb8@<8jI0oniQS>EFGS#@P>n#KS`ME5Hze1Sd)tsxlgi!kV(G* zcd!DlZdRt_KGxwYSHzpEx5I7|Wh(REPZH$%lhh4*i5qV}1=mMMiR!`xR9+>)$7@Yx zxssh=0&(|w1s?M(?Tp4+p~RUF=W)%$#~+{1(1o6q|0Jg3OinZTpM?f zU0n2-Z2qP|Km1)u97js?%sD1(`G_*;*uM?$+^7Z98D)^V=ZLUFu0_`-9q1c%1g-f4 z@DX^I`5P?gdp#ipttijUYkxzX)g!o4bR9P5`9fH%CAs!~ESWOI6MM}MVW9s|@bCAm zmRzDvB)vA{(x7rUa4Ax};%cyH`n_n-lD>$O$2=z!x4nh<(b2G})E!Dz9<6Rl{mgdm z>w@FLxf86V&Gg5H;}L@_G|e4KOu~opTJxvSR}oDeN)pMz`2%Ry`B&oOvVxnbSIn-D zpGtQdib-b79nnBO1HS0F(hUg`)bLa%?9WKx7Rv`>{+TM=(Xt3#+LIZs^+yNeQ37kK zNhJ45nv1jN^11J;nUC2mG;FOSYEpaHh|BNsbcQzGakUWZ3XV55onUk??`9T**6>cE zgJ$C#Va0zl$<&?QxIyBO`0UDZmNGPk$gb4pj%CA9UAC5$y{Qll%LL#p!oF($X<;6^ zomrGu!q-XB;$oc_(6XfjWhGAGQ1uJAJ8qY4aFY!6&AH6-jyO@(T}M%SaF2NL;%DNB z7qz&~H3|GG!&!)HI5Ez@EUv3GqvGNhxbtK^Op!35<<~nQsP8d+pFbKpgP!5dSbeVb zF`lgt9mb^7it*K^G^FoCFV`=v&)?~-Ecz_WqGQr^af@1!!T>S zIeJfe#3GuPlXFwgRVS{V0s&(@xp9*(NZ3p8y0l-YT`&V&%BKnJKsEY0-4wi&-;#d= zLgAW1KY9B4GuCc>%`^;BNl48a(T#Jyc>7cf#(wMtv&0C|Mu|4&k(MiV)ary=j`DoX za98o~JsD*4`I%Mmo|$CCsAEtdct%F{Unav76#0VjEpWi+9O~L%!C^;yiJ8FmC_EfP zLYA%|%WfPZp=#~69RrR)vm>&NosAHr{*MBm`Gkr6pQ+2Um{&+Goi-UCVoS5UQ-z%q{@zI#;&h6K&zs|Oh|&BG_q zf2JiK^L+uYJEXv(WGs#{n+NT6xfo#_4cEGNp>@3;ddKF#zsZ$Q*W67kq|M=st0R7R zGYYQvA7UdLpOITdL!jPb4YoD>!i3lb=<}qP*^P9h;&@-Oa@H06HsKMRoxTJtF5Uo{ zxGlWV^Exz)RVU4}ddQ}}(J*dTjwnF61%}}SS}!<}=XOg7eA`;qGV3IJv+Xpod8veS z;a^c`rwUL1V9wX1gus8Ys|8P&CSC4w8tS98*y6%btTLliV38X^+WsPFe6k#_j~7E` ze>B|Mc>xCmccaFoEKqXWL!HHSC^h;pXdRzL8`~~o{^Q$3N$A)19B+ernent&$OpCt zp2iNntB^c1leQnd4h7d*aOH-VU~#h;k|f&E{bUrL_1(|A_dJIJg9sjTdpQZ2k_BvO zI;2h#jO`*@;oJ+_6*ro~X>{ zAh+GO3)J!s!Nm!?+1KClxT)g{_8giC%lkgT%;-YApnn}f`2EPws>c6(hQg)2i70Kq z5)G__;dXv5`?GQ?%<#AZ#~NO3^}4}NqTO#f64!QbsaNWZKP8MxOMk|zv=A;v=1yfOvfYHET$x3tZ3d4SZE$cw1v)g0ARoVu_zeywxbm>1Sx}Un2oA57!a@1t_`U5VPXF-`WxTB6^l&dMx(d`!;C~$N zEn!ja+FTB&QhN_|+I;dfoM@}TB7uLfT*%U9A2EdwPOn(&8#z9$ays4e0p>`AKMmy2WO7}H5J20@N` zmuSWjH9YY6GPy9J9W*bTfNvX4;zug57;LO@vs)8umek?-J&`2essK*gIg7Ve9D++H zp1_pSr!0Jga8GvZ1d9Y|u2$9yLv{+Bq+^|U`Q|m)QoRJmj{gMiDx;u%$~;^??*@DL zEsc0*u0+=)bIf}*K;(E(;1s5uhTR&O`0QsRT12E^tk|B;{E)_m-q;U0JyHT6;}M8b z8?h-if{)m^id0Kb@j~%zO)*zJ-C$fcCdEG|!9J z)(^*1q8oS(9^s%@k>HSVicJu*O{%%JM0eG77^Cz>G=23MFkgIuZO}D=oKwTOO43Au zzn#ZkSU)7Cmfekt)L|4wEq!wDc%N=QW7|h$i=np#kh9BRGu+7hHfs8<8yAEfs_8Dz-`Dk(MspV zbo1xspeAHTzosw2&-3&l>#TQm`_;ejbnzs#aGML$FQj35h68kjhr_X==`^@N8WitZ z(Te-#Qn7Sq_BwI9gO`Is)+4$v89E-hf`g< z1`Pa_BfhEB1>Ot(h;`pZzzH7*m^-LSq}{H8)vAWPNk`zD_RXh(-%qm@3I?#|=5dI# zEQ6s@llD#(%CoJo-ZFqB=M16nGjE4;% zI_&`vG9v=K{~1zw7aR1*^T(*l131`G7T*U}if*11n7C0ZSx&|qTbsS#VK4I+dZ}Mo ztaku8_f?vI@sg(!1_h$`$D1(iYY6^6bq+$7_F=H`4RL|rL|S<1I+m%t5Ij0^ymi)f zCN;+tTh+Ia1c$HW^_*B#vOI~Cdat6?gn77W{Yg+5j^ z27ymCa4a7*w+J4$OVV-9>%`rk6{(irM5@V|yO5ZLrNQxM?}%h~I$JW~33wmaio|?2oiKK}c!Zn*d$8*iR0;1!-!}ac zMXN=EYx@`cxI~S&lsJn8$qjqHcqw#-_prPrN6=&JF}4;dq)W--&$1#gZ56mQqP3v3 z$BLh9yMWE|t3gKh3*^bp#a51x8InUZXa7P`y&S#runE`hO{KTeY;k#i2fXUuPM7Ej z|0V~M!SK@zwEMc3)vs8DmPQ&>QFRwyObB5+59{!X%1}Ht_%~(^dCX|xIC`M;C7EA% z0#5GwA&!odq$Bi4(qQEvi0!bZ7N&i~!0jrr^ccoPW|N4_MZqn(aW;Gs_B~Z##%DS# zr?YNPfg!{YmkBw=+PB_ladiMUC>OdZ4!XGd>j2mmv5lS&Qz5kACcX`}V=W66$+TDp z@cvUnZcKN?0h5OE^LfFb|LG@*y>%bHjH`riX(i|$y{uZ|_;P;ZjXbVxKTS$at}#BF z;$loE1_s6`TM|aLDrZ5lrXhXVeGc+0GrN*>Z-xsLTMZ230)$;x&48UPL{)e~j~LGFt68{4-pM?F|=&42UKYjfWr; z??;;5qfc~clLOu{ox}E82?jT{@I9LOphm!JAihc6O$GH z&4FT{DELW*&yxBANI5A*yImfzKfDy9%xA;*uyZisYCDNl3x&ErHoWovRCX!)A81S5 zz}uT&+IpcD=FnJeV=jalx(Rs5@FE0hVI z6zNrOas8+R7-$p(1D|){lW5z55(hhpTh+4Kv1t=0<&7}z@8<+ ztER_r#bh!cCz;9SS`5IyB_=HNl`tQE-i8JJ=G^~IHhD1p7hWllq_Z0zU^(c+>d(n+ z*y>LrU-@`)>`Mxu&oHR%DIu=M&cTKC8{o3qF_wD%3Jz4NXEVP@)0%*^r;h8NARTJ_EN5r<#t)8#WOAMV#`c(9y~ckeAeI` zRI7Ty1c$vi%tlQpn)|`*`1A00iydG2<{EqGXuXTHXxZMFESI0jDW$im9;2XMy1a#-s29TvWFfz^Uz&_!@`9q>JlD~gBH zc~hO)zUyO%lFn3m-eeA!*KUShKWY3^tc}MT2IE^lZ5CYfr`ldt7Ob6{Fx*=i-p$(u z>st21(Sd8AT3?O&NG;}V^QH)y!;9d%Ovq>WWwMLIh3E5MCs2u3Vh4*IqS+>s@lnVH z@}Gt~7Wq5SDSv@A8U@1VfPvudQqD44!XWldKk>M`3igk`fSpnr{YAw8`8Gz}VGhlp0Ahd40hxJFk zz<2p;tbcJZCU3Y7KkO};GfpHtp$9Kb$t5xlso4Bt6Qn=cj}_-q`OJuN@J|@d_bhr1 zvNHBKbmkE_r7@H~TT=~ntuL^~eI3qUGMpQ?8j`a2A?WUY8wMX?V6<-*)OuZl-{)V$ z3@;Ax^ODhJ-E$nid6C&}$ABY8%13DJ40L>G?N!sHnjNyKL-Cau>CO`)@)dq*0kozvn1;iLqcG+})X- z%y9lYCJ%mG??JuWEuzvrs@T#x9N)QKz_Ulk^Lh2H5H(kwf1ke;Ul*tl%~^k7Y_ znp2O*vYRlduN5o9BCzpR7;D_u2&avovun@#*u1qlxbFI1V)88u-h3aA5g*dw?}%6^ zaeT(C0<3APdI34-F1VG$bU;sV9Mq50uij@NFw?qi`Q>qAsQXP}2hjbAY@QY)dix{< zEhj7S2?DDm=}#wHc~zCx-?|9<{%BCWHVxJ#PoeK=7Rzpxr$(m)-r&INxWDN#tWhoi zx^yHCP*Q+`=QF?rf^onH6&Uw66f{MLL>s~n5exALP%eAVwjU5WpIbwq@2Ubyolxb2 z_ueLYnc%?E*3_rJBXUASW zK^r$&>OV~a3^hzdX~vtlbn#gf^{<3Et0Q4V+AUIcqePf+i^+!r8sI$PHv1_ngVD0# z;Q1s6&Njv2hR5Dj@gukJ*^e2%^q7fG6U10?V+oxRy9@q4(4`8$H{yub$)aa}mFfQH z{?uHh7We*$5ZU=ZhUbgDF)yK(dH?dX(VvzGYs=)wrBf|z(*sB5Is60m$r__#p#dS}5B}TW4b78dd&%fIbF3I7{!QcoFi-7Qb|vLDl+T{&b`M$hvb*fm=U_CAyob47`iyHI1<$16;MZO+zPuq7X57)k$uiR1^1xFt zKl+6Xa<}5ios;3RdoWyAxhyiiWpCS+dS1M|#+f@uzlIwID|yxUCVbuI3ONN@v|ZS7 zFVFvsOYh!Azhg1b(XbAB2A89Fy(;fV^(C7MG@{0m;+CHuEMV&wK!y2KT)ny;16TwU~t_v+fOSjp}giDGznabD9|!)=|NX!Z>^s^`5J z6s-o+39EgeR@ap7?EFhkV<701OTh#GW8n8$7e@IGr%QiVvY%aZVD7P*T$B}shtKcA zZU6eoBk8I9%fh|jG}{x@8s4zDyi(|0RY&67mcaLte)ti64|XUeqPe#pjED?|H8V;@ zd#`PVTYiObAvrQ3v=w8;7}{t9rXtqx1T zOnxt%Pqw0iD%p*e(fX`YO?T_Q6oqwUxL?#=+fH zpUC;O$3Uq*NMvGZ$ijbJLz$<8g}a+Ms7jm`8BUU+@sjWG{D0q3t>z={X7V83-Vz3$}(Bb!Iks14RIHPMNy z#jSu{)uj-!A`CvqCx|}{ZXi`!HPD?f7%EYip|-5#M&mEy%|&$({q!_sU+yNx%FfR{Fd+2Y;&WL+499azm}PfQozs|m$L zJ_N>z=VGFH2TmN7Nv@Avz+3)|2MZrpzG>Vk94vvtdg~$UXt+Rhzso>V(`cOe{T}Lls6OR^b@zhGPOZ8EWw&+{HH}*Ti3D>=K=iE0W+Fg>rFo@ zNOGN?r*LvjF*U#c7FxA^*yN!uFe~L0NVgB55enV7HU0-0{M-P)csbp9%9fZKRgj*& z`(Tlc61?6YF66_{<1L>#JZ#Jr7~5*W2k-dAp1Nk1O#>UlyoV zYJ%GcH9o6LhwhU+00Y%h@alGXJU{9xu1Wog$7>R>=IJ0_m6wA1m&B6H1H))k!6n@6 zdJ&t-u7lFf|G;iaJPvrqAn%j}_t?FSJvwheuS@SkhktXp+$RSi|EddPCp`gGy=a)Z z&l=tYT*sOG3<(N#Bq2iQ=hwINmevOi`?ftMnu}0vLY4jq^V(Lm6VaF z?9kGX#C^`ABq=HyA_)!c=v&dCexKjJ{<7}p-gD0T{d!?c-4u+g&}5E(`otSOB4Ma& z3z2zueQMvBFkJlD4iqkJWdr_s^G3-LAYWw4Hl|4P?N0?R^je|coIH$OkoL#>lR8Mf zPadpm-3fo@e831NL&%!JNq|l=7B7xtK7G3|rqLg^_s-_xC_#EGw;Eb3u9LlER55?r zUwl?>Vl!}QvCuJ)rOR_Q`KlIQte$-a!p?c)1WQLAbn6P)W3!E~X^w>GYd!4a@>&=_ z;Ur`Z`h=>w=b^>eV&WJ+^@qyGI_jsQ<%WEF%xn?)u_7c9oy$Ph$wc6#OX(_ zk=E07B7^N0u>8@`Qv)c&NtNr<shM1Z_ET1if{+2>t_zD$WeE1U{Y);|cQ-)Fx!!UGn zUk2`u$MCkR6psql<8Kts!G597bSU2uFPSBs1tvyB7&A4cE|BJsHwZ^x_l$ zApG{yiZ-TQh0^g8p?bY3{N-`b7$C44Zc4+E7*%R}PLn$5DWiNlp$@56(6zjnNKZ&5 z>l*&y-j*%cnz_xyz3tap$fn97c=8Ov9G{(?uYRzj=oIo{x<4Bq{zAn&yTro7Ij ze~p_Uv^WE9F29Y2F&$)OegwPza5Pmbiol}P_rzBAwPNQtyI@6%9LNi-(gU+1mvIF2(NZ%a6RcSY|FqJHvH}o zo_N=vMp{VFBA+Kv5;PRWgQnny=SkS>?2H#JSMZ!y5j0ikCmium=kpTJkU2G{MQ$&? zkiScgvFr(iKboUK3vDOUc((&k-~1gjwrvz0c-I1>W@}NIg@0K8=!pV9G!Jy{tJ71N zVMw>d^Sik*xN+VScw`ZYvmalDC+_8#FSQ(B&lkGIy@@P1)s4O%br?209Y%xibm66@ zBjT+RR`l}vY=A?O_2O?)U)ZlPt?b$G23O?m&mX-2-!8KgS#!qw=yqc|JmI4oxXNfw?u-P;_KCB-)uy-4Z^4Xo$YS z>)~rjhLB@PG?EQ_-|-6}a5=E9MtCOjE$pg6_Nm`PA0@^AG_0btEblX1Q6KN+nt1_7RJ)cWw>bGLw0frjiINkMSA)fav zL#5w)a3)y~_HBscFKN^BljV8TWDBxowkC7yi^VHvlX1XJWx6te(k{7bfe)3(dlgLvfCOi|U`;dIYEXA-gM8TQiM_;2B6kkvO5 zJ0A4Hw5_42v$z1Hhh^Xibtk&2Z3A2NVl3_Z+zmrJ=D?9cb-rNx0b z5o{<6#RApaka_eHxc^q9TRQ^8-o-Jj+F&NH`e8w*&z}ni<{gB4#~noz>1y0>tjrTL zta;ztTcrL}8ZkdP2|9+2CiB1R@`v(ic+goI6z|62v66VP>Nao0)tB(#>{!eV&=KWY z91zWK+l46AMNIz8<2t=_#4(2HB)q>!yg~UUc~3CHK+qf0_= zxH26hN1edP3n^ZyfW^0uoP0@q3Dc(D$e;e(<=7eizr0 z=s6Pf?Dia7B&|-{9%u0h4gPq%cPRha;RTc8tguc_64M;21P+EfEKr;cCT)A*dh|2# zT-8UgA$2h9DK5i>`*N7ZuuP1w6XWtJfz)9Ce`qx70{%DS0c1pVLCnEWh|ne6a7qCF zxEu|3cb;I!BvrU;C3u??jGxUWQgJ|a*L!y1IhzA&6#*MOJ;PljndcRSl_u_n^@yj8+ z=DVM(w#QSiiYstbO_xjg9;2rffz~(96>V8SL~n~#X`M?h{7Z45BY%XU$YcQS$iE8p z8-r=-DoOgOz7)+BtJtO$zsTCDPcX-=9S;i`B$q{L0)zP^x9*w*ZEq8yX|1eyi1ZWu z_WBR%?6`uj#Y%Ltnz2X|pW~LB%cygT4vrWajia;UF!{4KUXcqVA?>EZx~UBBD38Ma zuqWVlT7kZ}D}_fd$n%^#cVX#{N8&FP`ds_R9(WS|g++df!C#j`=>c_Rd@>&Rb&a90 zU$?&Oe!9TkoO5270Ukp{!xkKODiK%5KEk9|hP+%|2VQt8)7%gfTKXu2ubCXzi9IOX9o0ahxV^ z4EPFOtH-d=z6=(<`W3i*j$qvrQ?PtTmhd@T*pKllSd`x)D)CRpy-8It*tQ-d4*p<| zpGp$p?+NCm0nlEY4P4C|zX;iIcegRzXuv=?Jh2!?{>a0IWD^v*9N=m51^=+Iu!G(n zLt{F`_)1~SA47P zG+oeek~-wwCnYW_sDIuJq{3s#v&3Z(u)YXQABOU2stak)ZHe*}KW&ziF_Ry=-HIMj zWmvXFfi0Qh3C9lCV8X|IGBx)Rq-O6#YQB=)J~oeL9uPA3d4cps%b390U z(HU}Ph#Bh7c!7sP`^lVzu{<&UItCa?)3WSj(G-7q?)U3EiQMoLS{$@+`++nZm^Fb< z_0pT98VZXdb^>Byx1??kiS{tf%JA3 zAapOY3B;(Xf5_LrDE~iMi6zIOvKKcPtDO*x;++*7|*{bgMpH zoo_+2{GLMPxn1;Gt^#!kI$i!^!7fpNiab5%mxHnj{V?>12T%DVPnUNDpz@?zC=DEs z4`gqm|H^qBK!(n}Ss?Q7Rpbp;m&Co}w5UYuS=Mw(gXScD$BKVCu&}X&$BeS&e!{%D zM9o*|EUkup<*C@#l?{h0f8rEx;aR-%Hay7QPMhv-1%0oVP$t)n=CfDB(YJlrVyehn z|C+NIb?IjXn?l&7-S|G(4@Q1ZvNYBfH1tDc<9P=1zzHEW4L5DCSVYYBf z90NtEs#Mlf7oR0q(8hK0-0MJz*u3sIPPF((#1fQ-C+JdxzF^u{bOi@@)S^0@O|P)$ zB$cBgFt%U*)`R7&OU-ap@dBJFTtAkuGI%Ko?-&qz?xt*7Nt|mLy zhlo~eE5oKWgK@U0Gz|J2%(6c>qwk@C++_7VuuQh$yT?k>5w9KC0`q*B5FN;mpB}_5 zqfUT0K@$pHU7*#sl3lgTB)vt$@Sy1|{^*qz-C2=Fk1Hm^jMUR`a?c*3^W2XvD?JFe znp;HW*CZi$wkH;zyMVgsA$(EyDVVckCT!AIrGN8ZL+KkSx?j&1HN!cKTv14ND^l7d z?1_CnteAB6B>Ye6r|5%{2`ucGO-E00gq!CqBd{0(U9B$6rgo+Am zSW^Hcljd{nd>h{3EcnzH37^r$k@#WvPM9OShLS@XaHww@yp=tJmOZ+>8M4_8qfK<6 z?+vo^z7^b`m4n142W|B@^Gi3N>s}A!ng2}buc-;7JY5#lYT^j-{YEk;h2fXGvv}sQ z5hVOXKRoCj$v!VXAiSPzc~R&eH1VSNWz8qlpJqVc3;fshAufE{>jYBr<|8(3%Y(xnUQ9&lBmKYtLX{9%8SH7nW|BOgjaiLEEZr zu<`jB&~)u5cY<4R;<2fy_HryWZx}=~DxZRP=n!f&LWi!JCN1O^Ote1pa< z_83w%kj6Ld#~0PB>EZu#k4Hwc`x%*R+H*gyxJ(Oo?9;>;^>(Q7D@LQ%Zm_B`KtD4L z`k*KYFU^dBBeyoN32C?4s?<%mPTLCfv_~d{!; zA$Sz)7Lup^jqLNelTaX|2D{ATad*utoRHB^egsAn?Xmt;5+~Bfo8O?)vMd;TLJ-iL zK7(TvpRxX|gE(iSG@I-YDC3ExvLvWt?&xc}*E$h!X?x1Kpb*Zr%-?ub|#Nn>Fu z9uqt!;W+#^q0U}SEO@XfW^Y!eOOMV&pXvZ%H-1nY9e4tg8YG0>RV@_HlH^-gQWAJ( z1RwdxlbS!QB;E^#gTZio5PMt4WMr?*>kNUuJq7YE12Q6n-AYtkDGm?@OiN>y{?hWy_z(6$u|{z za9;ytR*yoH>1E=QmVw-tHi1HfKEF1n737DVCwY#7`*nu_RX+OwmslFYQ$G`WVBQ$K zGh{e5ycW)nnVd(dv2E~IB9pAKRwSOOpULS9LrCWsb-t|CiT-{*fR}z&q5(Bd^xF(? z-2N;Ht(RHRyQ>_yQr{9jGGPR|JXnCql*#_XhiN6sPfek9JR4-jWP1^PrfoSv@v z3dbeJ@`D9iaMck9$B^GojDgUoiQvgV{Fc zRJ`zRGY0nh()05j`2&^ltV}HlR@h6yniHYywV?uC`sx6NIKE;fk#aP1+gs5!vv}~F zC(kdwOGk&(<-+~#2aK84LQEH~EAJW3petgE0D2!oR%JdxGfj0mIwKx>KKT=}{sHV9 zuLL=3zcat)MBLnyPJ1>LqjN+rZZRn+FUn3O#mfxf+>|5GaXX$kAC{%{9su*qD`CHF zIu^^;fT_)Ul=*v>4o>lcAls2Fd*5r(Q?Kz@G{ua5YjDQ0ec{*~ks==K-pmHZR6(p` zGB$_1^0MF>tWf!cl6}8G-eVrPPD65E>ntiI`k_TvHcq~M3m+B-V?lxg(^_{9ZZ43c zUy6HR^!Rps^qyi-&u76y`T*0{H;8}V%fy*=d7_GUi9#-M4nFKs<_|Z&29IjaCbgwO z?=1t^8$F6&Fp3wv@d|wZP-pt-TqkkQiy^H%l1;R;V^2q4q=}B-S=IOjbmod$TrA|d zrY1ZPX$oJ{zDmh%i?>h_OhpkI2k7xfBY4HGxA<0OEUJGl#;vc1gO9J!Yx54_A@{H1 zPOJa39ZrJ3nljJpc)*Imn-Py#$j%xl{BLM*Y4}a{j@E#QfpMrC_#JW@w5Z97fADe5 zTU01-fq88S_;1V--X47bevEHM`!Sw;qslP4eBpTBm3)OnFZ_gVJ}PvJWF)@(BgT{) zXGqSJi=x)bV(R*{7r!K5W|{A8X<<$*Bt9(^_#^#ff#pv!Q(_ssyLNzN>^O~!2XwOn z#p^I2ON15M3~7;;4lIv7MV2iX1pD{>6!zgctRU$PET3&cj=B`WhdWBtW>XE*EgFKF zgL1j1xD}?%+W>7LBI29jPVHAU;8f4|Z17GMK0shXmK$Bi%MA(et^2FZ%N_SbYcB^; zlP*cY!;l5P`WtcCxd>qfSqS6Xzr(^i%jxVuIsVSNK(t@Q0BSZ%qvE*De7UIuNdA2e zt6jen=?%h6mOYq`bC-Zb5=~_L??JYd0v>ogoUTur#f*lk@&LO}#5T|iNB(+^1wSHL z{nCEH5BnJXx<~WmBnv#L^#eoJJcgN%ta&$-Q}>W5+@d`VCYv@g?s^}}E^H>`s}FS> z)xjPZ%Ai5j4c6j(Rp9$7@n^r}MMcRYc-*WGah%{ARC4sAF+xVrsdz2!oG8QXKA#i+ z870MLUvO@3j4{FCB}xyZVD|0<*^_orG$`l@ zW*nZy%Y>O=&%IGFwdpiVex*aFPqO1bQnKj1APxR*R}@=X5&_CK%{;bq1WFtcn4p_R z(LZw&F?*do)3ZCuWvZKC(+mZEqo+qyJIk8S8vGYlS`O!P9Z#}L7ZUmXgC9T}p5ohC zyYTVL0@jpf#Ji2YS?%hSz~!xqnElR!4eT5VKKKCMPVFKcQ8DC+v?5gyx@D6mbmFpy zGr8un-OOvt)HyLU*!nY4vycq$TPB;!%-!8Wv?Hkq$@_XKL*@1fT#jrpw- z!k3Tv51xso`FeF#8g|$M+zm`oX7yokzQ2PnI`#pj-JYXIoFjBaUBQALJ-%$EBR?}W z9MtNn@WwU+z6E!HdYl39W_|c8Kb=jdbKzBf2YC@Tp3K^C8uf*_?sD*5OcXLu$BHAU zWRnB_7t)Pwk}mA-0BLIQ&I^JUo+PK6y@VUwWz0A)OX8x2@CU-KN?asQM?JlTBPF-l ztk4?FL!TWXONFlJx_P7EacL=h%w#Cxv6g?0-G`aNJTdiO6n4Fg=H0UfLh=_q^nI|H zMOY9~ckfow@vmd(t?xg??st+=`|(~rB1V@_czzT&dF;fbn&0fgth=HgJJoUbC4un} z5P@13EvZ<^ffm0%DQe!h8vlkBI?%>dYdH>UnMD1ouwFG>5UBS02;^V$=o zFe1pE+U8usOg!fBz`Mp+89#U$8 zi+!qy)e%!Ttoww$8Rx?@RUW`g_onhc?UTvOceZ@+JtsK4cMKLDO@XXGcfj(j6`8mD zlQ_V*6s#wH!>d8E)Tz4-zWH8&Q+s6S#DFe*gIc)1)PQc@xf74>D?@kBFZj*Jh+8iZ zoN|XEK(tW_-VRiv&u+}comUj-fP!DF)4350;Ro|Jjbl4c)w3@7SaggIhchd5Xq%7+ zHy6d@xj2SxMpvLIBM&=5MP%9Aa!4xO$mfcO@i%MjVByko(SP$-alPTk%iUdsp1^i> zKEfdmJvt5W_`Dk8EB!;f{eUL2d1`!?=@IO7SK}wwS>i07EmplUm#%5`g6l%ozft2J zoYpg^nvFfMhdc98LNE5C!5Y3z$UctpmlQhlF?>R{us1QT0GH`L5OcI2fBp;R9*wE3M6spO{E@#dKqC^9!=@(l*{Wc?)}TWk0;Xc8VY0Gm)juo(j#AEm7IHg#>?d zqb)63eAS9hnBuL4RtuSEuYC_uX*QyN%JVVKL7%sVd>7{~w8FD{D#3qM60eS4$&O2E z@|W@Rxo%4$DQWRX->sAA!eeVOcjyP)@&1u`Yp^kB^;bjHAR8W$KA$9JU4YALiNp z&mnVmBpG{a21dQwjcZ&Eg7}>Zd&s8>xG7cb z!>4Edh))i%7TLr)gWluASo=*84NQXYwMGY|Iox5YP1j-Mun-dY-!ZB(B8ru?Z6L22 zqH$f=SF*KfCEQxBiz?&CinBYTAvkmq`T8`Uy!dxn)RpxTTK*D{mVS(Dy|!S9>L+}# zQV@7gl4L~Agx2=N<60dH{1{t@p2@FS<=q+#)*OaM1jfYSlp?5_zQ*Rx_aAs`o+1p6 z(8q?sdm(YA8Z|Zy#fFxVu<_b$urk-@T_-QV@Yy@?hzCMnW)HF9X^=Z#nkP>>%SuPz z#op6b$%@kBEa&nDal)c#cCmR6RT@w6v&AI16erD}EHVSlnVaCFojo}FE@A3d6EG>f z2UbO}72V5O%+4L2*n_{waUzBUbq z^*f=LLNT~anasVrmFUj}DO>FJ97z)26>fvZOI(S@)7fme{7w9O^@Mm|z|5xjkALPr{O;&+u6@qn>I;OUZ?RuKNI9HATUs)#Gsb zD0|eHzY7}-_ffU}Na46s1u4&bVZ~V|c+#lN&XB=e^Un*kTRVuDoz$i;{j;HRSQxB* ze~7*OB>1ZNP1If=!Ww!sV1Z^VzHd@P$vw8It9lEq3**GCHyhx%;OJ5vGKzNB zUI%@8hNU-5rY8lDiOh`ETy4o=6u%mXN%5AcM1Ms=pNc#3^nozyXV|6!UfIW$VZ9#P`RQ{lNOZQH&t`u0H%PZ0O zNh<2;ZN>G!E71G59vyT27ToSyNIP2V(Cp1ka@k=z8GW=CC+S<$mKAYOyf+Hhv^^`o zQ&1|Bo$^MkEZxM~YOmp$sP%mM=4<#%>peIW<>G0(aq#SzDpRqH!Lw5?!s74dV3*GD z&$@05fg1#JDn-S~Vsx|0L|NaVXk9&@w|42k{^H|kJNqI|Dt2S;FH3Dc+3D1qyLho|aSCM+& zdeFLfo2kb?1hew@HX$~anPBUuouKy2+Mke{rCEqgnQE^-;c=g$~O?dWT^c;qZpcqt9xo+rWX zUq8FnZ^U1B9z^r=DeTbhDQtChE zbJaN)@5sgAp^EtsQKU=N!{G*geNCVm~|`|9|`2 zl<@=~T^&k>rX7VhPnxj*gAo=!^@X;yXfQW2pxfKMh+||k`y3iZ0tGJh-#EnPy`kLI zzy@Z;w}Q{sY>*9z?Z zAq7y(xQV-O&!GY5T}n#^0PL3;!hP>e1=YOG7#C}YiK&t(AAK4n>aT-r-hQySMfsVO zDrmXTf);BRL$$0X9b?-|9`w1veSK>_Tk9$$$Ts0fy`SKPhf(9vPA+=ggYM2@NSrzu ztv-$0R2G1Ji6maV(+{Se6*yfp14c`4#e_6lTvpf&nh6CkEmaovbPqG1Efr9BZ6#QT zRA7^(8NX8E4PmacpkJUXI&Jg&xSX3{*EA z4Qqwhan>VN}m$-y~%`hjeenY^7Jb^nZCrydoL-ztTDA@MLz z(uAbgm4esMsj%~kF1f2YS9EU27q`R6Chp#mdi@fCqXw&|6)GixHH z%aci(;1vB`q72ctC1ul9n{aK10gupb=9-_dMX>b%eK3&us9#W}Li@Nv&g^cj2#wp|V&SC(sV|DTPx{m)mMnHyH& z(y2|jIch2#3W`FRR~8Vp*`4pMX@kbc8|*bZhF|Z^M3MhQkgBO+bFxRGo76()cE_h|(;9R3Q0Q}c zEjuM1{o5X5!wo^Y@*EhPl|spz@pP&5Av~ceL!X!(U{MmwslQbb1b=)(%J#$}TQq~* zKCvAN>#m^NPjAqdC?UpEO`+iaZ0Mgc1tRkQgXO~Q{zc-C-_RxQC zv#8Uf5>wQEVqNN5DD*O9n*H)=bgb;;d8twF$h;S3y!;cOT=4+tW10C zLH2gdT}*QuEj)9EQqNX*Asdotv)WM_t5XNFbM0M3He8uno2)=^7BbWtWjJbrGG{hZ zMD>c(!2jF;uHZiqUX)J8n}b?~Cn=juLjm7uA(KVa>XU z^x&3T;2)<+=SMm42lxfF<{5CuOJ(@Nc{%8q`e47YJ{>zz*sU(Pk3;0EF~6xE%`Q#m zhIBP`vooc0>RTa6!WnwcPljW&_uEVsIKbgss&GJ^3-{0X4<{95L(=pfh{##XcI~(e z$AijAgZ){B}y0@P}kg?;DM^}R{Z(RJe@F>v?WG@WF0G)D(nyQ0(6``1`UqrV5%!TE<#!3$EYiZQy6LzJ8MV~D1{dgK5Ubul?x`KMpJ>BNtqs#0vY(uALJ<*zj2kE&N z=Ws_%AB>CA!Std^qB~cw^hs+zX4QRX`z#lT-bHPMS>JBr%)&h=m!(MO&eezLnKHK%L(U z?3=2Q^g@O{9c)+1HV55gnirRer+2#Zk@caF+$-e49~?#3b4{!zR0AWFdoW4hNW1qH zL+0C595mr0=v>f4UOk1Hj!VW4gNZcHAp#e!Er-c32hk-}t5I3@BA#Dkg*vPLV_L@& zaqS*0>YpuS9-p|uyb*=v>+Q~qE_86nIP1-hb*l4ZzyHv4^BN48BvW3?6nL@D04S)C z;HM9_yCw zj~@P!Oxvsxi%AZL+?8(+#)3p&YpgbC(UmWoya!g zyKw_-5%TsXK@ZuSBzyYbok&s7tMA15!a4ZnGlyRscN*__enKB5efILq0C>JTTD0m; z0jo(dr}y&valyXvSnfI%_s{Xhrz{JCI);FeJjHVlo`_I)BbQIv1k?B~Jn1}^u4bco zwdgIIrN0i6EPt>!QVybYhqGj6)HlK3n}j(elq^@3f!>SVXynlV|1BEFi*Ig(y3_@N zJ9i4vexXXEs{GRUEPuAJ=CEiyeqKK{s?m!`U(~*{u0kpufX=4Sh3!# zWb!soiY9HJOwSMd1YLqtd-+oW1s{bh$ZSF{oS8%AlLK&0-(7a)h$4@o|_fob^F{=M{Fk@II9K zEk)Ne4&rHB{|S9VZ}Oz%H6AaF#q-Oa;SMVTU+Ruv_u&J$GA$S8b|%7uh-h#;p+Wam zn_zI5H^x*;(F}U5mvBfPrQW);r1ILzM2dPF2o)jo>uv2c47r`gt#^4Cx*}+8j!AGWaQHEZe z7=&xTwShb-BmSP-agEeKYOV4d{Z5s@$-G6xDW!(J@gIWgKVK3!-WQ47n0;_PqCljX z7sHxteL%~nAB@`XvVR>`0te?PJd2o&GamdBZ*Q7Q|6Ej}A1CVL!ss5X?+k_0U#~Fh zlqht}J%QU*ZlL=(EuQ}56ZnToqVL2d+|a;~znO9pl(+A*@o`eYPmQbGSAZ zg%v|o>qe55Y%Bin@jCuQu>(i_zC-*K{^9(?fo#x$y;!1lmMyM-h%*N`@V(OyFrCKB z>`0L(*rd(n|IO(mI|4t67P~)X{h`CaRp$o`=`Rq~MmCn8tPQ7b1B%($J56MZ`~|GJ z7yys2B$Bu-hj8lVkvPlk4r`|r&~pR+*SbOcZ+aK1h5ZNJOLpQ( z_aV%~YBNkpPa}qAKjF&vD&Bm8u@#-La`P>zsD8CWEyKlhZ-V7K#J{P^73!E{%80^TJDEMep>Ejtw z=!Cb5e6ex}f9&mK)7{;JXMX;L#IG9QazzI86vpC3tH10+aV-XPO~I{OFTv&=W}rW& z1E&VHi(MMeid+|Wie(fIlXp+eF*sF$TK;n4+bw^>nePp->D4NjZ58FR0`@pNf!Ii_#&Lp>K2>a8#kJLz3kE=RD>K!!>` zI>-(hBQtuRFYH;hFl}HiTYuh`>wc1?38^B!r$C#ME7RGlrOPlZV+7X0C)67s4wj(@ z*|0qqSp1}LZr$B2F0#LY8SAaEP3AqZT6vYV-4tfto0mv%#sm!dZv)HPvmJJyI)nw6 zCBe4Y87(Z!AZE%U2$X(HzHhxxe5DQ$N&OOVFVLi8_vN5*&LEhYJOG{6yAhi)5%*T`-PlmZNJT8MwZk2)4?HnU}^_ z;J<_&u1XQ!(BfoOm_M;Rr~;mHw{W{jKdzs08$QJ~6FPsOjG~j2%ad`4qIH=Ta1#6`?_|#E{_tt&`&qGIHa$j6| z$nzX_K4&rw(1{ja`{Vg~f$@7s;HrfkJw>?W6;`(U7Q4}MTx_o~ov%?#vW`IINvJF z-_R7Qvfkk(;TB?ZXgQ8AkU|rETVn7-5&!+Y%UpKsV9p=T65R><7$DmNqwXxg#}7>* zBX}R%-%tiiHos?s{8C}m87rHZTS^nA zfB3^5_#9*U1vAOOze((?qda@7IvqR7W*8xH4-fuZ2D^S{z^=`zJTBl2j6*LpD6hxI zdvs}Kgas;3GloZwXZV@n1F7U=CH%O_Le;yXB8HAq|YH0H2SJ05xh_@}z;9P;RJ6om@j@+0JuHOWv zR%<^_mmyRoxr>ZYb;9JiacuvRp*Ze)JQ_PAzJFANqOKq?;)D~p&)G%iSp8yv&m$%?v^#`KQDi-i9M-B!_E3!LwR@nDF0<%Ld<7~5C5Pb0~ z>-{JL`LE6Bbgx2IIei6_J)Mqr#Us%vCJ-;*J_=?>OPKw?Bdo**Q9q^?e!iUmx}mwa zM97vUIOV`yjTbCu_I>CY5KGftFTj;m^8CQ8Ms%5P$W?zlW**vr`wp&$3wbKsL%5G6 z3jL9t;qw{PO`sV+>#;3RA70fAhZTO;S;b9#HptkV&Yg1>76^Oy8PkklwL=|dud$|s zEo`}mj}tv#B*EWDS3=va1E65|iBH9jW!M{}4OG}odd`%>&l*`QIYEg|^xcSFe~ZC%h6F9ALN{f^Po}0@ z3+}F(SUO9ZmLJW-rPF*E`{jeyTeI1TF=8lf^Z=iS3!zM=kKFxjhe5jAV0^>|zAbkK zPTyxh?e5)VxBM>B{~CwDsIkBBli>&K)&@2#csIFy*MNHJ4ub{hiD0*G2sP1M3;l)8 zcscJb6u*qaxdJn-W%4<^EjVoM{gHnLR|HgmsyCD4B0j!R%2HjoP1UA0{ zkMk@g+H&imKK&cEg=_G*s7sjI=n6VRPrx)?efVBKhF9KD;ktb@AyM}N#10mG->bK= zi!cAey+umYHR}v{RP+i{51WCrRsy){Z^wb; z;Q6vDyuI!WsM?Lg+v=U9T4E^ut`87Ybe>JV5)4i?5$M?y2P&5u@LI(&tUEOxrp9{X zw9ylI_7GVv9j(Z|cN@X2qusC}ubAAZeNvVxN#E6cQ22%zs|{CdninhLu9iGJ zdMcmoI1vvmA2rbT&j)mm5#x)x1lX#+hhHs}rT%Gyu_z*&|JL}*+9iJA=;4)R`vvY| ze)1sR*gTH5e>s5k@opA)GYDRkiNS56IsLpx8+G13W%bc%kk^ol3TJir@LB)k=)B`{ z{@y>{Rw)!s6S5Br2m% zzxVg&?|69ByZ3$0b-iBC=O`ZX?gYrm9Kt!Hd@)6P5LJvFg-?qcOL=Azf%{uwOvgP4 z`?MD~w6?;hRAp$mFo&ruONBYkQN(-mS2EO1Pn71>3yY!!*S*g>xNGtOJo9Yf_kO|A zCh*9fFAs(%gUuk(We3!@y~C*=c0qsZ8*$*_hh*B$t@vSTAAS|wd05a%Om>P&C;Pp@ zjp@{1pE>g9A6`syQOIrm`JhBX*8aV3ova;5H_+APa?G+!7UOjcj|hpN^QI7gnd z4s{2#uJ^?22@jY_lM@Efb~ZNbFw7d;Pby?b@JT;DviN#w7(jLDiU4EsGgyv}%xz~s zMh}F@VUuwKoGDwlQg9khwFT|Iwe0u&J6Jk=obXN$#+YGwXkyn-T5&ukG{oWE^Zu~D z@)wyuZwY-fzW`)2Wa**-)3{9Sd*KW{O1y5QCWdB@r1^)YK#JdH(skVsA6mAGM_zjh zDp#FoXmKj(T&x4JmxpoXl_QDXgm^Ny;S$S<`zY*KM$jFU+hAM3_b6AvzUw4#azl{R#xKWHFL+tRO)@$@~qhK`iCwqIbL=^5a zm|jd5oQ8`-#GN-DlzGd4FRSxzb zB_|pD9U6z&z-=r_-h&L2G+BlWiN{n?>J(|iDZeP4y%$vRA$v}f@z&|O#c{`%3I4VVU_I25vcZ2v557);vF2OQe8Y6`Iy{)h zEtSRf@xD0i+XdLa{FG>`Q9hfax{=WS+c-6KD*m<@Ocy1)!Sx5Z5VSjqJt_Z(D$^l5FbEH3@4)qB9?Z$PNOIeASxL!P*uBJrK3%U#ws)AI#3(D+ztjl+ z9uKCjiM^PVH4Td5dPLPlAH?PlqOopO8a(J%qf34F&_d7GXmrq*jp~eI6Z%`3{Ox$$ z6Rs-s{|a!#=;yl80GOt5It0;NkCu%NgF^{5{2`)EO& zgTFv^lr{V{ih~=%vogiV6UyBG!$a$}slxU5;-Z6^e2=^uk^xH{f%6^)Dka6FC{U@PN3?gIWT)mK6xzoI2td9!IKYf${fqD z!ZDR>7T^B?*Sx+%Dp&47Hthkij`)gC%bwt7yUD0@XS!&_`^9vY&>yTbOcYPE9fG67 zL&)Q_=j;*W2zMeCeCUyk@2?HzQmrFtdDv@A?-P;Ra(!s&aTDGi-zxT@rFQmzx&^XBV_C!AM z5!`n=O16y_vv-w?nZYU%J38eJq}z1jHfa^AYV%qWM`4mg5Y@UO3x=m; zN$8!(vYzf~pgvZQJI|G8R%zvmhcqN9??CF{wMehW-lvga>yrVy&aelVgV4Ny@jg zQSP#IFLshc4!U$7`H1q7EvQwkN*(=nqOtEavhTz-h`Tx#Q-w2G^w?osr0&SsaviR6 zLqzwwG!fY^>SgP`jfBmf($qUqn?^f+6Gdbxa&~~ja&HOR8nFV*TMuF2du!0&@4!L_ z+ta^u5@79LEf#dK0^D0o`E=_z(ZZk$;x*$>FniHgrnTJ|-&(yxzZDYH=UWR7w|UH5 zPmhC1+7t0;cm>w3eGAu4CV=U^=U87XxYd4ov7e2~aAuJuUc5Mu9bWuSI4=r3Qm+J| zQ}h@&?j6S7Z?_SgFmo}gLW<@ukl=dhBQe?ehOndZKxfN;~>l+$W zvHZ3AZ2y1;c16!xB;_?5*7m5;SuR)bRBQ_AvmYwl*PX%Q=`>RMF$23!*+FTE2Q}%N z2XadLag2cmY`e4prL7)dMfq|N)rJw*qiJyHVH3P@(+92P3h+bk1ZJGv2R>UmL`sXo zVeZ*{d$)a(+@n9 zdDK4mm&}k}4ije92>+jMcwQ{9tR<9)tC=aTjh5u$Lf8M-B^{LX$;RTSqg-yI6V~)J zW0ss7oN_CLdm6@cw67m_%39Hl&X3{1&~asdrN3hHCv84#++9d$wxosuZ(*R!985W| zo||p{342Q7FiZ+_O05?Na__-*CuWdK{mRHQ+DH zq`9%}J@&G+mF-n~jGcE(c-g;J@$2VWykg`brWR$2lf|#$y=^A68CHoU?g+aBh0Qpu zE)=|P-(b^D?uIj$O?Zdk#prrCi0A$KfXB7p<3OEq2sw8Z5`}wV_ar^unm0yt`_X0W z^U&ep8cCq=RLnYWKY*?3Q~5Eg+4$$O4o%Wt!k6D~hDT8gux!>Qm?&q%+*6i;ynj5} zdS4^oehFOQpItCT=P8?HCq;vG{BZOKfm?f9;IAIJiu2D2dGFPF{NR!^xY?x!I%byP zrms`+n1>Psw=Q_IC#ODxVcH728qfyfKEfNkiboPwdR#V{BfuK2`L6_)z*R`6d)SmW6WTK322T1^193R;D@? zIR666*NT|i)nL+)oXU>GU&d)~b4hQ4aMzCVf{dypoY%An6Dn;nbwC*2m~aW^6;+T$ z?oaKr?exI&Jcr6Cvq`S-39Qb*p8&V(O!>oDL(%hw!>n?01N%F@13#YIf_G1(;lK4^VuNqC zxNV5gle(rtFZ_wYYdP^Et$jY+swItG_!*4`Yvw}O^Ai{;AqTIA-(-`Y_plkcYt*QuMXVSo**-ACjEr z;*7`u=4Prv`$iYSkaKTv7^ifl?J69(YC3gy)#5>m#!-a_Nz7!I9To-L#3MTp)P|J6 zrotHJIID?lJ2Q-Z3}*OWX1VCC+*!2zbqmbw&ETGGqTrG+=1QOQq26FProT0y&XyJA ztwky*H+jP|6E)!{unr%*oh-10rh;H*rf;K$3;Ws~a7DPsB&D0s`z>>5LDDE(dCP`Q z&2pu$tDT^-@Gy(FmZ1~oT!-7@ZxA&*6HoQ)i8XUJ!P{6{`qknHF~8`^aOPc58&@k{ zRQpHB3Vg*MmzDU+HL?DX=AfITM?C^G>AwB*u;SeaoLV4xf zyx(j((>?%7^iHyhwo<%1rMIl+!%=3ww4v;3pc~g8`&DFU83yx8F2SKq2Sn@6E=SFR zVmRs?LiX>A5l>BODXS_UMqDmm5d6yvshvYJ2EFrwRDq>@;`DWJ7*PVcrv&fj7YPzC zW66z%ABORz>E!mBVE8F;*p=V-!hxt5=;-*smVLG$ZzhQNj<1Q}7OO|{!bkFq7ssjg zogF;5U!K z@({AK9_Fvj!26am)N$+rytd&gl-0UIzgsHEZGMKsb90#FgfyZvFp(_UB*C40G9j%# zlpRS3L8AhMF;L$-Xb!6avUSU0xhKoS@J@W zt0j*@{H(?cugFqS{WW&yk0NeOVv2E4M=CoTFrIm%Y8klPhF~x>$I}r6BuI22X|$q5VmJ>xGUC< z{{7_+g*(;Yzo9DFlsc1JtQJGJw<5-C_kyiv1WRbBg|6jqu;9Z@d=zjAlR|C_^YND~ z#%nOThR9KgpASS$oAl^}b1nGM!kbpb`jYZhf%Mxd%45hqR?|0t)Oj0nGyf+fYkvwi z8}$=9fA}Y0=gu)j?=#NGx{$ki> zv{HP^G?mZe;|tqh`=NYNwJ(S?Z_ftJ)MfbYIWjpu9`pMgA>DQcFP|}(Mi!Yc<6L1k zTHGv>95}rm-S{VK(cWg%0_6>l20Y5sQFSnaNUAQTLU+cx{JnO?|lttOubCHLL4FT zMpc=wmKr}OWXl`YkLR&!NklYIi;SKgfz~b?@Ry4jZSzq@!_#{3B{>;ao|_BOPtM^# z|3l&r1C~)$y&%@)(8x>{-ek531E6K{e(D_Z17@G{z&n2F=y=<=H11I?#zr}VbA2MY zw{i-q2;8BCKjo-O+bi_^wi?FFi-ZQPI9_EeqQxV0XxUmP>iXRcr=70@`}!{SV5L(O)+f9li;(Rc zzneRC`w?#G&<$~S$H1&x$B?JgF@J~I=+P)-UpHQaqEDl_)O8&kt7pNF87PDQlo>pA z^H=8KG>YEUz756_16YfcBHlbx52`g=Ve}M5c)Pce)k@rEx* zhehD8UnaQRR><4g^}&Vs6wII!IB3o$+-UI;6~76dMS;!!{iq=r%{zuE>xT;c_?2+_ z;3zCfxd84hrDdbf_OaF@f)8Ou9X54kk=UKr+4#;p^tQ-{#v^e==`!a|nkrD%nTl_N zwPCLPbu@RV#AO*PL;^{ZN`34slfAtK_E~O1kDzeewz>;EVzXHKq8qT|Vj3>wL-;-D zCm}-&aJ9iiRGzmMdQ@KEB)wMHef0zM4Obz3ZdUZo-W*VWKbX2kEXKh_bHJ4v^Fk{x zxb!_9{@H#9-w7tL1iq2_S@!7BdK{@Z8-2U~!I0=gD1T!|%C{AfYW)-#`>LB%HhmT; zGm+?}RyPLScg9a)S=iFE5T7>Zz`n!nBv>nzTyoq3C4Eb>MsI6oyuAhoAwjS_jc|2d4WyWv3NrAvreVVkP7xkSznO@*?+}L8t+aLU5F&BM={)3}uuJUHu((AS9ukH*936ly-| zA_z=-@|x`ZF&@qRv_Rjh8TvNfE*mx07bK4kV{W4rK)!G~_N_F-35HGVVn{4*eV9Qq z{#+uFLT+WF*+b#Enn&mUAP{>{;NCp81HS{iU}CQZjfzYXn0+UqEA0SN*{}m*?+l|2 z_X1k!=ZiKKe5#M95!;69ke#Q$BwLLaPd<<6n1_m8RI?B z>gfo&zxy1n{18DLzSz-7ks7=_Tt%LztSdYGqX74HsKA{&i&?g)UnC*q{TD82gaer~ zQ10|}@G$zx77xn8!&ByBNaSIbqja7v_~uE*eR%& zspL0Vaq2AD{qiU4trNqyQG?L9Zxd9uPJnw+1G!(c17Gj^iDdK-f@L#S3;m4yn9}A0 zziXuV^N!JUr&Td~nBfI2*SFGu*B%(rB={7hWoYWW!}vxk6wV~h;KzcRq2RSIeP^OZ zG>XKiHzJ!vtXHS|M`e=i-HAE%Yxm=H1&bVwB$i_$&0C^J_d|l0pdtO&0jup+{iHHhHu< zJ_&F`8qNMO0gvnoXK7y#vu8d5kZ@Rz`uG*&(Q&zCir00Ls5VeJ#Vy7nR|E)9l&Y1?QpjyaLYuHw`BRx3Kxi&ETc`4E$$of?Cg37I&?Lx&#B9z%qsrGrXWLk6 zwz>+X$Jmo%p+Bq}aTt3?7J}`=~y5q<&Y?Ue@& zn+xz@;C9iQ;wJpxpLVq@?EE!_u^f5csk0o`*&Skw$sKIpI+tZmY`~gTQ4n7!3%{L0 z@xl7p{A%nxY|ED7<4sE-Lzdx#ICbjRcNoWaR$!HVBdoil!NzJ}Uk4MHWRn23L9}Ds9LSmCEb9L2fl-$nX+lIj zD%ua_Q=R{zeE3iZ`Z*O!?_R@i-p*|EqGSA#(EVEG7C`P+M1aZL2x|3Qa4a^;eFj+k@)L%jDJ>c(fuU}xm^QQxbhnh3wO(QHRE5}o zAG4h~Gz@1;73}Q4sGNp0D+}nGxdY7PHMlUPqj>fw=;_Yow)>l*_{~sg&T0jB@24oI zBm>naoy30M1RsI94gM~wLQ~VPq`BIzy$3;!=nCE^(@zTaEA!j+-lor%U6Uj)SpOCy~5W z0J)cZaHeetS-0~OI*W?&Udc5$*xtbY^af!|MKG4{8pbj%4Z$7NSMbnCbH-#4;xh-J z(dh z(Ml|ZHO@w;b}b$%#8ucdVGQ*(wc#n2*BC0sVdX<9-gQKU{|cT!{mcyEk?L^zbzC^c z)fI^rKAy&l^~#{Dcp*yrsiK?KWsoxH7iX?3#P-zX=rU|7)I7dVd@9HCFxxgbY9SnlVBY)V+j|m``G?^Mk37#~edzqMQKrlf?aJ$>Oh4 zv}%YBwUt}|1IFCMkgA)Y6TTd6dsd;^-5(_Sj~EVFtz$0^h#~5vz>OO$1(RjQLDHYQ z_#kEnUbWmwj_8i#25tATN#QFF^9ut1{h4@IW;*Tu)q|^aCFrZxv#7W!g6po@4^qd~ z`1=`4@XWWz7%I$84<;w!*w@vVdBBpdd%PGOPB_!=hn|WoTU0SmsT7*a#n@GFfm9EC zgS+0Q!`U5?M0U+qzW#m`R?}1*Gp7cRmzwcyt3EKp1U={$@(jKe&DbE!i3SB)ab1%N zaNNBG{>H_Dgq1cF3`)i_``_&M@C3})yUenM9-y>ioS3bYq5D%t0}GkT$I>EP5LC*J zD+{cWzvpqbt}T&X?hXB^4%{}&kT3Y!Lz))Gh`i<1_|lr2_(gFhr0nPc*|%wUe6=Yt z+){$-jRy4C!V1=H{ue*xSHhW>?w~q76pfv<@v@QN^L%m{?PhzU)6$<}%f+hv#ro6m z*|iz=9ZF~W|Lw!cK}TWP>2olqERvt1-@tl_4?>?TeFzR@_YPaUTbhLz%ifW#1GV61 zk|zI|D+AGM?nC19mw0@`b@tz`TjZ2MI>-x|%Y6?k#O=Rw!Cqzz$}G?(Qs4FbuR6Xh(Jchdxrh=cRI-1`WGRAT}M6k9%g5EWglCi&k6@@>LM>>fP{ zw^u0Bd?9uDqq!G6KSp4@`zqMv+k*82=7VADEtvmdAb6a4cRl*0z)@J0hyR@B;newQ zxPS6l$WpHs_vi|4pc@;os#=YjWvTIzrhiyXoroR0kq>P<_duljQ+T;UiiaFA=Qiq| zyus0n?(r1zsKLj?lk?o@iLL3N-z(2`o91BC(Dk_JPXp+>Ys1~PjUbouj!m+*fxeU$ z@V`2dT>LIeKTb=8w^L`L&6AOQ&rL7VC@TR6v-M&7%lmk%Iv?j%^dJd80M+V*rDt4W zB{pZEGja`f3jLjsj{%sp$C8V0>BHY<3;yBw7yKu+i(FJ&4LgGTp~PS;pW0byKmK_< z`~1U{&Y2p8x$`fhx>5{ZANxXlN?{OwNmb;@dWrZ!M;(1<9|jo>7t}fZ5Wl=Xz{bKO z(ztgM@L_*IW#M?hKha>IIGpxb%b|ztYVj*yd-0}{ff)R(o9Vu+B0X{fYwE`|xD-AO zUTzqP9>da!H-896d%D@o0cT*mvldUU+=i8Qd*Jumo1!NNOW41~LbmdU(EskbPP8rs z!cgr{h#i^>MQf_Dbo?9iXvrdzqyCWzmpoXnT@X}}-^A{e95=`oL$dBA{5Ea{%Kr+W zb%qXLXzc~hH5Z8YDn21DW*zAFQ1GvHXoF_*Bf)i+2cC^p#CZB2n0)XX(Y^PEvGjCE ze^CPk(!r3Oksxjq)w8%$@^GX2gy?4X0`jtAKDnZG3X(vR$qM`GCyN{5&q#sO8JmNK zZJ(gw-)a&eIfb`55z?fdgb<+$Q)%v>%44y3g@_@DFzG%@R@&98at_ ztOX(93}bdxz`;-r-n}dha?0IdkZuaT5a#e>!nOb=R^!fXtH_P8aIk5f36+X-*;Z$v z+j{S)y@yAv{qEDsP~sBJW_*4C2V+N5?H4=5hO+LdI zyj%PX9k&+4Xx}_C?XnW~o|B`Y>kI@4#X)Qz6~a0Lj$_-*Dm+s?3(vL>p_SVm*`W&y zz{T|>*gfBX*fJSLHI<>3wHmLfRpTZ@8qiwk%0*2RQI+TlESFh_KM!@m;Radi!j+J; zjN^Gv7r>rMjwwuV+gTdos@3n|>p=l9uzd&*Rk{Upem_CI_y2&uGv!(LUk6O6=|p3+)aYgxrdN`ci;_s@v6EwOHd6Vq57$#mc$WuMfE}K5Vn|GujXQnVSO$dS1A0z1c z@Atvq%iYT#gp#y`dR9MAa~U?g5;2)>gbV zG*Q$cIhTKb_mPk^UUtTz4SUZHhsTQ(V8lQLN_(~G^UK@7FL5;;bus{5bw$uh*TC=8 z^B5S@g7X~5VhbvP=GlSp!TT9n(o!~Q1ff(=pj7nFHdB^#) z5c05Mh?$tvmIq*-Jzi1yBTyzRooB8p~cbCY2KRp589UyY=^iV6}5AdlL zB-%%dhnw8Nu)&?8EBPt#=ao4tF6>PK*Vt}%5-fv5c|gcz>&!pkd;!eqxP zJQX(??JwWO=p9`!_?#Q|2g&k54OhVFkrN*&WU%TMma<1pd%1(~`L^tK434`+@TKs3 zBS`yb*2bM!(IN>aN-fFftSt0f9D#kp+;M3{KFe~t0{iz(pbIPafW*|_==32QW%4~S zr&xu4-~9_d8_t6P$J0ploz3u3e1W>vY zBYh0H-dIhpGbslT%ap-DZE5PdPKXl~R2c+)J4Zk7sxUa{bRuM_y53uN(} z<2v5?{25zbpAW88-$~uoYJ4p!fDM0j!Q{qdnqDk{+l#wNFrGm7At~VD>_Fs~8=yyc zG_Jg%OhuBlcrl{|-#gS`{qi-iZmU0DbDKbt(~@!5g!h=U@-Y0~TZR7ukd!nR;#Qj@ zVkhk<*j~rb5sa6Q z0{VZo7rVwQ^I;cKm_yZQzAf)0{{AD+Ew+EKe?9XfZgZU^o~1A!)o!cO8{JnR)mEQs z=o_PAdj?k2sc;ELeRNZE7T)bk(0tlrzH4C|hFGZb?{}984)}9mvD1RT*;2u7>t{jq zosqb7S1<-hZ-Gj`5%9??gkba&7TY03lP_yf+s9Gjs*eRi9$Rqr#3<9R=30DQei-f_ z`VmYzHVe!k4{CLG62G6^#2&o*gWs0FXUitNgtn6&v@>@MN}TzPV+IQDp%IJd%k4SP zvHT_2H%NhR-ZM~aE+*@y=a7)x9=0^@J1g3nE3kma(Oc^%&e5GsHuh{}-~NT*>2tHG z(W=K7eBGbQpB}(7f)_*ZaCec*&IUGQ&@MRg${VXzAp7fatkrA;@AFjx1MD&pmF0uy zrwUQ2a~8?JIte7dBUFm);I7#e_~y8dMLhZk1(B63*JmXtulWyJg)`E?YIPPtG-%k0 z5>kDC9Hs^B#{3|=vw~*ebsZyqUX!q?hl;UdWjdPA4`S}7b6NY3dt(2zW!SCr z5bV|oIqC33meyDf!QTZIgZo?<<|+8O*5AX?>J=<*^%*Xim;myRKBKnr8|JIkhkK8x zp~S)$SXUIoA8TAIE1o%>#_jrwid+#cjy?(6gO8EAv4wb1XAqA6ZpDxEMWBuRDF~@s zz`FJgObS0T)b`i|gWy$dD>2%lzQ(m%n zF1&5K2M!HSECPNi@s)0;C+D!*{ug zVdk@qlucL%4Jz-&i&sbC!s&_Pfk}pVulp+AeK=U;{WMO<5XC{Tzcsv_W6t`syV(X~ zcM{N{h+EF(!ld;_ML{F`k#7<5T(u@JAYPq%ww;0zj8!#)etwFlD$5+{VOTgq!qx1e)qFa!&I&P6kB;O!1!Z{ItHsAq-& ztY3|_b=TqjqLc9Vzi4ryqL454-Gf1S-|)-L@m$i!89vFM=i5XP@H1r;+FBZdjHD@7 zKOTjKXEUL3%Mjl7pBAy6RlsjmUneQc^6*0VU5qN~XPQ~+qOraI5p^;NRu{W-ubJiS z-~GQhp*jwR7%f4!+?Qm}e>+)LzBTFlX@tXftrR~RZvig(M4O3)U_Q}4ml<_y&TtVI3Zya(M+vQ+M4BDY%E3bPAu!)oDoPQh#}p6Q5#R=r(9zx}FhIH+iQFLBl7nvKd8%$=rWrJ-A7e()e>yHl7oN+&K^XwoR znI2Bt*GN$ro6FGhSCbCjFMN-S4$vQpk8y>@HB=2B0&$xYsPi&as^0S#BO6ac@0iI&b-tlIjHlSN;hpn3ln%Hhx}rEPD#`aVQxKSn& z{S9NM{-$BgA|>G*I1FY~j-yk5J%FG&)&hfl3cla=52>~T+-`~hHqr!zLnhi%A_gC+0p!0k7u#j0O+3GTZY0>{;!T&t9#|25=7Kuj)JXb1?;p7hmGt9c=jZr z^8D$rLhUu?c-NB=+B0Fr9c8ikt65M!%a_~iJOStAOnGpTF%@53!SiOX$7c&SLIBBS zpSwyi>CO$N_Hr7>Jp;h^Q#M2@&4W{G$I&y_M7+>EhCSSIm`_Qz&gTePgC5ml!bHx#D$R-NCs2$xb@OU!Ret(Z%fzmkU zx-KmbJ{Zqrw05W&esdbQQfsrE^Up}ra}8ngnJfxcD8To{E_7aNCn`^WP3E7P zhHidoV67O1+cvJ^S0=9l^Qr{AI!XfSeZ=I>&w;c!c{|y?z7Lyq6fmiE9542GidwfcQ8cTg@WgcHMBhD37iSDfV%25 zwr|x$(Tu8VSbI!~ez|>u&o{4uKev>*nX?pq8Mpy=Pn(BnhD*5lM}Y|#rY)XR^98jp zXk%rqGnH$q7G0bd1gr9X;JMXfQSwt1xAT+cuB~SDvqwBJU)s&C)e6Mhwj}8GmBl4O z|MV-FKovvBQ?-a@P(2+;B{Z8cH$x0{!iL{*Tr|S8VfbnP2>Rx?BkfGLqKVm4@j`MA zaju-eiv;J$f4%qlrSv(_b$unpebKV2A6b-2b7repv8zu%N`J&A*x(USB^TZ)}b3mU7!YHE><>h=Ppm5vpu?2 z)Zadh?^(EuuFo!k&*zNz#HE2G{H+ri>gtNl+5_o-lQ!`|4(n-|`cu)59t*JZ74cP3 zI$Tie(w(a9qE@mTLQKmsP+b{9#)ZNZVaC$$>B(oFR%g!>J!p!-b5z--Nh4!*dF$N< zd^J52zU~)hd}>})YCm97WjM{h^b=La%JHVJQMAX#jFxRLM^zWWQ&cyd%3lkHsiP9m zR^bs#R8*jyCTDP4;6wOyc^X%VD=j-KwU95Ks0a1)t6^Y(3Qyl13oCPV>1}7Be2&3D+yZ+CrUePgukXH;zZoy!%iy zdK@SQxN!YH0>l2~akl%n3Ac!RiD8!}&}Rz*q4@iDNdA%tb@#7A<`8p!#Ciw}a2?P3 zr$l4V7%LnZza6=kB~{l*WyurlA?ZpsGfHhmZAUZuQurL-_G&#BKba;@{ZmJZCKTew zloSYm_<}60m1ai9e=(`%8hY4_;C$J8c4UArHFCTISG_*7ANuatY;S;H?%%;@Gi~V0 zX~@m@G_|1pT{%m8PH4ZOr{xZoGRh593Z!PY&KsOst-`0t`O-pkC!&w=s8%P?E~ zblxCtbK(-*E3d-I#h>9@OFtW+Jroqb7*ffH7JNZ~H@6x1l5BIH3h(Zu!s3iJ+@Nz7 z${NDJaocBzX;@5u*%?yXysx-DU!Ln9>4repLA<2tjMzSSG`L4ErgdW?iM5#?+o2Fji|6jek?Y+t zzWY_Fvfe?uZgeXS8h(mQ(D$Lqk6NJADV}+sNkfU<_h7YG9Z}nxK+oA(aND7ZeD{lE zC|WWb6mqrL+dGHgzitP*#5x8xrsTn@-!lAss48v$&jLnxkD)Jr_|rv0RPasxDo{T+ z1kVy#I;=4YBs;6b&nIbd{aQux`KvaaHhC}~JMKH){|9J(Mh@4ky^1e}527W9tkCZD zD~M|p+&Oj6z-qZ0U#?UDGKcK3aBm0}oHi#KOH;YD=S7@!PL+OKDhAoW2jK92B$X=n zD7$+~N~G~Bi9Z?T3U9u6vNtmf;Ox`o;@!-Nz8Y76SNarTzoU@FQ!0eUQ>!t-NtU7N5xR3LwPY-`?Z)^=pO#o$OL&BTj`I=&k%l@US7QSQQAHcJEmOVoI#FOpY}4Y? zCnn=|!O7R?vW~jn@IW_xS+?p{jPMy-Bv#YW!K>;c`K^$7K)0L#*}Ylt#rhJQubIS^ zW-g-hWd(DJYZrdkeL`|V@?gkYMf!QOBorkU;q{g0afQ%bF1q<0d*5nt=sXFXRRUAy z-D9TQSzw=cw1kz9YypFTmh{NV6~MlzGXVjBJO3L(ugs5S<{P8Ln{@Qp8XFHB);R#> zbjv{T#Q_{qYe=ekgdA$po2Mn;{{76764VnMwQ z@fI9QV=;b&44zZ%1%sh7IO!&^RsVjoCttK^@>oe+sWl7y153ym4Fy_0>!B!bAi=`B z$?&m&fOo?Tn)*WzFU)p@uc`Mj=(YsbZa<9wjaZ1ORy(l$sV9tIe;*clO@{YwHSBd{ zFf6hZr>N}-~03L@4w$%*ZeWpHGj=DulseD=kxJg46hpca7BJA zhZ#Pmjj_jZY^gu4vRtEl7ecdsqZ&Wr$^v>qv>Q(UmS~btvah9&VFjS6c4#YN2 z?(|`M7HgIr63!sS~B^Wit0 ztJ@~nAUEcgVS;?{iM~AkZ5w&L(J%5U8pGBfcj1Pl1Jw9)Fh72?1&zE55NF-R^SzAa zW1aHpTE~9M-_d5uF7<8X{Zd|nMZ*V}<)BOTKl;(a?@qWlt|KZFQfakyGY@`x6xl^$ zFxsSuTT=ST9fIAIaO@PMyl!Ew;$CR$5XK2M&-qTet^CcegS;-NKWrJ@jE)^A(ZVqg zSYaLjhjm@C?;>xk@Q~`vZLjd}zZC9WTF)k@bMR+Xdu1<6XDZ!tnawZlrd`3B7;?6j z|9CCppVz!#O5S1R)8$Y3(3>XFa^rrycEDV@*=G#q@9Co4F8v4Ae)`Cj<972JkGbSv zrzN)w=q3N1XHTzZ#^6%7R-Qbi8r6sVpdAZdLw>>~+<^n>?%9F7Xkj)kR;h=qPrtE^ zVF%@AozK+&=Q?t~_7%&`m*I(#_sQhBnexkCEq+m?!W|#{0rhVKmA?`%LFt0ae60Ob z@;Vuhvu=D9922`x*cT_|fVxfWB@o?@4i`(xZ5JkGILfMW*(=wW5k-FgXPwbj6~Eqc^7Al>>&R@ls zaN+t-XnXmtutj=SY3KQ4L-hq*Q2qs-2CkGmMlxY}-)Zt|=j-@s^(|PoA`&|lMq?QF zz(f0&D=Kd-W`og^R^Caf7r*sjPAwE_P1?zS*w4o*&*^-$&23ucdV*EEZxcDj0-K#$ z@xk3>_9#nW{c|Jb!zb*AD>EFGW;4EV(Xo6qvikw!JyQ7g2)R7|zP0kC#1s8ztgAe{ z_Pms5aDw6LPD&S7;*zXT9J+ox)-D;!pX<#ya&P}*RNOaesQlL5FpPGy#HXD)@EfZ|{9dwdYt|T+U8|^<==DcKBu?b`-EJsso6<6C(DFVV&>r4u?N^{PDh-4p&kv5MVu7- z4K)@S;4YE4d~cGJgVGEz?SRC>`9#a?LfK@;Gv1xwQ66;1md9&2@FW8@e%QGf4u4h^ zE;r?ING}t4+0YEWYUPBAggK~EIE{yd$N8WF8AW_9>-f$9?_<8 z+VY?=OO#We*Rl3BYbd!rhhIop!{Hr=QAx{9*gf76o=>~UJ+}R!b_ev7k114nb;Aj0 zoomTqja}u>hj`(yBQwy@rvf|t-GLE{OE_zen_M=ztE9so!)69{Vu?zC@~`$t<^8vM zJhNp3PCUCFUbVl0Ym1NawiX|ZN!!cO_h-`gf$ynnaw;E~F#rs&u2UZ0y+&;3qzYA| zdnq4U+Tge%WA0JYgY7?$hOe($rR+?5rTSjN=HPZX`kpUdyfh!A#s@q7`T=Hl*6^FY z&p3UZ17DhW8*bkC#Mfu(DQ$|XcxFX=Wu#pXxnD%CY)tBDIBKUS@9*B5uMc~G^MVHA z!zHG$roOMzYeEmgo&1!W-`o{kW#jl|#uoY6^fsHeB-a(MLy-TK=MfMV)qlq?A67T$2~5B__bd}?Vq-I^RXHn?ViY*Yl}%Hx8%@K zQua&f3%a~Km&bWl;TVaNAXIf0O%`-PcSm26K2?ju$D8=cEQ%-@8+8>GO-<>;|MSvSQCA6CHhW%Z_#E5dpcO&3gFJ_-s65?OMk-I| ziE*iepyF~ZXkMr#eed5@bJy>s`)|&J^1cT>_6{ROz%${`1s5!_Fck+D3PM)RUd69G zFRZ=kNM2cn*feg4kQn=&ET1C;zB0qbePZd$UINqDh2oSyPsQ#vNf0I4h{MI(E^9U) zC!c&F%=^KSj!|LI@*nyI}=F1}M4LP#0 zjGR|Wxg)m6$Ru1-D2i?)`MgwV%A6{AXtx#Cx%{O6mX(Uaomj=i>AS>+i1&&)16~U& zHr0Vi$-k-_Gu_41k`b8vtU(;ou?>t2kAbf(Zm>NrLs)#z490b72bpy_;O1OR#&=dx z{i8A%MnHSIEP@C2)}&jx7ZM&>a8DD3&^n?4o~9X*dUXRF>+FXI{wm%&Uwa+ym^B{ctjaq-9fcm|*T}1Sy|~Ko zm#{VvQO!sl9}L!}aLpUk%UzSp$&l}->GA6~#{5L@3uIh!gdx9o3X1iIDE0Xb z>au$|oex_8E??FQISF^+S=yFLr<)Ne@M7D=6sip9^nXf~1&tSCsHVs;sFAR^nNcP8W zQ1$pwxH>Zm4#>7Z)6Ym+^X&o{1oy!s5|=vSUaHiVSqgE6?`VeE2S}g16SmH^1j{wI zsh8O=@s&p>sCjxzxY%8dc;P}w(vjh#;xDpc(YxrmV>w+N*q!dWhKTtq9>C{M>b&Yw zgjnArTm04TDD1f39{(ofQF?1A{I=UF3sx*3)f2;UTa6EGH<~VPG*k$md*@TK5Fk|V zFQ?@*?5jqTsSp>QFCJ^%rU-6wCYwKw;2c|l(W(=GS9nqNO$(f$a)y?)v!VH#5=Yu@ zHpx%wux#3K3h$6b3o5z^i!|J*>&PeK*{^XF_`wxCT>Dbwgf`-ukw3-uC0^iI+#qa} zsKIr+^xgE z|Kxyb+GpB7=(V7-yNK3*mb^J%&&V1fLwNmuJ*-!&qEjkq;**irUHas?k<$GXJxjj_ zU)ElL;%?1ihuE#)XVwA+CD#=zJV#N|-xPXU5Cwsk?P)6OlT*n4nXxuwsc~BSN!(n4b3z?N8B}s?0xSDeYXu|2XPYp zIu}Xd>w_pLG81$+_<^!vxa2&r5C+7~gd6h|ifw9^cyY>liq)P&geiK5E`NHt;dGP3axNu@#4jFwerX5e)P>;>O#M(v2 zg>9>!2_F4gT=q!&_E$eni+c{c3t!%Nz^gP9Na(*#mTQ!uXtl@@4nJ6r7hAT&r-*AV z*B=&Ae|ily%e&#$;S(^dHWK1C4FI)BfYnFMCB`=3-3UX!^vUmI-g6(d1fz4;t2AYWgkTyZ;1ybuc(9>3wLRg};)wUjpcn^(#D zH7WKTj)LC%OfjaafNW1G#MN46y!*l?K#R3xy!C`|_VEm%UawNz{0~-!^^Zh@FfgQ%ZEqOPCsP-OX0k82dbN?iN2@Wo#^hBb#Gk(#I9l*0XwWr{NA@ z?HI>3clB{!d=rK1f1x!>57N5g3PZQLi}w<>M6DN}A#PM#%$aHf$G_esowa44`Y2qe z7`jY)UfF=R#wVfLA%weIwTjP8Z@|O7DYUHjpQ?M`X4BW7WrAtp1j(~oP3_$_i61j3 zlVavlPFiu8b__`*-&$|T82VXpu=JJ4HQM~&?n?NyDiQAM{}D}AL{VRLZ*pq53KeDh z!MfoPcs+K5FFl9wCI3M%f72boXnLl2a{4Ix6z(l)CCj1JA{A2PkLc?}HS+W7fD8Gq zxXoP$HSZhK<%pT^C$dbq`}U<676!brYk&Np<_jwZ9*3Rps)X|+?!(J2+Th=40`WDm z!l><6q4cG6zHNtrpKCddRu6@LQsz&i#z1&`sdm&>&|TLN40p~H4y?E@7ziui;g~dPlyZujGp9*9fK1`ySUsFS*%oSOE?c*=KjsNMj&t4D}hmT#$Eg~e5qn3CK0 zgZ?sO9?+&ID~g=4!Pf``8(;eMBZ)Sk$7 zhC?ME`|fDT$0}EBcp&M`M>}B3p%B^nf;ySOPDfn&%Z9o+Tk@sGGqSzf3n4B21Z6z3 zgu{b|Q$^4vu~B~{9PP1NOd073zf6;age#M2*6UEJNnJ_VR(q&l{v`JGZUrl=d2~Ff zmuT8xE@_a8Y4|xWnid)Ydd-J~Ve@0e!lJX_zv_fw?!O2||CKy98U|4FbsSQ}a9nA% z8AfE9amvFVqWcI}xOi(K{9as24X>xdW~C|jO3IZryc$H2C8nSi;3!)-@FYFHbceQg*;xlT|0!vcZD{#q7O#)M!>pRT*o=$g`T1I$;FM_LoA##+8D0?J@9A zzbWPTbH^C=KZ2~ z=IZPgTLtb7yQyo3JFp@(1`4N_35z=!(RzpBg2|*5F}kirTrzN^`2FM%dg|H&)BM&z zos*g3+nZJecAhAfta(RWO0oszR5cFtl?kC%`h4Zmn#xC+>NNUyTl_ZSjxc-u2)@6b zL@TZoE5;6kRIfnL(ETLX?4Cy!pCjN|V4d*IEE|l1>#1bJ9-8y7SZ1W^ASOF3q>TS! zsIGA(430E~e_Ov)&JW6grXq-= zxZ!h>bVB=buESAraoHHiHPj)aGap4S`M#=;Lu*9Gk!mCcrNarcU6QuMo?|6m!Uv@e ztsK6E-o305V=fnncP5!~x3L-$ORxeGp9JI80wdYV+ynG&a3oC$&ZZsP2a~r|FDmz_ z6{=H}bTCMrmoNNIuJOgR?(!6xCaxe&<8GX`bO3B?m<#nqJL%+smmsrh$Bl7OLbvZ1 zz_QMkhAz^DAFb1=^iqnDd-fR^!EE8_H<*imBA-*c+BrosdmEa}^vv9TU$S_lEa2Nz^508BCdIj3%8n z!Bf)&g+=}YFuK%O)wXdj1g^U$sQ*JDdeC>7TiqrhYTHnXU)>RPCajd2YZaGo(ZEyTo9N3u7VBucVN#<5Biq9NtpjyU((d|leFpIDM`bQQuhVH`pb#J z+pHygEoLVz)VJo_$>T)B4cmpAS(B;!!%lkCBa4h{)X4H?6&Z$}qk+>#g4Nsx(XYEy z$N6~Di1exOq=Tl+Jm~_RnVBF&_KFbvvbC|nG=&DmOcMrVE2O=dHCyDaLH$5|^t~pK zO4}xwo%fpDM<2ay&2$*NuM0Ro+5;Xhekt}Z{3x#MlSKCS20&f^ zD7aR5&E=?RXAbX@On#rX3ypm(pr_9s+0BexaG9bjL}iQs`N}~;vEyhs-?1Hx<~guC zM2jEf)WXd#7UHEfJt4nOcg&sh15EqqqRFypve$!$(h652);k*qEi<)PYgYw$8hC;B za4Q^h5kH!fF35G}~)1>`AYnkb^}uAei9r zj051P;lt$zkBJl3D&c##rmFZ4XCd?X5c-qpDfq5<=VFnkPIs3nV9YmT3QB$eSyr#(#&-Z8TzAN)2W6^RohNSgU2)8-BSHMb{@b(#TY2NT3kZ{x7#Ts@2b(iG9t zTzLKBu{?KlhQw~Z#B)!6q`uA3R3O_AUhOP+mfJ~AIqA>dR|45uEg3TtEa|BPtSrkr z4j;QO#oxA(vQd@GVBVR-czf7bs@Z!Gj;oq z8$^F+1D-IxH$7``#dQNKXw&pk9MCCWj8&H5kbXr%q3wC$dVQ$S9P)#Q%nzflPAYQq z(s=ZnFUL^lS5mI8v@2||QjSeO!#!^v;{6g&DKX?V?RvWhDQGtjJadQEiDi^!-IWWg zoq6q3bv#rXFHZPlzzfWrIG>I9d`BJd%P0~To?A!z~mRu{gE^Wnye-Hd;7C6xj@`eJ4<|&zJe#eIS2o$r%_PgPPDvf0$P{N*=Uv) zW*umOMG;#uW#l6v1%`vKp&D2{O~M)Xq@28C8YutEaPcuy$^$coMYXif(U-r>N)r^S zBXRkU?t*7lG5Hu;V#j@Z;9~kES?>T(ynEA!_U^U8>I5zPb0C}h2#q{4@C==rbe&S} zJmP58ucAYLHGJ3X%due`^wo7?xQ!A`r^bw5fe#v$o zZ_7m%Bak8^vGdh8uxNGbF;i657v|sml^!GBb8*Tyvdjj0bQpJ;tt0@Rv zuxq&-TRZ*+l>?RNt&lQi7R1u0*8|b+Tpjf|JsDQtvc&1e`n2gn4|bsYux#BB9=t_M z*%}*xeO%KZ;QCnZxgrK1+6Ul~J@a|Mj9pZ`@IUx>T!&Q?;}x?%Ok|A{1cNkw)07$y zj_)~>i^96$s2+jbpcRQv{CaYM;`B+Y^+^Vv_Az$kC4a7yzT z){Q++9kfC@K3kJFnw&tm6)2>a0DoJdii(vU68pfM-)Q%Qqb3VzOwKEC$jyVqbx{TxSr$+49ek~hHR+s=; z5Ve_`!j=06V%^Lu+*473zI9hIv&%%jwP76Ye&))0;b$m(NgMc+*b5E46LDzYJ@hLz zgR?$rv20f)K8*B2;m>3^{39B#1*YKbL_ohrBXs<45?Y3ZvrF)5x-@DVUl=?G^{1PI z|I2ll@sYS8bv})rZ%8qc&UQyeGV4#cK|LH)@ypsDaHvjOc~r^(2(Q`8X5%l=wWJ?l zA@!;%1LyMA-FBe!JWw#nUc#Nb|Dqg^lcebxj(6>f=~`hRj~bQ%%eNRxp83wWSIUFA zDzWx_0&k<1`tuiQl3f-BeLRh; z3!`Y?xqFITr?+tU{1TdN7mhga|i6SDxpwDG>oO|MixYFYi{TS8{E(FAi!-8eJE+mo6 zq(0Gat}`pgPKBGlp35sw z7!4rD`yC+loiC#MNBlcF8aL*zgfl-PaltniZrvQiy+8WVKf|m1_t;?=R-(eQ%D3=~ zM@88G;d8}b?-^`o`5kxM|BQ=9){5iSs49=lFy?341a5R!E-OjPj`Tb;56 zPxIc=@6^Ood!7=@Y*IP7+8FOFtign+d_IvOG}ssQ*kuu3P9Ny1mV2 ztFU_tp?`lKIb8Bc&iNwtE|BBjiM4dMc?y0%98H36M~R~|247jdk;a}HE>B7)LE^T3 z+-=?r*zIK_uAj6`&~p7nArU%cw(lP92n@x8>eEo>@s^iOf61nu+^H#SHzpNJIoJB` z7`%KsOg?^}uLR7+LsQf z+#+93H97+PFm=HL-6Mn+&lp}@JQpIGr7Xjn(_tr6BaQQ9-02F)d<&_2gv^Ko~{63}&#;9%|YJx?^=Y^JXf)$@nI&>gtJQNtprQDftQQyH&n_BD_;V2ZB%GkP<2-OdxE}g#RZw!j z2DB@@#hFu&@pigQ^^y+ZnAvLhe$ig`WBf(B`@N2@TNdKb>qB_;nZc}_xdz%*U%@Z= zT`;e4hS*fs3$H>BFFLF#p59$89_zl18-2H+PC$EpWUv6g7v>2oOWq3yWAo8cCrkL* zJeS`Ot)na|24};`khb(7mi7-s%WM}kQ9}-EX%g4|Sj~^u#ACMGBupA8)m>5Juw+RY zqT~b2DcFKfj`yLgz9;Eub0ThB^+$ZSaVrbU2jUC7TygnGrTMP z+~Lk|KaXM0@JSS$y$e*Y_LX<8pDJ-(7#wFVMyrV#!p4{kI^$N7S5Q(=+D}~hEkMQ29B*pcS?UXuGt)cVRM7-EG8Gl`<6YFd~Ldbw5 z91;BrjBD?6(gY`-vn55`H|!7HR21-{*i59IWi%-%7+q~L=&rJw>N*+IrD9VlKko{c z%TxKmiy}5p)`OG(GKBV79xQwu%W|`FF{;O2Ja8ly?oGVRGu!pXhXwcemZ3G~Jr3cX zluQrjuArmID;f9LL;iUwzwG-2*d^)hzdTo$7wUK8B>W%@uD=WsVQ++=(Zeurl{Z)) zDiER!fv2^r#>Gy%#PWgB@TKS#m|A6l^>uyarLE>zp_|0|l6TW>RSJzWXa`B=$&|ai z4F})0#nplp&YD&xn4LU;n|mzb#}_`(>X~b>^{pGfTUCg~{1K*4kD%|9D#bxx*70zc z{^HvAHqsoR18$vi1)N9Kg8#k`d{-Hc^%V@ypYFiUkx%hWO`bR;Y9kH$X^l-&Oi{c3 zv)Ikio+sGF;|y0#Wx&}6@bSF}=?_ylV*Y(`gI^rx=Bm+4g)=^%q{;r1zL9TC0Oabr zvfUmH4xMcWh947fE7}TjlSjCHaa%qxy*F;l=%*}SPz2MXJS4V2XPz|q931fJhkpc3 zIA<}IOSTW-qBIviTByyn8^hSsaRernT*g2TCEm8O;9m=;@CRcBmyFHe$k`E`mllJ! z<~*$G^fLu88xrX!D7mH{ue>O*461I2}Y1NpeSNs|?{~=fzorlHqNU8%D;-y;#{B6c(S~pcoS)kbp zS&0YX`P0fUbkpI7uTF5U($09WVJ&&F2ZyBO2y2^?@b9_~ z64NUVPqr`T->=pU(Yc(118^Qc9q}2?%C}-#emD%IE_mU$GavLa#D2%MXv5B1lp%bh zdHvI&apE&d-(-kg`=rv)ky9`z+?AUvUcuqI-L%gl6NdcC0k7jlR5tZJjVay<>17^# z95ryK+eJi0N4}@;B>JvjFRa#z!rw)1C@OMbe;*It`z#9+$La~8(!EnXA`hoYe40s_ zETlx3`&gQsS1$F8}r=#JinP&l+U>JW?F?qLNgG=rHb@hy8c(}4_(9g(=J0+)imIFM%T%!>s@}h!i5Xkl#I%UrUWtD+ zgE%iNk6T4g$a$~INo)1E)#R-3==*ufes%&(zkaO}R2y7Ay;z9ReMZ9kxU1kjtWm6( z=>h!@=;8W?e9{eBPX^GQ2UoA8F+Bq5`Ia}Z%1#d|$7I9UUygk6;S#(Ttc4z%%oXti za!KE!Ge$jV4`(W+JK~2I9FZ^KkxLDQ;-M+{yZ0dU>|`nJxBP{cbK~iy!4G=9Si1Y0 zo(R(y^yPg^$5MQeC!$eZP*v_SGXT;zm+V?uHP1o zF5aQ(BWpmnRbub&Rbx86mxs;&0aZCmX;67ItcpB^%P-HQNoOZ;x?8R=v$`B+Mcjkt zAHdCcTpTshn(s`sR($xK3)TUaY~G;45BiHZBKZ<+YyTP!=5MEU;qFqOwGsN;YvZv| zQr>KFS9t1u25wajCP`7uUB{SX$|w;FzFp)Ij#+H2KA6u$>2SP%36+JJV!YFK_&Vkk zP8~jvMX4_=nPM+$jX4h1wPQI_y5F70ji%D%M7sKUDlFHC6&~N$;YF3fvT6JDVCu&# z#YZh0Y;tQ9{*B)+nmjHMb1uX{wNb00{g6{I%-ltqt%p&Ao@Uj*jJQ^x6BTCB#p^>3lJZYnlB)Z(?uV0_-@092lD$Cpog<3_myOg?i5ex9oZr|u`< znfVL46gd*jTH7)oE@c^gwMgwI8I#37OSnu|5hE;G$Cu>X@>Oq_i4bjHF(`8 zij#EqVCW$!r({qcRM{DY_g?g7cZn0=W7$fQ0BImSCw|6&tT;u-({&^b-1`%mSZ*f9N5(StRY5D2Ind~FN3qCpH)WjcExs&^p(&Ezafez5 zER`Jw!?zvz!|DQB>Ym7RpT;Bqy$~PtcgBjry?Of99lTxDh*MYD@G6gP>^;Dgd~E(gMU^Mt z8ao^x47`axzf3X5{fx}>c_{QB-3Qgi-V`sl*^F-zCz8SMwNTwYliz!P=PiHENeh%8 z;u@=?G)*}Yv`Q`M;rCRGboSt=Ych$A^AxIA9hCM=5%BeTJPzEYCl}4`iU&>v2v-Ik z<_SxW$)0?i#|y%9`M-%{Am`3b9&y-^<1VyC^DIC|tF9Puq6k|P;w4_SChtsB$G16l zSbKQ_Mcp&ugT1D3$<)pKx7tYXwMyh!W%Kc!|24j9c3iyQZwYSpnv8uUP2yt>HQe`P z66=RViT#?|Nj?z^9z16Sc>h`_^Z1$%8q>d{rCoRNUr<*zOgT+)o+flIU@IQIo_k`84i}AMUknhq^fmBuy{; zv9*#b9bSXlx=LY;Q3V97`45|7qN$Lbc$VIB9v~Z`;AN>|(t{RQeDEc?m()>eZ3^!9 z8A8i#tg*C{52yw_6I)zLDe%M(ad24#K*AZSd#aB?S$gPt>l(C3g_s-1hmY({ z)#-@0U1w0|-96xzMn~-EP!8Wi9Z^fFA!WCkLECGwSn2WtE`C@kDmLw;`6n;HUW5JQ zvE(Rvw>cpGm-?5lwtOHTzbRtqFE^eZflz$URQ}w$9p?5)XUkYae0*>aTD9rJlOA{C z50AC^-$#4=uOO9@Hm!p4mp8C#cRd_l>j*tRmP3M-ChwN&0-am0WzLQVcw>Ahw{P$l zmVEjxSZ>-v*%57c1u(_oj zC2AamUGd8~qBaSd<4fqci)+dd2n$Jr|`?hh2w;+$beS$kOd>kd@~*P#8q1ojq^@SpK4(%<|^ygknY_Zv=x znc-V;{Owtg($*NtANsR>w8ZGVVo#n4&p^9hJ^pP_#g-Mbc=U|~PHIY{^7&sB8SfTC zy0S_P>uAX)c8`V5z1neoP6;P0*W>+V3A8+aD)^RcLi4mz%)Y#WZEwxx6Dx+|y_3e= ze(xY5?C2&TNM$8AeY5A&{_DjrcYE>E&6i--tda1!q)Dt=Q6~(LxEKq51VGncwNxiI-vqO*o!IDx2YyRT2e)ZHusLcW z_n8I+fiAXHzp5MCH8C*Qw@xbX36*}qsT zzSZ@ZIQg9heAqJ>{S4w^_v$p%P!^!DDG}ct+<_BCACB)~O9QN`g%D#c9GiF%s+~K? zv&Y!rUs)>kYrj`9tUMoAcQ3(}>L(b_b6Ht{GLeY`DxKBbL1`w#KuUdQp!nsMlIeV4fEK@>S2T#J^uB``ctmtDj5 z&}PX;^eBH3YAwG8T4Un*+6!;^9j=DfnUY7jLjXRKsP5)@mArgs3w@J3UHjh~@v2%I zJ~ZY%f*ZUL&BQUv)pNHFrK)C)L*J~ z1nF+MF>MkxKluj7I*#Yeg(=_+=LSD~Xo98ld%+fI-^_@;7<+{NzPv(} zs+&>$=1cMNWOEE&vImVlJ;h%Yd(cp4yKH~Icx+H9z+tJyiasB9@}))6tTAkm@b-ow z>#yvF>D{J5*lTYLX_awe+f~ee65v8kKHssO#|A-BY!G@IzL)=|?`7R^@}4^A{AU`c znOcy8(3ekb5NKC%7f=ig!R|N5QBSMWvh%Yu6mvgS3Qi8&L33L>I{mRmR1wFa-2a96 zRAnUmyVeiZ99YB-zngee`XM@>X2wbGk$hlKXG~-{U0gx*FEAPxmS2M9A73amR?eYa zer@HmyLG^sb7Xkxf(JVMjbnfFbXuI!9u2b-aLg+oE}Hp_Zfx9*MLUe4P@@ZmCTg<& zMh#3lnGUw$R?4#`Lof;d(75zYG&1Ts1WH=5U1P(DH!jAbr&gfcGXl$_w~6=SbI?EK z7Jm4fOHJcLCA6&uE?T;u<8F3hC)Irv<^CLI?N^1){$60zF@)2+Z*u!?L(y#3M6A(p zK>xu;a_hVT@mjZ5@tH#%gt&E~|Mp6G#0w(uEc>9FK>}@f9L(vxFLSy3S#Zw2Ktp`4 zV72B{{-bKjKT|4jmee!$G0lRY;|1`pP7MPzbZPTH9~v|4Htk(~he2;0^M=`ChDuk~ z`*0BMc{`%a!B`lv{Rmyr*n`Qd7NhTMM_dxp6E5934ugVpX{S?yuq{QM9nJ?}(vDid zoZ;Lp_%zMG<3`5UqRCe!5`Ugp!Y4Y|N&1Mbm}8K{ie3Yy9L;{L-+3gGvOmrnF5^8d z5xnDX6gmtZfiZ#xk1gnrdWW_OG))dF>w>|?>Wu*Dg|gG0u|nDO{iI{3Ps5L{;|7ct zcSH;5zpsI6O+zsuM1${Gc#)rPC1aod)IPA6(AjkahQIkr4@-{o$ahIFD>Gco+BuUW zw%YQcGEcmneuEx)28$hE?!a|9l6S-;06y4tL0#Pjj;YkbINLyRNLelI*$_+0yz8WD zvO-upO`CgOPlw-aR@07UxiI=hBRK09)78T}ggv`;vB4uu`2OgzBEqjDWshr+m7m`T zPP=qj<7g-3y&bvZ$Wb`;^%-2Wz?mz?ou#F1exMlGO&qBuWj$r<;-Ou|w7b(}jO)|^ zf80#K#qVzlZj%ilf1DQwhs?x?ZbwKMvx=>TM}hu5>1@8W!OS~Xxjr`=wp|&6F;SP{ zX5eF;--W0g?^30vbBC_mg6N^Thy#zdqtHhT2hM3i>XX&zX%fVKIT;+^ z?jsFQ_v5ObE4gcm7C5Rjvc*k_8`!CdVse*)rgts)Xg-2i|7Kpa;REO!@8cB(>ikAH z&oAP~@x90c^V%ILzSv`?|+#SRXGcVDptJ(Zze>A!5C=ve6tpy8}t3pXn zS3JA8J6kS&3k^GLnV&9~&QgomYxySjU3Og7=TkKO7jA>|Tu1Zf5t=ljQI#Ks&A|8* z4Z;TPHavCqTyS)CMQghtxX`a0n*BCat$*8@`^V*C|UBl{%7)+{u&AVFMb21_Lgze zl(wAHe5Yz+Wq+(bkc%5?A7f*fl6QE!q1*6W_~u$lH3#E`uV#t7Dxe*eOxs3LZPFRE zw6U&7Puwvnk!_Qu?`d|UKEidVyO}FQElK2%=X#h`|B8$+tbq&4xfFS`E4r=zG$dz8 zINY8&R}8!1!zM3V6<)0Ye5j{6p6!zg?bk|Ln6#dl*i=MEt{j8!vTfKrx0p(n$8qOp z9dOUC2F0^6+l1oD^KfQRGA>CNh1J;x6jizjR2qWOwDl3+&&%M#_ok?qs)a*uIC9qhiU`&vGaHtuF`8Jt<28&S+z-A(SH==X$GM8oVI*?!V|dGs)bW5Y9Xc} ziHnxm@LQQQD{#u^vUgJ5u1d70Q3r+u^b`A16boOP*vRm!py5<6w$C0TR7bv|ymW=Q z{$w`ojg=V2Vfh>r(hNPUBo?My6wJBQ24~MlVNJd&j6QA5-2+4n&v*~1DWk|YFAc{n z&2jnnJdXwj+~jqYWkULx%@C4ViPm?0*PV z{od$jYKxYO7r?lDHNJAo6^F@N;D=!mR16B@4Q&TWvj7*k+`9vJ7$q zw>_YJxnto0EQ3d1FVL(92~`#bRy^nWB}%`&igyc)7ngUDrA3u;+^A^$VD^lBw*SXx z_3q=}%Uvn#q_wCU@K9`d&<$T~x=2e8o)Y?h(2{BrGkzkBXNz9vXri?HnR9$IPe^pc z=F$Ce!)#+3D-LDN;+?EE)Q#IWkLB#KK~(PW4wm)pFSa@KQf#~*3$t3PVR=>u43WGV zgKkVgo8!9pR?01(d?cS2Cw~{zW*i3_of+8GCk6Gs=)!1^0sLR-I<{?|!B!hiDtsTR z$XjgUaNRx+REED)y!af=vzwSS3hL;6?-l%Cf)1B1&xC7VM)KLbK{S8OMtG>)MHQ}l z@Z@D9{D%F+wQFxc@)u|Dvh}9mic#RZaTLFm?#1@cI>4`CYCL{kZ+`N93qC%o%eK%csZagS@pM#745>arl#EE?hY0RNo@-bU|ur|BqnWCKg^^>d7{L#$cG!Poex>Bm||-!F`vl`EtoN zNF7c*Z|()a$&R$tsV&;q_~OFU@hF-n(6pX6NM-4EdZ~Mn4~=_G!<@9x>P{REI%J9! z5vLUS^9*V0ph5WLdKXB(Q_1q5HDuTMG*zd>%Z`7Yjf<+c^N^G3X!>s=pIcimluoWB zoiv%mdbtiBr#tY^oK4vC-BH@qrBEo`-Abp8{bie7WSFD0)nF#jl+Of~S#V|M6T872lu!p@hd|N%8pN}t)YU4tv)_Egt&y2xC zt`=x_PnYKY3xE-Gm-CbLzrfeki6&b7fwpDw5ZwO{ov@CTa<}%2zV9-ny_7W6YH|WW-vGip0Q*_-~2#Z(mpqNS>=-AZ?2m1xFN9RR~BTij}7v5^* znKls~{cXb|^d5^9{Vr79J~9@k?A|Z=FJyFVgCDQHIGbPf8U~s-XYj-m1^DOc2u_fE zH|LLPA=Gxj0ZZIaN54)eDt{~<*f#}T6a4W1C_3+WuHH6|OOZ&~k|ZNi$jbPh>oPKm zBB5QBC=E?b6(S>BLRKk~l?ui8+?Qk(X{od{wSJ|&_j8`Vyo$QYXTXgsd7e+!G=X0pF$2eJc`br}WQ<_wp6NsHSfRZE(f3UBsuWPQFC59L+h_kF%NPRf&(t6t|O`qr{^ z?_$9>n?tKT<}+V&Ytf>G@)*!skE2!2;(&EVY+3^k*=mmTe*SUx{XuYp(lrr&AYACvIlEj&9R@~dHKU{m&4QAH7 zh~`w)qf&$;t+KVjyH_i5^d(bN;l_~d@$C>*xgLy@*V6FI??r3&Ugo=cE%8kJ7#5NA zly5Xo!BLwB*+*D@1C6aB*7NBMlblz;9z`BxBi339A;Lp2`K}Xl&S_z$pM|rp!VVm^ zD3v8VKfxb~N`^HyPgzid1bzG_kM@uCXz41TmfdOmr^cbw8F!v}MElXAr$0e^x;n1q zTv@$18rIDjfth#HaOAxAET{4rJhxfOv*L+dvfLMVX8gP2 zeil9XF6{W8%I0QEYVif{5~#ZOE$K^tyTRj+@S!(ot2p4w1ZhxcXLCJ zyr%4Jr+EzA2mYfCS->$DJdx~%&2?tX@aH_dvuQoPw3o+@&4En)oDE2uXK)d6N5H8? z3TJ1Z1nF_#d7EBajKD*r<$94B-mJsJ9)eTl6SBh^JlL(sq1@4q(56wtK7@?LTi0Ln zS8Qj}D0fwQUzaGj3H+&2;s}QSXGtqZ8~8nA(TH`vXQdK*z!d}?&;GRD>Q5jVa4`2EVUwq>2=1lfkW=V zdBMTtii0U<-U+^?ZN3nw&$1ifya6Q+>?B#IOm2Lez!>?wf&HiAL54+o;D1lZCyGYF z$e9)Fbfz87xpk3@@?>d(@NLkDD2Kq;yHL?fo%!4x%EqnVkM5`D(5Iu?G@@FYB!(rz z?UOIL#Wwxi4Yy`ET$2uBg?(Jj)kHdzKZn2Ke@jTMte|3(V0s}lmDz;-1qs8+G%9#C zMSYlo{HsLxy>>TtSNPK25lxivp9MJ_8APX6c?fkyGkW|&qv5~fiMXJ{f>K)JsPM%Q z?23#L9K@OIz|GM(?6EI?p0NZqp&fdHwsM1Wmcb|?OQB#s3lIFLW(o1Y{L;iweLju- zYD~rMMY{NTwI0h#s-mIp|CkMvpeNV+*fRxnR_ZQh(epC#rq38Ee{0Of>L^m?5LYfP zIi6^t40z-ZrRt0jHsjN3Hsi``v^}?*_5^E!iMAVkG&|20Ppx3xLbfAiT^l@o6AOXk zUh=Qz8)DsLUy8hu!!q6uV?|erA)47BHAQnT{IhVz`D*4EX%6Nu_Cbr@4x!s<&dE9J zP<4>N;60TI@59c(`whtJI|~knZhttx&jc(?-@#Z9WtRO?jU_sFaTD!N)6+@C7%tAD z26bmTyC{m){+Pnqv>)VL{%yfCO&0_|>n|bKF2b>cKXM0uBw_oa4Hy{r5u|3sv)#sv zuwhytOCAt{K65lN>Yye1w8r4JF)=jd!UTTXp^-StP|SAh(ItKLW3=%7G4^CnIHoO? z#Z?;G_zxYa^0yQ|>pBlBjfRo9Tb--~mfo7;GTL@zIE9AUvX!wG*gLxweC4;GK%mT(+1&VtcXX#&^GAr{Fev z`vLK|QzohOg^_;a4DqWcaiqL5hrJcDi2oGhvC>U~U8%JdJcJf-a`rq7*$^$BvwS@p z6xK@vCkc#o=TA(kCsAOra)PJO4&7CO=^EZbQ_V#BHhnymtr*KZHIqraH4F4J`@rRF zDaO?A6ZSqTB8^r@Cf-`YeVbkZhB3nP{$wEX>keaB9mhU@o*-fc1d9Y_*3?g~DEghs zJpSHfb&gxv$n;q>>YI>d|I$fkgu7nxgXc`My9nRw48YC0Ct1Ae2R=Sk1p^lOkkiy9 zz$%2l`37?|nJP;szKlmbCXbqa7g?daG=52xWQi{gIepD3r1mKchq`*gs5`Z+W^Nsm zDeh)Y@0Z}Zx&>ft{f^tW&66pwI)-y4V^Krser!*-#an)Y198%IXs`-_tExkwQCx|Y z-)z|f%VD5zd5X2)52f#^weYApkG4-Qq}sdEIQg|TEjsg#^_4EdEwWYgeb#DpRZn2a z7jNKb#}xdL^BODY(c0!c7_h2RKJgGb=5wRbEX^q+ExTzGyG}Y zk_@V!-wMV$wm9^uKf6DDHFlqOM}>#gSQ(IlIqw%jLSYcTczTJ+9kk>NJvAx$Vk}gI zEo9@=y&-1%UT}M0hv5NR1y}8h`hz3BFb(&3%Gr~IshK(44i`0Q(VN8Gt|63K>_gAO z6&lyxRVKL;H&Aw43cC|ofxVtzA$!*)T4rE}^-jT1tYt%s{)Gy?G8H^n{{qHNf6KHk z8nUZG|1{?GK@7B=$X_hd!3pNp!Vc06YMu(7zq$vo)@uy3&)N-jyH;VT;Ld%v`3~P` ztch7^sWjSGaH=1wVn?;Y_ly#KNSdcDUNdQAr4oLxuQ;2*ylIz2Un9s6FkquGiEd0d97 z=xEN;@&q^e>?_h95rp-RKJ)JTH}R|HR5H``x^#L6K=7IbR5aWRHCA<)==+{E3ml^^ zhe}xfaxY1IJj)LV;y~@x1HLEmEnP5q&(cE~dJL;VvhLxe#xDoA6$NO2z5~3+_!HA=9+;2mg`HVS9-YhcvG*p6;RO#5{O-e;^q?_Mct z5tXxgfo+oW@*up)h#=Q}OR#TFHCy$?3>^h7Q@nEypxlJEy^$(?@xB!-Bs21+uwV0FqfA{Dw<;IPq%_tN*y4`+HRpr-ZGbSsIa; z_E609{!S+^PeX|8{>gvil34nfZ?ItOB-|_afVM85is=q9ycTx?mS2|RhWyCj^lzm? zzOpykjhqXsbDY?Yo#B+6b%38zYpnS~0dNR4XM2-Iuz`@Xj3={$9Q&_eD^0#(k7H`;$m@j#mUZ{D z|3qytw#5{zp6o^AK|kQtqA=!rN^lH*8$*8&i7}*U45>b~!gAwYtTM^POD|VZ#Ni8U znRY3!HbRTJdhUQgUwMeHo>E z4BLqC(}3;BUBq^7X=k}36S%0@NN5}*MbbU}R68@68l(46_W2k#{E00yn0b(yPndw3 zk=0P%nFwQlL_$S$D}4X^lX8#UBhA;%uBw+8F- zuW(Ii0anxtZt)Y5Y@dV)E~u&HwLNY^Y1=NQy4;9AoS8{ze3Y#&5V|3eV`;9^eA4ny z#HVM%sik2jo{@RVbrejb8-Gn`MtcXjwB3VmBhB%b(B)X7=1GytJ87|u5^k>9%@$qD z=cOc?`Q%Lt+3Qoes5Hctlvml{DD9ybps@-&O44!Yx6Q0;v;%XW=Am)eKCzXR|28LwJbyIZw3r_5%A&`K?`ZpfHl!A^k5ydw1vAn#nZt#rRIum{ zcq+`G#^b+P{i-B=NgW z16{rG!HY)HIqCqF(eh|i8H}rHhT!hR(`?+IugrgNB<9!8XB{Q$@yOaC_Tu!Er0t`6paYdKLR~T@@QWm+~T`i_9qS6{{~!2X()7B%~IpbxH-z zK{M);2T8$)kOEg@+6W!~pW7WHq7g&Vno?;tmfI<=G75%F2N8mUXs;X>}@g&B>!S5Jp- zI+DcCo$TbwUr_9*1Yunp==P&5Jeiz;538!kEMqA-&UB^miT&L7C+pD0xDbZRAHi$J z3+PzG98{Jw!zix-w08VK*y$2a&GwPZZTT~{ePkRv6&MB~tyQ!>C62rdooyv2trF(t z{xtORZt>LYzaa1O1)hC3XO7#Qxt^;s=+kA0e~WIz!drjYheg#S?r?>}@iH`WmNaVF zrJ;he4??9a3p6cdquPVP%u%pu+ z6x%XTep~?E=l#&}=l~qNR2i-7#!-~?D=0qe%ohLB!TXcE(8^VY_ggta$QL@Z`6)@1 zHq@WJ*tnEdS}D?X-{?l{Osp}2f zm^_3}zfr=yk(I>*!Yn@fXAn(t9ZI*oMzFW{)X;FHCa;<&g?=ODg>2(~=KcB(x8eOU z${y{)3Sxmht-ejZ-=*>QoZI{wNjJI@mO|lH(op+gC~NP%C_Z?h4qqgeu)#Enjuw@| z-d)4sY3_3PE)Z>E1uu*H&4cU|A_)>{^%J9&W6EYy|9PD z*C@!ze$I>XO(^5CCdy7750ms`*)cy0dVA^+ZTB@K`I-)~vvoBL%CVr1ziUuBB7nY{ z4JXGwPuw1PPROpPQMJxnZp)3Cr05=i_d;?he!Y^&y6Pf{9qYwq_oJDW#$NXE%VA0j zMqD6%X7_D*B)(N%k5v^eBonj&d#6d_j$$27FHeWARW~u0?q<8TQhgYq{*#69w{W9% zAv9d{pa$m5&etfgch@s1@Af}d9_zvO{bI}^c^m6_S52cWH<8!Bz2ZpvR(*z|YQNhirGV`YkhQ zWBz2U=uZR%tteQSH;3wf6=F!y2pTL`2Gx4sMAkQE(E2rNv7Z~n8$aF8sxwPyD1?Poi)=8$R0BlQ!7OqQUavSbkLshy7iGF-d#)F>T5a z8?Q%~Ev8ZVg%WNXrzh~|Ygxw5r>wih3k`O;povot#XUR7>fJgp>s1@fa5I8E&t}uH zvztU#M|?QTPaGu}sN?v-E$sO7OH6F8MP08>vsJ!B?az&y4L8)?@t|7=+_A5Pf1d@m z&_iR?`S=zJ?EB#JXBCWj<^?yG9L47CQEamK5{ZUb;tdlS&hYj+R=>9mG7=1M<-a6~ z;7^P1FYD)&c}vParZy=!(6Xo+}3*tHhG)T4Y^2mI=~vIu!n5y z-&uUmjeHiXGXNr-s#wP6HkK{rOjY(ips;Q)M);_JQnE4Gtrq6FPxWxI@C>#nM^S5N z6BI1f#H89j?#aPej2*F#jZ9vMSA51W)m^u__)i;gL+})O^;8#MrpMCHm}>U%+Z*O~ za5s#w%xBM((qMR)6V7*S6WbPtvPrIyc>A>^_SFnxhXy23uE|4izhKUK-G%*p{2vyU z7EgJX z1pi@}3Ouh}$tKndz7h2u{E}-U=-VeJ)aX*BS0OU^%f6c5rK|#%>WUyBG8&#u@}LYO z7mD~`ik>YZ@v)vK%ds=JbfD^Fy7+AH1@`fB zH9LLm6#H$miJ$o923z)RALnY|%f2_n(typmuuw6TMeG;Rzkoy>vQ3)$%X;wkWlh?8 zs-3+E@8ySmeFlCV?l`G5mOL#z*^NsB*lOQ=m|l4i-VRKp=c8AP{#6eE0ewsT_e=9Wf8X zM_Zwiek5-eEdlSl7}SRU<0pAW!0)+_Q~-D3)kPCpDofGpLi79+L}g>OQ|zzjYqZwmtdf~{xnwVw{q6{a-OvKEO@fGpmf$$Z0gFDGvYOkk;VhWK-6aa_ zx57?#_>wp5zr2G^g{|P40{-Hd#I^9i*^ho))Wnl^4_UAM9=No-2@jMmqH9i?s6KK& z?cTPEiwMw%iG9Pc-tPzuH=4vJsvM_ji4&=OfF%}a-ay9-ru3hTG_{*sk;#V9xTQ&x zboY7TL#eAUN0=u{jr735&Nb}zyIkaVw1Z@cx8S8yBAI?)OfSsBD!(kSnLCOm{D`DY z{zK59h>3fb%@Bn~CSl{wqx`uM`Cwn24J`DPXAfV~|%YVP;x)0k1`pME@KnxC44NM?h!#U$9Mg$K;kAZr5iU&d6XiJ32d*j{o+if0Cm}^Fci)H$MQC zq_$vb@Ks1Hyu(`c=aIXQ10C&h!ryx`NOGwYq<@P8PU<57;6=Bk>qrAVpuBh*tG_wy9^3P+Xh{`T=-ZKTJU)Of?h>4 zI8m!`o-f<4Nk{s#;q}IsG+|U4yYyDb(`9{SGU~oCuIN9z1UECx^U|Rk`{c;UU5D%s zzZ5m>@PgQ!(Igf)F*2nH=9W|FzdTJcIX#I!mL^bSQYnUqhci22H`1Z>wLY-;3OK!) z%l+3i2ei-qhCONxaMx}E@v%oR_s0OV)~ScXdG=`h{w8~39}VqSb4gUYf?O9*qehuF zvKX7eX2+aikLnxQ!hSP$vRp(l3X`b)vohHm)|2_?XRznE2`zL_r&p!p#L4lS@Q&b- z*zrCWpW8a4j==AEIYknF$l1WU!f<+#Q;qK(XQ9K@BIegC$?g=F!;XPPcN0z9==m4C&e9)jL6{f5H>!q;jTUU`*m$^TJVA{W$>5P8qEVypCN6X(8ScVYPnmJyfNz2QwS&-eSb|O-ZV`5`xpZ9n23t{NM}u0= z!f@Kdu5}!u1Pf`rJ-GxY4;q0-^;EFVs1a^&>E^!vmyY&&>)`dUK7RJ@sm$w78)s4N z%J*6d@0J(S2%D|YeSHjH|NcLLDN)WBhgS++tO?NgUk{V6GKHl|11bG@8p}Ie!TkA8 zAesvl@IDLso-ATA!d`n>Lmw-=GKXA5IV6>72cFl`;myavv_kI+SpJEn2AdepP5cl% zbEQ!Fx(=JOuod>JJjRW#kN8x@4rWz2Y+Vu zzFicM?8XXz#=ykYHR7bb!(f5deoTHdl*^9H!X?*7;cWF{R^S}KI*e2(Mah)TANIq< zVKcDTJ%f3>SYy#24U%#4gyXClhTJ*EZ*MzE+0W*qPEZ$Lu||ugBvgUoGIcsV?<;rV zBS&WxWa!9=<2W*C3C>!m!p81BNR3)!b5tPar#PtX+M1JWg=PfY?Aqk_eeb(JQXf(lTRgkrmz}ho|D`#+AZ+znEG| zYT3xqrj2)>MbQ{Lnk6SnUYhepMb9t?tDkby1M` z_C2i7dI1*p7byC*8DA9f9p)}b#q)km;-49_uxsDThK9bq&@({|tC!sdIq_cJ-&>Up zKbi|T;UHeVSq`CJg?>lW05sQ3$NS#))T5LI3gfm>^0Pl|i$lEd{f}oMSu5apPN~Re zqCReIxeuqZNagtgY{5TUx%|Q}umrpze zWuAi%zKN{qQnv7IJ;btPb-@4QK(_YJf2^e-7FFM<;rRcqGVb3J5*w7`^`u0aaWV;< z0_E8a`RTaUJCC`?#ADx;RTM4UTW$|>A+L)v*vcE?n`?8(aG@?%8y;uT2b@59pBnks zcEP*Bs<_DPFQ}&l(YgnpSow$ZY}p27YP)8Q1ODzJm(f|!8+?@gnZKNUEoq`DS1m}@ zpdEwtw=n++`=BWB7B|Phg5{p0In1luicRsI%-%K`!jmd-*0v=y_=hR?pso?_Io{zz`_Dn);SA`tJwv~H zCb5pqjLqK{feZ3n(Q(;P<`fjemOm_jTLvz?<}^jbRfk#YjOA2Up-#H5&mo=|h^gbw zv*6U8))ohA~L(;QFN{0hsoK;`L*afFp5$7zrP}C~!l({anTLM{a zKsa8QJks7bvX{}_I2M$r50^ePFtdw|Ol`Sv1~{h%9t}h2IoYALh8vfX=EGjyOn~WU z`axc0o4}juhdYb63a+6l2nB!((r;gv@prx^ap)eEvFKM_nD}YJG%tX1a7o z5~w|BGM#YKgi)u*qQl=4a20@lek>xj0x=kCIpg+~QENZTH#Z3oq!aZ!*c64Tgq_kuc%-4h zKFrFb_QcEVR(vV5H24m)DkZ5yP6D4cEopn3gmd+3iWnLkWb+y+#tV#XYL_jnHvVRFWT5V&!6D5 z@hVCfZtyRXfeo_V=ocT)KXCziOQ%`la4We1twR~W?H{|B$XrdJgFZ{`7f;fk{iSrtr5JyJJGmm z5=zeO=bpUk!uYZ^?6hhKYny67?EyjuV!8n*?`_W?Sr>xWRC}47K|B0a3}bFy`{-i8 zL+B9l##3u8@JG5br(LJXp5BV%oQ1t>!47e~(XS>_HqFLaX6Ho9wHML%TL&R5EQH)N zzwjn+0!0x5vu^j&LZ%l#mb|_z@Sm(z=+L$Sw7c#J?z9}vdi{pc0D};08#)LT+6>Sm ze=u4&jzAmLB3LtSH#^%ca0@z~!l-Tya#^oT1`cP~k`v2mkKmJ*Hj6>2d1?H;*|t>f zQ_Q&>89_2@(%Gw-&CoASAn~f#+^%c7|aNcv2gKQ$hwtj%L(4%@jBsiO^FzGrd= z2Wa4>iz`7lB$Z_wBPdKDJoM-UJ$pF_3UgJVHQt#X3fWfqhJ4&~TpN_7_QS>d%NW}q zhmGgtu~69t*UR*Q{@Q?g>(yDT>8>npSeD8(y6=dG=sL4eJEuW;Wi}iC=Zi?$%$>cq z;+cVh23033Lii~cyqGZ)wJqgIrr;FT<;9Vc>u6j*Koa+KjzLwuMR?!!8|n|QW??RO z$a0SXu4uo{nfo`3KMb-H-XXcT^5{_7q`QXH)&KH8{tm`pLf&fmppWdXuqlWc@N=R=CHfcPr;+E#xC=!DRA=T;JY*$Rz93a@WY?Hj|bwd8TLY_P?o9L-UPdL z0JZX)+}}I%=tKJ$?AKJMQ_}LZqID9cT{_8j_;-l!=jM`UmB8)FeuMV9j|7&X2C59t zg##tcB$fAzy<0B_)rB6+p`)H}JE2BT-fZM6=9RNeFD{FM){mjvm1&&k+evgX;Sl($ ztVL1r0K_a4a&_I!USHpZn(}8wlS9qvucIt_ZCFe@1W(-F+3qAWt&sgnI>1GWH(}rY zKK8XRiR=b?alM!Q(Pz*}C~rN??nm{}3AJYY~#n%T92p9C_E3NrmhfwGFVNKA^G%Ga4U^3apU)mQXmgUVIB}Ak6qgh zQK!I&mli?AF}gHY4tcS@*JQ_>koC} z{Xg5`J8!m|^?YYo(u?Y*0=;O2Mjr8L7M2MKx1fvr4@D~Kqe<3xr%IZBcldcsz zwjJbmq8T6LKOMGRP7$Zajo_ag6RyX~fZfB*sl8wm4tAZx!q!g!hg*VC>KS9>Zn>h@ zwGg`Ee}IKX-V@2ra;3slA-_EG7))|Bg`?j?nc|&9Y!5pMZMzSX=cPhnUww;yZdStn zZ!+S9-Yt+i(iaa^3T}hcb~qy;g$kQKLeTa!a*-O$BI`Bj(g=BWc2^5~sCNpNw;#qu z{zW+Of&>~IeMpI0`eAy>Mzp(l7Pfb^@+A?m?0)_?Hbp!FBpue^Nu`aPNmUeUtsFzm z3EeEZI2GI0o`eb)3+}i+kKQVWaMbk;+$n=()LjsQ4_@wpzb{8pbKNbzQ7Z)=OiN;~ zip=@5i=;5vWH35^F@#S`htN)8|DaKBM&(LzkbV9&zy)I_IR()F&noooyv;5jH$_R` ze(0LnOPw1R9oCU4#b?`#77e>Xt1Fzpzbh`Q(H)_*E?sD&7_G)Ds zNi|Et>&ikH^+Xag6l2)z54%~OM>G2)d~>&oIJ$0F!udDNApIg~9Hx-M)?N<9n|b{( za@TH{KB)=R2TbGoo$i3u!QE6-c7|)+p#+wBD%7bGjVALIU_q=sZS(m6U-evA(QpNP zdjFW%eUS=UsM_$)T$(5|qw*VM4KTxhw zEox+?s`6O0s1Ij5=~3GzUlzCV93<@93@>J!<4&xNCy%9hD5y|_eC64N8=$vPwlxgUWf{rwGWY3ZV4%S%|oy|W-0$ML_z!=QP> zPqutUG-V}?gE}shc?5?{#ky7Ou%BmO2t70IG+v>dH%T?XZ+Cu6VmTpYeg z9&^MQu!;dSIF+&~(7+;#cSFcwZM^BXi#3Zh+4n9fX1Vx#ZDwOWdWHqy=k=)~VU`L(s_2eo% zsnbcVH;=*)FI)6Fq5$m|Ea-9!)^E7S>PBCJ(31h=(l-$8 zdn2g6{u^f#T);KURlz-@uOR()6PhiLq~%M?pyban{HfQ7T?Ga(siPXRJ{IxQ><)tB zXieIgTSvVEGimm64IH-pCD)i@#xz1Uk*!<>M8%t-`pZ%@>GXx8NxGPP>>Asfp+s%T zBVokIA#{1VFh|+>^N*-0f<6+L|IWZaK79WLM zPo6NJwV&CFaBXz_69&Pj=A((GHMyr%lT_n#HuGgNo@iEqaXTH@$)LFcZ!UxE25T_S zkk`z#M+eICf|7 zdI_232T7EZ2Vp_W;oasba6RE2o1nBCK6fOcm7F%N*ti?&mknd%jBewB6C%tJy8Xvi zn2^p4b$V%$$DWO}W5(APb5s7_fzk?f)HHkuieKv3%yWLUGUY4|^m%9dde}{VX1)W- z?byY2+&B)OB7(4^+=6WijlmA5Tzu6xjQjR;1bg^>H>b!sv1ykYdE26q(CKeaE$0-e zK)MsFy-T>A!mje|U{Bclq=UYU+)1VtQ(2W=C2d%o2O@69YhLxnJhGSFuDx!Mr9cWOJ5YBZD=I(Ef`7zYz;&+nnPfZwcsAC z{{{4U2sIC?hgEyj@KAU%-e?>@f@3rE2_C)UiF6e5(uX7Gz_Mz995hTg1Wa2^)HNyYKF<(1-MM;?QI@7p2Zc%LSnMeeG_~ut`drDiL@)Uz7C8Y6A=e6XzHY#SDtmBmk?@R-Xb}1jH^quu z2Q_9cG6k=PGHlL)US_mm20GnPrJ}7GZj_4TtU zA2=ajUkF}I~uxs+bWN`+5*dQ=0+$_*9aWy;~I|45Z z+|1hdW^=zuV6-fr$CQffNp(X$JaxZ9d%w*S&ioFj!Nt<(L%H;6LmwAd?8cT3tH8Ih zwiF{PbmoNl$$pD;R^D=uwj7LQ7lc!~%=V+~*6@}5fWws(pI-xS%9Q9^&mDfN?FN*L z)TU6?Cg__WgQ}k6QFYI3I`dl+%f=+Id+EL?GxIi+`7@kt*fGTZTcLXZV*5*=Y&Y8=k}QVW|t{(&2- z*Wrj>MS5auPgSRD>DN$wI5S=wrR4WflIne|4!go`siblzPIie-SB0RRcp6wqXQQR} zNL)Nq#4Y@6%XI$*b2}T=DN1aDHrDy#9?GWe>AUF0(0XpuZwGQ1?f{RXCZJ8JDp}5Y z$(Hpx3isV&wxjPh`{+=~tS02+fx4q$DP6-_)PPJA7NFZoLoB?%f+SBWV^Gfo`s86u z>-Lz?*+(w)+0zfdwe{1ajT2yc)f5cUZm02bcVKMrE4aRE54(6+fNmVJAVbkmJa3xH z%ebl00|z&lqxgY&PS?fxpHFh3!ct(=R^fN$2f&iEqo~fsgzjgQ!nV!pSyWj)Xc=!p z;8QSkw;S_%7)TQr4ne+nJ4OG9fcHB!PRIQhfSbwo1{I+Y}rCwd2P#bHDrS{NrM7&)vOP_x3tVv9QFU zo||w@z)|>EegkiBH6;tZne@OgS2#-=qIT5|%qTc58dIVz^iP+fnQbQNJx`|+r&)MN zE}jx~)oATl3A%Vl2@PjX1<#QT9X}kgn;?6KH9ULDKCVrse?lMM?P(xebpIzy8-9wT z2kx|n9PvAM5+3wMV*0-waIh&F&UnXh?X{2D<}HU{;DK@UTJS!4kBtJmyabxIL67E* zy}%ykIkE+-%W1=;w+sSvM2G%mlGdO|rV^fwBTk$lpS0(&cZwzbdOU!WiYSAz#LFOA9wpxdcRHy`ng5xAn*UY; zdW(uK8IjY$-Rw|#5BOWJ6G!S+vv1ld^fq8H)oe*Y=^qRNUfy9nj}*wy{3?4jUXp^i zmyo>p0IT)S=BLeTWMTOSV8pPeu-zq(zpbml+e*72O^T$wiv(stj~sII>-lZovM76U zGKRgMk6Ujg(W=R_nPbvoT6W<$yoepe@-0#@<7he?qg2B(N-Nmfo?U3Swt}vzYhk!d z8fjh@@;*~9F=e06a9ZdK&afCnxB9A3?szuJ-FXG`-|JGmn{XGOE6-k=cd*SjC2-(? zN%X5}ELyEu$f_5Qg)h2E*sw8$`JgW8wcLd74w-QCo*`Ya_QqWY3L(L>fNV=Yv(Pss zV4KoS4`VZUuYa>?-78LT=E%aY&;st+sAmxAqswF$xKY&X78dy_0oRP?*{adcd36tW z(ZSUB?7&x5ylH&~|6Tn9Mk*~r@j4atbro5y@E+(nkqojagV3&%V07RpFqpp-Wm``& z|HX0Cu{r`4MVrv$z;Ge+`2^CP-!l1LB)h2l+;@dm#?6x;Es3F2R=ZwQG;skrCEvRoW!W*Hnv~bo5D0k%0+H3}k54T3m5GBm>jHhh- z9b_7@ovnTFi-pVI;T?bI#h$s&&uKwlSmfy zPF3)i8?Z(t58lJEiKOcRH|9X|7h8gcMerl0jTYoS;Uj-pumkJ5 z!Pa~pDx?n+Rb6|It5gKkO{EffSs$nTJEJhWZ!_BvsYK19)o69XmnLtH0$1yO)D%7x znk!OqmG&KWM)e|n!O=8-M;zVQpvPj~3wh@RCsyMfhHiOxxz9G9LLT)IEcoq7J^%8V zXuJenJ-ZEL+&+R%^9AS_wqEF(`msQZdHCr16-b;F2~YC|Hy)o@$I6BNc>egEylI>T ziH7ZgGao!?^8H|fy&gD!Uli3G?Ss>{(m2@RyIB8UIsavLHm~59LnDkw3;X*XwoTqk zn3-mQrCKq4o4O0eWJh5`+EHqH(~EWQRdC9}`)rYSA-mcW$EbH1wlL9vIU-fwy?-wl?G-~jt(343%;E9=w%gICb4L&tn&i{=%j-kUp@Z0vw zqoaue&5Dab2_}MNn~y@ilNNr6y~5(pAII*2nb=+*Bk+A&A-ZEIx5CDV)?JjuxdRW7 zL-}0lT<{Lt_6(+o(>%BJ_80KA34{e}CQ#ph&Fu8!b}sVfO-|iA3!ASGf|+MW(~Goa zbhvho(}GI?E2f34k$fiQqCR zpUo1ObUhYYnAR49tsCaj+7C_K{Oitid_g+}XQtr+AsC?1EL` z#?N0UO|3_x@Z8dL6l>kVz&=?_N!&xl(*L-_KR=+;ArB_^G8}K(-K2u=4Qz^aEnR(n ztv#Y-6!{ozOMkjJNo2IK6Va`T` z2d1u=NR>n5*qs&8@ciFDRw6u)zb!-1bMrLV?LG@8e-K>2A~keMmS%SElf=vSe21)- zP;!0cPM7pbIKz2HtWR$s*3hqFLZcE}=MCO9=dqaDCu$ntt>&{0#XE zgWk=-E=Qr`R5k+_N;sm7(iC*g8bn8oBH75gp=cg&i32wYtd6&u6slLwu@r$3zpxMY zyLeOI_-i1wMivLU6!1>=cKFq07=CwE!5hoGsX@5`M(Mt0)zJxT;glFM6HAEL%TbtP z<3tv(gnjtCK+dDd4t>l+*`{CTP{ZDXs)Xi(8kzw`S8c)gzUoadbTbKTeVzV5QuAEvO)rV4Z{&yRd=4dMRHe1eOGKIxRA z9ppA`63r9xluZvi*gePT)MNJ@<2uaA^=>kLcvsCDMyBH<^Dr1~G=iLuN1*=9%_Mpv zOAdI1&ABY5qB|18p4@?7ayx|{{)p$EZ=MZi;tsyb`2*9sHi%5Rb0Bko3H99T#bNW` zfc*V9i(6hNc^z9<3>MkKFm+?P{e3$t%r4B*@|du@C+&vn9nzXTN^_a zD_#lONDPykx|kjM8j7}D5Iqz8iD4NE?2SStERRjcw{}OF%Jz78QYiRf;v2xHAfNWl zwS%)yqbYLJWmtJp@U{#cP0{=nUT4&FSTuGO?Oo~w6Rhs=!(ESKK=gESPkktKoduJ% z_H5X;tQvzgv$<>S|53E-&Lsll^InQ0ESy0?act2bR3PLB~ zH5(NcZhD99lkdbC%hPD|}W z(4i$obGmF8(}?7?dehmVv*whdjBL81G8^-1K7R6zfu;%-Znp{}xvUuW-}72NUgtWb zhmW8US7Yembumg#mJ+r4yksvV{i${GX#N>@ecs=lmNma_$_+7uO5ErS-I9>v_1Rs6fFp z0O<56XIVkb_+8f#(k_-US63~Ox$k_6*MGx$ z{-XnWQM3 zG)K(NehL_KW-%j znO=Yw>(;}fI2X_ncANSW?{j_4i7d^dpXdJQk%Z8VHsfwO9tz6CRcFW1p6g-s?LTw) zzGo8{NV(I%+}UhuMS%o2Rj zo?EGVLK&T#x(|W|D9{Owv20s`s-=$gE?8RL0zNhy;K%Hb8SdfAr8V`bH{5T;;B`fsR%%GK^qyRbpo7L4B}lk(79c4N^U?tXG3 zZo2pk%>~}T7qx}pBV~&33ew@u*f zXW+-~2SWDVi<;C=!>2hr!Rz2RW;$LDBxY`eMadtr=|UQN)#(EK)DrwFaJuI0H07iO zy|~M|oEe>&N`GoHF@8uP#*1ExEu8MKzR9h;*&2UVmbV4|CZ)hM!4HblK8xs(HNUq_ ziL{1a09E!0yLZ2!z}9{?^5k>$i2IDTV`8X&yjWn^o~FI|%CO-c(z+LC*zAcj=)U%O z7#OPzQ5Kh&e@qxC--zMom{o8}cTUl#(Maaooblc7KP)}eoE{IUVg3P(du~36B(D9T zq>^BE;<;jVTh>KNFMG<`6TYJA6*q8Rq6`(T@pxP|nliR;Be`UMu1wU7wI|y|1G|UQ zeeM;Pmb{w{_8J9hx;n63+=pY+dsu|_Fl-D_Wgk^fv9r4ET*Rg?T*lkGY>L2oRQhuZ z6`oC`@S#2IZci4ioFp(f1#fTp$`E>@dI-O~-AKBRcZg=|ron~sfBcvC581k*?_hgr z1IIZRaLqB>S?6&FGFo^VuPAN6m;W|F^S_Na<}I@OIUtujD<@bi>a%=hQ&ZP z+jjr9=t_qlPC61zUh6!`xONn5p8Jhk)AJkF-O6Fd?To3w)Sf~l+VIU>SG1a%MeQn& z;d4tZ*MG5ukB&B?E|UZ7*WxTNDvp9(JG8(>_Y>-!h=Tj2(jXzc*JQjmvXm%uGX7CZ zn%yJmMCVtQyP%Q&`*fIm%G#N;-eojcZVpK~u@vlGiq*G{g3G{2GR*1%9i!u~?NCsjhv8Ez>(##mEpm^>7)Sd8keY z6DLzewmt9o?IT{S7rZ(6kYBq00J(W*(5*HxPOzWM5BQ#d-A{r1z30K0)({FzdnXPb z>d5a7VzhB>GF!IwH48oDOKU#MTLw;bC*>>~G?Hutlcd>T6chr+J7Z~zaTp9)aR>X- zpVP7SY`|;B*-9a2IX|Ua@CD|=`R*Qwd3hCig9g@jM9|9`V`#v7!Gjrnk{aK!$NV9mZxSJNiYv+@Yb+wZH zmmzfW9Z!egRB5sjZ=|+>zZ7lW&g6y&enV>=_&5KLsO$N7&Lv|I$ewTnoeCq?x22XD zzIh85Vl#2!>>R;YAb5cX9>p3i9L}sXWoq5mcpsySj32R3$O|dLk*H<#?VAiRKm^E9gFJi>YUT?R2HDER26lPk?*z%kQplEu=|gZds7{} z(#c?32bqyg!wGUXIYvWz0$`7E2pU}df$utXaYM%uHmcw^r#)HL(m3oNrv8`)H!Mu} zO(7jDVfb@?^V)aJZ-5#kw`g(`cB-T1!_}BJK^LZ%THwq9Cium4BdN|@26odFp}FM) zbp4w^$NOT*mRF}0v+l4HA61#z_aHhtRi^rE@*Fa;D<#7n)-bTI09JX`P*^6i9pjU5 zitvp1BCtPeLneU#6KOVPvN0Dq53yi#HkLeFg3FUqVesDs>Nq-z^oPcBut^yxVZFur z$p6@O9|=;ve++}u^V!$v1K4x6ovpii2y&Z-)6O&tuBERED)S`hO<5Q3ej%POmRbr0 z{*t6u(1S@@eK1PM<5_0OP|uT9Fn@PAw0_9pFN7{&t53wReX$uh`Sb#=O{t3V#tdh1 zf0AKTq&8mJFrTdm$p<@^^JFM+W!tTinf}>$Je6zFNW0*<+zG% zCCpr6Dcu^D12jJm!(vm}z=&dYv*;W3>9~>O#ctRRM@S*X8|OTYgzZaWU`O?C&}qoR z)H-$8RqsGQRd=#i2h2fPF&d0a^-$`8H+ktz;k$V% zy-hy}-(JPDb!s8d_+k;fa5=(4x9h+Xf1cZu6h)dplweKwKv>jVh1**6Y2}x}@I>x5 zzi!|}cr-VV>+*Qbwi!R7^aG2@RbYjTojVFPF6&`Vf$C7F)5hX`29rm);9pbNL4%g; zrPuR0D9=oQy2TZgwMhj&@9?JMYR8~uzp$fgXu*sq1Cj|iM0MX)=*)|2_-vOanCHj9 zBqv)8QM**f96z(cy4n!BB{_{O-UOxpg-YAi`^&3pIc*-*P612WP z8Kd1bsk7#ea6O}7QG*$%`yK&YJ&v_iB=R3Z%izBSTfj%<0+w{jGbOH^<%Miu*zu|KTtejR$8*~-)m3gGaF6sGTapVfaWBh&L?v@dc!&FX6+s~?rL zaDV|#4N0LuwLv&!s|KaqoWo94CxWlTZI+R!CiJl6u~!kXbp25yEte=~O%^ewyhT?%+# zSj&ZN)uq4}I`rNyACFG_0G~e|VR7ZsEOwR2gUoeH8u5$%j!-Mxk-kQ(Wro0a`;8&@{@1=AEC*uDlk`ml3Jr5ldYl z?Br=S^oyVm9*+Z`8Hbs~;!r9H=tr*)z0BBMQ|PIZfwqKpSd-^VhqGVe{bFMppqCHI zYTuzy=&`AdjE17Cx%@Wy=~NbA0FGm(Fs+F5__lvFiPl831Yy1pFj2NFtIr1gwW@IU zPa5;S9M3L>TF}BoS;|n(L?5@0+_rt`U@+^g=ud487ZY%mb)6hqomMaizfX=NU)F}z z9?w~iPC6dhyO9QOy-06+wv*<9yG-|)3G8qGiUxHjY5J!ys$Fmlw-207b^k(elw&2! zx~`8qvlc;ztTcUHI=uSam<_o4+ZIwXQzg;SFwE7z0Z*3irlHnD$yw2Zd+B_PTNNx{ z{r+kb&f|77GxtQ;S0qo`cfIIM%@Byzh@gXl&KmJAQpkn73;s44(6tH1nOEO%PtHu_ zveQ4ni2b|RljVodU-*qZ*u0#%ul&Ha>6DTEki+m?=r8rXV?}aB1+b=KB+ZN41IuEz z&{p*hj6MAhvp$DY=}k?TKGhQ+l&jO~yP6PKa}-wITtEshPqDw&2l#@Q50Nxp^2H_X zU?8~z7Hiuwbz!ITVww&8usQ+ixr}20-KVedyhiklrj|8 zSMsm!5Ct2qf=@-6Z1KnjIC{>UJ|yUa^ni0PIl-Sf*ypmLhno29jvTxSJwja$d#H8P z3oPu40SEsF?AfF}@Y&TF7Bt*sHENge*uF088x#mbLwAAQx^A4Z>L(k&JBXAFuQ0{z##Ww7PkG?A8so27#Z6d&W@;Kmj2V>fn@zg(9k;+Sl!-dU7 z+}BSdP|H@A3n|rvlj>PavOEILZIvXuxxd777hd4s-8?V;wcs?HZmCb@&gqbx(Z<%N zdeOXHkLga>F=m+Uz{h@{PHj3Ca3=l_tatb(unH_mqCQz1LVK8#s|j7!3&&v@f#@=2 z1mASDg>9V^fgkciDcki3+cd&{pJ5E9KC8X+P5c9R;SEE$oHbBHD&F6rZRCM{gI?oSIIk z8!?@h?cV@p^rI?$@fDn%5JsOQJMmR!7FzDyC7x3}68>8Bp=MVY_rhy18JsZWtzU`R zm(Dl1gPq0)nnKs-GY_VBP9J72{YkeX!$6@ifK)mqt78TIqoYVXoD?F0G z=4}O<9f)GTE^D#&fJT(N|AsSqm5c8Z{XvRJS>9^6BK~f>0=`t+(Hj#z`skQI+E>z9 z6(oViQJ%Z_JPRJCxl*K!2D*Pc2g*NUahm;c9DQyF^>53CujgW5a>!=T9{dH9rU)#< zYd@IFee9`P?%CbnLwIc&r zW1u|rE;VMWKip&{*+C3sWa!i|X__)?2W?TG1@ccDS!Lxi99wPz3b9^vPt}*@2Or}8 zK9PY*_cvi-&N0_3t7y1a5rXFlaqM3&D!w}iG>m4^(+($^ z#L!kjdkB6K&d*CNz?EU2xxX2asGfBnuLiCHx$!S}WzvL{dG|Ie#zJgiFDnk0a%`}2P zK_4}*q1$9tFjS8wmnLn<&RGE0CSQc|Ia|Q4`6c4yCam~i4K15TFypa;PgaQKUg=0? zIX2@VdQBeXY!SHM?=9fCM-n~S-G{$geNp}v+`FghfSxN&yHXcZ$?#nTWS6q!Ta$-k&(? zMtZ`@jlr;N4+#3;F{aiN%L;?5=$v>K=&x|3*cEe_cxDd!`?U=}nTvGhd=m@lA_0juMRA$W*3AkeTX0 z>PTJ=VI@w`wK$oXe;p0?LYrCe)Vc8D><*Zj&(~;vxe@*RMA!DtsTKaH%^0#?>ErUY4Yfsen`lA3v5}P zE`DLsBr@uagphzrY<0NG2IkM@R?N9gt2YKQ@4=ne`!WsG4X4t*dLv35T#w)8USYZi zjkr1YGSMaB1I*AswrV8L){0BuMe%KZTtXI2$ausC7jcxjLITdHzvcZcMesTBIJPu= zXGzbcsIgq2dHfeH+;aj?X#5{xmaU~#>9L%6lRF$Lc?f%jOjFN?+ZgThmJ8DM;%;AS z^ux`tdpfv9~ed>(g_dkLb=Zo|-Q&WvnlGZ!3y+Zd!BCnh)y2ex2kA|&J-HRBL8f>vHY~HjNm6r2 ztei`kyDK2AjDyHSO}NF!hkQDI;vNkVC5|wn_7Ni>e0vz#lm@f@y_J--u$9emb%LCi zN7>PjC*a_?Gfd?FhgOR{v9}`2qW5b8#+ILf;bFnt5WV-9<+Tm_cLcFK-7Mf03!pgR z9c$D+2afa(zYi5r$(}ZTQhO07*V|C{vQ9RCk8rOjL1p^_HQ0I94)%ExG=wWtuGjkypWSe;Kvj89}SO2SLqESz4!W35G4Q_#$mB*#ac!|Ona_!)jfMB2 z>&io%b;B9*UZ#ut$OnwsH29b22hY4uqF>fD4EX8*LOC2*F7kk}X|GWwOOkH=r$k-J zXK>h~FQ8Sto=N6R0yXymWV_Z5GXFhC)9Jx<@Xz%S=so*V{CIUYB#ay` z(kY4J&X_L7h$o?R)2<$Br@OPZCI7gaM|vtN$NRFs4smqD;us`+`huzXVN6x8AJ-ii z3ZLl?6(2bTZhJaNdC?~7e13p!JJpE|Dn5`lHW;H1d_gY*j_Jlp)9zObpf5C(`@GCU zTyg!4_?4;+D=gT8kMG}ST29ZnVNMzl6nBTcJM0cojYe4UGDFN_q@ZttC!5|c)5|TrT$?0|u z3!J=|DXOW{Q?VQvmC1q0($8#vzB~5k1AMAl4vH~XdA0OXbWrdG^@GQ`yl>U`FQ$QP z{nNnc=_;y|xXl8W4Pexr$(bG*0gf^U@U{0rnm5~xEx$OES=>luNjDmJ7rT`-Z`%@d zymX&vo*ac29;M%d2jjKZGUAUu?%+Hj35A0@o9P?MzFh9dgSQl`_5VDeMH5u{bMZVY z?I>pP&XTPD(^m4Cy^DQ4_ZNFMWwQMO*ZA4}SIodjgSEFkfDSGR zO`1r)$qV3Ls28{TLI!)kLb|&0!y8&Ec?d_JT*R%bN~LV0dUkH;S}Kkl2tOziN3GR> zDKgdU^7|DuNTd!^+|F|ojvl1CczJBNq|EhzF1_qd;rmT)GY@|aIO^g^Io0|6!xul; z=Q{&oS-dp=-{ew~(|HF!uC$Vc*oKmF5;0r-JpaALit1}(*(Z-1j8b9J-Eu1GE0|Fzx3Q z_J-rZIKm6F-o30`?{@}tSCpe{#U#qeJd3+OucxHwQj#9EpRF6#z-#U71gk@9;q?_W zb~vex1y>eRjw{ctQLu#gO|v0#drQ^#_Uaob2AY*&h0`ZORu(Ucu;oewu#YfxgHF4&&37Q3#Fg_c>2 zoqdpxih>XCyd0pu*2-C`A@S^@*G}H|NxX_PF-O?AQ@AVsFnd9wY_mFCpB(nFVpq`zzj%Q-NR zhL7!M11dgo&D#Xd^UkN}Ue`xy-*UPA!^EU}`T)EXe5be8xY4-f>(MK4lfXDVAoLeI zv(YE~;7(X0KXBR;%09iH1Y9S0H=9rwxCvQ@Kv<(8^z#jM#N`Lp^FKoGvEM@8L&emY z8l`pM#kM10zU?r*Y?mgNwIQ(U)Gz9}cp2jOVE*4{8#-xnh4uS}u(KD}v2MkkeC>n> zT(9gCv|U{cNo$UR?|Mhx#7)SQ8*QW$PpqNv)D_nLz90TboTgtJe~Odl=F^r`UwF8> z)xzHPgGI``i;zCr91Yrfn8NejU|+rwJVP|tx#*$7eOt>l?0iFuAGuMIXoBUO+BO#W zML=SW`_4`n9D&Rwr>OV55@ZG`;Ha3@s1;9Kqg^5YXmtqtIjR-YR6^0lW}onR{e>J# zE)14m3#9=|>9$-94Kfk3EMr7;OUNttPLzXqNlB(5bW6XIki{0yTDIhlB-hh&3{~3J zLEByxIy}=1j;mY1JymPU3GZVU2DV^8yeVnwo07H83ifm9R#=x3fJb>{@Qg}iIp_z! zzf@u3w=evS;1E=F*~I<^PU8RMZDrPhzuAbw0B z0~+n%UsEz4sp3Z-T~fI7T@72@7K~+&zKWK-8x3c4RE2!ZA941P0^FrJnDo6p@#b@3 zZz*+&%g8Y!zqolg=WY~zyrTjkZO!y#ha#1UrczLZa1J&Y0xjnX*|-PO*!#R8_+8)* z&28OH?GCcEdD=d1e_=Zdc)SkBS*b#Ew>$G+Yf5`3G~np5L)dx;Bf9ozGuX=vgb%jA zx$S!8BB^iMc>CCNU^7$Mf0JXm^K1L?Wn3{?{~Snr$^ry$Kp)R~R49(t76*}^Z9XckFY4rD*J)${c;uHfMNZ^3W)b++8L zm)&nxBn4%EthjcP43xiEY-k@#8zbA;+^rHYPMptL8yujxaUd8~FQC+Q2TA+rC-!4_ z6lxZiQ*rW6>gZ)~>2VJ8oWEP}A`GEGyn_pT!?E7a090hh(;?G6Q2%l&tMi_ZYL$$# zi%OkQKxPr-xUf-5Bs!ok}W7W>z1r|V&_P;=xA)EE~6cZ*(QP;MIz z*gFbbx{X=l%yecvb09QC9)fy_yW}!rq%bed2GbRXu;Sh$=-)F>VCP+A!{YR~S=F0q zPwsW*al?qV{*|P{!ILS~-xRWI?+UEM1{Cv6sQ$(k^X0-}f8cY*rwrs3bH`JdkgqVk zJ&dewJm9v}1d7xmU$NBXBksX5n6EpQmfGv0%_5--;8H3ME&h*lI%x(Y?s#({*D6JQ-?O=6 z*}-^1V7GM46Szu)%USyEDr$xCl$#*M)JqHa{p<8-ZZ~o>`~R^M-xlEW9$V3o{jO}{ zsw94?p)A{|$*8hdp7Ze?z~3;-pygxcVMmNDMb#w1<+4O(aF@_t_df_UF~WWCHSx&B z5X3!hpm^abZaDLqX$u_}3x5=_j)eCt?%g65@1=y3%2R0Yt9dlEY9Uup6b&{xRT%wr z7+Wm#&g31Afxer|Vf;yd$iNkJxk=bJI9%g44y|U3o}Xne<_rLbu_~B(+5(0RkcF5A z4~RQ^n_FcViv`_V@W-Hj$}O1zSDkz*)3%x2E--^8ft&DeWjU)3t7kfAgiN{I3p6a% zf>a2jF&Fo6Cc4S2ywnJW2zh4NA}cr_U;-zEz4YjJ{_uEKJeXDQA`fiFG-cs)1bdOm z^24CB;v{U@5`lX*oWzbjIWRSE8U=ZWv$+!_+4=E`WMz-|!RZi4EiXcM8^+lsgn+5# z9d1ydCr*pX;=273DQ$r+C$~o6?rc{Ci^-yxg&78S3Y}Ezn@e}3fc7` zv$$UGO?1)jK6|xP7ykVkfC71nb>2^dY0Xc?OD$I6#RLiTE{(v!Hm+>#^2_Y&^*>C_ zt`W9(E#r(OmOz|EHRDcNz-*Hf+{DQPq03PT10xc7tFzCzOS5*<8v`vq&TBWYWH&U| zx{P^s)@;M1Sm?R>9XI^cqZ1j|nA!v>94R^qU%hTa)qUY_{1iwx&4x8UZeqoQ*Rc0} zv2bER0-NG11AF=n;bXlPHm0?Z&)3;}=8w6;cVL9liyjC%pU^M2Di6PCG_r{!58`x5 zfd^i$O@r=V#_x)`(Dru_t!R#9`3r5ySRoChdzaH*_O2@sA7h_T3GDw(z34YcX;fwTc+&*O${y4addaubt^%IVM zY#Ks07pGBK=P#BtM;D58vf<9cvut$CP~=}#VZmKDYV})6%I4pxNO=_&c8rEU)dfs* zK?)fz7yQnRr?{PQLI>})l^9+=gEai!p^M!d=qu=AM^DAkkAK6Usy~>^=q#tHGb^|o z!3$7zbO^c`pJYxdM?tB{8ZX^YgXJ%DL49Qw|6JP@Uey0UbK}Fz=+0>JWYZ}3gFRfL zb@asZ4h){uj_LU-ntf+<)}g` z6X!ASit#fB46rdmPHkZP26h zU79$fzKCYFeZZo>lX0)0S^dOW_JoaE)5QTYYa?aC?NlI#;NU}`>E8HCDy?Zj>bv#b+O{|3C z^}stK$AwAJExFnN(k?MRgb@# zIDqs8^kT;)Cs?rA6&CB%2)m9tT=QFn%QN&vlQnlGw^rO z1^mA3AT>O6U~Z~qFeB;)OM5vTjFr!^fxE5)zxO8&dE-a746frWuOzG&*V5VFO8Ce! z8@Ej~qg8s(C~R6G;j9#4|96IMnQ?_*aPBhx85N7E4kM_cwt>B!`Utj}4WzMKF0%fy zGI%vP8qfbXg&J&~_{aBDh~Wm_cjkWBGWoaA0bvbrOOG^e#FO9Jw-~Wvh}f-5i}}U| zQ1*X$a6~MyRle{ z^g@#8(#Mb7zA-L*{_JJ2?6)-@*{;NT^aVzdzdUa=*;cq$b1?Q}J6qc7P3Km&vL%xy zkZ0Nis61sr{SRZX?sN)ni)cli^RsY}{%lHmC;0gvKE~16^WdeMDg9X-O@V{!!R6y7 z7?2l@j{1WHHrFv0v^1EiMz4Ug`G?urinD0{{G%v%fN=iY;zS>UX0fVfIhr#5rs&eE zL#Ug-fkdAQndXZGD7wOO%DUfIE~Fa64D{j>W(uNI^Ire7Ru5W__E>u4st6Su1K z@I*BUpXL=nMBE=%Y81t+i^Y7}AP@THk;>&KbYO4!2{5lQg7w?|$w<_}y!Py*Z5=c4 zxwAGa&KnK#J;h|!=E60VS>b+Z4_;;L2?$xygp+&~==aWWCX;iXJVqBWzmCUvYj`2q z4w7IN3synl)Zy^KF;L(QED-WRmJpr48KNkRra&8e7w8B{MxIjC7A z1r0OQX_dtRk=4pixXR}Qp5LGY(%Vu69#1~MY3P3F(2<4;iB%{o%+&k2JnXieBzW4w zxO+ZwT+T*KNZ)#n`|~;m`+uzDGKLkRmf+F(IqMZaPVlv;lyvags;5xuqba;T`xu`t z^9G+#PfYE<1{-{}VXp0P;)|0&PT?Tw9M-9REoTQS`@-2znISaGFAdjs16(baVE;Yc zMp;T#LXU4Uj`dNc^Xt}-*0pQ6>Tw7(ZJ$W}vgs)EI*)%aYB&|7rioKxwE-7R1CQPU z)MyfB_CMR0@&joW9?p+-Vw(x4_`#$jrQy*n3BW%UjF&JMU<$1mOa{@i;w(jnb)ywcHnsh zbC|T5xB7H|BDYIX>d>KN_u?Bpx{KT>=JO@?cxMc4n|qqMRd_>F(-NlP5Xg4FlBNGVBXC|t zD|dVJR@&Km_janm{2hN-M{#jOFi?&8BT}kMYh@tde?_#vGIV*q6;CA@9g}@cqV<%?J~6 zuG|c7Jp-8J!;4(XqT^!ckDlzEK@75^2asCrX_n|Je}2p;?n(C)e)alB>aDTDRi>Rx z!>R=poNVa0-fBK&`*mzv@qjIVD$C5S9wbY5fe~_UHFTf;!JbOkk>TulG-~iK-r?PU zsArjkrpX~NKA;>&bm`ICtSjt*=`g`Zn+N)Xk3p%x7`!_04<)x)u)UE3;L@~e-YvBh z4osXybA-8K={iNEk)8NDd^Z|4b#e(i&#-C_X}ni1g1YLt*=c%HldC$P?a;&4Mc9+8vkC5(a)R)wBgmG{aq2!+ z?0``lCi?XNc+IBI-Uq<#q7QGh=MJpe6Uoo5zl^^NHZX-=D1sz${?%CN0uFzFIlA3DWMPHu#wLieF{?K((E(_^ciC*!S@9dP{0a9TTIGAzAi zO0TA-kkw{2_?3`PpKpy~Z|?@P=H6y-FL{f)ZKs9rKN0kk-twRPW`f1lCel1D#bSPH zz?#FQbaAgb&MR&bXMaz@O)taPxEDL=&GZCj8e+&4#gox;=p!yW;wY|9$fn{=yYYs? zL00_k3@w$NBJ?rK!rHtL++=t~ye&|J3iv_Pc(Y7&X{@@i8?Rt*<9Beb*;!n;Qv%JM z@SP730CuDG=HbH^>ea*Y=CX5j?c%i+(_rM;V(_<3<*r#CpiPT*z~sg9u-oVnKVkSJ zF8H7ZT&frZmu}p^;YqL9_1QO}Vye(Hf9)xrALhkH4pXD4v&~V|I~X$lx&ZVp292L4 z+{TJh7W(o4%|Db1S9*mrU+#StFTa{^oM?rYrA72Z<))w?EW+(B_QH-)nevCoKu69& zxIg`sSY?R5Fqf>P3tx_~5+VA!aex?x)GuJ;3*|W3gj=A$+XbGg9ixqw4QPFKIZi5@ z1=Ggw7Asiq!+75ZB>mD1HprJ@^Gr!vvAq%fhYIZF@;p#?%4Jd#Cm=II9cBdy%&bFN ze7?>vY=66iKCW*d&x8oLeDF8k9binBJzB7?TnPdchEwpTD>%$<4A=F=4rZ)SqzS<* z;PcFR!p`~_Kj-ci(7f;l3Nk9GcFSiru3|n+G#o+|*G`E=#sAo{FfB;v-V5<7)L7Lc zG4tygPmz*^xY_gqTlpn~4&e(pery@6eX*Gg<4yPxrY}XMb+e$fb1Ky;iP-^hIhH)R z!4xK`g7-OO%Ov;Fir3M!NFhgHkMlMDZYoF8_&>j5sR>4+)RTDFT^>#v;zaBU2YMG>2d&Nj z(XN9B_`yfw*|e+;aQyKiC?CBE@_pNxLQ)1flx`-!Q6nkkrwOk#z8k7SvN?;JYs81$ zS3-)=XVmB0K$%sa*q5LK@M>5rJX^Z}yl?n{*dq+~ss0E2^d!i7l|%}OeK_?-GZyuI z;CD^xVo#*Ev#i<(s(z|Z3ynNk!1}=uxGxyl_8Dk$codg>?-En?AHh4Fi=$)ZS}aRi z4W}J5MuP|ISX-tww!0T{rPd0T6K~9*{A0@1T$SJ#Zq%Zrd1@qaKahS{T%@SXqhMOU z7kut|(!@pA>2cCk3hm9oqK1p0q+7|BrJkX(zpEfiMw0s|?0Oz9J3u~0W&GfXNHWL> zXMZ*isgCJ%7FDctfT?lc(6~w+?)n$9;o;wLK7#Q5sDS?TIaCljmc4!yj3s_=nNjLq z?z_cGm_3X^=#>b(lzdXiO_c~9N>%189tc5R4PtRypTOGvg#sdrX*7o5%7Ck=5o}4Z zu9GM#{tp}bpEciLb`9>v`B34uDdM&39&>HQD)docTD~oaz*95N;F$V&mgZE;9&9+o zeeP9cHLheaIBYPi`s+xAhn|vW&NG;5u!q?U8$=zA!{F(K6^xr)j$Gp$fz>r1njOR8 zTjBv+IAjU<3BSFhwo8yH{fX6C{-opn*F-CXPK|lWCITl{8x60G6&P-&(0FwSlZh8H z1`GPYOl5-5eIur={bua7pAEDupGBg_?^*ETWvKbxoNkBS+ z!7qhr5j#n)#R$S{hhTv6J(0Hd28c}^j;BM%fMoDW827n=f|P4uS>r&!x zT;oGMpJdocr*_ext0C~}WgZ6pp23%k)p6~~0RH@FUr>4_!J=%oFum>fuzkM|)(xBq za=RALbdP8lT4Mn2w>(L*XgBV9ltU8=Z}A&WF?jYco{2hl;dQ4FGEKk8t$s%AmSF~L z-E9MN-!#yR^oLx^3`vNw3dMUbhX`J@I7pqW2&1Ly54S!}b z=dtp1YP)c4zv|G>;?ESfXf}64!x_I!ufvvOm*||Gh0uG{0w)^EMFm-#;Ps!U;3iToTfeiR>~{{vC$~H_EpfGF^7gMmExvF)N|o#6JeyFLq6*=gx*>|)H-ww*t8a2 zAwLh_d{6-OO>1asuVi(xg&Oy>U+`TrF?(|PEVO2LFmbBDWH|T_%M_~E&MODt^koZ> z5%Q7iUmT%g&kQ`fRg8{CQLsAb3Eq)E44RVG=vCtYl7>={vAv43e*6`CRxJaq-nFp* zlM?mJnL))*?O;!*Ft_c~h7lGI;QZPbyyGN)s9IeD`CXwx$50+P43);^gL1(3Xb8JJ zZ5}iq{LMYT8jT~L4ySKtrD5E@V!D#?k+bwO=XYq?kr%&}L_H0#e*G3$?xbO9BIJT5 z>uzD0&F5LDWTxo8W+NYUc{pc%Hx_DUOonE&#wFeSd49Tcu-&VweD zRysh9C+7h-B7~OJOakA4Zs@N%EzX>Kl*>2ouo%|&k0rg^KtHPmZ-l801gIOp+|^ye zOn4A#I##jHUv6B?-=nCRCG@~nCy@H+k>IdM@W_}4fwkjXPQ6p;`1Fg1xk9ezgl;$* zzH@;AQ;yND)dA3L?GH=E99?~u&XnxzF)i5%tHwFO;)+`b!F~-LGS**{aEA2ejZx^8@t#?I3#h*@8{l z+X!))RqW$E9kMeip()2(QQATku7&Qw&e{T4Vd27T1a{KnBXQ)PAW!4HqS%&nMOt6F zi}Z(#XNyE>#2THc>9{J}5Vn?GsNM$}!%E4m(uI8$&QpBNVgBsHGIn&~C(ios6gqdU zowNNi0UGD$zWiZqX~lVI%Z#KPS{`s1B##!svzCjn&Tb@q{dxs`TUSEZ%O-x; z{SokbgA3SwVDPiIAD@jjrj*z6oRPf_Js)<4FFZC4eEsFot-y$WZ9h(*^3$N*rV1SA z3)zXEWAWpX-*|b@5w2wQgi5;yXXw{2Wzww)099Qt*7EQuS8p?ld-FsKyc-+f96L;% zr^?tRnG9Z9M#^%Plq7BbR?hZpw1T~*hiP*8C$@TKGgmES#`sZ(Q19JfoOD`}d@8Eh zf?5kf>oFzIy|>w~T1gab)+POyL3BYcmBkDco+FkP^mq@l?uyf7Jh}+H!pB!@7S!V{ z_jbH|`!9y8OojLNJn-(?b$Gltk?d86@$G>jf`>OnJitDX?p%rD3Oq~cLdG%Sd=N|H zHl9I+UqfidjdFM#mVtE!AB9Y^D#(7VVRAJaao#UKa>#9`?e?$vi+U%RR;Uxz4mk@u zGs-yrcsORC*5Yz)%-~n#Ls0!Ts9NQABbJPOhFg-e;N=x7IPjNeia!sq;CTz7&`tsS zjh>-RjAXUP@%5bYTYXrS>x+N7pP<{vTJ~b`AJ}wa8oY111+&5{v2yJks-v;Ax7reK z71}V{n-bNxU_BlAq0DkjG%S@K%_m=4!a9EC(v*5Te*S$e_&Ay;-@kgWE9@ZHC!Z12 z#5^uO_W|9qSL6%L%Gq%Fi}a=CABIH=Oq-UatlPRk=!IJd8JPm>K{kxmuac&>7XsmK z6jb8DW1+*@u#ezOP!TlqxDY`)0KL}ow zch$J`rYjW=khI*C`k1zl{e~Y;X5;Jrr<{zMJt&we@oI@PNX+b(z4@})?^bseaGxISUekdCDCoH0#P3I|Of-i5Pa$V$Uun;ATW9UNL-B>5>!=qI5O(0&M7TurPBTe@e|GKd^hhcAz*hjV{S0fs>~{Xr0-{ zjq6VVv)$1&blfBCx_=&Osxt9^6rG1ZR_`0fGeW~Ek(G$Zh&1q=>rzQH=o^|+(LhN% zC1hpqWUrPHNoeq#`_fKDk%~&1O1q>z^gF*l!0UNA&w1|q8lTVm6W_FyyCO9bYTlHy zecpa_?RYeEIIV~S^Y3$Jr{wVTib{U2qXhgbujdS`P4Sl9Hmr(0&n62Vv6jvw@H%k? zMp|rOTP(uq@4+5WzIzh0K6Y^}K9vx)<{`J{cr|+)xQI$v^ClS_ky%YM zJ(O@r)DnJ|<}5B);S?PCB5ONu>}J~VpAy_CT1&MLoA}pUEel+=4y%Q;zUsFp)y?~b zHR}sebz(Iud+908$T&jVCLD$z>RRab>KII(*&({nD|i`9BpaG{83>tMj)vYhi*_wUWNMlmGJgLHUAHU{kNqFJ_uXLE?Zt?W!Yt5nvlZpUw05r=j|ou5n5R4 zIDni8jT;ykCnkR$VeROk=;0m=6aFfPP}k_HOCoD#q( zj=Ff^_f6)=Rn-dS=qPxL-#B_N$7vPUdf{(U(U=((5%YtvKPcb)Pjy`O& zA$$9;4&U=bDf0h} zT%5!6n{}75FE2Jg@ZD;>w#|<~rV=K$e_>D0t)#nYAKBIFYb-oP8(zeAKu%sSd!MMv z=?cET!6(n6>ZwcYQI{L~P$3zKBjNkQ^)Pl(6Z<_Yik)oUi<*mj;Y-zd*xWZ2%{FbP zmP@m-T0;YU&82YJU`3MFYk{t#N-QU6A3w~el|S`Sn|SFx=sI9HiawoZ!=4YNQqy&U zk7@w_%6zJPH$TSUj+zT@i4tHIkeiFFE@_pLfgEUQd~Oarg7 zQMF<4N5L8R1_c`URgvGT98FnWad;|V9NB!ZWS!E2Z?WV7xHgW)S&Dlw;&V7OC z%Z@vc{mKN`=+`WIbRHC(s-VMy)=F#XWv~@_QSapjc&;%R7FQ|bM|2&t2Ez4nkMyGQ;GW)2*hf3bKyS-c&toiq2F0cO$u8v%!=Yi zw=h3c#l7;w#S*WL_+^l#TRnq~QSnWw&j#{X`cqdse^vQn+!tB&H9FLI*+D-0S}p z4*z6KT7Q%{bn7OXm^YlpxvfTny`l8AH3hr<&!d;`1hne8C;oj-8D=YG;|}X0{$Xqx zYdyIdDp$6bwSKubS1iplPq{@Rwx$Sjoe1gtp zmVVHRa&5MNt>so0GJY7f?+&MTb1iW7?OIfM=7p^h+P`#cu7y@~ECo6@ewKHM4I0qpcoh59RQvRMAZ z81K5yq!Y2@KxOn`@_$mqew^M!LG#Zui;?=|=F!bws=MPqsYW(L&JMKWjd5Rg1}49+ zq}w`I*n4szr7M9Hw6Is4dFukaP&A{2jV|ckmuUUy`yVFrJD(le|Cr6Pdks1pKC(wv z_gK^ID`KmoF)(FF61yqCjO@BHpv<8LhAbP7a`}sJ*B>SD*NEi$wBB-Rr3QF9$cv@z ziKb=4f^fAG&pXLIXWA$A>2i=A@~Lg&oe?+TOKt#s*IG$gf6lO||2}|Ets9!YKMr=M z3V^ER;qKlUq~ocB_2t*OV_$`y^HpaTZja!CS7*>n(_f%0 zUO>NaIqYnmg)+86hDNXx9{Kl(`+iy)6;@Bi)|dKd9j}kiPJILCoC|RGs4m_JcEK|( zEAWlBAC4S2ndWFt!@966+%5BtjW8Ej4=ft}`Z_>U@H+aWsGv)aW`mTH2Bv>+0Ur+o z{>PmP_TP_7EJST2|0V4Q7gX_sZ7@xP_^=bi&1!~~H=wwKkinL|>jG6_H$7+k zdv+gS?avU%)elL^%%xZ z8i=)H=TUmueroYug04{y*rU)OC_es}q)py48)-EfWLyek?%bloem80LZ!4zjC}wka zzG1$bPLkRNbMfxOq2fhi-G$FK?-}$^AL;Tgb6zw9I8mxeejde-x z?*Wjo)u15;$|QYV84KoSflc*Ts=af9O*CCg8udr9%)ddHfyU6WoU;J`!uTt9v~8<~ z@#K8CnSRrY2w7O&y9FZLbw*q#ejG&Q{S4f~SLyT!`TNY?(Mp2c-Cg$51Kynk(aDZbn<*dF9 zHpv+<_Qn(TT1%7Zdi{s;N7Hbaiy@WEZztdfASp@UHrqn>Eawi|ojnIOgVIo8;%&@N z+=3^{29WB_F|;`-f|kXIc+2)lY~mF+IJDs;H$2diE1Zx6iiQqUvwar*O?Rd03N9pAg;o5*!_HOfOCVRMw`RWzmx4*G$PW@FbZ_h$Fa97B^xst##U&=F;>KHb5 z#YdQ;`O3!2@dHZ^OXPHuq|iF)zPL3hn@-K{M(^Wc6y`VzJ~@r0&#edf+=rV;CBaMF z@h^wf%lzcW4N+(Jrg=kZm^->R>!QebBl+p3L77Sh&WYd8m)36()i0V4iw9p}l8;j9 zd(2?yliCF@?9(w7g6UT5DN_IXmHW*PLdZT^Z~v;1vA2QztnwZx(AI_ht!Z@n!%&jC zUdyd~Xu{+>Y$!;>l+NqFVP3|q;J@xT|L}qE8*JPMeHIsCz=ZL9K$9hPMHEAC$vpfe zc2_-hyL+f(|{I`1(jt^6yl}7O}=yedYS+$h6sCmbZ*UN$T#D8!$ zzaBn5IL`tnM3MJ#9|(K43TC|d1orD|m|2buzeUi`$N3b{!0MOqZ=Nr1)Chwe6UzCX zu$TPBe;a9OS2Y#~hjL#6p7JaHhTyiF`S|;T+TD593@GdR&0AACASk1pAp^0R06 z^Jcy_Fka}JwiXGDxhqxN0=MnxV_wTg6bIwp-d)I@L@cP~DAZhyw=Fu#4!WsQ-lM@3 zcQ+5=Knhw`Byb+9c=q8+8jPBygm2BR@w2);Y5uLXm_6?{bQqgp)}wa5f97iH9_LH1 zCzN2&k(qe4^B7tlSHKT@6xrXqWpHTVG6)bd*%Df1@apFk=v(ANrInJnTz4n6wmhVl z?s_aE|oR`sOSgV82{E;?{b0a=ts|fHF!R+9UEC*vkb@ zn8PQ0l_1Hp(@67-J+6L#w!VX#fhJG=(dF!0&gRWkX7@djeTufHz(9SN|B^wri>9~vVRXxi%ylxmd<8NWZ#Wr`O5<`~?{k|U8-8hfdu1Ha>2 zLD9qqULU^Alt=!C4Q4ml%<($}9`q@!uk54?{R7!@i3r^E{TgNL<|zJs7Fl*{(VcVK z*#0GgHguuD{%{H4cbPw85)jKU2vJdE5XZuV`Y*tk%m(V)Iz5Z6Uu9baFNep0;w4pR zRO9%$mB*OZLqP|zJ(C?-dxYSP(_Ku;gP{cco%c?0p5d``54-|2U=$qbc(I zd2Gv7##zRrS%yWb@S3Gki{dk8@LK^-bNRe$wF3Uq7)x8{=c4xFne1hq5#71EhZ;kQ zph>rxR@G|qYqo77$tC_6`H@hivXw~++WX<}>P5vp;~`%`jml%RkYykGW4JX&=R8`eIc-YIc-e%3KQVSN}{SW`{StDOn zC4npR0@!T92jlc}8!RP3Un51>le7?Fd;+tYwH%#IB*-kOiVBxKg5tJzFz_p5`I;wK zn(J8d)t1Hk7r(<%xxqr_o1n3O*bQaoEyOCaXn4_kPGhb!uCe^evgK3Y?I&ZJ`Vg>k zzd!u<{v+oyeq|tKyc$9EFtbv6%DH1Akg<14GKg={GKMi?;~=FZoQYyFQ9_Emgw6c6nT2 zx)-k|c+k6L$3cA6n;mbN$)}uIg~PR;(7g2n(Mv*7U~?C8tuKcQ{GvrPP@$dv9#^8} z%bHloh9rR%7|0FHcn9v&I$_nhNQ%7|jBbvGpjA~!Cr8iXzXh8x8Ka$OXS@M3iUn=6 z@<_ZURAD75Zq>BD}$SFC-9FA78Xzc`=_*&Ywz^fVdrcXkvk9YCC z+W_`oR4n!^Xorapdce2gKYaMDlxbXd;71LK1Pw!Hyr*v{WCH|=yOtTz=0O_}#`x0X zke4(fqlJIa{(%1?=L^BIrMRi&CoB*1AbW-30_XDuUnl6?91Ivc=TLzA2L|9`y*5^m z_5^%_%P>jcx`9p=1y4Om3F)IzDN_>mP3?u@H{-DObO&x5^c6SyS>uRC2Q>bk35Wge zvn3v$^fq(|d!iqXO+T}-hgac-t*vDX?+?XWX=ix7_>E{YcpN!iUd8E_En4prnB56?sbuIYmf!k=Z7ynOYd@Ujch50m%IZR1 z)Q1Uz*8UdF$os&B{yvFeeFLa#R}^c@+(5Cqv1FS&h$>_~1y(}_e#z@+mQf`_o3-A=H;>x(D>k~(@C-dno-+X#NJW6deJ8e~>ph9dOp5u;OS>pG_;}0FKf#Y}Y%m^|OqH>{ z9*{wcLgLtun%mr+v%Pe`sg~Bv`X}nL52H-~4DwPPiEU=ySg*8@CAzK0gQK?dODB$o zJ0H?h5g(2PE7}E81^3-ErNLL?K6AcSR(^MC5YRIP- zlQhB6Bb$Y2`*KUT3H0~kA@L#uJ&IYA%0=mVQBiISuW!B<*Y64=Pa(In{m67&-FAw8 zp1M$bE(F zk9^z)eKQZ!XL|#bdaA%~G>yf$QETaaay6(w(nRB~3}1%={~*q5A+4>sA8 z)=>@A36jHWw=Ocg7(sVMTIBmPn`Xt^aaFpdLgw#Za+{IQx?vT~u6_keYF1ONW+YqJ zlZD6Lc7o498T|8L67HRT7~N-v(=`4U?wh-p=2s54J)o&Tznd4MPkan-ru-HMgdWAK z!Y**E)Is*l(HuW~kH*eL#iZ7?4lmvrLB8>6^kbM4lfBabeswpY-1aR5E(pOOUqcFd zTSAdKE!^tpUN&vjI#>~yM@jQ`GP?$zT^o3g4g{pL7c2hosBnpy4zq<=??({t98K9L zG<18-;|^{-dDlBrefM;1c`W#3K1kutr^a-#FCD96Q_-Q*5LArKXo2%_ z>tOGnA`SgMHs9nEn2fu_)jSc|_H48QqqSNM^E#%Gp6xUepZzH8#)Z$c)U*BjHjKNW zl8J-buPg~j~eA#p>)J7I?^g+i%H&K`9*19_|BZBs>-6gT|YO!VHK{p zJ&-Bfn8-%<$l}?Qzc_!fEjgWS!5>e?V(6v}+S9xr3t!5kwalP~o;hE*m^UIEe(*c& zA4+ggs)JjUC1mV~3*l1b82ns(3R4WW^HLULaqCrox{6s;tbU%J7pKs|up{u}(-#y^ z2*YM!&gm5Qh1im6_}v%H4L|mirGAK`H;MN_sU@F&$sQFVREU5u@;r*Ke@>9!2}UcEQlfcl2cR zIJC3jY~3eU!K2mzY*wH$6Xlnof@vJQ(_AfZ`ZU=wZ^2Lb%ofeoZ^Boj9{wCYvcAfA4{g!KZsfoufYEhrg zSbT33#fEJ5#=obg3h&2z_8>$Hn?<7`#8cpA`<|rx5uWVw`u8}iXQU|hTqC_0nhi%U zsM0Hocu|0#3#}J&KopWDkwc!Wt?7#UJ9CxL=FxGM{p=y#s@8+N zL>GE~K%KVNT%lEVf*yZF3p<@Z2WOr;$z7efj%IgRadD%=iETNL3gL=aI!E9>C6vMT zf%EZRuo0X%8qYa>4Zx*I{V-c3=0|9KW_C_4Ea#;%D%|#gDI+G+cl*68Au<&&Y`(x< zv@f7H{nJS*x`JDkzJeM=x()5pYe@Iy9AI|qnh^wVRukA{ z6S2IU;g`Dc-1mWDg6=JyvsSR6_pjY)aa)|gyxEI?Ck9iZP`8Y&mca#Q%IVCXG``HC zKx}JYD$JbQBd(%qKOLDINe>0j%(ORA^!#WI?WoD2 zOCP4->`lAat-UdHZ?uLuah$6#_bO!~8xGraGI^C(OYoI2M@`Xb#QvHvHbVaz4B7gT z4cTXa0VmXOwStf#yF!>x1u9}~k2k8=Si}AtJ@RQQ0TT2YWfKnItJ*k<47|wv<}1>} ztbJr>@e=cD=YV+VM4Ibk#oc;YhG&A)(51AHVuSCI#o>FHpL2_pxKY3RvsL``A)< z5@uDd!UaP%u(wa6$XDPoy-$9MZH`5h|6>tC_f+!k(IS5fIf^$Gcmnea7(RBwlvCyu zb}@hrSCF9PeQ{_OwGcNPEy20cB1#s#n5m!r1SDA#*#3y8?}CR=H7lIQy3wR%Fbu0K za@c`VSBzK?gyLyp`0w6)P+bsD&vzccG0MR#S!p}vJ_#X*`WR-cGZ>$L+Qv4|4#bIf zQfaZDBrEcI10J(aV@F;k`*7qGl^OX{_v=}dX>pmg8~}V`_8HBL4?#wEq`-s91G^Is z@r;y4gS$A7-TL~S6}0rTNdhS7;R|n;__CADR~>?8apACBxG$+920cG@V8);paCBLT z#+EKjCh!gX{qH`nA(073c`-AZq)&QUXCOyW$f}<-mQo(qAz!b->E5V@&_`~l*gapU zljbl-wK8V6ONyNd8$i-!eNZm9k$w*l_>a6K&0oUPA5$khuw929m)%F_tG`iVpfjqd z>XVAnHMm?8iZ@zH>EO4MkaqSgTN5mcC%-Dt;aWG^zD11|JIxi&&!G)nrmEDxBaG(F z`^V;xkmcN7O8mS$taNw=;lIAY;fF4K_Q_EscViJBE+=phv)99ko5N^u&iK6%SF0r|H?ov|hC%9%{1@|^fl6C(bSQ{XVH^v@fB`tPz%JqwQ%!Y@o&tW!; zo!!D7y*}|bEvTNV&=EJNuk^uCY`Q9xphR+ z`_-|aB?9jp(W74J<(TbwGMc9v`yCL4|CU5c6OPf6yn zNYnO)pcCa5&18xb`q>V}a0}Dl=NvdO;1h5BemYNQ~wjJU%rt(DZb@~SX!WK!hPo4AZB{z*-*WroJ=K} znN<8GcKGLDn*1l8{u8}sEz{umzvoo6URDvA#9Ww3d!CO#Pa z6X!<7vbq7~Y`tDMIwiMpZhpf5c0d*l{#@W!WE{k4a>E)9)rs)G@ab4|Zv5IW5&YmI zVc4Qf%yat>ufJF=WG-vrCJhm@m8<4VmMYP-ErO@;)J%*wT|n0ZT16($CfQg{5v)>4 zdNkzsd2!G(Wt{#e4KEleadjKg*dRgk^nKx3yiv9Zhh{7gEL=X+IVl_ZWAZ`TG#6}d zOQP`z-3A?nCL9)OgoeYj`Rc~W=a0WhyD4`Q5(=d?<&R5O+@n} zO4#x=5~nr?;PLae&>s;-&+e76r5@odN28x@m)s1~6Q{zxLpudd%LF#3RgUytSem$_B~ud`^RF7jCqt>Mrh`Vwzh!numH5_4 zH&B1u3Hs^WLK`=|z)@qB@n^pkncZ~bE&T1Vd*oAYeCsGYo4JSCPM%4B-4x;Ds_p0+ zvy{?nc;Muf= z+1$v%5SJza{XP;69upVPgi+Jz<9$=^`}-T5ir*q8j^5AwGGr-pd@Ql7Yzp!{U7z3S zi6dVK8E!j-`LMehes>*@dhQAAalIIa@9tuqf1b0wf`>3_YcLK}vg77m2&ZF;5>(Zp z%y}KYz@0wqLZi=bBAMvroWY3_u0?7SUYPxta=wdc!Rg5~aYPt+$uFnXl5g0Bl*N>s z<&4h5E-}v!rciXUh;&oW!sml75a(G1gH$T1&EP0sB;=-L-O^nYbabvh_? z&>^_o%#zfyQFG=)a2336p@V%{dh7wv{_2BYo%W-o(mM2; zeiT!?gj|s>6Oy|=8vi;?2cOpt_)f?LZf)F8YhDd!0mc>7Fx?SGZr#fcbgkwe7AWAx z!oy^?(pb<%8ng0mvE(}24PT_~BL(xRbo@>c{SDV<_7VHo0%IxLo8K%*Vwp0u56@yd zM{0<__u7jmZb;_yPnQYLR2m<=x`1txgQ#ojMwCldXn34bP2rB-;5hRalVA6X`?hU3 znQyp-8!uI|kAhC=&EsA?!%bo7uW}&AMZ?yA{$6@pF%~s1rINSZGIZ<=pzMy@Y|rT* z@F7`}&P0}A;}aFiy?I5fpt1-T%<`ngErV^R@7~At{@8_+?^ zOR%}*HEdS8h=Z&yL8iwrI?O8wjN3}lgxIm{npG=4w&>zUPu{`eRwr@RDGPC2{vnP& z88=*VA4D=(MJKlEV*jaibfGO5TSejZ!C#BmK*O12G$o0|u}g7x-2^-sSjD*QyWy>& zBdz_&U{~f5COvj4Hig?^fN*w?u3N}?Ui6{qcTUpoUEcIXoo5HPjiHTq(x~@%JKK>h zqNlGdxU-G_xHW~c^t$o{c&2V)Tf8rz^0x6Lvv|6YE7J!9y)zg#cYFGljUe06Sk7myQq$9o8cH)YzgrV*q z56)@LWDLHSE?PZmD76h+un^SeD?ZkOUbS z!OWZ1!dRK5Xpn!uZld%W$UUQh2_ZY#+8?jkf5)N)uI3n0xe`eaP9`#DR{_Tb&2Dzd zQ@%C#7{5g-64NpW8oJ~gZp3Ee?(uSTPWds(E?A9c-dA8-X`09*(UK1y)k$~DTNr#h z508%>MT5`7*{Khb4cWJHSm1X#a+%-3woXujDW@;7wSFn|S;~qVOF!5MUxxM9Z$U+0 zB8?FCLRoQb@TK4kY6mp3Ybk>;rL-Pz&HoGKe#3A~XAutm(Mm7J9l-L<6UpYPF`hg0 z6x~YPur6~JHEMN}i2uRzUF-2<;8xf<@(yn}KOCB3M66e>miUX9v~p3oDwZ8&t4DFxG4kaq1Atq|+uJ=F)iV%-y{RU6MX z>P3;xmQ~=SQpgXG(#E=P$#`1vBJ=8V18MEQc;)_N_ULc~ZoQVfiMv@@^ z_%6Ftypp|g8BGfm1P0OGlXNwB4Ste$=Va3_V*9jsl)EqsH9b{ui}6{Q)8dITIYO>e zv^pgZvcc8$Q)%zCRd`~TEKWVYmy59!_R%iW@YkVmDs6p3Z?g74{IO98|Bc7wu)|zH zjuwXJodd7U8lXO44Efq^qT#k5xN}us*tG}S=;@v)oMCW+{Vkh?^ET$v(p`g?+OJ=r z7%&Tt<(p#8L`_neVT-2EeevUpL^}Rn4gKp+Vvfod6!j*sUg!}3dnvGAO%8R#w-96k zO!jVqj@V+BZfHfXi}w%|d}m=j;piis$mdyZhowpHMe)&c)O#y|$?E4*RF@`pPkqeW z4llzek(Y$b#AVc>oeWP73R?UN2Wax-RxAO5FJXcP_b7XD+>p#yM!@Rc z7woXvTzs}w0b9ESty+sO#BgS8{ldYvmokgV@ca*ceN#Bh>52vW+qqn}+W~qjyO=BU zjDm-6=Tq6nLG0?~p`2${1bY`(Mt!me@$q6^mLDF4VFD}eKPSLLx-034=0g_0*NB;w zW{~|Y9kNc`%Z=T>mTs$_r^7`Cwu7Ioqk`-AglwVBuy}(mM)-=*?D!zC*U1CV)pBHL z{EdAaBhTluPb{;t6vqjE%f2<|!0gpR>MgdXgFi2_w!A+6?y>!%AB&2>ggcEp?FvAB zhdiD=@`CjW+`FQx`P|1<=HQcV&uzGzjWZrp;Ch!9v1MUlea0havT;qvbwT^dN2P}! zoSTnB4|=iQ@B;ecl}Je$0$Xl7W2#Zl*jbA>vTx^ce9%)mP@6)Mrt>LbU^}eczYQbT zDd5D-AK^`MIn!CXggzc$2qJ?g5cJmtU*w%Yd%tWnow}O+)!v2EJmN4>_5@n2O~)@v zx_HM@9xv`RphF4We8P`F$d2m3AMKmqbuOTHj|{K4-I)9iYSE<|G4M>Kl4*Tf0_(O` z!LMIgIOsVKk)O1w-gu;KmDg7OP1tZDW92M&N34Sbvukkrn5(ROL<(+Et%3K`i!kDX zDOI%2WqtMaAb)%kdY$j0V+IM_VeTk=c_?It%lv|Cw{NjtJEWv;RmysC8e5HP$ZXIM zoUYa>x*7y%@GuMK2A#qC`-kHc;kla5|AXWFx6t^7Gx(KLA5&ypOxhF+bY5f$g6yIZbbTfZ(;TkemzC)g)H;{=^9$!-` zjjo2de5<7yo=i%}o$vZzLP{{uKn$Zm2GJUAz-SHqFzf$YVzF??ge zJaTbp(}hfq*QN~=J^K~dju3WVqZ2^c z!+_N+*-1mkj>PCGA6T|gIer~Jn`T}*z+$e;LRO(YEj`gBwsO~p-xDTM%e7Vv%`Rjk z*XFZjd#kZ}iICs0M~e3JTcN?W5g4i_frdW9`~KLPB32!P!Y7ipoyt+<+AtL#?9}Ir zCL7SnY1(YWm{T?#>-{LD@fMV-2yF7^ebDxOEZ+NhS?EjKVQ%1ZZi!t2ye1KSTp2E~ zje+!9*J4&-63qRp1W8Zw*psCSU^n|dKkIS1NUo}sMF#i6ybnjQP2HUK7o5j{vzgrV z8>#HhaYg36Ocs7-rNX`1s~C&x!Kdmz_tMM={griadO;Lv4>jR*&dnhqsuw3i0IR*0 zg;m1}(JlNFbQlfc%wB{Gy@(bKXft8unl@lP=_q`>#xvQtKlCX7p6K0(eI#1@ip>;i zKc@y0DhgfBx5x?yF&CbfE(y4vz z^uk23!Bzb-^Ar4GC%$LUu;+WI;d)2ih|_!U`XCK54(Os}M^g%FGsJrlLu`w~65!kP ze%`&?8e=Ay(WIftH0fU=a~z$HtL`7-lb&0!C~hO@mNGJ|bB;DMm#Y;xPe*XU&7tT%Z4v9!JVY1l29Q^cB|Y_ZMhovU zxV&7MKf6tp)E7pRm3tJn&bbdAtwYK6!&UsJtcm@b4%0FTS$b%eO&NwW@UQ%5w2Mh1 z`eZ~iBvmP(KNZiR7iPVerYQyvpzcyZEPg8{OADGPy=2yrCh&qn2iW$EDxi>)O&I?; zkDWO_jf|r^U{KyrJm|X^hYf7y98uFYrs5RaU1Ec8hDl?5$!@OEe-3|NB~ommtj#_g zkflZAe{)UVu4J{fOME7BIOqI22)xP<(dE`Y@h6{ z?@d`nQzLfJQR!eX{=Aor2YGPmD$!iunrT#gdI~;yt-*#*aYCJ27s<|YG)^iTTpx9A zE;%YU^8ptE=}^Qv{AjAwFlE)Y`i+6(Xvg(J{M2@uJ&jmPNzT=U}plSYjMOWQ4pVJ2hgx|%PYGZt~%rgX6Vr?bI-;S=ur z&=c_B(**byQ_B7X4F&h;0?3m3k42r*gkK$ASYfFPXcZTGAeZ7( zs&RkS7$|RF$m}bJ)3-KFEMG5y2|L4?=7^JU>$M(Xjx_H77>T#Gh0*K{rSRgq2wjS& zqEp>yRMmE;JAwzGanvL+yw`=CWjLPxtONY9hmdh<3XXX!iBjq>dF$j%T49ze zcDj6u=ERF|Mnw|%J}YAr-smxq@u$DSEO}}0HXOUvh3ULs$&FdO8}y2nl9u@!(K2DT zd*EkHz1jF87&63~ep%E8!}D7JJ`k}wWVWuof$ zICxhPZRdxe`iZgE@KWZ7KyyiL2&|~cBghaaRq0c#9)WiAWZ}>{xgw^|Q2gR5r z+-2vr$TA}#RaMaMFDM4R1^OgmT>>#zJlWj7>zJtchQ$tc@|Z)o)O7ixsTsAoAH_Vf3aWVEHF7; zlNOwGW9pyEY3Ed1@tw5~S(M4cdY4X3+bQ&xT@REcn=BEQ4Bd=xg!!euSGj0<&_*t| zT+sTAJkB0G{Q@gu7gB+{7R~;?7sIrN;@~AQZ03%c?DCGY%;nb-++z^U&8`)gGS>&u zueI?QZ*=6S`d;1x7|1%(1Hh9e(dirY30(C4RScXWgcOhQli^oy5lX6zpyVY_*~X9su*@V6zs2vNErIbE z-ZO=K^)10#(A8&eH0B~4hoST}6Iz*jhiChfS=K~3yr3V?+Cqll(XAtCy8k@*>b#$y zoKblHtasutQu*XJ3qLkQ*O`KoP$e*EcW2?nx6U=9d@hz750t6FYF1 zM=2P*%SOYa8>mn`3KP92vg+j~G0k#! zS{dGMB3bz~JUb#94%-0U(~DzEDhz1+jQ7xM9n2mb`pk|5+2B&+D_CT(8ha}vXh&%- zUVkuwH6{UOTAo6aG<|mM&tTgNLytmiLL?q@$)Js+hhx<>e^lwSgup%hpsi|3J3ick z1qx)_uInSLkjRB`U|h)DfHyhzxfGG51GreG4#$);CAnp0_AK)9NayZ<&0Q` zzYopCHIsb>A5lMXR~FHgJNazzym549%v!i%ew6au=W#EhS2Ed|JLx_4vJYpxab(jc zXiSS?qj#i&r>!BIGs=qw1@y4-EmiF4a&@|CCuD}*zX@X!7U3{0b(-kqK*x;wVe6Pg zoYfk|in7OHZq;-CO@=gXc9Wr(104hp-c^)L@Wo}~a60wXkPdnr;A{=Hu!Nd}qMZA~ z8v0fZK%Mh~pIY(5#RcgjA`><@o>zFl-p*& zw5`elyChl2AOtG7TndfR`SjdPfDH3D1h!r)E*|6xhHZDCqDTuC{wrkx26>bj69IKU zreg7lMmQ5+K^>vWbbHGcmUH?xoalPS>LWbKZFK=$?v?l-L+9a_;}?c;+9j2up&{*L zM3Q>W-5?{wW4+JZRql-c| zQ`<70nJ*qjb~S<@x%fJpJi!#AuS+wj!yb64&<~X{7nkP!DNa&TD)_ZUuWX)A-%M(P=jZW-lhkxzCS-^N zp4Z6p_sXEYWE&e($bLstO`*_-Uwpoc4j=_g^K$c@#Bh}*b}Krhn9U3tzMlKgN1l*3X z`L`&6e&5l6<&*X>E$-D2l0ZCH_zo?6ci@ruRdD%&3VpS>!tRW#X6l0v^4CZ2 zV4fBs`0({l)KiS6Nrf8pv7nUJPL!aZHw1>=)I8YYZOcs*_IqVxCpLBZ4sz9AL<$D? z>GP*r(D@z=#x^5p?o@aB{CY1`N}OPB>rFu8&SlJ7I-mBRl_&W@UvOAu6Wa)*ajDu$ z79(i!V*X`Vej^Zm+_M)Yl-WYt5eshg-W_m7FIebCmIjT(siK*Ga+p)@LH1_UX}nNS zhkq`vqu5WUz<<&tI{y3sdn>;fT~>wi6PyKpe}5sp++z<47YU9_-)Cjh^I7%%vn(X& zK7N&rCf(6DxUAy8n6+>fBrCb#le0p$f6Qa8l z6D;LIXzuq0J|y@g1pZ93c}w-A)84@s+YY85>Z?ijz&(+b^c_))e31w)zvJ6owzCIY z>)7;3j-bh>v#=XxWS-duCWD&MK`M*gj4S4A-`KIjs{s&E9D>!3<7vu;{kYEbG$`FX z&B_O6Lgd~|v=`q^PGVztost~>gy8?an6HlR3xBai-A!!Pwv&{2RgJ7OD{T^{zTz{h z_MqotL$DY47Mh!mga5&=tnI)v-1k0-47)4YksHHp-_JLIl8kpaYNa);^*6(}zEb@D zImhApU1{=>tRn5sr<~Q{NpSYmdS*4Kg6q6!1j|>QWXBgjA-}h3w0Wfxqn7hnAvcHK zAFJhDeI`&>rXTct7g&cIpJ9*Ac^1-}#8Pg1;quFE{EPW3@z?u8Xxes}uU&qUo9=E4 zdl|s@(E%cuQZ{-5;KPkyJnU}D0j&Ha#!*szaNa&ip_KEs$-p7=; z|5)#bXtsXrD5#1P?gY!Hz@}e{kXKWUhRbfDPvIuE$z5Oqns?*VrHAQKVj`rDbEfDX zIkqXwm~N=a6F!N9M>YSkBbPEDEIc;&s&qpo^v}S??K~oX%1%dVww}RtsLAw+3jNE(!N1|HMoB0W`cP5I&tR!(Qt% zqJb2l!}~^qO&3ZwbeoKW#9bU(pE&|uSBAiy*@NL+usM`<&4$$Rope(8og}uFLzG4d zUajrGHQk0Nol;B>(j!>p@F&b-U_3YB-x(w+SJ2h6r2mSGXl6zoU%tQ}hY9O_d`BPN zepf(2)o^uu3cJ2lOx80 z@$@iQPL9G&hZqbAH6pKJcSv3)g}UW$VeiNf%)B|2WTQB!+?q&lyuL7xW#b_1ejE(r z*3g#C&ivTwZJ_758v@KYn?L4naCq}=wp{N$Z{?|uS0^^n?m;HhaL#~IRtvmjy#Y+v z8b>yxR-$_J9GIzlmAA|&=Qr8KVMtvXTc=k7VGgR`8nlP7eJI`jw1N8;e}!8=R*YUw zkfZ%^lTrG=P*M)Gca1sRKwZD=aWiYCaN9?!uucE=}-M4D6QKL2e~+6g3j3+ zt^wor+EMr_BPM#LgKhQ!wCi>kZhrcm^lWm_MWRZOXUE(*O-Fgd<VaNQUg{O`qV z&`+-9layxA;wC%zVSX3sdMPs%sk4nMj`O!(Wl+V&-`t@K31n7!pPYxD!l4r%v2#n7 zL66~UG?^`lF#|M}sy9XX&eZ3O5}`GK2tm*S>rs{}sE56tPEPsf-knR$hPt)>dPwItHe z{Ed8>Xd-JZLPJAZNEx`ef_g@v9HX) zZ&NP>#T(Jw(*z+8AJa(hG*()z36p|GlUTAM?Q9l&@dsPDbB(&xStkv~ij9=eSVr}e zGT6TP!t;C50k5>&AnL&#t}<{2I(ry1lak}?#!+p-#}f!o)g@T>u^TMxOeM+%4}$w8 zPNH7ZCvf0q8GcUwjZxEdq5Nba)cY$EhFNg$Oq5v4^b9Cg_{y@}rMc6$({SaQXXs8H ztS9;>|FAn5Ge`9D*`l{tYiL1{udN{0JXO#kbI`HxAoWBopow#|$oF*x1<0)DjcnZ6 z7=d9mpfiM7iH%@cXY;Wy$`%eTc0)zEC+y^wPRNrvM}vJ**tgkkm@6>0#q0Fw<40?# zbCsk>w-zkTQfFDVd!gv6707(MN4v)Ql1b%zHgcyNG^eNH$g5d2W5EMIGgQ?XZk*~!`@0<$Om!SwXhU_n?(ahA?NEYJjLZ<}Z=BGwow!PO5`uAAC&*=*=xv!2F4aui7y_qm2_C9B{dkKS( z5;(WNf*Bsa13%RNpx&?(5VN<26bIFilfe2ArThm1!V3~bDFC_I?1p|4DHd+x#UdW? zk&WfNZ`fvX{AMX|8V|BC7Y8uXT?Kv%`)G#mE^yjD74pj;ag7}ZarH$X{)~?dY;rh8 z*XEbQh=OE(Z08cbyEYKy69VYmwH>&}e+~Q7eH5ys(b^m#q;{*DXbADlKeerW&+bO7dbZXW31)Bd4|?zNaUeCl0J%6~msg~di_QC}na z`BoV=zdcUckpibqOnAn7&STiqUY7s%I?Y>1Z8}%k<8D35p51`Wt9cn}D3Qb&6@Ix~BAxlCLA9G2SXY_~49clTwlEEoF9@?` zS2DA&Sw>r$rm-*E|6>JI4nj_lT*3;$_d*^O6s3v$4ka+XvRIn-t&q+BZ#bLiwHKV` zjmIw`r67^87QS8(7#=SV(6>kf_IjTMEb z*2;0unFF*uu)&H|?lgL$DMkq$&AMXl)UL0U zLCqi7j-P@@JLrnd^$m46F~<$&TzA2(mAjeULopb?VgO5PW8mgVAv2S*f@}P^lloH* zVw~H0zNuw4xd?d=-|$(q`W-+#o?*p;2PylPEqw}qh+J7DY1-~2kD)qbzOVyL)0FX( zw=Eb<$Uu*}*Q`Y16943sI$v(M1^rVM@TYqS7VU z?F0hPx0L^)dmCIepNZy1sxh}0ZtSzDo+_%zd*5IgRaN&QtH$#JJpqyq^zw ziCNc4Z52ZFrU@vys+savXv2WrIrek@M7TbVhsJ}2?8kEsj^tfrxnCFZ7mf$Bb7l*m zcIX;5f4iWIDC%U2pl7eaE$7PtW0%OY+%%bNdH!vxJT3@QcxY6M(;*QW2m~x!t z#16paib4!BoI&x)r>H3-jUS@)hg&XbPfafxSyjF?MKrjx+9gVG-B2IKRLL}0=H##t zMR$7b@{EPV=yT7MD$wp;1-=>8hMJqxnD?zrJd-*bWrC~FeA+zj_%0ck7I_|g$z^30VI@8@J7Pj=Zp;obl+D-Rp;CXEQ)MeZC!8z?6u61_CBN0H~ zHs74uW^4kNI{Q&_(Gh(9V+f?RM047OE=x=HP`;vjMT_ys$Znk5F!awWa;Y;9kup&gBGpFXKt66)D7)T$w zMhQzreB&Qt!x!1m9+iG{*ZRu3=KW^znO~X5c30dady+K%B%snxEy~K1=3dmM{e$c{a=57U@oAvnVsUJ%j90B!%ifLL)KP|Iw$JakEavzs% z!-qO*r0hM5X=Rz<+a1+>@0WDUc(Re}G4+R_8U1Xw(9dF0e71< zps$G=curTM4Eu9jd9WtvDJ+5dJ0;-o?h}9OqcJ_dF#+sF{WeDoF7dOsJAq|SKTh{p z45F*0C^P2-e<^(m%y?YRoW2Q6^?(9O+jR!i#htL}ekIH=D}fWC#xSkS4JAt~LB4h} z*7t_P1jF;ReRDQ5_!0||&m!PmsTkyDoyF%OE0UgmkYeJz$#wj0=CsM1X+Fxw4?&w@ z#g_NfIX43^O^5eOD8+qG>R8Q2Q*PL04jwMDVuRlA$C{9*+`Em{+}4;CRCUY%nPv<) z-&7H*u4PKhQL@ zk@8%OU`ydAxKpS|6ThWWrkD;LOgjlZBQxoe%PShb&>g(Y{khIdbJ1Z{Grwl_VJvFNXm&kqt<1_zGkp~2B> ze8b>tsIf|(?;c(WGgUoVeUBIOc_0Q&dYW|JIu2)tKVfBWJy=P~3W1F%3l;%yu;RHC zB>#?q?cEdL);TGfXX(q!8iljtZ--Fz?_Csg^)U;a7{qnd-GriX64WPklOHrw9n!z< z;B`E9LhgbQRJ!CY4)b~rqY`!Cxym>aYn6t-z5BrN#BJ1jJrXvMb7I)WY1C0n_G-KjQW^y4IGxGHXriTPP-#(znNvo^DR$vp0ys(UCV(X#MzwsXAU->#c}D2eq83J4eEa_SbOa)%-Gw) zV6-$$cC-%~< zs|T6kUn^F>E|q2+T}VeZT%v-7<7t6wG$SFCU1Pg~ps0+sT|R^^bwMmUcr?A2&4Sid`YzHEd~!0ucd;{l zI&;1?1J3w1i3(-*QuMq%!1s)!5a%1%*P%ytvlQuG$VpmmAqj(SG-4BO!WJV&uex^e zUWXJKc8+nS1GyS7zD0^ozVW80vjTu{MhrC;<#L5)iBxbvohU#X@QxR}Yd?xsxnFVm z@D6q=VjX95Z#ay9av!YkF64cNP8PJwTWH6WK;E?!l~(~w{U^8*3tzCW^Ev9${A1%$ zUkJtEbE9+3Je1T~4-D1vojXgyzZRcB;)_`Y}GnucmA^Ro!sa9hy zslr1}qMYZ?e!NW0MyKGY(n>0+ZDK*|T-bq!yTCL_@GM>OhP|DI5H)HP$(f2%VqX@k zoaM+3Q3TwdVxv=!ib(Ui$=>217LH9r)-YkxS&t)g5?D841+;kE} zx^^tobO>sH&ctbVV<2nxR47+z!=5!NcsgT(NW%QK(BGf{vo@)6Yxf_;pMO%|WLyq3 zYAmAzQyn4NpSbRVa5huSl4O2gWd_Y3(er&Jt`|CD`&Y%_-YFAp9?kM+H$ELDXGL>X zC*;#xbD!EQ1ArlRPw+b@%fzTfIPb^MqhvEm*3!dG_w*oBN=kGgbt^s{fmoJg3$x_6vvN6Y81&1Mg+215 zRe@4mj%y~lpVq~Gy95k$jECQLauATa4<;GPi`w1o=*B;Bs^f-YkfkO(L>=^x>SS-M z(;@X`I{wqpqv+qd7&_jFy_}l9bT-wm0RH{5AiO;pnXO&w_`y+PL%jZ;kgxT(Nq;Wx@8wlA6ZPVj_rjgWmS6X z{E!>3yA8)xy@8;zWIEQR0oOtvBV9cl^qA`o3@Z&?RkFYfdJYu zcC3)&c+D0G8Y_7fVyHzsd;dufd>8eJZ2TwE<8WPQKD3rnSr#p=lEqIK^mxAf7^ilt z9fuA22-0?^NO4A7y<(diwyxKLSD)@PgWvA#nvh)#*Hr`Si+6dYh!UF@|IBDXrigW< z2>X&uDGcup<}&7OB=cRXVScnBEuW-AVVXK*>{AZjA*y6BX@H%7m`%g$oSEM19?_FI z4J;!1FNvMsieNH^_z9iFJyYZ$I_l@ z;b<%5JI8LR;ID>+ki1tqteq=MA$E6d`j3nyy?=?AR;Wi2o0~~bx}Ad7O~$EPqPbzx zL0s)qS%?-rqM?7D@@5UADCFozc5;#tGYcNW{Q9k!Hrc@=voTa2(Z+gf8mU3K244lw zC-cL5;pBf;Y&3j!Ve82p;l6M;|H{*k7xNdqaq(a1XPz#zo0rQOEcOR(Un;z`Y3Hvy z2g9MKN$ka%OH9Xo4Ev?92&Hcd`B0r9Fg;-}g|D0geM#H#Utg4sY{L~4kIiERUp%Pd z%q(`$whoSw62;YL!_Rp<#-&#C+l6~#r_1fA+kG7?=cdwh8FkLtaVIx%x4B^XDB%y^ z>BS{dZLDj&Ii$7;eD{k}K+|spJnngm#hP&}XxSO)e6=0I212gW zP*Xb*5C8oIrnT}^K0gs`Hwc~O=6Rsk89}=ru4lU=Irw_Ynntz!6m{0i^N^#%Y#U|h zs+k4dl6Ho^3@v&d7y?S!Z!lfP18Axjo3_Xg3)X7W$C^_-*K>k(MqCEb)a}gY@h1Aa zZ48m66jPeV;JupAn{3^JGC}3oCa^aS=A0p+iI&?!?Wih8^8a_Z(~~HkFa}kpiZqYeGB2#*=Zs@VBJ^ zeR*vd(lexC>_Y(Y^6#k8{(|?76Ie;}7@N0fwN<0nMlcRFrWS<`!H+N$?){Bqcbfk| zy~IDh>Rl99ot@3vi&ddSt(A}3WXnXCcohF6#crtWqV7uxWOCmQ%!1i?v!(fN|GMn92MdUI1F1xj63@x&Mh;n~*>2UK_ zFp(k1*!E|@f8IcA%G6=e_f*_7bPdSAvgY*7ccF&_2;3VJUTNDw z&MQsOkIqhKQ_erZOLrB?;k*htpT5nX%Na&))o*ZF+jbP$?S%3#Kk2mUL3&;F9LuDa zLDe!9sEo}6>ldRrkCX}Z!x!7KkRwK57ZwHcO9nHyZ69n#c$~znZp2Fu)8Nz@J*>${ z;m1oF&;rF)T9B_`o4cZ%$(5<#2Vpjw)@*9Mc!Y2__Uk?W%Oyqdghz_Xe`QcBZ5Db7 zg+7YY$Auo8S0vgO23MDFB>5*cP^a_I=2zZt2yjq<{pPn=WkWHo)GQzwyF#jbx0+p6 z9YMGKQ((=(9T+XJ*6YSw(jv`b_G>~Izu5OTRpe;Fk52$+RCkg6yi-(P|Cvemjf6AC zWiVUyvfzMJv@QLfOlnIP;VeG|+7Qaybg%nDuSLV*YyK%#U>%Ij{-->fJg+qn0AEFp z^V=~tdKXFAUYqbOX%946Onhvk;L$uRI3-?-ZerTh-DpWl-xWA--Cdi;vbA6`Wl z!^e=d>vW1;atEi*RwK&?H(8X&b$Ie#793J~ct>NwM=*N`E4i?n0@f~v2{!#OyM89S z6F!(sx0%491IX$Ww!w|S*`VGm1!;Fb^2U+N;gysYobk&M_R1`UvSNgFGs=m? z6wkrn$|LwRqns4vP2imWBO8Z@xi%hxr=jh;0)$r-f=;g=#0c|clZjl~U(bGsOjyu+6VPH0sbpIKf-Py*KM%lB+A5S#X?S zrVbU$`(VpPX-L`Z$knos^e90qWVeHaUu+Q98+2UyLk ze)ju%tx1Ci5#D+~NG?)v(r1 z45ELBz~O^Dd!XUMuJ-H$mT(6TU7P_Le-|L8HKD`6MmS;+2ZubQzLg01!`VRfN^2tXo!Q21U*MYG2M(=V0$NXs~zaVTFsX@~et1Nfa=Gu4yYkoa;OO?2StqzQrQ2 z%2$A`$0m^MZEs3bn*#5*i?cJH)zl`{g6|-SuFp`1{Y!SivZ)pP?kfhUd?TOA&YL!L z8_QAWl`+sWFqR!SB1Lj~BVpdIa(3*BJ3P1}!{~K026-N0_F{wBfRh(EHLYiZrwZPg zeQPOQIE%=BA4HGl4?)ps6}a(Q=t)a_&x+#J35LvT_%+Xj3>tOez3EAKgL>fQKL+CM zXJBLEbtto+MRGT!Sg~Fc8=;*~*-O4*^>1WW{fXT7h-0j)dOxQ-{sQh0Kh18}3+K^q z*=VNa(ctzlnWP(YXmD;d+FZ)zPurfQ(KibzZ-pDWUb(}bS{c)rjUO>8KA9DMeT2?Y z-JD1@55he9Vbo_O*0Jn3v`Fu!U0;^a8zof`zaw~d)8mjiDu7bcdj77I1B6{QXP!c@ zRQB7`^h|F*P8M{Q!_f|O9#rom^p1LE62 zW1$O51qj;gwuJ&qn@8{9&CGA@5GY7&!ynd%SbOAfc+yk{{%R#qC}fMdY3I>oq&>u~ zxkrQRE~2qAqo>*05N-5Hn2q#BW}k-Bkm)07ad;+8tCPeY={}shsRvp>-gZ!5EN#E# zOiCt?+2mE;^!)>3-zFVcIXRW)?^Opsha^t>+;nO`Xa(ZFvp|0A6li{tM4^+;vo|Ng zz++Y<>A%*XYwmZ5w~J%nzfM81oKCFij6yY`7eL8p1E?6LaB{7dxYxb}3`C=;*0~58 zM;>8OMGfrX245PdaEnu}m;(QiH{R?Ff}7rJX~wk{yg6q)w@ht4oXDx>=9Ofk?BgY9 zNA;Y`Oc$ot@ET`6lZH1~nJP#^%N`m;KV0@M*Mygd^EX(RBW~yCA`2tB;I8>UZyTs$FCCA{R`7p3t z*NOXv3YwO(;2F?w5)BpC6uNBdDE8}9s(5vuHweqbpTi|6IZn`}pCv+I_+L(@E|IZ{ z2=*u>myO++B=A6&a!Q|#*~pSW`smS!N6tHOYUk5wc=aaudG$Wq)W4tmsU!HgL*KK< zBOkKcQ<7MRroYhj?1q}B?%>R+^0qHqT4?3uNV>2h2$cT&T9gCfJ0>QuT_*=+F=MT-sJ(PC&0%q1A2^tf z$*Xe-YaH38Yl9mi)^8=76J50WPYosBjbKS%qM_lZE;fEy4-vz&$Z3Q+9ZHx$e_cEA zY)}_^e3oQu^?T9K>Lq>l%VDd;*VDPGjYzvTvib4{P*VOUIzIfv(z|g7pxq-9}6y=#t~iF@K<1BjvwKSHNG{p?Tjm^TsVQJ8e_Qq6w*PstJDTyh*F6cuCrqUCQSaEVZ$kd&-!tmB7GbL5PO8y+h~+pJPBg7# z_S;8L<=anS(B?!L6O7d_DI2&j6Y=C)7c2Rz~BK&?8L%XVnLrqOMY5izmB9#?T zJbo3+pYxCYyKt82hRLFF)mBQo_Y9hON!zO518keCIK2@qpzsyM`WCjc6xCGbJlKNH zCxk+t^iigDdL~S~A-vNBA1cv+&%Ap@id6k`9fAb3)$HHD8rJ1g6u4%bPLdl8>-& z)zVGH)#S3*40~EXFngU8-m>EkEz{Wxt4OTD#U>dn>i=>ToslrrZ4*exTk!|A1it5V zH+nO|jss-_TGYxz1{<;UORA8QepF4p9b2%`*C5tnk?qc7(q-`rTGueB8 z9T=^nN+w|~H28KrPTuhy#|$K)!#`X4sQ-n@%wEX$%-w(=o{Vl7*}j!jwjF?Q)A8`A zZW^gsNMZP#H+ZeT8t$~-$HBWA_^n3;?`YmDR^EMr58kK*>FGw$GuW9j63^4*&|?^q zF9sJHGvKbrMvORQ!rV(OX`ROuxY)9Sq^@%`Nb>_;O>3gaKLdCzZ5VwoD~A*FCW7im z1;}@pMpeoqsDLkJ=fm>xZg(!k*sY_q(k$Nml<-b(&p~UuXmGfGmbf9`S-!tEN%S5; z1>1ipYcvxiRt#>47kbL;uDNhea{jQrUO)NBBS+bq2n{%N^B~2Q_Of-eW`M%AHZHG7 z=s6zth#R4D)uzrf8`@R;A@SR3YA9}L{QlU1G)c*ZhCWVLuR&N%a(UC5lvOy!5+hG{+!)!B-hGE2bwfF?AK`fH=~ zLd15ed%%;7BGBJFg`TcBOUmWtTx`K2As_jc<>!aPRDW?=P`3)~@-;{%cM}yUE`Sw# zs_9PgHP(Dq3Vecnuye*$SS{7hkJp+BF~^-C>`x+<2b_ob)e2vsFGlo;-|hTvWt%Xp zb{`z=TWS5eV-_%WoE(29fj>J4kA6Mibnlk1fa)gpX=w`H-xGxkJBx73vtKyhekyf; z_>A?#IHuI!kCSY@$u#XW1dIDoi+31TIxz`PT}`0)MIk6@ISn9K0W9xYfKm1bHa}n( zT=qGRRkO-j{MbhJf(|n=r-iWN`5Y=3mr9m)nG|!f2wX?bp)4OQQnfS2Rrl@Tn%!Bv zWhezvLRWJU7{j7tvQ%AF&CeY-jg}wf=!>l-^mUA+->J6f8qm*Vg{)I?c_&Vt8~{Hn z&Twz990jwKsc?0`kwWt(kjcP!w9!!lRTNkaLFqK5)rh;j<~x2q>`FdAJMq;^9f+Tx z1StxetTbaE(%&b2xWq$PSA5rCr+6F~Xlc-JiSM{qZaGR%=WtbF7JeTy0j@4cfpNMa z#0`wX;QVtqkGkLm?IXX5?^vx#Gyg)+l$`du!`p66wDB#1Wml5ug#Al4WtH%~F5b&U zHucbe(KrZ@DMX8cqYz&_1>Q|s#ro%zLek*-Or~!SXXO7B8(u2l357CroRcN!|Bs2k zwh?Si%JG@3lEA1dKp!hd_9I@!_R9=I9CdRvUy&CCL!xS!;WioeV1qTCu@Q1KcfVro z*bmsgGl4?la!}RKhBActPBzyGo{n~hxY;Y~3S-U2U3w#0&zp%jo#P8&+~x8LAai+4Ns#Fws)l*6;zs!Lql^XzXcbvPrDL zU=l&K!EUN4=|IPtmCWo$IXqiwgjVBTapyJ_vYP9`WH!*SVlq^-Rzxoy`WU&)|xeTlsNU+95H_ z8lRrFqwb(lG+}BoZ=|)D+6IR~(M4p<@Q+D0ePK@)pW~XO29ed{TX?;40)yUPTy=pL ztopH=eM)rzzoG=*Wx6FyE6RY!^|37dnJm1E^5>tt7p}9u&v~ajI-P)@Q+F=j)Hme*AD4qkRc|UPLMw0&eEMX2hEfhHP zAQcWyW|e-P;2bl9ZZlno&Ru~M>>9D6`zBk-r}Jk;@i^w73^jgjZ9aZ2ns zoF{a(rjr}5*?tL}(o1k(YyqthW~e{Es!-pwiN{yJIW>b#ocf`e)EzM%JT?Wf2}}+t zay(zMJpmp`rZT%}X*kiKXN98MVu3*{yfW+r6+K0h9hZ?Z3&%h(gL^iZ~SQMd?xdAGPDdd(MI)y0M{q8 zbJIhZy{wQ4dKwG%H5V`&pK<=qj1D;|;>Y7VVGBFQa_UzzjY&J;QH3Tn435Ca#a*0A zivzQtnLr0mo6zjQ3v9!zdDMD4oHA6LV8fp}{@R)%@bKHu(k8f2X5~k8%*|u7x7b6L z(=_x8%psk_n)ol`HB!w9&d6afy)lp=%>zeB^V*5J5QQ8#=q zJ@dVu$kIywv7Cl++=F39`0%g_fgiDlU-ep?8kZv7krQ%u0r!Pi_&h4FRWac`LJYJ^#D<}pVMh19ZJ?7wO9xHnze)>V2XN-rG>BbQ&|Tw9Z9r5 znR|AzoNWlkFRZzV;d`K2hNHX6Ht^PA95oIeOJI5denwZ&rQ7-SKknRNY1*E6s7eCj zW7;5gStozv@hfWC-3^zA8bg)D8d{qxq95VmU?SvG8lIfM5l4yy4^$2)uRhFu+v!iG z8;@YwqnS)##c)x#|D&=IKw3(JDM2*>F7Iolfa5WYZCVN*<(YhCgcaNXU%oHbi>kJG zg5Il4NDFPmT>^K_vSJREybIzFPdk89?3S{Kj6xdlJ|L1`H-UW~x&dPO9-Q$*$P7+A zU;pgmYOq2kxgE$P2Jlhe7r=80`(-gS8lVg>%((AW|dA|C!_d3X{8W6N&;d}o4}RZ-!ab8 z54CM%ncJmlbg{^VTHZMdTGTb{-J(Ti6X)O$Uonyxf0rHW-jAyFf3eQQgS?~**=NOL zOrrlOoZaWgrs6I}1L!#{6g>` z-c7BJ4NaT}QFR;W;`OVT?f;s+zGu%wPFlmwA$sui%nqjF`ks~c8vwWHBD*T`p6iaV z1nJi=d71h7v{<_UW5ylFWk#d;F+ECTvUw1~7pRcDR3`0+?|@&c5=lQW5VS{qU={n~ zsd4o@u2m};GS<3~X3$suDpjy6PYbC#X9@IQC?tohqljs?I9p#FzFe8hx~hsf{l6VJ z#FWXy~f@&=VbOaN?!RuDjV`V#-C_9H9%S{9qp(i!(=0ea@%_9@frA*s+ zQPakpKNO(R&#I@}aw%35@VuMQ*C*^AJ~gZ*@ypkE?u)?MJ}GIvz$lx~yIu(cuG)|? zZ#7x#+R&k2h=*dQfsta0mFU{#B=TPtsV!MW_EnZtsG5hDlP8n%fpFR-lMEmJWP^UK zG7B0WNp&8*e8%{T_*p*(`@`+nTwNoWpW4EIF;^$&mIcsSECn6gdtjVmBg_9S#~xYh zkwoZAK7P$N7Vy%L&X=dd#j0j27i}Z5kT=Wnl-F!){K4 z!pAINj}=Bhx}7lB7-rGwW&o{_0;b!41$$ej)7jopu=wp=b|qKnaV*pV1GV>TXKW4s zU~DGkUa7;4Ge>~*aY^`bU4m9z5&ZK8VKh~7kU#wMAFuJ_NMpu}*X&;96q+Wyd;Wwj z<2~HWVevO#c(hHN+ZEN%dynSfXk7xkHRC6*Rq~wOzj%U--v^40Y3;3ej)tJD-R z!NzL)0%=ltu$#OMvxF>h0BnBZPX?cBnPyuycq^Tv<57p0-qJVJZ@ZIbZ;Iybj)UFtHEz(9_8DVfXoIDQp#}Wb0sS=v@41Wk5s4fU7y(6=_4WO*-&~` zk^;)Xv#_ql33dNu}iI;mG}f;>_ndI_wYgBYzr<>p1#$KX_XXe2 z1guMO2d^n%R5*4ADn~m}>SuK}WcYMAbjX*EH*aLdyW3%lI#BVB-E?00KEK-Z4ox~dDe6`*%=*$bK;bIa}V{e*-4IW zBVgjg1nQos(CpV)MczN8;r7ZLIQ=7zzAumjm&7c}O3SAgM}~3ka0i;TwRgkn$*aVM8PqVA8j@LN~Q1lf9<_+L!KvK6e2^LvFLb(#8CixV@NhMjw&_JMoC6m1Um# zRwzg`fSOG!*o6=irYEgJy8B|+ z!E*x_>c=^BEk03TeX60ZWDw}CONMh6UbLmvh}O!_Ld}`8K`-qodwMOGd+a`i1#xEVLNhr*D|{;OMAwtW%v|W&n@p$h-w6rpB`yrs>EuuQaVKYkYL_)Fkctu3HeR=(YJBzIc27zk;2}`%c97v5~lmM zlg%5Hpjz`}HX&~VB{^ro{_V%ur3_nU>GA?Yz167ErH4HUa|R=IAq%p-krn04tDYXv6jwpSa;XWNg$46j<&0;uV-NV*ZD}lP-Owf9xjIX~c;E_ss zw!G&Sz8iSR?n?=MohB{ZPz&K3`P2;Do;Lt}>}YDv50<}W?) z6&J;>z~fNaC1`iWg5SAY41A}r6LKEIpvArirB0eb$>js=T={yk(Y0bzItw6cIO1UJ zbXxu*0iFl+aop|-CheieMvCRLFxCULpOh$K~9JIt!Le_-wpeaL4@3>@^l z5AI((ShHcJkVkf*SsvT*vX~((4;0SChYpfnU&xYIjNrGtcZ0ho$#i03KPd#y1vgEB z;qhN2{WkQ0DAxk?Ra%3(?q@JWDFJlEOUP)JIox|128Gs*Fl3Dm-0mGG^nS!b>1dww zYKVo3wmood(F!_k6b$z(>S^EGSoo3P0KJBXX;S(tcBpqPJe`wDnSbt zY7S6&IR~tFHe+YQInWRl_FDnD^jhvIHLa874oR1B&B4ahKPDP>e~QQGu`Uq#;Sl+X zhf~~^LT;{G5%n&J1{kkHGkwNFy4tiR)v6`5{hTA%bq3M3)EFk#oR1UkjsZ_e9~K{8 z$f9kgLg$(&QZx=@n=a3zcNVMo44tQ-^XbyGeEsJ!k@B9!ug?t8gkkkW1R^ zFk8GT7~C@x@c5ZonEfP*xErnL`EL_&9lNb=2)~c>)>Qa!j|YaI>)@0cTDh&?F0o@C zqiCd#gwo)2sAvVQK{_!6CJ*Rtx~8)_k;J?6l1GK=kYmM)h9v@6}|B5f(z9i z7|%RYZ$n~73|FOG0)aykScv6y5E&T(9q#j*8s=!CN#l61Hj=hZdzAxS&mQ2s?S}Ma z=z0kH*hDswS%TkKlJgibnc9Lb(KTaZsNen-4P%DjaDx!|y`USCy8NIc+lvB{?77uR zH^Iiag@tOgfp+QyJgMLUMT!$~{4_ag%T9&EhBsM4@DRK+Wd$s^nFXIetI_^-&JZ!w zt|?RC{ZF5&2R~QlvUz{T!f5vi7+BNI%1?`O--XOx`n;L^oS;J1U8_aLP)yPvRzj%2 z-<@*nJC)tjw$_ymv9irqqiI`CQj6kboVxZf7myMFxdHoO?S>f2ytj|c+b2HV^xYb1zxoW^r@2Ov;rw#q0d-y8SR198bAT z%`lL)56;Di1MhD{7cL8VC9_5t6L6l-?KR@Pb*5R{sszH}k}}r5B8=%zFM`ri3GzJ~ zPl11xSi-~OR5oV?j+W$Uzx#f{XFU%z3>mF;Eu?$q7W7D9j2S6BWN$aTYl`vLrbiDg znj#brvUa^Fa48>w9~UY?U0w~EJ1wAzTo5E5&>-7^T-;OI0qI9|sL8b-W~~*6<*(D2 ziiI^*WlW(6EfMQwj`1+vV_Rajk@OCfs+5~Xvw0DICM!YNgaO#8v7=IS!*iA zd-b6pv-2Ai>X~a^8B{rF(xx$aaH&a!6ni~MWQ?5k_|xO4TFAxOOg|2>K3dSWE)_kh z9#YG)=j>!sCO5{lolEz-!KQbcGci|HEEX}Nr)QmMtI#96I%3z8N!~3vQ)cSQ25A+sBbYWoFGFnV1se*rh(y^ad7w0P43|2IaZZ^ z5@chPgRW62aQf0QNY405Vd5zedaVpfwinPPJ7H#1D*|h^hg9+91O>Z|q{UOu(f!lM zp~vPSTR2!sC0cIu+_sZ_j@wTmHrCkrRfz^dlEEqM3-eh~34Vol@RIp8dKi1GVa=~) z_}5#DN<}x(&RBWSskz5}R&9imq$E<_c^|AZETL5D82Nf#!!YAX%p)@fuWgyiW-rqa zIIRb8Tu};r8s`N&=WoRppDeEKrW`!6{K-cDOJaV{@ALVh^B{0o8NCv;#>(wFuxhm> z+E+ZLL#1}mHX{?H5;B?5@Nf86B7s|QPv81nP6P(t{>~a>8fnj;9IAdf5jeQO&bP{1 zJKS1=>wEzICfei2Dc7m(przn>7rZ!r(zxZoR;qTFhC!Jd@Ewxj%(o^qyj}!s$OR(9 zsa7`MMp^$AB8}Vn_QEKyT3YI?NY;ioDc<86UQfP@n)ef7=X<+>PWq_7Llt`Di`fTn3G1w@2f*?E3Sp;i+X_2auuaZLg3ftR04RUKW8z8a$u;_z=CXiAz0oOuAe_h!>y2SsJz8GHt3@0o+$A7 zvD~UJeFBRUcHedN7IbR-3V}IHOkvkB=p0+e=?*m(Sn>Jvq-Ztn?A=2jS9H_N3j$lF zW-8+^r1Q^)c+=f%1sphK(EQD)g71k+2cxte6uU^UXBp22G?s(r{Bn5IbDWi(ILfVU zxkb@>U3{m&9dIh|Vh!P!xv?R!;FBm02SyqJ1{Fhpt3RE2eS~_F@~C}aHI9q4CBtPq z;m=hQe(F058milflSGBw;<5kO@<|71xo~c`6yL#}8@52hRUWKG){x2T6f!mU1d|;C zt9*VrJAX6^-nDFnFeN!GyRHrswfB(B{`!V5f_LHag}r2Lpv?>qnp0bNo8W~hgo!sL zV9`=*>Tgwm8%4Kp;i*GZUUS-N%DUq?{EMZ~P#|S}T(T6_NR0p$ue(%tJpcyE_R#c3 zZK}yQ3Mbdr;Hga_*5`+O;U372f-UQ_*u*`}$YlzAZuQ6XH~JD=wmBA`EfaYCFGZ|B z2Uvi7O&;_`#;~DrF)T&%n^pLLinXlyCa5S(C)aERz9CEw0? zp>{BXsyydIg1HoQZT9125-TwM%VIiXy8`@uu2XOQ305IXG<$p@v3H;<3a~c1K4Oeu!)0W_3U?k`)+@_ zrsq$u(Eb_6El7;|epaZnrVoQhCO zdotB`9!I-KN4O9rCGbk3>A%~HtwscWz^E%r$jUPsHrej8s+v~IO0(zD>AhtzurQch z!nNqcScB%gXXmkezBnhYtO1L2-s9V1Wma14NLf$caYYIH!QfmXB%eUM7~{=~5~kDV zy;GnnOPX7k+sd5I_gS5fTgwIRv*Et}N`ooW_JZxS(U5sM7JGXRLAU)@8oTBo=o@5H zg|!oiGz#9Ey=7!!;Z3O}oveT9Lg*IG&F|qCnf-)V$eKS4#sqGLvmaA%O1}oA_MU4R zSi@khSvIELZDsw@e@I4I53UQnJr8EyYLa)d9VBH*oi6t^Qe9kw_{!DHpke9Ej=9CZB1T-W5IcCA74;U@d7&TPW`3AEq*Ac;tfk+3b&`ESc}Tnb=7%I~qwF z25d0)iW>bLnZ#6Q9YFE^%P@YIHLS~@C$Lz2@T!?Ryzd&|UwzUbf3JPC{>n3^+EGj8 zzcgv_2QThq)CI_$T0%MQmznP|b#k3{g?@zx!$;qVcv#r2s=ps#E7c`wj_o7*W^$Ms z9EZTb_I&b6y$&}nI)U#H3kW-^44s!A;q0}NOeZr9zkYOLZ_=j0-PS0Y7&i&l4cBES zY|`L|uq$f6;LJ}yyn$VI$maw53UEo>BYyv8Szr!{FvI*ej$7&veWo^4$qulLb%NKl z<`#ar+5jh|)mYwjp(8!96ynz`=8ZgTU_;Ci92+bNc8Q3tt@cnTp2?1Q&Vxsy8DM>C z3Ul#W%M_EOA=z#&S(Gn^MNR`~x8*)N7pINILsIa*P9ohMbYkLbL|FE&No>&c6i&S> z!{k5dqNK|?3=D{8OUK_r3rz>e3R1FuaE?%C=Uq^2?}Yc~_JiyG0PgUy0N{V+fbop+ zwCG0~-0JCt`Wx@yBe#uHh%dxrZz8#h1&MGxxt)#aGa@S?%a?z!kY>J_3sMWiX}uVO zO~zHcRn=0OB0anLWW`>P+EGdC9@XGkS##^|jA~G_@FRS1*;38#4sQM0z@{%pQZ?Sl zwP_W?Orv-T^Is?QYYMZ!?o}8amd;x18c_Ld2|wnw47JRV5xRBuvF}w%6nw9Q8*Fog zm0e2kp;R4Te2St6zA>b1u^6J3A?4obW_y*2xb*44l>9!Q1`0Ik)wo7bvz}yeX0Z}< zPFzomCv~z*N5s(2PYevNTwuOOGHCWkZ+x;$VAFYI<6Jd47XSV~lxHz8;rn-X{I4Hu zQ?doU!b-m5#ZmP5=?|m*w(?n;i%8qAgFZ-)geAWV8Ru34abqr!&EHC{SGFGAPB)#1de{1UGCA zl(hcTc!e|cb*IbEL&57?7CwxQ$FNBvux`T|GTSqj@|$!UjpnIS_wKi>KAph@^PlX% zgiiME_G+t5g)MC9(wQt)LQd!n*-CeQ@4=OVx7xaN0ht=|{Fw*qS<0A3MuE+6#XlV` znJU4~Sq|`gau46^c9h(ECJHQ$eyC9wbidGBW{7CUiqd=;I$txBDzmcfBc3360TV6BQsVdl9sbV?6XZu-Rb7Vi)^P39kMjlCS0hzN}8Di4}JB24!^Z&LsR2 zc@P%;^<(m3HRPR9N0o7@^jGm0vsgbDEF-@HchiJ4cPygZiFGV0M+cw&(<7x(2cWQC zsp-gB!T)I=iL*D};I(|*`KO?ZTSgpV`5wo)>JVit&DUXNvisq+y$CG+y^#J}FofG$ zV?gJljzWZ*C-+vphQ1bjrea6i#whDh8`KsuWwao}99PqP}j}UrS=Nps9lXvWyu&XwiZpfdt6ZG+g+3318 zg>fG%xjPyENPl=QTVH8GJEg|cvNIM!m(Fcmy?8qs*u}A;9pU`&Fg3PatcV{y$C7;; zCuBX0<=NPmyP#lHD$V$706L4Bz*MY~pZjDM)RunZHHPGoaf09t4%-Xk9(Vx#(iYC` z3lvSMr-LCm>}Hj~d7ZrzroT0XJ@@v3eTy=sk6lXX`?a9jVG*1XBdd0m!%Sq=W8f9H z!L$p%_DR$jTMC%5;^QWfU$Vk? zmE%vHol3J@?{Q=Mzw+8%D$w9<1a2QnNRLmVv7Z;y)nW;n9=8cy)+B`Y_a;xFmwd>#eXyYBCwqBtG@u#6M=h$ZthNv(bp$k*K<`G8Ew>PrHzOVKzo zDiMD;q#$7veUTnTbA^(8e);C9e9qYg@aS3-ng-7TPk|9-*=b7`j(WiJ9YJ*HnK6ha6bWx3 zM%Kx9_{Oa1Od|Xp`+eOTUEavU{zGr^#g)TW?mh3=ZAA%M{^l|a+bA>LaMTpiICv9> zHvMFF0>fs3VhD$4ML@2zgCrw(1U1GCwSzW30tZy@X*Nzoa=*0{EnG-U|*FJ6sl#>hUMxYPzdQswI00K?f}QVJ=5$X>ekNI1~VJZXsvSTis3tdjnzq*j;#HOZo*Qc;YxqCpt6VX}Kl76+{#u`&M zI5u%2JZ`_td0yHKri$`#beSHT@lqK^i5;U;PsRC1Dl)KdSRfr#JqmNmWWno)F7+$5 zp_0EDgytRQ6RBqAk$dJ@ z@KZElZVeg4rsY!o^e3bp?u#aBV(?S-fR)x2Eiy~K0lcXQ#?g9#TWEzTNoOcv;UBbr z<^ab&G{Us^cN?4DHL%s66A1P0GPSt-_TsBH16JdiL{gK3e&Q)*ja30To^!;N#6RRYAl1Ky;NUd4v2P`uFSH`R)JEF0xRSQc9Yr$9!SJkpKP;TH9|Mbw zs7eTs*)5DCzb4_^qO=mi>r~mfwT1ksyJ~do`aza_yB)iihq6rD0y60Dpczss+^-08 z$baw(<}MvZ-a-cMg{v1^YEZ<59lOsQPZW@Mf(UszDv&|hQ0O1yLOwe4AhxZ94aCf& zJ@>Roz5SeJ;_I>aTlpLNp|TX3cS(YEKn!SXd5yzXxPf5aqwy+nFeRpiD_#)B8fLg) zVUQcVZCB&=>Pvu&)>US8gyH0XWc1$zDi?7NaSByJX%&uvSoU!)hc6)v-? z5Di#e>OnszuVdNY@+?F0CpU!~8<5-F8YXq5oE@I2(rlJA8XkI7VBpjgShmQJt=XGN z5}u`OzC;MUJD4x988^ZQtEDji_Gk1BFJ;%S2>Enj!X8j&?Ax+m_%~uW{d<>)E^Yf+ zypAG!JW(GnbW_t6A$xY|L>Mby;ZN;4qhU@9FqK3vvM61~+;+*s@>jDU>Z$~p=-r0Z zn-iG+Dn;r}QzE6g{kZB~4EIZJ82ZhA$sRqZge>cgOyQ6#vt0d|Z8eUhP{HGLcvu?s zd!)fV`8aqNag$9ca3ZOFqR^Y9LLp+MD0c7&Z7Z8W`<9e~d%u!(n)7?MbeaeiNy^a@ z`NOD{W5Yc(c*!f2C{VH55|T3+O>M-1S@3Z9rIRb{=QqLp63@oDD%W6zas%7@AsxP+ z-efg;wI%DX5#@qLo}ru=ji!ZVvmkBdX2E-`1UMxcRZK4tiVuNW3m141J*rvhP&7WS z@5Rp6S)lv95v457ve7ym?S5Lo@uu?h?Nc26oYBG+sV#tGkMy8h^axue5ed?H4bc9n zgc($;W8tW4IP^ssKG|gg`^NV24&HK1D(MKM$PXb!7sQC*aWL`EP8Q-_j&F~RfP=B; zu}a&KTR!Giqrsyh&e1oS>l?L+i8%VAm+le_v}uA~!OJ4M|i7V}9af@0TSijyprt`uIzH|$H%i&_AIX4!P8&~k}&uIzY>J!Y$$y3n#ZdqmO z=LqNNG48u5LW46@C{sqBiRb6zg^;&+(lUj4|IX!xuQR551K-&=LHCym68=X%JY?I~ z=FnN*i>h|1!j6&2@GL_V3~Vi^wKW#9?XP3*C=>4SOLN+sAPVst-!y%w`Gn&xcT=(L zNug)7ttlbI8jHJASitTv5bZXHLONBU#B+AjyPnZ(6+VVZqvz9vwhD^4rV7VA1b>=( z2Yb;P#S%i}Xj1$Kl-N|y$H;fW;&mp}cuqpm5+Z3JNh4kIu)Xmjr%{aM$xU%P68K2|@}D;h%K{RvHSPqc#_i zJ0?$BOP63)OE@hXT1w_c55alOKUSG$4r-HcQ{v|xIO9hW1v)3Q>*mc|TtXvGKfQsh zu7twSnu%cWc?NaI#51+wlPOvH3jVE~LkUt^{B?oj`tw9AcV)a9^*yfy&*45~?zWVo zzurdM8e=F@QG%gC5-e$q9cb0@I88T!3;sTwat-U*5Oa?9`3M=P4MU+itDTk}a%MU! z_Q2q3DQw?%0Q2@<;kJv&leN=+^c%AdZa$5~yHBQ*`n|pQVxS0<&x+G|Ge_w2FT;p6 zr=V=FICFFO!K-Png)>82_>if&e7bsu z)}4T@<&JdIP!1o6DASpLwKSj^fg)OG+3ZazIJI^$O?lDGy8JZ3ccu&lNF-D4C{HZ> zBL^FzccA)KD+>LT$=9E0p}@EyOx5x)KlySw&QLEF`e-jQ&w^;&JI4WS&fj3FYmAxY zV|l2kGR2svJzPq5Ed8)hAtjF7Vjk&SL-P~b~j=V#L=_q}Yy>qp$^*&{&9z5{Q? zZ=;!!wIJ>^ms%g3WWisoF>z=Uu(MCGd3hd78Mm9e_IVg7)!Ks0X-%A+r%31f;u-!m zrnq4qXwyBJS@u1{B|rtwW!wf zfhGJ}Ns@(!SZZ?#wtkb~&TcHAFB)Nd@0rQq_Qs1cx6Ff$yVbBp?<=d!i>H}?li4@@ zTf9!qY}&i-4Rik|28r@}X~#zeKJ)%vQf;mg7+Q8gwS!bp|J3Y;8i+_kE{UV>L=65WD@S8i%iey46FS$52bvj(uPH*R{0*QnDc=n z7+_e$CwCh`m&F(Swow`5KBUnwYfTdf~wyy}f4n=87~MF4{*crw=288!dQJUWuY?I2Kk{2a`Q# zl9ggOwrcEYGP}MG->jQVJs+>~*^`uD*63u&Q;S7g^%6KP6NSk-M$9Db7Wz-}=cDh$ z)6Ir3roG67*_S-VzXN%!O@af3fV)g&egXu%83k7lsL}7_+cYmOkOC)ZK3r_tGk79C1UB8(qJ^^qNya~p ze4VmeLDPCgYI9xAWSepzfA2axJaRJYdUl7~ZF8L~v_A)_>#x&dlTBEwJQ4iYUBUBj zPU7sK@vwaWVN{SUzinV4toN2jd)dp}HH8CwitJssalZ?1)20jdL2@v(!2>3xG{T9u zLbvqK?64UiRbmEHX_ zM5t!{%G~YKnx<+#vaDO5NPZeUOj3dJdVO~yOtL$T?D!Ru-02PR{~;WV+`|8Ih=;|V4(!=QfepOyx8;dxMx=gj z0Of6E1cqr6NtQNYOV}gqsQ2REA1WZ<#mQhiS^;)1tma)tt$}Un58+Hx2yXI!f`7_t znWd!%$scK>U>h;(v|}c0^2WJzUtm~|jMRi9Xvz`U(X+*SXnBhyJz0K_J)UC+)yv)K z`897^?Ux5lo1J--sbeGe$&yCqI%Z)x0q2{oKuKqFtIB19mM3Iq?L!`OA=6Cp&d?C{ z*H(swErO5x!XjwM_N7w+Z7imLBm}1Hgs?zU)*Nm^VQn2utRj)No5|te zdjnX|E@&0zE+o3H95<3-)8!a1(C7-_40GPF=?{-{O0VCraesNJzo`sgPRyoVA9=c; zHI!`H){?#8MN!>$7#_~{WX(<6X+}*ZI*Il30q@_kbDqzb<9tyTn7J8a!~*%fMG}0H zt{LoUI?2tBo&q;jE12oKNwjZfCLGH0G_4pjhUUu_@Qg?$lgXzIjYEbz-vnD{=`%H-*EO#A(a zk5TlbU3p{C^g^i6EtZcZ2ZX+W#qo4?-yM_@`a~q$PQs}RjUXN^O&Zb%DXV=V9Z;@g zDo4NJ)|K|ik8&5XmL`;$F&lQtjRv>WdGt}7r=mX+;OVuCB^ys>d1IsDMBW`r+9~wi zTIbP+%x&z??p?@D&w_a;4d_VP5g30^4{lc8z=zv*(qs9>Xf$mII9R!obG0bEoT5PX z0^8Fua5{YUI}7jDe!@?cF>G*-KX){{%_^!<6Ryu%%C&xd2J_wPap7TN{w42O$`LoF zq5hPAJN=hcv5yI;^}8aSo((gM9BHAWJ;3Y=lq=s#apC<|s`t#{v(a5LE$8v}@mA_h zKF$AL6V0Bk*I}=6kbRWUpkDWXyqMs781M|je2Yb>^E`nn>dvCZ<``(Yq+uohz5^py z$k4u3mY`=`Ok!j8Y39jd447TbiyfRmldt;0^MO>RP;-UtKN7|E9zBgh0+{*kSA}s0 zvRJjAHS=?f!)Ebk_}xjo+0`+eS*DC&2S##GP_u-4H}5ujoY8ju7UO1f;VBU8ifs*@>&Vb5GdqJ z!a}@oz`2C&yIDee29L414~*E+z7zPhx|UBKZwPNjy=SqC3@5^V_F|$a>t=^YtZ;WxOY7! zprguBH2yl3Uex;Vn|}u4(|mK57q|rY)+UUrSPtITXVF7(TWtMu33tj(g@h${sLFCB zt}63~`7L|s-h7_znA^&)Z5hsLGHwZMhauKQll}>Fz-N?Q@g6Lq#knKpeQd{0A)Ar$ ztEu_6KEw!IhdakaU}<$UzhcQz@>3oTUsx2ijh#z+8~0Myx;VCF7tig8PJlNn5}`+S zCLE6mBhR2}uBR#z-@Jy-vSKGydh{T#0Wi=gePtTv3Ew<%RV9 z({@;PBbxtWu+oN%H7SW@!?EO>U92c$XtcNXwJq3Kjf)K3&*D%3xJg zAT#{Qk@9gfdUiV(qP2&>%8pWM^sgY#i^2@y8_ed~tm1BL-$K6%da;F>s^gl&APgdZ-(LXsax^;+KWs7uJl zy%A~lG8Ul&85We_c>ua~H6V25GPsf_&SE?`T9YeIGV+sY+U7EL*w})mj&5h4d&41g z?qyETAe7bWez6iwvtzw0|FSq^6{r~RM>^SQWHxUXYY07ykKB*b)M36peGz2ILV4n zFCxpgB4EzNkaNTe=rlNoV`ux)LOHTp9`KKGSE@PZxNKu3{#;^+6IFON;2;JUltMybDd^S$KC3pglU1u*(Y^44BN-@eF!E*HsI=Hu*7P5M_=#31xE$ZY`f3Al~ zE?InJPauVcHgILa_i&4WA|=2mm_G6dv!}Q(q;kwf*HgE>n`#m?YUDO5^ExC$ums&A&?Qaa~xr0B4n!{?J?d-2} zEK{{V0K-aqP;SO3hSvk3tSJ}1Ub}(PMvKWuaU4E=5YD|*E5(-@BD6@$i1r5^WB=+7 zF{zO{+~?v^;3xD)1U+kIQ*@Nr%oW=O*6DA|ly;%8Edtm#S@4K>%Lub&3F&T&0SB$8 zyyEMAbac|9w%S|R_FfZ)tv<_K_m%USlgjDM4td=BpYXjn(`aO40 zjsM5YwtitL3BzFJj7R8m)RSx8*S0Dp37{Kfgmvp_+e3qqea|7{@{OnPxD4N z^r(bI|Mv;Y4ON)0q(1h(2;^fP{VE@ZpEZvez5yO;mm+XC}VU)+} zRIO>fz}4afzDtzidj9rKCv^5cMW_G#V2Zb7DYWlmQ;O?J)|0vkUbfeO&LdNBziGyl ze~cmrBVAs7yD0d0eCDs0hJ)Phcs}~c99U*y0CGaF3!E>(RQu;_{roO`WS@)YEadU# zY6)^E3WQe`U$CIr2s;eBal-v#mhl*IlZg!->E8lH5%Z|nVgi-;*wf!wK|iWn3r6kH z>`3TXTC#j9>KPfaMpFYavGwPZ9|V%tg>oEf8B1Eb$HI^bDOjL*mp$I&L^gP~@ zqM3Fe{`TGH5BVut911Y49CG+q0^u;>>2i$Afx2Vl*MDhg68XrSlRf0~t$_wUZOlEfsC06y=#1(|uG=;u>mwWG$G!V^N-+3wM(x;LQd(8(##p4-esjBKfPYZ0tb z(xe3~&h-DzmDDjkB(ZXU|J-$iL{<%=f`SLtJ9W^Kh%&f;yB=L`91uK=vuMAp9GrC( zg<0eGQPKWmEI!^HZq1CM%Mr=!&fXh%YeWM*aSvi^tX{Dd!v$7I$V|4i?i)9C!An$K z6$>3t_R^VC_h{yjo9JF^2O}~~1n&K0i1Zl;#dc>YWUd&0SnnO(J=o9o&r`>bw(-p5 zT07@dr%ZohACaZXET|Y*#Z(;B02VE33g7YzosYCr^zwO3cic?URd~ZP-;AKWLpRXn z3~zYVKcC6R#geJY)~2d}2wFdC7~I-_30%D9l1RHHtTe0PU4j$gor19U46vYuV4Q;fOG+b!7K^L-S# zF^YdTNf*x;=5jxGl(RNXYb@xGVIJe&W7GqGmizq?HvgWFo08rO(fM+`^y(4wcv?$! zCza{ft_irM?hngPy2!F@2XW=ag=D2{3Ul5P8yQ=NJ8GTz;v>(wF^^ZX=#~*Mx@ae5 z7_Onfk$G%I_gua!ZW1OBZf94%enOpdOHoF)jDI748v3TWflstA9ULCTj~i!#3;N^n z+ZQ$TC~Sv~KUG1_XBIozUxwb7<)L8iCDwQC3W{Fa2a7b9&{NScK0H&HRpb%{|Keh< zMDjjP@I5nauXMEKxwzkKS=4T5vXx^K9G^3dCndBz-G34ZDj(F6>XqPcspL)?+FV(X<_Y> zZ2DaKiB~=Fn#}X$NoR&D&Gj5$88?rRsc>F?{V7H9?1>cEQ@}d%1^>_NG&mJm$b#dP zz-M~~aeue6#>2frC--|Mt0c+F3WW~V;2-Sxd?9-+TF*`Azi@STg!_Nh8?w+4EGq*fK?t&iyIGRd^8-pERT8_hRm=&6V&t>wD@v?*#(Bnx;A15jFg`7A)o|xOb|5i@a^tSC`7X1` zZfG^sEm#G9XG$B}jmLoGn<~8OJC>E%9OE)G26^wA7SMO-$4k5SutS5{;OLjhG{#Ni zEfU9o|I0EMb8HqU?^^;VD+g)F*~P3*aTcywuE1|yAdT%~CXmS&9$l9vvJvXJbX8d# zV!nRI#bdKj{7XJ0jLm`14yW137sIU+rA6qjb_ceO5L(>D4A}l5^I($yMvxok4J$9) zU`3l{pjhe$|4>Ggrri^A0q$j(Ky%3hZBbrh1r@3hW>;9?u@+0FR;9X_LiSQ~?80F`ye!OGj3uqSU5*SdeD`YNZWqgXKTuXA3j)DuJ708jgJh|Csgq zjqveKG+gR@#f|Z(!oWSrtm027ol_Xj5|4Lt8Kz}?(!hSq>Gg(zbTtx}Pr)43doXAd z2RJg0<&KKO)upBI^!Z6r|5?DCr1!um?Z?Pvf8uuZp69DoZ?gG=3REPaMz229Np?yIi86{1&wU-C zQlvyFX(??DrQKKAJFBdcEhR}t@!aQVDIwb0J8cb;((t=~e*iBp&$zGaoX_X|w&m{` zdZOLFIb`fr&yN~cK(kB+K#;+I=sI))cI^I%i$>+~vlq?TIODtzR)YZZ~epDq@yjZn2DAGfBpbM^l}v>{tF4&UD0c)|2H#`u}?H zcBVh}Ek4Q_b2;QU&JPrWFL)q?r;c)BKZ8xJT*q1La5Y->O~2D!O{=D7=? zx$Y+Sa)v5&wr0UZrISo4#}~)9-D2^_A48hVJZQ2z$Rsq{FhuBJ@%{BI>vcP>C~4+~ z_uu9gta^m$Z_Pv&dvf64(i2#Hco!vgj>g2<0{5))ALh=SBFuqg!7$+P$^vA# zdrvll+NYsZcg>63OWnyu0Boq9RR@2)DbQu@%l^5Algs?iSpQzg0xdIOM@%H^XAWtD z8M1-{WwITKnFcg6Z{%{U=$OL*l)Cc{tV=6I-KVSg)`{69^-aiX_SnOL@Wm|H{66MA z8U-azo)GDokIfgA1=dCk9coOV+T*9Wr(C$;G@H)l=TD+E5e-2ERZ_5 z8n-MK!HY@ORAlAPz0=P_+Yvw5XQSyw^9!%S1CfBr0P>Fxbcv^xfT z4qu1sPUWn1dJmVblE==^@1`&D;dp+v8kzFVOy#sbumcw`{H!uN^GerY@19@c4-L(z z;l78tE?&#vojX1GTR`zK<-B`w692446=seRv7j|NATvrH)PBgY&^PzR-{KDAhbLCV zEk4B^)1AnvdYu-Rsr=&ghA*eUTxBSDV1^Y+91|%of$oWV`5U>vh>cwo<^61@@l??>~hEedhmBGcxr}=|E^g`L!Y1I7VtoWPh?Sfembks ztj4)JII^3c!;By1@q01{6Z`#$7Zv(5x9e}YKh9Ec)$Rq8o$iE^TThT%;R0}L&LGHBgD1+owZEwmoFqH1Gl`Kqm3Nk0p)nL3nqOMXfu= z%D;q)n*PQ!)2%P~Nt42{!ABB|DiWE*nsD}|#g3Nl44@B6(^zY?5=+VvQ-pSosNQWG zmwjM0nOD&}`=Zzkwqn94 z(9x4*Z(@pQ@n{#kJ8dEUcKd{bE&7oE;suhE$Iy&-*Ld6QvhXoPhWj!6A(ynF#(fSq4MSysn58l`OqMci>pR(Iid9Be`D4Po?Z zQWES_@qjOuhp5@{FVigT{tTtBe?|+X5RzHhgZ?^zap5@ zuEv&c7I;VYL!j~Z9X6>Gaq3bxSh;mD->WE%W=$J;nS%?#GC&^|_P@vYpe#%cDkYyk z?OUqo7S}z&Wk>vD0>T6_&S2Csx+m^b;J3%2@L|n-;>&fUfH6T z5};CYl)R=*2ZtXq5OC8EvYh+StNbkche4dpUt{jO=~-IQn@P(9tYEEm2&gBjFx59+ zbqz;~7dg`f{%*<$@{|4|$3|o?jrG`itFmEdu)fkkwaRhRzaKu$nN1 zEm~BH9S;n#$L0cOrFfca(RIR9^LoDOjV`(FXSmdGGE4qfgeynslKr+|IQ?)3SGGXl zRc<^ETZFyE?1FU#0rut<_QG=r%wG>7*Ov}l(KvF;lon41=crvxY4p(*|_ zgJnX+y-4^dWXJ9f(Z=?9anuoY0VnHC7v{M;Xw~_Rlp7ZVza=#xMYEg3)Hby65V~XU z^wCr86Z+W6!7C$qm{W5ZwqM9*r>A}p|EGJDS;yX{%|ix*lx&jlI<=rd$!NN9$kL&z zPXP+w`4cRw#2>dQE0jAGW4 zseqA31RmFJPv-P<8ZUKh5L~fnWykM1h$gQ}5KTNu?OzHw#~F{)ne1h-miLEueELK~y1oi)#_S9z{!D!ZLv$GfKGkOtgE< zlz*JTR|c~g7ij>irzq0&VNrCu*M(_X?kC?f1~4XGrT*_1Maq1=277GRh^NFwvocF* z3NO}Y1$ui>pk~vco(3My4uXLt-XyxI$v`~;Z#qoGhB^Sa~Y{aC%D=g1x8QWrX1MIK4 zv;Cu#z<$>w*m$o3*3?GeXVF)D-XF@g{+8n&m$*{lLl+Dm8v zk=~4#gR?`PGsVioWc_&~^$cxblXtJzmx z_@R>)aGSPmh4RF9?3ER=-isyS<}z=r8xhSeX^Hrgp-tTDyjghj>u9k{%2L+$RRu2% zFlXm~1(Gl>#p*le;tyBU>CvZrE`3EiL#=R&o{z3@d&)mn3@6m`^B@DaOU4; z(j?_I{D4wFI`>$(Yb9J@4@cZ(Q3792_Sz<>8DT?<1gF8aLqY~r-hq{#@DewzZN$K4 zSyJ0=N@tHK^3RL{DZeO&=Ko$zwwrqR$~9S>-8)m(bNnn!b$P=Xr6+*WyS;448=)gK z_O|%j#018_ol6Uxe?x(+G!&T@LG~^Ke65xuU_(v z^CVf-hI>w1h`tp{l6zb{wI0`|ecv2V@}Ms4&YVd1Za?OC-g}NPA&42?Or&)dWw@$O zSGb3Sa7Q2(^7o3_*FR-^VSy&v&Rz$*^!IZjcY#lJ(t@R{C!$}KBwlJgfvO8XV~U<7 zys(|lFFRVvsaCu2t%CDD@8c-?Qj>wD2tB7v9Y=(tiHO$y-Ki&A1hEWT} z{N#)y%w6dhTIzi-t_87@PdWSb%ONuA%*->=tl%h}@UDzp>s%PU9Kzo=Ylx&Jd zMdcH?Wp5*&dwex48r6nT(PmUVArkMuJ;;>LXkm5j2XScN0x-XJjeaDD1r8VZ&u_r$g9}9{q@t~bjOgo_*UWaqIo!HS26h}b zg3iUSQLeO9^zEnwwT10w4aGf_bt@BhcE~t9Qt!s1y%i9)@-$XI)n&hb-$jL)8_8SF zhMxXTfziX>F}bQx7?s_{eG5X+wb=mjL6@0A-Yf_<%7X)5GVGYK2N_j2@OeLx9Q<#g z;?%)hVc!GxxYrf??#sfg>$maw0$a2>IfN}gxE@~hykkB3SJ)b#e75S-KNh!QKMQm7 zfa;X_RN?PUA*=l9z^`bO9&7`@H^$MRurF*IZ%U-A3VZAiz|WSSeC41kEaX@*%p5HN z&T-%Q4{t4C@{KJlV7(+7eIEyxTC&hzyB&YYO4GHumUv&;7rWo|!p-^``<4_lP+VEg zi=OC1`aT=#ZPBE}iD&HF_s3zMaXkKM8~~Sc_EXk#Ir41w;E#FO(1gFP5V!S_kh4&9 zs6BNRR{vF?r|TWTXtRWHchiR3o6Pau{L!%VN;!#d&7gCOYuNdtnL_4m3tiIGq^(Bp zS=5vxY~R9(l>OHo&b6(E(aV%+)Hr=16Q>9xy=*DrDn|S(T2qx6u#GgdVopkEu8Yr z2!`Eu0In+zUXF;t(%vZa9$qQTvo^!fh~J#8=1b1bEtRw0mB`fUHi(q|b&2i@j<`^a z1^LW>{A(c-a?NK1Muw=c>f@)_IfYM5-d^zZyc`GVCT-05@_w+bXkfkn>5}f+O!9vh z$kqwj%9kH6;|jBU3|^K?A9uQOo9=(+MJpDH>T(M)a2AsE^GFasaH3fm0hH%0`0WO# zQlqip1MALZe8?Z{KmV0=oN|L1MZIj^ws4jvUkN|YOVe17wW2-d%5*PH$dGLjIQKaV zVZ|lFR4-X9dbAXM57py~-b=8;!4c&;_A%!#UjFf* zleWsz>N8d7)%A>zPf9yp2SO?9D*t15Yok!3hk=;)UBkHBp90h9hrrX9Pqf!klf z%+znNT5okY;602)uh!tqHTQ7aH;=jc|y6?Fin( zd9mTP9iqV}55fX}eHb0n&vxZ4ptJgw?C<4x<~E6EAwq^R`|ey8vsl;-+ll#xANx65 ziLnsUcnl=B6~ejJbUa)q#`Ry%vQhhzP-oT?jI2}vt;QK_c-MEXB7BMP+)5+6GJ8mg z`3Z;a+(FIK<1n>f$Yk`YqsTa%T+Jtv*Q3K+=@b{}X%*)1(kZC;^C73O)|GkgMtqiJ zfy<^ZrWj9UT9-5g?=5~Ka4#=&%LY9a&x_4vK3!|^P00WlCveMhBAf&_XbW=_JoEA+ z%P~*Ik4ryxko2_O;OEFGVD|MgHa~xks z$82`RHjP3m=CDiCwW!G@lSR5{;5vti#PS|f=oeM?WR`~buJ&N2uq70t*S*J?dWGz# zav~-wzh=^Am)W#;KEh5V5N*G^<5HW8%p+hhILzkgW_AqnRj%m0`zZAM-GcX4jR9?8 zFS>tpDrY`-A>|!Cg=!_YnSbI%OmmmTDrtL&uUdvSmM$Qz=?$ZHex#hWQ8dymnWW4# zAtTk7ye6pd?=(%p#&|zkt#HE72ZNwZqmh%o{0Zk7Ca_To4^i`@jqpEF^KlQL{*%tz}(+i{f&(D+G_D7n{&{DoE^%3MXDh%p&s4;~D5lnuMB-%@!ewejt_G6`v0ljXGW2@g4*X>p)W8HVs@vOEh z#mPSq?|&*m&eGasC_En~X$#MgMi=<^AP!#!on$@_6FD;rQ&8^Hrb_t=m^|k%zTN$o z+x>3^Gv5Sf3O$~p&VV^=7 z{5QD^+a^rJ&HlH!)nXm6kRJ-a{j4$U)mn&+as=_xY2u=n>tX(>@8Y0CT5vGW1G_X1 zgZ{yAG?=><{eFaFg}x%35qiMS-HU~pwl~B_SD|XpOZM#OGqQ1547zWxvz4v2EX~=P zzK)p;g|{N$;rI^hEHEW|UlSPKmB*f2jD|X2HT*gF1#|C}0{OuKq{xjH7&8eh$5WV` z)*FCggQ?(_)uH9a;r6``C(){!r&PM+2M$!&$J^|l#C9)8;$;l$=vA2ujlGD%E;E7E z)h6Mh>t|TQhsD^{ZUMOy;;ELofr*pg%-eU5S?472)3;QzD9Mlb;M+{NmQ475!7%i6 zSJ7X2*p4l6Xd~Hi7deeB&ZIii04xWZ(m?Na_B~)Ngr8T#jWwsal#6M2 zP4_*MusX%l-cW$VQ8X;`2+Z(S;zkdjL$K{RTNYqN(}lk1PoEN2CY--sT-K&;A8C5| z(hAV}CcWp4}1b>DRw(viJylws|^O}1UtkesecK3_EHh>#6h`d6NLMgT>pkAw{a=JEGI6-VFi zgagHzutZ=J8)(Wqc)28FOk_M?pMRRUV?W4WdXBTvi!FHRK{CelW~Bt@>&iC$H&uck9b(LD~U<$i{N^2y1VN@fnKk}r9~u8-_?+e4P0F7Vr=wZNex3u=l6)B2-Dps~e}_uG}r zxmaBi`AWUuz5iQAVZsc-|C|w&H@oq=L(J)oj}3QpX$3P#jplnaisa{HHT*_(8f7PqtUA1+W&=4PNaX8$$-obLNEx=|PMeFJ!VaF5+@wl-oXm4~sJ8QNaQ{Opr@_YhSj^V(yNc-;f_%+TlnriJ8Cwh9uOj+%o1CTAeN7BD( zgH^N%X!)hWiFNw4-Pr}SehXai98IcId5hB`BQfq_4O%zJz>8)TI^)@ie6R-j`!!-{ zk}mPzBG+B{3A>D4kYZpKA0nJGipizC>pS-~`s`hEe$s-3)fzMz5 zRoNLZUU3AbANs|zm*kV;87IgPj8r>dWZ&h|^I4iq{^~d! zCh)b^C#B$m$Us`Wv;hu3Q$g`-CD05srX8xGnC`toG*@|^XsvLc9R4cmA53IQ>xJ61PgOQ{Gb{VvH8bHdRmE)%zr$*0 zouJXO^J!{|4%;r<$+z_%K<<_l8*^|L+?r+qY+o(=;a`Nup5?NmZ&XOXyat!|IZ^xi z2~;^b6u#(()30-~aM-eh>Q=b1yc4%sao18#Wzlr5zgNVLEDonWuQd8>=*b+HRnvtN zx4Bz?ir9S}p;z(m41O8?4XW25Mq#mP_bo|aidVV^LS;w3JH?g;PHos8ZmLH04 zGs`jYc|I*pcVw2C(QM$ug>*r6rD(i~biMT_OWIfpq+e!5o`%!FCs7yHjakeBX8NG0 zJOn(i?O@*TU7_fGDmElfg|c8PGI?SvxVn|=6L%<(-n5Yrzn*71b^Ix|dLe`)>}0<@ zS}`6Q_>p^;!KNvK?=avAn?AQgaGK1a>CZN^Y2h5`~=L zCqH!IwAe*=6v$}i;j1}ANiE%gO$>agFCI3M#4 zq%yn7Pf`CzEM|HeL9Npx{PMdHXa2~fflDjlTAvv$zgf-{53CnWcaRoscs>#e;sh4* z>@-+9yqW&3ze4Id!Wn*^73{Eo#yx$QNCOmY+0$pKQ2!|kU!O4pw{03!EpQ;^2V~J4 z)q&zk%5D&>-9ojTB)nR89}51P1%)wJ*vGpjkXbj4^{*6MlsEgB+lqK{)Op4Yelmgh zVs)_Dk%j6>UYv(r6Pu8q%x%9A$u8-S@x&JYyRI-c0<}SR-B%u2HU)T(D~pdZr>Prx|X+y*$$ovk2)kodv|$05V_6+D6MKDdA;eN zp4}yi-*3&DRbGOhIE_s`z76beYJ-Kf4_i@XBr0^B!gUw@q)Q{_(PB|2_h#EA=^VP_`DiQ#xmQv z#scAUao>lg90>G&kl4i^0I&!4eRcXo2Q?Jk25SAn zMI+3Gd%YT~8ZY5+J;;{g!xx}+_I%p>Uo!o9DtyQF>WI@^9)hu|z~*`J7y0sR_GjN} zSTm^(U9?~0t2e(lW>Ven9t@P0O5&L&Ufh4Z3cQb~_(uVHx__q+Ti%Mk^cK*m+8*{MWg;u=n8-~~i{)kyoDC9!YiqlZCH?m} z87@yAN@)WbMJ`!DJ_}McFd;OsLhM%w4hbB#ks0bqC>z3q;uC!!9HMw8BO$U!N z#Q7HVqSuK}(a+^AR<$v=cU7$9oB>$Pn?%d5e1_jD$C!SLz#n{XM-rDgIxpwNlH+X1 zA@D9gLhiWGRd8lULSNCYz?a;V0r%lsL=Sh?wvX-F5lV9w%%K@?gv|Us6I!sO5&xTB z%!lo3V&ZS#uzGeEpMBs1!;g39aLjpJchwLk8f`>{<{E5}(V>X!BY5O?8Vt@p#%(ET z<3h)7!hPR1ktr$(+@kwz>sw7OMe7A#iyh47m<*&F2jjUe=_)!WbW19XXECRZdQe&Y zf}Q&Mj^<82#_}e~(=ta17ML}F**bp05i4$B!Fg*qHgX!NXoQpcsR|4+Swa@63UuwV z4RaQFWlQH&kjj}3HaVHq-x>aa$vRGhvKt=wi%$ZzO+tt@l|+j+sLQC^6C@w=$whZQu3 zoT87@4zUDFC(wzr7F%r{LI0NP!qQF^R<|aIt&-4yqczpcQ=*pzUYyR`2zSfZ-(8r+ zEmw$-kAScPJK%k+2nYU`MsJj=n5ttsX};aSANXp;WU^+$TQ-vV#yWA!u4{s#*F4&1 z|hqP)~C=OBT*#`um>OX*RoJ z@qD4DmSslgu6wZOqxI?M7#DhRe=R-|dbO8?UC+4APHf7}74`qPF!l_m z>-33fiG5(g@a3?fHy;)j+R--A3ikJ49sgQ60CV-vqUcO5{`;s4SM{W+aLsJS&$Oh> z$U}ARUl~5y8x98_%!ZX0=aE^N;_|G)-#8YZ}-@|KkDG_* z`dFcU9La^Ogz(IKTr=k^t{3tbv*%rgi=~NBrkq4-ZK-_KMmY!bfajQ`?nZgn6Zxfa zgXvD1GFT6o0~gb-qd2ezwB}mjOlcw0jN$x_D>GoNa@NgP_TCU5+cPc^sQY*MPr31f| z_=4f&O}KgM1n^e6CEVFuq0TRyn;LdWG_|@5Z`h^r(M~O-HfS;oJh#T)hy`(c!+Mw$ z5DU**$|1vHGF@;Q2H~4eF~1M-RJyzmuU6JmNW()`l-%2~>k?bi+l`N2 zJ7Sc6Oejz=LUKMN{X~LwK&ym!BB^3Oysk zD1PV#mfjvk)@u8i`qa;CWV0I6bG(b?)}dfu7Dct+v&lbh6|DRbhl2wY=)uuyFdS?O zPM0ib<&&N8xY3OEbnC#{|El?ANi(TylM=<6BG)!f&f!;TFing#f>9XDiQeeJT7{|f z^3Nz(ZyyGSYbx0309{(QR_M!WO@^|Ej@)FE(Qq~;3CyqX{t- zbXlF|NIk%<35uYvah*5sbmA^_j=(KmFY)MxAhN6N#fEHOIF*n~F-!KdaZQ`3`Fk-& z$MmtlxqYG=C)NnO@Xa{L>l8``nzN$A8RV(1L~q1(;N1I;x!rOjlQ$Xs_6gtlv<(O8 zMYAPp2BczuWE(RK*#KiTc4Kn66pZ?!$D&_9MLEqGU_S2(Hs8Gf8;p{;c%l0{q4^js z`)rA!=@vMw$p>mirbAG42#EitL5GB)U1IOI2fV`rAB(v}0^#JSl*(W_Bxo3b-`TsP44_&?PcJw!bNP$GlOXUT}>kAf{`w97b z@6fqJgI51Iz}rxD;MMSLdoxS=7YoVPUf{ISF);g1 zg5c6RC))5qlAH?OFwx*xbWQAHg$rjugRC=^J(~$#f+M+d$W)jmkZvKS z4IM^QWtc&JJF?-J+j`o#CCUh5t{Py6q_yX=4O^WWIlry;O-(zn)G5UTu9RfoscYX4tzl4HK)@*7 zZq9aj)U*Dk-KhNf0p&P#vxl`xpgY_J$IKLZHzR}CmwC1@Qm>uOUL(v$o^ImQ!?u$~ zRxVt-mdHxXu0W01R9umg%IJU&>wi6eLbTMse5OT!Kxt0IvEHL=B8u*-lwRgbqg~-r-FBfCMtiK1P0Sj@l~sa z3T{0sO8)N58!P<5tw-iltaFceN7E-9sUHlT%Zgc(*-kjOaXEbWSi*X0s@T+V7F6ms z3kGWL5!rpxpvi*w%wl&qJyr8#?)GXh)}tGDj5mS2;C9kEeo8zR%<+%>`QFvLC8T0-ExsCCVA0Ezaj9ua|U&cP{WT#L8zX{W5(G63_9UJ z+D(|!LdS-OTu8BW&(i{RyBE*_ZOkuOePbO=p*%&P_ z9c?^==+DFDGjAc=x07vHc>?yGm4z~aIXz@z?&6xWokMmhZ5TOBj;e>MLi?j6VJ7nmUkYrLWv|`%fU1+s#I~99D9}M8cAfM}AQgB^<}%`36_mxS!Fr>%q9~Xe&NwJS*JWHjvWyFZSbNs@c0y zw_ufl6YKbug=t+<&`>^{muQu`LIrS~rj^U){~7nFxF@76NUaeds3U9EMY20_pv zC3HA$2+!2FG4M7h1y)y-k;$t{I-+e1JsNAk<1xwH65V`*gJ1S%H^ zSvMiyo{IWRrll6v1)Kxg97|qzhtQrCn#}FL0RGz5M)XJ-OzBf6knOd%$Z#!{_?~6D zGcNLj;^#0?ZwT(lm&d!a%$eev9oYE#9NyVvN8SREa@Uz)Si4zZ*6-a94yku=MXWBY z!7L`tJXq@HU4S$Cg|753e)VnyE~Y6j9kk67A|D}nau)k2QAni z5K6139OOQ)%b~*fLiT!74a$xTf!75_H056iR!AShy?JHavib(L@PInCd)}lOn>)~_ zR)Q)o`P0hvgYkL27Zsn+WuF31GO6=x;QTx%c51CNy~=yQ+br$G%-F4TZsujI75Y2R zE8=i$+fcfyTuR!4U-w_!aJDc=;Mq=*!ne9N@Xr7zdaNSP+x>V2WMVF=H!gW~hu>(ROyZ8W zEYENv=$QOsMop)%q)9Nt-@D9=yK>ml7q?kqUpmDGJ!Fd&ZsV8IMR2l}XHk8b?6lc; zEVC7IulKLvWNlq|@KY5Y`L3i3>sQd7(|xQ@J(xBQ4<|lz6)wK%gZHO)l6uKjc5;{& zOYnTfmW<#9E=L60-n^a4_wAvnQ>rmMYY7(>;YF=JKDcH7CTMX_gWw|(81ZQhtx_9J zcN2tcuaybk=I$WmC*z^<=5k)-eu!Hh;LSXQ&gp@L!|1hkFUFqs;qAK~gGyuugtuyd zb4~?}-W>p@nxUW}8b&{cnLvEL2Iy)@)9%Nz6#efg&C|QXPDEy5d2kc#)JkRl-BrN- z5p!r*u`4O%HsFaRMQrz@WIEGT%Y}50!awsPNMUL*Yq80N3OOluN^crdRN-LcfE?Vj zZ70#Gw`kRHhnZc{hU8>DwxLrFPCHq`yrEU>tZ^1CTb?cQ{q6;WYlpLye+Po&kSuC^ zr_HbN9SBXbGwD-B6dm=fVUjnViwjpBWWoOmaOnPXqWJ+wz^71)3Ko~5lx`Dl-%-Zq zJ^sPmyk)Wtq@ z#=$*>FEFHiEXoYf0cGL$jO;y3hGUM3{hthDF>5aHR<|m#WXK5^H@g%T+#5wNQf5N; z_!o%E@^sfMkFErqqD94KL{1GDJziflGx`vwH(WyxqY`Q?-^gwo4|GVow2M|PSPgQs zCGg`zF_ycQ;hsM#pw_R&{(e^jr~Oe7;@Q9&jH0=T<8(=L=xEBiT!y0uHuEP0=b%|l zD_98m!UJvf*b=xA*Be~G5UaINq%j1>$Aw~N$3LdlB*%t(^@$V?zC^22VYuy289Vi- zn0+c=%}3}<(>cc|Y<7#~pT+jlO|vI#Oz{M~+jEX)9C(2hZg1F_bNbw|q7GWdR=}Qx zgK2-*5DZ^(9KIaBK~+;Y{$x(2C?dNY_b=1ghA2y2N=*N0p&Y7aNMy- z&iq0)|FF=V_J33rdVHhcO!_`}w0Q_@S&~Pd`uWh1{}s8i(`-ulE@rUShAxA^RNAdg zpO44DCfPJ{-*A$yZkS9i7wg&7X@y{6>_hIMGPJs)2FJ<@48=cYl)Ap175komjsxGg z?*0i7P&gY3n;dAdY8{T15gZn$?LbQ*1ol1I2F)*HDW!KDd)y>&Jd|=EA@&a&IUoxD zUT~%6iX3uG+zzMXpW)-E)%3S;A4QNY&e2bUB*$u)SyW0(zn6?G4Ia9qlqc}^(!rG_K&M*daaP0ujeuC4lgv! zzr}C0FvOF;{;-F?Ea5x9m7Q(a38AV%;2FOK=7w#iTLZ0NVo4i*UsOWppPb-*jVF=j z;Ekk7xA>IKlWa^-7ULIb!?c?nY-!^?w&Bb~ifcM6Zkx-o9hbG>km~_h95#qfj!%Ki zb+Ys&$5XgFDLDk+jb%G_#=@Y?7kF}#6)8`0A)EAA)-J5vSKdg3zWdiWXUhW=)j1Gy z^GZ2|;?)#xVu_=NnX->}ilA~pE~Z3k)20Uj?6`Idbh;M9hkf_?z-!ZB%Y%a?dn$%} zFQ%hyNCjJ;RYt!4uQ0DRl=g&OV~=%&J=*`zg9=%&rCE`FH8$gTYn%EViaAuNP4r%Y zf%f|xZljR-oVU&n)*Y6Ispr1qq9}dR7}~%&F0N$17DW{$Bx+n^MtxQMvSh2Le zsU+%X;VW-WL4|MQseWA;P5jyb%h#=AM)OxtjaCnQOo+!jsxqLot&sKi=s8&Q{bmO5 zm(qn@R`4ss5CReh@XCo(DRIL=kiPO5L~#-@cUv48PKv_X_86KFluL0{iu|MeF|=y@ z3@)qXINsaT%tnkG!)%7n5Z?*40f!0WDat^B(zjO%48OD7vHh`ij~^t`L%S(BbCEka z510>LeUYNAKFJWUZ4Ec}$WXZQG@5xEJ>u?HbkIlP?^x)%9=6!*2H%m7@S>*Ry}tU2 zT2^PUpI@aoue94B-{wn$$Il_da~Ui{a-g`9n+YEJ!%+NU7x<{_F$qTGx+<~+9XSkv57vTJ5DeCs~ zg}bDV9uw@L9SUe;p&^YmzQd2R|AWR!b=1D_H2d{7f_FP`29!cf=-6=+fuW8p^4}Cdt5Aqot52^mA{^ zwBXwIY)!1C(IH81gZ?9f z2}d~fmUwn^-y&dF2h&sXgPm`mkx9`V5^4AY-|a;A{a*3vX>C|pH-^)FsLQf?lK9QXXG@Ui>vWK}dC&F=UDz>qZ&9>)2K0V)(koPRb z!t_c`ev2e%tahfYmHsd=0!hg+3ThY2gVWff%&zVZp4Zw8Cexy5^yhAzW~PGQ6b=cj zqhqipKaOb}m;|wM`K;x25~=?hLTV*qZseZTTu7oKOIYd$KSZr8L2!Hq#SNpsuB+jz zu-lRq37>)U*U&dJhBk!dLhxIAFp8Z9ozZ2&4tIiR_gvv_CuHZs23!%`w1=3?wn21y zk`$;I3B0M-&+xzIIyR@6v8bu_tioC(YVN+zPAbKUOx7Y3)8&HOiq9GV+^f_E3Vt)~R`W`?a4+3^GG z?<$s|+3RGcUZ})umWnaI-UdyvD*Nj6u7KOZ4eT23b7#%cV9(vMmYHWa;~vc&?G`4WpV@UusUUma?`CQYNPC4+j&bK6pOa9UDpRNddx%PuCLrcrs~kQ$_nhf+yN9lKvrF_3&9Snza8%(Ruh&`Mz;nMn*=WB$bj#WDDoH zFIlBhDoIgDgOsAAD2eQqEeTmg_KJA!>qtdtDq2dBhK5o~-{$Z6{QBo<|1NI+6608IVOc@BbJpW zf_qvxZho>3CihJN;&P9k{GHr1KlMKJwaf!cOKJW#?YHElqaWOydw@yc>!Cpr4}RY_ z#7M6aIG4jY!xc|J>&zPZOw|D@KL1Dk$~`#W{ABDK%>=UaI(7WE3tCq1ChG>u*|NJ_ z*I{oRol&xb=!aY)eK#dYsHi1K9>^zxT(_@q88;u3_(m6xFGQ&o>xo{iHnjAghQkpQ z?!CFpZs#};Z%(=}mI)@bnv1VQt!;-0e_^Qqyq1k{XX&#|e)MKhCUu*=f#}9QrRz8S zp??H>*{IT&U?3TZi4&_~+KsDNP}7g=TTc^3pUq@%w4Rx6^bgLTq79346Y$`v%VfYl z2|nL`L{48=jP|1m^tqlt3eMY(`3ESOwr?HBWw=PQe$I!ypls50qMDio=E8x7F#5YI z4RqtBaqU7rNtrc`tm?C8+al`ms<#3N>kgv+21$$?zsf{!ssSU5HRP_>Wsb;^OeXd> z!Q~4*?6E1?r2l?rv#pCNe`85LYd&=?8!D7e6JmUD-kP(pyV?;0TsM)bJIZKtW*8Tg z0(@kYaXXjwxOwqMbB2p6$CEOGiRV42?UO6S++2V^Tf&-77>LB*9Ea;UJ&qZ=j!?LP zfo9HS82qahVp{u&;y^J-KI}hr=F1y+CM-{nK zxRk_b^nyc~B^XsoF|*E2!`ngG7_rR-ygs*qJF}i_yzP%!c0Z`@_Wj`X^AuzcoFXA3 z25=`S2+HP`V&(-mdeV13W(pr5g%f#DeZB;*T0SOC+d zVlbkj9;?r$Q2*y8Smcoc%U^|%d)$tArDhVxfw@oozuG}d;Y_GMateoZ^l=#sQ~l!t z{6$NKnu$a%eX}S6`X=e)s~~BpTiZ$3tDMH73kH~?CyeQajodEf1G>#iXqp%`%5bhu zY_GpfUT#}Qzimn-mY-9}?IpKKgv>Z`_by!iMEO}6)w*;zhnQ*&rQGTi60AustBs_B`1{OvM z!QRDN;ca*r9#1`oi|Wpik3;j}#KR%p{x`{})$Y;Mu+0_)NWibCAKKLYH}juM}d zWeB8{P zHHG*}{$6z2v{IUQBoxk>>5++|j@UH#!Zd5+0qDADh1VLQiF%zGb6h(g)F%3XZ?gd8 zm{!pGZDE)`Rgjt~EMjY0tHJ-wMTUR>Ib2@zgZz2PIc4%&_ESAA`O3nnQaNaQlYp^?txWUfyWFg@ zms+&N!5MX35IgXj2Fx*pfVvhG+*nKZ{Z@kz&Qo@2l@FV`m`@g{yO5Es#yp$e!`$cV zWsu+DKn6Hg){#@2aLLPTA||eeSwV~O=d5}<@mnz}q{QRVeN}AE$zU9k^Twm4A93gP zx$wZ7yTH%&fU1Q^0|N$_ctt&S5qp9($jM_s=6$q$H5a9Jyd~Hv2Y1jElzSMOx#a|}FkLV?I{<9>ewq+2EE6UN&PtdID&qK`GQ-H}D z9i$QNAvcJCiGbt*X0hFOTSpT5&RIwF)azqdV85E45;KXb-Hx( zt_!5*>Ob=Ro-xX#4w4(4YS?t0o9~GIW-iTGK{S5mVDH|mAgsTW`Z*oMroIXg-FA@- zxurnu;VAyFm&Nci!|OhpWK#G!lB+aG0uQZ#-<*?k&)$1D*)9Z< z1;t>Btu1W!*?^ENNuTW7gDx}!4kmG(v;rsb#ErNCjzm zp@PTUS7Fh7CvvsV;78|3yf$t{ev(6Q(_;#_e7g)sCDW+@lT9Bj^e4Mzgz;!P z1G}XwXz?>4ZqBrd%*tF2e^u7A`#4_7e>YFzY^!7l=XP(`xlEZywKuN2Bm|Z%-t=;w zDC#9_AnVWSAfCDg{P*Wc_|;mnx7!kxFSvrweg}9_xtD6J5P*r6XXuZd0@$=>18!}% z#FQCo8-^kVuzFM$r<>P)Iz}fSnv% z^euN6(3O8q)%N~iW{lKxjOnjrS#B2RNBm0EUUcF1oCapC)l+(FRvdN))DsUaS-kh; z5`m9exJYjZ^6zEgzm^JGUhNKb8V>O1+YJ7zJuTRNNeHdX4C!|B1lYTEA0~xZld!c_ z@{qsgnFL0_4w&EJX(f`^FF`Nrm^%qFtBM;!f{^I=bnB>DAm2mFlAAd+9J z$TWj0I%#$_9TE73R!2**^YvAHl|vw^Ob#86i?B)iWXOcz(}Jb96&V78@! z+lj{ufza4*>Srj#_f>BI#?%caol6J4bp+$)xrEM1U5=`q!&H7^0gj}H!9?wP?D%Ad zAs@;h;FCAh2=}pnP2Q9C>t|7CC<>l5D z}`h0&+-45_djzz=kyeJl$Do#OFpe?YVJ|7z8O| zxm+5y%pCwV1MWOo-vMFq!_ah7gzU_7gS160Ao6ZCCU&jD<0Uc3My-aJ??EJUR}En% z$$+MnFCAO&NcH)A;?%|9!}of~UmMJ}RtK|_&wr&KYy9wvz$3`B@`ixw8DP;fjy5+6 z;cNXzE}K0Q6cUd@#c~Bmt#yL1_9Bp*RKA>6a=3z=Y3MKvGSvTN3B zW5dcc8lhDRIkIl_>?Urni9NXN>0L|;%z%%vPslYDHTIK}wA!tgO_^nh1B=A? zM|OvkRo4_TGl=y5I>Q>6KV?U1LxbB5H1x=el_|)CVoX^OCfu+iHm7ETKua9K^TuFf64&5N&5JzkRjOg7} zjbImUjxn?6ky~ssS}P3G>nHs2bL=a;7+gwJR#rl^$_e};a~af2d6?*UiPT0xbLt~8 z4A}4zmrkF--}+M&RzI)A73*#?rK*#_;qy!KP5lZnd3c!1_oWfnS$n`CSd-`!8ghOC zVRpv%KXmMp3EXc9hSI>RY;{NoIrXQOPCtAE|EQ>AnN%oIzMP3;!ZGZBFeP0mV+<%cfcNebg}F8tIhD0V4XGZtISvn8HMcH<}#I(Pjo3jryVIq@xJOA4Q6B$3QHxY?_ zbGUxaP#5`=UO+DD8bQypR#w$Q8;b+K5hLG?r0t$0Tr)n*Y@8%TT6U~K*RWW8bIb-K z-Bajjc05%)a1@Jrf?@S=Nb`2X7RldYEpEFCp@u)?niTZd!U) z3MD0sNyQ=;Hj{Uibf30_;5Mk zhY#7M`gAMb#p*1sUuweFCHXatkC0%L335&IODoD1kJru=tqv_^sy&` zmN;BtYT`?IIvi71+2$iNVt9db+UcOg&u8?fhb^!>F2h`(a$@t;AH?M|*m+)4U>jV- zdGie+=_Kdvi~@L=%>Z-eDm&B|0(}l{$Pci?71opCYsd&sY42I`-uMw)JNS=Tl7ASb zUa$mbxxtkRYj7Epg@-z&*n7W_lMa`{{;_aISZ@k$d$0#fD~DJ~?<1J~E1S5NA0QR! zxy-}iJQ$RXM5*B2&EH(rC~ut#P6>9#qS|S&d$a&we02oJhO6Y!v7#o2AxAW=?IsCf zGJM@ZNxIvgW7DXl;oTpF%(+Q`nhq4cyjub{mu7;=uODpul2M`}U;%r+=aSo39xyqZ z{*hn(N8om61?nx%Gl`3G#Yq#o@sV@{*3~59B8yRuYafp-p6ayyfE;f5cnVxfCsOb3 zwKVz5p60TH`Q%}=7@WCNjJamBh~&=0^mVBVJheGX4)sZqtlv3kQCEV`wabbAEj7II z?Ga6k{|g!oB~(x|78bo8fkRvu+2*Ve7+n(v<%0usg{>s{Q1=Wh3!`uX*B{YZ9z?#5 zynzcsQE>EI7G!wt0$C@4aw|@_I1N=b=(p1ToMJ zhuiyR(C~Y?pfpVvoc5n(_6=8J(=+F$@`;32s8ae}`aJ0&-O#8gje7o1Nr*@!b4St^ zor?#VoF$piouY^uTyCKC&JD8BGYE~}o6_69T4dJiW_tY40I5~)BcaBX^iIfn)S1b3 zi%;I9fqTNy*Y+QEcaOrG^(oB>%cCm24Y7+mJWgM&VQtIohOk$Y6YRiq9AZ_F??RR zjjfB@0_ByW*z~>_H~5Z1$C^M8)|!mljJCnb+J0t-#4nJ2Nl3t08Xar>$cnbKQs;pa z-2ObC3jJOU;x%HpWA6fpTJ#(K`+g6ux?G1>4{q^9rrN-;csj#)L_@dO7W$<2Ajg2^ z-1Ccy;m>-G{c~<97S)fV=GIE;YCKGz$}cCw$%EwZY#Vl};RqOsnQ#p5DVXWTQq#O< zrcKityxc!w@!IWJsaDC@#-*b3vJmKR?8jv?H^I5$9qs=Y#d*O#5l@p)R4x~!lV=&(2Ml7Cy|=Qm-cuc5&T$ zftQTm#Tamp-3@(z{Gnx1IgGYAQQypB>i_Kn4YgQ|JN`ROd~FXPaO}WZD?5PWH2AF$PQ6Cq7QeBe7IPKIWrYnxn(H3K7Rd_niZk>+_50*k3*C9#I z=6sd*V>I!_QZPzNLDi$l;8^JfxsTPMV(o0yRJR6)yJy+E*Z$EMZofNhF-l%)%^@ON z`pLhdB9yTSMKP1v@Trt@p~R)&b{$*d{VxyPEDCW*P#EJLSK`XC5O{Gp5xUo}M&}VB zvnH7jY}DLE^rZAOtW3B@+cgyV+N=1iG%pe>Hg5u_${I{<%%VRN!|3@PT2!Z6oa_4; zuw&m?I#oEn`P8os0DD5nt)M9ck`K_eJJ(^=yxrK<;Q~h<+wmj=8ran-o#fPD61fp2 z0=Kv9pfZLt$Q$ud@}?*P)L!l3&1~Ak-P>!xdrBNr(9UNj6&2EZx+kfWqzOuGaUs7v z1JFV81DjVi52oEahY12n_)0N>eb*j_Vbk)kChR#Wb2i1q_U$mE>;@U&&K|l)8kseh zH$c0w9PGQ1N>wLKBT2ew zT{u>JhS+eu%@&O=P+DX|^+pckT)UIhpo4|y&F%P0nlj6{45g~CFy}Tpgp*cwG8+}8 z@Z9>%#5jHm-@>E|XH`}6q3iNgo3b3NUi^lI~6B2(!EyLxhn zZ9yf3eE!&6qCAxkVo?{p#6Kon13(3XwtXe@UJTj z<2S}qc$STmrljI%M+A9>B6u+rendM-qC+o_4l-!`{O@)EpY-U1O@r`t2t{`o(T= zxvs;%SALnE6`2l0RpOYUcnLM;bkNH=pUC-7t7xdR2LH#xajGe{0!+i&$(F}oNvx_q zY`5Tic5~|KtR5eFV`~GPdC5?nXDKN65<#}!>~)KLq?R2<-D&N1cnw76+EcK$HnI&2;E z+@$&N)b`6VLs6;eF$PRY#*;fbF?lqZboK~B zlJ8X3Ds6~XC2{;6~GHIO+VGetsOw zCM3M&3C)ZJv=WBEWf#COVVw3ZYawDqmALoH8GP{S38@hBH!*C9!Jei6kYA^bK@CD2 zL&A;tSH)9}SZ`R%&CHCIcagEY614K(3htGc*tM7pv}~8R>A*#yNG(SAU@o4p1Ka4fE%)RA^e^iRIxlL2)|9bnVm%C z=Pi15%Pf2n7e%snTM>i(ZM+eEO}bT!z^P}p;B2n|@oPolMZ{egojL%Ayv6xZZ-SuY zc`Wi3rC?JEcTT=7ZWdJ3iT`eClRBe&*mr&r{yp@SyQ4iIl186-S1x}grF%Ey$+}2* zd!UhSj&Q-2arx%G;g+brE(UfCOPQ&Bxkl^7VriC$0ghWaHt$%z2dZY6;=T3+I@bFa zEH?rjR!sy0t0UyRODGmNoCWo7+>ULb9C>J;2eo`|COiE-D|7fUH9Y)@krK&(%l)o6 zamk_P?Ye=Opgf&?*i*t=B4z;T|CQpzN$tZ`Bw#W2KTI-c_t7NIbJ(nkHy>|j^n@M4(Sx#4$@J3!OqP9iVn_!PsnH818!0Y zuahV=eV)!65Sm*;N=pEAHlr)IH@`&8+s+uYYE z8^HAiQ4qB{8SKYC(=5SgNWVOXcx`E;k%mh^f{li`Q+A?mkPR^vSHere^Ejr(Cz5<( z4pw~gzc}t7M&H z7Ty%lhxNbzK%M7iFg>&iRo!o1Qdp6Uo~HfON9Q##?TzH}JX!qD_zh$aMq=>TJtoz- z8b=!VG_Kg2!0Z+hc+{qOJTxBT|II?-3qR;R{{s+|@|NiL?!kqcQmo^*1we(nS$`V> zB3on8ve1NnJ2S})S8>1pWjmhuv`F&d*Db2`7^xgT3f}d}!BZ}yn8vZP`qP%PqWR{a z?=zdYRmJd@1+4|^DAV2mg9UIB-klp#Sd33<;?gGtI6JT^9dfe-%zTv&(#Wl+P{n-~o4r4q z%zPOSM$gsFuG!WyxtWPHn)_qOoAXE-=MC40x2COr3yFQ;dR({p0WA=kguA~lM3(EP zPAZ*@k4=YZ`T`GF^7(V~%SBIUR#-6atHvS_sM12Y@_GC#Dh}XKwF{ks|M9-x+C-16 zp1}{vJWYD9%0tTiL2}SPy6KMm39?Gu1wAL1!vdvLn97BTL%(j%ZAUgXZ(N8OeBP53|Y*8{B zOy@i;V?I!)*h;(#El5FH75aHdFuJlL{6(QFQPArGKKoJzw%kr(r`{w|>XSiTC&tm~ zmdkOvY(43iw+vVA{YNC7U18oNcUbjOiq0#FK#P|DsCgAZ-|x1VQ@IeouZqWi)oGV<%H=Wz@@ zam<{)g7UOqleN<_X<rYkn!+Wr*6Rd$IP8hd3u`$>)8LTwG_bRBrJ+jFxVzDaI86P?3~xL^#=D==Z+5#tF`msX%tr-n2`h(1u*{1mP>n$qR zF_~oc<+7r#CQyoPIIDaIK5)r|gPT{<2VV^!lAHZxiOQ1uy8}2M@)_(7=N|BeM=2XL z8RivU!%T^GJUAwgroY6|q4E*NeEtI_j3i82v7Jiz_d`-~9BuyU35KUe$dA+q^om{+ zU6K>V97a9pT5SR|2Ib8j2_M1g&Z%HB5Jui@alsjWCs1}l9gaz+;kFOEn2h{r3{W$` zr5Z__FKzHJl4c8BBo$VbR=d`QnDVVts4AL1DcblP}^>aNj-oDeM>auraWvOWS8+$Hza6)7r;$ZFT~f_|1Zr z+3xV9)fKws1euF1m*@eNV0_0fBbOotFs0NA&u&R0Lo)l=ww^Dz;=(@qtAVV$b&6w@%y1y@X=Nqe=1#|*ZeH#pVteZ>`khp*C@@dh%-T7rhU zO~9{?SFmp`A)}l>RNAeU(aF_?3eQ%YW>^K`@dr@qLJo|Z1wvzg1h2d9A}~90;eO0y z^p>b5u{r4^dO!iF{Sx*FlZ6{k>Y@0CFev!84v$C4V%K~-Mos-DGa{r1dbci+{9+bo zIYuGn@?RHKR^VXh2Am=}h%%c`6KR`nx^KdM68~fiT)Pm4Q@`t?#|n8!;~(IB0dXvX z9|+1dfa1d#{hl#7qz~Ozfxjw-orf>5fa(`MRsN8qv{vUrxiC`O= zzjA=GPy0Z!w}cpo4Kcs<J^S`MO^vaMtW7VLj{~$1-f>3gdA^f*x)I0) z>L^OIsAA384R}m<7tG`5gVOE|cx#&^t`h%6T%SCoE1IOu29+A{>P$=cqk4$7FT0Do z<$e*c6O{zc3lIt3Ricaa@$84x;`fqLEU_&W6=7FBH{4+K&` zBgq&2W=^78G+JQuWj*kYw5LX&HiP+p^HAhYAC^! zxQo;__zsmms*AyAwjUo}Vu3KTmRKtnfvsq4TeGfIeoU zT8bk)57CBe<^S;}bT6jM!h=zZ>;Jp)DtT)Z!bt@A$4CxRde$wUD(U8fzGg2yJM}wL zL{jKGuID%+-UWYrt>LuxJS5!ye8Tv0I^lf*#d&V1vuOcFtt!UDdv%C=WehQQw1%4K zaU?3W)N$oT#{A_Ia<`R|GX?qBdtDAoBL46g39eH^1 zFfD3~86SU0?r6_wZa6uUEVHhH&7u-GDo4=b;TV~gG{o9$KY+Dgz3_3EC3ejc1Y`A? zd<_eI6zH^r$3lfq zUeMSub>1O?cOqp_QD_^cm!0SQBs1XI+fDfS_*$+r+(XNTpVCQpw-U9;ao9KI z1x!9Sf)X-@SofovJUe6+b}r1BRJW%Y0_W?uYPC zOAKsmvly!!Va{ivM(aizY0tZ2j5}e7A5=eqfyg{K+;W6wwtr`(4iAu(*;(lI!xZi) z=)l?XHQ=1tN*h;EvSLLq*5us7f_FAxf8hsfFiVTX9NWQE$!v$*E7!@br^%Fwil&!`b93K{Z#y5-v?!I{f4Wxx&>6rp7U&}FR*1N*5mqzGg?hI>Y|7K2J5+KSe%HWjn zbD|JdMc1l#kVRz)@ICe*{Jq>qpLslDbvR8{CSSnRYiAs2n#_ln%XYv5Wl2)bWh@ds zmeDy^#o@wpP0U<4K)=qZ<92&_RNzDs@u?NSYe&yg>9k@xP&1qQtIvS6*K_IT%7 zGo9nIaJ${t=}gJNQq0<3Nw*3O(e2OQ(J0|1_{^%F@@vo2)5{_O#Y~~}P8s_*Cmznf ze@WyQ0=5M9u^-IZ$qU7wZ0C#9)VgLdsr!$@6+1^bZEQnyUXP=r92Xhq`p1bJdw8X* zHB`v9Q0;V0Y;dZ==WEi@UOtfuJ1s$P+fZ`paR-&q%EQZne6|-Aff24D^S6s&z=?2j zD|9}*@cv5HMQp^kE59?l=w3|8astiSUz;PQRMV8k%k=KI?J##n3VlD}0@2U)0?AA9 z9K%c8thIL`&QP%f{vlQPJl}=xAL*c9r{u8y8k6W|-(u6O&M15_+ykGR!kaxFE8gR9=}$-zRTi&#s?p7L)8x1Oh~8+GT&HExQlyr^?}C%R%a3bR0x%{ouZ) zFmDZ)u@&fFisgNS?9NgXs8MdEX?aE9SZjqpYu3QBSAlfNvv^!%z6T_lJaI-;6mMWK zj>bh*Q_qoN(6DeI+96ALOLKX6^8$AV_9$nnJm%qLl_$jBijq{TIFO9eM*{^eyKAXS z7vHufGjiPVXI>r1JT|1(`h40aZG&w~HF&=xU-ORL{zlVjJf0jHAXjH!nSp zVoe%`OHAf(tl*w&M_JfV8jnWqrEG?uDh5AxrZJv3@oRx4og*khs*ijoD{Y$S+K2Wq zTa%#vvYEJ=d%f7S`8D4(JxrDE2+@!D#K}*GLa~>04aY(|@u-#AFnk*4_|C@2&OA`|jbx+4?_o18#1|jtvl}#GY4DW- z5V`h@*4lE}KGkH{ZPr0=9ID3pxyQ*La+%h>e?*jbNaC@@1=L{0W~liwNXsmJ@u1o| z=zjWzt~wou-Q6kN9PKvQ+$}(?j&l9qx{Hi5$$;6%PLdbzglS-92zrj^lJt+B;Bhh& z_hn9iU4N(H`>)B+xB!@|%f(RLZVOBfJ!oxoz&KVsYeeI3fbcZi1maWqjd6sOJ;p~4UIp=RU@vn)voB4oT^ba6Vtx0gwV z(_|XXD<$?HRdK%U25My~2NHkQ!-*sBm?y8-!Pwae{EuzoV1CmH4||!yU(S=ae&`m~ zP6D9taoa7R_rm=6lq8GHL3W^DUr}~i^xpZcs$oI z5ievn(mmYXBCIEg$SrWdo={V>GJ_dlpr8tlK62RXzJ|^bH6*!Ch0tp&Ky+pNscKX@ z%1b>bl}B#j@XcVz`|*SRF1*jBU&2U80APUG0j^VL1YOFn=y8cxM7ixN=5ubo)kz)X zLwE^!TP;t;YyS~HN#W*GF1P8;)I2O~RG`6LY4r1Y7CsrLLG*5O_Nv^NcKJKY!x zXfD3HR7g|};&EivWUBc^0aLFX#W|t&m~VZHnpy*Lqe)tsh8?Khni{~G3dE+;LE-?3bu1q^?$#(i@e*$YSe zh+lsb?pwYT`@c@W*Qe|7au~-tUOk^0iC*XazvbBfLxG-&JprkMvCUUpL*ewdE3_bI zH5kO(;JFvlFy*-zZT8B-Y~(ToK2J#7ofNXi=nmxqZV+SSObwk@!NN2T6mRk;g4c4f zU0#&-OAq4Xaapn?&XEl(mB#Bs7h(O$V!AJ41)MN2z!D7|Q=72U-0ruIr~XO}?T;FA z?|mWstY^vd+ZzmjMN8nq#tlsWrZGl~_x7c7K1u*y^4M&PoX#J~3(zfdxu~%&% zP4~x8q%IGPUKB!AbOQFDDa9qhd+4af9Y&;C3?5CeqklAnK%zYeU0(TuTfHZEAMK%c zOpe3scVFqFX=Ai~lN)^4G@pF9{f0V3>tfxq&Bzqn5%&j0tXl2}VW(fhvh)i$Jx-m= zU9nK&&N;4p=HlCMT{6vh394|PJqh!DVOdKC>9C6+f-X{|OZXMG&DVqVci))yI_n}W z3L#%2)u3R91bO{X7j0(F1CtLb7_zY%o~U_HBj_e$0;bfcC57DlSb}TiB*65EEw>B0 zN!zDyhYuUM_i;x7o3C+-YsLl3QUyAiKnuT}-vn{dNKz(x_pdIJZEc&k4}Fl1Xo06s3#h zJW1aaPj*(8HoPqg2f1+v9DWyt$DJH8&0{Mqt7l0D(?OloU2&N63ha5)M%}twiS_fp z_{}^7Ylo2yz6J0%aVi*o)yJvVC2?ZVL^wLj1^dpfh9B7{Ob@;;pr3b~$I}S|c5B`_UD) zJSc><4Ech=YJPOgPYValud`~6aj2SpiEO?#5#~S7;$8eJkN%?{ndQ?`=s(jMd|3Se z0tWNo(nCLZ_97M6C9A=$uf_Ak{wKFH3QT11a= z%-xkUF0x_0dEn8>xyiG;h`hfOd?|lOb*_ov)3=J4Y~f4qt;nD&&9d2v$`?TROcWk9 z3&hIRcW}BfLKEzL||l?Y-a_{C{paoi5xK1>%b&_^x9iWd8vtG+6F~i8puQDp^x# znRfv`uJYnMQ0Dl7mj{2x*OT0_%{-?h5%5en57%;7(rmqhS8ozaM1M@h(vH05ZSHR9 z_e`88jcw4N`Oyx z1+}i0VO6|;SpXq+MK?HhkuEIx)YZdNXQ@y^8=xG<_XMEOr>h4 z%$SSTt06)I;Y7*bCOz@T^o@8N9$s{c%K|m>90$zlgn7lNr~HzzC%{`g*jCznaWlq@6}0T=0sD>}%2HKLE5 zUxBqlFYodFIx;pt0#;n-VWw3&vu*D`Hd1Rpym9_a>&9fMQtdl-+3_c=H0R)oT)Y}r z1k6LJb0?bL-}S}Fgm9GXlcbsjC$XZ)9!395hi#BD|=)9`3BPMSm69$`a%ae6hIyviO0td!|F+pF-PWENg%P9~v|apc~TF_NCU z28Yb$z;5PUC=<|zmpqQ8^VStTl0MO@dlO+aRT{koqVUz=DQZG|Ahu*Cb=;dw3TooX zu-G-`Xt73fNK!Ri?s!Iw9des6U{N!#WIM(g7n5SQL^^%(SGKWbjCM=^rPAwss5j?T zvp2M0!+cwy_3TY@@*S5?STddOwR}3&UG$kA@*ki{35w|3B7vXV8=Cab@1UNUDIE7_ zgvx7avtjk_%nkP#T&!P=^>_C|bxk39y@*GZyTwpc_nsP0)xrz6E9tNB4It$*h}(Xj zz)wrQ&~Hg;ly05_VZ|;%DThee!SrYAB-cHKR8o@=u zp49qf5<{=|3{NZ;MYjv-~~-V z49ngM#z(Ty;W83)E(3S=S2@?cHsQ{9)`<7Aai{$)wku#E&4@DuqYHAu6UGfr^Z4U2U?(BA)su*Wu%o%!Skj4dvwN*mA7U{?do0e#F| z5lubJ|I$VYZpTLF!VxH(whoAxI^qQvVf>v?k7wRIrXiENu;!L9Tr0UoO6*R9w+-i( zPD{X=GEtakDTj`sFG-Cb=lHl-0y7#Ok{-@wd;IY>+~?6ihth7aad)=RzJYz+a_}fPo7sHr9F6gL1V8t@f@tO? zn>i|v`odR9&IOi=u1dyz+w7pXlY6E+{3A+>tstUN1-DZzta~5|0ZSrL=~XPOh+4pm z^qqk>kAgAwnJ(%L=@O3!&hex4A8S)u%DkjsFjM;=g!gFR(eM`1=M+kQB?cjH&Qtm% zJ%-pX>?F&JrcmW=_ese5Sh%)eFZsMP3Al(dZ1fL?-&VqK`h5}B|G3nA`*i@FpeBS< zcly%yYA4{Y;5Y>XO6Yt(ki1;B4`0iUQs1MFkdh?AU(=6lt<+55FSLTY53bTxCT>Jx zt~BY;*nm$Nf7pD5>;FuU!{hFW#PWs(1lz??A<^j|y)+-^by`7AU<{6*mB!vY9lX)t zM{0y4={(cpsARd9mW*6w6z-}+=jlhVe6j#++@%8VFSU}+36H@%K^CXGW>Dwo9mxLX zk!x?{;frxDITa!SzHj&9vqBF{O*xI{KZ>D@jw0+<*TirYA?|g|1B=$5&@@|sJ{PFN zZ5v04eNG-VPz%OdHFcEiZ>2|@55n(r(a^Y)b28@E!Tvx|Tv)(y4Vt3hc}WHQvUMez zlfRMtZ}OlT6wb{j>mc}MJ}NmiG4)bHVDRZAW6_-kPi*Fb{j0ku@MTj+vlyZ{IFjj{4hbQUzs$n>1|BzG--zS+b18LhuNsJ$t zg0mct`}vI!v{-f??+$n}`unf5Ew`sb-xRLvCg2aS;ALo1ENzGK{oDb zrs3Si``hWcFy8NsT@!2JgR>p>UwKU}xNh68YjbeKXB02xDDodJExM6Yh!?M zm4=&#xGwjn3FzXqj#ekV=NW%F3vPRV6Wgp~%^v@w=sX;;dfzavVegfaNJvqsly#n4 zB^nw?6hbN$-$*2*McFfw>6&FLwTJTxw8Y+_C&oaMvxBjqB4mnzdcGOK3sroyA@zsYDt~CUvex|1*pDT#=bUM ziCgJxsQtH>%scvl2){RiFE8GZtGi0k#K;wkRRoNM<`FWh`yQ{UJr~bhc}pISoyOrL zafo&g#csaobiYs{XM)JJ!7;fU@m=d`XUYW z<{U11;*@DP1&_x?$?{{fNK>=`LPkFFIwSCQz6JBjbO~(rUdzp3ra@x&dU%=6^*QFx zh1hM@M6h=a=KMZj_{+4IytMrcg>!_#>QOyPrESE@&zkshZ3+zk`N?kQ81Dy!_&`bP z6g_(9Dmyr73Q_eA!Wl2`fXG*bAeH%$*;IynmZ50qeTz)%7e?=jCK5XGhFt%9mC2qQ zL2~zHVZpju_IA3Np~d!haR0`A?tbwY-gvdZ-|}eu5%32$ON?V&!(!?)HcA9~IfwY` z7H0cdUm{=_$ZqSAM3KGE>AuB>z%y68eo@W?;&_Ze*veE=ti*Zysuz(&wvvkeE+QoE zIwsFPOU|iBW5z=R`VRPDLtgJ=i;`k%8RvH1S9)GvV}+w(aJ2 zGU>{6zsE^3A@r793D3dcFFoY^$gH|O-0b1kzgW0bQ-S*{$C-=w{n)X;2e3mX6kqut zK(mQ0_{aYm%uVVh{i9**jGJ>vq=OA68}%`Dql#>R+%j^fvXu627@+P+^C7C$6?1Nv z&=)3ckjVMZ7v$xDR*er;OI<|Q|4~AhRB;Fr>t@XFeum~B$k;4Ch`F;~&|G)!Bxlt@ z4zJ9@-@$FX7d_+bE^8GqO#VubZj**Q)6J0MEN84+I}LWk-y|=;KQdZ4KLQj@8x4yJ zBbn^DRIvGJ29Uo2B@QitLe&dck|2U{&pweQjp{~0bF!$h@pR*^S6pt~HzRPFx;1!dO%+yYB06%JtBBo4uI| zd?bwhRd5J2hBKDVaPCwMQ+Q2@>**}y_(pH(&pD6Ku=^Ioz78f=wau_$L=O!$97eaLrnO%d>;b9{1hHh}Sy=g_G5T@+6^- z^Y!fDo-5Xy$vpM%;A4}4m01cTLVF=Qc~Jy@H^?UkSGiITjya+EuP1n+Y?Gw890M}SsU|}p&4D+nx|QRamO#UP zd8n~IN|Hmw;jQE#d8)FP1l-sLZ5DReG=85hD=b36b2|8!zaI}P9AtGGR*d9*#F3PJ>5gLCmy+DyX3?3GTk7ekv4kn)Zg2sC9e^1CH9QRk7F7729f?z0dh>4+1NiDYzo zKlfV}fdNf(uzRqbV^`RtsLyLA>}MYv{I?ZT4j*EF{LIJUG{h4b(sYJw8K%43$Jdk9 zph1KIfk}U;YIq4*{A&uW)-|D5qQ#ML`OViSYVki9B41^fk~a$!;llD%@>e$&q{73| zGG;z{cu%E=tJBEfKr{$sv_WiGH*p%;j$g5zW^ahZD_MGQ)>6LyMCVC-bHM=?ebk48 zTy8NfE*dq?d$B6@Q%TvPep*%R$!7P?gpI9d=)Mw4gnJ5M-Mc@a@m&VTJ$vbK4NH`X zi$lRI9ni5)px+AzIUZIbG4B(^lNnRd*JT9M>#Cv3YzqwW8h8gg(&*&s7bG*kg4BOg z#o1WL=%l;hwFAe<1?v-VZjUJ$7IQ}@|2DkL{aX%I$Q!SjBx77Fcoz~AQ;6x2srB9h znULFh8k?Tyz`5@o1R5zFG3RDXEoVuA#3riRy|i9C`3Y^+Ov2iud}vxQrC#eu9Il$z z12;Hk+tF#p(9!V(o$@5`Y!jE^5pQKJ`6k1w17=*#bra_9)P&_qTC^i77qoK1AeUne zt!RD6S}v<%HqCzrYH~`L;vfxXOCyL}`5lORCJ(uG3Cxifm3XSq5{t&w!R*T%@@@s! z`*^kzpZqHz8j{<<%;p@-KX!|8o4f+Lx&MEWD1#pIe>r#CI_jy+2T>T#v4j0_!1@(b z#6%Ji16TCfA4iXzIY#r|Skd-ti;RtYXK=kTOWdJbhgaNG@auyF>gYNh3%{K*TJ-J+ z4czRB`r%6;=E*6XYNmoARzb+CTLwf{8Fuf#gqn_=6Y#X8v5$l#s~n*~7S1Tb5$(CC zAZ^MVAGllSkThjuD*jUn zKE67K{kK*!=~5zCLEd3p%`vEnH6p4>ChR%xyu!S&#(hzmC_oG#kS~hb4}78XlAW;m zHNm`p?Yw1&`+3?s_rtS=iEx;s_Jnq;Yz0%v0`M#Tf;PvdVCKe2n0fvtO~XCdHM$zCO;p)!(=RcS5!z7k^(Pd3 zn$LW!(<1AxYNOAA*|@XMhB5qhkIr?;Le4gVzFC9#qOqT@JrqWxtCOkmTL&o2{z!hW z=Gd=H2!2+x1~cL3kdmB(kJR_0c)@-+7m$fA2BS2Ro4;>~^+nhA-|UPPd7%9-jCpvA z2N&GV(~eL{qm6RgNVQTe>-m7o!EsrjM-6j`rxQOjZHWh7F?M6#CcniV-cGFVyhkS) z#*wZ+LF{38hc~iclE5#?tmcaSV4rpddEIB|rH>^vcjayzTWtuls*3AE3#G9%a}JJp zAHza6i|P%B)Bl1whqY)3k*wDQXOqPw*h-Lb>Zm3{S3GfzlP$_`P~y%~3do)juD|xm z8meov=>?rLVE^$96Mtem@npLh;W;g|W=j;g8t;Vaw}f%MK?ITLha_`LRt=iT>^zg)4j7=#J^5#BSVT`;gXsxD1O;US|iTDn9o6a*?Aw7kF8>L1TK>pJr9gLAB8?Li4g4Z z5$5fctlu0TOT8(_&#dmCCL0G}@{L5Y@PH<2c*W8k$y1T>>;fOXQ7UWx8S^BHaCC7f zQ=-2CBqJ;ZOBA{&_OoU?%Wtl_~OR=HaIcQ6$FOhgny-nEdhdCe5xl;lHUb zsE0&29aCBgy~?-9DsOpc9~&e!=8x&TC(T%%69(!?Z!A!Fx_?XG7 zQ(RY0%6=ZiG`H6j!%~Qkj1J?PT~GZF%8~USE#XP^QXCu+qs9kYXprb~yzQq1H!Svn zecfbqu2VMF{;`Lc24=#UpPZNQk~du0%~Dn6ov3)P9zRUTg+qv`5 z-5AGu{A}es=51v9^flmOFdc>Z&R`thBc9WT4m^>`&*VLL2FJMP>HJ=PNcp{qUTt0m zo3(_QTfNIr!Y7|jcafq~(kt03Z2-e@bvWeXK>a$d(~o^x5b(4Xrpdb1iON}%Ep#1Z zSRpudTw=wiWrE|~XJp>{S4RB~5sZ}Osrxiqv=BI=H?~P=n<2=zG zS_h{?he$Gp!obbjj26Efmh}r!{UlYmnCy;ynH!*mw-TJDpTKQ4I#76N7Bkyif!O$+ zV)JXN$=@}f>47y$Y+rgb8$Cx13NHAew?i53?mW*cbM7Mt1-)Tr!CuhkPocpk)3D`b zI6W+I1)G};KtFmN1jk;Y$wh9&G

4B>kh!MdO*%9tN_$;pkO(7Lxw`AfqK}*!%V(0dDGX}=35$-J5ZQrJ+7ed6Gzdu2 zf7a6VF-y4)ckgX%KdFa{Cj@Y_-AAIpWd~k{%TSM#npn-{5q{q1xMF4N!6;S+pA-bp zbU{Wg{$7TWd};Ksd`ySenKGvS+I8lc%23!hsc!D;Lh{4?G|V{ogq)pQgZaycxE_BN z6x@0Y&gP#<<(LXQmo`BDcuk_)nn>N&?SOkL7s6ZfCYq2^2=k&VNLNE8R%MmZD~pss zZ1o5B`|s7LvVShR&5>cWm4j(!++LD)L?1tx2$SHeGtl&cCWdKbkdg2Cr1L`rd|IxH zVGCL?s(K4q_MSVZ1yJJFqriD_ellBCFEJIXRS^{J@%%u zip#pme?L`?%k~N4{C5g?c(pt_^IKutkzv|VR0T}05Urg!4>Ce|SXcdueY|NkUS52I zRIUhT`MfrQc()a~mrx11Lo#&1lv;S3GK-#Ev>Y{L9r34{9{hNtjm~01xFFh#s43f0 ziQ}ncC*gKx{5y$c=tb;3nn3fv3&9vKk|*aUhy&iK?7L<^jzRDo?-z!{&boT|d%nSF zVQmNX^>85rKbA3@I?{;e$R8$Bznn_(1#vtjuE!#FlRRDi3m@CKk$XXgaB6fvND1E} zJ6_#k9_)63tDzFC)6+S$q$`H|{PSQ$ClIzC`c9M8j$%(|KFxV-fj`}6bA7)~=AYVm)H$|@ z1Zof9wWFrgchYIj?e0ST{#%Z}e&o}3$?fpwxiP$2=#Bk0dx^#d&d0biACfPZb7{j) zrgl>}cz-%YZKM5&G&kQre>xvc7nR~)I|C>$e^wW`>>k|{b%)-l^~U?V_M;8obX+4l zh=Pw~aQ^B{`dz${noE__L1kTd`rMGprBE_k)e80;&;y#|Mb6OaaQV^>IB_wW-E2}$ zr_J>x78@@TgT_Z(kNGdH@wr2({|hKg|HnjmI>WQ>FQn)3eQNDB19U|-;T#BKsgErw zTpUbNzYIW;Yco6bE~WM@iH!M=QfdpkG3+A8Ke5syuV4EhyU7lf8gJ14HQ{htRkHr} z@|$$Z>2f%;Y?ui+mQH=;Cea%QC*z~zYrv->j;z5Ux+3T?DI8Lvn%enn=cR`r{FigX zU3B&&Zo_2b;h+zs&EOq%{d|qQ z7P^Fjp|Zr-Ly56me;1mnwn3oGEO^6ZHBt|UL8)~M+?}j}OYCG&e#&W@oR&ofT&|N3 zZ5p86(Z<@JZR5R-Ux)amlj?h>(VxT_SdS@WVzv{}m5>78FFBa=yc+ysbYQo67`uO} zF0hmAiQJM(rgK$1rUh|alm$1?mHXUrLJyBDDxtB9U*jS#eGng5K}S3pI-K8WBzP?Z zJ${@cAq|e;-C~4VUJLNo?O5WWae^wpDTdD~668$Vdm@vu5A7ToTI1VBrmYYn0WaS3 z`U5TKDUJgpb<7>V_!Tm%EM{?8doK_ZiU7;^8^|$cCTtVFNq%jWg6t3NtR=@Ys_Y%X zz1wb*mf|34c}|+kZ4}_+AN=UhkP2QFf_RDF0zy_2w&~0r^!U|-L*1M|I7c3QsRElx zo?!cuAdWvc1-osX$&qWbprE;lJPVo%56zv?ZpRBa*u0r;@p476K5fo>!iO0x+Au!9 z0pG;B678jt(6cubrd@vxHfdWi{!tX2;&+oiSQ*Xxt|LV9iViY&f`mY#HiX^5e-sa7 zWMFUX0V6TdbCegdh%NhZ6jom3c-c*2bgc?t#Rg;8A>mB^$p0h1_vA9WK2C$X`auBq zu0hS(Bj}&mL=SN})`P+wR5D1Io2yEKD&aYRV(YUZ8NU2 zb7o%1UnJVe;*7_YN}5bI!kgdf;I8n8{>?AIPCjm?CbSM6VpXYosvYb(CPYLIC1RL^ zG#h-6^PGyG$KTwpb;h}i?1P_n*ln@|F8|YpFWco|<~vh7?`90qJ2Pc)vrsKi~xA3;ePgr(&KfIhWLJkNi!^Z5z#AE0hiF{L!TO#G5 zK$QFbPxazGGq_CnZwJBPd2YubmW)bA+SxfWjVPv{i3P=(bX_b^LxZ=pQ>>WID1SQIfQv!svxdEt{=ShZm#Yb0k?ca7!1(D@V$y&h{mpPB z?F6>%135SS09mirLv9{zqX~JZNWW$Vg#NyXn!B&k*OLty$3`nOQ+`MlUMfSz@^mP! zF=SR(IS|>Ia-jSC1&!GeLUR%Ypyd1wSUp;a>r3>oWFi-4@Q^HBs|g8*dHA_+BdrLZ zkIxd+;DMSuzB+o*h+T1vN$ZFNuZzc^)cqopuC9zxHcyCE_Bb=Q$%y3VH61J{$K!TyhX9yzn%7@ll&?uQ*NaXU#?(kr7%~ z9Z$kvE`lG4nUqMRp_A%9$O(u?>`#Xu<12BrObpF0ttRXH)99u3ilE|XP22Gb-Pk!D zS|2UK=Tb@R75B%~uH-!S?Ww><)3fY*$y|~~<7ndfOj_DjN`*u}kqa~D;`p>aa{Oc+ z>A1ZE-#dI@o4W0|-{1p!-Dnx4*PNr~&Tkn$p+*#LRYXg->(ERpNulE;$QKb|6JKs1 zTIT=Jb&^-;QC6ltsIiX?xnaV#mroFZgkRLrH;4<-T*7rpXRsHzeaDt6{KRyTP@hQ1 zy0x0Ly9Q#^r;m)hRUor^Z5Qe04b!d*^I*pAuT1x(1e~Grj^0z*ga^iaQRQGKY3h2* z3QW&|w4Wj1-ZRWBuI&cVrG>=0_!KjCw;FfXY@(Z-6v<(|%DOrc22I;0;oC8ey}FFg zc%~;GjQw0s%IY7`C13cMs{9`$d~PxAQ%}cx6$3{18#tyjzaV;C-3D$P??kD+1kx66 zrI-2b;rNtT(3Wr`2V%XL+HVNUcdaL%e#^nydy;tQ@i39z@|9So_mcn>1Md7b1KNyF z^IivPqIKduZZJN~UAD*{x=f?w(26F)$#?WM5d={AlV>p=zD8{kn)Jbc(94|=-Lvnk=IZ9NAN8f9kd~1@op$n@tsho`a zr=gMTQoP>b2iLr^nb(=WsA;YZoN{lV^1&|{+vjpn{7RpjxBJqf6FGP#Fp908l}vq_ zUb&j_Vnx&20o;{qg2O%9`u%b?5> z5i-<#jk#ovwB@KI{JL8ScedO`$^Sg?*s@1VtjKw?bE5=p`Pm8w+Fz5vUsN_^QUhKV3g`?ha>axcjZMMIdOOjDqW) zn`n~VFDf-|YGmT7f?-4g6-)SyO}$pasAFhR{;xueZFayVU8wlDv4ISg3vE#?bXyerxc)JQ~jFpKb}sCZ$%gl8fHVnoOe`Ewv%mMUQH^JFH^_MiFl{=5m{EnSKkz3 zgm(_*a-8W#{3P_Ab1M{o)fk@j{!+y)N&{fQ_v!2bzxKPg9E!=9<^H+>+%oVD&spcF@J3dqU;Vkkt z0ns7r2_3jTnccZ07cMxQhB?9^)T}m@6_t#_RfmV^LhhZE_`QNo-f|YFW^o)k*MqoQ zcZen)3xrSQDj>D`Iq7^p%BDYW28Xl@$g6K8|7;JD)kE1vuA9H%m1S03K3@zpTO?su z<3sA5(8rTi8R0toLR_A=f|~5*xSDr%(3+n)WI`&1>Ycm`vt<{cO~-7Qc6o^Y{@O*F zViytpy^UPXHx|4{jLC=IX{Z{wlN?(pj=Og9!-p(G>cHkg=Ay?aqddYZtCR=f>_v21 zpAbwETx2x=49CoS843+tm+II90l>lqM16G$Gx}y8#ON%6oU;a``Q2}}{XY#DySxs4 zAK4k1WN`kUYijHi%QSky#a<)PT?&s>$xhgmSI#}P=C)!czEqR zl&P~c*McAG^~Gof?+{p2aef-{4dDAop23lN`lhOscz13?A=OZ5RNYNO3hsl*yQx%e z;eH&mIz{hkM8N4e3P?|wqbaY3ijK@63!XmbDc8i(-P5_V8+#GXyx^|f2gZ#4Bq)%M z#dTZ;+!JO85h7!h$y|$$qZTQ;=&8o}JJTlUR-seq=$V81k%F+NAsX|Kz2wgM8YsYJ zX4|*Q;?&Z#TEndmh+2UaByp^~y{kE|b>?cCazh0iwW4vSz;aymXfD3p(GCw%uJU+O zmf|!q3zX|og`);7VBTs17fLVE?ct(OMZ~bc`7!xmf0tGKbdXs*{*swoe3K12T7?I0 zIAcTHAsCdZp$lAt;nher8$a(Th8EPb%MP({f36=!oeg3xj%lORqz^PD%pJEDgc>?- zE2Ga%Rxtbn^YIAzPCs$(igV%;to_Q%Z2Iv|k{%I6tD^m>j!-78ec!}R`f#08mEB`3 zcBTIcw*P4Tg;MFtmF29PATckxDA1OeYND#HKWiY`( zn)v8=Fg5n;@oP#fo&9W-?p&M-`^>71j(y)iU+|wtyC0qOpYm47P!fa6uVcj2r5-lk zU4;FWd(h#>1xV$8MMs>nnU4dnNN_<0)~1O-dZ8pb)-T8Rg+81cCzh2uEKMpv7dD1! zLQIt~u{k#f6{jlU^aY2>+v*XrR7#p;D+!=IH#_QUttEe+dq6^PnNh=VETmp^#+XTR z@VO@*H6I~_NWVMRc33A^O~Z$Yn*v>z|z#rZb#BvEs*q z=qsK#EcV@m{XhOO!Fjp(C8nO3_O8Hi+fw|UIY?hbb2iD#e#n|z&}fxW^4747ct4Uu z@o_metRsX@pCE9c`a6@+ahdV^aFnf>Ta886XP}dK2;I|ljXLFX*@U4PIEl{yqZIsL zN$@K+-$W0Xi@ipUT17a>c}0zL@|fx0s^LPt2CQxlMx_|e*|V_}Bub{h*z&u~-OLK= z-*uhqHa6pa*+_W4S_Nvx=iyZsdy=_>V}=c6LHhz7dVf_GQ*i7*Vw-RPS7|In-En8S zR6WXDw_NiDGnJc7wV~8~rJm#mka8jN9H0lVaVS@X$mU`D(V%u7YTi z+j$V=jk~Z$?H@@w;Y0(sCJ?o|n>qIId-hDs0QX!ohbtR1=zII8NXs4ArkN2C)}jEF zSBAN{##t7;rNMB%3RJ4MARBA}yRJ5qv5;_h$Zm!YI%n~b*kbtH>I+5O?yY{0D_)*a zPH$ebgMm-Wp{scx+pAp5GaY!zN(Xjcpg*lvoBW7Q&EubswFYc?f=g z+Xq=Qwvej-RN!?TqU!hMr0#tu$41YD9b6BzuYWc7caf-f_fm!RtBTNb&w1EW^b{i= zF2M&PN9ZDZb=cXko-_`f2ma`2+;CBf>&|4cL9Xw)d%<>8lQaV}2_(15wK3)^kDcIN z_KrPo@J8xQdijn5j+sW_^CLHzHO<-hKw$^hw@9Y?xiX~t^lsXvH$v=xCli&c2JF4( zJ=`5?lpZSy#%WV;)2hx!_IN^@k%syLGQU`q*%vVnF9u|z?bK&f>F*EXbYUrWd|V7$ z&1J#gZUHp@Y9SxQ8rc~dGwEF;HInfC0{bU$2Y4oVP^+Rq_UzJqu!FnLofR#k>hgx{ z)q+Gkv{L}X%Ep;0le?7Np2G}tZa#;lPaxpB1z7Oy1*@oGc7Eq2QfV%PXDS52BSr_6 zv{sTl6U}hPEU=caTUH;-($dJuOTR~E(Oh2D8LWJ8bkL`buzT8 z9`)j6@u=Ki+GQe#u`zq8t8hErIyOKe4(}nabG%B<7*xqkrU5z*J1$9!ZL0 zi%8Y)aO#=5fPFV4fLpCCusJRfeKc;+V5Kw6-T-0pMxlr9H$8==qsQQ5u_tKH&F*Q$Qd|nrEKJ~j;&6RmfrmW_D+b00#%N?m@^*!hqoQ$Ty zUNCjz8eE~K$woS+f$7X%BEI($2pKNGW0T{lc6teO#8eS=)>yN@=H9FQWvy+-n{ym%1w2sT9$5W5eXxbB#0{K=qSe_Td)CcJB z_FnlzZH>=@GTq#_(2}`*OL8KEsS`z1tK=E zkA2<~pM-UIHh&`?4>CvTTl}z=%dEd{`pvPT;$b3w2ifV~%Xxv0qrPVfS(Rf2ff=hY zUU$f-&cO~Q$|RsEWHwaJdS&=XP8$^+Wl$;M8N8T?#YO(LP(JTA{ZMZW7V`!1iDD;x z^2ZDgbG@^(cO}X3oK>jEc@|}kEQSS6o4NCd4!qc#&2(55ljv+4&dswBkB6{qx8PeW z*%<_G=Jm{xtnzs9uAmp(8;Hx$QvC0!I`Z!u zrr|aR(6~8|XSZC6>VJ-hYA%QNXHzgdk4Pm?n-uAJ5nucxT}~pgen*|;{V?FY2;Mcj2!i~M#Fb2}3M?JQp?{9tFDlCZy$CB|;kS!D^ z-eqHSZ17u$A)Oej1Ic@v;k|PU>EjQ=N7LrhBI#19BrE~?`)0$zEwe#F%>;jl=hDX< z_sjn*_jx2M0=rlpcf(tcG30y4kU`(O&ga?&nu*bX=5X{~S;qNYyO@Y7V|c{fQN9XqhONSSB=g@I*sLN3@7Ls0&A;1; zo7!*k#fW2trw2pp_f1HmU($8c_&|{;fbkIn8vIJx7+%|=-G3s;KluSY^K(7^+HeYF z-gM9ZQriw?ydr<(n%NpYM7NnN;&8Yl=s zu30cDCt1Q@;)I^uF2AtrEH9n7VcY(X^d7$hc^01zR?Gg@P4f$-pZChs9}!OYZ09+! zjE`sTN=nm|v~cv^aS76AnxW*hIiSk?o1dNmdJ+0RVOmMn}H zb!TSq&E^raMrz<+&u-YoBeTDX;y3 zcgRk^vt)0l2=cj)kxly#kU4pZ`26M}JYDQTZnjU5y6#q*??0QwF5r0ok$lLAmC&I^ zadd5rW^O&?&UV9NRN!hE94gvP-?1^UdVmGjHASRCW(@?5jnh7Nq-@z7qx?Th(3T#D<&yGs?-#;=@z4RrZmtQ zdFw!0;x>Q+395E&bwG2M&i?JK%p^~_)V#ysvZNlG&d4la zdKb+)AVR;~{6I?+55v&PH}tiaCuVD1z(_5Cbo*3vIwa2BYga>tq#BpQnZ(F^>?7S- zYq4-Vii&du^?SGzo{b+To9gR~4D%a^EAEGNP4n@EwhwJ@x=S~I>BFy+6wv>?KOLAc zkMxn3#E#y_6?Q9O`_Uq_3krjR4NI`JMI1j=2pXrgXVJx{!pVFtxB6q|bVxI4MIoQh z?2Lg2@UuZ0hbwQ=6P|LQ_Qw}$GzGw9Je4|_CF8&jU*_hg;hK*}^jSFtYmiXZg59&u zQ_;6cbp3L!KYgH$G`w6%rd_`X@=L|R-sL)NTeAS_b1W#QJ0i;;NW)AkV_x599!a~u z6o;zxnb-^?_H|?<{`+;Ec4yy*UOz9Wl1N~;s>$Lf+3lFxEP~$LGhQ^g8}2xJfpSv{ z{U=xomVbw7X|)JiH28p7tQLH{c!z}N`V)z~NSYOD3_3*||4AnV3>@Q7eB&WTRZpKT zkl+J9?@$;TNkYFj;cyAGz~rY${q2=&VUG1MbD+SAzWJt(qPMMy#oiib?dgkTnTi=` zX~olo5iNMQ@*Vy*w8tX?i<#iPM`7Q)(~zoeMbsQqX-M;0a^G77r+!YNird$cE`ubp z=lL)zFxdd%SpvFl>m<`tbzr`q2ouBQ*Pos5g8q-$bjXOs$H({Z{=^Ak>?t?c9DN1z zGxE^O^D8|e=RqyArl7>sQebMj$-G=&xba{q?yT9*>{Aj1yTCuBWC3CA-AbvUBjEU? z$)NLHi8n9$EnU228#f2)C3;;Vlq+|^3UfOU)mcu$q)cI3_67*cUytAa%VkQQ1fW>b zR+Qc2L5{cuf`y|4J3D46`1z*chT*v&A{Ia{jB#0&IR}}i{Q&kCEI=_$gCu(WAi=*9 z$Ylim)kih&73KAx(a=?5@NM zXnp)IJ$HXL-R2ogMw`mHY?m&0Rb-LuYg@p8Ow?V?4S}2UuVHIIFD|j@B==VD#>&V@ zGP@!e%>-W2!yOArdQC3*7PJ;?J{YrB4~)RYO18e^?Gfm4bRtXR#8LhJDXPA>37PY8 zXs{2-_?a7EJIL+w_x#6Xaqhc)<}0`^Yc2U85R28$*_40KjKn>CNL_WpK#SW=-tJC- zGj9HH@XbKDoi0`B99z>LiR?YC+wdF4MqpUr>AzMzm8S*jh;eP%MrIq5s^l zYIg{^d%^?k92jUADudFX70i>F25^@1ns_86($2@nDPLa;-gsvOZkyMld(R%?9#Ra? zmlxCYuXDkVaCwpX09tW~0XD6|XyeWSBeS5s|L;MF@%veLv~>Y(nVP|F>)2zV`kvo=52$d9Y> z-m(y!y5tO9XY3Bo+6(F68%>xKnTm;-eza-v9{SQYgxr~a1?F#V#hTf67^j=fq)KF< zL6JD#Qn3Rc<&PjbmI4CvIS=aRMYw!ujLKbaB+Yw2VsPRKI39Qg>zB%-bfOAs@tHx+ zqfC5Qb)Up%=h3abr&-=;32`&HNpy0kBM2-B-so)_kSj8Gtv zbRqKR1A4i`3Fp{QQp@e5v1}E2HN%;fhsYY|M>mngPILNY`y`w>EsULdTnY=GhoghI z7ZuMb!#OgdU`dyw(iU0Tq_=`|sPi$2?;=5EffcyD{!OBN)G%aC1gTR@r^6ykso}vH zboPV;t9U#D^mLEo=AbAzPJGaJlLeh+-$h^kyhzs7wUCf+g?OUyAWqmlB*F#q_=kPQ zyx!Vw$am*5oVY>h>hL4@MmY^l1AO4rG)bV+=CJNqGyTv!y?(LzRrvpzeW(9ix>=%w zIB?9~kqg4~N3tPlzw#f+;2Wi1m`EtR6^DC9Pg6Y|dERU;Lo6WDM(=Sm@a?xp=_a*O zDi>aem5aIT0>5zmcHuHAJHMYiJl+PmBnDf>e$Z;OZRB578foDAb#*URka{lny(!HG zLTdToz+eL@I~$72{!NgD!HcL?+au=Nt$J*h2`4?uk$8?RAb&)?*>&~**q?`9lPgC& zsmWq%NIF-5Th88tkEM#((z%}%kgi43KO*(`p@FK~_Tt`;r!m1glyblZdTD<;6-!E_ zo>RWlw%^g96B>icn!nip%$|`OnX$NjqLD;#ew;l;)=;zD5q%v_(mCOUq~otME@&-) zo0TbKXhsm-+#x|;g-T%3OF~3XTq1*}+4N}eAhqP@;p^wz%((tBz23crJUv-JUqyZ< zQFURsD`OKq=^IIM8iDOUtAf?(H>u|gBaV?)OsleI(V>^msmTr{SiWp09t%jpZ6Y&K z?5_s9cJ3Ci88{6lqNBu6-5DI@sz}#M160lEAWfN~U})Jzx0uAD|Dt*5H~ArJ9wrV` zxHV)$zAy}%XR=$`w?K7$Bx#i3`W9yX@HcK1&q6d6cBL-n$?~*NYz0esl|F2edpEgw zVI!(l+kjpD6()3KBgmTZga6~pJQ+h~B>6ZnKTA%{W*-@mg-k+T=6-q_7 zZ^mQYpQyB23KLOj&$+>ZVa@w@WNGVW9PUaZ!#+8rM*9`{RqcWsOFi*{iv*SHH=y20 zUr;hohYX$9fE(M+g2_`3Mml9bB&*NGS*9wmtt0`K@N=B>a2Il8jt3Sb*07dS#F^Zu zDX3=?gx!;;!U4-$Fy~1&*_Rqb`uV;vuXP3Bg&$y|Q96};b)Dw*T!#wHpED4j3 z=PmyufmR>tXmxN2eKTSNx1_$3Ir?Ex8S;oZG&++6aV~`Q-QNh4mkKFu*T|Jq+&*Wq zE{Zm@Y^EYLZ2a?r4E`P`&mz>A)w%vOxNjy^dK7~x@f&g0_dFVWQWK05^Ncct`^l)T z2HwA)fyXxuQ_VzC*l#`+7OcOI^PkA0%RxarqHK#3GlF5g(L(a~t{@~x7u4O(zX;{m zE)mIx{Pg_6%ghGOLFB(k4c<7eqH01?m{JqSoc2j!5Bsg6pTsS2M(A6z#GS`9{VtV4T6ZV=Co6qHhHrwJcc@&?DIQ&XWLJkpv25-;4)vuYEj z)c0XmiyP=Ik44832^c9!hILU~E_}^1YV7iy+~N3jI*0Zet+5Y-@t#wp)AS$tFX{qY zeC`NbY}2J5_8s87NGwSbR>qg^TJ*;17@BT!hAB>PLDMtQM!l)dkeRuK@w#;w3d+rK zAj^i+(>^-1n=SaZaCquL3TI^;$Mwaa{j;=$h^Bvx0=R4&6`#5 za@iRYwlxM(=^<&n90%Kb?MY6VAUPJn56g^plUCoUu7~+L^BIddcgQ+x%%hhnXL4FDfHv`JjuVe z(ODeVDKKmw$?-LyMpwOQ%qBBP-_^>NG;(*W_NTmetCN_FC$sU&xv$LAe~+N@`+jnL z$Nwlg4@a!tH;hYGvN94yL$+iTdCzkjDUs6nHY5_FB9f8{k-b$$Mpnp*id5e7+*U=} z3Pnq4NvO1!-}(Is?|IL-pX8KV<>pn*TK%!Tky!5NZ7GX4r1z0vO3oy zd7sAGVR&mN>$*`AXLL`dx9_QAihDdGWpxw-!&GSP7bX06y@qExPoi;ZzBW^=a}wqh zt{|f~Uo#ccUXe#CKDfbPm|hR6V|wc}aYm>Cj1DM}N<}V%-2I$t$6jRJ`ad(9^8{!G z9i!DN1ws3t4!Nzo10NiHNOfxtCMyoxy39DfsMP3{Sws4wIK8!}b!cuZ+`_*F;Xm&cXrWkex!e z{9B1{ygrdns=}BY{)^PF{6`$ON3k>3oS>vPp}~;#hO)TOMKb?IgGXLGZjNdMJqK&N z>b@8;tCOgtgy9{siM0%SM~2@XWgON?!l4h|R7xleH6NWKDf$8^JE8fWUaaGb`9#IdrEJ~NBd z1-UGD40Fra9;WxVf$)uJDt~4*6-$20sLADUy1yt|Y2Y=HcNJ zSDETjBV7L_AO5-=#%mAbv25=#8nL8`tZFOu&h)_cqz4c$TWB zKA>Fj^r#S4YS;9ujP_Cv#0DNpWgQnz3m};dDRi*Kyed{Q` z@k}A19a<3aApmG4Ffo}k8_%p7Cgs+qm?oEizG0TIE@Uw@=*>oxxB;$1!xyVlX3%H8 zEfDW9z~~H2VQ-J?Le8Bz?CtEM*y|q;xq;IgmoMwV9e&1SYRY-y_n?-1oqGbRKULE8 z!VY*qMwIE({Y>%Y9WZ8+NOQ;}j2$V$Kc34GUg^VE}$4aBaP7Y{Z^nfy2T zD;c*OVp->0s$D~w^OnCzXG|=Y(Y{2N=qv|q5=HzEh`?y=OVqMB#`zBvLHCI*75~o| z*`mYHw89#6AHo&dboaSQ~L)WUAfrr>982NXd+I*e>32h=sZ!zSc z{%+cEx{t(W?}f9~G2C--2;^5DV}lmtK>d}YVD()Q=cYT8c;j*q7GoheJs$F!tWf9L z8PcvG1J|wW(Aji>>9=$LNNPef{?+>wbxw6b%jTO1y}yeXV!3< zfUo#$GDZ&oe~iN)An!^p0=mF@VkzPl+MN<%uszNL#;%Zs=9_7ksx=9Z)I@~g19pot?MsP@9XgUB3eEFt`++r)F*Jg``HoSnU| znuwa#(Wnqba%prwoc|jQ^SUE&u=5OD2{7lflg79tlqbK&Aw?gF1(ov3*4QVKAE{BzUUsUnf9B_ zXvl}NlC$WLlpM4-w9=rX>)=7kCx%U2iH8I7QRZhchymF4N(b_DR2(F)~ir@caWX(w}P1|bevSS+$Jp{PchbUEtz5yOS9hdaMh{-crB<8 z5^6?xu>BV~zi|Q~)udJu^=S6dTvE?vG zZV|+DaqBTi#E8yz-ws578d_YcfO7s((mX?({oG~=L3$J~dFC)Pdw4+C-Js`-PE+5W zkF?N^j}@Qx;g@P#*xc(53eyjhdi53H247G|UYB-t3gfxP$zUv~g^LTs*;+-edrpGm zx4h@{2{xB5tklH|FYjaUYIlIpQqr~b1{17mO=oY|gF|r-sk-%Cu)C2%tPj4W2V>p9 ztxb`)CD#vnbK9_0GK-F%Wbk*XHtfp3L)!jn!;Q54RBLAxJp0fxBvM#w{2dYoQ}qZX`;Yu>d}rbU;D6sEL7rbyg?sAYigkOg%3OR_zy`rzR8R21+^WcLTG2lWq%WJ2y_2o|d0_dSV*30*irYBjy8EB-{#!nhU@cf%lnvsW)S&p{0(dgvIrF@;8+`qh$nw&7s3_pF z;GR-+frAr>2hAbcO4H!){t}G;QA~EteMU75_rQNnPViAvht|Em!iY^Sf<7N(oG~|> zTJAqVMa%Lr;mL2Be?cFL!*9W*s%WgJwMO}VchF3m2*p|xY1*t?sP9!x|5XLhfTfe+ zkwze_nBt9fMbUh#rkNloB?>jabg}D=CDx@jW4cBNTDaN(>)+2xzfZtt#FL#RR7G9- z8|du`*|4oJ5sG7u)1c4;Xv`FItjVj?{OMUUpODRL>ie}=Igv6agcHfol6UmcA4Pn7 z&X+CEG{D8y#iTr4h-}$tPm@IZnf0^d!2Fv4zMe2njm~aH#qBw4P?Q=hQEy|Socrm# zSab9mi=eMp9wEic!tjd7XNWMgqNjD^sGo2n34QXCbXVVm^#KA{s3=E{j~oG4HBDmk zW(Ej)M_^2z2aV8hLj4o7AwR5!XkIpFPd-;7=bNGsf89XU_tU{^ZViQJ-Z*``vzdGH zPf8B0Ks#rB@}DuM5e=4;9-ju@=4DxEaoz`~57*ds)&FdIYCTdqVVw2wy z+7-%U<%abkj`Kp=pPi4rzl&+!*3WF(Ll)-F3Bc34UlO12O7dJMmezgm!(!!?kV_J(qc130Od05{W0crI?8ctI?N9{t?GQrY)GX97;fBBlL6=)qekAE&?k}Ex~q^!ppNN3Hqacx7rw(Y`4dHEpuU z+Qdlg?e~N>sZaD}iY&b>a|zBjaJepnAzc;YEL@o@*aQJM!s*Nt#(z(!b`ISambts{e{#kj7EMDQLlfr)#*leM;? z@OzUwtWMIv);~$uonMWz0;PPz_Vd7Vm&YepE`ffKF75RCMFzS4ZTC}E;BoUf_-=C| zNm}P%2V+B}F0Lg{_V8)b`v}(G@d?#6>f}1S_E6{kDG+@%kQR(o5vd+qhIDv zfg=az(R6?ibFRa;_OFpMK!<|(*e zOAI<@Tq4uhPc*JLlH%d5aPHU$J1mlq_aPInzOtmva}4n3$#2x<^lv_2avpo#^(gi6 z_)R9sanH7ZKhf`qM6tRFTpl}}jt#Ac=d12uMtv51+@KGuD(z^#dOO*Zcbqr9$`Fz- zn!v$+bLIul4_}?rB!3F_K$F}CT>W$@Zj;IcWo;K~5TXrr;T#v%(iIzhHL3pS6>_at zk@?Q?t?tf}f#QYNh=r{jyiebbM>h%4GKYR<=L$8fO+JZZ3a8<_wiM3G<#Nor1vomg z0oU$wg1Sf*yqPWEjtEP`-gV zKf39S-YBZwx|@1wKc^4!^-;>r2;c13fxQWfan5c9*m(B=KRhM_&aK)7^Ailw+VUhd z?)XDtM*#fFYy!nEQS@2+R=Aq12?oW!^w9O=s6T8?cd4%i-h*r?XLrH0UD2fH%}+3r z_zx_?l;8@Nxqlizo$6_&kfw7{aNv#{WL)mUD=!TR$V}#aV0x({qX-Fii?C+@5$0UY z1|+HP7^;wjUsoQXZ=WcU+`KU!uT&8=w=Spt9W&rxdkpz3_nT;J@PIZhn@~Q-4R7)i z$@=>}RBrGHmw#ww7>OCwmNBOC)0N5T(MU9GnSiyP<+OW>C2W$Jh5J7W;-2Z9C>MK& zjE4^ppDq8v&GY_*nXL(FDv5n>OGSr#u9NG;{ zTLzdZYfZ86q5>R~3M9who+L92-kVvC+$IJ-kC^<|IgGil3|XD#2s!$ySlPUf4!Yb0 z1%V0J;INle4Rc(`SF>^7ND+})#ixu7gO92U6hCl=jKXVZK6yUJ zD(hy8az9b&dqU>H8QJuSkP1{@8KvX;E8*(Fc|232Z@hFxQ8<~%fKQ1M8eMn*yVgvB zgmr@?xJD6nY&uF$hAD&d`uD8!>f>~ZjVrXo%Ts~UOoXr@T2!_Ku6|q$JHFlmF(p3) zz7QN7p9leGKVhk%GtTlzWt@{{Hu}EsfO&uBfOxF9`9+r+yr8WLD)tM=!39rX z(NE;kOO{#lc_KLd-O6PfoG?i#1=4*E;sVin%B_NN;)HxCj9i8L{}Y3}#dUBm$&CE< zUP+I>O@l`Wwl=5W+*hY?Na8C!zbBn(;230Q<^X=#6~`B~vLW>2PBv#Mp9t^~;#C zeFgl<)Ps!^j>4qg>sbE#1Nk1fofbt#@SI$dQOqt5mLGP-$(72`G|2h<>kqKDmOG&N zPAry+WfFDYGI02jO{3eMfYP8PmHo+ii0$)0HUAvV=nsJ7+fU;&^AP5as1=^m%3(Xk zexu>(ez5XRpwW+_NaxrQ3=w}ymW&JIm5pMkY7>uXcMg)e$T(*3&_O6sj%QBGi%}oX zO?cgSA(8%FiIIJ&=+oQA{?seSn@$;^(-Mwxc0Kf6$6oTdE1o>kI0R~4rvAw^MrSK8fmCi ziw3tx@mRFB1g&;wust(VLN-?j9xo+x@A+Dirv|3GZV5WOF>hAuEnB?g;j!;I6ZV6deEcKJ(S5GzVV zH15H_qUXdvEeZGi&cq_q{g|UI*qE!Xg|0^{m^;5;k(c=aFj<_BLJg|mI#UGhC&WW} zZyIf3Gf7&{Owix%jAu;Nz;sDLJpMF+n^hh|@PiyIj|(7M?urtbZ3sF(I}pxvuwSP? zfZSGpM(lDBwKu6@(^hDaOJk0hGkLzbw6OwHWwi)@)m4&l-B0wy!HcBqrV*Owufwn( zskG1L6berfK+W0Dv1W+``Yzx);+WZZ?dvI~zjQuk%EaL*=w^MBbYWkmB))mwNoH8i zWV#{%l)JW5)jzpVWnM^LZ!MyeUUrg2oG!S^S`$@HsgZ607m!nv!bAJakhf$J^Zald zD_vJlavUy0;lr;qC0i8se0j(U-{!%?$Y^qU**3ac_7d!Ey2+lAPJ*3@mW^hU&ye0Z z#%T2JA`X-cVUT_UHh7+dA{#}t`)Uj}hyP=R6_4S^P24U*Z6m(+PeWr1miqM zp7T3I(5qtk*uKGnJW#fQHz8M;TTwY+Q-7a`1rIQ?i#1WhWg99irZm@vJGXTw!1obf zQn6D3M)O_q*p;*B*p|Ysw%Wl@eWC=DulA4#t%G14x&+jO_knD3I?nRSB#Y{&L9kLj zm6p&#$L0q7AteT{R%?J??jT*Fb(@rzaC+&AGIC0}8Lq{a@q{ZEqMf56$NRhvb~@cO zNuUU3+?6mtKWQE_ncG{*w|arMzXp~rNC1nCi8wUnCl!e-!qE18RCMWP!pyLP(3&zL zaA-1A?Mh(`3R=jc+!30*DFqY_+X%g@L|w#>z;e&$teUbWonMfRJBtm>1!vr&Ej8}o zY-K}cb&e6xn1VlkuEITjoe*R6hq}tk!iL8zyq=i|<6q;5<){l;ckKs>(HY`J4X5F~ zyfN$3J(oZLkQ6J_zF+D=ZtnvGLEB@jIgsb)=PWw-k=e+Cz?%TF|V`skm>N1auc%Wai&Jj?aPX zD|jFY(}gB9d@TJ&rX@A<{#Xx@&z`MRROJO-!+GjmxNgx&z0!?3msY{w@SnhbEgP-{BbJomP-a zRWNab72Hq$Oy{?Rvm>D*IIbUu8Mn?dT5DD_Llujt-;9&^I&V4F&ZvV$<=Y_jvjKm) zV;j?ZaRt+|B$O6cPr=-0-*KjSHJWdegdRy-8sU_Wn>N|PFULkIaXy;mL;&>cX=Dd~ z3uCpxQS5i04u9<{$i(v(m~{i+sG!1B*dH80-Qpr~hbE9J(MZh7A0qdR@}Xga7yMWq zMMH)+vg>3&(w0fqu*tTGJ#&-e0M5!L5#9f2o$+kqWH3NfUN54v3&M$l_jwdGE(AF& zpuy!wnD`6#c*^g%S@};fL?9(K`|WA-wVh~m;vDdM(y?=7fQ{Vjz+2ZdANp<@;_)eI za4#nbq_y@@L7^x%#J-=dTGS5g^h}QDnnrdU)-V^bizOF&Rq?uH3p+XS0`*N4!)dOD z$eD+Ez9!n>lUxal<_yu7Svu$z_L}zi*Mm+~5|L?WfCCe5(WTL6>0|D!pgE?>`MV|~ zJtByAFUDcI!hL-AW{f1ZnsL6_F#25Y5N=nQh~2X7q+rtkJzeOCtWP5DFnb95#z(0M zQ^9-r+!LkB49NTydN6Hv46u!Vpd-Zq_zE0Tp4$aq)?ra^qC73ppMjM_!CXIl9XuM* zMWx-!@J?FEe7NN#UcbA9B=4I8WV{B~Z~Tl4dkS!o=`T1s@|Bryk`2q77o(%{VO;Ef znb%p}OcmzZLocHQ55lj*^`v^J*ki;{oypi3aD*_kw4twmCEIs7n`x+30q5ygsZnzj zoja)k+k2w0ZG$7m?Nq`hG{FB#k8v7L2Hsn_45LXGOtbW2wPtkk`Ym_Cr($QWi)9Pw z>pz4I8-?Io!4BNa8k0+02E&ER+WcwfQ=g|2plsv}!*mzgzVIgD)3{#OZ}%CCgk7X8 z#|L>w{V~iZ1^B&ua%lP;GNvoZL~K|=W|sXV)1wc8Y1;>~e&3x2;kZetn%Tzn<1U#l{GEE;tzxVeal5-kt6)^;JzXw!jJLXT7TnM~!TD#SV2hIwxwKb- z4$nx1+I_1@!4fB6fmSM+#77}kB<8RV_CNwnnlwam)}8|CmyfASS`@_Prx07)CHSfLC`zvO zg^Qh&aN~y4)OoQMEFN{nC}AJ6@BR_?&D;o3MlB5qUiY<NoK1Yf zeDPziDA^l&{4P_0-aHiud`Z#_eiUqF6q|^goAEwCOuG)a|Iala==R`VEC`@0? z*#d=EM)^`HB6uy_m}+_*q$ZLD5YnK+TeM>{y!_-1DO8pm67Hw3y6lL$#7(ew>Z2>B zsv@EPrn~)HKS|MSa6G zD6WvYZ9YX_x(l(50w1WqD%am#WKRq{EGZHHN?&}vfEK?a!Smrfn5kRTaLvmUa$6+IWUO7_FcYZ?kcH%{`)|)QUCX+o*5GblUm0nJKs^kA2Jvw9!0G{G5WI zc(WK5{^%xU5@nEmI*n9FN#fZR!q5?T98WyDMckXd6TY4>iSCQQCC-zenB#LaJwHw+ z8n&{oY2S&MX)2MdaDa~e2OzA4g^jMgH1~Q1dapl=_ghUM@tg>w7hTVLJ)Q8=- zXV7J_EG;eYV~+{Mv#mRu>86BWsFo;&Z!UBB)#hUKZpSgWZrlW`HUES5=u%Lrf50eh z|3TfwGuZ`haxkr8n93Z=CO0jglHbXTsLJyal;60O2$$(|5gWP2mroY38nFfVz-E}0 z=en?6EtKiYy?e-xc^mOY;a2Lj=_smxGK15hOIh

0tZB0bO^i!JtY#F@Err-L>l? z7^RkA&9*uk7WRaUesN&U>!abt?cJ;o6G+~_=%U*$*D;|cp;Rka98JBSk@4G?i2MmJ z`s0Z_e$TEYPQ`5`<5Lg_C^aB`t%GNFhSJSaUBqGTdCaquMJn`$x%7Yk(Xpqv{7X7r zd@KT5eyv5j-MRGQ7YACaBn9e!IX&hJAO20t#_wDw?1R$9BxJo0P0&2 z=QlC`=EuXjr-O7;&s&-`+Q-%nPo?*J5(%+&rCRgTC~vDWnW7>@G(Dxk^>Z$9>hxfY zW(9%RyJ|Y=f(d##JzyOhkHGo#?eO8&4eB>I8IrZRj$`|C#Ki0eu|BaJI@M?6g^Fp| zKY9QpFKwX<kQ@Z`5YMB?i`5;&wu$o&GUV5dximU6rChaMzj z`B8GMWEtr1^Tg7)Xb3$wnN8W6hoJ)YaKca@?HYd3uk$}Jg8P;sZ8$;Z2}rs)b#0wE-hJ zUaV&H4t~N4YjhRLAlIhlp!?#9$m+X8qFDucbS$EtGkS>Qj1qXOo=Ed}6h4l+a?G^1p4tvpAoc2YS+0 zT`f3oBM#@p&Qn!C5lARZBq#fK5F5n_^lPd)>~*Xsf{CT5?{l8eju75?1JX| ztmv{KEcg^h&aPH~BVB&0Ea4A-&so`vw?Zw|CyIYUOH?C8JPR7Pd}V`}kb z2|mtG#wzAGY^l*BrJZ>&#`)Y+G^Md^VHt(AO4>3c!X))cH2&G9jD?Bs$#$WBdg|93 zrZhYhhCdAu8UM$m;Jh}z6ZT>5&5^{IpZ(14#se6>$P@IhbM$D5zO)i`{DOd{Zu1;h|=8{)O=CX?_G9loLIbGMlLgtB|yq8P~_1j*^wh2da ztE3KEswu^BAdW-W(O71N!zi8Wv4@@%nTwC-dNYeT=63blGem8E6ZEUh!-aAtn6lFu z77V=OCvkhOnIHa1S*5trK6IfJN37;>gF_ItbF#St9%+x+h z7IPj|vtAiS=@@~F9;Ni(_#X28pc|9@Sd+M!Eg+*Ors7FvBFtMm0ZJM>FUZa@K(ISSWw5#7m-gwSv93cp~IlFN0EzbZ+nX zn;gnXq3Vt2No}$rUetR-3*s{AFP9=nGY|u>TUV*&nnv^&IZr|H3DHox8ol6(Y9YPscbe-;6QqtO(lA(g56E8?V|l-YxNqt&dLl&` zU+h1@v8>~9NZ>~J~ackoPJE~ijISRQ7Y-WqV=D>QK4Ij_P1L=Lf&k+vyj`r-%^G2(MoC|eu`PL zL=SIt-{$hW&lxk$uiCOI6ec!5p>=LCw9{%K)Z7#S^I}bOmySXy**uuTrlRSaWw@E3>M_$aK{UBoFOn+uMV9WRoY80o6XV#X|w|(vqF?S)3ZO*~>h8H1T5Wu^tn#YL1gS$zc+CQD%V z_#Dnl&%>qFfl!lMf@RO65!GjdL-|=WnRNk~_Cru^a)TtyFGfZ0GWzUqE*i%?rptoF z;cQDf`1ta25uC1sl*hggSKeGjSAIQKSaUv%*9j^!tlHt8w zmRo6>#r6YqVaHgM|;8 zNKwR5SQPe@G=T$dJ}i!(RwUyup=mgfl>;X<kAB^rxGNwOBKO^*fiEXOyk0sP;CL#!emT@b zZz1{cfMcc&*J18Mj?ZE*4eP{~vLloA;oFoZ8fex{mtB_TysH&dts@sRi*|sPlP(HM zQBrlV5LRA_A{oc!LBH1kSM3a=nI<3UTYe;o7&9QL>T2Y2NI1B~?7&TPGHG6TH2ZtW z2d2|%4o&=ehPuDXB$+dF*;mQOaA40@P7~m9JXR|_y1^HswJuWLkUCy!Ho_rC8@4Ss znA(zhcI31yoXnMi2aoR)lh}NEq*xg5+_%HOlw}13RUvO`D1_ZoC98HRL!(FpQt4J9o`*#D+q zqa(AT%mm&Cqw(=RreyLDxbx{8NxtoZ_p-8Z;iY!i5R*V38zqw7)(=ddR5n^JwT6if z+7vj?`@sD~oKiKJdd*k~?MLR36%C2_HsL9*6B=SYQx&jFxrr{25P?7ZY1r)il0P}I zlGSIO@WkmFD3hq9Ya`z>i_0f+-|IWvtox4Y+b-evJ3HgIH+nE zjk#WGp!&Xss_L7;-na(lTVfN*PtKy>Ru|%rlv47e%b1nrSwN?bH5%{vO0@m#Nki@^ zrYt^&B@gFA>5wk&nERaWEs=xIZc)_nS~F9f#N$T{MWX5GFZ#gmJf_YlqCcPbmV(~;y4BpXL%f4Q9hOSy3ONvj5VnCND&Kv6>u^~T6 zV@@m$km+FebcGWa`7W5R$oWdAap#GRuIQU6PTo&?3`~eSsw^-DsUCeeJla753%!W9 z+8zFd-y$^jn+D7&zsp?kw_-08dlLB=0xzRl*;{?xtl8^hbY-9}S>JaVYgf<04N9xv z^XGgT;_fkhf~L4PRG03q zvcq)>bI=bx=)`44;PQSK^zuXTMXMhuJQ-v%ewlIKre-XdR7nnq#KAHj0rFy*H0*n? zgJ#v{F!ZFJ{2aE$dA%3uVDDujG0T-&?@1>n5=TI5vjK?Snha6?<`|e~4)421n3$P` zeobdrLIX^%bFWE+ACB4WsmGz|WmMG4umw~@0=aT>4OQP>P z0Wd91hFO0(Uo|~KVhy%H)W|Gut*cSql_Zf`8$NJK1sXXONm+ZZqnw}+K- zr!ZLMHhs8@PooT_@xxXIwe+R2CoGAi&8j0Y!%}Fr>mQNt5hB6de7VK00W9sR*th06 z9z)ws)RY~8httCgqm%?Z} zA;zX+K(jZ(i=_9Y9byGAuewNFZ^VsK{=3ujX9>~tHC*IbR zP<`2UVla>Lb%sylG~R69ovK(^{)f^%dFN=!?MMudNTC^`%JkJdO`Mh8j1L}$u~WS@ zVb<4Gq-4iUxuLI4@{B zzIQnf=Q;%$IlHOAx<6q&g1^$>Z@*AV?F4KXTZ0n07LfQxmu?T*O9k{CP;_BBiZ|?s zmCJ#u2S}sP=>zmZLIXYDe2~jk#L#Q8^N{bW0WIU!Xjij?`lai^(vv+*sC^T2OxB*t z=rG(qk|me6NP^)6b4*U13dXbb=*#=xn9>beWS@FH*?-d&di%tPezy~Rdfh_z-d;iT zlB-Eo{XM#P(KWKkAsjXK0Oud-V@%YFF)Zyc&4_);dA^bU89s%{J1^3mN`J_&tW;Rx zu%Gjd$>OB-=ZNg=vzP6cXp`IO)^Nb023uvi!Ld1lJ6G$V`J*Th^pL>7?0wvRzK&>z z?}8E;QCwxoj($CY*Xmj5(cu z)l?1Umy;{Zmm4EZW(@kToQ->>2~j9-V@&FEv8B)yo>VSkp4CU8ZMY&?EPQ~^(|b-g zOc6#jvVn)(5Ocg+8HB`LXbvZV)tq<&e}9Q%#BW=2X0VwtcbkdRe3EJSfh_Xmz)P|? zEE;2GFM!64%V}$#1MnYB29kf0Uf0=++V3~xDS>yqO7BUq$?iI}Z=ZldCl_Gkyy>`I zOB2Q~Pe(_)5q96|R-P(v9D3OUtra`O4$pY6?tZ~U}8aK6{`cIw8@u#=Qty(uAu zNnHt$v9ty+$*^QrwLSdaJp-qVBYVSph{op$m{-YUqWy_vOwqr}*LANU4)3EFgMZRg zsjijWn&pa@SJ{)6GZt7~zJc7dQ$?GW=geQFQtI6DjhIfXfYT;!Fe6R_zso1Wjk{a% zVW5CHHJC^jsa=IUZ+kkLB1SBO`FQGZ7HeJndXgUJ9~f_ojo|ty-cGCEB>@z$?^?6M$8lOu;ArBn&EK(TN_h zVDr)iLm&E*RSu%&LHBOs7%}9SU8c0|^9HB_LnZ@^@!!%#W>>EJ)3rL~yk4_zvRpP8 zjDFAN_(v`9hJDQ%pYEqcNjt!}O`AyMBtyLCbz*ioi81@Ko9eFBr%$p~AmsQU-7?(D z?yGgdl*(7sb=DYZ@e`wi10(ohj~+GrdKNzE--YKB%Sfq2H8x#+jIq^zwEOvGc-!_r zhR!^YsxFG+BvCRYLdo1nrNQv-*-DZKDI!Bs`YO?!(rA`>&Xg%Cq9PLBJ)0y+goqL% zX^=G2K=s}K-rw)tckVuGuk~A;{akDgj!(GGWwb;g;%*Ps9Cbv`yxVxZVh3X=zn!?V zJLsQ9To+i&EH(@*P*B7U;YA$@H%g&Kf5PFUemgN(nna%@ZsEG8zwjKKUxGYQ$DeOA z$V(|l`h1chNW`uLE6KY|nsp4ju++3!T&H7xgq=6wo%DsP(=^xgUtumj)HPf-7=4V-)FPmS}eG1{XTUf;b1ua7pM#QtO)k`F}ZuZ57p#z4r&>|N>mS)SFA7Rnt~1)m2`ozg zk`AjLj+?cV{BXzw>0fDNe#0!P&9yrZT(2N^BNS-;pGvrVcOtLl@@HC9eFP@_{!HUU zT`@Lq7TNG4lbm+{K-_BQpCp1!BAG2N0li#DmrK+GXflwdhXXyKwrxFTJ$Ar7x`}Y{93hTY=do9L z26|n+Oq$Pm;gi(!XvTfV(MtyCv(09N3l>nv=LmNdlX(AjRFV5F9vEYNi_6(8B0Fdd zT}9SWJv|ZV+vdbdaKFXFALd}q>cE|aJlMNm5yo6M!GlYSz+Ar$cW`}%dV254+e0iB z8Tm{rxVva_L_M7|J&9a2KSX*DShEXcIqzqtHpecmWqU8EgUjeMI`^j-eHGitDlb#U zSzp%BjK`u7bNL$iP&`U1Z*pw+4V$6gSOTB41wvc81>OC8JMrJWi)bw7=GEDn{JN2g zs5O3rRr_Z_PtGeYzipCDdy95sy2A$aSRaC3P1&qMzZ$hV@{(=H+Jo_JbtHr9tGH;@ zf(tMOI=&r;=h@3p@XuE)zHI;@FO5m9HOjyGf*RKDDSR z@(AM^1W0;IExFun1$8}>a1Y19+R#=;`GO&IU&eeg@OUHrdQlP;Ur%LfH4AX$^mU?H zH%x}MRABXVF;p_oCZ0#Hki!esK;X6vdSrzJY;Uz;cvt+PBye65-#KsT)&b5_bnq*C@#bx+CS^dD+*XDz?fKC5F_I^{ za5p|#cZ}Tr5lZ!aWQbIiJv9cH3YjISABVA_1+U7J>m6?s@Er!f^*?lh0 zGYi|=4ns-XMGz=DOYb|JfPBLYoLhSpp1$a2{wdrAm-^FCG&~OllRU_q%=<($`VRcP z8jlBe9>dYsE6~^=o`l*8Lf0fCu75iif6WR*P1!{lmVApY_ZEWSj+taZs5svKl7i!| zA+YzbA<^}}#ooGm9_~!+f^{1&!n>0q!uV9*xrH7d6T+6siRAI2Dq>MDL2BcwczWDCwL1D7UeS1s0Z)R^`)w=9F|H*e z39)40>SC&Q!WINgCc?USFVx-^NWJa%Vx>$S?GsHxzUfNj<$Q&$ejlmBnkLZ9RH*C^ z^(8fjbnu4%Rsv@q(eJ%pc-?Cn*WQlZIsXPVQdxgoJYZggn`I zM51CHSVl+?<4G^r@A7_l>a`(xu+kLA1BGB>PbN*xyw5H(Z>8DqMrripP`b2V8@ASP zUM-bE#zR;Y0^JkASV0>v)aT$%K`GL)&j?=%Sz`af1`@DoA%1b@I+FME=~(4Iey-YX z5;95M?EgZq;R&Js<*W zBj1uA{Qof2hwHq(C`3hj5~-n$H15dq;U~#0CTnIt;yTqeu|07WED|ojfVZpAC@GxE z|2;y!`M41=^$1!Ne1;awvea)l0AxJ7$deg0Op$jtT~I6!%(ipfuH+Flsr^i{n4P#L zNd&Blve^}&fGtW9q=a)1Ru%iu(82Gd**y|7Z&*?1Z%S17f+Q?G<-_HXrI1zRwBEI* zw0p)>mW&9~&LLgAJ2Iv6TTngd>`9?X&#w^S%Yt}L-Ir`T*?@MY!l)uF2#yEdvgLh) z2D_cK@q_esk~O89zWBTbUz?etAAL#nB6mS)&n}!0dkDG;EHPAtq1Wo2@T?oBPkNYD zWX&HV3zR>j)BMNaWKjmmck=K>N*IbRn*bTTGPs4~2u<9Rgy&t9{uCG4xheAuL{Lj>ck=@M`c2v)?Y7F4Eor zcb-kguQQ*KDEs+XI2Z;+-z&k+?ms+wOx3_g@ESUaUq!i{VQ4$m8D3ftwtg5@1 zzB8S0W6xSD`heRLnIlQuFc&k;mc#oF3G$TMVz%KlY+rMWoT*hr$%7AZ+)YQ0DvPr1+A(ZOZT1fFub@gOPv5e3+^8SiQr)2_aU zWcQ*VXmHA<>mye~cdQ#eb?xd$$`v1xgI+ILkl>lJJLHjh0Lug0Yek}StzmX z8q|H)0yCirAay{lveD5CV}2&#!x>z@YlSz@Ur3Y4oGM2XnJGj}dzfghi(!mrw~;?* ztMT~ERQe}O9i``T-NjGd!m;n6)I3lRnrt`X+@puUb6_#tE1id%b(7iWmb-D)^n7Z3 z?I`ecdf{v76{@iQ9(-t9i8`foVcG^W+;}XI)>cQdoobgDmFvwIzYl4hf-gRAH6z}f zm#bU*#wNuYMH5)#(qpJ<$d@JP-!C!x>9-q428G`s~ims{!c7LFUt-^%Tve9$(!4EYzdaLbDc5Et>92$`yb zmQMl(2?vm}rf}BiZ4<57TY--!h%?I!ZVjutE?ZOnqJ-3#Z)fT+^`gh;UA)(WQ6#=57*_R`)25l1>4&3< zbU4eH8c9*IfIH*ro|VJr{i3|Iv$q(FL|=L#*q_YNilJ)Dt};R*Vq~$c7EBF$M*BP{*oL)`ROw=(!kt4j_$qTh zG7?W4kCXXJ2_#TSID0jl24;lQv&xb5+MiVz_IDX?P<%JE3o)p%bw8?}osaI`@^oMA zQ%3vXN*?H+1YdDKyc7G1bugTcpCbQpfV8jdo~@QBQ@@`6zHp2#y*>>D2mP7qN0-Rv z-dUvoqzQelJCOv~O{L$j>Vp3kE24c$0Ul&WlOQK|zW1OfuVgF~7iI@Q_m64R6u+?f z)~AWZL$0SL<072ib&17aN?2Lc50X!jp`s-X^S1)tM@h5Sg(^>n}yEuw9zg&|jW5HI0edZfD;6f+yB&{ZGy za*QZi+j8FWb>;L=O$3NK-bSI-52?R^1vc!O0>3t##AjdM(Isn!K(a>!Wk1Q|x{WXC zkyI~~+Aaz6)hhl5YHjomU3X3vMv38tRbu&Mj+@H`! z{drMj_4{;QR^Kw596L(Ia=%g0o!ilj_X7%wCURMmmE?Et3i!5P40K~!+3breakk(o zdgMbAH9y2*G86JW`L$3H{Dx*Lduu>w(O`yWa*MTqCIXw$pgcbQi}$y22L<#J2|5w4%0^fvkXLj!bSFRXp~g$ij5;WXQ+C?7nu)cU@-StVKJWC~e`vDZn?`#| zRu0zPfX`+H42g~5=F=&BZ=YT|C)OVFX4_I_l_Dz3Zb6%nSO|BTgU%QY@=rd~_+MeD zQhpLICL3c%oGyE)Ob|&-Wes;I=o| z?vaG_H*?91Qg`|!{5yYOmn897_>ShZ4B{<0RW>lwoCKQXKzH*tsJz~8Fe};~Go$i& zR$mq}jwa&#g(tXt*Mbt#eV~}G+tUDgQ#@b-{sflGa_~wYlc2t-AZREI>_Sggp3C0` z|Co(APE}0D(m=F4)r$2b3#aFEY^`P0v~%k#PH)x6JPT!P+ItX`lDE=?sq3wWIBFNeH&>5fTi=G#03MfFS@Dy#$O)s%%Z)H8 zU>07Uc9-PuUIQY3xOaNIfZ;>m`7mZsM&BBzqVi-#IALxNmSa7Hl}M&0=Q;KPm$4gJ zHU|?n?L(0*S7}vcJ=HL~L<7w`LF!ct`W&53PrLqPn|j_6;r9R!@}JSeS$?>tD3WGw zUIrhUG|{pW?kiv#EazXF%P`m8cHIiZMnH+KJ4avv{||{xi04t*sC~-Ds!^<3y-wZ)7Bky zwkD@DMdp%5ot1DSLX&M8a)Com!Sq<=Mr!7910QxKFuN@>$gNeEv3m{IL!?CD{JuCi z6lzA2OtR=Nh5KZweJ~2ojzRCwX0S&l1|>O6o~D5!TG-9vGN2Fmy>|*x-6MesemkG) zt>27$Ij!|kAi?C;5GX&}%!&s-2C?7Gu<5@yw8Tmrb=Kr@JL+U&_Fp@8g`PyU^GzVC z6^$F0wbPnsn@IJstyp#LFTHt11w=w#5yh@NR{iNEIxnD^KKcHL^)*~unR#n9cA%SQBUMJs6v8Hc|Io)SaFY2+y{8I(;Al3hCgUju)_? z^x_efOKpMBx;UL#%TTk-Km_9{Baey)ISj% z4jVz)kdC3_oOG~=&*t(6dGy4g80b90?Urv0P?P-y>{hNjHRzB(E?QYjpGKFU_3mHP zuWK5Z>s-gvr)J{vof9BDme}H4wt&FbUDjbP@$J{@lhZ}c_avgg!fVclL zRi2ds-)i&dSM?|GV0k3y6`v-o?;C2v^k#^^ro`g+Kauo^cR2k7W-vK4 z1s*tGBpD~JkxZKrx~FRy3{Lf6l*uNt=5ael#Mj`R&}g?>|6FAMC`;Ez)pKbezg4rSL}X zWdi6dgu1g)?7}4(WapO%@?-2d34W0PDVw)~ZR#-m5zhdZDcS6^@lCkQAOk~I{$=c3 zClRCdT>bb!6RgRSL!Blou;(ZiLSn(xmzj-S?cLOj%QPN3A3;*pR^gEohw0Uw>%nF` zla9ai$5S1;*pe4P-93b$>djs(+h|X`gCrp9WE^fdFhZXu1yY+5KhpPI1q|l7)3hxj z5RiWv+S}{E`ouhTO^+}xwEjU(CQQY*F*evd@&-TKrbA=Z5J|DBL`SaUGFHxw+Y_7x zI}s=BGq?bsC)~!u&;=kWt_&4y9V$Gx!q{L_`Zs4eqklo!P+iQ7)Jo-pkfk7=4^f6X z;cOJ3D#fq7!|-oSGI}4+#mLx6ATVYLOy^OYcB`FyFH<5(c8HsYQecmA0PXzz zly`$;YD-sNB>5jFpvh}P2)iMLr!v%G*E=QR&o=@KHw3f;wvIoP6)p!6=TKAVf`|?ptXpG1B_EoTrw+&+JzL1oY=g_@lHhcC}3?@Pv z3Gy5AmCcEyfLj zi=UG1#>=sK_X7HSo*(6lsR8fu1#*k?`t^U@1Ft*eVY^#Cj@kNAUbs7YSt%Ia9Xbj^ zTk{d??a0F&>+$}DLe@j$H(4z%1ipK&;7X0t{F|O%=;j^1@a?rQo>W;wOsx6vMq&d@ zS{K0e$i5mKMy=EL^TdAau8Xjr5#p+LgM0A{dKt4MTGXt zqB0LgXKaMd2cyJv zb}_4KfEm3o$Di6aJ4jtQ}-^ zIW4_gkcBVF9DjG+1Nz~*Ds@Y4q%m<5$aCiu8r{kH+#8)ayTSpK?R3P*MbRXA%{~y^ zB8%e@e~IqUM7XhU8`K0XMb`W_um$mC!t6+xGPDTjy(jplr=E~A3m_&r98%SH(dF@k zHc9^B{ED-w=x#qeUqz@_@g_3&U^9+wcZG|qlgQojQU3Xn1^DN}A{^SDMsH8LLG3bU zf%?b0@KW?1{qbKn%xiIg;Ptj>p}CanI8}kg7U`Jf@q+$*egRElN9bOoRVYrvP}@Ee zHn~VwUe~Q=eptw{b&F%zT4i&x?u8(pIw}m;w)()t&9Tsbs~-e%E)sPmRl1{l1;=TA zNGofLXrYiMF3I^p-((1)%g3wuGU*DC-@=go^a&)Z?txu#&CqlD2AStMkFl1v#d@Xy zk5-mqweD`*n7RV<3(lc5$5=g^-oh^Ac|K^(EJ^9 zM0c3}9ym%*u8|@Z)*oUNfPPSlrd!7a=-juVsJQbT zbNspkDhSS?Yh7=VmVqcdUAi28lxx$U!QAJs@if7(itKQTWAdcdqJGl~_!HIw$_HoT zxvN(}Jvko3C%j{t6Q)%bdne*2n#n}Z? zFw=Y5tu)OvF>QxuYeO-e6l z?#Dcy$2DQ}jG2y6FRqeRiO0yI3KKkHQO)^bH(~L~96YDxf*-eX{(I?jaDQwf`Wvnf`~7a)Zq2&q#jl?}W*Fj6qPLh`g5wW}mHe1M4LTXdA1CGMskY zs{e!6ZGW9iZvO@;mnXxI%Pp`&a|urDh=n%JD;|3@mTDMlLH1sO%In9cvfF=I&@lB2 z*mr1%I(*8bbgCDepJ#$Wdmqx#;zs&m%WWDk=?1)6rAJOqtA;B+fy@fiE9ArJ%^=)X zhNmjx=;Mupm>0T@XI4H2H>b%$1K*sEcrfsSQ8CQE-j9krCAialiJ0|lfhoFf^z6Jm z2$}YlB)2+|2RtKkr1T-#|H%y}q?Mt=UM+NX^`*PBBiL6SMVMc+0QKK;xtlS4YBj`z zIT9W?#ZZz|di8_2(JpBJDo)yUbm88iGP*~Mn_ZWGWaOK82qwkg`FIiRwsWJ?=B`Hn z>v`}pv4u)KiNJx@NwkW6&G}_G9VDxet;`5wM)z^t*O%MjWxX8iv=PI!{AI8~L>GVd z*R!)z6KK?bXGvPxM96dhPW0})Awxbt$@;|-pwDT1sSoOCru|9Cm;J)Zn%~0Pp`YpD zejyV1O^Otb_#=B`3(+l8L%Zx%XrGWtC+40dM_jZqWgrtR_*VS`tqN$VZoJC*t=9377MQ@-&i$xH+%+7i+S+bcOwXTl~CUc zp)|Q~9bS3S!J4lKBGqX+Y(r}qPU+ghJT*eT`re6*bYVY*!!{ffVD& zhNGChre3IGFr7vzjoEEX{2U7Kt&I$+?(3n?SJ$(hJ6>SYJz+!1d17!xM~r-I+lLd2 zC2@~!3)yr`6BOSZ#pSalAz|4l-I243XuU8cs>xPx;^2CixOZNqL+f;$*&N6;3dw-2 ziXL++(-bs(#Go(yHOl1#jO5Gp-m2Mo!(-_thuzuELd6wtV2taf`t+oC#OD^070r zg)S_4O^*uK(1#V#c=C1{zSDC+x%({rG3OCYkWrxu@#5gpa~jSKT*2Xl45It@7~|{IEo&h`c-Sv|J_SBpA>9 zN(9sb@SN`)j<3U~iT2N#+23!&^==QakX;8=@1(I^`Xklaun>Kpw4lGKyECaXxTJSr%oLdTj7f}-l;Ho zfj*w;SOG~9&amN%6S?^^5X75L(y#VTP-xhIns0o$*)$1bECdaMcZlP`i(z>8 zS~i#*$>IFYd>RyBW$yVAgUiJb)0Wbw=ak9Rr`vGC(OdL@!XmQ8Jq82!g&^;=D=M6w4{uhca(Y`c z+!i#WApQRSwgKPD{bLIto^?z#Nk4BIk8YiT^P*j2Urc zI^AN4ak41C=g8$2dA}!iU)f2Vo9ga&{zjzn& z|GXegPQ!F}P!aF^yrp!AW4XI6I)dMw-Y_|_b8zfdAV#&-(1UH2xXbbsZ7>@pK0C5$ zo`(geZ(QKV-nvN>(j1vtv4-fVZ43)@MM>ETMKu4aYpjneIEiwH~G$iK2iQH_aanJ-dMHz$Aq#yL( zyC|+FYaiWpxtyE~JjZKWK)H^SBaHDmS?0cu5c@001f$eK@!G{yYA2+Mc%qOo3o3&F zAxCme=`9@1@F$haY}kX|6>Nmzd~UX`r_25H$w!$oeB`+Zt;}_Z#t{K_%F}$Lr{c*@ z``5T+*-d7qyDP0o6T}DpCB(wLg{|u2_Q=OgX#M9rxclTD^e7B+-B*|KzeYN*Ai zatk43i3nT1z6gwGJY;>>S%S{)7vz!iB(kH~js5^Je6?U2y)a%(k9ct1+fBRRsL%vF zz3vG#h~zD3>0Pw!_25K_T9=-oF5^C-J>;}C;S>rzM;Xa z-+7H0npXw7Gk9>mXc4PX)`qiGrMRxjyKKZ*HTy$^0R@Fg#Oq@M&8aP89lo^Cp?fBf z@@OGAl_uhG&WB->yoo-c03O`kwrRFLc`>jY2Ztl!jpR=p%&j6TEfQfF$K(#_dwX&J&VO6dT*QyVyB8r}!$>8Y^Vq`6ZM1m>AR#Ph@I^ z=YZbtA*SFp6Om?Koq>!!RM8)iRCXzEcxS%1BZnm^LH+peBvK{V_VIJ4{U}* zH?v{)xg=2a>!iZt8)@LueIOxwi-xM)r8M#>wEm|KTeoB)lh5t26SaxYuJ??Kt09=! z3ZiqWH+{HT1aycW74V+H`Me9UvW)A~Da~TG1wv66ae-BI5I_T(!h1jqx5wr)y z;P^syESSFtrbnzM1DXoRSO!v|Qw5}>;|mGWK7xzHCgEh~m$XM%iMlwYvIBiWm0j9< znVL{8Hy#p4%`%GVb*W(@u;_ioq@q3&q?`mpgEP?o;0laCC_}9G*^*KZEmY7Kq#5x? zDgS#dne>hj(UD%t`HbP(k9f*1FoX3aPN;K6mXS>V#B~XLr{?oMl2-=1=(g5)TrpTj zYLvW)sP{N1*YdzMyPj-$#o)_4ed1TU4(b!Rd%C|A%KAj|@_WPSyz)t;qsIvH4wliR z@8wjy(+#@P4ihy@pjz@xWSOfQ8f`QM?Q$`a>stWBv5m0IM-by;o=}4`GHh&4EBUKy zhnFU#A^-PQs2z4AC5Ej+QH&) zJDKsg1=xQ;iu-pnXg7HWS$X*~H^10H!`c9VN^?w~>Hv{{V=(lK6BMU7qQvYKJQTSX&h^GU z=Q71JNo!*i>qV8JUwk_re0-3%y5J_=Azp@|m+$iiWFvu9w1O@5aXB6ITzThL0h67m1K)5c!0Uk(Ps_U#+N z$~_3WtB{#|@-J1ZRfCT!ooQ}-Ef%jf#W9@(76Vgh^zzN19MKDc7f-RjH~*v)#XC^F z`7iVC^C+n|A7C3v0M~!}1k){7GvN)JF(Y9dxBNLQW=L$xEn>C(C3AhFeoC`wK^e`N$O#tb}n|R0NCegCwfy&bqe*2~kAg&$4biH#$_Lw-G zKFGq~-|uKeOet7i9>aqC8EEnIx`FxvVYr~~1zqk^tm}-0q#@b|r$$#A2zO3I;p5J@ zcGD6#l;mJAzT2Mo-rmQrp8AU1Ys^Nu-38>7(=)s>RS$!;^-wkWJ2B4l;(E;`F}r>f z>EGu@w2Q64!?2mtLY{+T!By06U5(jxqeMsfFbEr)!0H(}T&M7EGR;{D=!gQ}JjIqs z4Ml+eEdbenVYpt{1zxB7fbYC=I&pRp87?zqlm9EDeaq~?Y>yTFSapS!@GOF;eitxo z%13wCa{BkL9`3W+1s(kjG*m$oGA4$BeS?iNDN)M?U@w#N>_-1?ua=-pg8JmimQuJK?StdB84 zMI_)(Fr4n?LGM>?&e7*_3}hbHFSLa;a2Z7XuWy(+OSePrgQ?)6qycFQL_zkpB2~$+ zCffT=$h4Rw=-R7ALNsI8@#JtXr38;P{0?Vrmur zwoo3gw5DUciUmwNsY{v)C9&vN1C90XW@LYUBK2LTX@&JnNOCBFAYV)R`+O}uq|b4_ zt<7WK zo;2*2SWkT;*T+04*yzqFZr2%9$!Znk~SMvlrAeF?X(=Bt)4SX(M$u;2rjvAqckuT5bFT6*c@mS|9(`hq@gI1HA_ zOJV6ICBxo@Y# zBsF2$7ezXDcs=H3Ccw%RUD%yfNsQJ!F}S*yZCy853~v8N6D#f%A3P(%f-*Fu15qwDNB= zPd4k}@wjMQ?Hc90+otIQ!&Vi`|nM0QmMEFPODkMTTxvYTsap8|IH;f+V60{*a6;U_A??eQecL+u`cm4)8{ivUzzMd zQKe|!86QvTIH`f?X(HxCAjwuJ0^1XM^w72t2piiBUZsUZ+PEEK!!KfKz#KFgF@}8~ zwc*@g0M_3M2lc@rX>9GEjLspwWEOg0=c zCIY5k*=cJsar)~K+UJo-ZVLv$+ZIv7QrS7oU;i~UYl#Gt&lAH1syArM4FgnC)@I(W z+DTrWPNbzuRw&x#M!O~m8(tT-B2QPvLp9$M_clgw@4o=j`AiXh)f&NSStAsfa*FwH z)@1lPlhbviccD}G5ezJRPQ(jDU}jzngr7YG1#Um-fiY!}JuHeT);83sw1CQ0)>7>a z*V&H+A8@3-5TE^hNqmmwKyBwuB>82SHX{J`3+yDv7nh@O^fn@}e<{cMwgs`vKiGDa z$!NiZ(yZsjWNQTj@i9?UT{e>R3lFfwTC7rD#szy*gy8*?)gQHT$ZF(n)1hE4xnxxdCyJ!2rFO`G-2`JOMQ&3B!BG!|}o6jjY_RX>@DLK@!S8 z%nJYB!9?8hC)G=jkPV?fncicqkm5x1oFZ^Ue+}+CRR@i{ z^Q=&3Kh!DPft!JP<%}=Cct3uMfMJIRzOe3rp6Cjqxx)Z#{#ycn_dO;zosJW6E~8Pk zy@+*MD2&S1_hHtvA5^5*fU5Tdku2?lOnQMNRq|*g>o@0PviV%peBupB0!vBM4?}bo zafe$kci>H&fJdKwCMB+~h>877R*lPWdA8Vse7zt}_|!wEs{4_}Wp`jK?mtu=?PSgd zmXal^4$va$1Oe%{5Ke5u%bHU_Wl<)&&o#j3zmsss+oSMp+D!1xZ>C3IslY-PQ#79c zkS^ac%w|{cu{C-DYdlR4Boe=~cV=2rL9H`HWobIbd`M&tF7Kz#b8|@d^@Z?ke>4aP z#9&76LwNkl7mk*`faT5$;r)eZa1O~JHp?sU=bfU8F{gfVBJnIFUz(0H-p(YuYvo{; z!zM6VvK>-2FOfD47J|8sl<%LP!S90UhK`L_=p^|RcHB*kTzaXGxs}B*V$x3k-PuAa zhrSS-flvrnRN;OXaafTsmnaskrG;7!uylJGcuHzxYS%_MGA-1=UhofnRB#bLL}0N~8=mAFfIK0bcGnhruE)j9>_CRM=f*DW;q%y##=Q9F3-Lw1D+hXPd6Ks(nDN_#+HRk;N9wFps^sIFbP9s_V<<8b=VyG{!IY4 z@6+*RnGnrQ6ye`})=yfWDAVWRBH%k&0xH#xqCm%g)aP3l^f-jUGwy6vl~knj)nq_? z|6wZTEKeTgU&mIi)2OL0kf{Ba17q&5XwTgw&_1aQSBhVQsAV>c9!~?lK@Ao5b*H&* zuh_y;XXdzx5Gftl$DD~PB%U}2S8q>;a~g`wpT%X=`5?!v=X?sM51u0Bw>Dtj%hQl; zZ4CNHTF@x+IyH8?4ou1ly61^K{nNJtkE&$B1Nk$wS<4%XJ=ehdm(u9wDp|SalQKNx z{M`YXA2HQ-9x>MBn2&d+p`L0qyZ(JT-2AYP_(*R+gGLXUzDNch1~sEg;aTE$D*=+v z`a+V&3*4))0!iO_n45f&#uTkU1@(HuELOpkt6A)ZNAp2rP?RPcB6#<7;t4k;{F-7z z2M(<#svTK;S=9h|W^O?fHlM>Ry<;Ty)jb%uZlHH74A3%tl+sh-=%(7tn{{*&qc**r zIEg!<$&q5}|B&*dX4`?|;ZY3WaP5_K*8awDaaP zDOp>3mV4)(@L3G4x>i_R>&9B;q|tkd=dk0MDd?VVg&WY!Y!bczYoiBfevUuq_3@>z zxwCwEF+(GMTA*X~br8{vz{eeV;2J)gOxB(P0-E<}=bIXsD1Hh)a(ug}$x-CrsdzdN zX+oD~o`xCkO&R&UpD6$M6&n1f6YhTtCE=CT)KSq^h4Jg;AlP*C74*+YNBw`5q_ue#Z{ay_vdRBEU2}-Lzdf1*gS$t_wzchWVvY<06~`T3i_$fg)8nzE_}H)aTc%fJ-FjrMwIsUZqs zZ@e&T_6fG;_e5G7&eDeYWhk_*3V%rdq@o|)u~@SZTZ%l;siTU`*1QaY5{+!Ja{y?r zdO{-wFVVQ`*6^qQHO_nTipp7rl4b8*VDFT4GT!D%J)3gz$&MfN!o-ubQ0684(aPf9 zW!K<`X%MKmS%YM`89daURH%u`)xknxGG$Ew51Jq z8=OPNqYL#LbLjaoKhSAkhfg*2@F(Ztd7du`7q+Ou!xJfBx_Jep#&BFay{VA#E}b~q z3RI3d?kB1%(#g5==c&H`W6-tUM`m&?!pIMrr0&c?6l=T%{Q?XWPgAG!l_y|IaSwSv zErOH2jJg z-*yxmewAX!BYjl#6f+d4j>M-YRcPCmZ*;6ek~l?b0pIf>nf5l8-Wtls@ZIyf5SOKf<6C9tidCWzesx9^B+Qsj^HsBjcEK<)PEA zIA;8H35hOV1kHyuP-b;GJ#p_NFIzwbUD~T@-nkN76z~aljrzlqu+Jo*p$)4}mC&Q6 z7unteS-g@HKVWsP6GU$MOyYmL!Q-Gqc=~q*^qY;7_y^1Ax)+C-rnCyY*I1Ecj0x;to|}J4;@$UhE>9bFrU8%m!meuUG`&Etf?mHgki47 z^^$`Idtq#mA+{{fBst7x^qx5r_e%onbdKw~hRM9z=ilhsz$#ca5`h+zZjw#+7eeuH zA6a=*uJW088ncQg$>02S0la*=f?vMjC+oga3auwyLWis>Vj0gs;N>v7cH}s-7b>xj zuLe7u{Aiz<6Vzq2Lb23Lh|!vZg>9L1mQ5EfYyM6IZ9buKTea?wy5H=bI4Q$YE{{5) zm&>R6ltbHlNASAjhqFfIFhM*LjWcXOWm^J17oEe1jW*FO4aca29LJuBI&&h1Qt{?EvJGxB(602Y@beNX3huGHA0Z}`xX>j z+e(hTy-f69Ekn8F0C-_5j7Br{(0#)TO5~S-ab-C4b@{?qXB%|wwSne{R_4Z%VD7iQ zNYe8=$-7J2z$LYrnHJR!2RJ6cv7qIUE6EMB)06n*gCD4#E@#g<>!9YCBm9{e2n*f?68)U7%nrW-CDo9Os+S5e)?Jjnk(tM{eQtp% z?Et^z{?SJb$++6I&!D%~4DL^!j3*m=Npi?idfUk#m#YdGs&9^lrS-Sqs#OT+l>`!X zH3fVg&`CrRr(#IUe%`U2VE~`X;d%aJs(hh}(eU7W+tNNHb8|JBb}a!1=RM}d2NLLP zUV_7wuOZs-7u5L3;m5gl;2?N`P2#EJ(qJuUbl-}jCErL88-bfsbMY)I0rd}L&}3l& z8tpm6jIy8Tn;{w0;h$k*=1(%5ZgL6E+?fES*XtSWhGgc~g*@8)UBOU8YyrlJ53pWN zmtjRW_iV2Y!vf8E$ZPfm_4(O!%GSvwYH~Y&%c^VqmrK&I<9rG6oU|6U&6z}JZ+t^e z4GfX82@W)*Vj|p+=W^~PVH}5Bj;~((37V&elZTQLc)0y4`(S1ryKyJwH2tfvX1W+( zBX!oaQsXSalKwjnB-2(Fb;yW z`#0&Ziy*wv`9u$nU#4HLa2fZo4Uoq99=&FAzK@y!)Sq`BGFSeh!9f=oUaKE&sV*k2 z4qIq-`VM4s@3XhAZsdHNNifHM3-Z1U@-pqy@YEj`cm9qAgD3ZyL9WO2gLg3)d+O2L zPAS^Oo&YBw8ERq}j=v{RvTafb<+rqw^b>+0AblL9-c#qj(!XvY_#K{daO;YK( z72oSNk`Ev9pf&mdh-Zi3@yJ+s<#Gitd{c+D=VtxS(0TY{*+y~PDj5+GQugRY6e^zk z97-jnlB7`46fJ3LBAMAMSrIDAYAEjOP>ED3BrS?cOWNAwz5fB956|tnuj`!O@B782 zzjJZ)P(R@3%3!WdBn#cuPghI^Q^Ko6`n||R*x}XH#7z;$uPMT8TWu)T{*7SeR|nJT zu?gVlFH5a02JYU1+S>TK}zBFHk9 zCe7RwxE=EYdW1Q@>EJNTSZj?+Iz{Lxu8+HSS<$FMj@gJ!!1Zm$?1g_bCcJwnx}o_2 zns&R|MGn8q@-9Z>wy7FuGf}I0<$YT`U874?nI~bJrz&MwcG98C%W&cj4ZGYVD^`@5 zNGEQ`;NvOtxTsBO(EBh+aI$6N-QVBAhVtRf#X1sB3b@qH2is-!=!y&BbL*MxhLSi| z<;1`oA-nqa(l)4S-2kogl_=HsAUklrhqEFT%pCa$(hC>inyei)$4avy%=aJb`Q-~P zMR!@)Vn22W)iL`^I6FOA(ysBB7E^tYiVDSvaLBR@@deULG^{fJ^eW>(OW zDTCSYtsi+`k5J^&>}X)MaPKu8vmLV54=T-4;eJQ zJ%sq$RiJ+14FB9=E~}qe#+_9TU>B0R!6=GnGdnz?swJI0Z;+#bYZK9VgakTl4#0UQ z-ZSlHS@fLl2hT@0a<|4gpsVJ7+;~5N6rVkWMOI_5jf=wQRVg_Czcz9>|C}W+v1GXh zn%MMq1XcZagGxGc>G;?wWSnxFJt_=j34azc@8n=qN)N$1W9uk;jSu#RSz?#KH|`#{ zftA#%@gK@NX?~(Q`=+~zqBMJ9=mn1Z?KQw3tGbW)hKCheb1zPQRYadx{JWa`iN1@WKf9#9gd#XGB7EG2z2^~-~ zH1(?^BPSWwa^n)*DpV1&XZ85r!-EdQePPbtQnilnb+{(wQ8?yUC!6;uk*yH?X&;^9 z;pB@HbiNN*ztoS-7K;rD=(ystXl9*cn#&M^GKP=k@bPuEHCny;PczSBIM@6@+r@tq~R=U8=`Di z|45Ov%RDLI<8bm%bcUye@q)kG3lp~(p_0lLOgyAg`(%Ztm1;4A@%g^Q9C_a(ijZ}q)m)luW{5kHC z#!^w;2xm$vn2+)s5`b5k3Tuy!rP-T~@UDkL+1sguQTBm1w(diN_9xOg$?D9F^#Q!9WArz4r7Y9@=5utI<3n@l~sfc-ny z!{Q=q(Qw@zj=kE28k4R<9~t3W(N8`r?kmgGv7q}wsqEE;%}`yCfRAgU(Pl<5v|0`# z<2J#QnCt-s2NclfmpZ2JO<*BkKCm_iliD30!)mMyEUD}BDtxqhG`$(=OBK8WU71tF zc1K;o>HmcH>AsE7RkNS>lrDvR@e?3%=sBEToI)=O7VuNj9thv_G6bs{!K~*1*}N5; za5tu~B|6Wz@6V6onR=dW{=0}xyONKZqa)CF0ilt=*=ub&i8F#D@N3;ouF%<*J=80} zgDsVC5sV?;eH#uD+l=2B2NOo_z<)=j@lLmD&7qfav`xrfypT7ehN|~Cuf>!^TkkR7 z&_0%z<;A2nd}q3RGmE{DPp$65(f8&$k6jD-&3sy0>a5^<^O2yrPkx zpQk}H+s>k7Viae!BnARTeTNPsPc&L{4RdF&#HC}C(8#kFZg2kyY3uia!#^$Z{xgW4 z`Q~CbjmAR{pRidAQqfZ7B-=k#f~z*XNF6U@D8AobmzvtTWgCd?FsJJgoospEbm$1xVqAC+)$FK&9Ivg+e7ONA?pTkvTT($)R@lY;cZ7}J zDx8^T9f6WFV@O6K0AHMS#*uzqtV=V3{(f6Q-vl1Y%CqxH|42WZZu67ZI5?dC_Rgl) zzE@aTXgt*{?W4kt!r8TQCLWBjL8to!%UWVt!}@b*I_^r1;lIIDcVGejW2+C$#~s%qh|jkdy3pGoWB+qFw`w#Cn0tk{ zdl-uu&k+4uJ6WUJVZ*~doyXjv z0i}-9g>S!FMRk5fSiXH0v#Xefe!Y`f{znUTR>ut;4jqQ3#}#bQ{2a3f)-Wfl+rf_o>zC`FgM|Id|!!U_P&MD{yRas%b!)w|ATpJ zCmt18ZCO_@aJ3`1(Z{=;Mrv!IL)kYjN`3UX% zh}iE?g)i25(2Gg!!h7L^=*iwQ)eq+`5Uh$0g-W$*`c){> zjmOXFg`n|cJKk#5p&_PLY(Zc@`*U$AeugQy)9(R0HdEmFs3x&>w=U9a`B@~dzJ*4; z^n--pm5?-5U6_@80r_MPR=6P*G!H9MczP0OSh}Epa0t5BzoDXj<=U)wEwJ5Q+%Du> zCVT(7ktK;QVMCu0lQ(!u39%1ZZkP#3{9X?s*A9ZMsV?FiHHeK&rdLwRb^mg2m=U`Y2IjN8&Yv2ETYmN++&AK24G3%^>5 zd?s9Eotb@1xlMs4Scg&YrH!Q1YlFt8%UILWy;vJIiAMZ6%O5vbM{R5U`Sz}FaB58% zl$*bR&Y^PT6k285IqE2t>#5>kufeD`Bo;5+V|2N_1HQ}8XBmS3+%f44c#RRSbvQX1 zFI$vyN9GGInwPS8KT(dZo_q)|gw?ZFx`ti2&K;C=(!dBwdra1yfG^+Wu%G)@;LYl6 z+Lu0)uGwUPbF>AMd&Rg~|VoVw_RgRVtp+8 z%~$3eaD*J&cTuO{g&p>FIUbal4e#b8a6Q3wytdqPuHupn)xOxkmOYPTqYpaN*qbZi z%g8e3cyEAvuB?YUN||VlxC)}IFI}Fjiepb7CTlY>G#7e_POBeqO6U7+mhRkx-z^2M zTK-I&|3{T=$p%rhaXDtVtU~own#ieH;ktnHAR3;>6lW%qYTX^oFlX$BbSFCzEQXnn zG^tc(B5s%SN4K3NY*vkUjoOQ$xGA(27VS)Bf6j~9DXzW4=ll{}g43SRj0O8)-DM9h zUCy5#zCRAG_ZRT8IuWq^&m{KA{3-kB`5V+7w@|&nd{b&)O zu1rFSH&Pd3+faaA}1g!KNG*CEAWdS z8el<)I-Cmf5!h#PwGMrk*zb^0l#wP+mu+@4gQR5ww_S}bs<{Rheo1)S*$R`}W7sJ3 zc#3dULGg#tEPkpK_u{M@ToC+LDTi0EM(!*PF3+Nt;{<_Ux4`JXyM;dbUh?0hf&9fo zc=}Bogysi|Hd>tIZ&fYDtK#cPzsi})92_~RJ!+H~nm}^P{b=BXHfcBr9nLLM_@wv~ zE48~02^0UKb>muA=kG#;bObKP#|3!%xg&-6Eal!SM6exmH1X}@5YT&;P0>zH%=&{q zitqT%=Qd8HoDKyP{Yph0&3?9O>@b1l-O2(|{Dk>cCN!_T%A1~)q+*$4Y|&A`An?Q2 zP)rH)OX$xS5y%9|kl&U@j%{<5S<3 zQ%qAVD;6>{J60b@$y-0T^?O7pUppRdwciwGlB22X-65bO;<)2`9?RJpPUVM=VC2;k z{Bhwq>Ai7}Gk)6vr`EO9%qcj0(_GeJsr&w*Cjd>FH_s)3Ba`RU&BMMG2VqeqyG7^hkb9J}Xvw0OD^< zam55rrk_$sGu#d_uPZMg?Z8`B9vOnSykv0Jax3t=J(XmxSu;5c6-=tBV8xdw(0-3n z)KKb!JkxTzx%>w>?umep`^I4Xeo45YqK|_UNATOL&*Eh%RqpW9bSMy|(+`WY=o_}0 zVOqavT8lj;w(g?Ya29V*VSGVF0@Ff%xTsTRW?`QG;3PB1il#cu$w9;Ni6;?DpcXX`s4{11?F`-S zIt>jCAK}xF6QmSbf>D1*Q^IpKIP!Bko*UtXj`3}{|MUXfmY2_hQx1~yR1MlGe+V+l z_Y01^k?3F8jEz^v;wURw>>lTYw!2)Bk6yqEPuLJTG}gRK&gJZU=dxw`0<+pNm=fNv zKv(zsWWK){jBKOXahXHx*m`6Scg5n7h5GOySqq=ljwhELi8!@0l3=(E1lv}zrXb-S zoD<4-bq3Mqz+hISdXz;BVz&1+C55i{AbKF@M=#HZ;DU!E*u5ocw0oKhlDPriIqFHp z8tvfrt&?rBs)YLDWGoci79JZi|23gmpvl!#(@y7V6+=)45ZVFoXs?;M3vZU1xht8V5%CY zSaa?QGK|&0S(7>1{kfJE*X4lBdPLDYHI&Vr2#?!r*tB!~Og?Z5CG04LVWl$k%YQH% z^6VeiGiWm_6`0K(o~1DAh8d=6$yT3|{s(!)>63?&Q{hL{ zIO+o8hN`eiyM~l{GWea{OUS2n2@|_?iuaWd!LdeyA58xcGnID7mZLf3KIS4nK0F>Q zRGcVF*9;e&mKVu9o(DN|C(!u0i2|$iDqDW~0IfOn68!Xy(L~Z1J>WLjZ2G{dW%sae zgN0pUvLoJTD&lo6DUnm~SKdDCwrG7|wrDZ`mo?Vwai7eu!*Tt6cy-%MycIMN54;*j ze!Cq}++_1(rVvezHm?3 zetiSy)*p^n?m964eJXVJyA7!?dCf~r$rM?i3ue|vtMQrsPq5E9z?Lk^WN(h=(-_F4 zIa~@VD!NgC>t-2a;PTz*w-B+0PWF?fz+RTnb zs*tCC3~0A_!QtsU@Ku>C#b*BkouL76VPhlnaccmN2oZiajbi1^BJ?f1&s?8Ou(P}y8STZ^UH zn|;GsWdq{45m(7(>k8Jdbe%WqX=W9>tx=`BgO#~zl37_VtRGhZeP(*xfBWXJokx^t zVooM^%U}(c-W5*b9}-Yjb}tUMSHSw6UtrLaTvoC$9typ8!YG{!Fy!=NGW+HTi{x&w zdFBW4=t^b$neT?f?wr7uty^fTu^F@Ky2;7A+u{Me0q%`U3A`-6OsjQ>-geAmIyNgY zU0wl>4kXa**1c3AzmuJelqKcyhV*f!Bvr3##B)~DXxY6?>OUn;!;3rFcKJ!zqv4LD zox-R{;TR@O`3p&tMxs{7RQ{0LC=S}*L#A;ix3VagmQ3AieZZABs^3&g`QJ&S@*yd@SfPm+D)P$@Sz2USd4_07DLWnD;JF2qcE^x8#%b& z=C}9#=FZ=CV<{GUz&ON~GBj<`#9`S?aVCkp1-@q+}+e?470bYK{w=ATL3Mm6u^~YBVq5VT?^ub(AC0 zMQfAs=vom0K0zV0`fdtTRj(EDj}DyFx7RFQKTmY&SSZZz0!Aw#^*&EPBM52Ku5>?)n=0flSbh+>PreZUA9oM42N(NPm0@{Zwm!*YUw5 zecXX$pGHHMZVj#+>Vz%dJ*i@iAr1JvU~k>EX>6)7i8l1I)v+6JY^Edb-ZG3nJ24W^ z5x8nr_HdWxN>Nrcey^^k)_2S2% zztAMTlp7&*WA@y9$?9E0d8@$7xcJRD+H!g@1qzOaF&_D7d_IjZqFr?U?pSyba;!$v zsGW_;yUMkveCI#PPQZtwis90ojhJ^vkLshcaG~c>Ha+GkbFs=Lv)ilLrg9Cs^7jC? zf4(NFKXwY9{tLzK9m08WOc8grHkg$^Kg!s$6BP{!kX1yUZFA>K{-? zW%q_9d*%q=SKg0%e;DG^=u2>X zq7-@`euex2GZf8?fYOxHZ1oin+M6&6PHf60(?^9+0}0F^LykIDNYTp&tu&)albV-q z!5F(}knUZ;Hff(?*FBs0P4AMqz-$}vZ%z$3WfRru%B5?xSN$N^&v0ZT1Fzul3sX?xhzRVI?t-lQZp`kg6@1!5 zSey7Na1MzgCjB0U9FV2ML*}DPRTS@3l+VN(7h<l(H?(+UnOevB?cR`apk7kK75h?e|m5DhC8=I^)jA!5&9 zbXj^E&g6A*agl+1>)TW~`&x?*2JU0>NL$y zSs_Q<>--4`rbF-1>6G!)lzkMh2BTjg+?_JP4OyUwnInW;N|_!F1YhL_{Zzw02gcCn zMj6&0dIFoT`(VsJD`<$!g!FSkLQeY>W{wrI9+LkdFE<4DTm9xd_Jz}_90wXXK@(Tn zoyTDb8N&YDpZ{?68tG3e;Ag9jCxflKu>3_83sB1CJ9o_&au82Ms$+WKa@BsUj`M~- z+)WkL_nDskSoTTX0BaWPWFrdW$WHq)tQy+@C&hO{$}f=GBt6s%LC=my zeCr2&8t$%2ubwqu=oB~|?`C`@)n0GBVo^a8!#v>Q=11H<*>DW;b!55Sl_X=Z4+4&P zaUK&IuuL};FTIefojW9)y&67C$PG+{?Kv4RaP&B-9?~Y+{XtyGEj_$_;}oV|e*i-* z!YE2XmufD45G}ngxP+`nkk|K>ka zmoEjJSq~a7cxLfWnWO^q$?*JN7SOsG-R`f(*U~-AZdwuUSsBP)^_HN*m{iVs5Rv}B z0gyjBgv+SA!fPC@2fv2R_;Hg#?W5KqEUCi-Wn%J3`l}fHcvXot^8Kt=Q3pTWR6w`f zap=~57-CimbH?V6FvzP9!Y*{9VvU-ed1=%LYKru%CrChj$-<%))MOYn59 zs47K$n}6`U=?uEfj3b3WchCtt0oMdZUFDqhPH|=;zlyk!id=`w}EZ(UEr{`JFTNnH!3}G+zgU;g|5%cuU%Icm((0@E-2c zl<8OxSR#c zzwzwJd}f<54p(ex9H-7^OU!>jII65i_S>2^8u13?76=gyWb#qKEj(>^yKgS zTpfZ36UNhzC>cuFBTo+=O`r!$kv18PV$#Z&QTp;?e&6{NdV4C4J{wb_rR!u4oawEa0w%FT?L;zSvqno{w>TCipnxcsExkS{o$HibfYxRk9K~ z-Spzq!^M#@p4BYr(4rfQRmu3$Se6iIgAyeRP;sp_i-@!WyEl$x@KeGLubpE)N?%yh zl}j~~?dqv~$pQGi(}G>^$%4p`=U~5mJ4r1aPjSU#u%q0bjK+lGhGVap;z9+yIBym^ zU!Q?jRj-lcqPe)k-WQGUze1~B|Ix9Vm*KVFdzjj9h+AyU@a&xPoT}s{&{;5tUN3Ki zF|V#*c1}!l)pDnmr50*CGXn8Z4Ze26reI%nP zF35#*caEV&&6&97^b|Ov9m7kETSPJGkti#d$vyv53HG1W1dr4Y=>H={i*x3?_C zr&a;Xp>wF64|j_KGz*CagxOSQHA^4bP~D&}eC|;$bY>aAMwM13XQM%P@;GkLivlcd zsD!Tphv~7>0+FecCWN*`;Ft5yY6j-D^M|(P;?1jDDbW5iyT17@SE=<>=(Gywg~}3i zOfKeoSHA#lpO?%v#+qIPXE3*>WZP6tOQg#@_ckaW{+nt*Nlxpy)wey!aKr%;TYrgK zJj!XiWekllG>5U~g^;n~EG*ug2dyqrv~Z`;Esc8yDzj(7lByisA@Jj7#OvWV8L?XJ z&S+KwadzWz5~MV>V#rW;vf+$W;gnu9tI105d5&2%X-%evXTGzucG6$Y{dwX zmycch2H99?C03+t|$%pXGJJH&o~qHPAGhU(J<(Iy-S zI*xr-;TS0y$Cvx=XTyG#;Pq5{wxN0}I8N0im6kYGw{(E^NiU+q(RI*ka}pmIdQiiE z7EF1>8a8s&Yu2+XO5`*;96y-e;o?^o$}nE4`mB7%_?^-MY`- zo)fo=y)ln{_q@#}7k02zpWobFItIPQD`=kfQ6}TMhV{zbz;{oTs7qxtUHvzQ?ionZ zw#u>S8{fnawYdt-yB;uifn_&jR~VbM%LYe9&ZqhJ8rih4Ke#twG%eZEfj_*4@^x(s z_>+3eXnxRQp^GfMZ(LH?iqdH;I(j?5UwB3}Hm$^NuSqB??}mBz3aL-$5XAklL!p+V0^mxk{YMdxTpT);;i<8^oj-nZEy(o_H0&_I_ zU=f;`3}z$QUw*jG3Dz-5;BY5NP3A1aDaTbdjxA&H->6*h{Bk zOKIz_YjkbwTnzT9=Js7K!Sc3sw1o2Oh0-Ii-=v6zu7AM>_lDxhVe>GfO#yXx=~C3c+gzcE zK67;#jlaU?@Y>OqR93ZtsFkQR14!RZ?mS! zrj$1?og{1ex#xj89M!x~A5E0ILdM!ft*c@@*zQs7j zYAK7EUpBh*MZ!QNgs<7!t2vGyY-v|7awZ7_mtENA1m-e24-%?Cm*K&IAY z?MP<%$dT6%&||Y=mXpE;LXR(_>ME!oY=}j=e04p#Ay&BQYBZ-MR?y!7Pku= znWkwuOkTN>4Q{vvA7qPh$ap2((DIJ2n^(t9zBcQq>^A4YHG}zmDUF{ubr~+M`Kzjuhs$)`A)qvP1E$+|oY2#x(yg z?|kwd~mYd=6)C?C%Snuut6BtL^OE+gU<)Dww%B7lVneJ*}BLOW@DH z;KsQ2R&V|EnD^qE_%4B;cS&U^HTxOS`D35?t`&ap+Ghn?$N+V9$kD7rf%r+xfta{B zTj-UI+ACtwu=ySDBs&~Bx98)XjxxSV$%=FqM6;$T_V~};2!f{a-10jjeut3d?z=V> zKhj|gy4^q}U<(&qudwu48{qLEMtMquqpFOn5SW^c;cJV`kBI zJ&ue{>Ea(#4=DVh&uP1bazE$X6_^t#=)dtAT(+y>|C7#vrTt53x9SX5Gdx%1dU7Yr z>z_&Usyn&56L*=W&vJ^=4WlIcrJ%w6fx)U;WL|$(aGoVH33+usNm3W@d+4HJTO%`5 zIm~MdT%Au>t56A_GRcGYz}<5*IR6uRU>A0SUaoJoYRyv=?E$V!Aq)ZyeE98-yD&F< zylC&$RE$?Pp`zGSsLXx{61&r()9M(@m>2^#`rZ8aG8H%q<1B@B z_HipWo0Gkh7;cNogP~Uz(lYN!6jP>+?LsF>Y_uipdaw{BJw8DGgDw^#{T6<2KF>|9 zT?0Sg_wq8E(%GGiDQuy~eC*k>1PvO8QQogW9KR=k?lvCb6DE~GkFfXK_1`sSsThSt z#g!npe7?XCQbL2G{mlQxWU$sY;d?xevtw^!Yc7?D*fJ>hP&$WIOj!oSc0E}2sV#IRl!v^V-C`+ z{9GowAVE82>L~2G11{QYN^QTbLA7syvlsnG=0Uy8<8K_zk!ofmO8YOoJ~@Rd(me3) z{zy7i`w;r;Hq%!7wbZuvGIwgb7T0~Z1vlwAl2vFJEBh=cLO0d2l)K$rPS_rnR5_dt z3EayDtq7zeRWnKAwV8}MUR`r(5^`ncS4s;DhB2sNZxM0-jk=VPXr!=H{b#$~V-u9SgpLWG{5R&0rR1CxW*BY`9=JlhhVk(8q&! zU_te5xM+8XpQ(@s%ht(q^}|Z}$g7F?)a)c%l_5(R6SfKWe@T{n$P#4l7?E?hz+qT% z0QK8%VUM>AY5wbjBk784p5$M?J^grK<3p%>kX`^$TOIQgAnj4bIdPr9<2IH$=8aOP!mOH$04W1rz0Y{cBX3yrl>+4l^)k!dg^Pc7tI*BJl8~ z-!-0-L)hH+c63=f67>D01h3>be!qG;4k;-_ZkjQ+?Ki{KT}l}KCjckSImpKS_nM2? z`W?CgEfLgz2psp3wb5h6>Fjt-j80sL*^jQ%h<;^w?Y@y#y)q;NWkXV#CyhVVS0U_n zCY$py;3Dw(s&%GO-rsF#GAai3(#2_rNVNc z5oS}(uHiJjLvSTI?BG7`JIA8*HqhQ8Yt%TUhrb+mpw044WHRG0w>Ik`G@sBTcaew{ zzgq9qJ}0!SYBow2`rA^M5F#MRp!LR8b6~qut!zuZwWWsVdyF%8|5#r%9zdr7w<$x|C4?U$+_ynTpEG?uVg7JTj0_?#!ED+6 z>`93(*&Pkxf=tyotI$F4b6^I_cJ;Dno(1subOOy?^IXW4_kvXHYI^4uCpfIt=~5Yx zbIw{wGDqs&rO8{AQa1DC}pIj{v5TzCsZqrKV5`JM22Yzhk<*MX}C`Y7t$RUXD{VnO4U zVUfQUKZN^8DxStT(R45VER%#iBkwX_%Q)0N|Cx=vcn%+{e6NWZZb$7!tHJabaWiB0 za9+N~FlKusdQDcKlQxx1#$hr}E*k-3CpWPhQ--r2-aFC2*M#0}+mAW(|8NR*C)w9r zZMwJm4jX^)C4BXgBkw`m$nC)hOt|<1+vDEwFDH(sP=jyW(7T)P$^ATfZ7YQpC)$|t zUXDAWs7yl!3Hg8*8$o+-AM9?lLWP3OG-c^OrZFQ8Z|$2(h9`Hc@a6g z6|nZ6moQHGF1N?h1SduO;1(Rq!RKMt!fZ4KT1){i)aKnM#oh_r6tM;SfDmiZC zfe>bzV~$TwF2>Iqw&)!gNn+o!A^!Pe2rLO;XC_Iq8%+|p>Bl;jURsDL9W$v(#f;_V zJ!L;%7+~ZF3E_^s4C)gf^Qz7vOnH_aep%p+(nFKE(^KP_e)Bo<_WzF!dYLL3rs560 z!|btH%?`-ekeb)5q>(4j;@b^InDqSz_viXQmfhjQt=U#cVIK-`XGbglTUCrM8GXis z*VcfKm@WL2Kg}xcRp3eSrEu)~LUdj%bmfeOpytk2*5;%_w!*uhvtbrioHT)!@L<@P ze3oDL&;o)|{4p*&gf0s+o&EX3{P&+KziG)LmPXy&yV`!R{XG;u{+L8}CsxzDavc~n zVEMbtuu<^8+&*SN&ecy?-p?$2wkwVn+%%#^dDYzU8;d|~ zd@S2wDllieT;P>qB8BB$BX+ct77xFJHj$Ea^?L`?IUCDq1q;5U#H#AN-SPCo{Stc| z*-9^Ya~SGU3TN!|>Di@uoQzl??hFI`RA)f`0-JStRs!ruN+%UzHgY%TJ8Oy@i%I`k z;;K(YOea4LTORAuwM1zMmobCTl>0SDp0@Mx{Q}>;c@X672u@QnfH7O&*FDH?o6<6UpFS3ro#LmSuYe+IBXAiDtlBKM%g0lFXQ(6pp;%)ZTz7VdFH`PdW8 z(^?u|*`8sqqLO)~+Y)xsr|RK|WgnY9F_>4go{dVXce$#n8@yM?MYjI_9a8%4Lz4I1 zP`f3XHe26?iFN}pMcE#k9F)m1qMY}hAwh3C=Rj2GI7&I7LK#+iqMtefM`nW_3zewD zTr+`3EvHCL&sO2+XVS2vNt|M(6Y*$BG8E11X7$JI@jvA+?B?QyG=PWMg0>Kxs4^JV z-V=5xiZ$%JzZ`Vy+$8VPV(|Vr8b1pe6j_*y^BQVlj<^!*BpTb+%+5_nWV@cM#!E5>X@{W>W|@wGjGzb# z-9N0BHaFDd{<&GLrvJKnZeu+Jz;O`&vy(+@W%1k_Ibjwci6X-_I4Z;sRu5@p+wUyG z`5X3gnV*9w)!+rp-tZs3d#HoE)LKZn?*zBn#uxrr#Il8Re({w?L*eK6O!n~J3ifSo z96P*U2E7jbV^{j+@X?ht?6#-V)MtSDJ{wtnr^p#XBIjD!5#q%LEzZY%=R73ry znQTH5P*lf0N>?63=V1qnb~hwCG#lmOhGVIW;Kp75A9y*X3fag`*djfRwkj{6dnpn4 z)?XSg$RA^S#Xmv%vsE;{u8emrxd%73ZgPX<29xBrpZq`FL|SfNOa~nnLMe*`mD`WF zIsHdi+aD{zt$T=DWKzO?GZ_rW3WTq5*-@OkyfaQ4UsqErl?9gOOK|QeMbh9nsJuP{ z-o&7OlGtm;4J}om;D6ENziTl4 zJQ0WU&&SZGr2@kxP#cyG3!%4S@t8eblK!oeMiYlOlo@M)(FHX$cU3Yq3x17bM`dfh zW}KmL^MfQ`kpPnn;-PiC7KzG?+1av9prc?88f)IL_xx$5qM&Ox_FxI#YzSdHYa7{& zwuNwY!ff0zyBLke_Oo{_+yzXs<_bgY2Hoa5lLjtLw7Lc%Ucy@b+S zQsGXW4_5A8kMn-bA(?TKwPk+=ZlAV1d5`~1kuha3Wq2CR$zO&)Qm(ScJ#%sSl)2FU z)c|n@PYn~M)28i4_)z{V&FGi}!4j|GPPiu7PK@QYCi%hMyMNgN=X(&HcpOJA`5`c~ zTG){$Q_;;unYdz)7mYm=0v*z|{3GWER9m!H^xydHq@9|<9cVv^ZT}8JZ~r%3yu*m! z&?CabP65OU2f$+IWW4-pBAAsQ1$pt8D2T*ibo9IGUn8#I{i2m9b65D@PgKJgtpl*Q zw3CeO8&GSyKJEFgMm|Q~d|P+4z@97OgDQnx`oc>!0|8zTwBHjq#YusT=TtcPK^Kd{ zO~7GIIy=F~vF|^%c<~R$wD?CjHV8Z7hOQ)vao8#3m+NZ6W>}!VvjJKUjG+F|Uf!x$ z_}LyWVaCmWP+5_O>7A`48_>#l_2uN}V_oy#nQDU1+o(D%jC(RhgH(egIptaG-5uMU$dj^rIq9=J;0(L@$jiXn?^~y;WN3D@cNQJjl2Dx@~$gDHQb_Q zNgJSN<`;;LvcdKKLY}(ViTm3*6u15+mb_-YU5{4;bl!c=TAX;8{3;%nB${A@!&6k; zmPcQui-h}^Az9u~q`c8)*sD65dNypQF{2A{*}yp}cUGXUdVV%43!O0iZXz=skGSuF zA^l1f7zS#qDC^yS?83_JxWUf?pH*z)AI>kJ^-E6Tngh3Rg?0kOMUBF?b%}U|mJM0E zmYjrne*KR#kXn)k&RRENXb%~e)2wHtimAEK?SEk4gb zD)@qzbljs;&w`XBue&Aj zop(G|?;FQ$Wm8CGR*G!GbM8wb(GuT`q|&ldS}2kcvZ8DXg(RUR}H5*cYIrBWzG zJKCl3JHLPZ@%-UAuk+mZb$veXw}QnI=0&Cnnd)&B_8b+%6Q4H|g@uVk^Ozt$Ge|_a ztw&I}Z#M4VaGnX2mSwCo6%{Wq|m`r0L@cZG58elJR37+-R?^oit-*BQ1ikC>7JGko(py)qfyL)nG_Ev{ zo>io@aJe`*tT;^@4<=wh?kdplkLU7;((v;298$6UES6MXVxAqF2@?*vb3xSrbiiJ6 z*s=pR^c{^bgS7)3Kdj~>c?k;ycp;eEI z3}vy|vjc8T-VO^n4{j}&|A=^G06nL#fnP)=l&tloe_skW9T1l$t5uG{`+ftcc=Cl; zde@OePo9mZcCW{RJb6kiHt;ne|xOIn3qH9zWJ!JM~bfh7z!!RV`1mXOgOoi zMX|+UaHDbqS$24g7Js;m*(uX)9QGU}ZZp1+a|be63xzuByxAB_B9@cBq7*!=VuwqT z4&m%O$-K&a(%5f&4ByCxF{3j+(ACd!K_lT84URtmw{GO3Bi#-KyHaV&d%LJpOrkgMskr2bYV5m~kskIHXm>DV{AHvTMc^E6d- z^lB&V(vsk*C~b31kHEYnUvNC<%UB0)1v#HN;A0p~vO11Zncx^QQ?Y=&tA2+nt7_?y zm^|oh)kIw>ZSXjiNkZzg@b>)6xcgoyY<=|v4P!*eKHtY|Q3)@BQj=VpM&B{2Z*ugSSPS+RQ`9%!kWi>cSX4-%fsp2ZpTSL2L;VzHI|N7nWIjIuv$* z4h=T_$a#xTvmJv!Nz_oTWo_Xt^0UyI3hd~?e`g#>3(1GHLl;0&eh(WdgedXP43@rL zP92}wA_b!(ll-*{~5a3tuu{ zxV{84Ss$my9YkY~O!!`;PA@M{C9g&_vFp1I=#@LNi#ayo>U=d2jE$s6RxKr^+^lx^ zN(!0s{0{Hs+mXimr|08uKT*73D@XP_AApv}3UEL01B`9?!=zuh1{1i9N0dq+Q0rc@ z{818QYWRT05+M>F%z4>bVo-JKaXLJ)6L~$!P}wvO!1Dj|QDqSMB}4oNoKU&T7=Aua z=J-3C!7M=1rvJ%wwmfSC^huWhfAV~`RQ5D&h#cWj+dkTNeH9kW-bOC^o`Tt;dm!qD zJE+7zqYn;p?6}{+@XY= z+&TFYljR}JKSX??iF3`KUUwAV{sTBrodPP#Sv=>R!{o)gDEdi01BCUx$t>?EII8lQ zJ2Uy=&{E3taoJ5ZyB|TB;C{$)QihG2TB&jHmaC%hMnh0OWWU~sQE-seV5mt@OGnezn@Fa1m|owUQn z@AreSZZ|RX%p*@P{Gx9aQmN#wFc6vgo36KLAf;X}X~I}8urpP0tNIfnVs@D9nd1R7 zENo%Xp;(B0qzlgJi1r%VuzJ*z*2Z*_chWUDW#=^%oLK|~iplV7_$>BVCqiMx5~^P6 z&swHTfmQ=mWSB)Xr?HGg?Ow`GKYyGY3)00|JChmzGy}5r9hU{VN8v5kEehnA>|MRp zq&4d%JFg$Q%H(45T zuQ*^Ea(>|jH>pRkAaqaO3!;Y(;pZh8nE0$1<1eaWShG0}m}$bssnbzhKZTKfdI>W# zTxflJJ@fgPDAXy>0!jPLXw=a_Hb0t5PRwdxT(4T-u#*#<{4xvUg)h^es}$(9EEW!B zEWx9Rrr5Ds0W7}savrf9`cv~UCS?e7-I<>xZp#TQQ&wy`-jR+TYIevGCZIR&I+!>f zB(ewH>E6EC5V>+bK8mga5uL{r24?A08~E;coYcnyMbYQ;%WWUN3;bo>_2NHxYIk zhmy%mZ<1gRd$`ay^2-+A9YuJE)3AylS331P!)MU0rgv^;Z z2hXo)VZPk-V^^%#g=blJ=-dO%Y=nCWx&1`L`oJm+>HvB8dq)>JmbC$YEM7zJdG3O7 zz6XCi&7E#oQ3KvT8gSS7UOc253CGR3Z1HVl+JE>Ra`p-^6PXL|wj{tgTT^&>dp@=| zek3o|@6$zfl!*SWCJvkal5IcY;6juE@8{JK`X;m*c17fq>Q&}&yquusHgQJ0z=*>p^BNde`|1o-;1nOV2vII+)aVJ@G2fG#OqR)yQs$DJ`puXs&(p?Qoi zx&8^x*4;{1)&1n(pC=1%|C;074;wJ>-6Rs9SAm~)Uq$~fxim9T1^24=V5p!j?!OmD ze>hLZ7u-C(|$fp-6%!i$;VBq63YP)$I zRf;acmV(O|efS7{B5O%>Mgmar?KxB}Sp(~YlHf%~1Toym@zjRr;Jd6GG!fawm~x3p z7yA-8@Iu9=TtO1QrDj356t}zXeMnxny`!R6`{}TlAjOXP--1UY;9~V zyP#e$jLUJ0<|MRCpN@~LBiX9(O_aH2hTl3uaDv)4++_2f1bC+t-^^jU zz04a!EoG>Du^m}G^o93v?H%$&tC5KGwqWSQ<&aQ!hN_ksAk*nfPW@PduWiSfRGtuu zXPv@3ol>x;p5|vryk9uo<&@ai~sG{UK{4=5nd(|1p%(RDc zgXfqqPZc+wsiDS-#T<9Jfi$;rT($HPkR3k-)?7DyOyx1hmb+}N`Qjomi5#T=&M4yz z&((Cxf=OksT*P_oscVrfD?uFz`>NBmM`R~&l_&7rhwQgiGQyR=c=gvQVvHErx zx&E3y7=1j z%J*?!44ifcC93=`5l` zuJeoNz|^0hwCNK`+_DYVPn%7CcPrxb_rmycWG&n}HbfLv%fK%BAlj`E1j{@NP_@=Y zYh`=9K`Y6PzFMX?*c$8(O{P=wCgBGqA$nk|1lS$dMzQ@qtnrOx8neZU>|Feb;}v}5 z2^?RIZ5gAClaDI<+pil=hMkANw`=fy)?UO>RlHf6jwdg)fU)2*{=~!#NIca{$3>6B zlblq#`D8J+Kg}YIHfM0_jN3RkF%ex`I8RaE6ik_w59Hz}#zZ*;H<)|k_-F%8aOdH* z(PQ8=hb7D0E2v4N3JzcKfz@30)lDx3RTiWY$GIHqqjEa8)eW$HJi@`7U<~-`?)^YGg_zPfRnTAF@2UL6ie7b-_2jl zY(06jiq`_CL~cKJ+l^@X2$F&05oqpNgL0=|5y8F`&>OzPdZt~X0#jB%N_r=IQJm22 zAFq>CBX$C2>ngW&BVL+A2C(9qnL(Gck* zVtrqEN2K>sw^Bi{zu!fc9*!mTD{s=Z+BqP2CLB_{!_Z}hGH^a=YEw5rUoSPbS??W7 zEZ3Ehh4=2zq1AFt4}Yj3Y5U!1J*f|d$I{5Y^?x}YKt6oc>Be3;%4O%j&0(#%Lii1w8-7NwmrX<$&p!65UotNB$_0r$c{*eJ zTspJZ5KJq!L0UM+rI5YLxqP3pQ}=ejl9oMW;ldj7q`->elx#*>_6e2n=g#*9w`sT5 z7>;BIu`e6e(6LV@FfBb7bRN7W96ybH!e#Hzm^8sr5eW5F(XnB5Z%;f^- z<1=G*6&UD`&l(sCT&Mqv(GqV?Q*u+F#*Inci~N47gQQJORqNE!LUD7 z^y0-7dQeObUrd_~wVU7L$gC0K6_8B^vlkPy3kfJwHWAzs&p{f;!jMc9$L&*U$=|qA zT&=)IjSVGacf~7|N{Yk`>n5UbPnaCob)WdBX=Bz?O`97B-%?mINJEbt$G4lb8Ew#J z+I45z9M}DfGmQ^|r=$eoO%Nebhq}qf4chP-xr?&@cyufof7|?@yoY)4=?5Kj_g|ahqw}Z1U5V%T)S`JG`jLrO!&Gu~MO$ z>T;~{hi>-dwZ$*u^lla!p6no-r?-$d^Q740`nS+1=Q(LMmuvcJ9|ficKM8-EIjEa; zfwNN&xpDRe>b~rwD!=9ty_5DBr1FdMW~j5jEDv*xloxc`zd$HDvc2KltNY5_UTP2HM@G6V{0|$x5k_kF$Re z#ezNX&UP~0VG{*WddZASRw4J@wBY^8N9p$;%i#RQqt>J9t9jn*w!yoXUC=Ton=b8$ zA>nT|NY9C6qI`Rdk1A3iGIu`oB=@20nXe?D>r2nd=Hu*B$LX@<3#8%E1hO{Hjode= zA+9x!RJ->C?UQuH_@xPqdf^M|yLl2JB`euy;q6e_md#{e`as%FSMghGZSnAj6DTZj zk9zx$!a;GFro=}goo)WW>3 zne_90C7bun{cz=hHT@QpK&9qg14Y|RQaO1lyZ$TZm%cU1%xW{odkVeG^))UK;wue` zXG@@C?GgS%i4wY7_7y4YNJ5P-a&*7IO$;(=B+Jq>nFri#TYpH#=2uW3tDT%fHBE2e z6jMUekI3N}S+0|n^^H00I!cQt7SZK_=7e9c9v;lNM~y$(|J{UIOn=^Ijck>^8W99|otpYUP zshO&uuS4D*ePo&?iNWa+_$}}gRtf6z0>_uI$%WgPb~g)5y!?TDTsH%T{nBV#>ntn^ zL7FPz$HcILA`C zY1-XgP`p15A4t7q_3~B#71hJtu4-5uoec)-@1q8H$9Fu?2F}h+j3<}v+q>&Dy%d-O z(+*50O?DgM^h&^=YgKJj1(tzRLndEVRT{@0m0{%L87L~92-Caf&}Al-$o`ms@8uS9 zZXJJ^TOot01%{Ayw2n@?os9aji|F;r&m=s@k(4ez1c^a`uqi!&1iwh<+%J;QZZ3m` znx7c+=L(?l{umf!+=6bnj1Q*n1&O#=QWqQv-&sPTR<#RYsvLTF{mG_fIUL0SZcHtN?N|-fUGJwE#k3CUMGpQ<62_+@&&|k%$?50 zHY`mqLFtFfkuBJQ=HlYq-}gXoNjJzCJ|r@e=HT|nee}A?2i~LKcbTAzf%vvnsOeRd z7CZGevaRY%!Ow>4W4`HRUXLu{?&qJZ`hO_#o(x^3lKTS5!N;BKe%WM_J8+pU$$ZDm z*UKPF@30j6N-^qb7A^V{3lBHd5Zmn6#9_l+=CXPmtX!%OrzRoCFf zP0Zw#1!sV?`b4y|6osbB$7GvnJh2_#O{~s8q^_mKRIj^~j!B+^nK4=L?3oNcZB~Z- zu4*#aA&0|nWZ*^h0dD?QPc-WRJ2^&^^L}}f<9iY9++4BsSPgEhtRgns7NH;aK3E^Q z5_V^4(G8>en0fmTsZ4qdCp{Dyt<;5R`MQD;Wx0E}-x0EY_Zqryw=-28z6|f5F?7eA zGxT83f8a1&%IF7cp^2C^+^<4*@)24_;FU;(E%D`7yj1J686+dR(V_ka_y>9a02jh)9SuXf=~l}p5R_!9Y9UPNnJr;^|A zJV7PflbQrcKw_spj_r12EsS^Jzmtx1!r);P*kKJX1J{x3GVZu>u#^PN7lx$vKU7{x zls)=*ls7kmhn>C!(7o0hluhHA3F#hmAiEtS)g6iag|;J4sXt<%sp35IS{QA z4-u~)6Sdtlso%p1cw%QNX4otso!U#NFZ+^4CMJMWPZkhoak%oT5Tj?B(FgyQVq?=o z5NJ2V(;G^`Xh9ZyRr*eqXUH`jVfVuV*>dzu)=(=d9eE&4z$sto`9FpR42(Fv(MEEeft+x{WgQCgGW<}K8wTRW_I#FXePuQ^fo3J}A6nckU z(No=loE{rvR#YA%DW}iUq2>&1cLKcAQh^u3BtS9z9=*QBoosQLjK2cj6W4$BNbD~# z|H5riL-`ba6*EGjULS(*mls2&e=^D?D4@$)A;>(u0xV^gFjlvwQfJj~RBN#uNL5KO zXH(bmHTt(ga?%mzTvQS%e6Sn?6@t0*6_;~#_NICv3$T-$-RW=hMt9knAYQPUb`%(s zW~CF{|MVFN*^>ctLuV0rxnlF1Yv7xw3RhnIWgZNe;mp8Xn09g|u0CfA z5u6+1M1wG{+xv@O8dA!nMjzv|`&ZCsD;)6Fo@De7oC_?+lbSg3B4ukA(6sGUOoh{4 zay@f89?1wHV*d;wZGQ-Pbgulf zO8r=Y*9$o>u&Xhy4d$G5_VO5V{U!ansEB_0Jp)b(AEgiI35fiw2~WF=;8p4%Q}sI$ zHSH(Bp(D#7y*wVCM7Gk)I=`7VnXmL<$T~Xs*NYh4HGwJZGw{Md0IS#k2p3oRlN%TJ zlKxU3YVc+Pe7t&(?X1g1y%k?b{nc%xpt=hF=&8U!pcXz6*M{sRbHQxtGcs%Dc~m$z z9m`91;Ix7{*a%#9d*~0d-F70b46LG4ZAx%~NeQJY1A-!gv;4B_1A} z51EVZZkd=*%T6^jJ49wfRNzyl>S8F)FIj?7j>lm8NG?qL!1Bgpj8SuPzQj0*! zo9w*~#pE>M)bwaL)Kr8^TU;R2G6G+vu7aW?(coizjocjmL01`+;>@vZ=rA$`{}*fM za%&@8c-s%QOMJo;F8iU|--l7X*GEJH1K`X=VY+tT3i|Z68a0@u2jARlX=PXfHvW{t z8%aNj+MYe^d1FbKRA_=l>1J52c!FG=_ZMSVNH$HbSxLOqs-Q^Q7RSzW3_2T2xcR*h zgFi0BgQv}?d2=GZXaROfIuhO3b*~X#q8)FJkS{*0K+r z1zFZ~*KOk1+d_7@O{OkC%&Z@*DPq+04MB}#Raa%L!Jct*nm3+DHt8Cp>D;r_eBd4m zbxg&4F7KJL+kn4&>2dsLF@p_uP=G&uYuQ7#SBOQ;J-E0qj{h`27vBo5L@PmgQ-)VF9N?h=8F{FK;`Mj>84l_8$T|CIOT9B^)*Sw z60WyVH{C%)y)J zp!2-C6=S3e6vC-n)iZHh3LtybWB1zNz;uD!UbyMtQXEhExLHe#O8K`MAl zht<5coxYywg~!zXvc2$y&RNXOiL|FdZR;JLTK@%FQ*jIbu2d%lMpoflb$Bu|TcYdc3j@DITovtoL4aRzh@$w9878!->@=6=uI zKxox zqsO?O$RO95@6ZdyPopb||9|!5zUwP$6u~ZczBu zmD~Gq83D1gL^@jobmH}K({%y-93_qBY0F{th!ecrBTl~9WRbVm+GO$cN-J?8z0|u$W`)MHEe@c1hV7bvKU+ z9UCF_TN`loW(yE@naFX{j^IU|Oz;hwjlGKBN!RrlVz`r=C+-t(GXMRTJ{q(o$09-i z7aibwd{eP`g&h;lZ=f;Pj?ubL+`Dl84Wbcxog{C!!r{BQjeB^{NTTZ;8fLJNIcfhM zthhXA)Lz=DbBLXn!!}c1K@mrO|mZ8YY1|%~YUN z&lBa%Z^EsNY}T7&8uc!^OecTSge8(q%*6O?Vso{Fo_yC&;*OtS{5rle<*nQ-*&v&2 zU-y;T3vl@;EfJgko!5Bb#Y#9mvz^^>tcrOo)6emL+|jRY2L$Q#(^Z@!vGPnPICU9u zuDMIR?fLUy%Pk$)`TakJ6i%jze$9lv+laN(CSXvL08o`mdf?PyvgMIEd`JbnzF>?7 zdp{r_3jfj>mR!HZsDXHDs6*zYXj*$?j28WlCNFo!L-IDxqZToZ6j!%GrIR8IU6sLB zIuVrx)X`mYC%O1^)0@2ulfiEHi<*c%CjF%kHD`YkHe z!EszCjItUgwh;NKljOuDGQ7eetY|n$G|f8L)$jk(m0T}DW)%bXrWTQuvJm?5UObNL zw-Mf>Qgm;3z@37rIIO>%NaV!un!d|&UQJ5UQ{`FtIy2~DG)!3Za;tfHm;Hy9_z4|3(D@!`!{R(qBh zTyQxH?4be(H#mlRO~ZWg@=IvsmBstSD^!9tSa)j4j9zPi@{6$~Yf2sI z%TxpM>bx)v4gCk9vW=|g5gTHWQ%q#?^Wg2cDmk}#A}wn#p!-%8(4p}mYWBX5e2x50 z+Zqx<^s^NTWGsb0W!hlxeU^rn-s6`)d&hKzE$3L~Gx43B7ltI+VvoWA*{g7fIGIFK zNi!+15&A}ayM3s#{#vX#ZHnTf)2Y^-KXh^M7X0{XF6#4h$?=Y8INGL(Mf%CieD5o? zuc{sIs_sR}ef%>vclS!hx4ku^AZ zjU0JXMfM86;4{1dV!4t)zFr<4RtN-*)xK145|{g8{E3T3E|u7!iYg8Nk&gOl)WbCx z&73WnJJQYIV;M@*+Paw=S+TfI&=YE38e(4Le0ZVJN8f)aCS7XFpuKrN@nKV$nH={* zUGFe;7Z64JKabIKGRKhLnFl{qIR``e7gl|AI=eS_3H;%m!K(Zs4B>Ksajh93qSi~t zmWacxx;yM#wjX#agosaT489%GAawzXaO_ejv{qKLX@!|g#?>j<>63&VY5U=_!9G$S z_=0z5uQKFz=hNzRjvMO|PZP^a>G4Hh*r-%Dyly=UUFN^1TAO~7D{?g;%8G%RX$bst z4kfldcK9n#3#$qypv$!y`e@@6TtUB+19R%3(p?O{^j71VMoTy?`hye4)3Nx>0N{wftZp3J}(bKa75R?=+0nhORvoo5a>k8!N#c=-E`a~pXj!|fF( zL0a!5M3miw9>WCO-xEM)yCpN)?)EfaECBRoF2GP{hQ814VeqdN)y=vBw`~jAi8Dr+ zpR%>|nW&4kNmKzSj53t2uYj~gGr(5F7cj>N%x4CYK*MM-yeb15!WN)zOB_bY@o2c3 zCFDF(he<*wNyVdQBDMsl3-Q5;}J=PPkpaBI5WcnW>`cLEB1 zILuB{H>KP63DA?8$6)x9Z{yPUK3F_1MlYpp$2D0_AWp4~+Bdf|*}!;(az zI+1?=x)Sr8d~mP#KYqY8Ke~e3)5{CHfsOG;YG_pr|8e`lL($L4p|V9p|JerU3FbWC zLl2p_$GT|GFU2;p5La$~V(Z57MgPe#zZ2F_^UVdU{}Kxl!d6m6 zwRMeao_!$AGH2*&?tC1uCJfHs>Lz&)p3sudtMK9T9Z26$e);7M3>OZGM}JMSPX^~%_KjSB-s$L!>E=mNqAEw$>~?s z@a^JNQXf7@rpKA$ziCDEiM|7VbSb7TMayX0*A?XTtP~ou!yosbyv3K@?@#Cd7QwZ$ z=lH+F9VmbPF_eGuk4Bm}vi>*BiL}j8Vm(ii@3Z3}y}C>v3Z-LV`_py2(3Uvn<%>dG zy(bO@JT_9pZS|P>bQP!_N+4g3EWzvE)+E2v9uFkVLFH^~ewENE60eYsf5%&xh8Rm~ zZBv0q7awHu-Rf}07S3HVtC&dMjiL1p&E!A3xpdJ%RdV;wOmHkprIwmTWS(v#ee|k? zPKm!n_wS0KbC*0s>5@)R`bAkWy#q6i` zR5|fC(H|2=a`zuKZV-eh@t2lCM~KPd*wX%$AYtE6!m8$B z#fItdbL<@J%-xY=8Ux~#z^zJ`h*pyr++WwhTof8=yc`gXSL_dyQ^R}F z)MgPm@=YIRL?q&M3D?G!K7ELF)kL2Ms<7YMgI=}Xhc_QyC9Zb_$n=W`iDE|$t-bPz zi0tmCk(s(AV%Z-2Vz3SU1nS7|+oNQ`^9tDf#|k{!cJS-FW2p3#9@z7$mg^#Hg1BX# z^m2X~nf-Gft^3%;b)?g1pUX0`)%ZO1iK(H>xa@F?^mpv zgoAR@Anm$u0UatS^yD`+9Q=Ba!QRVs+kz5$dsiuL^a9u>dxtNYeu*}xjPnXI*D`9D zNv@B%k_*Ov**}}o;o_Hc`tRsuxTGSBw}%;IXQkkz+cNZCo;dVRGKX;QO(-XSkN6pi zgHrH$Dt>q$wsTywug8V)RO$WW~)IRqFcx@6z z)j=-f5iy$vI-ewd16=-dQ3tK}FC?44cQJ{c|Ih7-fYRK>!M~;JRztjoc!E%f@)2CN6RkxlD(^MgA_Hz)&EZ6vr|9l@}xYf zs;K}y=NDpCR1dQ?wt&zeg*{ z&1^qh_CgYgU=+!Ey?`;C;(>*$HsJhq0&s2SPp0~mBM#4VgL4s0(5;yag@g0a@yTN* z$fAMYELzG&+;_nL)GOfIDogCN5rXKDljL;i0{o*qm3QA#2re4uGb;qENz2&}bnnBj z#O9(q{#7r7qu*wsfUgxj5jsvyvRzxt%FOMyRjE6Lj-KlC}P%=fO5 z!RaZvuz7S@!}o>9Nv+;*Dj55Q*SP38k>*&`8?=*|U=)MdL6+oQ<)o&^l}Mboa-W^b z&94ePu{S}3>^PhVKRRQPh6Kan*8dpUy)|T7j=@XG=VUGKiB)D5(%WH6 zVQ$DbT5fWY-7Fu9Wn%tVKC6jL7hOX1AN?T@24~?)zfGW*a*%nrFAf^{XJFUPBGB4Y z0O8$7cDqSkHbGm+ahADok zhS;H5$a36Mtc|WJlt%Y7lATI(;hRbt4E0SLJrDXX}Ov^QN*^`aWc(o$h@Yu`tE%$uEKWYvHtdZi^0_p^VfyLl58IC_a$9)5-4D^=sYul*PkmxQ5B zUzm(zGWh4TA>(o-j#h`rz@62AdNNPAJ$W%T$qR(HF{wCcVvRROT8a442;L$w3Cxp| z!^N>*7*%6!(#4#msUy0qzFr}lvbupRK3Pm-1FNz7&0!$6IXr34{kZkmIV_mg2%>qp zaIRMo*BKpw3s-e<_a|+R8}^${HS&Vxw**1LeS{|Eegyf08H`(}u8r;Y0?ZySW%+GK zxV&NxtT-TmDgRx8&*ittk4Ymmy1<+YA3TLyil(v!yMlRxp9}Gk2*(`~mx1wP8qmc* z&4!#agpL3+nCR9)o=kZM`Auo~W1A-kyB@-!o-1^1$Y!b(@q|1aRwJGHv4pYqLCvCl z)TU3IriVGgy;W+^zQ`IU42$BAK}C!NC01HHi#RAtVRXr22xHIEotH%5%c5DFD=?47 z7nG10a~}|X&}Q;6m?1}1t>DS6YwUCByRh#^9&8x=!7lq(4O2E(z@p!8Vamf>Tqoxc zOj%L@hg>FsT6+m*-+75Woi^ldo;w>pwUUU{1>iEyNpytd)Xcc^jAz7e*90YSgWRS(G;4Amz7D5s`#EOx*mV(E!r1W5q-)G@p-h z0q^O^=qr;q3GxQG004`U~^S`lUIEbtJKhM~|<>(_;=VJL)9SKlhe^|va$cJ?wo zeE%d>%npS2vZ*-kHXqL{O|~vt)yd-9ABbPBl2}_Oa#DW_WB>IWGk-jd#%=5(q7k)Z zi@6k;!1Wz=Nwrb6bblfl_l%qOWU?vmSL3)zHeC7~4ZqawA!Uskx@&BQGma&6{MZd@ z?c4#=Q^o0Kd5(z}8j7Lkwo{{ThrliFCw)?#L$}6@VeAhsvwVM$9FCWVkfp_NXW1$o zm$#=PMgFwG$oGE~op(Hy{~N}WLdZz6Dk3xxDdRk!n+C}!4H-#7sHillkP)(#8PPx~ zr8JE5d~QWUMrnwW(fFDTqO^?P^ZV03=k;>VGd}lyUDx|!lQ-1RW7=93>z&Nm*vldi zykjDUJ?^K0)lS6Wau6v!;!MKKB_X(bC3uQ=(%H7ZNNu^bx=DpaF=#dr4;Mn^C`nN-}e(liHMxP_g<6 zMBIqW3;dCw>cc|hSBq%5aIPb6UigQuIs24evyi8{Z>Iq7PZXK)Knap(aQ##ok1=N; z6jLkbgN$J!Ev%mk64lwv)`-WTy5}+##775MV}bQ7Pydbpxg5E70_Qj75# z#$RLyvU!!EAO}xB#(-DqDJqZ<2XYJ580p|8aC7-B z@=k0Q7nnc8tX;R5c-38Df9k~%nU&W;U^ElP^|DZZqYXFTS5dFF24Z8jggPY$vq@in z)9NLP7;n9WJUkc*Q}1oZ4aN~@wCFs>JX66jYcu${M2B+kMq1vXM7{DBfS7$g#A$1j z>P%~9-KPNT&~bvJAz|=1(UP3D6vHX6idi1LOn&^mLDuh7LknvWOn>m2?r5|E;bZx@ zY4J1|sgFgc7(x0-QlES**^ckB0yqZlHo7WkB?$hT0O~gS)IZn&Hx(t3!doHOwSJ8D z`X3N`g&MiIl7k%6e)#nwyej<=(tl`R+s@7Kr0qK$ z`K1n}YZCF;ym0t*^%Q(fiDmQeout2~WJ2}cGgSI|BvDAM;CXGiN)=NqNZGpOV72lo z4G{Cj#?=n+{OuI9?eoN*wc^+<334^zIMgEx#=h2gHp z{6?*RbmcMuv|Boj4svquFRuo2Y?3(oW{q)N!${aA^?+(ewUT}Fs(`=e9XW6CfsEhN zqxI_rP-BZS5ut#|qHAHsuO{Z}Xe1c?Hifr|1UA`RqAok%P~FMpxa^Do{`xpZj{4bi zdXGOjq8AQ!g{j1Kq?_UsKFnBHgpu4k8 zlFM<*-Y5uuGZPwKhm>!n8Zc`1k7v`KO`ES=fI}BWiD1lC{AnkO{~2y2sy~$YGq1H% z-9lqBYW1D0KED(!wYHFW-aKfSCP$oeQpw&{J!JnZLY;8Mit5Psq{i?L;XjvxuOVCE z=HUpK^5O`$H=aY^Y(LJ;rCcsa&>as%B;g{>H;iacG96hzAJT^sp!M)!x*)5a8s7Dy zo5RbQ%^!Bt-Tvtq_f!qnisoaqUkdYc&q>TL+XtJ*>e!CKB>JfQH+lMPBUW6Rz$}k? z0s@0(P`t?m7j_!Jx)x6|vP=!N#h1bGqGix$DUBOm?gB-bc$j=AoT(FxKtbilG;dKP zSvn|!JGW#*-D<@8-5t2VyqtU&PGvK~Txpp(Lt^x~%5Wz!~6H=SJp4r(mB8h3Qv!VX&1elk(6IsMAG|8F69P&{$GdV}Xm$ z+yw(`j-!0AiEgmYf zr$VUj)5l$I8uZ}_L(J3Dg#sc1zOM3A`f?lw{^Nn>qpeK&<3c=eW&*xk+)9Pt)Km4Z z!Wb0vg_q;&#LfKCFl*^kW?s-C(taG+q>(tRyJdinwcQw-gQobfcPa*j4S;#VWJofw z0shb|DjTwyy6z03-|vJ{v)fxBF?=?LPIiaKGd#F+#CoXv8&1CI$dfU@%hYJya>5Jq zg~A2Z#6HX(WSXR4_9ZEBjC@FylOyrDlq;8)(ZN$ctLa?9J*?^Ap)y^ut)O#Yg!B1U zlYo=iG*RpVPnix8vpjSDm~{etPuS0j#291TKW9W4Ni^~rB7N~&(bU@y??`8(Ncmaz z^L<5-fBJ-Mb{-|Ex749cS{0eytEtX>eQc}=g1Ni@uTd`3L%1=aXF2}1TS!L4b-W(SjI8kTW<(Jh@~#sXgxAd6$H zNb=rOTmF0U!ea)>RyjhPHa@2srKcF%Av<{L?h2c0?!(xD6rR_W8On_B4pRtxqww~&f$gLv(`8;-F8CjUGy z(xMgFEIW3S*{k3|pDgj^wOdr8JNU%3JudgP< zR0lNg3*ih?4{APXB?!cvCHaBT%#6QJ$+SUh_%Ieqs}0Afsuu&d!h1L$geB{c9YAFh zAJYFeccXXg1X8ein&r+6=qU zk*ef*quzKPwrrL{mB_{LBdwDzHCjm`PuN0H$Zkkd9iww5gkf;mNn#RcifZg>ntR5O zn7x|~WuJUe$>uTLVk?B5msRlmwqLaP^i)oF>?NUIDfsUEbolYFo7_4lgIC|I$H%T0 zU^O?NRCJ!@4T!XJjQPnGzYa~}^2_nyGJglokc=g|D%0tJyaC>Opg@8+?ONM{(;SC5 zzr$1kTrvL;HOMrAFYHg&uiypg3bXT!X4OeKgqo2M5w!AjIaMiVBYXB)2F)y4l`vWU+DvOr1sPMW%*DS zoJ5T}K9XC@CeX~NP_pZVJNs>V13fKf!!Z_O*@b}%fbS$hx@4Nxx6zlFllkC3Ax=GVmk6 z4nCkZ3-;i&uw!h?+=(X5RvK`}xSREFT?Nx#-G|G2r*r2`DLO$n8^^ju$mVxPN$I@| zyd9m%IH{DOOGp89JQ-(vetMzz!p}5~%YrOu`ASTb*3kD38$fRQI`aDD8IpPO3LZ4G zz{%2Cq`10{44(AGJ13PuJ;?-Psv4nIUpHpU`is3Ev_@@l2wui}6$GgDT{-hrUqtWQkR+d$~L0p!#v2RK) zk{JIWOxq(x${HiFJCRR*N4;kbZ;yiXfn+*oFG6#lE$S+m15er5NzEH`AXh;(o$ImbnUqNjCyUy(Hp2LirEkK^KAqg%` zfZQSha-(GnkvP2pvux%N;dzgk+unU_vieqB94U%YW(jaWb~_9uAH;t?AedzHt<(jfXK*LVz!A1 zOp6xA1u}2&zsd-n+#_Eq=lYOt+mr>?D+}1)*UyrF2LhppW6MV=&L_8u?YLf;TM#E0 zjXu`<@%g?PRB-7RIybrkyU9wLL_{h!SFXcvXQIi<`a5(=P7FxtD-+$ODX>LB7;`q8 zK-0&!?9;xp5b2dqJT!Hgf>*Q9b?72fAHAB{+d}E2-hXh9yY9x^YN5n$16=zR#?(xD zMDMN^f$8q6;ljWIS~t^|KRfRTp7=i1q-Nd>a&)OIe%-p9CWn9KkK6Xq&E1_?wSaQ{ z1)N^zijP_5)rF#^BbMiovACJQ^(pyulw>bl}4=@xi`b+#eAw6a*Pe{E?+)9^&n?za)e4kTc% z!4MPWm%*NVdySTBsgXr=F-UK^1?MMa(e1H9nBgCW{^rK8c99+oS~y_KaRWH}^aAt4 zU=g~EFz^so(9zD^;CQ8CoU8!#}ZlP0c; zrmtTwH~y$%it=+a(4;_}EdF?nN(}aqP044dRO~@GR-?`a#V&>rmlL?ekL$nqQo}z| zl}|7IoI}L|E8yMSEA*jl5z2h8gaoOLT-ix1xxjHbPCb81w+BAQT(67t;x}D3yC4@l zZ_dEKeJk*~pCWj66=V9(ZA@j~P0}J61W~Oak z%pogs=0Ww56ZlwT5f%Nm8mfC|fy}@(x`-`dy^2d{)LugflQxAh*VAa$5(0|-cKmk_ z?$bftP?8gNi0p7sVlEadkVz*lqL5lEU!t&`N+)%buinm>Bl(&%m)#Q_kpVt=$V zm#rX2RJk37J}dEF1sY$}VvXVwVj*w_4w&`xs^Kr$TAR!Md(3GCjZGvfyN!L_P=r=O z$3c_hDHgc}vx!-nXsz*ttP)yD;sgDN`Q2)oqrxf23Z^*gS0UYDFrBzRw_BT0Gs0<7CB;dXJTB<(b8qph!!=n-3$l&!X zlHXYX4|!@Z@WBqPN6j(jgd57p*>ic-3~=SR_uX^!VD;&<#BH-PT*D+r#^W?QU&V>q zzscssuewQ&9r!||GF53$i7ANQh$b)H{t}@+jujxkoZ3p|fW)JP*l+WI_CJuPD-%ml zY)LZXuhWKw@s!q`ZssSw4JGsbSWt^fF*N7;)8=IcQS%B%e(ryNsC!0@amd$Qu%)e; zhLldCZv(c#5}qV(jP=16(NXLqfqZ_n(lWR^4tOL_7NU#N!B-{%SjDL*(!p_#SAIaX z`+cmv=o}DBd(Zq>)r;BB;eHCt>a%$(mLTZeGZuU%4KR-*Q`F^O19O?*AE2 z5BH(eE-s_-?=|~2b|#*`&dsQt7s}D%CK10E4=RW6vQ;0rUeo)O=@)h&B@rCEbH!!0 z67SJa0ST$1^@^D=&%-u4)LXI-Hh`4icF zv(>>iGmbR)@4?H;^GGhwh)ru>g0sd>li5wXS?9)2Y!Y{FIrwrBdhS%gEw<(KbMXfF z`CA35W=qpk+p?($-wL*h=Yx**B&_w=2v%kCu!ZvzMa(xx4cGOEu%K7V~kg^E^#XDrR(jp z0Jz^YPCguU{GQ`#gC8{F%xC)GRWTY2N}+pn2mKN5MNgT3qU$4m(E3NlJn?m>D2@3^ z8zYCXV{#vcs;S`*cUchm6ic)h3xn2*Q&j548R8-PoFuMj=kGiFi0SByCUI$-$jimS z=x2S3-S+b!+BtDN9FhO1>yu6RU#Bv)q*a8e4#yr_0esk&%If|@l8~(jxmCYFwfq+k z3Z9`)&mD3|_AdI^Cb9anIbX6D$BYlRg;tOyryp&`kl?3Smnx2V+&Mrscpv4j8X`t1 z2O#l+4dgwlrN2t7pr)w+LM@ZYe!?pE@e|?;{ptDVV%g zp3!cofCdPbUP;V?GVy%62<8k=2cINw@=0nk zZK;_CDkVY{mJ6?vkIv`m%g|WT_woqbzc0lc5fcXeISsT@{XOIF{|1*^&9AT-=^+!J zPJ^71y&yN$lfJ1tLyecI({lZ}WT%|~6_c8e{hTLF>+F*9xecD^^S2J8bqwIp%3tK8 zZWw8cx=mF#_Y#-&?`iPYe!6$TPZAJpPY*i`^FHa{r*RX+kvHoAD6Fw3Usj4%EIpJ2 zD=dA<$|si0c)~A!0+$0w>*;5+)^6eYiyt%YC40D>jy$?;Ity>!mw|WcO5CmzLUtR; zq1{bmh*^7%j<>eaf1F3L@WL)Mttf?WE04jMvy)5?Xl*9_Km3V(aXi>qF9q+a@5Juk z5rV2&s93K^S12|x0&8Dsys7VA<@bkLv~4!W^sQw`)>}{XO;y~-=9OU z!d3`mit)8u3v@kKXXVd4AUZJt#L2n^edLZ{-whAkWwMmL`14iy`WLBKk#HHtu3Tnr z|0-jZ@1zmUJeF7=Qip|0Cc(fX0TW$~VUnkk!8U}%0DprsPPMjVW_}7`uRk3?dSNwG z+6<9|UD|MM(qB?97*9(7%|pA^5w=(4D$F}@7gvqmWFtoofb--}{Hs2#H1B~jXjtUn zitfqmLC!Z=oIFmC_{9^quvJ)8b{Jdo!^x&kzRX0a7;xF5Zqje62@R>baOsadm<|14 z?isyiwz_dV(50^6S#<}0+|PlW#w{c()fDbe!=;u_^wHG@aCE3*6_nD+!P7;I`SWOWnivL#jIv4OwD~kLu8SboDQx(a^CXnc zf)QwfV>^97c|hVEmY>%Qhd^K6|MwN#7W~Gc-{3E5s{8#?ISKTS1R04Y~4FL zYt8>D7?Z>qZL&ztbquFq-7CfR1el21`jJ(7Cl0x}(MLc9|odo?*@3`S(0* z{qd6YCH-M9KYxSqshP~Fj3f*g<@&j0N162>vr+S785&vb<2+L<(coJPCggpg`Y_KA&*QKtAt(dZ8KkRJtfbf-?*r%op)~?BD`|K16N}B`EorCe6#46m^y%$GA zR@M*#x8r`sw*gJ&KU!TTti%%Fx4IKs5#;IJV?mPBf$gQ%F zP1?jDHkuv?Xd=q}W&D<1>tVghIuNEsMDuqm9Wcx(1&q<_0LEna6cb7oJSS3bj*>&>fAm^VmZe&k? z{EkmsPolWrPMj^DPkY|klhuE^Sp#m5BcZQOo;jN^a%cF=!`Ke?u{u)u=OTnQnZf3v zFnFU~$*YL8;POKvDE7^cSo^KTUfBS4VOR|AH}?a-ms87+ n0xDM20yG!JWsS8@3 zECjJr8}X%w9+$N|kICsv!C-?RO1?jdMgnHwv2Q1iYW^l8p$F;G^~LD_mgB2>eqmP* zCF9yx^WgcSEOPCj3Nt19Ir%+P9$xz1rfIJ)Fn->4bdmE8bh&>P+N)R6n0NQ!_f-ve z*N}_}v2&0w)&&yM#?W@x8T6*y0QDt~D10v!Tbi9|Wvw$g{Y?=?jl1v@r%z53G-bq9 z9l)agCIrZ-k^fHR5l;(o{Ib9k>^(-=mycvf%Ko$9@Hl~<(A@+}!N1g+vvty zyGhVJZ73ElVyY%I6T@Za*dKu%G$YfKRvgV>oh}^5jq#3L21c0_H=iZjyw~Ex>rZJ( zivdxXv4y@^{)jY%a(d?L^KgXy!TR+JV9ot|G|syPZr#+x64xhi%49loW9|&%tJXtn zh0Z~N*9RiYF@G|-{negzzI;B+ zz7m5SDR=2`ay0a=5F%^$>!bbNW88C156Pcly7p=g9yvb7W^1W{iboP1_Ke_sV|6t zCLiw_)R8aSli^sD9?qL+3n@ES<5xKkyyG2C{tW)2GegX9XWmi_43j}wE(=t(=OZdi zNQJ2PRVWpI8=sk*!lTME8dw#^7m#(s;qt>MdrjL!PiZ6k**TRipp&0d1Dkr)c z6X3gv44Pdn#z5hX_}nEGN;+ex{+(p(QBthP-unVw{BNMp=WaTBZU7e2vzW`BKVNrW zB*#Bx;a-6)F!ql}in6lkd9Qj*RoX+Wdjs&-q+pa%cg$QZ>viJyTj?=M1N+u940s+4RST$K>{r zl^Ehvj4r%#d_C0y+qVP8(emF*aej&d&z9AaD<6*5S%Cg5^t8Wl|HjE zD0YmlV#bKtV^z2~_b^yypTz#mV(KWi6rO$iM%iIyRGg|#bO%fL{^DcM^i&76*VWL6 z5|UWP`G9+m1k#~wJxtkW4%Kg75RsGaWXYX3gg??o&$LI;L$;?Nm+Z#k;147v`>Ju# zhd{`L}gtlXdQaX zemYTwQQ{r!46l9+F}Q`XEweyujuD+@O(0gx2}O7Pp*Oc3L4WR0v$T2<8T%Vg4CMns zaNjkMWhTL=^;_^}>pU{x(~GT%7F?H}B}@x2#}_Kx`}JTr{%Z1L+MGPVN?#iSMfQM~ z?N$;tbeGh)E5Hwx<4_=(jtX%~*oIrrS_p_kG&K z?L_8YibDbYYXr4&$hEZ}$(BX`k=y- zN2kK|GtDGQ%Ae`sM?;_cY?xp51Xndb0)_ew?3pGfc289*acfZolbb~lA}vFos9hoR zD%L=ZTp<_*&tZNl_^`W7>&eieMCz8pdg?P%!zSg_DD0)f;S;H+%JME{B; z>rDK32f5$i*|jb_d`FkNu214ktx)=C>ksVzlS1V^KH!DFT%Qw(Cd%V1&g@Af)%r3R zI^MwT?lMudJQIRSIPcB3ZYuOr3jKb%k`SpfTB5r#SgsB>diAh=;C)68DEO`0%DPWX@DYPYo*!i5sD58bPeikxlf0O)Ppb&)}E0 zF?8v9;^($i*q!8!%|W+}k6zvjK_d@fu&9eJ%1$S;f&=hC#}Wp-G{B(N21=)vf*|iR zBlI?n8h?ldzTRg>TT7wBeTzJ37{4XngC|k1XDgW%Fa-u@e&Cxth-8~M&09B30lKzZ zph`R;e>9Lv9<~QLj?W{xgY$|PNs;(kOE^4!ftCs^f!d@*cpmG9hb(51=4J=@8sAOV zar#YOTO(E(?1K}l=Fwhte|#emjrGTEaG!c9oZ#l~YV~sRpKv6GuM@_20~f3lG$FbI zN+fXU7>PI&ZXEr-oIMmE_RuQ`A;I z_J`>-7@^G;e0ac)F`=?kP;hD;&PsTVXPr00!|Rc_anS-|_uL=k4LH7_`FYZHek;uV zRz)9vir~8S62NM44)9$m`!au!TyU^w?{R<6c`w6hH2E+)F_KCZD8WCAb0|<%1+g4w zJ7Co@Xr5|LeH!FR)emWObbL!vl^Z~#SAyIbolQ151j78@9(rc>02~r9q6wkP(MzY6 zX>7bp^li$Zz;+h>+OrndNlvG}+jilKqure@v8V=NUb;c3BPnVh7=w*jZA%D;#Ct zHbTd)_b7Gq25h(|OO*X4Ra8xQOP~7fguImpQSomdlb}oKOl30=NdE>6$0}*lfo<^C zwGD2~c*%8>JtJSMbD-7ZD&~9L16I0+xAa9jHq}fet-tP}&0rKpt$fOtSR9A`#SI+4 z@;&H$Eh1}wdti8AI$2w(&)r`>Y%sTHz1H@GU7?dqk5~-j-2NRjkMqs1^T>sPM3D-A zyLYUEpa_xPFqwM%wV~VYyoBLkbqpU8fq&aiLiB}HxGpUYv1Ua;SUsZAe2aA)n-Awc zJZ3c#Ji(-Jwh5Ix&m8ztP9!f*pgl&;WPW}s6iQ}dU)E1DEdQDoiKyemRZmE~ivv6x z&&5ia9%53SjN-yC>A~|QkU2C!I=zJ9=TTvNlpjRRd^XW94+`M*$#1l|^bQFtSPofQ z>p?~2Aey$cF=M3@37_*!Tb>byqTt&kEHHyCbq#=qkh`?hToAlpWdpDO7F+W$8`|Y8 zq4prB!IvgO^2~hhI+Ly#F1bMGU+0s>$I|fqmm|;{#_bL#Y0`#?cX4Xc8kB@l`26)1 zX?w=yi=+iBr1!67l8WC!U&S5L-C97a+}qiFR);?BI*fBnUf>R$P%KuRfYUOoAxGED zD9^~7ymM9NxBxO0>giD=^MgAxusI0|T=c0$j4I}au4B5?-jltY?mxPJDO`G7NZ+@w z1W{XA@?HHAksJ=g!^bZX^>3++l6e@koOfj8rMBTj4~ATKT?G>bE`alz0cO+2iFiTK z6@m_RvvL)}c!&;jJ{ z=1`-t9FY2+1UE)*u;W6yu)^USl}|i}*T;7vI;_Gp{c=(g7YmORzhj741I+982Zs@V z_JravkLT$Kf5t5^#Q?ckMH<&#Uks~4r<;7;(n3x?^F@bgQn=c4H$ZI!F%r!#D}FSI zI_}FR{b#HACaXQ^GspcL58^d0cp`6d<-%IH#IZmYwQ$#V>QCDCUmy6|D8rF&ndmE^N$TDkH*)(!dS6SpGaYB@djYWQxBX?^2^V zLq_E4QxMy44xa@Q!RbK+>HC&JhJ)l-tAb9}JzM}j3pEj|2gS6?kgFJ-Y)7-<$l6X)w>NfJR2W zX20^1p{w{Vtxa)+ldJ^wxn~2XTI!h3Hgm!8Ndw6{sz&cBtsn!gj{K;wSel|EijuRq z9kt~)@Wk6r;*@Dw1bIy~tptNu|qPv9=IZIc>$%8S9u)+9WBNfSk$%*NW1RX}Pg_$~p`gn9Lz zf!=r)Xu8=_$4X>3>~jvXK6K`!0_MjqUwX@Y@FLRl0RghgQQ zpqxpUlp89)zRY($Ai|K(`~Fv?1VyIDW*Wy)pdY4LU5zabV5 zNGE`8YA@N~zLTttbiha9Qz}-goJF{GfLI>ggk>%xq&-Cv$^($jnHa+x-`5Hab|NOj z7Hdf1e=k7w64&9Tf0kZ6*M`zlZsXl_dmLFb7aGhBs56&&*g9znyV*^X8In9obM0gb(g>(EkE6UKK+pvJ&L;{LWC|GvDy^Y3+{ zQ}g`El7_30{6+zcKi(zVlv1!_QaqUm4@g`{9Z|P=MXn!kM^B~%6RnJ4GKABpCw2H= zE!T0m=>h!Y`l&_h)0x!fSInn|X|(#15}AFk6xR5p&>Qvdm`^IN$>ZV?x>nl-6t5p8 z*6&R5+UKRPy8jYeV<5%$TjryaP#&>g(?zd*TZ%&-g`m^26(ytPVV}GnHb#Hp4VvkY z@WPz3&B-O4uTB$UeulBj4MSmv)l}jeEkXiTg@M6!F*33?j;?o%N6kI~lYr50l-x|9 z-Z>wrMQ$vq;`H9JB~N(b5rf!r^a5q$WNG&qNgDlc3aW3k!7>?+UAs+)>l2?v!vFAb z&xDikeq{}uJCQIe7P*vBt zeRt~AqKgA{g7~F7haOp5K}t+>&{QfJgPw1P_nWWrOkJX&qxTCled&BCy|0J9qb>OP z)jrtv;}ZWw`wWPwHg;}Ao-&cP7d)QzQ2xw@&qlqAhfyEuqU7F zsr!jxz7L4WlbN{I*&o(%Sv!HeBQz<~3%(qghwYn_(KkT_k?TGddUhGE*K(|eKPI4P zJq>=$up?%%y2wtVV63_vm68YOsct9y;;ls9pSeIE?Hi^}J^>itu@^qiuA$3*h*4qt zv#5D#4@3&>f)}+p!zN>%%=prBPMdnGcLj{TWVwK}K56fWnPKauMV?h!O8*__VbbiI&-r_BWTw*&(| zz9J86&hUPDuYqetyOG?l!s|1mF=B-iksckVmTC$Zar-`8z4;xd=U<}kU9J4VpUrfE z%LR1!HI?m=ccd~#0r<2@fcfMW0Qa`m^W+^AXxze+R3-T$yxhpKS-b){kMu)$(U^|Q z=5AxNnO1&^n5;?Y-bEmPe+d6DX}H?yF>IUkh^$((ik3e5MOW}=!eq`H{$KHS;EPT% znI3G$T58XP-EM|AtG?Ct@DErb# z4=zE<7=^&6(9`gu!5t4DY~yvj5dw+C2B<3J^n_=NVQBOl&&Fjleaf+a@14IzcX?bU zPcsfPbfyUOG~<^(M0QZc1EHc@m~-OPv%V^!d8QyhFB%lHk&<3l1$XZ~l5$HN5Sh6fLF z6J=TV)yv4B@@4w!)ker=?ctK(czWXty)N|k1Z>!_sK{Ruh~k5rD&j4G>={TrnwfKc1*E!YxHnXw-Zha*H*v_+cHd^HmW^4`X2V zp^rpD*NTLMy`$6>d}FUh zKOGmq3qLKvA~=reR?J|MA~f)7tt;alht$KWfz6$DkA4UdrE^;Ai74NSetNTx-}27{ z_s{-7d3QwV`XWCpZ#s2qR=x#4h{84fd+~&#R^yY`OR850{ zsy=?<=ASemp@*&NO2<9#+%WjoO)f`s07_;q#1_u;))yU3pEfR_k)oH$```jL#f378 zHFZ>S$y4gRbQ9zrt%8M)S@;3scv-{3czk;&<<-Q%sX4FFx>X6s*_-SKGrfx0L0YKy z#|67KW|GFM&#CzQC$#mA9}W-gU@Z1E!`98m@oYjYeA_OMerucAG@qxSaMu;ur*6Re zugu`g@lW{tXBfBzcEYdBkK}T=05;V};N~s&$iV72qBl_kL)YZcG}B2YGeeeP&P`Qx zw44L!yC$0m-*$(xYX;aJ5lb_};_z42HfXiY#ztN@R>??KG#y8y{yt&kA7A z=70Q6k1g?|@;KRGyb4xLi9@*v&My=EmYwDZOp3M_*U|WZd8@*)U-F;xvh@CtyyCqm zDsKi#FTOxq$xhznzr~#1Q9^d)Xn?QpB$KxyxzNF}_Y^C&VBw>iV8!(ocr*j7bQH&& zBtN{a6iE!zV|mku=Ky2#o-}Y-NpG{)9EVGQsP9tbxNSyss4|%rCFg^>iVepG(nLGU z<>1z?4DLs~>BZ_3wA|@Cs02UZa?D+@Auky1I9*fcTsB$1;1(u{*-_`XZ0s8RM{51I z!(CfJuolw8rpYfcX^k`9mR|_^H)3gMhz<$6iH!7H8906@6kBFA@UNP+)6xT-r0ePd z%;S7p5j*o?LTnx7ALpTv(rR>&5g<;wb1{Ck7%t8lr%x_MP|fY;sMH++{U2VE9T{n$ zc^=97+oy=ihdlc0c{Og?k^_I`I+!)?(bRrx1Q?lyz~`MI#EG)x2-it8>3IXqAKlNt z!s*6)3MP;?#X}hIt{*E`%%DFd{AqPT7+o$ek2#Z`;%A|gG{PdBEQ7{QC^=%4QhsN+3-h;vj2&3S6!i<3Uvklinl8p;J78I&=qf4_b6=9!g3M}K8b(2>2lUIH6Tn2&jHgg>q)`OEOQim^a zxhz|Z-1~qY(sCoqmafJLm&U2=s{g1dslntdmfjBK7!+zq z!qMrdxHAS+rPHC&@idp)TL+7Vx=8!A0GQ47Z7z(Q0rmeW;rG#-Mt3d?(HIFMdO-Um zd^1zwcAKW4(4&F|nLAjGKMr)F1JcJ36L~b1~_ei0n5suMru7+@WMbz;UFCKae=7~xv*1Ol?p4~q=F@H z@R*PyOw^V#8KU0g!ba|Y$uk4ljV^FYUk@JF^RV1u3mGzQgm-5-hR6j$8u-hTmQMLZ zCoY!8>316-bJ8&^`qx9sT%QxaD_!(dh$!*C@)D;#+rxEf-X>FoZDFrEgUDQ`3uQ9E z#C-=j^iBja@)+t|(SajL)}*jo2E$yd>EDS$WZ;u2>?mAH_HC<%NB#E@w}!&yuN&}L z;3F8%sKy9eP1fKl&}7|5u=;NyckXRMG8K9A_8Ov!&pM2su13vUn&^Ky_Kfgi6Z09ENuJ3m$$+&fo>S?(Xr9k@%Bj=^ie*Pl~c(R>%uJocc&pGsKrw3gIezKn)96tF?y zH11mIix!dh;n&XRpcCntvDWayU^_lcA7|IR3vId*;A|PA&H#BZ?=G(3Jr5hgCfulkX-glDWU(bCK zbmlQ>Em;p$zaJ2yv>!j@`r@d@JY+X+2X(O%jF!_`@^b45sJC#3@hv}z%3M1-Z%H&- z47bxt4MiC3PDO87A<%IDiHs65`XPzLZNcO6wbM>QTVw@<9g>7k)hEExW(eMQm4TgS z0*Omis0do{mt&&}8AmQzi{b}GN%O@Xa`z#RoNrb^1)&VKvQ8CSf)eQVkN>0SJp8fz z-Z-9Ysbr;45-B7q;knPHqT!3O3WYQ%Nt-4mdt^q0?43R1K9^ENM3EF}FQufEmh!uQ ze?YHS^>ChZuIux8zg>Tw@)MZ#py2Z zsskTN6!95~>}zK092ahM0ZJ>|;oKD|gt=u#_SnwD%ZrUcF~yge@R|lQAGXo{KW2DkyD)ha zT}NLZZpC8%#W?t92Cu<;D)NhjLGlVs!%P4Dq3=aCK*5y1!R{{Svv2W)XbWyXSa=W{ z>$Ty@4rRj6b)j_?H<9Q6((s_%UGijX0c?D~liC(FQ~w>$NQ&Y#oL6%h+(+|hz;S8X zH7gFwHjI#qhiAi*x+)AQcER|LF}68wi$S4X1@W1Y1iIBXn2MBKaBf#HoG2T{>PxX~ zm5~iQiDN%2)Xu`^|0+2@aWkVVxC8TDw%~T_G`9cHNgQy_K)-3{@sjNtblX#pOEoj_ zp0+tWHqXWvXpWzq!{AQ4JD!adrv0)#G;ZTzw7SO4K-E;>#HS{_H&92$@1H@bs#bJ$ zeZd;_y1}!kKjgjN1~fYt0w3%oAvx|0s~de8FB!_f@4CH=lUN)1x+;*x3^PCB;M9&H+Av9o3!p!O;4Aqc`?Z<6(xNs^FYVx+UhJq!P!jiJt~HMe51U zxmTdFGny`F{zdlRPXcLCAF|3-h&KC-lGY{BXu4~HmJbf%6uko>pGOISEH7) zeMJ2~K{V)fpp#~Xa%=}Vn!D*G!buw{68VgF*4yC7nN3hNk%Ee4NM><)_>x#|ruU6P z4aYQn^Iehl_`IMRYqmnw91HF&_abY|?Wl8ODaoESo9ck-bBPWX!-T>>k;1FPOC|%mm?AvY0aAgkMepHE|wi zMp;R4tQ{wd?TZ*auSdAn^DtT7coE)&Zv;rw~GR@13fD_p*tmndB8XYfzQ!#=)_T>h4`iZe6+#9+u zVj7euaBSz01*qmTOv1OE$K<}b7c(uiZ+mI{`AN-an3Kai(2hYgr7eyg8tl8>@drQ%5)(NUiJbl?(rbq zbUk)I7bI&YT?G5jm5iKdEJ*Wr(63|4wphb+eZ7V%qI}-v=UZt@o87x>>4;!EFVhsm+6u z)xE?{)0FUMZ)P**ocaj`f%GgG{Cts7s$fuD7WaE@_+~5^S`cVW8idyi~&iAy- zJ%ns}CPh99-X#BG0`X_2JRTYUOYYowL6d&@lfVV>^iFpfEniek(#H)kLQx9JUcI1; zT=H?!|7R&v0?_rC8)Ru6AZl%OM6E)P^b|iJ@*3tS{9c%66{Swr3(KKl|1Jz!<4jI` zZ{;0Ho(BGMdZ4J84T|{^WNzv-3|g290d=h~{8$a+Rxw1dbCj7fu#ElCmy8`Iy;N%C zH(6*XjIAz<*y!{q>YU|5uXFz8n;43{68qr{Ul+dox`JHRxbPTLE@=-7WWTM@f*5sOymlxb3p99ivXMKT z-TI!HW5~l-<&&YM{4?bWm-KOL2c6a-glS3sQ1v?mmL8k~>FYJw!_7)GR^Sye$}6Hm zwo`DcR1V$V|B*RkluHD7gLF7!HPtv5K&_^40x6#k-a@q)^3ko4T8(o1gu_PU!P*q^ z-7^KIS4Gk@OB(QFx*Lu7s)_~>4wD{aA>;6xmvphqpkt~A4)iB8tFk-j?JcW7*sB0< z2jvl|vu^l=6(K&K3h?DfI^NT)Bo8m-RT?*f9>CC%G_p-(`bh| zTZ74a6(Mf6A;$9dRq}*8&B^z3i^kpCi<8>Z~Q`U3Nv8y>Zl0k7ecS{n2ztj7(L~#FH(p zRJ;B-x;>Y}80T-F~X^zp5UFvhIJ84p)JtP z-y!T(=CTFHA5k}RYiKVH#)@QFXbMSz1*5l_WF0k9!`N{ySt(p8Fu(rr^#U5@8v-in zny_E_7FIkmCZ1pP;jQK*DAPVokLjMnZNVmJu=W7X{P)r6JLxqQ^5tz z&#^!388h+Llw_@mBNHuxaN`H(YVvqZ?rW!jgk=G1CEiR&8cm__<6`K%+s8BXu0v)0 zViGmcPdtMyVM^&YlI8WBrd>&aIJs74@9mZJTxT0P<)I;k_>}KOcO9pc}#10m^ zB|+cQ2L`6Z{C3P*b3ANK3p%};|$W-6GT5NAJ-^b;H8l(r2MaWy@~E)Ds3Wvb^ZGkc1r@s z&D$dl)*A2Ycmeiw#gi=ZAJ>!ZcW7qpxj%cOb%=bO!p$(Z&w{o0N|}3#T=x8d1q3Ee zLp2u*n1A#++mNGz`|{VJqWEOS@85h{-1(lq+f#z4X6)zg|Khm+X(OqUjG)s~XMr#u z$Fg6ZNVh~R!Fz@}WJ}{6YWqbAHa`;w3*7|9V{Iz?H!+uZ6*tf=E2ZF_-vn7x)Q`+e zPm1;b;hs;^phY8z*0oy#|EEz(HE)n|{p%2kGoB=&-oNR zEKvwaBAli0^eJ4*xe2JA7+o!83s+VM1OL|RG)jVePoJ&UpEZYb6?Rr&v`_0 z(EOS6m_h&gBl$@v72T-`<*H9K{%uH+W+GDlW?> zM2|N9M-^wN!RepbWVf1LeOp`xsSFUJzw}G#)-83^l{>4|z3aq zCAxLD4VZJC^}b!T)Vi~bH@$2nrcJLRTU{dQt6)cHh!lgsQ*+_)IeQ%AG7}q3Jz<93 zWj1P!IwZcUGI+AeiMt0B(tVfr^Gfs2;)U%`sCCzQVmR4?D98MO3^e9;Lnt;Y-;8~|Dz>$j#; zkGQ=HK$v9!&mU(Jxjz<=x>X7CY!d1w7y^q|7ZWDLSR+2v}5MOUG zrs2Vb*f_J2k^FoPT~6u2`#6>yu6T^3wvIFz9fqdkjaYv~g(&82Cl6F-!F}xpq_`Z8_i#;&UIE$C&o8luV+fIIG} z@(|~=(_I2b`S!pi1tG&)MIq=Ey$k1jl0kjnB@+8H9FNJxz^;dm7zlFkCvFQwNjwI3 zi)Hxj=~Q?TKOeLlcj2z!c=*(Ji{nFTz_E8>@YhTL=ALwb(XL=}KsB0)wJu_(bvU8z zL(an%X-sXhI8f#JH+0>@4oYm#(XziWr0u3FE>M_9UJ9kbifc3A;0QNEIGztzGyhRc zXa^11PlVi-Aj^WR$o}uKupu-Tf*5Wt)sv02?)#~Y+C}Q{SP88K6wqpW6Z=&<5)0=@ zGab^?8%{0?r-Dyy;J3FIEK78uHwR5n_ia59KN3#PU+^PV{JzvdSQny%qhNIIGwdQ( zRKI%zJbH43mKg3MSueSLxrhs!t(ys@?iwWES2j-eO`*BfA?O-m1dp92=qdX)iqenR zgBgZoh<`q241M5j4iTjLgTtt#OdE|&XhNae`)R1oYS=oDV-HNu1kv|7$YbiTwaOI* zyN2kP?OCGDc_nYm;TW8|tV!36NV-W)6rYdgqFwtC%bak=OADv4!!dPKe~vateR9Ad zOEIXOn0WR^T%hhc6xGv5~(CSZv9nTcb}=e~(>ob7K$v@aR0(m-?HCVsUpJ#A_2Uqjv;)b{cGViGu^@cE9T5?vunK{eex_*Kj_%IX0 z@3z*9zssXf`=iLX;11|LdlHM<2I;f_S{r3y>}srorUY2v{6Mrf+W_DQ-^8eMBb<$`Su*7zQY&sk)$Yk1q#sd>Z_P{&xCq3 z6r=IwMUX0B#5O!{MB@Vq^zp_}B4;_s*tb2RJ9$T7^s5*gjr~l9zIMX=#0=gX9}!%_ zw~lJ(RPZ8KUO`!|V?OP*J1ubdi2*0|NX0Mz`aFhnY}zKl@iAHQw}B62{Yx3q3OUr@ ztcvP8xjXa)-@0sB3#`~F4ttd1;kWe|4L<&Yl-|9_j=L07Bl&7LQoSB$t-8U4atF)p zB!4<@e>`kc*MPm|mmo)`j@Nyn5Nb_5QShD_>JuTZzbpu&>z^?}o3-iM;oDFXz_DZ1 z3dlQ~NhqjO!!fQ4Q0vDAD3+K6ZiQ!|vC^9OEA4?w*F889ZV8#XiFo{153TKuhViw* z=re08X-Popdh9An+<8qu?z>N-^<{}8lU#pJJ(=}v8>basis(Ci3~C)iK{=@gs}DrN z_vVXK`iC&I9&$i~;ydK;)+=nNjWH~>u_T+qn$Sl`fxJAkv>~R;3C5m^(PaXLFw~jO zcUIb`d=9SHtwtLcC%93mjwZiWVBu;ZrXwGr@36~g7NQ8W>nW9=FZGnUIg(@&cMG5^*| z>^r^>^G(DIO;1!26YX1&zB3D53N2}heG_D^4z2&ExPhivFK51lq=MD&<5=gt3GK5h z>Dnu|7^M*bL*trrxVKpr?u%w1-@DT^Z}(a9`n@i8{-Lbu*&{@0su;aioI<0HbGUlZ zX;7{4hjad#!9!0$Sn}>2#K`8t^-Fy8glh})BR`duxD$(7DA}& zCFW&JDDG5n#DsOxsB*3dl8r{VIbtbD$(B>S-OivDbC_0i9mdWhTVZfy2WiZYqp@2b z(DvUBkZ%2nHpbQvi3OBa{NSSt2M&V9F(q`3+k=ZV*JABHDR6kq`HKxA;HGRilj1Q! zwq4snodw>}?l0A(;-OPAWx5kECHPWMbGM#umGKP96Hqhe94yrrRfS?zW{MUlz->J#It$_&OqArVXPh{UGb6hzSNMBymgv zzwK)zGA+9ya5CqCQmbN({>0;ts0_qBxs#9dW&usNhb} zw(_Q;rW{+PWHrKFH@r}mL9e3;JMK7F zB@BPeyaNxd{XtBV1&z`*u>YwaCZEwKZPICke{B_2y7+<)AGJVU<63s;y)!J#J5Itq zmQkfzZI~ghOJ58}F*hPD@x_00$crbH!A8dc*ExIwKC={d15X2AjQnL@?Q`RttO_ve=?_LyMUPcC zug6jqbEw`o6Aug%ynp;Hc{O<}*`S@PrxT-5NmxeI*bdW`eT6v{!$U+SUb)1(91HkzdpHPNxe5DZXCqjPGu0s0aIT!cG3u69xKdc z@|!qz;+-G+Aa!{Fwd31NG*8{5R_oiS(aSkleRcyzsV+i$$?NR6d=pe0n%N+`vx)h^ zH-gViF5vyLpLBxjR<52Q#@Ia(#f1hskh433_fydt8#h&uMPEzk(<$}fkm<@;EIWyO zwdSZlcY@we<%;Nz`a5_$ z>Jps!dm1y?XmH*ki++}(T&|^+?3rr*s%@WwaF z-sQm-xic88p~7`OUyx+cbo}A*p7X{}Zm<}8L?_ZsfjP&`#5N_-R~w6<$mKbPWnZC+ zHd-j9v66}&?Ia5p?BlWm<{HUj#vfqA}!AO4*SrAN}@ zF{wcTc;5UFr#A%~9$kaU5A)b7x~hapEf>iBk_E_z)LfRdK`)XZE6?);s{Wg_On%vX{qyzV)1vrOh@k<%Nd zn*3x8p8A5WLNPcv7;|UbLd=!94(}=w>8a)7;37xa29D_wH9Hv&a{ZO7-*j>B!+BKW zS2h)~o=gU1hR}HX^?K?cVCede%RS2*!)}K(aJYC4bhusowr7F#wgboDE>5gZ__?s* z;Jl}Fc=sLD`sdE3^X4+gcAkXf+qZ%5q899JkupqdibUrHXTfh3vPY)1Lq~c%Rw{k~ zzY-1juU>#Ag)um=d?S4OJDvKD?SOpF*CO<|oftZCJ>Q@d&K0&Dhrez?4>um@6+Pm7 z2-g|O?;*6(T_1gG$EkPf8O%Cf!8_6Wnn-z0MZVvwaK@4-jMmWgLy zxbxtM?GmiJd5O4I&EN<^mh9?AXNZwdKo1=cvVOr7qy^g8w2luS^yT8A7moC8`CIBR zrwOFC-=?#cd}g-={Uw_1dvV(HYT`Oy2+O}n;F7tYNCO?D%1(kL?v*9J@(E|=(IuGv z*bMf5d&%YqQ*vMC5s8_y4~;%P!@WMLm^)wtYgTeO=YJV^CX>s(Ulldy z%i;;=3T)o308{^TQ9(H&!*>62n%ek*1_qrYCUQ3TF=-ke3vi;3`aE!|YA~};sZctrVV*kBZ76^JDH93V_=y+y&*7qEyskP z249bUrgQEzGB-;2V0gq0qQzS1@NYZL*YS&>t7J2JHHB~3{FNCz)p0AnpAt?TCkdww>f(_K;@Z>bKgvKEwg zq>f0g;__q(VWji=5Ir$-A?oOEr{$~D=tc~crM+YEachXne0jMU{W}V`6|+|ye_V6;i3C%MIRiPQ|N14ruOf zM(iVI!1zBu_F|qm%yHaLQg$?u0B*N*HD)#bbP!>Qk4!Uxt)@#N>k zFOq&M3QuAS4PNEO{G=kFy66t`+B6%=^VUJfvshMZ`)}4mYm#9Z>q-|MNJl5FSoAZx z1vRR+v`@X9Uh2*QkA*t)#p}OJ-VtFCb7{s&$=c+cZ4Uc9Za%%8W)AupZs2TDOcFk{ z)8Zj9Sl#giR$X<0_Ub^6kN=qK{pC@cIf#EAEMP63&Vkqbm1KLe1FH4w!d0O``q{IU z4XdgqXWq4uhv^l#z?IK1a}c>a?*_bE?L+hG++pD-J;?RXAQ~AKxMRW@Exsj?gyYL_ z&k|kKycdounM^oe_KY|S<-og)ZhYddi5e&gGFv3Df8ac>xi_1pNu`j(-I93XZa5rR zGLsbQ%rN{Cq=I2d325%ohILyv!hrI8rnX!ic1k=(pZtZeQ}#Al!_$NAOb6Ur7)B22 z1abS@0pj_*3OBx=k1sAAq8D#2!8?vgR9`NNZo4%FekmWMtM6>5X$A)%^we2mAU;G# z|4xPA>*5gYbO*$}<;c9RoL6W6bco2&zz~78v|ZpoWVboPXip}&<$VwytF@tTkT6`c zkp&C>7?|ax##n?NfP;HNxbycWUU*|dGUUtH=NYo_N#7czA4!wzzofxw^b5I{+es&R zkC5~TZXXo>)}VQMIteg5g~>&M=s#A1o=*(n&`r*bcuXAyn1lH0(kX+!m&PO!mJ;th z*NCrUC|jx`g4qGZXtutFx*1!;`i%?eV!u|{QW;1qxxGZJD6&~g#Gxi{4_v$~3-Xc+ zIsS1NQOvwgE{t)mrSlf7$)hmn=oAERF=4!?^o+dmyhxv#1Y>yB3ruxagw9|om=IsV zF{OOq`;T&ViLeYzxJ@N0@wRAwVjd*xECk2@64|A-Vwf7GK(p=_!ItIRJ5@XgKO{Us z%QkMOKlL#koXf&fbuE(10$rx?kNh`ihO3nTLT-QdhL$Vpq=L(y-N;L&n=S9K=W67s$D9Hj zTPh2d_b)M1`0t~`t_a*{Kg#S@OXU11t+elS6KDqJgLa-eo^W)h!VkI6;AaDc`e0%* z3CVZO)9^tgg*;dthNq18LEn!F61-iB_&r-qN|x4uwkvl(Ty`7o?c;k@X0#Y?(dr;IWh zLGV81EGk& z_CA&d68Q4K7w!ny;JXHQkT|n|nV$TVjhwX=J*@JG^>lF%9t{U!A#vQrp9`s>mQcn& zopvu(1$PmDtkJqgW~nTMK)%uXAQ=fNVkksf&OM<2$)u25E8o#q-9D&$eGn znh3vCM`vked=lae4mAa2Y1s{u#K@xmG(TRy)fCQmrwh|h9iqi*SLr0L5{}8zPoBuz zaZHa{Y?Q1nicLKTIu%=qpny9ZKC}v^K3ock!70SDB%eGpEvM4yTnBB(AQ?JsgT=Pf zP~PbdlW%SXa!00N&op~*w&@}cH_X{BllF04oOrVGF6W>1eNQy+jgZy$8^GpRE;;z3 zndbVoQ^A!n;A87U_wj#XO#H$)re7(X+Fj1Zj;rt<%`L@E{wsiW?1QVD(@{c9yy4-7 zmGspzC5}PznJDnS5qI%ijPs7eO+Lx>b8iX4EcYRj*tHm|uk&GMTPS4REM}~NBM5EP zf$w)+z@jvR$yqE7pT)Vv#P6x(!gC~TW#KfuNf2ILn?{+Ine^_SS9POI9`(NE$SzA; zh1`Y&XUNy;$2f9(qS)#1AZiiRFO`6X00mO~a~~~>8Xz-LM#;xW9imm#NZfDvV9!a; z*`TioTKAJsT-ytyccc(kb5W-JAIAn1O{7Jpx*!@ZhBhguaawB@zDn1I(t0k7y?7U9 zGVX*gs2DXrC$p!kt*_=@D4{*t;c%(6m99-(kCO$u$j^O?kvC-{+*@}PGfNkMq}&ve z#r+%~e*T-P*(%Wnmo_4tKN&_$jzP>7Zl`fR3-WR4 zRz*b#tBv55X>vAe_?@1Y0>9L&=v?(TkB2`$)#w#$xTONI{T_7Iw zltD{(CpgtT!|JJ0u;R8aU0?K(sk=85RSKrz=4aWUGw>3=*mAj?!w2aXs~Tc6`6$)t zw_9JbLagx z1-u-Y%6d3$q*eMVu(3Fj)aCZll$VF_-`GN&?7tVgKfl6#j@3AkCJldkCgChmAL`UT z140BHF*Il{CY`CQFH+G(x9=TPfkdEwT|3VA`$qVuZh&ClKV(`=7x}XE630Y+Pxdd) zV$*ILAF-yKGCM;6i1lQa~p zKg3?LHG=;vrW)#b9I1b8%5?&AQkkoZwXp5x6Xr#@EZ$0PVnUnT;RRRtYK=XDQNCuN zx^*7?bL;_#Ed0%yV<`=|eG=O)f2Bd4bwo4X1RiZ&#zv&^H3)VCp0N9>l)>^93s+<1LRgh06lIjMXuPYVlD3pRds5n zkK66pD|d>iw*L#V^L7)Hdu=)GiJXH^4#q-Rcq+Df9wmmGg~;wTb4j#&Ha&T*0Akek zLCt1M#tb=ci^>WrvOF4Zl|-YRc^bX0H$ryHh2#EaTVVKvnaop0M{d;Mg+rwZZ204unpG@DK?5P;X}0u5@8{E(B>Oo|>mVgIq6D8|QS zNLqzz*AzWxO2eo(dlaVre#!W;SkGPf7vFH%)ZP-j^ zS9YhDr6$BDoh zbV>9T;^&#mWdyIVsxDus@gZZ_-2Dr^3LV(*?dR$GglvdD`5l(|a{R2;$0RK*gNQs- z$4izGn6NR5Xzk$s&&~hPiUU*W+L^yt=fNLjTula)<>zD7oE&l}-4Dd<`siw<&8Qmf zPbb{2<5rL5*lfr3EbOaETQUPRVOOZYI}v#3poHSmYuIzK;WW#ki=2j`=dHSiE^icRj!P4rwyYJqJq*xEaS=WFAR7B#^FhY$6jIPI8&|y( z!BD4qhF^a_Ra@N+)<53TU)@SL`>llGr#C9huD=)PsPP1o|5c7z6eWY#=S;ABm!zWf zfB@)!{8!h!pq;3j&BN^{jnHc89(rx8nWW`iBAe4rL5Zms^e672^Q<3`uGm#X&b)(c zJMIRVfk|}S!-!bTRe>XFx0$`0W@4<593A`CK&mHCf$s6m_{H@QmHHJ7+Ivz^^yFy} zm*=p}QHSv#PRAE}FVnP-Cy3vFmEdO4M}918=HB^l$br>A$*H7$}Uyv_8D9zO5-XyyS<3# zwPZJWsp1YXy-4|YE2DyG7|PWh!S+oGuwcrlTW-LU zjv)`ChtO{&_vUfZWBgY|puFaCVzjxO4n0>!>ygNEOqk~w-m*rC%p&?2KxOeY%g%z{30&0QUzZ6BgpUW%a4z0pM` zuYvixRm5y;DYI?XRBR8_1|Q2Z1F;2`r0Yu&Q7OoQkogs~cKtdy<9z@OFMp;L^_!?U z4Py5}EiQk(n;Z_PCl-q5z*o4NR85wH7n74{A$Pt=8I+N0UA~w!uZ^gR<`9iaH9GlS zHi^nO3EGciAo5QRe9!U21C6C{yyFymuxdTn?G^x+(n5M9-5l>>5i_&G87=M1$lMJq z>}py}ncNR#-OxM|sL}-K_S?wm;Yl2WdoCu=RY8l@vP8;X8MUwTkuIGEX63+4xM=Ci zbhnkDksZg2A2f&UO5a&AHA|kcs|9ewHqx|>V<#qTWK`xprMt)9lkS|4^q9hF2vT}Q z;X)HChu6Yb-4iO^I!4W}*MSl#dMa&Goq`(`M* z*i95}uOL!UdZg8eqT_E#I=5~yEQ{X?H=^fbf9+RV?%GJk=ADP&74hUp7w3rh{f(Hk ztS7?4Ie4vY4s;5{;0c>>K+9p?5rH(u=TQ#B=FGwjg8}MPdY%*w_0Ts5lBuWLWx~&8 zX-+@rApz%gsn~5UOMTrB4!k!*UeI28Ml~A#gvUe9@iyx7OBXx`SL0_-VW_e)rVShU zK`kp2`H2wv<6ZdqC>34aJ~Z&r+d=5ZY~rbZh<8~e3-8=ig@y91^t<>&s%&(CN~Iq| zWrJGSw#%J$)-5Ir-ps@D?&oyPkvNj1AVN8GC#ZHVC9$y^A$G@PH29!}_KY;nSYJw* zYatlb9uBI%;)tZZ9_|&J&V2N}PUX(sr(ME{WW}~FtY7L*2H*O@UIh!Brq;t4Xip}S zAMM2)=czEN*9iYUY#D zhw(6Z|1eGYEQw{wQ81-m7~K{J;%Gb%ju#hFzlJZ=R%t3ds}=z*tKQIEe_FXSrJK2h zujsSUDfq`Shm_RKGyHJkKNLHVPl{$M;Df>k)Ui_&9&#+HrpiG!y|){i)R)jjwv!B< zZ6tUYkwEr*|4C;*lmOkDYI@g_zd@y}hKz|jK#1Ers<>2>tU9;`!%7-)>9hNEmBClo z+OPs=%*+8BvXIOl;=G~`8ZbjW2)^Cbg0nY)NE@z%dUXSaV>?223FlHdrwwZ^zW~2O zj`&7&KYA4Q!{&?(nBqGXe|sge`9WUz<6auAd%T|xH-^E8Qx(+fUZ8qkEz!o{D1=Sl z3?_N|VCu_Idgb0(Si0;B8QP)%&H70oOG9X{vnTp|3k5GV0v&0-=#$5ccN zcnLFMvE)bAJ7fbWhB>g!cfZk_YQhlh8j0)0PSfw_&XdZA>zS8>--yS$9xC-J1+>nb zqVmTwfHD3C!%It8{iSd5%Nb_?k^tHHSjkfkFDA%ns6rh8V3`VjP1w5_LjUQJdxZwC`-Wd07FsvlxK7 ztflz<_Bbu;76na-`!wv{60-1dJgH8ei~}ZmuxNOcsA^RbgWZ4W<-hIpzcbC)0>1R2 z+huxat_$;lykV?g43Z16H7JyxMn+UCVN_F*>lhBw`M(JXPBCU5pEieAoa|T5`7Pc4 z&Jj-@EGL^%lgL=iWK4(|AUn+k@W}L38mplVN#{G6k;?7paze~7?fVhN+;l5Tg-WQ= zP!+j15rm#UvbcV1CfuxgOymw-XYWSW*Kt8V^0)LOSq|H{>?n_veOO3Lxjb;Z64xhH z_XJWa4du@m+_1nHw|LEf`A*u5)A1xS;dzkO&gsL&O)R(xzNJ4}m!hXpAbHrZoo)%Y zqy2napl^Q<(`K*|Uw+oXkhxO~ujoY6bqbs47tP5HCN(G6y!<=d_p>?tnH+*ERLaRY z$3RpJjsa2eG_b}Sey!|9OGs%=*Ic`Qj%PC`V?0lwK;9lK) zFLAgywiwesh0r%!t=YFGF?6D3HYqx=5}tDBe08ofj*3)~L$VPl$F2lk%QEcVQHfgP zjU+;(lQ#TW38(s2Vq&lY?BBK=H<`X9zPFa~K)i~47m9}FjhA8nYVLd1s1Bul0Oi1p z{tkV?)I^n$2yV}Es#+d;+r=6@CCBNp)zVmDEX2K)w4kwF7tG7$$uci)r@3??>on2> zCEF$OuVfJM3O|Lst6uC_!X5JKbUJREu3}icyn!uTyBX6YBSGr-a-N>lc6{{F5$|}< z#S32E7*dgluJ0W=FVCC$w=ojvCHa!9aNWjC{IrBa&ONlyo*zRwf3%m?WZdGL%cwGA zu-Rf09NX_mR+>99TFqAAx~>k~!(veBHp&3)$y6%wBDM*31~Qp2}nhInTAqx$px zlgN|9Z;A5da9Z^%8K=)M1;su!_>piKHNSK-M07q(Sr^Xe|I;JErL9<}$B(@Qy`)j_I380Tgq-De zxZ8XRvDlaeQX0C<%yV+!k`Ro?pZ_NI`YhcmqmL5agY;xlIOb}Z6TKCwV4ZN3m`v5i z%`c-+KT;E(8x*jsbJyX|?W@UX<}kUc7>F4gtEis&Oo%9+Oay)l;se!4svmv;M2p;E zVCG5az4(DvzSY5?I1RWp7ES&TV>F>nU=y{KB*Zj<__q}eY9-epGFOaq^~mE$h5`(2 zih;$Esl@c01$c{!Q{Rdq(x{|B7q8yRnr9l4+ux6YYEv8x=&8_p*+ozsd>h^!JwWP4 z*5j|_^Q8K>6JfW+kgtWDAA>_~?&>N9wJ-hXKQ4lC@n-a869F0P9k52Kg{UuIPW=O$ z+3U3zn4tn!+?;=%1U=YK@0<^%@6&2f;D{W0COE=|ksH*erJ4MD#O<%rhah(0D9sX^ z3s_doD7&m6b53zN^R>$GZA}jPcg=$xFQZ|}1{-{x$8{{)>R^57d$w=salGYtiN;Kt z(!kF-4R=Q0r`d(^?C10R4Mkh{=`m*+=&lifgRj;>j=VEj_M!?@l+&ro0e#GB*u^=H zYq5HzDLL=|pJC*2cXqy~GjIDMdnn}CoNJG7BO;tPd*y;WTLZc=%ecjP`C2z8!s= z=c9seF3pV%C8NJNpHNse&3P(8{{C5s9>b>~-6)XCsBOXW*@8HGp*@~f#3OO$zipAB0iu4fm)t$!Xp+$_x{IB`*I8h7Ky>iq7*!PKL>oc z9Al9DU22~wPQ{VB}iUf3L^Z0E1@RwC0&-kgS?aN zCA~*9QMGRkJ@x7oS(`XOHl0?$;UZt$yaZvkmnc5s`BLqoNIDdC4(?t$4edfl(D+Uf z76kOe8-wjQ_UQvvJFW+7wo;2!u@+&ZK3Io7exDc(FBx@Z+$vwOCs3F`#UfmqVDdk;QeZ~_^ z3}zZ0GZzK<2mE+h>Ny@bR*0wi1!0-x26Cz>30r!HX>p4RiKHrY#*ZU)gKu)7sKuo9$W7h$+wCTz(RAY#r&Cp1-y)XrPPZ2RoZ z7+ZH>!JJQof5s+kc)>aA?MmoN-_0bU<~Kd_^931oUdFL}+Nf~aUaqGk+VE)URZyzD zLcZQFAd2GzmqoSUaLoX&dvO*9Uk=bq^`cl~W!2wPM&tb9*9^;)9VHuc>z75^hGIjDt?Ih}IWP+&$|&_HoP& zuar$#>AMgOCHP@+j6KBVHa&J_Xa#nZN4&Hk~IX7fS1eE6!nre+m75f$Jf^*oCWHFLFLS0$NwcDF2d5 zM!IP^s7h{z1qsi|%4zo)nayiyXuU0#aqrc_ReQl?_EB6iq=)-n$6~eCTaMXiWCioBoq>wBt!_&oQe>Yf3pxJRHXEr zy-E|2p^_*vW-Mc7(RX;jx!Z0L}vQDYd?vqNS=$!?> zs@BrWo^SB{;$u=eIfFNveH8zU2%-hz$uvC51mD#-!p4wC;vHTI5KyUv3w+!$eA!ld zcxtlHohEp?@;O)IKc0N&B%+{UPu+We=&&feR{cRaF%0Ue1<+IIk6 zKVQR)Hf*6UGY(^i!a(u2UuWT%?;|+WuEEwyq~g(YUtsc;RFoKU9V6xhqS?Z1PN}8} z#w9*x^J~ngiNDOYZDst4*pE!HyNjjdza(5ei2m(5L0?Uy$kOy3y!MZvSE>Y(dV?!Z zCj8)1w6DB!RAq%I;ZX}soEr)A zm7lQYQ*){4WDdJobA~^q8wXwqlTat4n0Y*wwwkbuBdxjBbjrJ)J`3HKs7!=`r>*hq z96zjDmrUk)+n8ys5qaG_#cnq(#F1yO!NmkGKFsARYa3I;jh#OVj~H6gd;c$ZJ}8n? zKX91zgXK_3Z!&FcN}{c)?eNV(2GUm?V@hdNV)ZYYc({H7o%Oi~J5^F}-|~ z$7=3LY$Kj_m$lMP_Mjw}H(Z!g9$a^ipl?Or_<44cl{#OFDZ1e$=_lEvfo~Dp*XV}X z76WkW({!%2U5?y^9p}`xLFlG?k&7_Ngr7FLl~y_Oh9z z)|F$#u$ky_-hwn{T;}3)n@I9c6BTcnftGW_1-FqFRx9|!8_MPjUY~}qTW8Uih)&k> zW-8UL&IGAWEz;a$jei9HZr?)_e(b%aGiW8 zOXB{)W@t99nMLhAf~WSRG49YMwsx)?tx1pNttG2j)RM!DX3JH+mdT;Sb9L;4-DUdN zJd~f8yPAGBwV|PhGA-Nwl0UnmSky1tPqO_(Sm{#-R{Oe~AM&Awj;S7CPi)@dxiV|8 zZyvzDEe+`SQVHh?eY>TDZwWH)dS(}9fgz`-(S`9rFyweO{8TDsIZ`g@U6f6-1xL~3 zzzQ}&?;P&DeUwiV-fuVh6R>jqX*@W(pVi)XVF&utQUCN3nx(#lB@26>ywFQ*)A&jB zanB8s-aVPB!&0agcziO9@bfiAkSvy>>Lo#VsJM`}Qv|;IGE-!vJDBF}dd!A<3;U8L z4|w@*8{Nye4EDV<`2ouh3A~xhFn?e=NoWnhyu3QmtR)}CLHBAQyfGClY$a&ts%M;x zPB4yoUB>?`@WOk~?D?jUs{(`THoN&f6xt5T;`WM#I5=4c?H?_q!L1QAF1?BWBN0g@ zmK@dHlp)z@U3&9M@X6N8Bd0A(o7PVkyt_;21>X-XL3*J1-*NIOUIC9bPsSeu8kym@ zcbs9x88GdZUcLy!8#%wD-%e7{;HSYnrc$|3u zB`nx!$#hr&4tO5H3XGmGcjF9fbupn&XU&oKcnc4%+R?5(j+k&<*uh+#LfXnX)N$&L z_&|8HXv`l8WKB~l8bhX1|EeA^msNp|i34bL&u(g&@ELZ*PNBu;)?kae6rcA^6{~hs zK~$(2_RSiDFDjfMVXG6~`;&`80)SZvyv;kS)nI>aA@lWkgfZqqw>04@4fcM{9tJO` z)KQrb+<1w`jd{gRmk(vpX4R0XU&a5&KmS%WE>0J%FIn0$xg1TAMR22xX{J@_5`oAy0oy-Ehvvn0FXj2=5BZaf8vzI?T zdN&<|9X05qPagkwuMCrT1Gu4O82i1#8SKv+Vl*p*ebR;SWKS^;DbZwyKV4=kwaY77 zqlUBiZ%66GuN2n!bTCMnH-p0IVRSg*B>!M}Gp??G!i+Mqc#Xsf#0JY)Er0GHu%?%= z+n@Hr?M>O(zAc}>!2e^DL*2$HkdGsWH;)~rmn{dV z_*FhXMmdS=iaw4Jn;hs;r8CLz?}n7c3$R_P8bik1W`B28gTz%N<)42+%VILUP!sn0 zt^@JTs7$u@>N!yB-oaj*O{^GUd5kUd5k_(8r)VIr&MSu@+%RaT#J%O>X1KvSjM>Ic zjn|=Xf12TJ<7MblJp{Ig7U7Xkw{U5CHTOF7FD#3D!rp1B&U{$R|DhrHpX!KGhv*Z!;e9M(TO`>o9D$b>szAxac9^Dfg&%Gm1^VL$SWQ@GhVS+DKst3jT4_y% zrrM`q=06`U%vu2lR3~Dl_9t%sDWZg%VeH8s8JKk92re&k6P#|Fam$KQwqX#`kk1-i z=;=<8mik>bE^RESl?%@1hvsN+e~XtND#HvX_wltF>oI+i2Rb^KbK6tP;okb$6d(5- zojfbKfwP_As=&$Er11peH_auZ{pVQr_o+1fp3n`s`CHT_A$;#C5;&GSNVC>1roOBV zsPHNfSyU6NM4$p;D zXMGmSK7SOu+C8VOHCCjbVFAG}-l2W8J!TA?1n%}n@q1SqSp;uog9qeuTIG_Y)#`$e z`3%~umBtj8Dq%yeEf#Lthy#bcWPAM-_>O-)=odN!jlzMfdp_{Wo?pf9jSJwiS|CLF zRd9!-op63&0aY%HppbA09PJs0C#M#1-qx+Wq0tuHWUNZxOEu`boe8?Hb%R3P4b1)` z!H0lM95K!YCl}8Yz028$7E1eBp<||~vwJ`8k4xp-zU-u){2zSA93{&5#+cLhftcoG zj*(qg!Tw1jsjYLMBF_zI6P61H?-fy6u`vHs8%^_XOe9bB!))cYSe&GPl)hhV0*%ea zY~=6pWIB5*V=nvg*7C))CgDA+vX;l6SLUNp(gQf3qQjiFZ^ZXo)N!!Dfgd(8k1lpy zEKc55@}4ARFLQ(W1&yZk zihczOe1#FN*x3_9OMdH#e4nLY_1Rz=)cp>|ra23j+qK-*Crj~*V>wM)GKXn~bu)>T z@AxF?DmuG*8hDLdfa^8p(CwCmR3TH!?E7Dm*XI-*x=wg59LWZ+#$tTzpocR$%5a9P z0>*nZ|BUoHzV76c`&0qXl=}P^&k-S6JfV zVQ9Bf4*N2P;MVt_SiR;jfz|V#&v^Y2){ZhKj~iv|@4HW|)31~Zep|(I0z07iO+5ab zzZ=@mH1IPb{<7A@!ijWj|nt#Oas;ZdBL_G zu3)Mo<6!rv7XoXejp-|;fI;6%_9Xiv8}4aEhdxTcqm75z0v9>FBP+1j!?)6?dZdZ% zBCs6smi7INq2c8c_{qQ;a~EjRrLh|D!B;plH;kvtR?YBlNIGqtuuNco4rY=W`^jyQ zaIf~g&wPJcQ|`#=LLT`bX&5RqDl3Pd)dBRyE zoSuB^Vf#8~ke7cX{TAGMb(h9~&2FKyX+DWi=x#)}-xn`#T895EQ-`(-W+a>P8XtcS zq|%crm@`}%PoJ{GN!#SHE9N|8B&@+J(z9UTs9|99S&!TX^stSU?lklMXEZuB5?`nv zqO%j1lEd5U;Jq{!?1j0|2(38C+-i>cRVOHM^jHkbzl(RL`jaQDL;n^Nwx!`8*&7z1 zfombWJ6#EhninysSAteNFX4_U;vZ^*eHhXI8nxsgZz!qoaE5^L+xqb5tq|`B zy`6G{X%sL^0)Bkb#T%~zsK+dvAJp}N_q%bDoll*~^2--;|LLw|v7hvreRBzP9Tynz zYyH`cW2Q)px1-WK2eK>Fva$%D2n7f9u{!lC6ej1gH{Z4RuK~g?D#3&rVipKKsoi9T zEAaE^a7?y{hRs)N=%mjpw(OlZs<)KjY^`tDY+*?frjzlAv=+9wo8f~6maOgDIc74^ z8;DuZ2=n_)RrxV{(_2MHV+Yc!_hz)l)s=?L*2IW6F{CIyf@i*{(sJQUes7x^Yh!PleVBsb0*ur?;`UXe+6mi(oc(~NR@U+JwZm`+C{-#yK?-bZgw-u;*pHMLHcRLzI0{4|Jt=vb{`ea^QDuU+ zG>=2*h@+S~DHFb^-(=BuilFU{ISxwIrfd3#F(GRqO>Gza5&1c!xyhXZw@0JXSfLkC zB*k1WEX(C!0(A{{-OJL z`|AMQsGv>1&&1M=TZ)z6{8nM&p=3(Am&3E;d-9QtSmX$zc( zaevm}k+V~<+3zV;nXaSUbbBD>Da`p;9=85D&7xv`@M-*AmUcuECq8-z!&be4*8_RiQ9AR$Wxv=KPD62Q27jU(Z`8HP#N1x`I7$&M@!OfEN zW_z|MCDEVB3+HO%l{~={EAse5m{1S|zKi}ayUqsePv)5R+(7I~%%&gm7s)zjH+!&X zJDvQThDl50ShV>$x{-JS!a%a}#LNbe9(YRN8lJ>Fb7QorGG*PW$06#g5?os72Gi9e z@l)khP?BBAXY_aTnNu5~*RC5%-o4>wZM(-r?sed)f15H)6nMQ2-E8JBE31|f*7R3u zv*6*3WXY=-{qjD`o5%^R%b-Nzxz1xyV+O3*8Uxzj(m<~?oHw85Eqxj^X3##~bZH!%6!?L6XJ)~eP7k_f5DZ~QyTHL!f+RXq*_F5N*%B>n%5?Y- z6^>#oSm`w#CvN`DtxFUvs+}J;X8~f2u z8{E&H7iN(-NCycjv@wM<=koYcF%t?0lJQau%|a(gHih z31zbnu}6lh&~vIHGpU?MHx}-Pm0btL_f9Q_lL9yGL{5S*Aa3P6@=E!+cdn90=wY_q zOP{9Stz~+)LJvX9i>;9pc;;GyU-?HSxIb1yLs=UdUYkPuP0QGT@*sM&T8wT>qoKrd zKj-oz1K&>9fY`p30$2aCaNd*WUE>omb?-s`&gp$*+0;iHvv1OVYcUo4PUFtJ7+Co_ zrH&0XDHT9HDm3jxm%ue#0C&P81Rs{rVZL$-J7gU2Xu<^aFZ+P|>}@Fi2V=9Y1(Vh@ zYs%QAU=>tsPM;+kVEDFkxZzBwrQ@nvQZ}6>^y_A08woDkDdDtn`&`QpA9KjrzmpC) z3%%ThYAhtWm2W*IVpRp_QR$E$%YSUo_MVHz`$-?UzC9dv9(1E)2Q2Z~#+#&+YtBBM z-;Wh*ZJFnzZS?$jIU8xMNGH#q;9QS<5e@H+MHQdh>{q)E&Pu$%C2vT>uljZDg}}#* zT;#~I9rbac_t5_5-ODb0vZvUp>R7ofDk2RR{5$NXXiKbfuSy!0jQzEgujJ6L zItdrOUxu3oUjaGc-5)42M30qGaO$Yg<8B{GGxZusM)=KE?6kbPm3ig_`X-XMQaBNZ%Lj;=^zH`6!p<}Gyx%DK zFP^lM5C;f&4*h}~Jn4YFG+%#(#q^WIhr_}-7>-3z$DjB-esZ;9Ue#V_3k@-OYdKaceuuRWzq0PAK6tqxnR;?Bv#aIiq%u;LY@8Z+ z*LkbC;Hz5HtsD!RlUs0-st5XLcCr1`Q zCR+T*EXL{KOqV~fq&$H_HtCSGuv7kWcRt*= zJ(mKm9AO&&wNh757Wsw7%0*!y6rm^HB^>!t^*99(tRy*#(|Wp zE>)Sh$b~L1+gggUYF>1&XTQ*+(4$N3 z=h(|(t*~WaA+-&^feLrRahsXoV!o*hUkW2(LVW@LI@H6AwzYGIZ7!nXxQmzpuh_Si z7*f$5Ojph;Q01pt+`yqZ6zjWJ>~eJ@il&XF3pUHacw8cIFHP`dk`MRpUIQv_G(mxL zkMZeW(d5e=*6Xy4Uffkdd*w%<(0v}KT#Ck@OEuZ6vKvD0IFn3erD%VBI%7W)S!Pl- zJr(B86KzJJdqM~#PW;WPXTMNq^rP_BAX8 zB<|^8iLo5qNQ)=81dbo1;DJ>_7d$y}K4iTbgxgf_QB;Qkt_*$%W%HvUD6WS;czG~U zMGxL^KOwllg)DowCwJ`ndNzNF@b%9dMkhSoXtnPU$XPoOmfjt~m#~ABUXn;(%>B@C zMk|}FCr!t$$IzK|XIba2Y4lhn1bZaf!0wU-^+vp7yH&zC_w5~Q?V~7+Ih%@O>Rz&v z#D_3{+CFd3;y-*3ur8_GMxuWCx!+-6fep`s5dF40z_ z6X%hZbrQHiCMiqIq)TU{QKZvt8Kpajg?!#h19d~G>S-nHs@?@RmR-ib!;Ike>j9Y4 z$Z*St4>VZ0mP=ov2s1Xhu_3Dru;^MTBpmWY71w3-(0eBSi+3Q|54Tw2wKrmwmPUAH z_<(sVsHLK-gHbh574N)DB;}3wQKcZ9oCnRLM%l%@{IV1<_I6?g6CbgtyuT1r6vTNn z7-7||!z6aQ$z<(jvcK&->IpvPNonuN%JC|d>@}rRAx?ONw7^Q z%M)J=`R#)j#>&AdfxEG`F_n%7{lYP$9zn;RAehtO0&`?V+}q0>+bfE~x9-Dnl0h(j zGmFN>v&W#$xMw(Kc>vp9GoJND`m(_KS14XL8wZR&!?w&lLgibwurFS#cn!l36fyK4 zKg!pT{QGC}$#t7y+U-#^|Fb>@vDW|aQ7CWyHNmEk{K}SUk zx9^Ulrkx#(|NfJ0-MEJ7Kd1r2*tbwunuUwqx6|!CyQyk+DsA4ELi3YuKxmH}6)jjU zLbY#e3j9ebvWDiu+aKdzXdjH`(9DcM2 zHR_i#!}x>X=Hv;#)kH!@UCqie?H?GOKL(F$dqvXGFHlT1RCTi($^<6R;8Ta_zs1ow zHShop9&$w3`^1sura;cZV?F*8I;|&b|L3fxH|DbaVy`l`* z@)t2&h8wh`YwVC%qe4mvv#q^ zHLqyn?dw=^!CW-5bO@H5tmf`d7{@IbYm6^PeyGT53WoP8hp4~%7{)b7R^EsUAUXXJ zSi1ce1V?^=;8zNmvh)%3ZRmmHhH_R*w{>7|Lkx4ZY-WAjZcIw5#_@})nUu99Zd$z` zoO*`f(D@gHjMRJfnV%=jo-@Icv%wX*Qk9%_g*XyQp>mJ|xeV1MWA&}%-KvC_Zyd#0 z`W0Y1sTjUVJrH)CrueTjl&*GVh|;-vsL(HTU3-@>gP6q>bbb)Y{kIQu)=#3$kuq$Y z=U#kK^oy+>R02kq)0tOo7=LWuM#}gu#k*=NVX|!@JQ#(%S@CQP;smD1yC`-7o%!_r zws;-|Hn3?rtjrC@cbdkS`sMhvQK5ziLyqFDvT3|hgB=vzzASLF>hSEV@g%Y4CY2^1 zq#3Vq1t$BFQ6 zhX&3*-@)QM|Dz!L3b9d+6#nj0p_Nxe^h?i=HcwDMXYH%-{=GepeUd9aWu+p_MOrEz zy2$WrX1Y^nnk1_9K4CMrZlYX=71(%hE2ziL!rde6XtCKb2(c`K0ZzJBD@&GPz-1E} zsI#3!g}YeVFhv@jp+l?sr18SgO01AK#`y3lWIcHZ+rI8Rz4SC;=?5!tqG=TV>I}gK zVGg=fPsn=3Z|5a@g-%?326h}uAkpMP+MG!=?{N*Q`g|BnbBEHxL+8*YJ_{$V>k{SK z*r00BB-FcU#C|pG!J(WgN>;n!xoeZ~<fT+aJC6GZ1t_K>1wdL5ezt9WKyNq8Km2t;*E+QG1Pn@=~0Uo+P zlM>b*VV)xZLt=|r&Cx`G2bB-&`_*as-+Q=4UKS2b;9;N8yZpX%I3-&dk%>yQz*rf> z{HB!gGRJ%PLT_nW9IMa!PZcs@{qAJ6Z8mtEm`2)nJz&4v4BA}U&%S*;$vRUV@zXRS zDQ5+Y=qaRQrimb@^@A7eSY+Rn#FD}or*E;CvXkC0lTm&o{oDdI{aqA zxpdR_F=eRlrI!+0s8@9zG+inK+qWmcc~KaJtj$8H?L#o2GJx9Vb&Di6|A4tWhH{V3 zD2lrlHgE#R4UVYJ7u>iSFetJJ4k~G|h^Q%aI6R!ykH5kqrsd(tQ_hrB)()AAPeY}7 zGL}h3z*iN)VfLRPuQ0q!_+RK0Eh~+N$^}pPyxDtk%>hHM-{B+~yfmZd%XwZROAWJD zAB0fvw{XvC9A1yPE{-$$22yqh$fMvadtz9EGR@}%w`Vn7a-0YQ^N19k-@x|4+FZsD zq@$k7Y?|$PdTaEI>9u=vcb$&1SE4?CM7%mKDvf3_LiatmNtKyi_M#W#3pi_~I<_$= zgT7qPB12nw9I&YsZb-d^U#s`?w_bgRb(9A6djmwS?k&v!NC;;CR-}nA299g4hvGq} zVf^Q1;u$)t$n3*wT(e?29T^jY_IvY1?@bG+{q@C#3z!SHcX1Z=M8 z1pDiQ@$gaw(0@9Gvy!c6!%SX5zpGT`R6QN?NHKs7H}12|onN8Xu~>Ldso-F()#MQ1 z0{Q%P{Gr5X>BECqDmfDJ=GKc^l>dRrpKokx)gG4WolT40*2C`qHqqy8EtbafrZBIX zC>$PHhl368qSC)Ew*5@0<@0q7Fl_8P#sWj2rN9qss)e(J$t<{eeYK_5Pam>=(kl|D zk3qwfEn@pap_|jdnA==;HdrlxEDZZ|f+U;=c!qrwjn2PDA9xG zoxm9jT)!)ixS>^NNPGQi{Prz@jHK7l0y|@|qVrp>^`jYlm8gPA44f$P#z`5RBDd0@d0RG0?#m z4+`1uRURwpl{!J|^Ij(Rz85~}ZMU7t_NqaX3HnIq6)nh#r-b&S7RsmSgo4`WW37t+<@QTTFQOtgnDZz8E7!+mmu8}ce2UW*Frz!vj%~hcjKlY-( z!)LDQS`3-lS@SnL>p}I?ICPve886H=h0AYR+4VQQ{CY!67IjP-qf+Ft^!+8wTT{dK z<;`Mwjxuad>v?=HWC@OLRKlPm?$~v^2#$xwGrOh2hcM%s8G4d0mRX4bw^M0!eL0+1 z`;2dFO@+|~gD`2|QkwbmH=Ar)!#AyPW3L7d#{6ZHG%rvGGNn(kgbmuvYj{03*!CY6 zJ9G~HQhUR${p$lyVXo0$dzPtYC6oAH8eQF#ii-v(g8IgI{`=TVY_*IA`zz#PgEUeC8rFfC3tWitOW2hZOzZu3!9E`c6d4FU=DG}Q zo@~VKh})>HF`4;oFJtqx1kUHTi{e_-L<~FKgvQq4==&p7yyJYc(D5t4<7$)G={p_J z-L?pR47o2d+?hzSt0U0OGmtu-Hj?hVD0Is_OY@g_(x0DS;fvo<{=N?a+4*N+5H zU(-|=Qmsk*R8rW`$*;NA$<`Pqmqe|fcfqRvCd0xTNq8%EI7uG63iYPhyuUDyzq3i; z?HDw0ZyqiKsSoPRz-cYZYf(f?1#e1D&_Rt%N9ah1U{B4&!rxOX3){CDryd_d6C9_4 z#B_zqDWx)%_K9xn#hECW$*ZA&Xu{RB-&!5?oa5hyTqg zgRMuTaI{k{G_GHX4qA%%ZGk5R29CwpL$NsQU=cTP<~yj?5wnF;W5{IekV;vHAKcrF zCQI2b$jkL1&3R>wk5VInTVzio1Q$YLbu*tw`Zcrn|9d!<7u~Ph_W`hw;wW&%^J8 zewb76fw{elMFroJFlx|uc3)#9ih~=`?V8|2+%TH{E=U$1^B;yGcMk9w&wB*+f*x%z zGG;Cw`govyzutj0B2S#*Je=ARW8wI{ zTJCVf1AfrqVVt~{3H=xuLykMgSv}}D2{s*teC4l3Cb>Kj^L=iz&Apj0{GgB__9A#c zMUtLgL%J&A3x0nV;(wVd@l)M7S{mcYt={^a*w$y1*SQ3j$XK!Shk2Nta#0+&<2r0h zeZXHCnE(%`)QMWpdWr1=o(gv+3nt~Z7`&$*fQpaBXs7m@Qx5poCfgll{9$@Boj(+>Bf{#C;5XKOZG9 zIaI9PEG)&zW*czgE<3g%T}0QPIg}Sw*sm2n&o>jDdq}a54+3cB;ozRDoNHGv+i;?Xo6)Jtl)~3y zYW+&w`dH{EoH3@X4|idTV;nL#Dy~1+4W$zHtS`BQIzB02zAzi_nRJG^jNB=n{;!Z$ zey%{=qDr$GqS?L4mb5N=1ZxBv@|9}?-J_D|w@!nW)s{j0<%@9hpnT<|=}{<}d5WH| z=GgO@-J&f)HTcpajy0{m0{%ZQ;(l%noS1tI+PG>^F8l%gC1cqJ4G#*G%ZE=_Z{d^I z&UAE4Fp4h$wslKG(;vY6EhE{mv;W{jn?Boo+6neN^@1U~5u~YWhi#J|!i~0_xk!>72ooov;km_sa@9fC@UZ;1rWtmd~kvDT2h80IPD`QKI`2 zY@8}j_diYG+Dk8kmXQQ4Fgwg2pH@H*?QcPkbt0Fraucnqu;Der?l8Z>i&@fz6v|x| zNv-t}czjSl^cs%F3Fik>@t-tG9L}(6LMCTk?~h3*pR=2-@@$4(py2I3MxX9~g8C1( z?D{VqY+2<3o(^NEd$k$3Ij4dB89lt9se-$%W}&^oUuypoMz`#L!OXUcl(kodu69qy zQl&~z$(Vo(g>&TdK^|nAZ%n?SR@mNi1aenJQ$g||GI%-`o3l!|CHpP7;AtBn^{c@C zE4#u1hNf^%&y!)$wexUw)LiKLP>r+oc2cN!0#)xEg=q!4Fs61jU)Qz|RYP*%t$aF& zQ0RT^)#Z-4w^?@lKEU$#@1oJ6ZM1b&RTeCl%+&6q>>sD;T zpT9Kdh2M2rvn2z99*;sT`!X`I;t-SDxqrfWOEKa+D9csTN1gGcTQQ$S96P~AKc0;T zU5r_r{&p;sItme6`yugDCETej;F~nha(}Z6Q0!7n0lxdN_H-2cz9I>Vlp`?Z_ipxC zcZ$`p&$DsH&=<@*W{T7pj;j1#eo{>U7z+8S`G14(`R^n!bAF1)l+$s;1`jH(To3IdzHSw(w^Lu8>gRzZveOId-o2a)Ta5**Y<`$oY8H z@eV9^m#ox{Q3U^!jBV0bLe``AVnoSVR{JEF&2Q16F!=&{+F?S{b3@T3b}d?XjfCEr zMSP^H9NH^1V$P3H`ZX{EJtRiM@lR2r7B4SMj@XK7Ch>gt#}0T~KMt3<4-h!FM=>!p z4z~r5rl249nW_Cow)2LNfj1Q9TCw{v%1DDQ_Gdt(o(EYv%iz0}Rh+Njs#Enm%)B4X z0NsL*+{Uy1+_aR}>{rrL9KU5387#X93ayrfCFf!QoZ!4PF6W6?wY3dz!i*9#$P7pcGNJDhgkfD!Y;S%KObZtL7*r0~lFB-bSK zu7?f^jxGm0z4s=A_#4;~q)nIBN8%3oSa!fG6${!F#q-8BvMEC^vw+V3c&AcjlzB29 zKF5n;_UoN==CBP0=P5!@_#_$`yq|^FCo+YFpCE1XFRs&b3`$Rnqt!Q}(93KMmR$6~ zq9wB-CuRVR@qNoKmk*>g|6F?PyAJx&1%_-viby8^ARTD+=KOyh5$COOME&S?cJtRV zoU*5$ahXGL<|T6)b8{s{A9>F&xT_44Y?m{y#VM5U7e*o?a-E_ z3%&+4asL(0IrR$3JDkV1bH%u}bthjm){r@9b6BYOmg4r9;oSpPc)@lOlL}qV-ielz zX;T)k@V9LHZh^(U#0!4U5{rz}60vU45!RI$Pquj*aqNOfJilTN&Fq>Ze)CD-+E`40 z)saI<`w!yI720^=eLl!FJ)rdMDx`ktIg`95A!L4U!LS+Y;CGJ!u3GQLvbZbU+MYr_ z$xojR4G#x7%Mj2FOJPy(jd8bw2z9w?d}jNH9@(l>O+fX+qhb=U(g5KMoVOzem z&}|(hoY$7KquYhv!{R9R?#v!utmK0S=Snk^SUY_8cp7c(9D_UNUZg2S>+qs%DLr&- zg~9G8_}iMBV4KWP);Oq~S$0=bLFPu%(p(Ha`J-v}$q(S1cgZ62r7hiRzs$r(4bj-j zhdWcQ$KMa~!*0t>6nL!!{3Ei2JD?S*aiPWEE; zb9SV+n`gC3_)^$q>)dsvU2>V2bx(&DE-_@Eng(OQTxD9g;+4RZETG~67tnIzRmxQ{ zr_$p>cS~gt-QV_=J-T}pvYoQ|T~-H0;uTe#(ZmDvFd&9|UVMZSb9=eE!fK`#y&u(N zF^au< z{}sNyFURXHQ}M(r@-WS6fgN>6OKt5#U=N1l+>L`>o)9Vm$W~V^nMX1ZTS|Qoul#f01jW+ zbg*X{!>J=W6(5D3glzwz;QXV9RgZKApK^B)`Oc?$DG#c(iNJkgTdSS(PJ*6s0Iry- ziHpChk)zcOmay>~w{>?GI%qqf?!qA07ZIB4v*j-N~1N1BJ`!SM4T}nSPP&d+kJjg-qAV7ISfjaXdWrx98@Z zSR>^9rN~a(;eQOBcOX@77{_I+%(4=Ss1zj;_q-1pMrq0j5%H5WG)T+Js_Y_rWJM&S z#69nWqGY69w4cb&forX?>YB*pZELye2C;xW9HQ@V-g?p1x1G%QGaSX=^ZhJ z-y@MYFeFBNwzIsBcsulPYDFKpt4y2W6-=C)h-;K;xbNr*bRAuY8*>@dimqq0^^~dB z&rifjKN}ya*pQ=lCc(TsVN&sGkm@{A!5KSTaOEdT%7yZn-4TD-`*nsS`}Gf|;$sOo z?Nq14`wgj zk$1fE)3W5HSw6)4RcO%Tz8Aso#JSzt7g`&q16FSLiGTW5vT#Be+)vbjISVQ&3(v9H znahdB9YR6P9bEUA+j)myp|4y6*t1#3!1#M3tyW!$few-U+O8qm>^+lrV=)iCM55`t zmHJ@%W+Rqv7-B0Y8Igb++NgIi3YUMFNwQ4a@a}g)D(yKh`|W6G-x5kgL@mkRyg}mp zZvjSnZ6;^#*)pQvC*r;@oU4wWfaqaY8t`KYR!_~O*DtukX}6EGGNO?g{qzgR;^Oho zyEs(bpoq>tEy$GvznGicO!Qt;g3fzT1ly#t`AtH$3_p3891C6t2U=UHu^$7H+r_E* zUwiJ1w1z6H+7J(RA+6jsMzyC3!++9ZIJfX2d}i{gK<8O-?*ddi258>A9WBdW5Ny1>_W6;iRUMxQ7lg!9_0x=^N zi#i*b4ck`XX^k|JrV-9ayYD8_=MK;?R)=gf=%7N6_rkf9D`apP=K)%>i$k4OMA4hwAzt$tn3$WJB{)OsTS@VcRU(P2A^e z{!|uRZ@h*B<)>)IntWJUQ^~}f+KXOqCgS;N4D)(K8x)?8(3s>t{-eLQx$bi&RXZ++ zW#0xkkK|w4FTaXhpW;tq+=TF&)Nxwd7mO~BY0S)|h2SKtNJ3t4{`qU3Xdl)~?ya|g zPdnyAg{KgR7EFYSJuT#e-5VxREEdlxgpsP>A*AfaZ<<}^jMq3O>7L-JaC=iEiTSPu z9p)cQ8rC#Ym4_LSnHWU{)h@GI3A1VS2}xAeImaA{F(lqy!Z7tBkQrJXJa?~8QIwbHG>-W-nhh*Bi;toA;UPNENZ(?P}WkFzDI0_`hQgw%kG<1~= zX}Gx-_D=6W4SzY**t`x*qb5VtMlDoW6Hj@TMsPAvf*G&g0nEH&e4`}{n_U~~E%bw6 zjzR}yC~H7jZ!CQG;28Kd9G5ccEW6?LEG&`?#qm5_w4b+>4(uzTo!aJTrLz>d%@KPv zbqT*j(i~}=9UVB)!6bcdr%KbFGgbce?1@$}sB-IK)yKQBO{<<3bKT9PGYg^D&4F-X zLE^0b2)cZhz)gM)eSDF{JY&vP|4SV|+DKr|dxn^19cNUF>zGAt`x(pHa;{(C4^!^| z(f?aaPH_D`&p+jm6sJZ>l>n$cEvLTy7nrk)G;r?2ZYs)U4u^xRNUzHdoa!kL;ob&x zxoi@c`j+9sqWk2t!5cQ;C!hV47e#-4*v;{^^ibL*n%quX1GD2IAWSN^{&|K7Sn8)x zL$;swyEQ=ecUpqcviD@&l}kk5UkMz_xifo}9h|<;Wp$0jAf(h8eF7<$M~H;9NdeUB z*i)wSg$w;AmPPz3Rp^!DC+Wvxz<3P-;H_67hnmZXo|z(wByqVrfl&CnVj=`=xP-y6 z4~Vk+aaw<{1X@iisav=Ygjln9cKK0qxa2D>yV}JHjI|Q^`d~IoxDB4GXko#X3?drt zjg@v`pc&glS952H)v3}rzhjtj{Zq_b3wuD`D*NO9QVEO@F@p)OO*odn5AEBR!fV<+ z0p=!3!R^VLU~7;wwEt&Dod1;2r~ia;MZ76Cu2I5t;bEFyUIwL}`*4be6){VW0x@-K zI(b1nS}PyiINR$`d$EbP;t0GF%G(0+6u z$jGdKIp2=ad4+%YL5^mOrjG!7;fEQ>*&HV2rOSvJ=LcCe4T*AK6tUi852=I0)G#~} z<`(}VPkx;zk1|y09BB#0D#wU+f4M5c-H?uuRlxqAMGu@agm_ zUU*v``TZk}?qbyNmL7q8uH*bcsvC^7q|st1oKz1l1s63BjQa9~{^n+i*%w0L6t`o# zQ4vkzvuC1Bz+^V4(H$`!IRl@Gq1%4Ad|Uw|o-9Pa@fxbSOAHGaL_*?EFANoSBp;&NXl>+9_};P> z{i+UfKAdJ!mSc?fbt&}@zRouc)W$WI2B78C#z?#TroGLAY~NcaOuhDxYZ!sokqY5H;4BJz>?^c1jS_<*?6Dl)^Rm{b@=;LZ*WG_G1sD#Sc7+bS3C z%W1G-|E7`U!EN9tGY_q$OX}m@r%>56JPL8h0w z6?6NWLpGp#)Qq{(w-Ji2Ig`+h(fl`CQ*oEi9foW8;)-ld$T)MM{z!oV{9UMmS?>vL zy<|Zvre3R8F^;3Vp7xVF@*~9clr34-vL0r0-L94`zBp@D0D1AalqTKvXa2mtKrZCF zv(^Ex$t@XQpf;`KKjTgKL@J%Ewr(J%|HY6yp4wm?62Tm@UjW8gH%My0Jl@xkUv%HH zE|PKM7#V-_itPP79nUN2LSn{Ia<3pBoJ$|!<&~09G%bmVOsK7I^a;ivvOt7HD(O(B z5fLuf4Htqole^)`VDS9}+$p$EwO8JuSMQ!BHzYfWbe#md;?FPA^Lh*O@PQiE94Ujo zh+V`xFPG8Tkii#u>B5l62;wrM7Hq5?X-WKKl9}*;wH8SvyJLKMk902U;o*3y=F~LpWNL0ZORvomL8Oo09pK;?cC> zq7Sp22|-w)fFt+$qnw(((2wJ$_M#C%)VO2R=-Jb?gwGy{?(L zof1xp)+W$D9V*m0EFKh#X27#|jda6gjuF1(IC=Uojl95fz+zd45oAZypKDpsM@7Is%4Z%qNe#^>SGK1 zmi3JWzqpER7b;m>atLBK=CclakHho4tr%T@kES+m##`C7_~WoB-fbhOxFi7zl_h9w zLO$hNz9UPPJ|UekqM$qP89828&-M%t(r0ps;M$)_6)>52)GXky`58k=`%IqY3;~GP zQiMw@s!8ZJf3lzBNVOgirmvr9LU(r=h`e(pox7$mhSHVn)v2|DjA%Coo;$?yKyGFexn)Jfq6*A zzFFYMuiGhKwvfL2yBP=F8u{NQH%ym$|vs*ETa#3)A5o$$6MKVjOv6h$DZupG*|i-rq$`ut3Nx) z`WGH_-cjiW;i=EbmbqzUyW3B;-0l~9X3;9l{4||vv_LyBV97umiz8?O@oT#5c?kCHG)X+IN+AxZf)BDJgs?VU# z@kU1WPvN-mbxhz>z;uZgrf~LiGI-Pg8zhRrX5B=_`}qkJHWi16b|IM6y%3)ab3T_l z+i=07NH{lB2!b|>P;d7|{I}=w$f3?z)Zd-^9E$xpckU;8tb7$XL~Umd%5P_3Tv)2$KVf%vzLM~F-j&X zq|!`Bd0eqm3;cSrd9^=J;pT8_@Njg*z{`7>bkBp3zI`hFlECfVtku9hNR~eo^N_5Q zdCcx{@23vFBBaMi8V1Z?;<@r;Sb0~Dk#9^vyMe`cV4)zF{Y|4+Pt2zB#gj0bai`4o z6#B@>0`2bdiFH*RywLZeGW(XI&(tX>#dW$XidN8-rAuLXSt0qPcaVI(Iswf738B|H zJyKbm#aK*_$HVii=-ZpaaQA2_Nxkrzu?rG`s;&|kvv^3d=kG>Q*OM?%EDB$G%&2Ec z3fXa13C}%DBBuIAXqc=9uCF#hOY%gzuSgL>Cl_%}@)maAk$o7$^|^mFO@n0zHOU!f zJ3b5y;Bx5`@T$^tI;gMD<=8yf=PhY;&TKDy88?GHRH@0^;N*sxzofX%PcHe^a+Cbr zH6PUG{ou|D*5r19BnsV80;9ZZ%;RmZ$m56=`1xWYcKgRu_w5{K=|>ymzAcR;R^Mc& zC%+)u4#iN%(ao?SZZciqc7q@Cw*=*~1mM%nx2%A?3a}U&$<1hO zG6TN(H}QvuEzsxdLJ%7$g(-nsVSRc9bxPD{FReX;#w~k5)qEAXcy547b#|Z{cjq}a z!4;!X7dw^q1SG(oQ~$yK&??lq9Y#m*C8NdkBXF}f6;!>i zutA?~A)aIJ9V{8b^7dS`{AdHGOA}zkaxMKhFM)`ikY!AM4M4iLC%oV_vbD?I;qYND zw|7^PI+n-b6%s{LJfG3q!o}cw;tlLkh=hNG(Omy}0v-5#AFN;Rg!8GZQA67rXaBbV zPn^_ZZ(ieaaP^_2Z|*p`YrYuG%QE5A-eW}JcQV+mRwY8oXUWz-zOb++1bW`oGqwYA zkaSdmt-bY^l>h9(oBJ)`%Xl`CklBsB_x2NIMO%9RrXc(}mO?)6aED)+!kFpM&h~#{ zsQGVgl9zapj^(veuOuGNiLXwk28TlRrLQFa=MCDlLk(&m_M%8 zG|M*{yZle#`uK-5|4}~UdcYZMih7aq*)gpQy- zTKX&x?{Yg&Go6#nXv9ir{w@j+QaYjSMH*cC(O=)lu`yjaAEnn=7rCku1Z!mMz|K|@ z%?+YBMn@WVhTwLv+rQEeib2pGWWmewy+h3=Y{u#=N|QMk&Y{I$c*c$sVM~`kmD_%i z=z7)R`8Nq<-it7f<12t?{%a#semg-#as#})zXwWB9YUx-2}1K)QNc44o2D*;*O6=S zla3O2Z}lPiZ=^FWp9vGcEXCv->7@U?3M~A+mE*ea#mk@bvBK~vJ9420I$Xl( zZox?nclJs&NT2t_^p-3X(Dr4|x{H}^s<}*LB0^yL{$keQ%YT&cKCyzoJ>dDw&$J>w z8&`@KvBg_Wz{qevbES73tl9LC6rJuvix9+{OJ9Ij@;qF0Jq=7#ZBe9rH4N3%5niVp zI`-wTRYBgomMeYW@a+KD#VWwvWuo{e!jZm;F+c;^I3ja-4@^=kVs#zjVaHGnBq@K! z@>DZ4OH!iQ-f57+G3>hf z>s-M&LPgsz%&cH;=GwjkLz~~QL&|RGS)pV))o2qKJue_RLJQEYp38sk zXMrLSZ_nT+&KZe)(w!R$nR9AK!Wbk z-v;!Xu<5RQAL#dMv8W!F$ouk81iPBY@I=i;O#0eEqc=0SwJ8RjCFJSf+Y}7fXwffc z?8tlTGIHJS0<9?CfMqs+siaIIY%sk@yZy>Jr=buo*{g$ZgH1`0Ts7Tva4!ffzlZ_B z$JoK|?Su|-_gvXs)Y5VuHFD8oq^x>~*HInJDG)%FgdnD8Suy#oei1Hf4YN;PikVcs zv%_GUK$5!uIGY=D3}41Z!42bddWzU^PP$B-Tdoafa*vT6cM{3Hi|a5st^_srP9X~{ z)AnA<6a7HE-{w=i?CtSYoerSiNEKE zgHWb89#)LUs|LSGZGR#AafUo}JypZpQ3tH<)`ZbB>hMdxl~GZe4K5p0P+MYTJxF(1LMgbr9a81a-;!B=?>OM7q9YcP*cRyZ7nbri^%MIAK6tRi{Wa1IUDwR7K9EQMdyY} zs1fDkx=~ZQM^K!OB|34t$#&v+bsCOut)sW3Rud;fJ|sNXL7h@Ttl+%h?$Uy|gv(^K z)NF^XenzzSUIonsu4m6NNq&wC;QAl3yc|{@4-`e?{z^g4MdnJR2dBZi*a&6@TS1=v zUWGotqv<(rS61{d6>FX@A;bG?X>6DRIr{Y%e@^0BvZJq=r0r!f&EXdQ4C$n8b#p-8 zb2~2nDvs~0WH7JjDw%3K49S(lWZ$zY_KfFoqI_=$-m`F`C4S$@j++|bI9r6g)DosD za-k@gvJr+g_h7Q~WYVCl19$RONa~z)zKG#zXt!AaBQH0j;%Fn8b8P|`92>x0@wRx1 z>#JQ?c*^$VW~2Ka$%bPd)>K-4gocGVp~m5}hLc3BL?xlXubnkY=##>ZO2 zI6y^haDJKvd9iEZ#nw)0)U*zVLz3ytH{{V?JMH(a7n^N4oby}j4+4LD9T+UufDg}2P^ESn zn7pZiZSz#&`1o2_rlANo!VGZJlPaqSzDrjDy*9-8ypL#T!TRxp%~D0b($x7p<~Hp>_NmwIH0kuecn4 z21`J9hA7D^&!^Kp2H{Ca2IT!`OxiC7lHZ*sw5;Y76R+M&s)UX}bm1wsQuQ&-k9!KA z(<9*5CXUr9S?XV4`OLk70i@}{|J!-vugE|cp{rTFK_+fF<7_mOIn zVJ`;if?pW#^%5|pCxx69S2pc^(9cV2dPrX7a=cgdi>SMM3htjC2lt$ILWzA9++)DWTUY?D2?wF|NF)+8|?*ir?lhp+1^lX=p$_T~s}lbU%5*@$DAk z`qW2ErtB=9qy~?E*1Q6Tu6!UNe{zZbw)@Pdf-}@yF$%k7jKLuBI`k}##^5^%sHIxX zekwUyuYG$aYz(h}pI>i~sjXQk^Gp#Xh7I7ieH6Q3)&rE|I$f3p78{(TmBzgnw?nh7Eqv%Ipa=7J2Y zAV2>-*`vWdQ|)uHbrr{K+VY`=1!XURMcdaWTSeI!9^vv>cof^^XwCr7D?6fK-|F};sZ+g%7)~q1&mX4BT*%PRIln{P@>VO~fCh?8!5247mSF~OA z1l?^H&F@#=N2doCkmnJR^tn?%)LOh}#`kFBFZC&Oy!0?m`z!;^o+UWA?GobWoC^vvnuy3%4aTrC8WzRTjfeTrmJ)*{?E zV>v3To#IXN+d{j%K9hpM7Pt|(6JzhKr=I)ksM1N<2Ht}C@MlI6Uq1Lh^f?<2Ue+bl zI$%01+xE$SOAlV$m`_@- zaU30ADcrkq5#IQqM9&}FNDt4eAn(fVkRPp8y zz!7Zy&(V`@SD-OEo>=#}({uJE^x&2RCeryJ-twMHZ#|R2O{vvX@|GAl1WsTUZ&ZSL zKlk9j4bnjWb%A4FEN(yG2j9NTBNF$+VR;qDG5gR`B@d*z1Ojd z3K8Jr(hTg3w>)cjNq-ohp%Eg*c>IJ2L+tj!!>svWq36L|eY=Uw-&x2S{@zap>$l_i zCCR+Ho33CnB?i_lo`<5QTy|$!HZ#NW3)hdm$1czx#HC!X#vVHf$j7NG#)Wxd|eaC z_ZJ9zJNLttm;nl2n$TsC0*5T#kRR8$`68~9kv(ve7O0l8mP?mIhbG6Jz3)jD=WWI! zZcndykbvhQS=d;t0?Vv=`RPmj@ra@&%`^K>{8WySUy1(_g=d@SzbsS4u6-D zM00%@77Fvm(Dqj%*c2(C!?{U}Fn8C`@Ggrs#C)Z3z1JaJpaU55OfZo-jkyC8p{qL_ z=D*29*Y;n8_tAsdugo#^DthQ?&AoU-^#rQqi!|g;*aV$gk>q2)1I8?#1-1R$U2|y) zH0AGtFrfz|F8?Cc*If^ndYduq@^bWEbB}uXp5`|dxzeJoT>mXXkv0hr5aEMoA&S>S z^=uIK=vPo9t&NPrqYw5C*UGub_ zddw6veaxnyz_ByzhCWxa(0Ma>mh{pmU#^g(9bxeB1Pfwy|FQ4(t)(mK!if7SCtBTK zN!0$CprODk2=8kmb@7|ANvoAcHfchhQx3Eql`(z7IWNSoM8NI+k^G1nG2FX-FZ#~1 z0NO45hh11KvsURyWP6r?4LWMvSbb7pHBhCh4lZX$lni>dKGrp1brCH1r z`E2U^Jd|d;zM`q(xA>o?NYkmJP2`uj9Lhf%WW{d%rO(Ee<2c9Gx;wj($t?azB0BOB z=J?`A&h_`~+hjZ+@)D|d9>5jqGodkUG5Be&gf($%z{N#_9+SCD^PL#7sACrzmV4u6 z&edU|!8zG%RWMLIf;CL|LjoqqLWb^25PW}-N|aX+&1-i!7xQP@VXhG%0}L&n8dz=e-a@XTe94qurG zj;bS26)+Q9{}|)l^@2Fwx{J$8Aifp?keoJ=$d#Xm;wf{`M0XOL+mH#@zSqO0j&O$L z_2aiW9oR7Q0vdXJXP18b4LoB8zur0qM+B#U(ylaW@2g7Yh;%Z!8naRHyZ|$NTb<;e ze@p8fGeG%*8M*EaT!!}){(D~x8)HpLUFQrsPa~Ut{J990Y6`%ZSvsArCJs>}Cqcs2 zjyiCArXr2Uw5PET_H8O8madP%T*Z;MRMm#TbYOY0TK6tUjD zf7p?tS(sY56u+5Ldj3)o897n~sU4f~@e=N=wT|=lbsI9Wp5gR-dK*rzy98TWQoxb* zhXXc3$X8E?^;&-9(7_n=ceKNtn~v1G^cU$5_|5LQu!S0lDq%u~DW>040bk$mu*N)$ zI;(vp$+_q0%i|Z|1&$-&{dg{rQhtI!QzJzb=e=dVq6(9Ebj#QGVUVHi(w? z;#dGt^e~Ubn}6i7s`N4L`LqM2G}SmKL^M`T@`Vk3-0ZhqfMagCpzX63x^+<@-0O>A zA0OVqHu~DYGT+DKdgXd--OYeoLlG_zUWCVd+{iV-Qe5J^f$WvKR_`&q3k&r`O{d{9 ztQH6$qj!R7Wk?&g1&5L0FKKkU{ve}2DS-r}jj+#~IXCH`DpemA2igCkL1nob4&IZ4 z!uVG-_((Jg4oQLNgKIeIco&u{>rusQYpVZH##G*TEm@{4U|M;tgME9VlCCseN1vI# zrivoTVD?}w>XmlEIjiT?vY>>noZx|0AE)4+?Y{L#W9+$io&x8niiB$di@8j`GhNE% zhpFK)qG4hW^P)qLcOaTkd(^`DmN$`9o;v4Y-bYtnJw(5TzQ#%Y9rRyCI*A_bB#v=9 z*x$aF-4lEaX6KmT`#nDJM^>QWtGf_fZ%849%qf6#HT2m}R}h@k%<3Cx;^jLDL}+C^ z^u;ouRz>hqjun2Gt_saAlkk$nV>(;=5a=H6qDx!S@$bq=ny*z&LR@vod-D`JB&<#6 zfv{=I-~Fgg^q||lhW)7-K<59IMd2_b4BDMf1vb=3-+dxaPm6B*{;=nR~* zDHhcAHlnUxH<{mIMyeO@WH(-`hq;nvploHp)*dh5*n;W6=Q3~|)Bw%LDtU)x&Viz) zEoxlpCI?={0e68-S1&1NwdGZ5+rSEV?DLQOd|XZs95N$4M=HVbj0UlAeMmhswm|oI z6}@~z4`=0s;8(vw@Yfx|=h@FO+(Vc2G^aAoxdxP1IFBqC(%{^xw_uv-Df&le9B!KI zf;;CV!R${Dy(XstCif4*gheOl7G@jA7*>ZpS&K;4Yz;EwY#=PS(ulrN8|aUMB6`sw z7Z*Bh?MjTVyieM@^BAujF`{+W6grQ)!CuSVU>~#w zyC%+ov}xN={k}gbc8LXhuD9{9CY?-o5P~zK3yJ5+MR?y)mY!PMP7?LJiAU}c_*Yxb zro4E8FT?j zlr+|@V&3Rk(aWP%d>@WG^Yv{gsh_n8o|qoQpywHw`XGyOo_m5gT(4o-IWy2zfxvfN zCDXVq-DK-m4P2wv#P69RLXGZD!r!(7)Wz=tERy5yolJgFl@ueKngZ}HaszpsGeG>z zHe+)?=L9~|hCw>B;hyqsqT;R$Z*+u+$(w%GO3N2{SKl#f7e6OXWrbMX54PCtg{Y|v6d&Gx+X)+@7u4&-Su0xQxpb)HAO$I~T`DnV< z42@r|K?i+dYB5_9?`6$ry^mVJ$Vq)v7xJO8&NA4zXg63}iel0FXtH$$!8^WooX(KbX&%15Z%;b){WaT1(Voe8`DL}A-OQ!4Ei3jz73n8dU(IQd~c)w3)m zf2$X<`=lxD<=qBXVhQ(DPLQMxJ-9n-30*D}k8dNysLv84%RT1fDZ9V)P~d9_7MO=( zXXG39cfN;1--;;jkpd(-z2SeH`5#7boxLUdis|8nO>|s*F^sKW%YIBSrhm?xlk;58 z^=E<;v&lP@HBOq20j9CU{>Da*eO^Yi4!M!(tv~3Q1r0Rl*IXDoF`t~UmIi~cX)sMM zhP=M7OqEJklKkf}BriIeK}t^Eb_Cs%?yypc^J$J-P=|?mIAOXnIm>06)$>wF zrLzIVJMG+Ec zNhUX(AX`#YAY_V318uxZmyhaTbGZ~XcDO`;KAeNorL@3Num(*|$BFL@OngL_GfpAJ*KV%^ULAz^l5b`kwPuADD<4gAJsaK`eEu14R=> z@YQt0o*%Uk_`(Cu*#=U&rI1vW$)m`~Hu_+iFuJd>$IwF?Kqh36_@1kyTu_^smG!Yt z8b5LOg4b}|vxTV1PB)#H?7`mo@`qVok^oD6m1#|-A=jmf!fem~P+Dgt9a2|@2Ty~k z@NpkB;h1{rHe$f+`%bElrg2WdVH$A$6#I7I2f_6*@NMExxVn>1=N-(3l*bcHC;4aK z>3zG%VRJiDWXSCV#xBx1t%oqij@tuktDv;|Ni3Q90RAdk!&mP8o0DKizTIMp(X-q1 z#oTn*TNniYd2S_hcSSPdug}oGDjDc_dWNa0RV%j1%Qn3KVvgg>-=gsnZeN(E&e!;U zkgPs(8W|OL_;XW{<5nAxp|%=&B$=&mJKli9`{ zbvQSniVgUq2=hLxk(aUE)Niz&(wUiTVvI0+8`I;D91O=fb7f#-j6ACEIEaQ^c5aA1 zB2g8cAjmf3wufSnW-~$(w`|6pt7@4!_w&fovUm*LEoQoJZZdhXP!jWpe$v1IJ)F!j zD)UZ6fZb~qd?e>d`zycF)?3jewo)E$Epz40z-!3MZ5J?i_$)K|aRGk6XNjqfIdD8% z3>@#D0<{WPTr4vOZR3TnDee2w_c82nBf9f9WKxXy?!J|+Yh^Xg&VfUN8r6j zoI7^W2>p51mNiy$=e&$E^?m=`aOUmvaIv(AbjX!a+mK!|t*4#aMVf0OI>zUOsQ`OLY*HZBOfyXDZpHiPSP27uRo0^-|`!M~`T#NPM< z2^*PSm3ElRONK&%k5!!>qiAjItOEHg$`vhRN!H%F6Nt- zLLM8;6z3hmovTk0Nj|qzo2p2C#Xr#fX-BZMgcF#EW;a0j<^9a-XMH@#mcY*n{Ub5l% z7#Iirfe7b2ysDF}%vCB3?^cDP@y?^PzmEfj?R*6nzVPT}nICksPZ1m5{*F{9NVBuk zcG9^9%dm-KLPg)x1YUeSnNuzUPyfl2B|&XWHpeBE?5ZbIoLY#?D-%Yp=p?W&{V~_@ zFhsd&pnX$0wEWh^S2#ecSKOyb&V7We=Crv5m&vAQ5s>yc6tl#K*k2wz#yvlWg#JsU zKG9JadFmhiRntlb*UQ1%Pa^Oy*MO|Jv!1APj;w7*Wq4_YE5~E=Km*@; z`p`6)`6m9By}0iOGm>_NotVW?-=C{cX=fo8WJ%D<@hnW2IRo~VdGz;%39wrCHkqTA z!^fO{uo{X&^_gjOe%WL^^`!w*WrCQ9mRic+T92PP8kX#*3Mzg38x+i-QG_25u zadCMNy?cuGpKQiw9Fw|LJ&hk*d>A(U(uEAg1sFTi1bbyy;NaeMMC-632>jBd$ut?= zgYq#jfvboGy&?%?OQ6Clh)z)3gR7gX*o8C7=&D;iwEcS?Mn?3(*#)ODGHO0d^C`yY z+p2V>XANVzwv0Zie@4R^1hF>jAZ@W)Osn!8i2a{_S~|lVXUyurro}qOSEro@@wJO! zx5Fs&LQa%Q{PH%Lz4Z6paXBB1bNE^+@`O#j=N z1v_CKCd$o$`x8IoiI1ivQdO@(MfU`=srV~1y7E5mKEE5Pd|I*VGk52;kdma2$5Bw- z5k9Qt7A~)+P5N+Q9U{r*SoL0q zU~Ebvb4>gci8-A@L&rrS$0`!kls|$-yb1GSSl%?EXA$W>6Gf&rDFa=n3u|BEinv|-NjxsJuSj}MF# zM&TuC9@YxZA`jPV(y@no>3oGSOr2p4&-G2|Nu^kvJ#!kn;nGFS6}CZnrEL1ShT~-U z7m>#LCJ3CAj5t;fyEbxu;=)1pCAW8~&kx73txEX7R|{IJCgaT1_vG?NRfL^IAk(4) zMOMA2znPCW-^#-1RTd3(V~BgrP2zoWjO@;l#rCh;q2P8D`Y#=T7oMr$sOW>r$JXMc zQ##D=W$Q?x0+Lvp0@U%BZRlK)LR8*b)6MIu*jw7y*l>|)V5=*FJFMr@zTZ3PK;}f~ zDeeH0w*a#KE2D{@CNY<7m(&XzIpL_NA&ehPrbk@3Uc!qw^o+TIP3EEaQ#Tq))}Ml` z+x}>!(nd7QH$ih*DhX^o3hJWf)LSVVA3QXH?DY>Ie|Z$flzb(bwnE^sBo`m7^TTzg ztKo9wU3TN6^Q6R60e=a7WJewz#Hv&)cH{YBvNG#AxgoEQ#_u%nux}8QZ@EBrl!Xyn ztw8GcJe7p}&BEE~V$Ay5rSL|^7J44OhTE+(AbG=NBD%g1+qquAQ=KMA(wGc=CqB^W zH80s2^OsX^>pPGYw+=mhuaOC{KA6P4=Sl21ol&oefonHHr>hz6Ii&$^fuYzas0I1b zJw($c0R^M)!1d==cs=(l8Y>mRVkdF9oa+Q5GAXFtwG#h}e~p_r?4ZnzlVtwDZ1msd zhe4wc$jZS^JR83m9?YwTa(NadrXC~0c$3U}wU-`O495IZg7~GPln%+pQTHq3yuNY`L#OUDSym=Z(xKWDuP7pQUTEsj)GSy?sU}>E65q#&yNxxB5&{NioQ*gE}2jZ<%A^K+qepikM7t>Hkwu^TB+793J6_LshE9r~l$8gr%Fxu)VgNZpwBw@H6;*Y+-{@QzZ zIdDD=7SAE&7M|3iJ^`B^I>KksB^;|E9J*hgrE3M6*+(yPh}hjU8aZhl2pfu;nidG7 zeoQi&zB)sWJdlM2ao^~3L0__PeH<)ld_a6ROy%4&Us$g>bD_k_AGKTM(ZTpQbMm%G z!+=E59*B3f>mjrH9b%$fDH4~B>O8@Q3A@7B~X-fYv zRp<)?4JAJ~IPOIlLpdTcOBI4@&)~VOideQgnba*RB~fFCnRCC3vFp1LF`Zruw^hAC z#ZVas9X-i-{8ZQ%u#BfQrwD|PP4JNgHKjBOER|_h0 z-XKLDpEe|KRXXwVEWrlVXFrMT?Y*4$+Y)!oT80UipW){OVHlIyO42g4VCjcS%$#+e zo&H-0oPVj(JJJHo8kPTY=X#Qw1sn5&NAN=3~`*1CJ*Oi!mWX2$g`5ftzWK_5<#wG z5o*OQxD!X)AFafd9Itui3W52jl&aH-!IwHoOe5BxX@7=xot{;O5Z?deZkumBw+# z&##QOA1lQ36H-aPR5tvW%fn!aM&{L-`PkMXie}H+7!jWY47?@Ru>FDuhVhl5`cF6! zsy;v@b!Wmcj|o^1wFkQl(}-YE2TpsYM8Ebo@ zJ+##C{Qd#g^|^dL=RD7Szu&JHFFw$=2514I=}^a(@th~7qvow$32%tg=zO+EMjYo1 zh=aQDDmquj1WvWK5UuC88E1<;lH^kX3*|dtcl;8(y`-V#Pxou$e9D+^Hf*ONb2#GI zUIVzXaSB`KR*Vvd{&AkbEpYCaAUfH7A#Xc)!A|`S6MR7fX04wI;~7rim6!zIzarIg z<;6Ak-0|CSz=0qO?(e5_dChC|@H8{_8AqfoYtx2Bk@G{(1fZ9cez-JK7O)mR%muK%3HZ(LygCJcCnlTcV zbpZ~Xcfk|IT9~sq9c5d&jMK|tIAx=Wj@vfVu;b!rzxfTZx7iBLQFpj3e;Da`$MHAz zFT*ECglVQg37Yr>vpUTQpk}B_79?0OVbfg5tZRz&-i~~1ixt4YmI=t4xfoNM^|5N! za#Y#79e7e+vYX9{sqqG>wiVO-V0uy_tz9eD*6%RJgjIKtOCPQOpC zrJvJwmu6%>Xi>`p<#33n0)+xx8TH;K$dutBA=_9wwZsagZ#A$9KF2sW!6I0)OA;He zox@w{YlvfDB+k(dAhCnJcBWdY=am+S6KIT3&wD!AVDg>Fmdl%boRJLI92e867T62^e*1 zIZWJ3r`yL1Nva#mNal!R#r#T;9G1tJab0*Er~(IuA3&?$IJ=Q!e(X8Z3I%`p(MU=G zTvyM* zkTb^tjwYg=btKMA6?S|n!#it>*}GqFU=eQx?hWN(PNqyj4=&#%+{h6Bw6Em8t`+e- zButz|=8^lwk8$?M0NJ&;9Ja2qWw#krLh$TzdWg3guD|D7cJ!nnl}V~1yE5OCyJ5{# zQal0YaCi2#sb@h!WGeg@vj@eS2V0j8t|V>aTA*@aCd97Kg5`EA@b&3J`qrWXwX=O- z!^e;;@EJaYeMcwJ z@Sq^oU$F!K^ZG%|$vDxSdlXkFKfq0XR%q@k-?me8CNcfD5+A1(lF7aiEV(s8J_WWC z;W@mJm-7V1H%^6@o}I9zGZ>nmnj^EM3Vdai@X~`Q43bz1|DLI0%LW3!lpSzUXaP#A zRa2qFBjD&(LO->4lMhid(Y9|6>?z)exw}u(>Q7%t>f`V9wp%-nb8M2&VoQk{Qw|%B z4a1)AW%SxvUXw_!$9AuysMYaXF18UDu;0(ptJ5#TS_d^Ozf#i5ELKAq^)k>26ND2# z^zlvR7n&OOl<*voqSF%eAVN}>>-rXxC$rr#?;<}L`uK+R{U8W22M;lyQntcKWZ%_&!H{dWaeVSGw0q3`w~6YwgO&d zacs)9G4SBJ1q{@j1@-(G@Hjn6pFh}$@w=Z8ee*)%HZ`=u=(keo8rh@wxUWlu8B-w?>=(j=zENhEE zW8IC+_xqYyS$`dEWCv*PHwRKXQyWiyeL<%uJR=3HC;RsJJv#ns1Fm}=Nq9GNng4<- z^i@VBUa17Dd7IU3+HaSE1K9)L?d$B5;$3-pt29bv;|u&Cz? z>6H1$rZi3glM(^#W znj>Pk2l?UB8cRG{l7!o@N)_Umw&yY0|c7jEgHemg7KLlE5 zQ7erxB4Hec8U@i<`oRoive#jenG#;tU5AEVhv2Q)Sv;_X2cMl;4pF?^j530Ncz`{v z)L#mBSNU*mHUX0!bDma@1`8EdRy_Y-aX3ao- z)0G&MszBOK#Zd{>LgQ_j=1|Yhrn*{F@%Gi%Etc9TG}WdV3JXrq<;%^9t}jd8W)|Ty zL%z1DvYXJmw2Tg(If+iQIDSE22=O_SNsoUPCC?pmjl&15;nUXR^heoI>YJGfhwnb4 zK}(NwjL_9YGa?DnxV(7N-Xs__?jVpn&fGayjiK#3VBgzIbeBOYs-INCo)stIqmmlu zidClOS0LJ$(IS51Ds)rQ9=xt0ZSwN#6bKEy%p`gb;>l-UNzJl!EK5Ct={1wf zECxns(7hzW%+-gX6WMS?P6o@{IUnAEU1a}{8{pfeMIE0kriKx}X~e%&GP{w%I)~+G zB)x#n*i_cyBBldhWv?*X7y5#kuOEJA5~#IC0$uUEp4DR$sVtYD@_DfiFWb4`Jj?Zn zTyCp&B7i#!#-p59F;#3i2zTTXiI_$r@-FSbMcxC9l71krGRddITAT}^zyo#>&fEN` z8dcjH=&wYnHfuFM_+{e?PdkfX)7mRU`SM=;QDe$^Fc(4Rx=^<7XBA3ZvVf{-_lazE z9@LLJ;L!GXvO6aRzDGpUkXJqAH2KWtUYme<)lzN4c9$Tsb1$qtJHdu#y`Wzz#>m|C z+n6^L-zrriNRKYzGb!bJMz@+?!<+nV;BHloU&21qK>s4_R=Q1EW;}%}{zk;rp%6q& zd~jaHT-G34nsG*FB`C1ZQeVsf@w7_}ud|__GeyVzs^8|5h zk)xvyRNW*N-vz{?Yn&22_VWX&covS^p9;dCt_zsLJxR-DgxU%$#qf3WPU2x*hflLB zh|#Q47_5{BC2mjkM!gQ!*)l}`m<*oylT3`rWxP=Eo7Bm3?yJym_;deVQtj#or+;&t zzEnllOzJi5KEN?ou81&@0{QD~D~VJ2(FsyJZO? z>Z@?h(Uo}c{d63AqC|7fWWcP!YIyJN$_C_Kg!6l+V;PSP@P^dE(`orwyy6v2Db9qz zzyn0xER5WrNC*8*0Hy;eB#Y-gD^T~wA}kDtZ!_gf1Hb9^Sj$@nzaPEuyi%}i0L%9s1D+mjSDfxRv8q=zLS-D z6U2!-vpMMOq|@)kk`nR+I`;Y^&+l^FzEz;ja5xJt|H{KNQI1$+JW4+{nvjXNV0_Ii z15XDprQg4}6R)lZH0ZP>l=$#7BIi6n<;@06pI(gKLru8$MmqewyBu;2BI&-{D?w@7 z4s>32p7mNC!0|eNqw@_{jy>%R_rqZoV)RXElhR*Q++7v*0#~x@Zf1D*n`zn`^#b|Cupf6huwFpQ1(8e&{-I8g=F~ z(DG#t9G-I>o)=FVyYV~VDy>x}4X8GIgj2!2wy6Vk&?4;5-`syhA=)noj(S447`jH80w-3V&xeOHE#DUBB z-;q3F&UwP*kXzF&aP#%)X!6X4eS60YtmuR{zcyg=7F9g)`4nUJM;D@vLdoG>rMRr9i1O+# zB&OH$$krBbqVdoGADFq|l8tpttCa-%&#wn%wPw%@I@5{s`wQH?av4@F`wu0>i|F(; z8~9tdiwfN=qTl4D;7O$jIXowqd71HqQTlZSpGEYNw0#Z`>6OfMdcT2bw3Sxs8N#?w z5pfnP1FhN9G3H`>t9V>5-5RrX+1N}=(3J9_r;N3!zUel4s*48=vZ^syzLTE1e-cB7 zv%ykQ2H#(-f^4}&xOU47)?`GISH4qBW(*3@pF3Py#B@H>t>^aA$k$iO6Y!Vm5<~l8mP#dC&XB=qeszn%otBmfm7jK(= zqzEPZo5@ZKerE01QF_Pr1M_H~9Q+Zgp?Twx(9pG&DEbJ3l21L|GARq5`Zl!UWG;=! z5CR>qi)8rKRKg#&2#-x9(r8Z?vMD19N=_Q1(G+2}Kl3e_$T5Mf5QqF8c`zka8_H7d z5VyH&NFE0*l_`8oFR%3l9$7A@D$|9{<^@Fl*+;@Zm`01m&q7woXYAR7D_7)$ zkJARo{CpKgO~k34#v{5-M2kEhtirR)*OISkwN&x*QL1mWfGU=IgQl1<&g1%5L$)ix z{F@n81eq@@9(`=AnZ+>_N3!X*uu`hraSZegIgaz;L-oGxBKakf*aLk%+5g*43FcA9@{5ogSK5X7^QzBkKYARe6$`scTJE=(PKDG zMF(x($wSnk7OGXcn3efG8%Mqab>E~38mG&sv-=FtOk6z8*p9;+X5sm) z7Gl`KL!(l5LVZv-X}c{5d|%s8(zcuac{m9BEU$vHPYu-6j+4&1&GZN=wT-PwL{EP& z(7m(^gk!nh*?+cFFfkdw9BgKaHruniwLeg~o9Xb>v=r+ubkQwI&xnM&0OSTvFlz@7 z;Y0beY^?~lZ|=E`rmHeo=7>4_k%=c)R^MbjuFb=2zX)Re-2(IW+$Y5KBh~I)$lWU} zz%}O}p6WHAOd3#EjXm(g`Z+oMT?eubO*P>^5eo&CABd#JM=G(;8E$^qOn7b?(0BRY zp_MsIuKR8=HZyQzfA2^KOY0_bg=D~`@Dw^{`dt#gK?fGwI^we@{2ZVB4YN+V33z|V zqFu6}Ns?R{{o^r47iR>MecbOosalte>$t$xKuNrOUk6)6hgii@dwlW2m+Un1M3Ki4 zZ2vh2&`YVNlBGvLigShNPu75Y`~p^p1VD9wCI-|sl9P!77`4cQRPfED4JN8+)Nz~& znCrKWJNeMrl0~F!?;rB0XOeA+Scen$R+7zvme|A1Jr{0xLp)7C;{A+Jt}87D#oYyD zmG3OF?LD_wF|UNlFOo#NX^6(&RmML9(O9T=38T5L@uihjRJx}D%ntFv=S!aKn+yH4 zF}0!9@0}ZAnvNOABuA0OYhKeSYb9|{ZX_Dei^jQf^Vp%xE-JQ*n=`va;>LOQ7;_;3 z7@`0uWwVc8-k9e%cWI{Yr&Es(;h zoyxeS&j6bqYz57RBcv_vI&r*U%Pt}7=nX*?)c1)Z^EEbrW34K@$v38XMY~WaEsm5r zoi|pHPo~Fyg+h%0m$^E%0V^I9L+x%u+IK|+FZav?qe%mz$ zo6fhs*)tQ2oVG#52ULNv3dn>{A|vr1zvEJ>#8CwhO94O;RKjWVaa4?B-ag@m=^< zv<3$LKf6~Gp^2O3qrV$p+iSjy^s&e=9B~n#qZ&6z;kak2{3 zg&f7k?!&lgu?a2f420h{V?;otpB#EP7e9!|6Crb3_!)AR*>Tto`nDRtnR_*m_l=w3 zuzpaw=?GJAC=8aGzsa`xMR@k_Q~Vht4vFTG^wTCSurhi>XIsyMs)z6C{*!K4R69yG zcW6^ll?Gy^5d}xAr@@GL1Je+Doyz5ff~2PvMAs|Rdpwj$`s$gU5i@^CD>wXcgx(lcuGKTJR z?$X&NysUV`6}mLH9QpLGv;S>Ufa2?OxEpvZ?Dss+Z2szq@>)-*hqojaOYkyVG76X* zdUCW#e+Ja|oiz@X(B*h+-PCr{26R?NK$RIco2i<3^0+Q(7O3U-lL@C3R1cql_H*VM`>v_QdpGKktSZNSgMQ>! z`BO6eun@gwn+N8P-qVXVrnqyGwkU zzbuAGucMxsoAK`!8I|L^^K7&>lVFCnvM4GFJg}IPRU`iA3VP zlJnefJEgC$B-q7UXT#y?H`&HWO?+fLN$Un~(B~tI$;Xu?1v z@JlLNsShuneqqPHa{G2+hUJ?%5BW|>!Je6Ibd_~HSXR~ot9+8&(iI}JEiy@!>Kqv1 zX7+c3yx>kv5xp|F0qx&pkWiJQ^xmC5Cfev2d9E}}hpBoPicsl z6oEg_{t?HsH;71I7P)AwK(Dk5fV@*V>=<4K>1z+bPj0nU@pcIfOxDL@**(x|76$6; zeL-R2G$_G4SQ;b-CFgH(zCSaV_UID3q38#h_wfNs_(E{=8)G`>ml}3^9>dTVt+e=8 zCEHmhhK5p?$$5d>t@+!y-`N&dh`(=#0tYlq{+5K|?>a$p;nPfX?W8p5k16)`yaR{F zr$Mt{+_>RMB2-s7LFm^J(tT?dJmlZcoZ@PQHSPUa$y}#5A4I}KrFi(-sD)R5aNLWb zDYPUvhPmmlkEd)pNM_bSFb*VGa!HwaC6)xgHILI5YbtT4LLTT$*@LcL%kZIBEZIHp z00x}wCV!Q8k~`~O(P`b@U_ZABdu~pJRQroK)k2TTHpj4}UlcEmo8m^%^{94sD;p)f z05cRIm~~J@o%_CmYi}X<8No8=eAnP{n3tyDcmFw5lukXVlmvB&ae@7qL4bkv}D%@FU2{dSV zqU91^5NNBWi$-SPd%ok$ZmyTy=);Evp@kS(u?u9itEghD1zkR^jeJf%h|5FuW3*1EWP};BBb|Y?fJ#)yGm`Ua=ZTa_@Gns*g0@dynzRCrx~vc9ksPI(%lF zYv%B?)%ewud*;`1Jd@N{^jn`EJ8P#kWB1q|EV4e4>l!P-Gg^yo`@t^rV7sWWS}vWz z$1(F78OW+zPs_evCW2c&;eyO>%W7@K=&#ytn*3-rn7C$gzPBct+Rrh_q#u(9f4Z1A z`=`RQa4lN7nBa)M8?}+qfin*{Z_*qA{O#HZ>V7j=@fJ(!nRLH(4sQg#b)uVsTq9^G zT_?R|4ycwJ12yYJ@y^Bq==B~WO5d{Z=2Qci8@-yH^fkn29ZTXS=0{)p7t)25$;|yj zMMO|{HqK2v3Y8Hb=(_1DWLEEbEb-b;?9yK`N#gc2<61Q~a(8yozG)=RsGJ=7XbQm} zOwcXu5;No{4`2E2ljO%a(0>tW+@?>g;MOvdHs(i6x9w)lf7nCZ^v5LYrx{)P={Ip% zG>=TbpoSI=6#wZ@vKKBKH7?pcL3V@`f)BV7k<9`ylW3 ze?0AM0_Reh3myO&gXk35|D za-N>qoC`+M_sBcJRT%Q(A0sX04oc&z>Dsh3;umBBi~Tp?MW-~{t-gsK-}Ml*vbl`^ zwJ+pyt}M)%cb7iujis-P-q0K~9yk=Bio0hvl9dPBu#iszHcbsg^NK7g+joPUGY_IW zw+hxV0C9>OQim(=%zyvi?mhb1b0+JgWKHMZ+D9I2V`0-j2{Jz0 zgWlij1)bPY2y7s*L}ZK4D9jCgH;G zj^y}Z!)S z+v7-0R8NuzGbMi?i2heW zwAYcxoA$!w^i@?fOD;p_btBxaW<4y)m&Zw4UHI?VLAt2mA^6`mFm6omf~qg?m|@#) zGWoKSY4%$~yS}$Ef8_6y!HT0`^j8(4u05h}8oAlqgdmKD#!;6;O~gignC<+S3yR`@ ziB%Mr&B)C`ZTUGS=KUE=$;N!*u}2%6w4?A;r8#_Rku~mlS_78c89>Qi1ho=EQGMA4 zh&~cTcBDO`IWw|JNbM#FTTlhZydz-KPIpo#QAFdMR^yXmy;k8rEJTL^E35XDjIBCdcrMF(6jI$C>pC3)$a;rg+&!6mG2UBo=pKaLt$q-MUwWz0kf0 zrW~Jwe`d}>)6gOu9niw(U!~!LbsWc+nxGzU5t7$%%-|+o;;#{h?`9U0iJmjWGj<9& zQrgNGxJZhpM;u!6>|JOnZV3&E$y80sUBLD1dJNOY&tyE&B@S?iAV zZ*ti!9vxIVXcsBpeUS*5m(cKnB_N_OhMyOiF>&ISB(63B=67devGW?>j;DmHu#h>5 zr)Xw!3J4#+PFnP@l8vj*5;G5JI59(kI%v;8qwtI1J}rx;f9@haQh(^K7AbI1S0>i( zs^GliB@@k5p|gB9dn1CMI_S1ur8uqJ=4sI5*z}Wv3 zaPR(T{QX>l-uh`xj@!;743T{1-AZdy_L8|}78uExK(F3rmT^+U zE`2Mi@nR?S+pYu+?HAeQj{4;8sVrJHT4MY;L;^LSk{-Rk0@4)X@D&r*I#)Wa)z;gE z#MiZR@A{P}wIhXYKJP$W?i$m}0a`?_^F94HW)6=>Wx3}d(xy$zQ1Te(koepTe6K30 z`f>#)Q{gQob~l##EyIfuE#X_AisJ zb)Vgsvky3S;r;OAaP!X$JV#HUft?o7KHEzxSKH!FZwq=P?J(He zGgx0&fkl!FpsVv2nKAL4F7NwF!;*}!)W#5^LOMy-2YVtKvKhNJq{FTG$Kkx+ak~4} zLHb0d6UtxbkvpSC@Fu~H?oj_mi{)gAX@xT}-Ts2s=;~8;yd6I50N}M}nf)eLiEHUQ z>Xbj1HuZR;cKuY4c)6H!09~ebdLt;GrO`QdM+7_>Bx(B7^-y8n?3J@K7E+xz0A z)7lIMQ(n?SzifJ={WnS1DP{u#EpgMxa-vbT2^|diQ2p{Wlzjb$Y@Z^Ff91|VobV9y zgWEyLZsh~Xmzmu2=qQ=8cr(418_pJ}B$J3!_gjjs&aopQdbl*r7GH8_z*h$?)9$$yRG0)44P=W<-R?F@Lg=dhcZVdJjwJM8IVLAdI5 zl3dO^gu$H8GiUok4BFyBu7u41Q;sR(yXiGN&5Ebb=J(S|qsX!n%W4i8~ zOF#QFIGB@#qA>@dWZ)}-+)jvSa>S3l4rG;?0E{O#vTyyXVd37-v~0mi_^wibKI*FY zX~b{^IEIPi&@RqHRhr41u-Q(c$DCn| z#|c6z4Kekr6{c@6U?1C;&>eT8@XsM}T#%50-5Y!%cKPp?^0z7Qk=F%c(=-{sgL-K6 z-y^cp2G><1E*EZq$uuc;2E|A;E zeq>vGO)zMk72e%n#kd9EpcRXvu*qRRePg`*GG$ zDSZIbd*i77*n2iqOp{gwIl)F&mIS}j#!iQD^5uOfk+{U|!z`@mdog+FUNf}RJ2#%4 zIJgb&#bshM|23HDAp>hP9BG-K51Asv^;`EelE}9_7^1KN)*O?hagS%hp8*ThJ1v7l zUMpeoTOUU3bT8d(+D$Bda*WNtykE97xCBDvqKwbhMZ)sVMcC)^0E+C+!E({9usHV# zyXHm&)N_2kRaY6BrEkymUW`znFS%8_mUFzh8=&HrEc~gP4H6zEMDltg2|b@f=gs=Y zTyGG@bft2}pvDcFuFm0RxNBgx>r7%;8BV^Qw8sw~ywqooE0Lb-iE2eJ8CB&1+||pA z;);9pz^uwZ>i+#JyZ!DxGTl@V`Hf@9oX;d5d~Rb0DzxauLqgDM6+>qE?Sw;%oFKf+9wk#bhDl}*X_E?r6N#@#$cZQv zh&F)2jg)Gg+k(N3dB(>ArJ&sJB0WA7j>8gz%;4ipNR=?ckvdm0{@WQ{2Dn~QI6u64 z(M)7M7EuX~4U)id;ywgU0k0Wm7||opme_5^$e4)Wzzso2@KJ<&547<7ntHfAQii?4 zi*X=eFaAmlK;4qftwCxrWP|z%+U+a|lU9jv!ZMO1JKd&zR+Yr}nJ)8CM-kTd8PFYq z!T50CEm7O53~wyQ>C#$La6Q=o+{*#ZR0rbiW9@X2`~|Yo;R;IaUjaHIPZ|Ha1u!ze z63^|y5V_(rb__2yDNmCHKB-jp_=S}m>t;JJX1~d&A_>U9fvwvMLU4zY~BW`Dtwy7PHv)`=iF!-0F$@f2Cw>#}LhZZVCH4xSs#w zx5V(}KH6#~2o7a0=*Rg5xb|o&sx+*HGtXw>!=RIN=PM1gdn^l6audjhKVPY$awOa| zTn^(k!Zc7)4EJ-{n6)vpsi!l4+ZoGDda;)~i{v=LfQcfP^CZX{pAR{Fhk*_=ba}rm z2+m#u^<@`e!HIrqonG50=WE~$aPcWuU`867adV~3`B3NS@$oPFOHKzuERsO_Tp z%vN6wj^(ZfYb+Ol-PuU|Ji!v1Gf|*0O^-PgpANgY%GXiu(KBTB@i5G_Gr>*MjA^uGFcAs=35q{X z!JtqMnXGJvsWa_}WljoHwT{b;?dc=i#iG!~*@QMS&iKx556Fe?rI$sz!IEEsShw@Q zFyBhDBdm{Oh25Zds*YNX9D*WN5#myo;q(8x!FFyRMt9#MUk)C^++RA(fuj>Bb?_TK zsJNWvsohH7z2}%fw%Rz>-%B?C8laD=EznLV5dP^0=RwUSY8J}IZg2O~ zeVf8*=@J*a2(u)@Z(1(1Z@49`s`y5-P1T=_((O>|p4?6`OZMR!@j zRI6=7eOniN>JEoNwIV9+@RWWml3*h&2Ee5^9)z-;L2Ye1=tX}w4wqkmLOr|Cs38n5 zuN@-)d^La()d4jFL8|wA8T=f7LjN`tk@xogM87ACsn9YdzXFs|ahEeTMeoKP`TY3o zpgs=HSHw&$E+gv_g)5{^(wasIjvbavXVg9fA?qkw`3cZw*Gyc`@oTNFm7$RCY>p-7 z2XZYP5C z*|zg<5~-Q*jlHh#h~B~L;Pbf>PRn}Gt9A=v+IKB-Dxws=$O)kGJ5^TCKoYd063H`u zX&f9DL%nD>h|e6r(&y2X*P*=m*S>XZ)S5&(;bsTxg}1A3wuM^qVk?gKNFX#i& z{UpQ6f?T5;nfcZiF@*EAxkYS+bJ;uT-XCT3$H({h+cVzSVEKEpvvnhF*3YFsM(@Fn z^Hoc)C8;9cj9s9`e~wiUzD4E^Pi?zkJ_XghTj_zRnr*L&xXi=3KFAv92cE8LD47zC zMU*>hJ^w>4ul~pOC-!lj?i}{u^E?c%al;ai91^`I7pwQ>L*kXSa963GnRlX|HYw@h zGrwRIT2x2+jnyIS5ywdzcg35x&ykd>^-$~@1b;5sVbw(uG~(q$8&5BAT;hjIO*xN= zLjqiqerIH^s0fYMAGa=XnF%3Q*WsM@TwEL?)^^2mIb;o&(ezXxe%{iKRIFkKfnNM`4st~o>GU(W|0*fXK;MT)i)RAN3EaBTuGuzJ76UqFj zB{&66v|4gg;T803y9@oVL=IeZ1hBu<9ZRP?YI!v9g~%(Z5nCY_bY_rdS-&!Vn;l3N zxN~<_VMCn5^<~97Z!@!&rJ(ESSn^S9Gh`eUr=tp28Gmj@)S8?QElR)Wr~8d~$@>hd zrd2c3UGq>^jnd)5T=weq1jwoAg<7?K{PBF8DxcAVhMT6epzb*vrBwobhwiaGdMimr zj42*I@Dc)^7SacLCFCIYU5~6`05@@tftlkZ!)&2h^*Aaolf-_Lnb1}q4T{p|$irk6lTMQ>*mAdzRi4T{5MLH?eK#L!hku$a3eW{>K?kjGBY4pTLr?P7)e zng>9v*_lo(bf=G#;;2V3OYH)-z^#^i)FP(1O-_n+R16~D?8L!6DTQg|7zX6sM`p?^ z75r6@h7kgjOo_@$^)A*hNeJ(<{YA!tjq0b`iQY+ajV0d8tT4_7 zqhwne9kG_~vB-sielL(IkY^pHyr%kg;ZW-HoE(T+guzJ<>ANsF$QYZXv2ulIC*+Fe zb99hgI|P4Bu8_#UYBV7gaCuM=cGNjx17n9bR9-Rp>wZ#sek(Y1L$+g5{_5s|$ZBag{zZ++v=fF1UXzx0uQTb= zjBOyi>6kIUTP}TJu@e4~LaZgHQK;-_tE6`qeQPKUJTek6=d=h0jHQxp4QF!uTOOWx zC28VzzXF(d36w{z1VtO&S@}10n7+c1=sefPsA=9f<$KG{eg%Bo{@FCTo0E5%z+!fDhJW1756&_uDeglS71 z1j|QeM8SGFJzE;Y&D0)(#F_7Oi03oAMS3eeG5-a5Wl%vE4;6#@yDXR$SOkyUZ4e_5 zVDX|5Of|Ay>R4b4*=0jivf7+_$N6H+a4h_JAP*7}{p8P{WpH+j2<9e^Qo$$5w6fQa zCNE}TX`>CEzZH!VQGYoP>Ke@T`#_gkY$qF-&f8$9*U{<$}o&D=HlpIb* zFO9#%bYUQTo0ZLqU%kyS%UJv_w;c6CWltSvDoPt8E#*O4^pS0*qjvX z&uAu&Tn5l>o*41h+XP~oPf5vd1;Xdk0*}olK*U0tNSfVe&RCQ%?v_=MJgNpcmn%p; zjYh4Wc*y>~6e=w?q2g*6%=w{3BhvQbRqngN^U4n&-MvX;cp~xIpLF{2{XYB}D+c~9 z&q$Bg&;n9a5bhqVv>QSdi*U@llAh#F<4Qyc?7h%Yoa=LtMAx3I# z#VhftXd6<5Dj6%lR)uq})U~n>YHDbgT0?(^`>;g?j*#dThyPBd;Wl@7@G1?$df6ZJ zMdD54z6wQVc$Xz9H#|lC1yn((#vh;CI{?4GJ&|~Ph`f%y&K@FPsLu1-)2-nR@2Thm+_1rKLtTf4Nh_6APqF?l7 z%>;4ozRxbQP$etG3z_Mr3&1|i1;@)~gS3x2m|xhz{MT8ECu|>~(3K#@@ z;)PWu_^Da~p8SeqcX`I3M#5~9+24NBef@E8hsy}h?QkT+W;1Y$oFJ@R(TK-A1>l<9 z0wU9VlqPESl8sNr+UD}r5Qn4r@Ud9F?R--iusIFQazEr~M9MI|vG6YP{`p6;=Upc0 z`=xNG{1d&YR|wzR-a>JsAJb770~7a;wI;CwczokYaPLjUHCZy)yBf&BIwcy>8;eK& z%|VyT0m!$*h^$%uj>dAnRk5rj&^*0>sB$xb$4v8IFIua0c)0iFMWVcqkoJbR*x!>(^9{G-lAR7{s>;LOi1CF=OU@0D_=q0f`Lsn< z^Ab~)&_tL6H)!9o=j7|16~tS!mOUzAh9Umf=}5mYzBpV?dH4N~p)+B}s*A!f6`3<< zh(bjfqEOzm7b%fMMT8P*(m*LRXfQ_^G82)ANCTPAUMP`>ij)*8B^9MKe5v%EU*NiU z?RW3Bp69;jaxPzEyfTdRPgfktI>xJ!kukuvanhLmOoR;)W8mZJAo^4;1OMB}GQVo> zQJ-0>8NWj_Y3v3KY&^$#Fq6CKKk}3ORH=pR(toUhS0nRncpAu@qs-${d0x?>)72kR z0m5f`z`fj+(5?9cz2eG&e>jD$d%2vJ%BDa}&30USei6v-xk-fPO_1VaoTVsq{3`pehL5@!7l8hRGW1^0!pWUSxxQi&(|Owg$|P!7L7R23;fF0O zJb8+yNo_(&4^=Sc`$H$oHDdC&LgrA|epEc+h0AL1P}hqxWK=T`tlj%bvPmUtzF>%` zKFX&&8&x)OVFAp!dlt5oE`!*eCDeY6JNt|zG1_ZcI@`#Sg#Nioj@L-zA6IQ~u*xGA zD;H6dHwsYlG#eZ}+Q{v)mB9ZbpSy3Ig~n%1RElo_j(7ONh(I27m>Z58L>*AS^Auj$ z-%4s!-hs@%G&;Imi2Rs#5UaV}rtiDUaPEy7=Kw+Cci}22b*e{)Nk))7w+C8hC9uAQ zVko_38R~Iwy65xKK-xS91*cQ8BD@LZRkYyzmX8ot8iQynNc*ZcFsVslG=8}mRs>Ha zgN&HzJg*4mNt-Ktx!OZY_l2OymO`mVoA6-rdXQ~o;Sqm71dC+jhjAM?qb60W z8Cigy8(Z;=aS+TcP2hMZGT?ZU%d3S8(xVE0@bm+B-2OL{oK*e5v9Kta?5vDt++0m- z;sY!8?;eqQ^_PA-Y7Z50I^?l@0G%Flmjv`|rOFmDpk7#wo?NGBvkAxQD?0=H_m`ON z2MC0wsSK$1vm-HAXl7TEuFzR!I<^9K~Fvmi?TcQD8 zm`p6{_CxUvO^9a)iPnj1w#hY;@p|q-Up3qzuf?R`g%ic~1KY82-7;_wKZR$hIch9Q zq6@_hne5oRC~H4Jt#sX?IAk8i&v}Q!BRBEqopyK`n@7F$_^?{T7Is`!hV0di^jUol zrnX1WJ%5jp49{rNZ!3v~uWLZ;za~5)w-*l|4T8S13-roR93>UHxS*p5cX99Iq&Lfn z@kULO*~?NXCJbsz_u$)q-JlgK4F?WnktXgU{dCj3!;8O>_0~thI`cZmO6`Or z0fo4EE|&>kEJ`yE$K&fE8!QrL*?mbo*iv$xc4<6gJ=t}5?0^q>$9Y0^xz1$Z?zhPQ zy&eVZj4^k%7kBqh1Tmo$>i(gZ%;`D=zVov{Wzh_%JSNUQH`xKlbJl~Wm=eU+=Frk( z%II)X9)9+OG79c-ApA|8q^2H&@afmc(^0N}z|Buy+5??A6b#~Wvw=L;XX?`>8Ihqp z>K%R!re=HM%KbAja9bSy3@e0vGiK59+fj^w2{)tIQbI&8J&T_Davn`@uR*zo_o>tQEOJhH4LLH{0U^vjGzdXVy5$7F zr<}mznkVF#)pl63Jc;RfE(mX9V(6DKGu-#MoFs+~(CdO(aGY04N^95PlP?S&As0xpxZ=&Yw>bcpRgmBL@=J+hcOu zY?u*VLl^9pA;rQk8JAC-ciD#r<$H$Nk(9;I@*#*+r4|zLUOtrfiAL{pCa~1_9{Ik? znZB2`WSDzRY@$shNZe#;a;QFJ#J8Z3%?&uwJ06;DB%vnp)N=Z8PtrBo`x#!ezsIG6tLyvNjeI>52QH%xVuGb_8% z3YSmnCxaq7R7~!B~{u0Np zTm72NYd8hr3%wX`#vNOD-{|oAKUCLC#8h-)3fRc-qoNwpy<&5LZ5kwp%=u_x&lGyX zdN=J5ZNj>eevY28x@ z@Lt%I+LI>5p!M_?*y~tPvptjwbzcO)VWRkCBR;)igevZz==M4B;Js`;{FRV{OhXS#o;FXQ&NthbFhhV!Q&XC9y?~hJajgC6 z2{`tm6G|7U)4;?u3~u6_5epX*BHKdB`-^aC`DvW<<2I=Da9Q8TTF7{kfou6clWNOx zW^wpu=DK7VSZ({tlX@72%M;bP-qKa1D^+Q7$r&<_U4w298^C(5IjsCMj~t&!#}!#0>{Vvm=rJ6*G&z1Ao5t#q9iXNA1$JFpg;Lkos(STQ&LF_2Ir-AHW{GEKAVFZ_( zBXM+IDBMy}<^-=Xk ze<+Bk#yRe#cvwyzzQ4}Fk-?Aj<#;`vd|`-eQhtg%0!Enj6NRus*AW+f{X=WCMLGV~ zIdbmCTJSvX3^(jNAl_1w9Cdz7g*!T3kL)Nu9ZJ&4jMIzAIV#Gahk5c8Y05y#@G@7tGV{S7hB!MbcF}i_94T zx}fnZ@t(JxCg0{^oIn>C%=^n*kb02!>TnP|?Buc&O0CR}=4;IE`XcP#kj=3I^ysF= zdCav*w(zt$2!=HjOuM^<;m8?|MQHb%Sz9fPx^=1KVMiD)d-soeuj4cQVVgr8pWY^? z!lLFZX$R$5(8^($q}nvj9d%%o}I?PKOZgo^ZE<^Va@50?Vb`u_jOwH^`4NTQ76`ymUE~a5l&F-JFxs z)ewpoSukB&HDH^700hfcqW#TOl(gN&bx7LiE4NFuV{|({`{E31qA#%Bj5kfVpN#!m zs`1``{UHA$8sAo3!JOHTV12=Q5Qz+jH`fyxC*u;v=F}agpllr~WTsHpfOY69(m`FX zeWrYS%&_~{b~JCBL6rw?lC9$!xaE5vEbteGG{I~VXa0#~3g5F6{CqK29qE%nKh~gf)s>hOmP3p_ zLa^vx;;X&|7ksjUm}^|7Uv36GJb4-ppO_#!sW1L%o`>Q$cVOo$AqXxrq@nv9$?2^Z zN&EvnX!DK)lfARi*Q1K2SE#eG3Mx4DbsS6>_mRRoQ%v)v(b>~B*- zkI#ECQ&WpcmdpnO^_@gh_Y2VpDaT!H!Qfb5KsK83@YaJ+T=g{1hV*X$)Kt3(L=cU%NLGvn zWzRB3CSVhqTc*N^y)&4(ZG2?e_6;DCyaI0f{b4M3X2ONJfEfpqU~6|8Y#CUC?VExj zJgkh#=iZWnUFS%|o;xt9AQTiUmQrs)0ZcMniNbqW5-V@Yz7_X@T@AmOB7Y^a47U9Gbg(;6CHmSQEp!(fD-0I;fb@&6q))BDs#x$CFqPP)UzH zZlv`o9P2y(4Clot=Q0q2VA699-(J>%56`cF@qHeSzWhsHCU@i3=;=7>vj#WFi6D6w z15KWzR4CCGZ(h!?aUHsXH_oe~S}!hSjnf$yG?rs*e%*XJl^WQ9D=syatXvonbEcn=BjzC@+9 z3rN&QZ(iRl6E@Cr4#(CgWc6kyu~vc$aJBeit`{)ZR3OfseFy3_ysTB2)SwR5wSH)= zmOzRsf^li|0eq02OBZiWVL#s1X1+xD!$rYN&OuwmI~w2((;bUpW&R|%+vSRDj&klB zUK?Aow;msCdqqsveHv0AEUmLW+oAz z`Z*8xSJ|Z!{D2BZ8hGSx)*r}+@M(q$p%S{6Kj60K3o7L!MDHGf#UW)crnzeTt zjiK+_3cOm#4`9#bcbbpUDJQ(x7ix`wZY(R^p@@C^yO_0czZr)MtC86|2`+q@ zAw1iR1gf7W4i0IM@K+1Xr!?_?yZM3Pl{8l5m!w z-&?MPE3He=vpEk>DHl`08`tRI-$x|{U1HE#2I93M9)31A_SjE9m@H4sv#?@O%e8w+&otcU2Ep$lCVgss>p99&yR4f5uiF;qq^uFCp2+n9BtLN9CT2d}l7c9j?unERbb)jG90+e%0rnLDJnRQ_|uJ1C0 z{pV`olS2&awbGJ);u%2s`X_jScZvBS8;LK0tm$F-Ze~vUIC(HCOj>!;;I2H242AmR6^$-3BTgARSqYeA zdq+N@~ORs%!_})Uyn$J&57mU(b78MY4 z?=TFH9f9FhR`fwi1zogb3SQLrhqVi>;6Y|NTCRFeKl*rM!rsHA;b}an=(z~~)8Zj4 zd=IR=X$9BIyg_-X5tl2u1ZSg#IL7BBrYlei9}iBD?cEJ{DsH4^{evsyWaUYAC|nnY zecBywdOX=vKvfh20iXRh4SWzoHaoYL3%G zN*-)uSU&YRGC~=l{?Z+1uzX^|y>woC;QR zow>5SiaJLYa=9s9kzodyUpG`>v^9J%k0=UFDqxy%i$J@-a)b1lTK?m74+ z#2)8wJjGgV&EqI%9n7aIFL0ynPSUpM7?HPoM^`QtL>;4Cl$6^`)5LZ~Hbqi%@El4M$Yo?{w)N`mR-nKX^x2|_F1z`Ao% zv}V;V+EZ)_J?%|IY06CQJ|M&S&{m*hO%z(C014`;qKoN4YF_k%UP@L4-{pU3@y|Ar z_*4iwZGCI{zlIR2V`69%)k-_Ra{ihuK?rFHMO{x7(&MavBNNL(V9!}rt3;M&@`vN8 z()G+bj+txQSxO{lIAi^vI&v?q5Vo(Yz=?Tx@V%2bEGbTboVzmw!3L)>;}4& zW|N_HSW`GZkj!2GmkqYbfHf^4WD9p@OMVE$(B#Fy_h18&Toj2B+Oce?f2+xnpYKRj z-U(PD&_}f1X0i|XgWy|h6s)N$puu4SjKcKmyidFK5Z66-$*$Fdgsj^R9|vnluv`-? zmQ2HYLJIU;-FBK_HPuvhW;?Aiy#g1*CNl*=Zs>L3B#cPelc=ZlRMW2*4~s~W%vvM- zr{E4VaX0P>48c4f24mZ$@IT+{I7dE$<6P%}`(^=Xnx97_BLqx4MXwXL?2RBB_85QX zJK}-MH%;7|rbDgpPu98fGCtNi2I5P#!Kd>o9d6hUnUDLJCyzR@TiBn8pMC^CJNzT6 zyz8vMPz0=OUcHSIHJh3kckofSX))kfprGWSjg78j+Gg%tlU;iBqbOdt;QuUY&{J zxi{g&8LsP7xeMyU@0!S5-GGu7mbj%%m|ZUxfls>Uqd#|lsW;t4^Hy#q7k!&(;eyxX zB)30{8>s^Q7c6uYL{sUSTvS~h3J1W3J!qK6y@lm5&qM|-UoL{p^$Y1a=TBtymz!L# zC5C9aJfO92rsBUSt~)Qe92MVQ#E&6-Owp_)8dID|jbn#t*jNI3DYvk7>d(Qs^Ayq1 zSO;f{<`FNOwGg8d3KtWnpsY|ZxIY<$8}flz;@1TN7f#b=hb<^>%i^U4+Bicwfjs)! zLCl&WYgQ@+L(^Y7vf0_D=Cku|?lYD|R~DZK5q1@Hj9s#0OA!OTsj(z8dMkC5D96Ign`GsZZeo9j z0qyBaFm-e-=>AQnRTIx)O}+!jE-I-qxLG7M&E5x-s6 z$h01H(~b7~X!_lBTI^(5JBxdJ?e(Q3MVN;#GlXh~n$=-_fD+r{^Z**l#Zc%|K6xy# z5q~dAhvC!?T6tR&6(@vX&A?`~QQw0n6~2=2v(GV2$s2q8gm8{)0VA?*h@1)dNk6{k zoE&-AU{l;_y8o>_3@E*&VSgt>51$+O_SCS)q#|LTZ8&ozJ0AyE)H&R z`;zf@>>gl27JoQnT{)3VKj-cSU$fP?ODltUYcFh?bd4p+6a2LisTI^f zR|}2`e&bCaod=7Z3&8upDzg8=I(DtyCFbeYM`ZicD`;xwh;};hkFLa-|7AniOQhaRdN2i`E9I@Se|b6KB|=e-`{okj8R zqe?W{gd{{H8CQLJ!;4w>lw^EqrIB(Q@VtaRrbOnTq`EqjcyAj7>%S+1&v%g7b95NR zW>GR?nF4dpWw7gtf@#LfJP?~B3d_pvA=WUF6pu{@{qH6^Su7V?bAMD^y)pCLC;xu=k%+18(;2uzLsg`b=hJ-;_hE=|R}@q=a6sxlUSZ zPBC}ihTy?NT)(n68}As#F#U;&_#;IFRgLn|Ogb8)MT22w#4KXXIoWEvONiE{8IazS z!z%Q?r()CoBfGM;<8gy?RBNP!^{Z{gi)-V-$ZR?I8*$!k(;K+$LNYwFtS7(k@W>TW zS90srb|~ZfhSQhmf=E*ZZipG--fj{gQ6`OJy}!td`ssM2k;nNgqgZ48bwv9xrS=9N znP_`8sxh{lPDY#-hnr{?&2mTDcpB24A&Tb zui4`gh*t(%srZ{^;4do)kEJ+<|1Vi`hFwi=SIhvr-Q~m}`Vu-9z97$6rqiRsmfYDI z43l>4gfkb5OiW`V*qPh-(bGwQ&KTp)*q8jKd-wiezKEnUi9KAmSGbLuH<(b<;@2O=xY$BJ}tchPrFj@#GQ#s5(?m`ZZcur9H{m%Q;_ey&Pq}$^O9cE0QS8w~eeW zih>ZiB)nbZPX2pxjlI9JlYG~+hlqXAq|{&)O-so@zh&>?l4&jx=)FbtrN@}edHJ;B zQx|V%^c3VDxJWf`bmD7^Vyvi|1%8v&>7|g>#5?^JQNQqy%vNkci+$tldsTbfStbcN zpo`0AY=L_Y?(BETZ^ZG!H>h92?bm&T*{e1Y*lRvP`{HNf49iOxDqlr5IJtoApef@t z<_htbPeJghOJwBgX>w|4Dr_nHO|>siA@7-u;8%5-_AC&Brwv)Cvnn3%2j*fy)FaH3 zilFP9r{I>UJ8{khU7Tc+PH2=KeRA>|W4Bxljzp$0$Erlp;R~nl70jSpIaWf|UoN}0 zDjlXPnP8IMA-uXp8#*$2@tEoeeCBoxqU?Ma zidao(?Ar^fXA+?{O$5A43-Q2U6LkqKCJ}lCgqWWK{@Jgowe2f*FuIbAi|fIb^I;e` zZ8E(p)`Dqn=PN7ZQLz;pYPPjrhJq$Zy84ba`EtjT_V!BSjycd&p3HCM@#Zhx@Wx$j~{F+GBF%AhvlX zG8HU+wqpyu@lXLQGi;&5EEmPa-?4%bU1U<;HH_8nLHBqm_$6&j$`Z5CpWB@`yf{rq zeMg8%l0RA1)x#|JGJ~_extM=k)HEZu8SJae@p$heGTdoH-!}awVQdh^*mO)Ze~qVJ zoub$5gXmt5bJTzTcC0FpLbGaFcs+NBs5tZCq5GChZD$G%TEyKIg=$SQXU+q@BJ&#E z(2I1ZE$2rxyo62flE6Hn3=hoiCRVm-Fe{wnzO=6gxh=(Hb>Rx!dw&}yH60@jl2OFE ze-jKp@PKixIHEW$5$2o@CR3J}k}13P!BTT2(}2T<7|-{FsQ+%nvx#qrc*1pdLOX<- ziFA+(E^qVcj}I>OG-vJ8FGIh8ps9h*gKClXN?5#B6nf7X!s&l8q-9|r{khYNik;-H)nz#goTAh~Jx#0O$%*3-U$T<) z?9E0?fjrVPTMlOr|3_t~a2}kF^I*Zb6h&0|PSLpvS&D!TG}$WKUW>+4oY3Y+m7r|0=Vn z!*dBn>4Q8xu2fZw`LlyO4W5LXBU6!1#6$4Qha}zVBsmlD9@e2#~I9!KFD^ZVomFgnhl`Jc0xe0(;A6e$St ziUh@JlgVGdYUYBq6#dV40JaszkvUoZ*!}nv#yxpO6ULGuWS<`1oiz;x4HKCe>#vjB za;3QYVK{rNgdZy$)T#gZU>rP9NPj8C;-8sPAZNic{;zVd>wOkUlbwlU%>~uWRL*63 zDT8Q@O(Ol9N{HGEKO9M`gZz&Z^kru?E$7XKxZ{K#Oy~spfL=5{APMG*$YjllBVy0A zp=}Z8VOZD>&+H56?8gMyl_yYwpF!&%E%^6FJWTWpz%$-I<_!1t`?sf*<7RkJr_+3J zOq0vr=iX)N@+RP%#XdTA@(o++FrDt7wg;q7?8GF6Y1rZ;kD9leiDkeHOidD`Rst2M z;Qkn{eheke`Pb-ogF3P~rj#7W^`>IpnN(8R2mHSL@bl;am`k|?l@_#vo^A4m^cHjl$T|Wiz_*u%ZUu(?5 zTj|d5e3ZM`!Cw9Mm;~!yg^M!Eu!SdAEqKHNu%HT)rR_17zY*%3gQ4Q`%@il>X{;Uir3iU&)(-@U+tuC(i!09zTr8qmQi@DD57g%3J$U zIkTVc3OS1fQY!eQ=OHZVc*N~F`0(GAcxsZo00jFqF>c!?h;Xt8i)l0AtAsZWa+ywr z2w`fmY71daOrfu-mUj7kqqX~&z;J;3KFwc3 zQik;4zqd8)l5b_q9;OW?3{R5>i@A*Tv{R(pxtCO0oCJPuHh03aoF^c_-JzpeXwY0O zJS0&-U5|dG1HCs%)gdqTUC49@kd8!$&s={ib`>sJd!T0CCs`2kd_~2I=TXr>VVYi` z&$!GPB^xAN38d%3nLE?zCew}B-yTLoa`-q8(O=f$ry`xNFiOtKhC|U+KRCT}GfCe2 z6eVs;)=J)vVvluPAtf))qw8Qe4h5Cd!9$zK*I8e|VqZLoY6_?}m7R^Y@uwN1@LOb| zYyt6Kp$vM7!nFA0baoFrK~9?jen|LE_%!Qjj*A{xdwS8fxnJ1V20ZxiS_@ZYUn5Os z%UGw^sbIJAITg{iXZ{XqlRlB(M6qxy8kpt6Pw8}6EY(Zj_DNCRvKREgBs*q`a1!s| zDM#|1&zdy)){)WEUQoa2JpIPyF*&yiDRqfswZ)MT?FZ0MFg-zJ# znanF1w1=hVM%k6x6-4NXH5rT%$F088@!oc1d662tCmKb^NV@z z+T*l*voFN8Ji*CVyr|KvmuSl;32HJ@aJu>-8Tj#>SOrZX2fz8_^D0sD?b|#YnEQ(? zmF&bh(+rp~+sPpQjhl(7e`cmb6pmVPj-CK>cr7qUL_HEhi-w5tN>G+Kg7V$`Xf`6cY$c^ekDg`@DKTu75{t09(udSqnZvHLxvb}q6V|No=Qt~>_hJ@#PAnRc%T{vls_KZ|k zpS9`)<=QID{pyaNmzsj*{cPGEaDaZi{e(D7l43mAWXQcV%(j22!6fZZIafg(Uc?Qf$@ph)B3-fA3qEk&{t$^TRH9Ll^A0+&#`k8k zPb<04*VXf6AY>g3D45~QrYWqh%X#?5w-`o>_{ps;7qHLm0UaA#3-d}}!IP&&Bz&I% z_YTw`&vH-Tu&)Dzdf8FIg^Kvf=Q(jZPz`V9&8p`YUfM*}OIo%cn3H z)Vc+vdb{AnrnzLpyl$d5w+zQde^OQLc=lKN2DqKE5XxodV(qFYsN|Lfmv5xvwDSzS zk6T1-?mvT|q5>FTgm|+wU10H)IGpXLhL&53k!RaWa)TalvpqS+ajfr=MEE_rgmYy1`%b~k^_R$$!QH5SIfS+P zK7~&IW=QNxelxvOTo{|5Cd4zx2cH%-k)rdvv82V49(h%X>sw7wup=1~4suL_m|4`V zSe`m>;hY~oGGTUb4pVki1}~@%QIDBz5Oa{rYfG&pOZ3(8?#%1-U(!5y>77pJ2-lGQ z?g}C=?L`u7(=anEl*+uni2LiUi1o!T-h!XpZcalRGLH&_aO8VN$i^7o2NYAkv;o>L z6oR742{f&68t!z-qkLa~QJ<4NB*Rz*6}^h-r@yPfPGAczJ0Onl>h)-GigqCu2ZMA%Kr{P&F)zP*Y@&&g!sd(?>9%o|ku zzt`BjP6`xus$u$55wKTjVDBUakf3fcWb30)UPT>}5@K;tg&D{6e}OAa63I^E<7`yP zYM>*cknb=R7mMFxFMS<=Cb1vP_NS^uQbCW@|Fi?OgakTEK7(wzdKzE7-a(R&q%c!P zipfhUSNz8H!`b~QuyOugQpH@M2ExnP(Q0pSU3`fak89$Lf@)$^DGYCmhqxSK9@QS% ziu>+ztmJqZDz%8g`wg}9(rOi|x4@Bna7!m~$N2E~j5ylU`-lce_0af++pMx~7<%@{ zQm@Brpik5We|2m^1KInqpz|GXnd&gzq&R}*gAMp)oiq`4R7Bb`8AZ->e@~eZ^nJ97 z)%^YeZN60vtz8G6UQ|N52wnBf+a_|L$%K>^&;e-XKXllU_5OU)hXgafw!k-q;fk!k05 z(dz?!bY!9t-jr!^S+opn7PMkC6|R!WG1l~NBgcIEPaVqc#lkJUmozC>8|~I=uq*yM zONZxX(i9QSS@c#PwR7K7$xzPM#;6j_-0cv<=ZrFiM$mBU0uk|EOa(`WnDYNbaL9-A zxYHokEvu996Aj`%BSA2lT7{oCDdAW^DZoxG*7H9jc=JRYu6*VkHm0_ium`E!!IhYi zPni*YIcg;Oh~vS><6?6&Ff^ZqO@~~tOJEjGH&MnB(b@PzA_lU53qtZ{jySmH_HA#Z;8DgU&)2X=<4e)qrOeFx6#bJzq1))kQf<`0cabwUA! zM>RfH<@CJqnVQA(ouKNNC6_UsPV@rYF#WDEBwrUn{av|a%PSSwb>9y?7Fh!yv!4jO zy-J0r`*4iYDR6wPF(ymBq1D^M>BlE`@I&o9NUXaA4G$Xd`YU5P@saB^EN!LhLi|Zx zjV!h9S^!UqbLjC=8cQoTi&aQk#=@Y@=}6Za6rddoBL*zhPUPmjbk+V^+|MF!~2CngxW zeFg6PbDQW6ug4CDE!4tuE~svBf}>Z@aXo_-B&Kx=zJ2rnr#MmYJUGIhb^Ai|=JZjC zrXC!1>0@#<#F)9I>#52SeYP(p8t(d0C|%o5c@I6wP7hfk@7>R)u3CXxL!0STl^zWE z?TV$z>zHA=|L}QEH`Ue5!W+(gMAa$~J8R9*Rbd)j+8$C9DSn0?G<6S|+H^<@NhdmX zU+EK(I3};`A4clUC*Ea2%xuBWm=t}7{7vp;S~)g>_NsAWkkm?d1)m{jqdkaKb~ooa zs3b9(1LXFbF|vGXEIO~`_`uiC*PMBFllWbqhlz75h>;!FJG_|$U$$jX{h;HtQuaA< zzb*zllW)}6h<{>V>~@A|nv5szMZu|qlWO66B>L{(&pA{hY2aj*x)$X^ccTpWoJvHq zbLx`>>s^K;m`x7^UXAZ)oP%g&_frC>wxEi5_(Va zEnRju5k_6(LG70k9+*;x&twlkwAX9WzA+N>|J>oda@mERNk()iu!byLBahpBuhYYh z(YS7%8x_&4qRheF=;~C@Oj~UP!Vx#YE@~Rp^W`#Y)r+{jg9#fX8qCC6{bWK-GTHuZ zy&W@$5gLf8fT)IB}mc-Q^>>IStx4A5OBK+{za~&PE8$T z8njSe#|>kb4bh!P^f6Mx9TuZ{8$yezffk=>bK4~B%lkrH zg}7YI1p~TQ$qA#6yV5Tyr$~CY4Lz`P65TPojiGg>=)T<$uBdQtXAs4_#!1L$#E+H* zRW!+TDOENU1Mlw@)IHjf%72JuCRdgs_a8%kNw<<$l8$7sCIN15n;S;s^Was2sm+zOz6P-}9@IwG2;5Gx|*6?VH z`A%?LK2Q^IT>{Jgy9|p$7>Io<#)QS3!Fd-0@Wiz^tdg=p9gi32+`I?eY;93x+y)9y zhv5|N_x5v5Keq0Y0|&RMU_HJT_czsWtalZ#n{WUP32F53;Z%uE^(0MP7~_WcA@jL3 zF@7YDBR0waTrWDLT?@5G&2gjnF1+_s8QyE9AUfG#=9xdV>C zs^x>K|2z6T<`Z*TD~&|LAXPutMB=Wmg26Hd9j@*Nx9glQwPk>PkY*1>j`p0DxfZtd z-oR>`*>HRG25PCO)4cbCMCZz0Xgr^Xo!pGQ_4sx62!iQD>q{0Wtp17qskEP zYYT_l=HP;vZ%9$d67bdbXTqPQlmEU|vbPMUpndOm$aonC8ypwl-z5vl(2aE5k#`jp zhoyPub`@-Hr5yfpnh!~#byRNC2E3hpg*tQ`gm?OS7{@U@tqR=1RrwNo_V{L`V;QJC zAwiFK3c$40rZ{kshswtn!}3$(pj{?GK52)Mj6y+J!s(qx(P3Y665 z?qn8YbWKn?DQ-Ie8S8IRo*DPP1cK3rB4A{H8+qee2Eyfh*lLTM2C)kf}@B+z?rY(PmslksW4N}nw)rB4FBGx;kc@J~K}Z9ou<6UUlKus4^V z+#CU)%&lQ?qMfGg+s*Fjxl6qsslvP0mq|(Qd&2D74f7%TLa=4a8|Bb-JL-S~$+GExy-UB^SqcCt^D+F0Z(RVgIO!&}S5_3tP8Vu>9a#;o| zR;Y$!98X>8Y#S+^sRD&3=fjFs^T1T`KG8E0C!rSyP|wi^%lX`x)8Xd0(_jU3yo`lS z&2!*RESDkJ+)Sq{=Hk5OX}CHghx7f_ah^+iqM1@e6@9kRscOMc%5iZd8xPWqv8&J^ zYl(#uoXdEp4G3G?fM1Ik(~AC}7eALuFPYArV~8V^SqcYD7edfhj&asw414~p zM_Zw8c7NOk&~mjSS`Vy2_kI*E&GCiD2fXmlCob2eDhr?fXXw1+srth>E?X)q$ta^l z3Z;a5zK?{8h9VVBMG=)zniMj#Nk;Y_*&+9Q9}S{GA&Ssa+C^LStKa#{>*X)^y64>U zeV)(f{VuKLM`<=N6LoFig;WG}+;a?i_c5?j+K1|Y{{eg%O&o01!}5=OvamOW{h|Am z3~tjVie_u^h+aAgxFrJ7S6K3Oml2Mh8RtFf5P?V;N&2%pm<|~S!o-nXSP^yuJ}e2!cV)%sx9uDt{I5_=pSaTrq_$SHBJ|9a>yn zyO2(tW<}=Iw&SXsyP(zZ9JqN-ge_?z#M^l<3E*a_PP42qf6aCpw=k5=4Vp_Tlq_*V zqxsr){EoAVWa=ekE_(iyp1*sa=Q*0eMr;y7-|9S?M=OaLbYb}IH!QC`hU|Rk zh(EG(QD35xEpTb3w*@U=o@*VkY;(cpjv~Bt_b}Wx4Pjs2&B4jOEIBn6PS<)j5c@Mx z^h?ERvh4kNIOn?z<%SkAzoV+z?94{0H%e0{rxSrPW30#tB|G0N1kEaO zni@3(F$Ub+SKzb=VkiGv0*3LlU3Y=EXvP`aXumpC2{YW!gc5I!$&pv zWv0$MpEHNlj3Iry{UA8uYLuG|WpA!d=dh5XUf5yYW8R`?n96#kCl={tvwq zG8L6p<)fdzIcRd6+J-!ek1xb9W=>kz7}3eDSk+Iyl6+YC=K?I9w}@%J@QUc{%VoBI z62nrdcpB`u4X4eCr>^5KiPnlbb~tw;oa_(bywLG9O=J-mo=zh#xGde=@L{IwVg?DS zn~Pl)DYQcR8x0(ONIi^{s5P|#wYO);+_x85CtW#aFt`Xlzw00wce%NO!EW4e>?*rm zJ`}{gl;Mc?IGyQK&(3mN2AU5ykU!#+xgA$BtY~>a9ez!RrPIuqi)}$5uJMKP-HwA; zxgf2btqN-^o=^$dbdqVFNI%pX!L~$YSo-lRSZ=7`GOzOZrqmIJjcv#h=@4A4904x` zMPbe|N31X^Mn{Kq3>q5Y+rK%^%yzY9{e@I;?$I!I@y$q@BqB{7hrTBZ#P-uoeP&?i z;0$B0lAuH277EXs!X{@ffaA&T=PHv^~u4 zyv5iwc^cSfY{YAi0^qM=7jq{6K3`*zBb(Z|6&GHZf-@UE342kHegDOeRy1tI2ZF0{ zX}b=&b^jWSK*R6*| zlTz7Pr&8fptv0vU5}<;E(KJr(G=6OiBb|Q-iPxG`7}Hrr?#6Q&N-n2RloY}yZn=!_ zKWgEO>D=`o>Is526HsF5HT;_3K_5R-K^2^gH}=kiKg*xPXVpV=i!;|FG2aH^T;}ZP zFA2DFi|c0JE24L|zl74cSE0@K0h7EY3Szd4K#%5M=1!0!sIR&}o;e882c4lrcvcO$ znS6`bsU|~mD#r~ue1>(7o`9F!7vZcd8JM4uL(ZL2gWS3;G%w5?I<6bgEmNP-A7e@M z{Bj~#K~f#VzT;h50m|467)GI;2ZNcZWk2-o4kynOxplXZC%4rfm> ziNUcDK`5HPfu8#p2aXzNO)Ok4K=6z#-0I*94r=pB^P6BgxR&!(T0EnhJGic7mjLa# zVFNFx%;mo>slbU(I0p7iZnnO_m#&N~qS0LLTv0rf{j}5_Q_{LfDfj+f>$zzXo&1{! zUe2J;HX71IZ!TL>7l%KrGHG;S5PfoPKks47bdtYiBfGGK0~m7b>xQJ2nY3nVUevtjcQW$17^Is6?ZF%r$8MS;j-}KbEK3jdQe8YK&(>{!IY+n)Xn&<90bQ&!0FeHnt($F!U zyS^0nLT=V4rslaQc%Mze#($;kzLSfx1}^QpSd zPvE@}g8N!8_}4b{v1-gNdgpR4TRC8fC2tl{T{uYF?gJf6_o9|7wQ-`DF^zI4pzdcpR9`{pL5h03|t}yla*nX%S2*# zIgh9u7ACQAd`9)Z2$bU7Mw`71k@ue@NLkm=9;%rk;B8a5lmMKK`*Gh0d+Svs@AN?#C}%{2Hh*C3rFT5ot+1P zbsl&(Or4q8SVZ<8Bv}4Fg%+JVN|vmS0m;+(#AjJJ9bcvl6WrE8{oxi;{?CV4_jWMw zV-tSxUr+Abw1t4e9zMu6(l2W?$xem0=YM<2jKi3xEZ!dkk(lr?>?kggH3zyIID=Q*#}7_;kl!1&h`va0nw853OqwgQ7dYE}@va3#19_l}OJY+|%MGpVUQ$252x zh_xS7(0{881_s`zF zyMu^P52I_-h%POvIMlufzibF&r^X(ncHi>(55A4F3w_<7fb%8i+_QtV+CKDYY&Ga0syr7j~XxIc1$CW+r8l504IbIfXD zy<$7^xz{qfN{aZsj$o3acn~bBNA(_zvPFJE7}GnI+$4P z^Bkxz_h_L~bOdaXyIRW+|AYNc05Vn#fgNfwe--cm$CGLNvqGT0aC1zF`&N#M2_ zAoQ%7)-xx`*#;##x+ns-Wyy2=)F4RyE(#K{tBI`II`S>L4|j%NBpM1jP;`#)w(e!< zqiu!A1lls+9nHw}ZyscTeCJzREJ204H|WO5v*g39Msy0%gn-r_XgRS2yRw9EV`w4c zabh*pU)cwJu^}YNW)NQGN|Em10QOT$HjVq+M-&s1*vU<+F!Qh@Y){Q&et!}|n`>s! zH(pCl1uDZUy^GLXT}=*zXh7->Y4(uAX5zrj%9$hFY*S4Omx*1cht}J|kH~T&G2M(5 zEIW&V)1OhzaW}M^=15xY+}Me|R&?2HF<7K+jZS0cSp2P?F(1w)68kt7@VkxB`R#{E zz_19}%lW+YvbTct#Sjp~YEZa(flc*239YC0kaa(J@Mrg0uq-sgUFYlAYfF-NF$Wiu z_$jqy?c7lKKH)d1c={g+Hx*<4(+Yvedw|iuMKMfB5Vgx~srpzRn=?|zSnYg36~Bjo zP<=Y1&YHl+sTMFlMhf-_Kc?=@`^b^c5je88izJI%V*2eNx3mwm4ifu17;Px2(<6+oiIDuZf+D*K>*Mi^8{h&6< z7KI8FSl4Zb@v^ci>()7o%$)av+?897g9;yT>fNKTR&?Ctb-E6CREaf>-2F&(&g6n~ zLjg*!&Zn33y;-?!*KreZg`tXP^tnC{8~RRw`%~_jy5t%REa+fLp5G)6mI1io^+mY) z)CL~hUQ8ESMzND;W`nsbpH7@x%xqn79V6NqJYnWStnMk&i|tEc!@*||u8;!p}zH9=F-V&m#v)7X(p-(c^HWQlGYdP@x(h zR{{UcL*T~+(G_>X*z?XDSAEEk+Ws`>_W8TW6XlH%Y(1L_?={CODq1A(-eR&hQGg}T z!|~Y@NcI*A9rdFWT<75VX@AKU>t#fHK_4aG6+t;q27^kCNyxp)q^))$#`s)8%`rVN za*1Gky%zI*I8JTDxFUJHc`IIBDi6=Lzh*=o6X?x|V<0B3h8tekU}v=-%()&;)(QV% zcB3ckPw=77t7Y(Y)=qeETpf1H9l*`OrHtLGLBbn|qSxxKf?-S({U@Z0H9^_*tg$(S zH15RnFI{2L6>zJgfbgrh%e_I5dl8tvWgoZ~dEsSVAg0>};-b%+V9Sel%-}*}jJcA_h8~cE4>g=a^Vb}v(3k7< zw)`XOLgU$mW$H}H&t*-o%o%#~Q55%@EQ!R^I2Rd=h8B`Sab;9?9_)(DW_mb977{6Y=b4|TA78@ zp5neqFJOxh4>Ar~p`_GdOnLZ{*L`3w&OBL4-H)85?n%$da}7U?y&D9hYXK}y+hNPo z6Ij=Dl_l%;V6Cwbn&$|?cMEgOI4^>ED=$!|H=oJn`-G|+T!!dEb^dIFIp8-t4!7kh zqt8N1X!$Q1eIBnto!<*kQK6lF_1nctZB@W$$sdS#ZW`G)X$jdMU<5x)Pm!FTJMsJP zPwZ#!K-`fX1Y;l9|kn67!

5tZKz94ZIA=bOVRmB*y{rXYA2T_Qe6272Rex2d9Ju(v44?(UpmYWvZfF zPOcSZEnkd{vD=x5CDJJE>wxa3r{m?^a&oS81)do4U^iz?fQAnSudQZlXI4JRI}zY-QgU9)0HmJ3d>=pE%*a# z_H`zdIchZZuDyw~H+T?-)M4iEi8D}Tp@ln!Tgi^eAL)D90FGaH4`d3HNQLoFVs&Xc zepw`j`;C`^=vX9(oJ_-YlN31K>P$HNH5Ugb9ssXuRg|83l7310!hSepfb*i|$Zq+= zKM+#P9wr0G{gG zh`-|tLblx}5?-T3I^UL-KA!~UCcf+vg;QAJxE^#=VlgP|D4bbs0OyuZ2Tzm3kdPI` zcD4PXL-`x=ZORNDy2o**aR9a9vMSJ`O9nQtgk<$}_@(}gg5ONKzhnbzcWNV<=F>%b=D(y*bmr5sb-6f| z46sV-dNeXK4EAhOBZ7gNxbtZ}J$7pe`ByBDK9*eguEdbeyE4xB?+N97dZmDM@w<^O zlmpdQ`|;==X>#wVA?6phnuMEs(#{Mnjmn-uH_q$e5q=Imqd8|3*~9JmIPOozL}IMp zOAp@YB)#dbNJK5!!|SwZX!RCczjOude*S?>nZ{+yob?#*9Zq0iCdwEUt%WkbN}7H| z4<8@lI5yLh@MXUr*LjPiRi_s*OE?bRNN*;Y`|v;V(p&?NtTw?*(MibvzL_rh_=I|# zTMNE!NRNDXfb_90_Q~&?WNc|GslVlpZ@*X)Em=*Y9VO~v7}F&HN_iB_<%YUL`7e6WrVEIrC~ z!|ljqF5eco=pc$K9)=GFkNG*NU#Z=f82t6=HPx|grZVMqyyYbe@q;&k?hR+**;_9( zP?>_%K>$McN<)CTC#w@FfUg9dAfYl4j}6FB*RLxvYknYz#x{~buV`2hp#^nCb~v+2 z4?RA9ASa{C=)37lNSMkg62W_g`i<^*M@|yg4t9{p!8q)xsf3NUpP|pSUI<~P;e>~y z;HJq^>-U&K}Ku0v>ArvG0ErFg3DzC~A@ia?U2~u^mf5f_H?T zQgp?IhhDQ&I#!btlMARX8O0@DFIZ=e-PZVPlq{JeK<4Z|4%#DMsW)Ec8@yM8uJJ~o z_u}#Hmku)H>^KC#2ksp508dAzvX|0^h`6t?>Cr7g@X))5=FNCX8|~&Yy=$CNs#Bl6 zE`Ne8&M3m8gSz64!OYri6G#ef}O8 zIJb))(mX_V+qy9dZR)I1N;KNbTk*=vgqkucuhQ!uviT(;;aJ}=gobH8pyGIf=5u-a zW9?D=6-0=>8Gp{dq~u5hswA5pBq&1C*106L{2_cU|3XqeMG(Q6F0?lNGpjE?8NaTM zrOPiHkYg7{+3bvSn3|Bl+HZ=0d(u0}hfVt+Ptzx?JTg6QU;TRwb+xF z06(29sQ-pORM}&Qs)-gTCM}6QXZJIzc31I<+g>`8%WxdZd{55kR?xq@DfLqgMroOu zm~Pk!eQ}WxlxD!W8I91|qyR6O?!b46xsb9b2lZSGsSWd!Hw9OsRHz$?A=iGy?;;R#}yQ^D$Aa5Y;^_n z`>~#6PmzazR!tC`CjvIfl*caUqc&>K|^avTj6X^hMU+YDkS6&3A zW$`%ZJsshV8<<@7Cc+Lf7{R6@Z1~MSvVTt7M6Y4IWh_Zr&QiD8lBSV+f8ku0cii=~ zoPK^Ci>H#EargD6;2OS2p0$eOKt()ow6<#dNwwB^+KPKOzs* zrLj2j4ZUcv6@*n)m{c1sv*#>gYCflqUHYt-`RpZ$=EwAq$yS6v;zckPmyHPv3(3ck z3*^Em_xt`x_RBXR)4RzHtY(6Mspfwo=k@*kKaToasy0cHj^mj z<>ZRhIn0^T!73a{!N0|`F!Q7>O#0=GIUf|UHS0DO*j|8u7ZXgEU5o_5zFbtw6(Nh0 z)SK+QkKz6awX|319JJJ_fc~>P%yD3gXju}*H0h^9P3z*zBqgCXC_w z&!?C)2nIv(Ly+U^%FogMw-xDY6$?)Q30;%58OTO&bi@^sqz%MO;zQ~!6 zzh^wd^JheWH=Ie6))~R78y2AHD}r$!ib>$A9CD{Bi(`75(u4v5*i{mUQ-!Y5;lTyy z8YFb`%TY`ACoyTl@vlS=z1>k}HlNj!~l?Y{Mu;TLiTqo-x^XWO45#x9*KPP4J`qMPg zpgn-t&~V7_P{E!{J}`Dq2(~_uC5n{+gsut%vgR=S8(qySnO#NNv-IJ}yS22UqX_ao zy(1TA6riK3Fg6?OGh!Nh$fS}{dTC!3h*CN9vJ`_S7GbFA&4&#%oyk_1L~4sdu&y%} zb5;(srZ=Kcb^2oZuPGeGE-c1XBCqLP+RYzJjD%A;{&1vQ1Zz#Na=YhkwBC?&kHaXj zoMKEqO!$QFhU%HWNBMMH;uJ{imxKA!#aZ>|0vI+`8$>1w(qwT>5G(3|B`Rvj1xTRd zei}K}c9QjX%%PrIjnqKIid;+xKwM{!iI*dY$G9|J@yo{b!Py|5l12`^5r?1 z+On@0d?6gm{~W~fv#GSnAsLjg5QjWnKu<5Y@es$&+o*AptQ;tS^BZ&EM{FTI#XCps zH}a`>TO^$*nMsyDyu*BSzQWFz9%L_N%8~~D5qv22n>WsNV4jMe!Sa`az#f>01BK=| zuC0P^{XbCY!WFDoLKrFk6i*CV3(>E+0V1cSp^vQ*&H8T*jTzVvf0K|b+M0xQ!$Tx= zj{>OIOhD0vqa>syfDvq+%*k?Hz>9Nh6{|AjiBl;w4o|14emoL0iOb84nUT7TR^mF} z8IE+#pz}1=laJ!sm|>sBJES6j>pk8Q!N>FH@a%bbyi*P;MQW+FWiIV4E5?bwIjqh0 zSeoQ5ME|SM<6LpBxU7AqX~^Fz(C?c`4~R9Auuw^6(6)z;Z{LR=@e@&5hKGH=x}X}9 z&zNX@Cc0Vjw9#4(bLu}5q38Nwu*?Bo-M@s-Yime58-<#yRhtamE;lxA+KGE?cxPCOPqn9%}<#ke2xE2IDr9-HB@+nL4v^vXm)5NT_;jN?s^te zE5bc94I(rSwxC#554*j>0{(nRCmjmM==|a&Y!kRo-5waDlzERgJCTR8w~_mm(bVfxA&um+CgS4WaEuz@f!WD$yFD1i%|&5F*(oCHpb8(= z7t{0`fmF&U8DpND1)IqGXb+#JSN<2T<|h zM0k^Z0M?#JA|Yv}94|ze>b!G>>o0A{iv>H#%m_2W7YJrYOT3DY4gPY%3iQXK#<;?(-;uTAM|GD6F$u~6DY$K!h zHI6zQ76O@Yf*~(+xjs$@Ozca+k-!#=vOf5UXvfbp0LU+1Cz7loZLCV205n`sdDNDz@2)r&M;An^$SWI=&4?dOAbn++XbWYXF`PirI== zbxh@Q9r}Jvp9#P70C`bZk6$%PI3J7%^TEKDl zDbSjuN={cjaa_q8NCUn&yCJ6GWT(cSRGPzUCY1yDm9RqU7Q zA(QSrV0$lIXZ5FYbFQg-(bBCJk51SFYAdZ!d#w!2?XbeJ`(h|Jr;T1&I!Ml{D8u}e zHT>TfpOR%x-2ZJn6Bh6Z-sSd#usQ>jwravI-TUy%ArYkIpVBYdqM#w(g?^s`pe2#( zbni2#J4<3HRS3ps=8ddK_CdT;QNo0khQmqwH0<~KMw`_&wpK{x2$! zedjjAlg~!~JEN?yDi40QwJ0o5n8%i2G{3D(wp)>8C+RNgSlRL6tAp?a$Zbp7-tH48p+dA1tD&n%$sa#{G}&kfG&rbgBU$HGWILr>VH zgX64Z+{k6p9alBu>xem+G}#r!mTtt21M%#djBT`Wfa9Zz`4f|2f7oImNsU_6F~R)_ zewXba=2y$fucI04=xKA(;41_f=FMd1y-&oY^)<6$?+6LJR8E#&bjO+RkMKW%JebZs zNJHX3(7NOCwBe>K?wlQucG>$G(FeKorMxcw)QEw;-A`!qm_5FJ7z%}4_TrbTGM-t) zeFnu6AYxuN)8AzQug;gzX{tM6`^pWR*E%0lJvZRl7i}fl1YN z)GN=0w&lKN2dehtq#b8z&A2bdaQ)aXFNDdQ&qjzKw;5(udgkJ%|U0MptsiMRUq#$zrTxZ!a>bM&({@TAVdPa7ZXth`B6_65`0 zv@Ukaw+7XNQMPsNomMMVmjvvEtzr*r!H2e9xr}i{pbj^HI#$V z*LwQs_(!HF#1*WZr{dc-HnUKUPCjIUknq$(2 z(`V>`VXY%>6**7CtvTHMU)`p&foW(Kp@GwmE3z|Oi*f(?L4NbELdI#YHd)f4Ve0be z7AgOm#$=XO19>70wZ#)q|DYxu3EBxe`A+0I$9nsa#KVU%k6~zT9v!gNf;@+lurr2} zA#!KslEF`8SGp>&??ULlpV7=>xN^DT`#A12U5TX+vryoy9JRL%!UVl3=qefmdnc%p zy#8#uJlGy;jz8qC`y{;kRS&g(N5j<2_o%w|H?B)5q>EJVL&v}jED`zz1(u0meIb>! zJz9>VGQx<)98+?%m9ia2XtK~5*dMV0XMgEsj(l4UFD%j_UNRg)YBXs{Wi(MeHoa+c zB;_s7EykjW$=KyCW!k#CnI2|1PW0g!(5-qA?$4}6wKY@F?Y>RZ$4z_TzPl{S+&x22 z>P5oSzCy^a>?XUNMk%v6j0w}ZMU1|e;UxF#rPC%zL@|EH>cAZKU-+w zwLUUtql4~~T4?=QYrK{+K(zN5(p77Zv{a zw8GcB9Vp{C3uj40Ly_P`a_nmc-dht5lSGn<;{7N5!5>}tcf}*(@_2yir=4PtDF2{| zJrQKaf)ofe*5SG?ZAAHuCznZGObs4}VgJ|J#AP5848JLuE++@Tao`;lv>7KcH9t5f zTM?Z6!{hdOV~|lDLeGjf!D#Rul2bhstSb+&^rXD$!xwFMojQ|cWedRlC&FKo|A?Cp z55GAl(Bz^axqR)9 zgJe%;D1I1gz?3()QNObo_J#KmqjMH$da;h0#YuygoeoaDvjDwQ8epkVAsw>4!QSg% zPhZW*rk#6=@vDMZlhfloj($?$;XRW6DzDrR%o^t?M}8~Up##p6-&QyXM|<47eU<9 zl5IF6V`@9)0?cVq!islCAzr4NlvH1UBrO?^6%fK^Yg=LF&}MLXJk_*PrGZ_XRt|ZS z1ep2%8MF6`WEkItdX3qKHqdP8I<`w{CH|+f5goIesayVa!c;Xfud^R*~gs+?$UJ?v(ZiI2&1(s3+50hc&4(RSiRj$Z|b zRiU@|dx3AH2j*mu_^elMvV4_Ji|#2wcuWMVzhnb`o~I4P4PhXBatr89|H%G+8;^qP zcXD}FS^U1)f!;2yhnT5HX`zoX%-?y0yY8lgbdn@ruC<0H*;=5+wLuyi_<)XbJgUZ@ zTVUM)vgb3C=yb)ym~|!^rW~6B-HAWRP{V7|v?Y!mP<%(9-zmZ&2aeO@oq(y|xLx_Z z0eEbpi#=U~)Is4eET5JDwJKe>Y2{y#=k6h2;#R@0rQEE}&=h@6r4o;RB`CannaICN z#8<7_bZ?wnV}w8e7);{9_1&+C#y1W6*esiP2rdJOCFWEjM~Ds^$YVuuCSyfJz;4<~ zNZgadN&T+jTJw0iS)z;Gaj^lsM&Fa{P8$g4c**s~vG{3p07j=T!4u{c5O+8k_U#cS zX^z{8y6iBOvC_h4zFx=|ct;cJJmE)MBU-2(L)CqGP_MHRDxUVxW9CtW8Q^?kre8s~ zI+|7rchLHK3-D3l4V<|t30D5yPlh{lX=#-l1fGn>62Ilx|B{<2E^T1*3aatSbtTR* ze~ccNo&rj+-ALS&ENEb7;EqTUa346u7K+b?1Lr$&x62JIt@0x7lZA2e z?qBQ{&EI6KOn?+cUVw2QdAt%KY5F~(A66!$VX$`_eUY%2{PGfI+r3iItyqrTt9zZU zyI}|0f7vz$T0FuJC!XV{mBGMQ`Uu5i>)_DhF_NBg6hze)!RuW%IO6+|S|6!kcw;HF z^`t#^h`+$9JO9wYVybD)JRiISEY-d6o${~0prtbxVgH(Wv?g;E@sX*8Qe}ILXuin~ z?VSh{vTnnPx=+wi(27OmGBjSF0Eeut(K4z!HXanV+pxYA|%+qh!GKMpe>WK+0Q{^RNp@vF1bsi zvehFZ)?3F!EtDa7`JZsEVjaeKr-4qf1SAXgvGQ(ZRLL@gd~Dhen%$kSQhF4uPcMZO z?`f>-nG7=KEC6M$%V6YWB)m~8M*rFNm}|jt%{xcAy;LXeyrfKgH&19fzDl2kjfL>? z^nLocG*(s?rMiZglPCPa|M53iB2x?|&29h*6X0;` zL$)qIp|Nt<8%Fy__*MI**~#6pG3_ zOrR%|qZbC}UmT&!PMQGk{0xjV5HP)6_!&;rufX-oD{;#uKkB}9CYLXb!P&C0&>YlC z)TCDu|8n)F8}E%UedI1#%5~{qnk*+!pa$PvTwrqa7GgJfHaXrRLnOY&k>Xi*dB?U_ zV9IGVe7EX59l7Dke%yKnthDOMRcUo7SU-XHG%*Rg-hCtEl@h=8|$H|Oo;4VeCI9!H#a|}qYW8&15d(S(^N*zM;YYjnbX~? zHlXHZ&NI93BGuke#NPINMW-oq%=xPhc<=s18sub$HhJB2^pOiyt~m;=?QlA*YJ&S)Q zmFi!3VkKK3YBtA93{b@?$3i$zevaN--ba%QpF*?rKO&xKO61QL5w~4AxZ-F(y;^C9 zId(xr$>b!HJL4YFO?n8)`ocKlr70ZJT0vIDUu@jFw}~-4bC)JbUqS_|Rz@j84kox3 z(G{ydFj|)t>FX!yaHz!%AGc5CJRJ9FV4fx1Id={o6#XKZ7>8+T^FhmOqG@CKEaE;U zV!A-Nl=?SuEQkYdi1BkSvn6+*o@nl2W4}D1v&a79`)~8&YY(~NV=k_EbVdpFRro^| zj%$Fz!~wY08HV?&&%yEBaH75}1dEkYz{qAgI-2X6%9kiZZ}KDhPGmo>kXS%04->rU zCIRx7g`nZ@92^QPq~Sif;I8z9jJIAUZheu^q*j1s&-bFwU=syLrOE#I5{n(D7 zXFgJk)J0@ysDU-YQV8M=(X9!yvAyysT~*ovKTlsEV_U1>>XRFdNps^t)zFb_cRmir zSNDNRF~>Z3l)waPW{`>2}*cNMvC*k=z-}uL1I<^ldN2I8W)_A!xYW=STz*F=F8qdb+sP4B6Tuu zb$d_$`%jT4CZPuQ;byo@SEcdZuUODAoeFbj_rdU+H0&u{gF}i<@G?>Z=H@TP^=e&c ztHqsb;?9ub8@i^tC0dwm98c^Mt+{N$47}l+4?)(yN!P}iWEAY_a&ckP?Wz~xueKTL z>=Y-%OCxc7vp*hqeTwUAHlT%7D*T)_gZAr{(m7Wbz}tV)kUc3Al%HH9Up#bSu0}4g z_*PAIf@hk_ZuW-k2Ri`kyYNB8bzsOa=ZTrYIZHE1Si^bvX8ML6*j_9#(a}V)XZM{r>}{ct63gKo5P?xq+n6i zBY2y*9MUJhhQXtkXvO79*3b1B*p#&~J$aIhn|}rD^~r-{Zu0a{`)P<-YXJ4*EZ#M2 zC5{H;v~*7@`Q#Lhb3~iata&G+^eF&e%QeEBom}?$^lrMqwvs1tYa7^0ekL1c5~vN* zCi!lI@V!Ek0r&k-eQ*|aY7K%TlgEihp%@6R-%OGl01rMWM72|8MCtxJlK3YGWbH!n zmwqVKG;K$R>9=`H;>X!(6BO~sTq|}#U<-A~_(!MfZ35T58Q?$CLzm$$e5sy`MX~Yl zHhTjuPl=-y?S=3*s|eHH&jabH|52^LG`MrxjB@6C_~N>fXttiEy0KI7;S*;FI_d<~ z$v5fFs~OCugE{yy)fxRduF>sEgKVC&2Kuu<90@Mo0|{&Tg)2;WCUMR6YnEfI!$ z^QWPAqXA}co?QR)htSzsf;`){h_u89SlK(6keO-g9~yAV~MH9{`? z4_|C8gmd|inDetw!`^+pJJ0pU4?TK1g;xh3^E_x$iNM+uCsAcd41a5NKK|5egi{FuMEv#uzA zc8U^i+Mz&Y7x&;3uQL9Ix(86G+CU@i!$|%ldt7+-5o&UMPpkQp*$G=XZY@(v*u6sZ z>Jw4elsW-@ln`7Fctb_gSy&%(4mU1g;8TkZ>c3n^)~wJVi|xOlz>Z(kF=G?1UFd=9 z<hLu!Egj7C?s6-@9oOf@ffrLh-L21xHC}Wf) zQ-;hULs2SIN=0(sXNx8wQIsf^luD&RbL4w}_+_nQv7Glj&))ZaUGG_hm8JOH>@alr zm&Odca+!mABimkhh%Q~4E@b%3nfK{UkWw%hCVqElq$!ORgXH>=gQ-{A=kh!(}ORNwxyGM!)fRB zbV%r$jV)smvF%GT_LhBM|7~JyrAh*YEBRw#PYQmk9BHc8bcg-?F@t80C=*?CN#dKY z%^^QqBY5u=4>msAXmhg>MSicRE!!60X?uBgQO6Y~_8g}*D`If+H9KDZm?sU9^#OH> zkxbb)QFPMnkIC?w@igU{I!$wvU=hBT*m2!4c;?D@I`gNRo4auZt?nF#Mpq=*O81{o z?`}fdh76@M4@a_pSz7QWe=}1VK3wp*>9X93?JUs7h@KDs$Rq^@SVy)Mx~wt4L#O*8 zxaa^b9w$Q&tQD#6=TSCOs}Pihep5vEa>U9qoD+W(%|5?`qES0&P3AIY`>`K4Z#sl> zf7P(SUXA=K9hl7GjkLA>4d_I!#VCu1c%VH3)73d@NIon?!7N!+pbajww5DNx^<3cv zv1mk^B}q;YoIt!Y1^TIw$JbZnv}`5H4Ov2&w?DIAW{&i!WDm}Ns6mVC3}N$Q6O6Wb z&Rdkd75c>zIAiJpw4NVJ=Luc*Chos)YiXp085O$Cpt-%y zFxIFN>c&gslnpBAKk+l0qM%O2eghy)NvC}0(9z_Xq`*3JU(kn;+nm*-^I$h(9K6Xc zq5K;{2QT^yX%0Ti9Utfn?N3~}=}Yn{T4gS?dZbF@!-v!BxL1r+#cV~Wa=H5+9jabF zhu%7_Wd8QCsPjpt{I2sJ+&%v&`}ru04$q2)_uip6dFC)Itcrsk zL%gOnhHWxd#)6?kK=reb`FDR!KPSCn9%$w*pFgOvL=Tk3^Lb=jo87AAVgK zP7AGOlg4j994)xUq~+Jq*0|{`xZ*q~^G)clY}o*O>kW2qX&P_eFdi!vD?s~Q1h&d1 zi5>=7vyeNR;EK;cWZFyEhi7Yq{^V1BY^N=MamPsVU3?E}Bo|@S{Zl-5xtpAxyyf2= zJwuIVQII_8HOtTv?zAJf0l0g@aH~h0+{-4m!6rEl#cdn^Bc%py8f9@G+J@+JCM1oDZLgS>=3&rG zJIrkqxYW`y-O%fq!*b?EvZ#uYrc?iVa`{#cl$$lCoR9TDqqE_}K1Nb^RU0$%%EzRa zf^RX#oMtSkAol^u6cdn!N6T-KmnaV2^EcQLp|9`#P!|$~z2&bFOF8j~Dx5N6D4cK? zX4c|Lc7EJ>w#&hbeh*oPPA?v^iaZ;14~nOfPoL2XW7<(_cE7b&8T#2yDB1kCUh3xo8Y!Xe>pF~%Oc}uOA9Zl;S4!#zCqD}QV*WM zkgxV|-duq#sQCnY-Tr}@&01V*Fp|b^Itn|?q}Z~Z8W?i4kbe}J#C|`wU{coQaQxwA zCfQZRo%{I&LQ~3__wgWj5-Eu>6FMPizYY{!EQEUHXtua6pRHUeuuHeg(TsqJly_?g z8`Gl3V(#fu$%sk(&ae}#f67yEIQgC_zih&JK^JMxopM3$C6AUvck>^2#*soq03?d@ za1oQD9w}r4zB}-x@U559QO}NTFQIYG`eX=WPuC1L1lHUK_sf z=YG}EOKDwNZ9A~swYeVOZe0fk&c9*u(m7<+<_%Tjq{(LML#2G$o){f^kFIuo~(~dU_b0UzMMAviUqq@0>|iPAf!~KW4@EJ(A&~s zhn&o4;WR(bG6c`seRY{g|QNXMOOCt3Kr>onx{68fd}A5Dr^qsqTK zUjg)*d}sf;j{=$NyV>MXeeBtRM)v*(WBsx-`4R6V%iV00KzgwTo^3zO2Yfz@A#-h5 zRcI1MD*oW+%+_NL%O=y%*N@n)qGKdG&5B-3Q-sV1Ib4onipaq_ns@VwfSl{~5IABh zWmo;-qlG#8=zqp^PfwB#jeQ0GDG$caYgAcXrau+AX`#Q*B0Bs02rhCg2a}CvY?0Pz zra;E<-_^17{^>M6clHLlS)0i|9!|uYr#F&`u?A^=n1{2Z&a=eWJZ{d+%lwfWne62E zC{AxrC`je;+($`Qn&h<>rwniA^+XnIScEc873O%U4H>xqdLRy(Tmmyg=aA{27M5`! zn8~yoqRqO|m@!=f_P4F#9J+t8ZtD<`eUu2V55_daoVPkZ3>hheb& zi7=brXib)jmSK&)ALjJyU_oFSf2+w8dmcDZ*v$iQVAB_&3wZ)}+Vhb2=m|W^Ob7d8 zOY!L83*r)UPjtMiPk+C;(t(+(_;1=RZV638jF|@kuDr{K} zKfT4wfHqLdhuN@cj5=vDKc+e?8ZQhD#O$equ%T54-<<1!krT$?vpIj6w?Ypq@Jz(b z27vc3%tL-#6zCg9ldr&}XgRi@w&i&6ntcX*Z{q^0G}R=nOQmd3nGei#(k6Y~N{F}~ z0XM$>V|&(LhEpr8pm^A65{GzFf7M@3VItye^CEl{^c2=S5O{#!b7_pSv%vX^<>Pmc zqil)c?UFaN%Vsjs%+G>L-DHYbt9B@Z?>bqv*VEJjT9= zg39T_Y;)>;7UeM#vZpV{jb<;|gc(QRr^HT3436bjzX)NP@!cK~xj?p545W#vlEmjSk&| zQOc=W}Ia)$Sy^OpUBtT?m5RR)ILz7|;;+hYMIP}+e>ezLIp0}Q) znGT!rlcgIgoi2+@)aRq~$1~(sD}#;W3+c1YHfmoVNT$Wsfy^}hY z?+(UIqQQ8=Z5cWHH;TS+V{zidPCn^6&lcIrVaC59rup?Lu;GpjbM^Yd|C~LSuE+0V zEC1Z&j|;pLr`OZ)f!#US+cBD`VLg^drJC4Q(! zu+3cHd=DlgEe1np+2HRhpWymqb?%#%BW7Lu!+Jm5;n#@-$oN4UCxhNaV=|iYoSFHES$A&~tg`H5G2bsUGe1vqex`xGVOlUW zzneMwO@zf2t$gi`J}#?hIA!@90vqK3+}k1t2rz;^SmqOMenw^V6qEdgc6?;0gFK z{R#W2qg;OC$WUrfdI~wAjl89CuD}_yW*4dB|*L$mjb>1^3CrnbF_8Qj~B`-jgb?RU$-;k_4c39Fih$hVtGOjx+@NkeKj`hf(^IZ>M`s;W$G%y;XK1LlA1ucj;coKuWA~5xSn`rXf z>EIBq4UZLOlgh9(K5>Wzo*HH-csq(Isq!zkZ&W5%^kE49_vZq(cvmF!C_G>?qxCWG zx)MH*5sUVkY$xqaITYC!PN61`A#s|(qFWcoet!jA?y?cyRHWdvGoM+)IWrh6u7oQ} zX1u~%L)cKfpEevbMg8V}7I)||glwEgVKU*c$!iFGlI-IXX4#Tlf+w1;n@#byfcxL> z=H}H5r+NNzpuMRO#ZDSjd@KxhXO+;VgSYrI;}=sxN++a_5cs~KrTn1h!uLa!#nj{{E$Pi0MW?s#VqL?; z{Og166khF!=WjdWvU{_cR;M8hcB`dr3yNv6XBUh8rbt1_gJ`(M8`v6Oo#>;vC9G-Ss_V1wMGB#Y(UBH@L9Oy*1oXCC*PZJQsXEz`_7YSwmY@dEGN4S zS;F0}A4*2;r3noO(bjJo=dme+!Y;JJ?4?^Uc5FB}Hw-O5W@C>wJA~?O%3;`a!kgEf zqsx-K8~7Q6zHvcn)#B3qMdZJ+hnw_gKf9nA$u7GK9;b+UwoJW}kK8tdiVlQv6H>#ead_&j!%(yY5sm=op=K)8)2#?`Ex8R%l+>1OtL*P^YUd(~0*H zvb!hQt9IdxQMZFx4H7;_#u=dAlqd=+F{hb9Dx}l16^~q0#Hxf(;AX!a2Td4`VENMxH$0tA1sQRi^wS_-^`Qq&S$|F7uII8p$JWxN zfp>Z3%lF`=a5p{r@-%3xE$1X>_p&99Wz1=~4tWG;f_Bvu@VIt?t*}agF9DXUX3%hI zO}C*P%iK{c@CPMpG|6YoTj)tRN@}hjz-tM?7)c4#)=b3n@rvbNZ8nn3p&a%~=;+-S z&eDt(1GBHEiK1|(l(3kU1;k@mYa?5_bp}Ms^ss*CA++Ym4NAOh$xe*R<((?csaM$T ze=s=5+OJeV-L$t{=1v*1mGEXmu#)ZBIs+ZzE&?C06%XcKV^-;B!Fkh9wgdXO*j#yb zHrWvq>b1CX!+YXWMt=oHL>g?4$>y}i7c;v(26Sm?9b8Ug@Te*sOuHpe`En-P{%tzT zZ*ihqhW@x+-v!^>T>`16<7jFAarh8Ags3)>HYG;!XG9kCboNg?%NJ3rZUJog z_X}25YJuoR8Opx82I^M?7T4=M(#ToI%1kS0oTNN0A6y__+m?X~_Jy)9zxOk>Qx33T z$1SYu+)iKBh31&v97@;_51X%A(T4*wX>`Y8cK5&^95tYk|26n3R30!vuVJs@QJVsu zKNo%Rb1X!t;|@ z-K&9P*Q^3Zjjfzsp&6e3I}K%REbwF0YPz+ zbG{wL8NFewR3e1k9a0T14+`^6iG_q;dAL0I1SM{0WY1>=(qcWqLtD8;Y-oIdd*1Vb z`9wIfrHvaY>+eH$u&)4qC)@?|yG9C}<2uDD-JfBeM=lGRJB{k@)^htkc+f#=po2z2cUjn_ zc!fU|_Rw~4CqRj6+Dm}b?P5pmt(oS$gRrH;hs)ZN&yF>#2p-GzsQT3f_v&{;=bw$} z^2d$7)cWD2BbxZ~-6~uypG6g|0{`FlySU*sk>0YR`{P7G?s<^{S79isc_@cU5Gm1i|K0}+0M5ANV=5KMzuVu zkut~BiA!L@OBalhkf*m>50UB@H*61ggoC}_s5tO1|Mijyopo_zW8-DOu;2whC1)(1 z=^IR=V#bhk#2CtpYGr%+Xa9Ec$?$=S)r$Dl*8s!rXrP~MEuR)A;xp9-g1zTg?2Qt!$g7=D zuQU+NgCEf)XKNPqq!aEZ+~Gt(fccc`)eHZQbTFf3^Qif4B$=;oL=F9+q?5h^KMwI0{kBjN zt$U;f8rNeeXK*xn%UMIz%qwhRfF|oy^u>3V=915eLi~^Sr2h^#GL__5TD@cqYs%Ju zgEdNI@#3;5FDX`-bAQH`gdO~p$oJf^o>F%BZX|8=KP^80u>+J`dj$@`R?0{f(cYeW z#Am!=Rfa=^4qG9bTL}G$Gna5n*Fb98n2V=V#I(-lG%c0WHigR&jO#%6eqG-s3 zW%O(7S2lW2DO=Oj!~1-XrqHfbGAT)-)sh}GHzN{UCd|QgJM?IjS^!AzPylwC8h?znQyyxJ-_th+7&^%I9P~&V5X=7ER3SIj! z02A_x$a8{vxz|x^VK)36OY*OYXH@iK7@eR>pQ%`I{w8bd8w{bvu>x;#5j2+cg3{zb z=*?(lmF-{Y^+Jwx6vE)zeiQ0%)kB+^Yw(F^1@6pvZ!$Y$A-%qsfsUqaa8K?O-SzBX z%A>E-0-r+^y?-M~Ez@9!$6bc#ZTl!`{Q{ght`D{y)x{4XKL`X)e~`*A*6clrW5ezlaD31@jY zZ^iGP>c~xgIvC|uRPe%-YjmM&M7hBMWjx3QV`TLja=Mzt-IzU~ys+{jTjlacyvcSa z?H=NZ5847~O!!rSX}1D0GZ&AJdgx%C2u-h+IP{o*1FQOm>%&ob4_A zxL^f-DEckzDTb8~aX-w|E`Nlj<$qc7rzw&KIKFg!h~mMTtT3S&E|i}k z-yef;&G>z|aLZ--ujZ@hgP|b{c_yObSMQm_(=>c$d!M4GJMoWu2BOBky#jyl0tB8p zLU5`Q2YfkCHOZlv(RYjW7o8DzX{(aX&qlU2QjenT&huf73%QhUDNr+UI;x(EVasP) zqr{v>mhAePy)@ZP3(v%{+Dsm=^(8X-2Nt+w1H)GqrI0sR2jm`%q(O7-ad1^VXpPDz zJK^4XBY!HG$Q~?vJ1~$<^UbA4mXG1cazFYosf&L;e>XVnKFwyHQ=)*GDfnoGBd>e= zEKb^$iIXRe!2NSik?HGVj5v{wVW(Xw&2%bWKBY{iLuQlH?}uEDixC9~=k7RnX$-mN zhAZ@KsIg`*p3zf4e~l9MG2GH$|>sc7NIg9Hv{R(GHjsqEPrp!;`&XSr+v<9F zrNhf`=fx6cnx()!Ha?3NuMcGzZEHwRZ8R>Dxz8Pny9YT*f7veoE96?bn%4Ul3ebly z>|9?6jr)BTbFwesd1n$`S!RGQ_9U~0%|R%$LB#F;V$c2cn~rK$HH_|lhg$_+T*~TV z@P4UGPkoP5$t`yb9(ElK{Qc=e_+6^-bz_Zh_h7$D8tp&UNvjklGv5yvF?&%WnlD^H zGPIj+>?vW)aR%SV@lb3LF97G1@a0oI&b>mGUO5jy$63bAod1s|46`SF^U3JjXhxL# z1v6A7aptyMu4wBex?Y^YS3mFJ77tpCZ|nBKWRE~Duip;SUdWhE`YR*MxE;yldKRhb z)ZiQAHeSP557LI`FiCYoI_GhmZ3xPO{grcw?K=z?qr)h;B!-FOucEz^B`sW~Nnhg* zh@7q!VEEZW{B-dvxM)Vgx5!EKVvi+OMC8GY%-w9nTuqu$dz1GstzuhGDbk*9by^mE z9ClU&g8aNx(o)r8)8jh{D&W%VFM$SA47DWYfl$8)*6FHv5+Bf?A`)S>Gito%KvD>o|6bBk9hY99mlOoTV7t6WxorfiE)5+4&;Is>D+Z;!Ki#2C&a818nbVk(qh5=!cJddDvM4S~#*Been<;8)$$lB>u61 z1@086G!?qWCE&Z@bWmI9PYxSG!P$QV#AytLe?Cp@>h>mhm^+G+gwK}tYn>3+UdH#W z&cneb_M~@sNV&yOBQgm}70a#~Qts9~2IXfcn3j!IXNs?@nd_Jm-2BA>a$S;HftCWe zg;bJ9%LOP5N(T$U(fgv$mBu`4fTo6FxN5nQ>E)X(Y=ztyYKq!|SMP73wH-In$Hmk9bgZRV-gSD-iApu5CS`KQm}`5(`l~0_yuJF<82fi8QsaVCQgBy*CdH zxA6GQ&jA+{8(`eiPLwhpf+xp3WjnkhAwc6a4LmXchpDGv`bpVxRv2QqM)#{w&1kQU4&~@iw-6v?1Fw_73wCX3J@j(&c}jXR|N+ zUvafI%4j!Mhy2R6vef8cn)!MZZkzFuKK2g8V`r|?(lzR)L5Hg;CDRRG1Z!bt-X%Wd z{WUmbtxlDX3TVy5Bq;bB&peiTL1OJ>fj>hSw_y&OyW$;PDky=c{=sx=ZXo5pZQ&zJ ztjRC1kK{_P^64w*V`{f9Ehqq(D|r0cXIWDFc;T+pFb}Nn>!9IqTa5K?K_#_&@ME$R z?Ob{uHq|_b0XgdMR6-F3zrDrJdXT|tb}xjt4==G8!ze0=HDi&-HOb&+KmW&9OcIyl z_?ZJO@D7(m&BDD>uYhMQG2-D=RR8KdEuE1eoC|@*58TU?)3&m! z54*W@^2#*hr4NoD5QhuH%K5`{m*blf9vyY9xu%8{+BQ8Or4@c;N>SI8-P zJ0^!Tggk@&nLhd*Q6;dc{7ZM|YQy*Y??K-OMYe7N%hTTo>+UUJs`V9EaZ46Uz2|ag zUxvcV%{&g@)B~f(4`JsI+-F7JNl;(AfDQUHQ{XISp|bBpwzl~slTnnyZN^Tqj4fYa9HknK4UwP?%1 zZuyVsazYFbcO}Cy?-a4mT64}Q+OE3`mdv9x&1&|?I(N=URNWhtSJa>9{h>=0o=r&6WD_e5B6B-`{?H_rc)CG3HMGX zr#Kldz)-}-ja0#rnu6E6`3;!F%5yj6?_g=tda#vGhEAb#B0K$wc&*z*v0cDMRP-+A zE()IQLpJ90ZsA{(*noSuY_BskojFd1J9wJrGyu1^1hbKbJy7#@5e@4Y&UEySLZA0P z*1U_Mn@l_`9P^01=C-hP+w4H$tOXuRn2zIr8DpW1i@-w+gNkEXT<(E6=qOr%W9C@n zl~r#blHE~1|`8!_N<6FSdM$B~0R^4Y!$XtQc4Zl2Y}wpJB^eeY51 zQWyvssk-H&xDE)tv7Am`Qbt8319D9W+?0>aC%jYm$=u`?QUV9y$yzvMqIGpU$auU&;tf)>KP z`a~vkb|wDS4Z-~UXG}WeI}F}!fwxAFCReEo@cD`fsT3G6$y6h9?$#$4)r<5c?gZLi zvSg3K12L`98Sa>U@${C9bUnno7!=;#oxsmT}k-7)rjPBmSB&= z0yGWS#QwGVWBiGDQ1&oE@4LIP%l9L%Mqgq14rw?j8ZLA#VrlzGJ!Vy^1_tI)3~Nf+ z^WTC$uizW5J5)%P9Zfj7EeKKWG!<@#_gs8kTe$gC{Goj$OymHGDD6>pjOWdt=K~ zhIq3}Z!=*s_Y|YX_Hsjm4!|PIC(xVMPil7KMK4Sn7(Z<^zKh$8YqrfNGpj2AKNDH>tgIn8Z+IEN z`d{!=TM-Y}7?5?$ILf`z&$zAm*pnO1!Jb##%n#ud^fwK^xP64+Kbv8xqbbHaY2oX; zgUju0CZNITT2^hj2s;L*;|E1UQm;En>W4StlH0YgHdTWvAG^ZunU3fadzB?Ror8j5 zcFcZSAw4)f+jP0MpXf_|3QE&`z|qxef;)f(fwjpp=uSrWfOuZ8?ePeJFgGFV@Di~rJNz<6;R zB;7SYAL%rTxskzVT#SGZo*DFFdO9>6`^;KAZ;B(^s#(}EWYskr*pkpWaH3X09JqIg zsk81XtRDJ--ME&;dYo)9`q&M^6Sv@5wKFON5SR#e>sq5e)}^_4mb;fdRYjbmpFX$A zSZ*Kw`p1P3TS#^BulkQrkm?e(uTl^OlIT#t18NSxa_q*(e>d)YWLykqQE+K3hEJD&KA({ z>@0gInF<|4Q+5mSii5AUSafjvz_vXN0FL>&4glhCov8#1?%qm3{wO=PvFwYXtMl2bepC9l|2b)d zjAOpp2Uupx9_Wg`Avj0lIF}8RsBzp{IO+6=Kf)cROLwc#>(_NQ1=4V|Wfx5NA%pj7 zy}87HA-FZ+F)OQ$K$-ow`B5V_@dNBKN#m-#=&F4U-(S>C)su>_cFh!;p|O%w`}Jvd z!EQcwlHkNWphYQxn}PM{(%_@-xmOJx>}uh9+*uz%Pwn*3YiA8BykLy|dyc|WlU6qN zP#m6h-pzZb`OuhuE5YrT7sW=F3-3)Ay5OaaAxkQ`R8hIW$aJK>UE$o>&MtU+cNAs3 z*Q6g+<5=48$JA9J!eFw2&#uSu!T=45^YX^`M&n@QkUsWc+E^AeemunPlE*O`+BBi2 zgc2iN_#>;OOh@oUURnpScVIMI|5_I1GOAeF%N?M8K8Rp#2CWFNWz`P*@L2LaIA!6E zb3J6qZP-t7nbcK&#AbC?vLTQvLUTnrZadgilQguIJ_(yVLl8F`k$K%pC~&<2UbiA) z?T^XW=<5VUCof~;X?60sTESMX6`Ugn7g6l!<5*F84|X+QqmSt(@b!`Ez;Q z%A2JefOg9%WInK$?{2X{m)IY)Y5xTJ^=TEGCd~0VDu$rc9#vXlU&_Qe?^%n-8!-H6 zfwQCiQT>Y|of!3#)%JBj@wp7q&jBZ3XPXb|#yHTM+EiO4x$02yyeXdyY z5XGNaM&5HO$uQpzYd_gQ;cI~@TXG3*)yUGQhk`4s$cs5{`9Yt}?3ll^JFOm7i6erX z&~f)|Y6m0CJaZp^F8sq;jhKxMQ9DV_*O@8hYU9mvRnt2~Td3J>4}M>z%1_(%jN8#1 zz}>P>!W{+gS<|M4m^-jj?BslihOq@qr^AT#lcZrf~_5`8$XnNQ+)vT>r>b`XK#A>b|ChS_Qb5= z8wDngC8X^-%KDuSb02OAEQNi!XuMDkJ5{E^joGf;_QVdh#$`C2HQfWhU!0&pBUJI# z*8P}oeHS592`>+fqAmPZepio%spZcy%&v2z#_aL5y;mO%V!tpS*A_C~af9>z*aq!8 zkCF9x4^nx!iEJVjNy|_c2ls6j*rpeezZZyR-F4KyJ&??1T@%Tu37mzk7nzsZLx|qD zj;t?^5q8Pfne1H@970gO!Uy4xp$YoG%;L@q^SLJp3t7)zZQMM*h`kywQEu4siz#KL zqO?sVvBhU-%I$V`d!GwF)%gJp5ykZ8StWn$Myk(mzS?>TbjT-X)3#*sR1Yr^`W#?lJlGr?CCMJy^baH4GWAi^67*vKoVkb{yLyv+&-g;Gz72W}S%IT_wYi_>+sc;dxYF_9Xkxb)V^OM{(A^`p zNB=Mv@arR%R(If!pZN%9BCzjF5|qAEU`ER;1n!+DdWnE@S-J}=e3D^l|Df{P_6Bg= z^b$^8wq@sXy1BEa`=P__4$2l43!U!;G;GNZv>)k`&74lY{jTTo5`1WmwDOpZ|emG2~#UZz7 zTljBUUONJfe_TTG!M$ivzn*<_Q=u8Nl=0fo?IgY^kBd$%;5#=5a`KQnSAf7!8rHfJQ~&= z50bKTam&u5)ZTNRwaq$8xhJ9pH_32Vef}Bu*>V{_@X0d#EX`r#z2&rii=$XPRp{#q z-r}wKz4&(V9O4%bVAtO3u-7X`(z5B}vC!UA@M}v8EMXn^9Tf{2_1Cx_=L^h!$*}V6 z6~l1j$Tuu))E_AH7S1?Q3AFOsC1^5t#h=O&bpDV%3k;KHwbctS%;*Yx*1DPQOHRTk zR-OF4`-M39=_}aQ@EilX`>0>=C2k&B48Or1o6ftEX?O~MUhW+mAGku`;s*)*-CO)C zzlgHCO$}_FT^=oqyAEFuM__}anc$L&LRCXoYWu7VKZ`ujrfC6%j&Uagg&%B@kdrMI z=5f2e=dno@aai^JDO*;3iqlV%hm*yN_!YlId?=N%Y0rk6CfVJFxdPWZD{>nhz9@l? zwi@hU6Jpb5S6=yB08ZMW%HrRB5PEK9t4{f_6=X8{0%asS|F-3~RwQ~oQJ2YJ)E`9@@{srW>@-DsBQiVB`&k!N0U9S>R-Z5x$_m$Z+fHsx=oz%6;r-SLy=88 zDNj$duVbsCI(jeYMSg}q6sDH2#VeHA(XJZN{EL>%aok9}e)Sk`IJ$%7Wed!(mo4<> zT!Fw;jAo)M*WkZ%inLDJigpbZyqFG>`0$W94zX1gp6QXuANOX7aha$)D~Hupuffv_ z8Q5hMM$vj2^jxB@l>OG~l_T7Tq7O zTkhPXMrmK$3E!x*p*dG*!Ma<(JW`m0wG(}T0j3R~lW99I<_A8EMWZ-(tjZpQ={2R8 zKi*$_Xw?qd$~NP`zv{65)h2ZHd%}06)r$-FcY&t;6?h*PN3w!9Q6Wl^sc(*D4WHJ~ ztt=-Trz=mBGlWjN(j|<1xSD=^97ZYgLcmGe1WVpc#?o z_!@%t)tdNUQh``gsSx~A|Jx7h)}^ zPVJp5s7-vC{nd$wj>m;KLVG_wmcNG`QflG7PB`J#>Rxo8YY(7xIZT5W66?{EM zaZgw9lM|lM8riilCu=%7Raaq`a30&&^NszP{G6T6vSRXKYApIfK4zcEWc5>3amR25 zaqC{P(eZo0E+Lm<{RGyqYGCsxFyZI&aTqk11Yo0LE8|oP4X9l}xoaaxA&a#DfUa_jw*;iWvWXSS!9Eb-O z37zcy`19^~>K-hH)vY5)y)}+*mq=0FzSo@Y-Nl*go!UB@)ZGeKAMIie=cRGu$@Tn= z&NwEMWgyI1PLStvA9@h#iyw;;*b{q8eq(4bRIN0^nJ_k3JQc%ozhIT0#m7iyuS!_*;zi z4PyPDmvHr&N7&{o!!bSU0Q1$VLDBDAYnhD zoW1<2!P-JD;t%ZpsVew|bT=J@9?kj1G@XPkfjOks|T?OT>eN$itfx3-BiBABu-13z7pADP{t;_ zTCa=aYpqd6P2hX3^d+|pVZV&(Was3@#@$l@OG#r4QCo#g&Xw%ni*6w&oy|`7R*SX? zyr#WUw(RYHt4=&Q+2L`L~VkX8 zn)&%YU=piNu`^bxcz>iZi+SdN`hu%4d+q>SRC|+q(&i!jMUqi2{RDPTk`;E}R$SGQ zRdl9OmmDLb=vb;5$|QEP#jV5fZEz6VrfS2U3;faL--~c(>14Y8dnX+ba=bqeg_5k0 zPxJdSqpWDpF!VP6439*|S*cqm?N6JE+F|#gv3CMG)C%Xn&LpPTXpAdYjKwFnkHLUN zZT#6n!IxJjk3S^lVA=;Qk|j!yjyEf*ZOSXf)v>8@oP- z31uTVq-TqXldQ2^aMji4Z(<9IFT(y41$4LLE_*0W=kt<2u(sG>di)}iNyK{7?5P{D z(|!T_rP9HvzZUKk7Yvz&nhsq&>%#RrkHXB7PZ+ypDtLa6#j@rgy4(F0L;(T|=ZOO! zcR&djp9!SQf`#-wtsaitFr*RlN@&AJJ4kx$Bx*Dklgx*Q;NIB_iTNYQc>WU5U~6!K z?`!69ZUK8?V9tIoUdUXGYgo$6x(ktqVw)S&?<^xpOYMl3N@0G;aOAQa+WMxMZD}usyGn|5C3q;7>Y9SrO=lXj zP?;{O&w|EIEtD8m!kTVBVgAZW<d8`=v}ZL``yWD` zZCR9ac`esIOb5+whJw-1M=Zq4AHC*>v&pKOLRZ{`_C{v#s@Dh7#0Azkajq8rerAI+ zw|?cskq^OV#W=cQ8N~YwU1^OoyE)rFCG296R6aR?PMTEWTfPA+bBuM>YNU#W8_xt+pWB+NaEP$3%ScFbSTdIx|;J3ETo!a9^uul6ZU%*Dbva zN51T&zJXIUHwGn=eZ}!@i3GTpUS13*$8nnIYdMbT{IZ~1 zuGi@DA2rieN18xB^By!GJ`UBZ$I~*`AnX+wx>6_J!@DF2+8&w3p3l^W#P@5_Ep!hI zUGa?V(=#N?+4Jy^O|QxCX-B9huN!U(?_HZ!(iHH0IeD4h7Ef6_Tj-w5WhI8qByV{T zrt0*uW$o(h{DnuNQg#SG1#bnNhzszsR1V*@By!ikNBz&xnfPotB<&KFB1I`lDn%%%>|4khStDdCi3)R%q!dLI6)9V&q_?EK)I0xy4`$}xbH3l_ z!ChbVQ9(_UEHvJSNp`BR;NN|YH7N@>_PvDviV&7OZGa-tO*Pu_3c#tR(I9R&9dC7p zg4H7UVini)Ser@Wl=nj7)gXBB{y60H%TYgVVcMHG0;!+0L3-&E+%ROwG(Y)?8LC`o zb!r^GT=^Dazg-7^7AiTyPbeOd%I!^Yf)N$FhV$!hn0Oq`D$DJi|wd1K> z#9&ziInfmWn?Li_CM4vN69s3f9rv?2t=x+WpVY8-ZVA&lXa-tYXQ-`=6fL>uLWK&? zK$LAX&N@|qCm#r5d0QOmI^@Ql->X1=Tn`|24`0)(CdWafX$l@XA_dMZlaX(^5xUDc zl7;%>Alk(BP=AX+U&>I;IW0>Fy(I`9tE=cQc|{2Jctw|OI!Z3v>Od;zg8kJiNH6W@ zIwLxl;A&3}k$+(eG`I;%U#*1H*<#!*Ux+&0HD?{JGa%5<8D$G&$mVTcY!f$InYV2> z4L$Z7Wp4zdhfFK!SsjFpneEtTyBX|X-9%niKIfyHi`O+JP=71OP57AyR$uP0iZ>&e zM@2={RI`W9H|S*}T={A{N@hW^BG(&U>Q78w&4mSFsi@B}9R&5d>5fHPFi8705PtzQ zZ|@^_`qDVJhA4*oy+n^WgwVF{FLC{uSL}lI+#Pc5BQ6W5hY>->wD@5HK2CE(xmDlE z`aLn^YXz5Kz88!e{PQqt$_83|qYb018o8P3H{xG@oK7wlH%k079}R_cV8QAmjLwsb zRCxU%;=s3_ESBK@eqX1VX#HGIVyF?52^ z34R#($>qC#Ct}iyJ5X_*b3UEE2LHuZ6Y0}cKgo_XHa}tTKah4Bw`@s{^p7(H<}HroiQ# z2+U+2l9RsS^wEurm>g3{4~oTbbEgL+=vgpUt}!D0-|}FJ`hP@D+8e%jYC}|mH}m(f z8m{@(MBlj!VsHoNj4&YfjtTJTMawQ?!bnS-z5Fb5V>#LLM=o; zfXLbcW-6EMU-@qb?UFZur%9)<0-ivg8l&IVi?@s~~*YNA8D2#(~sz)jSqk8j)~?Mu_?x7kAUk0K9u-1tem z%w3>RItciheCeaE6(n(|8n6D@QkeEkqBf>60hQyeVCSeh3i>O;if!54Jf4qys#63< zevX&Xl1ip-I?M`5?Vu)KR3L2q2?R%FShB5_*){hIbL4UgT>YsH{@<+Oy!|

@pAE z>^8y|&`no))xZxNq3={D$fxvnqHaiPoZ|!7V)sB)lW+(1&`5N?D-AVFEfEpF!8+Us zfcl;}CgqlBiD-3Wj@-%jxFJh(!rlXXjHkk2^(WXin zkh|Hy!zDjy$Fz9r#9X6>N7e$J#ZP7xiq;;V|DL}6*g(fxx3SkvU!%w;5tFa^<@Dj5 zeh70OrbS&c=y1Clo@$QZ$DK#%pB=e8mq}63{jiptyZD196gcBmj`wDmB31p_${&JO zQbP89ClB7uCu+imy!*d%v1pj{ZfE_1(p622O3O_&`lCd=hQ|G38wzu<<9-2-@3bKKxrI1s{RQ6j1|GS-o#PlAz6W{N zV))zY1H0b?p8vC`R+v#Gxn2Z)wUpt6mjvT+!j0#$WCavQSDxqT23T zP;zRV@mg~cES#Rz=v!LAiT?^w;)ffg^0(q@6HmH0R))%67$VP07h{3I6-*Xe3!~z~ z(2(&Gze#AI=KE;)9hu6xsWV9Ip}BBBIS{AMlSZY|yJ)z}f!=&j0iB_TaG~c^&>xb) zvUwdSwIc|Zh&hw>lY_YX6xT2Q&_;FyD8pQRPu#1n3HCudOb$rT#EIHFST5&E^Tem& zzf@!R5_lRvYVzZ4u20G-D8bM^h9>RIV^gk0;Mk8rvVF4^ym+mO()woL`G(7fnb}at zc+OmU8;U|A?zGB02}Eb_0fWEq$ftSYKwuLP^Bc0uYw zRl3tf7&Z)Y{lI{u5TE{}MoZu;ly2^z(l<)s_DUXlt8lrd=prtYK8+Q1R|Ma4Tvai?Jf?c@t6)?w?__pmC4j=7#l&Xt2>tmf zk&Q1LV3lTWhNBl^P{uld_~z_{pe1j({SOawK3e18HAD7;q8EEFBOPDQokAze&ZqUx zrS$ImE_U+KEIQxjYR$Ixcg)Ct3J@^$3Y-s$A(B76!K+6ZW5eIjd((X|Q!TB!q3|-P zanwPJ+*{=AZ6i{eYXMm@Q84r%A69+khrnnf*u3yMII6X=r}YSztF8u()2kz-FvEBu;;9wSa?M zM(v!ACDyx0;^B{qbZ`FvWNuyo#|DqWz~)=z!O=u8w_il+S_`nw{0uxS$RzY+JdIxw zk5}Sm!OYvW;Pp6%=lA0d{UdIL9`Ed-*DnD?FRr2!AK%0M(p1`BuK+tnwopUjMV-p$ zL&kpKW>wnwFLo;aH5RAG6AsY6fptV->rtXUdXeb6Zp59g>CngJxC4AEVBl8}__2XXnLjdVj}B`*6=OV?hBA&0r|$`;cwa)0t3 zj-}!X$hQ?+4$hR61VVTblOfOTABx6FQM3;g z4(`B4jXNa&(p4mVFPX&4Ze+6OD_UQ)44#NA<(>R0ViKhNgg6>RU`_gS=9J}mV1~_5 zp2sN@2XC|WLV29~eKtd{p8{LA?R2ok3d@%!lS%#i==bq=xP5IoC^#n5u(hE$H?bUj zygDFv!#BvjCIMx0kW@W=M+`0q*It_Wlr9{2(0y+=woUM3Qpf{XrtgP7yKmC> zSDQd`0BV0Vw$V1><0Rs+0_5q2;zsjUf?YeH*G!P)iweL_Gr?NtbuZYf9HVga=>^!D ze2?gU7K7LOI(d0A1H_!`tGqj`!?q^H!-?M|H7#Mg(XP=LvaMse{ah<)zS==vFRa4Z z5_du1n=b7*_J-s*d4p9Hx6^;*hfhrt!T-bq2ywM+|;>LXv-n^(z1*Sm;A;y zKWUmY$q+{>q-zJS|D^R#rE!~4G6^=5f%>F&*8k{p5;Vsi0wRLx?2S=muWu+hl9^4r zaUpKA2q0d{vE+hgH2B0MVU?Bx_{j38Q+gB43Vlu!EI(79bKHB$DW9Idtw%&-r1#uLxs7W=I6&sSTiP!bB>+`_drch>Ho(Vw;U!;b_~yY&q-ERIGYuzvPF|G zhP?LvMd+me48Lwy!4T`oCRc(s;J|-QM85JqvD&i;T{8c&GnHS#_2Eu3~_ zoR3GZKVZ{jM(M1*!}P~M3<>>h&UNhLP}`kzJAS{02hvwS z$oa+iAvA?8^jt`1z12eJdB*sg)>4K1*QB<|pFLA~gO%r*LXnIp61$(ggk2?Y-)TF0 zS~3%4-W~$kvH=o*VIB%JMbg!0)gbIz5k{U12HQ>vw4GncED24+D~4{Ug5%^vxdthW zsKlnIau~DBXX3jT08^xZLF+Y{UUfCDGwzAs?{^TR1@o{&!jcSoUnH*<^b)bHp`eg) zkiH&?#I9%`?7PabQdG8W8iL>hm_GrOg?CyR~=56R=)YdCNLQN5o*VzDpmP=s46DQU=LV+so zc0tF&mqh$=13BXv3d@eap)HdGNzPs&{GhrJGpC8vVof;Sk*=aE>fFFm;w>p&uoCj> zhl$%_6P#u-Mt+v45x%9Owcj-wNs%i*mIPkK;>%)GY~N>cFkcR1_ZqTg34} z95Aw^fk+05k*?n4tN>xof^&=hoc3VY!v5$ z+U)y~yj{1H^_;DM#|q9-v&0g@4JK&WY8JZ6!r_3d7zuR}L!Jfab>VzXMH}uz!r!Ac z-I62BbzhEau5|>*X(-N5|3_N(yhh9ML5vT!rZKbjz{p~5y1POOA4>-?hvz;g=D{Ik z&XcWNzUd5e%Kaxvv-LAxxT#HZ;&*bKr9*BgONLkRt4 zEyh${dkte>(&(!v!O-NPL*@0eQT)YEqUt;Y-H$o3kFHBWsAVY3m}|k%*JCs%b0wZj zJd3CMEV*-rKDltVi_Emlhn<&rSST^X=H4$Rb|a~Hbi{x>;90}r-HG5;eiwe~ zaEzwA(O?p_3qyo;xP16zBAL&U%)9`2Ij;;aZkP(5H#fknHXD+>eG6KyzK>JdUr>`d zZn)hi8UKC>rcQ!SaA@aN2uKrx#TMn*)pHMv>Tl7>1H zE9f*y!bIay4PAdP0nC1LyB9O}>iT^t==&>){{8x$epuOyZQT6Z&gMN0oSlY#qD$dm z>onZXF&K8f~n40iQ9L6WPN8OKt_KucF)Zx%S|gl z|E6H={oWLOBBsgpn>a4IH|O}+TMj)LGW3uCY(f(T(91X#>qdKtt(OxNoF;7RCl-9N z7*zPv&Z-soLUwE}^F8(jNnllQ=J%`AaR=vz3Gl*PyX)BOnh0;X@B5riN0PToi$3FA z%nQ|w>93JEvQ{Sn{xrS@wNHaI#J7*qg@7}A60m=rWz7-8LYyZ>&P%B;adV;jL+!4!PYtin7iKm7Pb5E}(ZFrWu)Smk%nyiIou zXOUBHgrN0oJdtpm1!*BI%v%s;{)u&yT~Z;8U6mC23M#?BCTF^2oMXU81>@_`wba?C z0wlTYul3bnY!o~U$vhX>{U;B1D;|P2^+;|cfn>g^3ALzpqS4wO_-!B%6$9kp*B~G5 z*!Il$yvk&}F=>>>wh5w}YdjtioPn`&XW^As7<08<9NwMd$9rcQ=;zTZWM+#uJoG+K z1(dBgHoGToFI)lZyeC0i?IaMA2!rho>p&o1i{w}h zepPaNqGbHuRR*eDSEcCIZCt!o2#uWw>1zHpWY$JO?C%+6yIdE+f2+3Ox}6!2dHe-= zWa`H~kCHHZb_6^9R6W_=DNW+%IUp)U(Fl40cFwy2f?Pk`L(!U?)F+s$djfYPIwh7VF>Lq!@Z_ld?; zT_t|0^)%ue(ueZBw0BW6VeZ7yIgJ-cOSKuXONfPBV^t^{)g6S2pxCQ+;hvU!soMdu#ZzsDCPldb7OmW3Be(c;9gqMReh@{_Xn!6*M zoIaUIUzSPWU9(b>FjWBtXHQUnmG>Z1V}?pD_Tc|$E^c}z4_aGN!Czg8&R7>q!;F2= z=1Li_&sv@;w$y8^DHAtR21C8n&AARp()K)3srRH#~ z!IyXGxAZ^spurwgP-(=QEmN7m=Ernuu59&(9iPaPN2_Q=ZX3lt^4Rn|35+WMHs~Cn z?gW%Rpn3$(UkB(UbtN0kgCMMX` z{7>k^fp64d>@C^wbBOY4B2cV-0eq85VvM-%qEySjng)x>pc`IHK1;qMt2yq_hCqA# z>pzK?)tra%zdX=iY&UM!_9WGpq_Oey9NecI$&)_ih{7|{aE*sCy)zuddDRp!;`9<& z-n==W&GlOXMZNT=98%#NO7RhutNS6hMp+#vT4KZ$|7FKtNxY2Xo z%&A;|*K0Cf+pR^fuT)^>9uz_M(T&99brMbazMIYac%8^aUx0&~!trBHCSAGnAfxV} zPqR!WXyM;AFtWm&bsf~FUwj6r`fOn+g3_An&xT>wqhsLFa*5*ugm4+f`Oteen;y&m zKs_2>(c^R}e$pOh9YdOE@%CIMIr9WGbVV`?KP)EUd0SD^WtcI3nuUM62YHA2L}1== zLNjI*K(^cbs#_e>_Z5V1-Qgw2FgHDZ8iZv=DBbAF{q9|;MvelPA$dwF(m&9Y zRh3kx>o09OagEAv)J-7Nu5re?Tz z+=K*mG8oM1lD!`ikvOLtZZveg@Uzr^fl5}ZW zK3w}Y4~)Y2akh0NVG3r!r`Eg73mYkvKi5V2|DK^Xizyf$n+`V>BUp!jvZOI09yAP= zV8rVLqCe^h6)Otqrb0KmvL}KXaV({)FXhoA%b$#D6wx3PT_}8Jgo--=YhO6Q-1rQ} zeIMsRpO-;$qQ~hEj=>ae=TBmDQs9+QHI}Je#imhHXn5j{-!sEtKi|F@J+&3!obnOp zDuh7oqWv#*cxhCO57w5FS?(SjKU@F? z-smFxk6=(t5Z=5kg?(b8(DC>@PWj+MKJhDq(y|iT-W5+}f2_n?&y>)f^YOH973W-U zW>iu39&vfM4}X29bp3@5MA4?7N?S?d(bN1?wLStGn!XY#%i|c6v5eSycapQJp0H%F z2#lL6uzZ~}O6uPu>jk*X&E{P&5fOliu4+VxV<2_SRRfpY>rC6fVf-leoUHHJP2D!P zgIKRPy1z0Re0QJ|$1iSWK7ZFhFRdIlz~&oDHv541rQ@iw zB8wT4m1iq`rsJ<|Q6#v9z_qPEc=XUY5U#mL_(n}Q*ZovFJ{U!tpPyuuWA$K)aU{7i z)c}&7a5M6@LsZDfnjRJ#qGq4VYOplr+zWa;umKB zI%X5;=u}d_V+oblHAj!LBjlDQKhtIrNG5a4fw!CD=$Wo2VEt#p4`(gRx*CP|3tka& z;{wP1|3*HA+hgg4Lqs=qE~IRK$K}j9Uf$j>bdQV~zO0;&e!IDMKd-LFa$`DGw3cPM z8nmeG>}agekp)|h8|kQfg0~+>Y@q=U5DdoVH?m>&HGQPwNCDE`MW{^MVM*h>{y- ze`x9ab-=9v;2BDD{??~V%vc*?4D3PvxF~5AcBihhN6A2A6C0$}Or2&%(b4!UTF|fq z=9L_QTxkmwVN{6kjzD_QX$lShaRO$oWSzpf?e8ujCJ74f#QMr5MA0xxSoz z^63aYx+IDu`rZa1b4d)IvIGvzt%a>F)+A2gHq{p6*j>Lh>B1lZtZw;3T;0sss^=BF zZ}RqVi(?U~T<~Hw|6OOAv)st_d2V?9W)MufYl9ypN6F#eYhkWX9*=K6*S{51AZvbd z9=P2NOmp=nFjkF5v)@a=zH~aYe-5G>XGYRTo;8fb$B3GWe{tX*QpqcO+69`W)9_}V zC8`fC!_-}&cumuhrzU$G*53@rb?!OzO{O+l1rPIzT+{I5o{eDZ$7Qzqf5D=I$C>5t zFVH3<0hHK$p384+B(bM8p?PB!ePAa>9W5<*{AydE)NLU~|2;*_BpyM`%?VOp_>M_w z_(}FliJPbvtfBt|>p@=0f=%n!#z0viZeOa1YkWJ1;4w?8X~oYTxi*GfyVR+fsRWeV zT+WFx%I;|}<=0hil_jxgnr$UHj$Qc-UE=u00 z7SSmeR6(`C22UEs<9ETypttQX`-6^<>WF9LtMXK&vEo$kSUd?8$$(cmn&>VR1o8#n zAYvj3FF4ELh3Ss)u_X(Nhn;Hjm&a10&ZE%8vG&q@#j*ci8s{?pk2TZJgy1+=yqp)0 zv!1R+oV>YnrkcuX)ew)9;^nd zZaR=!+uI|7 zS)ET-EjY=^3d3CQCdwzH3fBU->~?-DnH#Ih`N@h%b!sV{ z(2u~*b&2@9q=;CLWdYwqU}eYkaMoi1P=Iw{kX=lpLS$g++eZ52W)#iH9cE{3*F&wz zW^~dwL--UEPDB;l@$vMJbmq!!xIMIu_D>Ii?<%|S*xAdle~&eoYw^{3*^4o=NuBf<^Y`6lSQfgqm0mjjj*uIpD}ZdgYxq!Fz6u5J2{8*8_B$-@AL%G&r}4~ zZ`?zevzbIvM#w~`hvPoliPAm)Zh*F$I2b%EC-*eZV|HOLZpxkq0j`|uF0noP6y#s>?u0Wknpky6Eb6s z7xN}wK{o6z*JDo0kA5N+hf}#Ic4wuVb&Gwvn z58QQ|ObO4xr-2K|K&$~{uuht6Oh`nPxD51@n}d=cVye@VMIq2}jM(i8gZCBgDAVak zx7DfAjxX})pi+U$2WrXtMPc|o6i9Bk4`}Yrffb(?W7y8i^yuk2Qs8J;&55N>#*z*HviY zS3}rz(t;)lj&V@=$sp<$0V2=3IiE}g9FQBv9b@G+W|{k09d52EpSKl4@?+t2oN(7t?CAL>a$@| z6JA4hrz(I2|73LjZx-%LE~fTPw&+oyhZ%oz$Rp_#vg*Jx^vEeBx?G;^$Aa}l%I7B8 z>Hmqiwcdo84@8)ehi6!^l^u9}sFP``yMR6EZ;1W)CQ{n?lqkQRAWQagv*h{pWIX2< z?R@kKk}^{8pwS*0GG{VgTAGM&ms~|1ISsH<3}-i#mN063<;dn8;C7!ss8`Zn{1(tk zy>1g~lAA(5xh0Y9XM3TE%hLBh@uG#cG0Z2{nEY&MqcO*%aE8DjTVy4K$q)6hpYtE5 zcx%+yi1EW>-%65KnhDCB8>&Qc3C_q#g&yN>W|sIJ>QZ@)q;KAU<9ox&>n+K+;hQ;Y zb89Ykq{X4j%XD&_=0J(m9d-)$eA@5VAUCDCe0|Uvwo~&eM#TOmg+v@Q)F(41S9TMJ zgjcAz!i$!uiGbJ4SNJhKTO!GC}H$ngRp!Y3QXfJzkFDFEuPi2=n`3t(CL zTQc=#pHWi$JT!Rv9-nn@!Xq1#$akI?tn*lcr*sp**i4it#adIV@S+Zm+F0Pyh@nNCtr+zhn-_vW=I48{b{C2W8^df8d zNC|=)85B5^iz%NoYMPH}!m{Vph-a2#_h=jM$+#olOT54i-L{4)QTu94Oj4j+)|JlP zxB!3eKSo2jZ$Js(C{b!lg0dN1^fAu`?{JyRUyB8CLR^EaH>#>>(?qD`sUR)*Njlhj z*yUYEM6{lg^QqYkQ5&ER`}WXWdkON_I1QCMxNjeqbxiqLLOb}j^6WNzCLhLviS)wYd*;(6RFz8xMp%bt9#Q0v{G_Nc&;NGolU} zCPnGc5fXJJ1f%9VK=SN8RLZuL@ZKK6LC+%67CjGl>(znw$zigcnlgVR{<4!c@PS)c z3SF{jkeZ)ZPM(FuW0{-~9C&=TW|o*PJgWFd4yg;^3GEPi!>b;8Y_3q1i}~#KKz@u4 z{Y+g?y{B)Y6fpYDSv>l+kc7Tfqh2o!@JU(^hWt(j6PZ%z@)pOjXmMcIE+JPU>X_D+ zZ2Tgii|?)bjU5w~Lap^fpflC6I`T9fcDq8uA1^}9k(EsETxWa`cM=6#`q|t`Aym?G zChlIE2d`x{A$?61?js}YijNfDRbIjKKRFsYqmP0gwW0ayA@tcFiP$RuI%iU8&BFow zCt3q>lS0twYBn~oe+l2)Y!F^O$CQ>%B4?Ed^?6;4YuO-OVEBcm2A5%r^D@qbco9}6@Il)B zHR!{vMicpIuxsNvxYSc$-B%t2JZCS6_4h`{rOFuoOcq7YSOA2jKV&oPE137wY)H-=@Q?u#Mze(xbZmOK(*lL)RJF<8AN2qfD|2s0#5Tamd9 zn;&PRwZjj{JbjrAAAd$7dh6krhXBkzuomuaYNLKL?%=utVdiUg5H37khv>W*WYs^D z@{*tQjN%aMazO+)ycUB$ro|*r#}JE_U7@4h3&;k!U(EYY+raaq7j>(i$DWxjK`+d6 zp_hxMfRSwseq%mDevdT_uJxo-^6jb8luuNn`XLPoHb6TU0Zd6&W;WRc)p#yn4mT23 zKzeLGSI9372)qL8oHOU*1Ks z_%*?19vdP0i55hs;WFWB{Fa;yxy4tFl_MrIGP5~5 zvp@rNKWs|vB;8v_9h8LV zv6CX~(9c$4_WLfHeOL#LZHZ`jbPvv{GlPx0FEM|EdSqPV{~(8&>ip%rd}+inGX-x_kD7pj zo6L$|HF)B$0cKZ6gYsNue3%+QhK^d0$T(eGEh7$5c_Q@wTO(BHtfv8AEKyl5kC_a!`Wj>l~7OQtUV%TBFJ!(D6INTRzc*vsW%@$e#?&@#kPtyl=ZqJRq?D&mP9 zzp2&JJ=j0_D%tNmh|ZN~aI?G%XxEBD^G8=K9c`i}>rz3-stM$tUE%V(p_uYz8pnQ8 z#U-nyNcnnYD&=*E3@V1xQ4vvi%1fq!&qPgXGvCr${VsM|%Mo~VR0fT1M^YPq8+vbR zK0UNSomxHN1HEQ(xYFdn>-IZJO`T?A*Sv6S(L4+e8>3*!o$I(-eHOc9$~}_*x~}Hb z!^zkwT@T);S}-QAo9rwTA~wa5V3gL4N6ufMtv}T8+}CQ>Z=nl_h-Gp9d2u{y=SVN* z^f31l8jzV5K>S-O@NLQsB4o86p3ghZ^|A&mHvTr);v1;~|SblE${D=NP5L zM!I%S1Uxc`0AH1hUd*S8iSG1ww;dy%`HRLs z+eFj%is9tcV#rc|!Xz%Nqyeq!RL=Jtl)M+mk$EzZ|CvVvY))YCYYprY3&f8Tc8u|K zaiX?R51L^P$-L1^_B#rYFGa^`L9!I8t}~&*3+3?<$3rULW63!Fwj;}1bjgy-mXM#z zhg&BCVSmaf*B7;+RzF@bn=&G)i8`h6E(`GAEC~`Nw}}+n@;GPPd0d|m2<9IQq5K%f zQ8=PR5~O&zLP!R0S4CmRr4W3xB@(+&$Sy-^NJdVW^8=HvEC5hKFH+bu+mj83s0z9OL@9DRnOXMSuTE#tF3-%pMbtt7mHi zd=G24FeY~!-mw4WaY3bUFRBz-r}UjPv4Ne zoMA;WMwD@n+*){%rof$-eev2)o!U7&7eH8!6a=5$58j9Uh%(<7@Y~j2ZJ|;C>ntzR z!(0b#)3=M{-@yd@X1)t1-Car!&NPPaXafbwA4yrrHYy#hgG;zh_r9T2O7j!Qfm!R( z=Ya^M5JO!4mXgj>-NY*S9dbKoyztEper^6&?Gdj9o+bX|^=z&i`ZAP=tH`0jVKv@B zs2gcvOxY~c5A^OnQ50$rfpm`5`+f^|UmST(e?G{<)P0NC9l|fku9X>JX;B6RE8kL^ zj;l54%7r9QsuKCf{P54p?a&?*PZK%L{FeWM$Y!M!I>U1(X#Ej@=K5vSsWpdfGTgun z57bdq5do{c%_RRKw;$&23O9ZV;PZ1^iSkxwnySNffbJ%78M@VQ|3@Ai@Q5MGKX$+| zsYP&eVLIMfxCnbk=3&T}F*15X52TzfK*kTOGIMk%ojc6QRDNBWJRVFdzl_tz`%Y26 z>(!`Mwt=+ks8G-AeXQVqPe9$LP%*54d)H?{;y@@S9zO!7^<#McvyPEza!qXNy!#|8 zxQuM-<(?0-`7rNv4KY6Rn0a)lhb~|Bo4Ss^fcj%;n3;T=#Ko?{i8;|#4UY|B(Z2Jz zaD^tiYUtsKCB@{$m=y|VJArUoFLCv1#^qhvWV=)~9l!RF6egX;N0qmU>|0U1_IELr zpHa;M$3mZ7UWQSQrl>z(8(K9E0srM0<*z2xV*;?3ojkuRgbAa=`|xp4Kr>+TW7B-xG#n z<;{sx$%PRJKJBZ_lD=-ZoUq#K9vV)EhB6nsiaQ*MmQY55ngu4lj-Jx zWWS*YBfsi2F1*k~KJR-?OMchT6L;L{@WGd$xF(R{_s_>(v-NN@zMr|1HbxFKc~bdC zBj)7e5D*y<1y`<@yS^z7`tD4p3;32}n)+^%uDA{g-)n*Fu4S;=`!SJmdq#9aydYk4 zIwWo^#jc-`s5JbFJbn~{VSh}i+d8hVpe;w`mY-&WrIupvA0L{HQ8fEfFZ1=-ZHE5y zf{`7warH8PQ0n6HWKJ*0+HaNQ&W161+UFv?=>A7G|GvX9a3bjaHkOPP@X*6H9~^8v z;VgGX7~Z~`+}Ls+?}l4~MOY}+P%MJ6@H*=6yao=KI1pXcPU3TYm{#;wGA&CL(0Iav zJZjua^SKQ7+|DeLxZ8j%m$gEzYl~5$VmT3!eu3R5qu8hM^GV(*Ym780CRhGWCz6L| z1Migwp87BiHa|FpQ15BVO3(utLEFB$~4Gs3L zH1nJ!20cu|zjm?o11mxtzG>hk-I-`OVn?T=+j*X>4keE~7r zAI;cXPC&6p4sO_T18=5?G8GptQIXJg8s)%w5Za~i7XLza`2iI?Evrd~e|w{>)e{tM znMtSnyTZXP21gE0$CIK9ph_T^4U9Yn4T}}gEwGPv-sE9whbXMKyhHD=Xr@MmI%IWU z4f|rxX*5`uOMgwPWS#X^fbWwSG-gvMt2>6zPO8x7LK`X5@QlE#5b9YGNP@E$Vga?J z(Xyw|?b#-FMF{6KoTEtnTgq#i3m(v@uZw^`ZxG)^Na4^%228H0QYqO3=%Fu4ioSnA zb@{(Ur`eA&cwSC7v1JghVFIpOcfdd8USgDMhS#&!Ves1|oc)_pjazB7YTbOsqj)>J z3k}hpW5&Fi=?woyCE$CeF1$*b4R&j$!Sibmd29D_or;A#9QYXl|2|K`I`_wPvt}nZ z7ZQcEa$ov%_B-}hR|I;HB~zj(fI3D)bn4=yztjPL5dx-m&3nZLlQ0H_%BTrNIvn{@WmW(7^ zlqzI`|3whqlc^9seLsdWru55!C(MLu7%i5sAhNlB%;d|rsh6GsSpcngVxK7$M0Td?vM2kV;NtUG)z4Z19as+3{L0;Rmvk<KOCa7euBzQl3N4pP65rGG-^w$74lXw_Se00>|lC%^aIw}ccV#jeP&X1ig zIvKVy3m_%vCEk3WjHUmzvtFw|khaO@T;`&e$|3e;32B-XoFCj_~0L z^#>5$-~Kh*kN7dhGmEIjN(*xCTm=SR+6LWnI(T>A8LGNe5bi}=!_$rj>>m9m>|ga& z=z7ZmX70`=;1L0Hk5Ja>jw{s9It4bRj(BFH3iKXZi;2r6xLzWQ#|!Gf^D{y--&Q(d z`GcenRnm!bgLJy-Um}&dm>T|`jNg6~uuH`Q=+iIqgcp~F-78NMK4pno@23MaZALf~ zpmLk&>Ca=hg(nY8^_bql9oymNeLySROh~1RwQL)izGs3W=4A& zZIZOeh$OQ<=e{$F5DG0>Un5&~*?#Bu4|H9huJfGpJkR}pzg|*jaoBKBve)Bdo62z9 zpjs@vHIKiHS->w!jGPp6Od$M~9BVB%DBq*5!}g*w_WBV)4&C!)`xSdh?jHltnYR}M zJPSbW-+dajC4`km&ce2!)6lKVUNB8L0?)1IbKQka>{GO#bsUbc#;)yxa_UC>)47;V zne7n=$Q|0Z+w(dVM~ zv*$GAgb8XX@1j15y0kV1sdmtCJoD-W%)1 zJE5oFS=gs<&a1Zj;nR|27(3RC^+wkblxJ~9a1e*eTcd}oF%7HOE6!{2!1p)jW8{}Q zs5|uwa$laL=H>*vV=PY|i>#pef;p?UsET!d!F<}$6mdY zJuc}_Yj4;FP}`3xnrdgF$3&zz&15!>l$Q4}{Ob>({r$@p@(Kktx0^*g(yaO3bbG*5DT z1b(fcrfF(C_fvO=+waog;D#w!Ws!|{W-q4Y+2?tR)ImxgyjOUUGJ{{AAI@FZy#V)? zrPx#Y`$M$Gd{RC>-TG6(7Gwu3Ebj zr;R@iYc38#kLL%3qD%Yv*@wdt7NIYmx+u*SgYxNwZCC8+VZ)!Im~73uQT^1O{3dJz zMh>wg1F3s$dbb_64iR|m=2qB0zyK=m72vLp>(sY8hAzsF!NDO`Ld|tAd_JIp4s_Un z&lAa!(y)?Tm7WOegx9e6YtVcj)!XnUgzS zu<%1wHtXz9h-{z8W)|k8oZklz{X;yvXg}PQSmATd_rmXIckrRC8DdHI4|HEY44cvv@eavJur3|)PVL6e?;=QPy2Nzpn~ep-=5X-jf2i(QBEafA z*lYQSx~W-W>48o>@@y85)_EhgcK!ynTYRByk0~#!@ex9#?5bg74J^=D$a$_wv|8&D zBu!lmdh7hLt89(b8#v4-5*EOWZi^sgxF@jI1m5$B}ri%p|pb(>o!q;pDUQP+62cbCWC8t$z@Pk3r~)1!`C01>Ep5;F!7JFQ{BZG z_$Eg{jreD>xU~_CA>JIiGnx5q9k{9Ipw@b4*7;IJT4TI0yQGj^&U;DxNI$ZDcMktG z58)MdU&Y5IhtPXvFxdozpq|cj$5Yb^P)1Q={8teQNvB}-;}61D z$A3=y`^=^lnc+O5!yLO!@a9Z;2l#F&A=}R7@`KF(gw|}3xakwJEHzM4t=e@~wFU`4b@8BbfM zJ?8#bGidW)1sr0uh)vUDuw-E|_Uc`P$A+pbqKxkEvFD$0yfYz!mLz>3%X`1UOx;7`q)CpEz%TUauP!R+EaQ4P;^s%^ z=)~emCyk*_c>1~}=Gw+WuRMPK+7s`KACYBG{fg2 zMIUvddr5FI(3GdHis$buu81FkhKh%(16Z>;k`6po<MkE@3k^Co~`217FBd&zddVtcIFJlhr)n90qlOs8JpEM(z>tGeCd!c&tIXAgQTup z67IvYa2w(J@(a|XUoM^NDaUl_I`zaY*v}*eH)t;7(=TjTdzTjPlSlmM(VbsPyxe=M zz3@i)2pq3^(Mjv*35*+A4`;U}Lb0@-Y+kwWbL(i9tvkl8g>~ZQ9qpCo=@YJ=K-R|f|GEk)B@Y=%xLnviR`D*LT~ow!zKfF zuGV+toBz#_o)ZuBu9?eucU8FFTa9xzDPf%Cb-OyYmd*Ez^zYtfr_|R^AT|9v?Kpgz zqGI!eMvcIEf))B=Jcv<3|hsk7PAxvITf9V6Hb?3rvbZqaovL%uzGhhjkxoN4tY+2tG7Q0 z9W@!^zbTpUa%(EQx?2QYTJ3RbuZifES%u@>GsVJv>7YkY2#q^c47y{Mb6vqBnj4%`a#VXj( z*gs%h>36<4b(5~<3}H9W!()HFabN%0e5Uyw-3b-gbJQisQ9p>oM%|$Y3VV1tv`cOQ zKX5flq#=`CVbg_JjI2<`kfle^-sUzme%mg(4$5*`(w0Nr`Yor+Emq`|A;$*>PQ$0> z8(?YqA6dQHNIo7J!*ADk;J4OrN|ActkJSDO20No!XOIb&KlG(N&m}&p-Y%Zlx3iOP zM+NxbVf5*BjJn-xgB1t+L8r6FAaZy*C11CNQ{%dk+3ZZG<;A1%bkC8vWy1q;#hFaJ zac&(ap1z7PZKt@fQxqy_KcT##J%vdY`RozcgX>r6VEe%B(C{tbie^8A!I2 zNxm2vj+@97)JB0gg zm`?XOR3XYu+;LER8)J3sH}+@=VFWaHosZPZ}?WrmgN^wY^3t z=sE{}hV6!Jy$X2tg;C<%M;9qzXeZpdM~~gzC6_NL;0tL#7=C#wPM*9+w(0RV*sBzV zg*Pot=wTi&wx)>3lk9)$VNq+DN;Brfw`)E9b zIs1BGteQNl^4S&hqu$(VKLJf9g`C>VuCu>0^~Jlk|H zUg*e!%+%l>dNYm%Kt{j|a}ACFMZ_Ixs!;t5S39zx}GH@sqSL*gYURT$oMgL@T`kk#(V zhXbX#vUq|zzmCLdpaAm~lG%B40r<@C0qOcOay=*AB~|Swy96002@CjvPo#KiLtlLN z#Du@8oe=j}8e{(RkL3HSKY4t650z1g++Y%n{geq-nJI(9*@K*-ID*S>nelP$<*YhZ z4r^EXXiiGR(h5eH%g_3ToNf-IA5 zZH`0RK2JE`ZpYdUS~$2ap#-eqOQwTYAuQvrTm<5BK`;*b;w1zknQNGZc5M8 z4hT~hEyv{_Mxn2pocOvlfUjPTf%Q7J=y846;BQBB{@&h+3{{T^;qYEzu#5Bs=^jZt(uCB`7fYG?Y`_)Mb-O@EBvR;bZ&%{b1qDWU;iz6u)Zed$oYsT^|aC@(o0BXQ{_;jqQ! zG^5A`T|DAQFH*{K{GEi3dAn)Xn?f?Jl{&6Ba_Py)_YgB9i>&=eQ1HZXUbr?Ir%O(l z{RidH!J`9AO%~9Pv894raSQYvXM)q(I^)M)t+4H)I*t3c4xfAp!^o?J@EuD?e_1z- zdDjjH<(28U+5tZH?>4>T2KX;i2cr$fbK`C|JTOtpi;Yo*@a{!4W$;JY1Pdefy`zJU z^Q9cZ2RjJ89RM-Gt@Pz@g~ZMtENj%ePi1SuQRh?#hG}Qh;0t>}<)AY-2Dd`;pAt+h zGsRXf3vAsu8^aql`TGrt#o{^#C7B{d#}^2~$Px5#sRlm3{~SE~^b||4$-tmz6nc5d zQU6qL@$u1mc!j2dkJ>&u-shy#{D^RVIe0tHazB6}wv6Xh4NwwRv0d+}IB8ZCt+UvQ zX0aA9sc0noJ*<>?WwW5Udo(6>8HooYG-;vKYkyg{pIT4tgqA&BX-e542HO#`-LFTp zt&b<$PTtKk0xV(J^b|~t^1-|ycf4_!>EmxTSigD(KMB&q#4k&DW>WxG&M$`IDcMfz zyy9q_@j$p8+Y24!`qAg{T7pZTOwlev>M>U=!^bc384PlvDq*|St!)H%X;0_7HjbMT z!)aUpVwmTb!#N)&@qgWnoo942#t9Y+@aU^7yks>SvaL?RS~P{hbHBm+wlVbWyeh99 zc96E^JF?s6A~G1$No@Hw35QqDWO|{_gL+M(#Z_A&ZGSfwryLRp>X@A9iH;N23`w~v%9htAGa@|uun-iDtJ13Mm!`tzy5gb zyAeix`9vPNf1TtOs^Q$|n=pT(hEuueXtLGJq3cJk@VZP*&hs`Gjk`9$8p~}odsqsU zd>(-X6%T2jm0 zr??Y@cG@L;%en~;Lj)|>?#xFhkbO2<;K7r(V8CoQko~h39@xb4Z{=-He->JE@8EpY zekQQ~X#rmj+zl1!PWT{Gfz=}woE?4+!I%9O(6XA#w8JwIs=_ZzdC5AwwkQfWcF{tk z$a5I0KS%Vi`%2>;T4KMsKDgUVorexz!B$hhi+9bJbH`B#FXLHB;-pMp=t5$}UuCd4cKDFSNP$RBa@g#+a2>O|@k+oxMsMh%u}ki~n4QGBo07`K^2_+{%(=qv%2Yf&YY*nyN3!GigJkpX5loQp zkA`A2mJi*6OCGgsG_I7 zCR{!cA%2h;ls~LzFmNo-dp!jE{`TR}$FwcOOR5ekR( zXtlie=SL=#DFEo*d(*w9YQ(ALY*PzjH1O>MAz;|sE=*o>ehAEOo z@9||=U24D$?dIsx@e>AOGPNj$%?JjDmM_nk#TPpc;G^(dsZTG1$iMc`bDj=51jk~p!A9_0>Jfcha9!wp!jun0 z__6Z+pi28a>sX@h;rqDV z*euwv&%Q{^URS_Mx1w>?=d;3_$`Y(=%BEYI%bH8-_6Ast4jp7lkmjfPPA_54H%dH5w=Qun?P~6Q&zaw70Z(4Z$1Q4#L-*4yR?)`|;{uUxnfcUuktvBn`7k=a>QIQnyqC zACCJ8X<8xt;#mxjP}1dd!H4KnP!>l?&$x2cIaZug2M0S2V*T4v&P?A)wmT<*@XCTa zR$qnL-e-m79+CqpsErn%UIN>iEouF-8EE*UQB26a0B0v2mY&-f{_2~EAs;Q_TA&$w zcX-n^&xz=C+@NBGgrA67l*9TF=V739e%Y3uMW>d>;{mA$nX*~pbUUr*m>*TtdSM~i zo%F|=##HtgBjcMxjPZ+W3fs1pkmDZ(THo^sC??;h;-2pGA-EUljM^%i7hQr%-QRTM zN0R7enFX`YN;&Cm&3I5t4hBu_C7yVBkRomtgYp1*4BhZcob^o?-_6VwWv}P3N543n zRM43_^(rOvzA2~|??4*I_ae9-g^b`=V)?!gXe4asu!oL<&8yXzP?ZZd>+D7Cft|3| zUq7sDJq<2FT4=hCgrQ!)X;EP*?^%DI6iWX&Ep53i?U~o`RP9rcUS*BCTmL%g|ItBF zV%u~T%Sbm!wc@?SHOGw}lf>#0eSY^=0USryKvCOi9@1>a-E*?h@rxzzNL-2QHoN29 zA)PtoOC0sTVMyH?f=SCEhjw~N`D{CF@ZYeWJr_TAs@7C>E|>Oi8vAOfi`F^vIkO7R zX&)9k>4sppDWkd<< zlj;0)d=6f_evV_D&Y{m!Q?#7-A5Eaibnw+U$cS}D9l3Gz-~-WR^BBp0mx;9VF@2GD zg2RLDDJCxf7MvPGT`Kkn)&o@ezlPfsePjWz`}Gj=gWAw)`CY8vt0G!zH1g0)=}b0i z6F2Po0~dlr;H=l@vUL5`qPIJt*CG@C*foRuNRtJfN)CGWTq~#>>aqH99}ar{ zTX;R!jg=)XEq_Q9a*_)9U+5b;l(3behaMIhn*W0?doR*H$3p0sUM;9CpGk8TdU46M z5NICcfa4O9X~nZ}>{GIcw;mjX6Q7Kyh4UYZtEcCP)tXZnl=5gbRXC>p3PGcBV>$Qf z1l0U=l*_*v;+t*)*M+*{&x##Z6MF|_)1neZ^h7I?tI*T66y{= zgOLII#N7EFyyKoO+T7U1vkaO@{^Dy`pLa~Wwfc+LQPvy3la6d^!g=WEJd7M7Y}wev z5~uZePa~xH!qwbxYMQbM4z?VlzE+I=4j-iC-!H)NtqDKRG-NQn0k7VSL8TWd8035$ zU(e}9?TaqJFnNg!GsK#mpq4aWeu5qSZ2A5yWidD9AI+(oL3b|fcAY(thzW*G{;xppe=UrMu9u3b;SEk*@nkv-{|=;AtLCSGh^Z zxKYaA%Bo?mxilkNdY(F;9VaHNy9CDn)nJ@vI(&(+=7XK3^Fw?CE%J7PZN}0)=+xaf zqACHcg+X}d+b^(bU&&=2UAV+VjU8%(K}n+<+IXL#vQ4{iv3e)ct2Mwlx9<>=_ldm6 zb^>la@ATL@4t30@Ly(>dE?M7+5(AsLK{tu#1Ot5a+X!Z_=87}VIpKN_Z87cZV6=x` zOlhLi?o0Bx{-gpQ4)DQUPFSjeNt%A?;1saG)fHNCjp4`LTzA*Z0)7-V(pR|}Skg}scO_-<$aleDXr_gB z=b~sT`(p9GEOyVX1v$SE+H$EwnjN%=WsxmVyivfB62sx-v&B$ytp{Jz7>gM*j8Qwg zJIAUeQOW!)VMtmhd^RDQtnM6yk&c78bK+9IdQTN@q=)09lUwP-sQD5*K0zEX_ZrE+ z@PZPh{&@3*1#0d2C$6p9i+Ro4Xl-N&%s~}?tv#KuuXzM!W3@=OERW*WD!}8M4`8}S z1^0I>MEw&t=)jA!Fl^dDi4)-}_09Hj_1qRQ_EQgfG0O+KidC6mt%YQ^RKP!_Dmjkw^gu8PaVkC^kBUY)nc}s4r+Dn06)Xe@MEGI|C-r} zzxU7LLjfOz9r^uvO9P_6iV_YPX$7;AZ$q_e880~HjtYGf;a$%9p)Y@29etWU3OjH1`RPC;{Bb&aH@vnWb9cF?R~TatDk0Qh*Aa8qwHY}wx^?HhbW2bD+gr8ENv{x=a@eUebiLX+=X zRYJVP+$%Gd*uJ0F@X%{=-1T-`>l>t9>5OslRq;cS(u-pDd%+x$nVw zv@st#_L*wSx3G758mHK23n4pWoI+D|$>cyOH*O7p`EC|$)k9*I`#bRX5|NG$tbyO1 zLiyM0WNe$f8~2tI+!!Ozp9A+&??z2*-0CX&MC(ICnz;N#ip0D# zM%TDq+~#uGu}kc6bn&SZzdzZ@mW54xS#aQ)8;=T);ym%Rog-I=%ohLK{gxI<`4`zE zJ+uwk%;!V{j?Vq#c+R~qDu-WUTeE?D{;iSZkUWMb!lF51?JZQ?TZ+zilF-FUjgKiN z(1^rvi3yd(U+1L5+UL)}tjZe$u1E|_S2GGIdWX~hT5xKg8}y@cm9RcP z2^yH~VZ>v?&A7sNKb5}UEgq<;6U{_53PYhMnch4boNXZ4(%0&6+9ui zBTC%kiR9&t8jI7}mGV1R!Eghh_@8~r*hxa z)8g7MWxVD48R;z^k6!J~^vpdPR|LN0SwDB-y~sT7Ir0TH=v<_ppX1?J({^$(8prwW zzsUN&G$ZQ1mev2yz^>m*pF5Rds+|%38Px9Nor-j#pujiHvrAS6vsoRhNCwt8VVzC-sGvuxf3Y>|MMW?6{hach1;A*di?~kg`P@+6M_VQ(0lMHm#7iqrTJU z(^_j4-an!U6zBD2t6l?Hi%;>Ovxj(`^ASFC`Y?sBGk3~O_Taa-3qdb!jvgilIgSz{N6hrgJTt_y*U!Eguj85iEH4u zl%X_A*-OVR+py*DN*G|>lTXx2ENu@1Xw5GrkF^tE@u}mqbYL8(`_)tD`7dPJZtgVS zEDZ}XU%_!FZ?tbz=4T(L;Fn*&;GdHg59?VYDg}hIqPR@3REg$br4lFg?*aVujtN`2 zhVibw2Y5rAw7s0X4?KUCLiVj>j9PmMn_npjZ(S|e>t_-?>d^$Qo@-#h#xd|wX2@4( z#?Xt8JGhVjee#f($E~sn929TJuibKK%=ShQW(5dGmnw;ABVBkxX)1@t=|E1>Fvwk! zK$hMqY}4$@1uM+)=?1B{*Ikcg<4ciDl2OlJ2Li)Xu%pXRaQ?dm4+?Yew~&qlm7`!% z!VWR&X*WD6e+!RDGy8MyRy?m@B^>WDoX?NHOS}3+Qf62NC)Qn{u+3W_skjcF`}yF8 z(r?oLyE}DMzk^L!4&R*aLZ!zO$(_^gIQe{_#3yZl=Tf%*)Ejj;t}>nTobxHdA{5&W z)`&4DEArK6+2((ie;lzk!x?=F-VyqpW^S5r^$?UpKNCUwW?v_Y7E>=_50 z94)N;@D<(N8o+A*AXe{Tk5?cOI(m5v4fB}ezMdv?%V|8ib{5OWAETVpg)q6z+;PM7 z76{RALg)BfPCuHCpx(wJtU28S)rTu#ue7_+IA;fLGLJ>Kx*gzhKAJ;I8f0HBy9%J) zm6s^Xv3mJzl-m&jU)-$G`@=BSKQax?miC0L`GaWCUx`xBA~ zH_U$CyjjV9em(GRroJxdcm#5G@<6!L4y&Lw>DuA$} z4fL-m0$cVkz|~z`aqud4x>%=yTH%La-60*WH&f;Ha?b!hZAZ&X3AibH0S`WGDfQL^ zX`8$pMoqaQ42eFaWMst1h$mglnQoaWI=V&SsT< zHyz@RzJjnH7vbIdA<*-@E|1O{#d(I7XlJ+%s+!xya|7=SuT}lUiri@U{p1&%lX6~L zf-bYJbdO!*V~i~ehYIy`HlxhCfw%cY!qv#WJk51AblvxxK6xF6Ka+QocJMuJ4Y0!G zD^28>m;hntGjXfX2|dfA@ZXX;7@u?n7moCWRO2h$cZ(HWcpxBUypuZ8Gq6rCodu;j z3J*Sw>V@9ebZ!v0E*>e2n5%-FN?V1G4==OHny&ctk_~jYACT_m`f|jX2Jzr*Z^&yt zCcH~NBpkZy53{damzfNTW7EM>&f>;cj?J1w%crEFvF%u@Jv0}_Y>(olqU1v1DAo~j%1RGhTwne8T+M_vwvPJWhCqq57re@!Q9uPSI2$sX6Ojp(xNd^ z@ew`K%1^IbqScow*hk&StfL2tSfB!R7jh? z=wR1+RWaW*60g39pzekTP-#{$J>Dm|i>4nyb0rPl5|haPb=}Q*O4lee&=%)~*x}9< zS-iMy6nfpPAf3g`b1SFekLs;FqArgwN2yh$sJrkDVH1;utN8TO16r5$1?n4TW2L$` z?)E(zH5y~h7>}V7y4-Vy*odeSPDPdPe5FIXY8_L42CC7VgE0~ z_?LSW_Wl|Q^O~OF9G!havS}}HJSB0C3o4;yzYo(1lYF6g@if@u+6tRv>m0w+1&GQv;l;^u?Dsc9 z(DOe7XJp6Wy^L;ZmFXxT^P0vCkU?OpA}_$ClDN%&s5*)0BJ< zy}I*4$8)%%ECrqnSwdG0uHfnz1FYJvi*B)NFlMW_w6=y|uipt!?O~1$4U)t6S1l;T zt-z0Sq;5{*Ye>-!pi?oH*d8+#V@D_A2iJ`h|0kD^KTu`afW6p9@{Im7jN$L+9@Cy1 z=gE1hGyaZnkoq!)Vv$EauM9~>{RQ&qWxB^Pe}ySGj9rXAw?oKL{RO=WRKnpU0aTup ziSJ5RQs?+o_WZF99G)!2>(>qNsox2F*U}%hp1%iSe^29#7CjQD>9X7$W&XMAN) zgjIV+agu@@9)DuQk?mk_*3G_E*PML_B~RZ zmXFoqDZ`SebJry}=~fh^7u_VC(%G!=xD2k=ccr8SdE)RKL&{xtg}Zzjg||C~f!%>z z7;2XZwtqx;XC=8$hin%NTE2@$-6ycz$B*RH_JeLN@5M5;X*{Jdf|oAxN0X*>OCPClP;)=)kmuRkYwo7dq8`5)b}26K@=BYdtKg)QH= zN{qdWFnVn$zB&?0M;`=}QAijr-jvJRp5Ej1LG_rco9!U83KyqF_hKKDTn@5Nbq`65%`y#$L=sf>4I}Ad9d(7#p%z^%c zv2kvkuwm6T$Lp#yctd4l`QMfdP#y9Pj7RO{pR=dIVWrJtnzkByOgtzi{XIp^udH!> zqU1;P6!=_`9S&|(f?Ya3vc4~dKu5=LasIMmxRmNnho4xIT;Lv9Gti5bu^V<|TgmEQ zmC(0K+eD{qd8fIZF3NJEFYw-k+t}0eIOskw!o`8!P%qq~x3249rGcR^%+M4!u2IGX zCwD=ny*a$K?t?k8ccn~>Bb+h}M`|97QN#NYJ1yj7*D*99?LHj&D3X!XE&Oom8eQvb zMeXx8;g@Y!ssHRjSn>m?-`?k-HYlIJy8*sBArtC@^J&7e1ae$gOg?fuP*Gl=+oRIR zt>cr^qkswIlJ0?z<1+cJRhz8JCXSAEDkSIm)_i)NCGNgI2laAS3yq2m65lZg9_4(5 z-$j3@$G;@;>97#+{SwC~OG0IxyO&75teH+f?p}g7JLiGdQ8O&-JOg>3G~LBgVV_PWFt>n*#s#X1>%U|dujcFKGf{*#OZSrNOqt%`ndRG z%JR2Pfr?9nn-~0Ogv8mo{U-!#&gO%8zjz##xe!NLHweA2?xOAokD|to1o1!5$uu&l zFDJc!FMPN6N3$Uxz&OJY^MhTSYSx#-$%cva>FhA@GYX|i8rkS$@mjVq_Yw?HmAp9e zI(%$(8-<^DL&Ys)*yL>+?JcjzER!i%a-%PXw@-!IZM9S$co5AK>|pHkH+1>YQ{h^; zF7Dj*M!d#~{QKm5Ctt-)P>m)+#%X|pYv+Z`j(KpVS2&v7^yJ~?1u(jMr0iQ@HIDo- z1ttYd7A`C`J$G{t-+Z;ZnZe;|8rNYlqk| z`A|Bwkz%FZU`1#V+%{;X=cAcM6nzpDyuMJzDo@hayos{o?o`%uJBFs}W6RZTczUom z-~ZAT0z9pGQ_~N~ESZKD<7PmY@?x3qWEH%CXQVZEl^P3kF#p41&R2@!wwH&*(5=cm zQ+EKCcF%_1(LK@5uRw^LeNgD1PyuUStHPw`r$omUTJ-gX#B%q}7W-68#t*B~y?V zu+}=nMbRywU0y1>b^Av8MY>R7-zpSOwxX-k-NheLZb?P?DZmRO_EZ{*6P3*PYyT~{ zt|{nBTH`SJ*TdS_vZZq2Qd|2!66sca@syY*Y>BBzp}Ii(Rgg-b`aWG^HPY zwf5#-q8uxt8w|e?EuBZ7Q;~FLZ>i~w`BgW#^Y=t_Pg=tBAN9jhg}=1nW@j{0Qseh= z`ry-+&W3*T#M8_CaLJC5WIxmxb8HI0;g~B5(baT4cpz2OZNs^Ca;)-V2W5Y#rrjYy z`03_x-0biGs_U!Zp2VYC?(-I0HtmDnMpmr3zfp|uzE$Wk-JRZ7Wx=?a@(}mSkX;^Y zl1i}_FS%gC_fjqRcWM=VDIG(-^ZdAPzcV~tF9VE}#>3*dv$@@REe{!OLYI1dh4UK+ z;Bv#Y{8-IjD2Y(z%11stO0FFKJ>Ocsr@#w~4IFUeIR&(~ABiOu0)Epeq@t}G`G>ll z8b0h}ET&I6G|sX4d|ZK|}%XyL;HFhm@hJ?xDc( zlRr>Vy&Eny4#nBe?todX^j_8b1}(*XAh61qXMP5B&`5AnNt{oQJ9fg@Ym-35aSUHJ zyG}}Dck)2x^R$LFxy9)m=bxD`&BG?M&KND{1=G@a)J92FzuKbW%aAC#aU>t~THN4Q z4_B`GGl?H6o`tc0zSC+W1DYS=fnO`b02Hl-%<0lBW0N!PToz4bhi$QPh!+1(kvpLQODO=U-gGa)8|<7_=K_+fqd z@!pC&y);5dowbYm23GPTbyqB{Jq=|tiM{toUl=)5Vnp;iPtm$3U|1(lFm?Hle}-%m zmP9(^@yYr!`*8uZzi=Vx{K+BfoCAEL##8*fv>WP;Yy~@6B!AW01)nZnkZt@gg-wSt zKU_HmZyxReg?r|)TU-GC^IFYkXIO~Kd$v;bv3R&dX6#?;NJoxF3Da^v)BM0RFuF63 z=hqD5LBG_{NtziOP3g{Nxq(#kPU_q@-DR_2kq0)(z|W-&E)_cQtm8Dkfff3R=zF4TR!TeMu9z_!xlJw%!OK>jzNJI@(441Y;(zWXVi@bpoC-lh?b21@hDDeNq$tgENFBf8N; z4O^%UZ2>jkO4;>m!-RD`H*xo&TX^ZXYg{oEP+CoxIMEeba)U*Ut#W8SK7w86MN6Dt z;OEaeL;pMlh)q=ISJvu$L(0-*_%`DYEooi840O6)b_NC{y(T;N$&ypK6IN_8#fN|H zlI3ePR68^T+iDNtp4pqhf2bnc$jya>969{fP${;3(8Sg1Cmi!#lrd*xAUga`MaP*z zV#c4tV#7RLd|lNf>>9I)mBU8iR9(q)K6aDD72gCAL)@Ubx?Bt>>Q7Ti_95DOt!rhqE86sJ8oGQ0x9#h%4Pj zw`_-tZhOplL%b7eFIT~=FK%?r-Bn`9jDgP8WiYOwjP3=i;Hw+zqd%I3XUP^FHH0v4J$8Ie*rc$R+Y%N@I9PoMT{fPE$tvK6?q;ZJ zSt#v|>Oq#VS6s%Mao)a2Xx!Wj4+|04Wy)*vZQ9N+MSToZO>)ZKra|t8m9XMUA6`>@ znZCT$7h?>1fqcPAj&b&f6JWw51`1RrtZv~D~_2v4$jg*n3!%pvGVff|!bZk%p zPV$W+_rt?5W_cl$wylQbDG%ta=}^3T!dg72@`4N>FJfh#op?&(1xByBFJ^1a1V4LC zad?g7{Z_m{EA$JYsQ)ge6AMtSrV(;g!i4twYlXZ=S$y%*67k5*&g5R=jsBTM6qNNA z&h9a!@fBV1m6TI`Gt`P!Y8R1ZXM2oMaTWLYS>uGylgP@xFEyX8k-63Vf(3^v#PF_@ zY2}d?y4*C5_O>4ZE7eQ%YVR6ax#h7C@p}zn%5HER;>r%!C*qO#5$MwTQfPk@M=!=? z@Q+#YoVW7@M!b{W3;MP6aB?YJ_~eg`p$EjKCVA!y8wJznHdwajCQMjmDLI}uvQ>o~ zzP*$Oj~%qJannHdKjwvgeT@0QZ>f)B=j@ge>&rbxMr5zNZGZI&pNDS~D`*<*Yp$g*$@sHeE zK0Q}o9OUJK2Hk>$lK)Y39{ybYUmQ2Gr4S{1lv2q^_}urgN=Ygsr4S`4l?sWJ>^(w- zLXr?lN*VWkG>D1@N>O};G^Nti@Vmdi;Pc?#`yS`K&huH{!-kxX#}k)MviAgJ$WVnl zoAoh*o}8+Nts*_7qjQjCq*9EwDuziuC*j90jyb(W00UD!(NIW$$>GmHA&W}7Rd*o{ z$~~Y*InPmHR4sWMz-2}q#n~eT_H@Ubo2<~0DzvF z_R)s_WcIT)OvJ9RT$r}pC&$iPTx#Qr2*+n@bv|t-JfQ`zgbRf zRmckZI_?6@OI$}Si>E`~_WQhj#k0}8Uj*N=1@NI;geEu%5jM>ah1?C%y`zBkJUj}= zxy-e~h@2UJxDj-x>f$MNVXPUEWH+7@#H7FNOu#xGs>Ke`)Yx=TE;&y6?q(9cp*wI+ zHl0fDJBMoPqN(%&V@$QYM^Z~w(RxcGOcIO*>HlsbyVMeVGP$`)bs7RT5@Vb9Df0En#yt5 zlAkl#j)vs;{aa-C!X8j7LEgkoQFwA$3x4o~u=B!b{ls2XGp+t=wkbCmc`vJ>q*02O z{gs>PeCUi{)dlgF?IyS^zXf5b8Pt0WL)-~N98ydqFE-qwr6;68R0OEeI&paXbu}c( ztB`5_CFoekc}&`y;ZxX8s*pI1N%DM7_k>o0)N_@F($-P>eqSRd?vushq;Rsgb^)oL zr^rgBq~h05C*1L84(X|k1$$E-RQV>6eJ@4LHXk?$tH168!FG;o!~4u$>zf0ax|H1Y zHLd$IIg3X1pM&16hT4qU%J0qQJN(O=UT{O9G+kpvqMI;4#Ecl=>{f2=2OCmm+q zuGhhK<|HjkE{_B^KIqwdLnXBG&$C?6em=%ya%o<(8bJ0{_nPS`IWa+vXuzVaa8cVt>H)S0#+g zxgx6EQ-}vVobgurRIEB84r^%yMD&%?(BoWxwziAtHeLa7FFv&B$b;isF2gL9F5+2L zMxCzD$IPj_;P0ekup@4iL^ZvoS5Mf&rLh?L%AM9b2SpQq;}o3fa0Kp`Xv4(&L}Fy7 z&%``b!oEy>{HrGjQhfa2b#X5%?Gy#CS1&}#LoX^Bnzk|G}7bBrXl=&~JikH7t7$&0TL-40=>OMDu z40GS^jgKmrcVsJxs5yie0#@SX?W3SQSIcbA^BL%${1y1MOz6*yO>FVY9VmHyoLQuv z0<)gpV!nPJ;kEp(!1Xf*Av8)I4E>g(Wu_yme@}zVlve?-nI}+NEg9SS{@`6(8))cq!16UYA+%lzbG z+}@QKUu{Mc0y4n%nF7e`-lW?e-6OI`7sEHnG?eoXgf9nu;mFND%&F^V$?+p499N}= zJ*(bL0~B(wqQVFdFwa?u4e6j}>5X1lkLz2-n&HOz?nGkj!Oa-Q374;@X0D~|6Ooek&l!PoewqLGYmdx!r?>2r*1hDPvzqYvjegYvx+}XM&cy+rX{ew%3MxXK^~JE-l5R+U$p1H+w|p=)sXRS8Ghhnd0yIu zv?1XU`5kkZw{lb+S-$&3MPeF_2|Eq)j4MhX@g_Rj*Qg0MQ@X!-Au1=xQNnQ>nH?)> z_Ss@EDQ#TSNB*-d0zWQaJx69gBQ5cS=RT{E z+>n+-*&nvxE@%X*OSDOw=^-j)y`0!S*a{*ajL7F*mq6%E5NmyVCv3dg!c4rfg*77i z`17(VwJH3>u2nOkXBIsm8^hFax4H^F=lqbp_2LI96g-5#N?cISsE9^vlBFHL6R^oj z0>GP_Avarx=j5c!7ELq3(~TBXtGbYiP0zvBpQ-rqR43jseM939o?!dbzth0p^TfR8 z9Bq1-2s+KH;EU)}vhoQ7p63wQwW<4S#&R+|{VcTJI;Z$69RS;iCy0Fcw zjG)>yhbL@aOQVk^L6YcK8Y&+T@)l-v-&A)DyR#TN?W|y@jSB|I|ZU(m>l>0DgM~qU~XK z-q}J$n72%i&bd24RmBsKe+B1wZRPG74$5ZbCHx?{Xdeo{vYN|>haSvWl11Y@_q zhc6y_=%x9OU1EBb^XHu*%F-<~!TLJ!UM>ii>$9P$Rus2tZl_mjInE@%I!N@KfmQn+ z(SMCut6Vr7-(=ahjxM_AZ3`$zL*L7>>i<`u2@}r z!*!H(eoUN74PYx?AWgCh>B_M`pmI8vnA%Q7m2o4s(fka|7_4PW8Y*aQff&~L)Z;ct z1C$7<%Rifx?%8v{0nUJZ!>*#+6g+OPtg7omO!H+qsKxacLo@#F+BO0gh zftVlh*s=l>23rt0=lguGa;RQmk4yBg(Z-b*;X#cn#H|sdwAB^&x{8`D{yZIz3@DSS zg{$F`H#a}g%Xt>GHX++kOJsMC67$yY(0wk9{kZ)MFp8&$l1eyC{i*=ZdoE)8)DG5H zvmD-d-eZ5B-9v8-J!75<|D=_9=@==$3VU~~0Lz;(To3OBAS)pOiu}>a`8fN>U<|PPfw-ayXJ9!lNP3O z>x+-G7u5PSvn!&~=`B)BUzKv+yDU3+;%q=PJ1k(&()+|{`&8U<{S$HI_(jSE8zB3@ zEZ99$94~YU;cR;+Tp*H3yYl4m@ukJ6(DsBZHJAhuoFmEIaS$JK9#UP;66%o^gyx+` zA+8F= zW1Wle$IvdiLF)jPE_)2G#24YG7e`U4^*J#MzFYHdu?}71V2(dZr=jfGqu}zAtJjQ2 z;ENqMLE+>vxFt1@%&A&OU%imQB!e7!=a>juoX;l}&3ZW8G)Cm@oP$3 z+vkU3@k4X86@3B5+e6VWL$qOp%Vu4T7y!%f5!CdCp*;L@`UmEv}r;Zdj za_cw^?i(gw#TW?5Kr)~w4j{7~`lfWk!LWVkm|xDsITq0F`CJC4r4d)J*@n{u&$7}7 z-_l-r5wqiu2k89IWuSX^7mleuC0k}pC+AsZyz%7guIWU5)mkPP)AQ0lVBOlBXEuvtbPbavD2n{Sd_hJyVL{)V?MuW@#~ zB9+D=t=&ZP zgD=<|E`^;BUhoo!mtsuVbyV{mpm&2Yz>~`EKEb=!W&pKzXKA2uzo~O{Jh?XV9M$`lfJV+QT3zb`l5ZyCxK=Za|Je-9 zL5kctES}13n~9~ud}Qm>J`^>dL=>!ML#ux~{rn>tE>?)+E#q7|)>{D=cW%LHIx4uW zQwKt{^x@*Y5Hi_B19v?01@EkV)cMAJI%IyFy;d^9hLd*E9_faEep*)Is?^Fl%K&ojL7UCQjBX)o!G zX(Yz2l*kM1!L?(?oI|{ggk8Od1FQZL%al)4!h~CIq{4B<)q2zojG}HHs@Rpwv7f~^ z()&qm+T`^n0ntG8?+pCJ4OJjiGC47UzbzK$mS0M5_ub7^u#{ zIqok=4)=S@(h_J*msCUZ-Vjve_<5G)p=70<6x}JEN~dl~Wqda!Q^UB`#LuyvY(LmS zBP1Ttj3FbEq%*g{>CtpjI~oNu1kLFMyH7;*{0An?Bes6?Ko|WKn#Hu`3=rc2E6^2M z4Cm)cg7VWA#-v#nSN|Gkrw!$iS=rHea?AC4;Y}sv{;uEk8&l<(Glo1+{R{NR$~dAX z>4itN1z^Jhe&+S{BA)gwW$gP?$Vi=zhTU!|kYkpKT5|4eSHJ>nDLsdNOPt_W)-y6+ zWj$PclSEHx))T=Y2O9D5D+ymyPuQVJ4c8xg(}py4It8+z^*>K|mnndHrk7B0zY65L zXOgAzrts`9S6^A2PV4)^Va;|;lKioVYX3QnA#3~@)g=SuVOAOZHx!EVEG$vf>l?XK z{*67;=tM2Uyy5Z@9lFGCW(iAmgS0TtuX)Qhjcl!Qs5QDY9~pBKd$hQA?9 zwwD;Ux6?4UO>nJJ3-)9LqlM33Tv@gQug_WoAyc*?Kj-&LwGzjT4kgqeU_H)x-%g5y z?o*9pjm+j@cc$BVN>7JPY3S8gfbs2;a3}5x72W4Tq=WNOrdgl7=oD|*@naLS zHTNw1^VTKxhm4`}cn<0QIf))Pt3~#5GbF#bo|l+`102pWrK6i;;9I&I^>)8Rt`v&G zO^fHyZE26)ywzy(McC{|o@m1YEpfWg=seEd{DJC+I%K5YoMZuTZ_RV&GF(;mk2l>n7bctv9GD1nnJVb@(YM6KqPFcd|hfXg*Tx<2Rr z@5{mTuP^DS*OhQK>jg|ViXtZ3v&o|0EDV1o z)SxO3eEut^7Il0W{nnankDUrXH+@1`3k~e)$bfc^sav>i0BTj{;CL&?F31%y3*(DJ z>-b#uRnRH$J9Gip%@cxzR!z_yoB@2>g;A@qu6~}h1B_IK6ZJ_6_>0R~*IW>5c>m=S zsCHjxL9Cp(L$RK(yoSKk!izODW#4D{x7FeNQmu>8NM@x9p9YMZ;tVzS8tJuF@2)rLl(XpAmXnJ-v{FXghcjKiO7@SUn z9Vdi9lY2Ji2RE_JQPD&t+Yk-UpCZ?-@9@^Xx`=(tEr{}VE_*XGmE_OAMy6jKWBfmb zz=6%GW}!tAu(Yqs^o_zy&NW>|gVwsBQRGgjQRBfr|F_Jt{2&_ostj6=Nx_=?Pslt! zafn%^0n2P>(7pP*skoSwS@)76q9#-b8z0=jU{w~!{_{lhd#~y2pJ!mY!#ncAu?ULY zo5;f#vJI+pTi9U*adua=9yIsyz$C7hlzHFAMD;7Az3n|Ml{|?&F%9sUWDc!&KF}nN z6|^~D%FLMQBAwZs=aV(Ux%`jF{(s&mr8pY`k2KZ4;O04M*C%1LzXWXk9ZA1`K2aYf za*OtRe_}ix;|UGC35$v(@#VtD^iY`+Rj_R#eta7ATa79-sxwqCQ3h{sTtjYm^Kj~h z&t&-)ak%EY6sxyplKB}PaQ6Nt$o1x!J$&n7-C70kY1&pFnLHVV^t{OQ@ktGy{Eeiq zvz)x=71RH=t;03@j-lHnJ9u~wgB&E+eq;SKikKU(CqbCQCUUkXfjN4O%Rn}sfKt;wrZ{SZMC{oDi=WD)_7XRY z);J7RgGFq$>0Ah09)P^c>oh4ojbnF~!Gyarh`;zpB8LPqPFVtk`#6rSZ8*)|CIVl} zlOel2nPc5-q`eLiL`#J`FV+mwSiNL)_U@|R_-Q5CR3}3Nr_4mX$q-RaoSWVU8mt)7zNz z@u}g^DR&}Dg`vhb7bZ__BFsE6;wu3ndusJV)2^udoLjh53e6xNQOh3;L%OkNq?)FN&bVePY zUgYZ5bQOAzC&R!{BF!9(0rPYpc*B1V_CyuJd)X}bXBJh~N5- z`mRL`MqVR3uI0fNmp)Xs%wXjtIUi!BBT+x$hmBhlnVu^r$jupASoz~THCS9q6XtO< zAu&tA>H0-#k;UK^TWgfN5{I^<3nBT?9B|_Djl0+EfZ;+LHbwgi*^nL%ue`mn`^806 zENb8_n@EAErFD>@REtWz!t~>Y-8g?GWz3?}VBEHzvc*s6*wsk*Z88o7m<#LxbFgjxn zkgq+=8h8kTa+Ws@AM+$N{SwIcHJvsSaD%Fs`X35XSq}CaBUjC4GyAiJLAb%%OKohYru6!5>D_|VOx3~EB#&$@9E7! zrvul>9HV>i;N2iKPvJNp%TkG~uQ3i$FU~&^40k)G;?rYS!Lz^y7N|*MZ|qr=O`>#ybqfU|o9m+5;;5*KOG8bJ>(W4DVO8H&V-npIRJD4UjD z{>Dy@;-hM@=RqOIp9zZ6LY>5Cq)*}^G!img4+)=I8N4z0gjI#gF~t|(ADyf2_EaAo8JV1-GfA&yrGD9 zo_qc)d-dp{6jk=`Zy88$or}AkbNhV9Dy;r)MF$UmrN)02n=PCZ4r;;`aQN40?7P1d zN6X*R@LV%gj-7(}rv)1>dOG8W$=4W<^T%k$miNST1w&p5^5f%;{xsF`F~{>hOWTg; z;J>}oLAT^63_dT0!A3W{eVcPp{5wVijxWNtp!rNJw{D*QCk=O+w}B_`43(a@oo-2U zg0-vfQ-hx&kT@XNU?lky#3ijrVhX9}ztK%sJg6g!rpJQE#6{BEmq{h4AXWeVgV=ww zgdzDtnjq6gvrALiPo47c+2AaMkM_|L89Nwxu7X*+qM2R83g9+T0$(pJN5TA53>=PR z1~=zpfWaNGUu_I$ZH!6O6z>+ z-_lCvIyEB-k14#d>8|JP9bu&kV~NtcPjqv*85^=po!ofj23i-c(|Ki6aHmoiv)FnZ zb_yC`y=f6$(%(x>EzV)N{}$8;k%x6Y--vU7IQ(}_0?m&zpmqBYnI1C--zCLT-Of+s z!bmMXeNsv*Lk`n3>t&(R`Uu`UJxpZEH`BK*Tj=NgM`>Zwd{llcjRAS{aOB8IeDV4S z6vgG^9#aB$x${-=%(EcybuD8sKa%`soJlf!uF?k%uZVz*2kCzu59r@V;v`qIMeu~o z9ezhM6YbfM(M0^Vi=XP{2*Y9#ClKW7<$ny0Azvr={MxRdoaY_zPEx}Ub#25aOOLDb z<-*F&5Mrd6jw?NKsPZyFsCSTLFDPo@M$ukYzSo4ygp1=(V}^Yud6eGkS&0=-yQtOA zo$N;KY7%{9DcCNqV|oOYphL_On`|=3-|FeO;j&r%?E@Rwp1cLzEQlU#5_5#S;9(X@ z01HcYV)Kugs5rA3Tm`?=Gsjv;%NGxnkY}iE*<|3I%q6A|cc8MC4?L7wjG5sL>{1yy zV*l6x!;9v@6&ZokbZz&+omrnz1%Tc^zn4P`*F^!v_2pR?}nZ>n2px&eb)%k}=Vrnhvhc@PE z*koX}6XEVoHC!_*n$-4W;V+v_wBLOn2%ox6x|uTe@s&Q%GcyNbVStl4ul3m_AIYnd z>-g!uP($(|P3WI)OvV3b@@DR<0>kuQ;2Kp%@7S{RT@Q=hJHtq|#}B&x9FIQSp-(1AIQBgnGK~@p7~$Z7IwlV;8vlrfn{>=Bhoe8hpdB zNt)=|)q@e{XGr?1xeZ|}`Y|D+k;ZT6Vh=nhV_Iz|$j*jh{8+n=Cjb7<%0zE~(vUe)YwbA8P6T8A`D9{Jr|1_!7)2xC*gv%CKzc4;IEZfb0ten3jB+MlQQVt~a;S z+SW7Bb0Gn4zNkc}-G*EyqnIqPilkp_ok>*LDi|5J#-P(DiN1w692Z#tFF(A8XBx%K z4VRC2er`JHdce)F25uvpZO^fcKyn_>%9gt#seYhH2jVR*Yq386eNhm(ny#*b^9q|5Q1F5lp!fYxL$Nu?K;lPto zdhSCcT&!7%yH_ZIX>UETxOg6=k6$N+)jc4r%96L!)yd(%({Zg^HD;(OU|OIc4*kA@ zz8BSCoy`PUtyjv{d`Sa(*qc1_~+CWvnZu&u6kjsIxuWPc0`pWUx-?W z8v3{U!{_e?c<|is{O!1G=oP&4IT?+=X0nw!>2TK1 z5T~av0BF4nc#jg%B5l_Dk~LisH$u`h-BIVX5!y5wV9zmOY#$sZ?g^o2VLpXjEv5yg z8_dY&{NHSZzYl!+R?J3RILOSVg>o!K9SOt_cdye` zyH0`U5=*d>a)pz!W_Who4`;rd)Ue@H4YM}X5Ki6718>oMj=5LM3a7YH2RwcOMz2!d`1-lY(@5DAv-UC`;%r?6`hUi>o`PKB4zhH-Vg5?#iu>Hk6t zFPtGo!Q717yBvIY7@9S?cP8pL z?N^jWIh9(@Q(ZtrXDPt$h{wRYG!6g!%?94U88}hWNBnPl@j9(mqrTicVz+fJ&Q_PA zyR=goxlO^$cgYp_;inxMd2EMu3F$3W=-^7a^;t1h^Vg?Wm<8B7`iTBClA%iz7Sh9i=3(B0V&MCd&dnor zlD{iOanBp>{4muC+4WOd_W(PbBy$|q-!8`sYF5j{)x@*`yMk|O*$ye(8L=z$c0_jGvW^$c>KF0%I%}!jE zfhD&*;qYJ_d+WqPR9vEgcdFajuK6#?s-1CUt@twRIV!;QlUVw|CJdY`;>f-dElO;R z8zQI4pzjwq;Ek(5AM8c8Bng~Ew6ScfBHq)EWtL_g1Gl3kB(ZW880O^DNq?4`e%DLE zsdbYf;J^|5Gqa0KDvF@>Zha&_VHVu-;e)X6O}qiVZ}gl%9dulCgun{UMYDa3Mm4`; zw?0Uva^LomX~lJnkGv7=$Q5gl^7@BGmlDXGEWjThU8rwJ4sqz0M$2Otv8ntg{k)8u z-!HvF6qPs9W$_GZaPCtt!(e!DO&;`RQ{jYjE4B7N!~2=>k2t;k58l1g0>dejp*Ki} z?g&f7)8VBs&Sl41-dfPxqhHv%L}bpC@R{|xl`_XF2S`-wY;vOdFzzwPMEgBDxGB;C zW=s5KQeU2j?6?B#Q;Q+r%p|ekkS#D=rr+w~UWl}eLfiY>u&pr_|EeV8TVamVG3QVn7uT(4^QDYH;Ph5n8^%5jBtz-5C5%u1cgee?a;nHNJ01bCo!M*z-x{p9MV z2JqLiE27RgC&51&VH;x!EHVjv4zK>}tm8QeFbq=5mg+JSDQeAsil=%ng5|l5q}yniVnGFrT(X6Z$CVIev=k#|)lk+X1U{bmum0i{uAa}k zL$cb3NCC^;pBuB`bxb{s4opUI;p22w!U(ol{bik2&j4ec$wWa;0*-7FgQm(wQ2HyD z^!nYV&!`i5BErq1pZ?BsO4~r}PWq7I%E@NQN*Cx*Rx(Ch_8^ngjq%~i4|JW2GHoyO zhbynSF!;+_*2<+A(q7I$tAo#ZyjnrzyC#j7G-rTZ?@8=kb(0)Z3&GIfS~h}P1FxJ} zNyGUH(4A6q7Q@|2%^g(O(C#S3|-t7LSgM+ zGIVisePnSgoo4)`@JAz5D_OSq{gvlV>4wbBpKX*gx@QvD0JXxw+wk`?>h>HR*=FZTHX zZ}!X-l<@usHtjd5h@cbBN>7Kw)1P2TYa@B-m54SvSxny8EmHH5^YW2fF~_b(rGV#=3FIo zxfAqXDT3SihNO7*8G0?%8MpnhLj{}1oL_hr=od)R*k%c)=Rq``TRl#^ZbuQTtG`(D zmhGUGI+G52orB4L=^Q#)!{BFZ?}Oq9OmgAiUmrg|1eQ zfTY+FDuAEK^_K~_Ct)>p3-qA1YY*dxl6mlw#ImIymZI*_FGTA8Rba^_S~78oKAjOy zJ0xo8shUby!S!=W-xLtnq8Peot2-@lcZbBb--K^T2GQ1dM6IP)!bZ%)3o7+^CMF#} z{+7p&DF@JKS12AYDTGl|L$XBj1jHRT1inv`U{Zq!)|4v~0h2tOE6=TY2L+&)`A(b9 z&F1D5%;9SI6$s6Vf(Ne!!6r8zI@q{J;c;;w{iB`xCpqjL*z#8btO+lbG~nOxw2=Nbn-M z_L(zcZ5Nr1=h7MF5pCS2HNogD@W%=ZIcDI!B+i@soUZ<`0&Z-Q0PW~|M8{?a=Z5-A zA12+xnyQ5uRoVF+TF#u(oXLyhMbn@5S4sD|VmjwXBbj~U66(C+ zW5SsNh#sCG{NEfN9mI-)h*myi)e9=_bbds|cB-r-~&-pK4QnhQXpH zdk~$f$OOe3a9Pdoq}hnObJVoZmKX1t4T&>RJogYh-kVSNF0CTR0}|PdSFJJP-5wMb zQN^Xo9FJ>Zx2a>cE?ug3k=n|)lcw*IX#O;TtX}n&k*zafqmCw$>t2^}R|l8DSaOLZ zcYC8=a1QEaN#H@B)i5jh3^cWv!$e6M%`Y`1vBL8q$~&EO@+a5LFh5r}QtU_N*8Zh$ zY?olx^cVtlGr>1lfW)l(gh#jRVnv6Np!~56@#DTpDOW?zrFd|8d&4c z!}URBB=q!M<0C;WILmM`pmQ?4w@rW^F%QFjw|Q8><%hl<6@r!-4yf=}2TS7BNc&(5 zXnP4$FLedZpHoYU?r<|_j#Jp(<)=y7*(P#u$x3M4)y@2KQbfPDEO2+y#`usNda5^& zI%@inwCSa6kivOXt+vN?@eAl?$3gb$3;`0Yk;}~y%x6|qHqxd!oy2ohFszfeg51IL zZ12ekYQ6m-o!1!-CR&ep@smyyKhLcs&pI1ZXS+dfqcP~+_(|?*PQn}y9^E`HKzk-! zndxfLAXo5)9v?_VDhDSR3 zFjcadV`0SLXV-QTb$=^c_un!IFB+vkJ_w?g(^*!z5b&R7Au4KQ;{|-?8lv^YrE{0^SoCB7nCOAiw%TqpFi$+qV zWZ95DP3zL4-aqFcn7@~~yWS6?A@&KA zE4e#Qr4pAb^@f|X#Trhp8X}WdGN4}cl?r$qp?MMFaMvaopJ&a(P+Kkdbk72(<_BY{ zei7@aWeNY~Eao!nx!4q}4yw<@@#;B$40_&2C-SD@tIKWES-Dc1idI1gy9$hcdO)~rmqle^PExUZ8DuOwZ}dW8@v{q zMAkbuVdOw8D&KU4??qzp+`E=)d`N-lay7`kw-yg&mY}Y40bD}@uj|9QAGd=yffg`xkt^zxAyfA)hPe3Sa>BR32A+5q5^K+LvQW&0Sf2@?&FS~S zu#4*_w0lw;RW9o&V27JzmosaF#;MM{cJ_zEC&nmaF6Ld1r4EXliMzcdeOq_{K7Kul z$Kzzl+T|+f6!V!ZyqOPstfs+S&n1{)U4zA{BRFOHTu7g7ORl}+j42xYMDMdW=80?} zGCEQ0v}=1|UqccJ*)T@bO7~-$pD+eZeMD|QbB2_YF(fBRgnWxl-S&R}a@!L8S1&lNj*M(hVoZN5rN6z=|P#o;269H!rKMi@PsOj2p>cBfz z>&gKVeCs7#>6=X+EsiI5$8})i>SfeGCmp|xBF^742X8qGz{7`U(Rj@?u$a1wxDJQo zdW}tZ+Wi{c$njt2&T}P_ljq|0;otQt(iH!$9i%Zs*TCQ87E^K9kvuJzVjB~*I1jfx zy*N~lKm6u{p0*KqU)Vxpr)o1Vjyj{2Wgv;$7>ft{eQ|5!OY*{gKJc15X=39JhIMfKgloTN4 zTq3%CccAZei^)q9FHme1r8$l7=sk0J>>rp431_=;MTrghE;ALxSDhj!|HQ)ACeDR$ zY&kX?rIDz?GmMu+7`}Gdh_O<-Odhu{SJ~$gefI^_&8wVRe;=dK+&lX@Mu2!J5!~up zg{>Y-sBDfbdaswn^*c1N(Q!U5dXs>=tPD73aTI3l%^`ok%%0a}m2$t&7yZ(V+cVn`rS44{E~-k&ILKNq(0#`Yn|}W8V{O z_z^+;Y$wf%2{@5?k^Ic=I*J}M#)#_0d2mCi2wKcIw^n%#NO~5q4SoCQ4ELQ_<6=Ms zha+jTgcJnZ3qtcqC_HISgSvvb_(hCkY>l2iS_Rw;su20}2tX9Z?GIR}*$^>kCyQSiG~O5Dc%@#FU? z*sT4KsOWVt5}g~#x09T^K`0x1&95`%m$K2axq}%_Q^t%BhoGkMF>Ns9_Izbuy0DJ( z-J9hi1}(yi)&}J1gIJ8sJcI!f(Pa5~HKJg+2R-J5KnKUxxi_bTX}i!)H#*vo)XpS~ zy59>8s=nl{`ve^d_`z)F^1Yi9ol)n-GP3{EV&wa&!a8vor&V**YV&=$S@f&lvEsKh zX2xxS=CiK6J3FlCmq*d`e9%i1^2hChn(ZGMQ09fKgjDjR=RW{~~Yg&~qQz{=5N>Juyn zeb%NtYCHuVy0AEqD+BjKev+}(^|aSKkyT9L&Tox!j8U5}T>m>p+!po_Pj0q;XJt4- zNG`LrIh*Q!>7irt=9uJPLY_+75mts{2uYpAy_H|6w6r6Qdz1sA0rHewIftQ2pHS(Q zHjSIH2hUVA5V_zk+L->Be7mPlrmWD$rvsm;`we-xefSnzde;YLDhJ|Kt9I(mIXJ|& z-lyNZcF`SGzganpH0;~85vOcf0Hd0{^ki!`Y&a;1Q=iy@$=|nRg7e`x>>X$LIOgKv z{^z`W?--aGn+c0rv@ud$7n8dDn5~JySiD}AZhj#^)Bjb%&?ifL!@M9L2QBf@;ZXYG zzbTwY+6{iW2NBn+>Fh3xr202o)2Q~0V&v_X0Uv<^u21!v9(tWXw>Hc{t@LSF@?#0g z1&y=O+dYWjBLj32e9GL+H=#+qO_)=L2_~#^$ag2TX%8qqL(5R_WfkCzSR)LMh{l*-Z4xM zOvFz!UZJh`bmE|F$~5bJAr246>2J>q&=jQ!AD-W(1EK@$mnCtSb2hH-ah#oCR^me$+9v!S=)>q^{@zI`2**hD)Kc}bg@YmAVF!fKv= zXbJrDQh;3v%h76PF<9N6Oe>Zq(_Fg=Zq5?)IB>>pUZeL`Pu0 zYYmYQJqojZhH$&a5%TP`8nt|wjD43xaHgg|nO|H&l}=x$=FWV$@9-j+AN!u3b-xFj z@6HCJJQds&Z-!B?MImU%Q79FBPks#%0SU69O-i|JS7jPKW!VE!X@Fx4=R}{VRWHa<+6>{m4 zaBzM;3}1)qakOzOh^j?Mj8 zf}y*#yTBaB^hB{S_cz^@RSZ@BI$-qBfqvNgrJm1p zFFF}5#^;TesA{MPYY*3BdtC^lq_z%Yr|qXYHxgk(Ln0h)H|7-f%Ba1}l(wC6N1qC9 z*t4ALOD%JNgRz&PwK566jRZ0lp%D<`A_7G=39#B!4KkXm;7rFm6fj?lv!72#{nD?{ zxHb?kXuRchxM-lv`9$KC+)}sk!UVqcN0LeB*fw5D{4OWbdS>xg(RC0bjjrtu; z=6P<%2WvyHMJyaLJTh?Biha24%`@~|F}Go@k2LJPQ%;NGj$y|b=VxBYB>L1@vqx(&F)>T{{XKt!4hJ(xU;Qn)2?(DVzx;~5I8o>}aQXEU?fPk4& z_B{IX)M@fRiq1P8%lC`pR%BH+*{Mi{Lh{__C`zT!QVNv{32iM@;#)Q$GD4Z9rHDND zbrhBMkQObpq#{iX^}B!nK7aAzxv%R!=ks~LpII&<-|I^FxuX-D(iell8b?}xPUt%y z_oMME4v^l|8DLSDLUW#X(W{utT|?2mJO(>w^PqZSDTVyY$6r}#SpH-S1&oZRVZI)~YPWE2el_4! zmjU>7bRX|wcm{qQ;$T*oG|F^l(F?bgD0}D%E)$p*ruR5(_wM8mHWhHG(|^LhohO;j z7Y;%5z9_2B9b0Wf(C_dgxHPB&Q}!gVEB7{{-;`8#W84z?(-14s{TVs%eYq-m<=tZIbMEjV zxBKXPg$Jfit;W!Z6c!+tfq4%Hf@)kf-OBG~+Z8>a-=+xflQDX15#C!&BT&J!nOA(; z&)%rzu2NNwo%SnoUzMhYfzDiV_?}+QJzk)(rbM|ucZuZ*04?WvA zz|Q_gxSAPF@kaCEb%8OgiTs3WOock{-NbsQNf_IH8iUvBpm)(o+Oum4{R?~`G8n&$ z`b>ZGZjsL9Z`nX^T;J2>`%;vD^9J`tK^iBY3MFg7U0Arr5L@oe!Q1bJ4$tH%)SPI~ zHC-!Za6bY43*X?ZZcDK){9}JMYU7BJ$C-TIb38Y*k?g0H(DwKQ?0c3>5?b4E?vPU2 zE5C@e_s5bMuRx_LPasaM6s@PIlYDgnYaCO~eKEW$eu1rUYTG@SG3g2TXC|AMtS$hxQ9b;oM|GA&rCichZ54m*WOBTIr*+3&MNMq2l zBp4$(1x~5IhjD$1WUyo)g+D2SqC`8~b+Mfl*)0bd?X%!pAHyuYT`9fwAzivY9+7iq zXHPnjj;1zFzN3mmod(p6d{E6v-G0S>8O}wEq3IN_mn-DtgneweE*myY9}jAEu_I5_ z(Dc<2A*=WcNk&XF7e8WOJ+DLI(FgWkk_q&rVIu^kTw!B{{oYKcPom&Yw=nx{J%#;T zLXVsyap$#l_&VzZ)_iYdyZq$Qxak9oa;?No^VD(1)4wcbLQm~`uf1TQ|CLOa|Ao^t z1n06?1_KUsu+tS=ne>M=xalaIkGaLLY~ctxz2E}3qy0MjvuGnM6wb_m%eHW>U^E;{ z7dm&62DsyBI-PdaLp1AZJY{H0fcvrC7*iez7lxjt zU4MA;-S!cJk}vQ+?pfG8AK3_>t(11%iE5{ ze}#WGzZK7(+lC7Y*OAm4dx+`o7v{11a6|8Ktk$=}+bPG{oTmcwJ!1&_;*?1PKL2G0 zyzWucwDHpQc-rWzj?-*MW8eZUQ1IJL$qDVSR`^a{%njw%S6(8!;x-g- z@)q9tm!N!mG@gi+q>kp{;&mod>7n&foOaoqzVyjbhvaXNjx?vmeY-i6##=BTN`_`y zL@?PIQ%P@|1$|aX#(Do$K%C)m8e^GHW-8w~x9@WxX!IgFa;lC0tnrY=_}zj(ha1=n z$9?Qqfh*^GwG1+PPh#bUBBp*+iJXsHz>&LG7zFrId-*L`SGTanV8K9(~pi53hhXE(BsK*NzjW_V5y%t|6?;mCG&&@7gw zR?oukD_1k^fMV$P;Bc>y8PEPc33sgMWBJ=RqDTK_mg`{*Q(Zs9@X@>3O)a6@8$Sp? zkABLkymK*raSZ4Gv5yt{B575>p^*INWVfZ3tv7fKnFDv=*&lhdk2;}RcP6dO9$5zm z4^j9QRpzr-N8s2;;=IZ%{@tZkp~t(2&5z%Kop16mqUje@dRSthMlp?(eMb8{whH{Y z1JwU?A`Pq))5*^RpyHc1Gu^$H)_05`NwpusX9H1rXe3PBr%A?Axy)a-iLDX3iNo#n zQG4w#jM}Dx26KeU`T$vn(Fw1(c+1IT6Rbd?f}5h|4M4@)KF;#i4Op?E4nj)2XgXNX z2YVk{Gh!_@Tm9mHtnKISL{!kLfBqPJ#u*HS^-4reS`0>TR_V*lWn+{h#{OD{SBDR9K#+kivLqATV zmWML%=G<&5O*=?cllFm;@Ql;7oscg;Z7s9**a@ z0R_?6VQbGSE+&zguyeFdzf6}RzH_sKz0mGyCf@aX!Kq)DCeg%dieIx@yqFDU-*&Wu z(#i2u-1i5}OZ&x79BR0HIVU`QbvM3`c+7rIlSKPlEAWJ{$H|_qhZ8+hS>L*1mQXH+ zaDOY}#;(JOd(J@n?T27Z6{x5;fXJ@{@`i`g#lahxL|is){BjJBCj%I-T8Xc=&ZbMT zS8>v&QCR#yJ3)fZd!?a^w7|~h;RiB+9Kg5~F#hyitz^Qm?z7m~Oyo4q;dqE{g zvTnj39h_P3M@osdbnKxNzEz)2#|CZ0uQsdjTU83?Ptu{)F-^G3-XBl@ibnrGZ|Gt2 zPwry!Aas1!$E-3+K|akEKPA<0ODU2MI}$@?%7ZC#<`kwcl?x-QKXG?^0^#EkJ9?CR zhTXQ;LTRO?)cpGly^qYp@PBHwYV0^NaXCt@asm@hQq5UagDWxvu13VX5Ts_;Eb(Kc3TPaTFd- z7I=Bvglxq?L;Ni8I@hRu0qcb>bZCRXofxSW@tGK8|`o3Z6P zV^Gfj4C7^^DP5xq6#wqQe{zj<`e!NI6;#D;%2wcZ+e^&9Lx*m}B(O(+Heu7DwPZ4& z15Sinu;7&(IsJPESGZ$1H@%UbcUr?z!@+EiX}W#**6HN1bu6{}`{F*8c)U}<*|HBy-X(i-}-n}zLo7LGo$|`?4c=O z86~U~oC8}MxT2p2z$W!N{<|5?9}<3^__GhhF^RHpzhgH&u=~lvZ${9%=k_@L*B;Tm z_xD+ZRRUglG@qqv#)0`ececKACA(vig4$b`(x+WPY?pN$PCC>F@I`QCTgzbZmW62Z zY8g(G6I{fB`zd!%0Uwz@hrg>u#Y=>(xUp_mX(p9&!UtPc1*-@(0+B${QzAM4MtpcM_N|CctO(1r3 zCxj1w4U2Z2=MA>Rvk#d;o0`!N^lK} zbfjtHjS}vHtB{X9WrPvyE<($iQ?$qV6#MU83|@P^3zobeNRav$*7ioSpHr_;i?JTp zVlkKTp1S0;L=NRIWU{*-3fYqn@_2K;B%YowP2ORlq|eD>zmUKDxc&%xW)zA`{Z7%i z&;sB*{pt3rBdp#ohqaoYhV&JCNY6D5<}AB{dEeAnfshB*`SJorMk??wx4M~^nK4}J zpA6$Z8{>|K(ImfcC%!nmkIn?!Qk=g8hA*gqt0ha=f|rw_q%RInCML5L*IJpHyE#qX zGM;9?DaAzdIMfszuv)tYqodSV{3f%OMqN&1gWku%{VsjpWaT<&=yimB)>X{wMIf8| zqn8={35QSPv*^&FRB)ZGLe(J;!T5v`?vcp@ul=7z&s>4}OP_*=voK)U(%dx!27n#@ZVPxX57nF?z zUsit{u2t1W3yD(5HQqxuAAux2cCc@Iy~NLIgxsjSKL79H4T{X{WZ6|tcz50_SXE(x z?k0)g5wZYQUzB2ZK6#K!%_}}+Rx_J(;0P=EuZ%sBaAz^0BkAJf$!yLAp?7h62Kua> zLl*KSI7;>gUwJEm9`EtQzaNg`f)8bEX!Ubwu2N%dll~)7{dlkn%EtXeUP68Q2m94m zB-stk2mHLgC=6{JPEo-%?1lRXjF{}mPu0%m5|YMH_An2+aJ$id!lKdi?52dn+y+|; z@zbZ^muI;BiIXl1Fdzt}y>I`)Gw_EwHaeeI@rdyIjmOk2nsB7cfh@Q9W1vDWmu8;Lr<%^f zBS!=d$%ZMk_P-9;EjX;!m36b89d#nfin*MAr9$Z@)d5(cct^XGjK)NE;{33 zhEr$iQ<+8v>)jcRPd4gfC2!5H4^g7v@5ku&B6A^Y;>oKiRj?Jgv(a?jKzh};pPT2P zE%>4p=u@)~TK6izsj@E6RA}LED*A9Y9t!uLSLbMhkmr;NRlv!EjmSDg0%I=j!1=8g zXjX9pJoX2iU)?6SD{Sa~EeK4%d(7y}e2ja28zMV>==!;t_(Q`JS1wl|h^c~+IqG?`=YV-$E_x(j7|5VdW{zzZWg;Q2}|TDLHf?W{fo#VdcnxDkEK=gkXfy*~?1s5oMF z@k-cX8G`}Gi*e;837T-yfIE6^25&hqnU@sy^P&Y7XnZ<@R0XH$)dNH5aL8kpM;>gG zka2FRnu@NvJ2B|yWi}_!5hRLRnDk369DZddTzM_x>yzSH+(CiiX=R9(wJ}g{mjQ#P zXreOL${SUd;biyM+$fbx5c|lD9ZfZ+?D|Qh^n4c#y>g8$dst3K2WsJ>jXV`L4a4zz zU*YK=ceH8!&5hgA#EmpRMTO1}L9$%|-HN5DPdSOZ`ofI1AO9=xwdS(ASB>1m)^@5n zU&V42TkSVxHL{US>U6uu3B#7(VHxwX>B_ee6mfVxym~H$j~8sEQt1MwG)<3uZ#d$! z{46$Y@;`2LA;2QjGWdqtWn!GSo-5@`lG^nD*zDSk|7yjk$H3zrM5zw*4|?Ln2-1LE3uy`P43Xb>r`~UDYKccbP zX*^UHD9}Oe7wmwG2y+(3aUOL6>}kFjCXNKy_;Us;xNnc`0p~^0G8t%kESj=4-oY%# z0(x@#3h!kvaDf+D;@}sGG<%OITK=B=F(&FO1E*A`!pm+A>?d{RCGnH?wHx84 zqhf z%9pl`ok6p0lNgRn5>2{z8}Akl7Z)D8!?tM&PK%PyeAd2eoX9_m?(jWqK#3CBr?}PD z$nV9Y#+TXYoq^;vXcxFnR-#oa^g$)*IyWoGie#OHyq#jRkb`Vs>gx??@Y_g=)@q_n z{s)*w${_kw97a;7ySauMc|M6d4p;4hv9seX^K+R-wg*GlB%4!g$c0719x92!;S_pg z-Up4Vf7nY`>p)Pw0n7XjG;CNr=q@`Bj+c$`M~xM|6#hQ7UGpjJO9d`fw8BZj|IuFs zo_oA+H2L3~P209MVZY*iG`46a)t>*@s@wr6GTuR1cNSy3o-9oNxD~T5<#Kz6F&r>u zJZqbm&qR-<;GC*0?F_V|ySIgzzPoVWsoKG6G-K#*_CIm%wd>r4vqRa~b-AFNVu2QO zLvYxSr{L|NLfJn|;n)!qk>$gkOj02ore71dBs1sQTP;&ZCAquob#W5DUfwN^4T_{L zuM2GX%`mon&0d=BEAS)KH{g)BQfOfzN9nsP*{TOR-0j-WOzO@j&gC;o|A+14!-?`wwg^?KTY>Uf^Bw01ihU;>=eCf#n zn7AW>En0dACo6v7)`gD;w^642K+ywCZW`$DJ!K0MZHl8I-aJh9tl>9Se-*u*C;Sfz zXXK^tDtK>jCOj(bhml(rV5Ij_EFcS9=?)?h#0m<7Ha$=Vhx zv#(23VcMh~78<<|_J2sm3?p;0?NDJ?1up%0>zDLy-dcM8dOW1zbw&z z%O;%65&yUAHCwDHI1WDSqRl5 zL?)FCenYM^%TV&qRj`{>N7?@gIn6~;tXVIG0-er?o8-Uqc-Mr@c5IThXgMFr5!Nzj2oz-@cy*c zn=BLKIGqbKF>SOHuJdhzgZCmR&v-P&+gqW$XaOEf45If^yWw7y6RUl4kW{pcnOD3u zd3p7)=Id>+cX2kku4-q4W{jYHp^74xk|Qi_moxn65g3U%H*w-RiODQx?lSR0i)ZZ7RxcJ4s7Ny}rr>qw<50VE zIBj_6h;PR2XFgWF@Ge%9ehYi$4F-~&IwsTWlZV-+HxBr5@i~&T1Bx5lB09Z%DZJO} z;2QHzVh8IGcW#u2P5f!tx$+v5+kcmMp{I4*Op!dDi@~tNpDNql;}btuqLwcp^L;;Q z<*nxezIbAaOCb&aWkrtbrg4LoZNY(4irHWI0#yOVc>82I#lQ5$cKIh{H){Y(5y z9sHR!dloV^2?-(dKOXZ@0gog!vR_X$FjrcNs3==tO?shZ!y|gKuY+A0uSYdr?v!)h z64&}gQGKpHl@Brl_n1rc(ZB{5Mmynn-WV`897jvZp=8}xSS!qA=2`8=2={pmSOu;= z=Zpm(+_BGM7|xe)W~U`{IHzaPG+|tTuwvXzf4fyt-ChYlIZmtX^R}h&??vRV62r}% zkqWI(%W?HxOPG0o7hRrFMEMUaY1zMd;uGN;#m0BWpkiJK9Li~;EBQ9e&+`QR$`P{L zZca33`fh&6>aQ@R?I?^hxeN=Q{)C$3{_)74E@nZwetbY#Qyh83a2=ykp%s5lbfzAzMcyQD)dt?yRm z<#XG`U$j55z^<#DUS9#|f6c{5wGsH@d@Wg=)xe6|z=AG}#u*z;Dfg%vX5SgbBIcZc ziY>jIwfhvjqd0@*ogISL|GXq;At%ZkUm>4&YffCsR7%;aVZT{bq8v%pM#3vsFQ)!( z33l(SfiFSs{H`r3sM8{b#1W17c=`$M)M^{Fzj7E7FQ@UDaT7q};&znzEu5#%DU z!Y64z%#VA`JboQvU!wE*q$U~I@_S(203Ap4yu1Q_ntPzVWGbX5xYFi;PAL8|lcw~X zCG!#O?9e?=vJ!S29Q0plA>|oy zcO-i^A& zk-mao-ft6WTNz{VUw8POkcIX~vRJ)bEVjOR!(RO!#1`uIVR86Uk>BqR?2FkV=D%6s z`p9skGE}iHc8dWX)6*o~dOr;72xs;(aiE>~nk%|?jlQ{ff|GEz_huY}pKeuDv8EQ* zO3#O(ziiO%gD)%!4aKAVvivXSLhzoo0WVZXqvOX<;@5xXVBotB=r8oanK>G`dCWOF z_{oAP*S0{qq%BMvSRlN6KVea)+zAaobNe*pAbHPF{Ip#imueL70b89g(C`{Ai|=8V zTn!w)MXS@MjIE?ne}Xor*-_o>YIgGJ9O6!c&}Y5R`mJt5(w7ya5|;*za$X3bdtuan zCgdJAkeUrrK{|OJ6*sx#S`~YG*nf)2g>J&agnn^lLM3&Fe1r1`8@b4@+b~pR1AV)9 zg)MONr%t^{?$3J_FxH-ei{3_wkuAulbWf z0sJ$rl3n!h5L*wogeIR6;=G62_(Q);wB-9M!FBtHSAN{UT5oz_V9qP%^kO{3t9GN3 z%2nKxIK*MFO{D#%&&SxBH4f}}+AVM`lz;-oO=NRo8`avr!12Bhd7AJ_=mU*lvfVo& z^w$m+X4ZkB#zH5#--Bd5($EW?Vb8}h%p9W10&}C7#P4kOSo4&9!qQB-D5D0}D<1Gi z%CngIWL<3gI14_@J)*@H32b5SKi2;J55Kl)7S&kIL6Lh3Znpdlk_B37QpCyAH4+ zh6T{LD;D?n%HzPBip>7G;FKQ!6+*`TV0(s~qR_EkRAqkyc5NJmO0fp4QTz(>9^Zm_ zf930XoKCR?JNDx&RDy`71x(r?kcL-Upgl%VAb*(NM-_p(ufW58Bn3Tbv#I&r8MvId z3%4ISKtcNB*{(J%QHaMI!6Cbn%vTWM++}e7<50FsrH}1Ut>??4ev#|IiQsxFgm@Vt zcX9YJ%RC}UcHJseH6V|7KK2qHN!il<=XbGa(m#5C*O){Ta+u@cS-2ocZc5pcTDcXY%KD=Uo(iULgR$(@GAe&vE@PHkk=Yrt^v%zebAv5n& ztqT=q#ybVq-XJ?0{^@}{IuIF+o4U`yZU0=5qit-S-vp{I=wZ`K_QQs^*6h`+QrI** z7Pm}mI5ql5OoXsn!YKS9+Rt#W{?ej1_uZw~`P3YE#)0E)qf-{6ZecP(Ok;>Qa z3;o~}bnK`_^?>!5x?JD{$xXxCqQPuZ$Vs~LegHgK(S^mnx^;t(hhg+Co@vfeXYLOU zAqpM)jFEb5`zIybUOEi-tBxo8m?XO6@C8Rrt7pSw6GiOqUiL{X4s4y9&@EzMUGH>N zT&rKtY)((dLD2QIWPmcF;LKILDnA9*yO5>1@GW- z%K)1Xa#%j2l+9eDONE!#(M-PqB!6@X#H_1f(T_KSgvkv);QS)iZCgtIYz&6D$#I7_ z2;50eLmIn#0v2ot1-V3jT($QYXXt(s`X(--LHE1x-7-hAJ3j^|g~;N?Ar?4j`Dc!6 zYh_wV}z9buXiJp7jjDBgR6wyqcw(p-h`|mmTp>f zatSY%W6S=jH2maA7I&i*pT-BX+0I|#ihLGj-@E}6)|5h;bTO4bdd1TD4b1E0W%P2& zz*K{eoJx!&7HUSaUoI;!vCWI?;cck>-ekcSaT&J#o&xT44pekM3SH4|GNq z{}+mHoTkvrQ;6SNh?URk@!?V(+$Hdu#+^{b*ycUVs(dpB3k?6E-eUIEM9QJTEsB({ zoaT;uU&R*TyIyq^Fs)<{%{5s`B;K;0a^+f_GPmU zR{r|I`OnD5xrs7$-bSrxc4jw#ixeakX5vTbi)cCTH7GcZ#WqDVx@!Fo%ZH3{c(7qI zxUCz5wXG8|P3kVoy3)%%-nfX(SKCZGwjGD=ifU$k_c)7QI+vD|@ff*MIA`sm=!sPd zUAa7s@{8@M@1~K+`n(7~J6vGrThmb|D3M)@QlvJEOt#kNKI_0Dyd|*B=f_XSZEg3c zcL5K@Fa6lN*d*BElY%~VR4aA7oL*hi7I@@0@vQ0)HfD+xte)*cCh6t8P0>L%FSwqX z`yFWC9f5l#(+Oc2PHf9TC#;MWqn5x_7vUaupxB+HgA36pOcEz*R?_4W8x~ zuw|i_xxF!koORf9@%YzM1aI6~_R?Shc~(5(*DlV$!o)yf$nD3r6hz^NX(vE=m>-75 zt)|}}h0b_G5S<{FWXiJyC%nGq170-mPd| z{b6E(E>OTDi@L`5(Qsn+Cd|A(96j4KnNGE$!XFOswnVwa=Yf>Urm zauoNvqJ?tSjOVYNxW`<#4uoQ}7}QuJhgloyF!;+BuI=zRaGNoRo(FSifI?r1rD z;p&a`)!Rt++E_l&?+$+DzM<9%D_+5;fWJTMJwNQ)B-|fy3~h9GQ`5IeoSqKP?aPRw z<4e`3{bUIxnOy^i1?#AMY#iT_YD-Hm>amMAd8RU@gzUHHMjrOv(R_0X5iOAm5>tWS+PT zZ|GX!>Ys)V_quIpMaU|W@HW5%(_`%H8xlo+nS?TZLeI-Mf!6-MEG{!2#oI3q!c8`} zd5N2q_}$$BH|n`lP_GV-^!>|2=}Wv7T#9D}#(BzbNmlZB5_`7!7S1bIqrg3N;`mTw z=8@O{6_>YBXZk&M-nADpZyAXWx#h#VBm3A~VFogDoH2c0wG~4p$JAZh(FL!4l^g<1 zXENE`Nw{!Z0Y550o^LGhq8tao%~9UV8q$=g(xH$29Bl4TvDt(!x1_>mzwO-4k;*tJ zp`0{5gIK2(@!~QoClwN$9$_%^MrNjSdko!|MbM;dEmghs|JH9a4_=lKL zeHqI1g(&)nR2mcd3fPx6&TXCocSfa=B#*D9Nk13R>`q0zBQQYRb{s>!I~wSpx0<&9 z_lcF2hI5|FMR>VLfo{2vhK4hv*!to|HsNzNa|#b<%YIo<@}zkf{MmuM(~M`$QKKmR z^(acYZcYPaU2x@IA*-x;8D!uFeKdPT^^VC*;qpEx+7rgYj!eUbAMnZ~Qbb2)E@<=1|cQbpF$0GE(XeEkUaA_fG{cb0Jl1 zJarkm-)Z73J12v6nF7{n9;eA+k6FZ@0#MRC0LrhI!OGev?Cil?ob7akMWSTV{OiIb z>iq@(RwrBxNfJ7e;aJq{MbC!2;MYY~;N`g!&W&|oQG3g|4}BxZ(Oz(Am1yA6tT18c zosGRFThN>P2D(B|OL^^f94gbr`dv;?(%~OWJ6Uk2t<7Q^lM=n`xZv5jugPfa!DD*i8-CM%h#70}HAJPr}!&X3Hz%i6b%42Iru4JjF4d{CRA+XD> zV98UG@y+jc7LcwDYsPLTpU|&WJql|#-KCSC4C>w$e-8tM~I~GwW&O$P2W;YcBbYpMaynOX$(zTrf#n!Nr-# z!uky<^yYWINdBY;_j-&i9t>Rs7cN+%2iyYB=hxuU({WT%tV{cT_k-7~7|d)cgX2Qp zDZHeDwaqw#F$-Uds^`T3){b4 zj*YnamTg=*jR_)c(9V;q^PDV&$F|PHd9HEbsOZVc%v)Lh%By7lMYryITd6p8WCig@ zj4`NW0t<^%WDPGONTH{Xsi>D?r_M4Mes(k!v8A;Bm

muHsw|Rd5?OuA@XxhmQ{%>*Ycn~Nq|LG)qHGk(ay`)IIC z5@+_7V)CWsV06Nb%?(_Sldrm=%D7@OZPujtzYpNbLwS&ywv?Bxs^NC-I1g4M4zd+n zSBP_Oe1+WVpG;T$5GE}MhXUE@?COPL+;n0PMrD0vQ7YGnJMo=0-50Vtt!>5xW&dK>v1EBH zeKZ@STu9nQU~E>HHik+{x?+ ze$-Kr_5eKid>;PH3q|ej46q8G1Boep6MuA#!1oixT)^ZWnC@Cd**lUjas6)4ywL_1 zo?By5_%<9oJ%O|G?qGL1+bOr~4Kujuh`}Xqxd-c}v)aG}SkPNaGoM+AfAtFeWqluX z5A;DDy=-=Rs1$9>9K&?hOV;@%$kV?VA$OxZ1M_=F!Rni;?53hB{#h1{Dd+F8&o>T| zbdDN%ZV6k?l8>Z{6OVPh1vJX%P#LRP>#!H*u~1>oStN)8M4 zf+=Wu8YqjG!P4Dt*tS?FR5N?UU7u0|5B(e=TxvXRvwut-+mGVSNg@yzeW8%~8dPAb zNhXh4(NN+z-Por=VaJEVLg6mmrlXDRS&4XR_+;Q8i1Aj_2)Z}vJ00%XisdI6%T8^= zrT$X*B|4h!=BVJ>5qmi4Z|QvB_BJN}w}cKi3}gdN^7!oOUhulqMLC*@m?-!$eP`}x z;pW0S`q5ay>Gwsn<@gLNE3`subf%qCd}v&|IZjHPMWb$4;**&puq%5ynOVltV%-*z zR!taQvvtK2Npq;kQ4x2W_Og#vVuT={LX&yAvQgZAT$8!7yZm=B<+ z<6=}3BXRbaBfNAI67mp8w*o*)2o&%RM5Q^H~(ixmzFvUPBS^mn-Y&1f=|&p z(24!qql$iQci2d?nA(5i9$?^DW0n`*#HDwgBFPU9%=_YgKD4eGor>e|-im<^kJ~;m z^KCYmBe2Un>yNM#t4GjNojAtHCbI~O+x%IBEGRoLhq`X$;(wrnfz6WKq9qOZE?5^Q zDUHFi_Ay|S-%FLDsmO*eXEjm{{O$v$gti)JQ&7*$%{JgV11C_|I0aUsE@rFxnAIK` zO4p*~AT{$HZLZLxY8yX1Ci@fq6smLM8a}dr_nc8b{aLNz{(ZoACxgO5LsE;*yLQr!S?=uR3%h0TphXrnR=S|YhD>@VPu#3&UQloY>4L8`Oz;}c_Wj6UeS@dc zq=-xm(8$1--f<+Ke4ZYx>t`~f?QufPUev3MrRqH;)LxOmSKV-cK2bR}1g69OWIZrW zyTz}lH^Fay2{i1k(1CsyCU|~~C`t7iOZJLHW!=a4B4RJ}KdxkJ46SgA?g82$I})7b z`#I-dYv`?s63*p~s7AP-emZo70_0qA%P%EVP&~u7miyr6I|p#kz?aT{S{AgX)r z+Rq?af&KUICXIVPf^Hu%y{Eu>c0XLKO}+v-)MF*u!&#Q_E%sPcYw?M zMRfS$KXLZqT&^O!hqE<#O24Nb#*c%iV2NQSHlK^6MRLcK+akI|&5Lm8L7 zZ#=r1G(%5*FquOtX8WF?8%EXCtX#sCXIO^n>NKOrL*j_dgRDo#chpQ?lt+!3VxLeIIxJULA$L zd=B${Uqhki0yviIOG7_=V*7)$QE$c-Xt3+W9p4!FZg*lXjxRt`LCwK(-EelY>E7g$Hitb<6&IWJM;6L0-XwvUaYa3peh8Zt;1LT)T~( ziaJRf3>E3|pH$3I)Wm6jyvVISf>-%0Fxm&sLfLoIaf{nz%E)czeXqGtux=_0U%Z9; zJlmJt9#xCgjKk0%eJUvKZDINE6PZWPJ$Uf%H5`7kk(Qh|&gRK! z_k@K)h-w@DPJF?(cx}epF;lSi*&e#}M}|F_Qh>kC5_r8lN{?eK;na=+Y+ui0{B<1h zT3#I8%2X2l_Fs=RY6DTh)f0U)EJfLeECgH)bBIq6kA)NV%}7U zC^4(MXW0QUjrW;0me7{UJ`ifDLWifFzP%B$nGX%|?eKZ*qxC+fo)$v`2W_Ih#n+g` z4`Y;lx)`U_>XXL*yMY5;@Kf|K>a5-aL&GKN3@4@UGzy7yun`zEj6h-#Dq>bJ>4?%wK0C*fyExHt+L;AuFY1<8Fwu8DmVI`U1C^2Q@zw(w$k=uYH2d$1Q`S{OhQMJK z&(^~EvlZ~-RtNf`e;WEQ3_&qJVYci&xufkChyrx zG^2zFkwm3J`lUgWzVrP7E*CFnpS{-e+&6e$_s8(Pc@Wd|nK*u20W-UXn0>t)F+KGL zn;?E3*Ot9v4_kUt_DB*j_N;?Ls+~~I<=K6LCSpTw5%sg2gCA#klJjf4so067BtqF3 zztw+-eJ)ZUxppn>dz{PkT@!}loX1q`i4Ir_JVu9}JrK9W0=p;XP*crvqCCpYP=dFE zgWqgecghGXwgsWns3o1;HVIC7T}QPifv_#)A{DAWjXN&Yn*NE}PW}!ZMMK>Tdh^>5 z+0v9lUG^{1ydxT)Zw-Z82gb;GKQ*wnP9{x$xp0Sj#w)#OV``6{ zCI&U?@Wpi*J{03&efc-~`T9FDtyhYge2gHhpfpLJIU6SSh=6SFJLccjx0G35MB?J- zLSF7REHQC`DJ_y@f_oXxb8CVW%K|pqJ{4MA1>i&L74W_$js33n^xm)q_c?`=4;4k= zH!+Fa?s(43T&0Z7ah+8y5@jr_rULvuJ?sgQx%l3_9|8|wW}{++h{EF$A~N3tv!1(} zcdO=+#9#BPYxam$_uAhiy)ydjhh^oE_qY)|rf9<2M{lWIL@3jDB!jw)nSus4KWcKZ zWK${xQSV_C{d#pL4VODZZk;scx(XkOZ^&Vu-OvSc_FDw4(z!sgkN?N*eC^P~)q=*m zNmZW@3x(t7)zQ<(5E`vY=${n^^zFDfNe)APMbiahmN*d?hq>bLohqUlaFAx1Za|?= zHKf0rV>+$NK+WA{^kdd@9{X({*66=r_!eBYtDF0p#qa6!SBXr8=tstCn=>vS93YoR zwBYiPELkMbOf&zhgUx&W;QZuG)H>P&H4FtoF}t6+_%98kSGjS$$8~hs*Kag)!w=?I zdNU&-^Z~t1O!4WqaenT!Ix<;uh~9r}4Nq740RQJW7!|){UBjkPby`%VlWq(F%XcHQ z{2s~Qr3r^_P9Vc&D^TVX*H1T*qAT89WrHRd(FnO#=sCQNDl^xi>3|qcK5`0H*juBw ziW5;@E`TeC-@tN@Uiza)+T4BbRc!NWVwVq?s~vW@DZ~n|dlcfo zjw~=XQAU1`1I{=jNyQUm*!*Lc$hCqcFn4nfs_>#PId2ur?N5O@L+g>l_A0XE;w#RsiZ$=I?4bhuo}bw|C(+pKSl519rNH`~F;iAUHw zzW`)!8Niu8eax)xOxomANB$$^S9zn z;}j_Ms)F-8Q7qImWWrCis4Wv7|5zcC5rVr}}6f_r3KUgNeY@)94jw zjD2mP@XT8u_CIz-*c^lFzX+O7sAwRa_Y3f?b0h7lkigXJ=a4t)KE!`KfLFdhqq&Q+ zKqVZotHhcJEU9Ct)?WH=+D@=f{6$|6cA(wEbedbT7rL$5FtJ3R=7{IxiK2M2)ocQo zZBF317jpTsxLGJTM}oxcwx!9FmyshAwovo&Yh`??N*M*Cjzg6`x)OhL90m`xXdqtXrX)HAwCt03f?jaduQQtZ9XnuCIC7KNwh62 z6Xr(E=80r`Vag^)>bB7qqdWLiHdd2LZgs;e1_UN{gK&k6QTQx2|ZXg5563l z%W(ofGD{YSSG!a_BX0`D$#;`*C>Bs6A-lV|9sNX59T7*}TZ#05^)OlId>Tb|r-Gru zEne2i>5v@akMUXCFhp|z%Y`<>wZLGuIL?_yUJ8W+8Umo;^PBn~d`)!a-D#l7MzOhO)oEXfr0rqiPP)tY>(Vi!d*1+i$gTs$nBNaEh*!#4)H_d3sJQ2U>yD@ z_L7~_wU{K{{Y~Xg)qwYW5oW?VDK6V_A7@v~!Lch-(bXmzNBK)}ugGEC{vsc3z0Z?M zL2*30?=D%QVnVW~pC!WMQ{cjYGc1w3MXpN^GM^i`zM-&x^$4gG3LphDy)lVM<3Ek?FiZ z1QipQiqjF;lo7*od@F&Cj?P&2XqX7?oJhpZUd0#s4%E{(4P>@ip?`EXK1oj`Jxc$0 z?}H~-3o1XPMN(;I6?v=Z>@~@}_KI#MGUhE+{S^g8qLrjjNd)}12$|3Mv5a9QL~)X|LHq*dI~D=!@8)cKt5&yZeFu z(T{*bC7f4K>@i829!|wMkLx-!QFtLVNJCo;iARYS{$9HPe(F9YiUY-h5Zs=uSl zJ_ImsJ%mW;%el&TJ&5w7&>Kkt~Q3b@T z4uP6;G=z>MGY$TI?9*k6ICfGHi^Bp@=les_TwTTfdF{#NgKF@&;e0GQ{gS`T&ja&T z_EO>XZeUmRo$**|N;eOgP=|MEgjbeIeoytKnqR8X!Rs(BauP@1-8%5A#0C4$2U50; z^Iw_7k!PE}RJp!1Fu#1Z2-P;GP_2{uS^2LW@U(S06#M)nf3-~5&(*`s!d0J%LDYQA zQ%^%$XpfO_l-R~3u^pcda{hQvGxwq0;JbV#>EPxd{FZE(Df)p;zmo`~viCu+X$*ap z9r4tpzpP4OK2-}Aq4x`IbZz)L<4(QxBkEZdwz)He9wMG0AqLO(dYpX1gnPk<%!9mvx&r_KDoEykbq z^RaB82voceqwrQGoGO|L{U{Dv|RYKCK*Zz-<0BLOp>FN5Y!LYQwakAtq` z#Mjjg(*8|{ptF_WlBKe zQ$e6PhewJewDG%CMNX zQhBP!55^CDGjZC5KU6y>lbh?mrR}eN@Hc(xWFBoZfDZy8oK8Ew`6BQI|gund&P>HYqowfZan zhx~pRJ~@l%KU2a9H`Zh2PCs1tYym43^B&I{%_l{*t<2ogb~?eM0!~_3VUTnNm*GvL z`C@61Eg(ZWi7s@W6R0+6Fri1EETyIEuVZv#5qo;hTY}?N^zo`zI5qDj88SSLJEg?< znhvwTX4swUB^ZF#m&u^7YYUS%htm^A8`-_kLNA)8VCjrBSp78uY*%M9lYjldhLavd z?@I?LdUB4@yc>KImjE#9RtMNzLSAeR#*sW_Mr7A_W>MM&{)86?z;Js$Y(Bc0Ui&bO zbZxo8xptjNXEmQaVLnXvyVsBh#+w*WC6MTr&aH`4&7NCN!wExtt~2XPO8z;pdN~T9 zpL7qBl6KMn-DaMJ_br&;!MXK#&RAh6f-`)z@sP|Ge6My8yq(RMh@uu4e|U?8euyN; z#!cb&@<|vREl|B#K9|P6t{`m^T3i>moz7Y|q1v-G7b3?Cu_ZMcmrBfpm(FcuP%sV} z_c_AO)K02(Pz~oQh~p-s6fP6f0dcAeh^uxO{W#4H=G8}_$xF_ev2HfiEtrP-(gm!O zUnRNI=!0K4uJef_Q_yw}$1To$PcgtKq2fqTSjTJzHjogK5O_h)2h z1}{PxGKczXo{aylrqV~%O>E&-JDhB;1tYhRG_11bo|6g0yyz(##zg>CoZ1&XaV#R9 zfv$L0@Fm>0tzd(<>Y}aCM=r~^6;7UD|RJjT1>rN&`%?TuDzozm0pgD3KF0{_sqd8{xk>5Ao50(=a4s&s?P}F?$_E z#3to|bj}QntnH*iFK*!jhb*|LS_UE8&Ox@pbEYt05_%{oVBvNdbHi;lOyFZpu$5{i z7Ikezv&RE<%_AVL>;^8%6{G(OEpTu*mx)jyv2H;nP7p#Yi8kmLlaBLz42=!QnA>Wr_>_u6amU#dYoVuu{q$)Y~dn&e1 z;Px!#UMQ%TMYz2exxVxP`Eg-0WqV@D;M8!kqu~hoX1SkzBX=IQ-Yy`@U$RJ%%2Imv zrYX9+uEJ+^OW8M7512#I=Wxc?8hYmRd-iY7Cw11W2eG_T_Wjd*zClwto=%*5>!3vv z3fhE2EO&>uniK~@TegsW>(0@0+J#L0$y03lfhFwcX%j(BP7cIFe~`r$PnbRBNV7G6 zVe<2}tpDKw>@;3LqQW_kLRTk|Pga1VzZTQQF3C*w;dGpHA)6`xeh04w#6#mwd06zM zle8)Mq3c>LU~2DBjixv%a*cC#@{Cc1nDIN08bLLcgCm~YbiDK8@GA+LH}Ma5!U}Ax>3Vci~p?$@sLcnAJSoMPya7;cjmWY~f93f~O}l z2|c!`|4dpItFSrP0UQ-}XfTj3t@H)O?%Lejls9Ul4ffc*TMLFRMaE2-mCt9w#E z(aT)cTd+SFdX81$@rNrx_}*rY>(NfSJ_>`OV=|FRu*71wWH==&5Ao$m^t)XQT3t?{ zj~aIoljqUsDD#sIKED$NYxbj!1Z9rZOM>9U6EJdcKD8Q>Litr6=;q)Ac+Bx+?*2k( zSUCf4t(cFJ9I-filw!~G7x1JZn_ReF$85;Fz+WXPKpjG#lYt;#^6Ic0WO}tRS;du% z_xWZ<>HKltij>>ivt4)KM!FdNF=vFF@LkL?R-RC| zDcbPmnh?p%#`}!J8#m0Uc|i;n)PRhyAtx(70?#}eKZf7H0A3G1%n5~qPIB;(+uaPzd`$Xt z=Y!bz7W(0+0Qvg)5s8th#)X@d_y?UY(YHB$WQ)iM$>|)Uj%Tg#F4+s&m%Q1{Tgnkm z`H=~axjBdId9V`NfdV2|*h8Vos1TM$A1zcRNA()1QbHTEDbNQG$M>?wIA*D5j|5F_ zJP!`@^x;>NJib%C4sx^K@DH5(LqrVZpxKAl{kR$Z-BSFz!VVmI z50Q5*hhdsU1x?PYK+7prOrO3N&)4G#V|Qvhq_1kA8rsXrmB12c{>AyeyJG3}1J)oL zVvQ&4cQJccR>Pv}pXgCFfBIej7D)@9hvn&yh~wfCwj(MF?5Av`^0Bg5xpfbfc-cY@ zS+BxMQ**F6SBPhhEhF;Qw;^QlLiX&oWB5WV1_%B{K$^KNUgbJuk6OB^;QZCpSNJ&n z8fnSpo0ik2uZ@ruBZ?qrS7+MZ`!lvF*qQG@DqC1t%Z3av^K3*&l7&ytK{|Z4*`Fbip@{nGv zISxj91kuCNp3D(Y!19vq7|D5Rm%4po6c#tp`r{9=Uw#qHQH~|*yfSjB{tGQ_l)|q{ zR3XJrtUjvas$*jLhjMZ2MJn&kB4R>p~9eM`yreP(VzJCcj9QM+fqdV}ON*v>0 zdWvaSq|Veei9+|d4EV%~;`nI?#`{M zO;3P@1FcoxYD-I(eQYcd1z zh0_JnzuS>!R<5Kj+h3D2%iZa{2p8O<8OXXFJ&gTJ*qu69ar=We&#{STfI2IY3{38}sD! zbnG3-=Xx0@L3o`7{QOyjrcwrMmECq$UV0V&sa*&biAjVxaT?#LHBjZ97T{5>0qJV( zbePV<5{Wzzw>^#~J3sKM4OBotZ#$a0E`!{6`^n@IZ&GU}h4-qZaIm8SHYR`P6|efv zR&9=CHu}9Izkl6jN;)LTnZi*zmGh6NtEIrBz&DtowS?|2O@*|B+9YDOJZ&F|fi+Eh ztXjJXCzpJqfsZ7i%S{5~UzL*&c0c)toq}QM96ea@$&_6CTSbee%z*2$f2i;HDtN5! zM-qfH=_#dHR9-Vk?%cMaw$Dn*qA%a+^tYHdqUVkQ$5(?^M|qfa0x^w zPc`qhkD=0wI>?EDJ;Dxd$I+=FKo=HrS>GNoTKf(+NG$^$ zo!wCOH-fYY-=N1A0Bpd~RLnP-TwfT*GrW)ivtyL-$0=pFPS4Ym-1)!u&qrd? zu?;mx?CH5_XK~0^oF1t)MFGDkBH?@mZ(4Cqty?oupvMvCExSeudV)IbT4+OEWe0J5{e4#M%V~7orie>Q3~)y0BIK#2g3UrPJY2@7OF!Dcj{>>s zK6y7R%~{1bB`4$L2W}X3yoM2TIYZh5tKmi_4-dw#ql;I#;g`bz);r>;kJ>KOw0^{T zmpH@GccA{1Sx$W_-qy+&t>p2QP5M)devH5lcX+sTo- zY<@-x^*}qUbmaJXM+M>LVP8D^Nd{yLL#V@r780u?MfLvHz(wwy*DSE6mvl8@iCQJv zD+*T!s=cE#7aMX+p#myBEQoj3g~5|arEJ{N0(>^1jXZM5r91N^;N9?5{^@8ToLR3_ z-D59{tX1RBJK_jf(=2J@yq%U_^>I5 zc1@a99U>=>%kvh&n{hS5c8p{9_rpln<)WVKFkLwF75-eDO`A+tk%DE_V9`in%-aQn z$~pJ(Wi7~P6@u=cIUspd9ebj$!Q+DSY;&gwg`b!pi zieIC`*M30P;C-lQkb)AG-B8(>#ICv3&G+8Dm#%OLrdK!)SN16tcu*2cV!nT;FVc2E zrMqtRCU+g&to0Gf3b;L1MHqDc7RIO^6RhX{7Lqt_^{QA+oU=3D)GbgIl$G>gUqLpG zMu%d{-%eIFPy!5=EW&AAF578~Ef^===Y^NoQP;}p7;?6jbA!1+OLq;XW<+3WnjE%H z;sOMlMMfI%OQDJ z2EMTm#*zVB&O20A=;*@f(`p8Y+suL7aPXl>v&DbAF2-#`xstJ?f1c(3SUx^mTTz zo423m<(|>y;sI~5e%?7uDK4z4nLY(8OT?=Wm^~riUGhPIo5i2Ja1NYjw$q>^H?i~K zTD0EthDI$eAhIT1kbT>O45WP|Dnjbe?eB)#`+l$rx~=40_A9Ef#v5LZ&O+txKeYb- z6cC#~2kWyo;LDCl#NppZx@uSnV`P%~(`uJMf@M2BFy|&N7nf!Jth8n}hQyIQmKosQ z@QryQZ%`%JQO%0p&7k#Dbzn$79q7AMjGZ_MM-z6^4f__NA6GYfZu*yGJL=FY+6{DI zV-)Az2R~A6l^!T-CFW63cEPAGJ>vJShwj7nX+RZ%TwE4`*%>fwTTZvVY{fOwg81rP8MDp2 z1*dJ^2n88QbX4yeJ$k*8n%Irt

kvxLC>8G5QY-4=ml`CbCx78JOZtf zc~#1@r-Pe%E0(#b!Y$2g{8)Yi{CZYH%%KQ8oMVTJm(B%$m2EW5R14QGIf*X2nn2>W zMs>sHYI0Yy0`hHE^O}p(AdY(z_FL}{eDxcUah<_tjz8`2!UF_${o`#Byh7s^Utx^D zwt=UQFSu;DPiL7;GEeL^Ce`W#dJdOOIh;+L;(KVDu446zWqe52yN;`NUxP~xE~q?-2kSk1fE^Tu zBOhxykLU+@v_lEwpBU2l4?ci-XaucU@&I^_Q}E9WS6sPuHY37>()=6)7}`-_HsZMm zgDd$Y@Oc)qU~~cGdF%wU^J~G&xs73-MN&;Mj;j=W1&_QD!HpODnap$-((mIBJwx1% zY)s4C!qlv~*Sn9Ltml)+1qa9-<|b69W>S&-IHL6+6q?~6Ieqpr*)mrMS~b#$=^Q?D z>60%kv>L#dV^8Qi@hNEb>n&3iG{7FQ*@2~nC!oIe1Mv=PqRnQ1spRdgEVK4L-1kt0 zYU?=I)LnqtGGpZ9;z25$%;#$halQw8&J8oR73zN4!W%9_c(LFaM10kR{=9i)c5E_{?OD#NAaTL zeE7@tsH3>gTXEYmcy4V)yR?52jZKsB$^0`^?fWsDo)*D&>REv6I!SZ0;!v=*<@VEE z3sFIHfbl2|rN440&3)yL^5G$v#rc9Q58S8oWamP=OCsrIWYGJC9{e^Ahl$UO@p_*W z&YM4-ev4j1amf-$OE#w-L$UbDUkXlaEh0TPVmiTY#2KEV_{ z8+W3pp$pElN`%UQa58jn8U)qYgOz4A83zHPC;6I8J03s+PisMJsUtc!a$Tx_9OuY9 z7>CQIfmq;Kd}Q(keq^z9(#>XKcSnVujMRc9t21Dwge^1$){=B<3p&T~4mIl83EH*W zL0NJY7LU3RV;3&dW>Cxvm@!PM)OS;dmMj|T&2dv&1BvVYG$K1$7w&%xg45+2@!kF| zJQ@^@Qp0Z8GN1u{+bXE8_f=|9_=2{DN5N=82yX2dpj$N(8J)dP5X*~rUt)C`SYAbb zKaobk=PC5l3>*B^bp}JKqT%wW7(BZ?1C;YWF%dP9xTjGNrK|rDqn8S}(zTpSCtFfWto1@5jz8Z|AWr8b0*Ud zY=e|be*CgSz3kYD_e8kI4OhzkB5J*pF_7a z8WfFXvQ9(}kEnC^*-Z*K`mq(SD{O!O7bB9c@t$fud_;qvy{D2pf73ggLNMc%1KM;7 zLFxA>)_x!!^?seBZ;qsaaJd0oDWP;?_gN~_y9N#)@}R0BPcYld21V^zQgtZ>j7~m< z7q3;TH)$*Yxz7ue&oWtU0{|HLHfD3ocJkA$-wY4c2GPJ@~cY8VEtYq_uoPY z`kaRH^Rj8#yJ>i7z>4MhPG@%;xZoE9U+@kSHt+Jijy>CSu(strsoW(>mIXIr-^owV zTOnb-$2^H%Se}WI|M{X|*KYJXca=B^M&jP<*Jys!UB1t{r>x^ej+dUUkAh$Pa6_FA z?3!y%(s$O;Hr1_=QI-i#Ia_h{@zva}!42QNprDtv8MMUapj-1L6b*=Cs~d`G|BxRx)0YDNzrEisf zgBoDjn~4jIQgKVa6nVS*9w=`aq(*D1=^5#JAj`zCv0EpSrpN?%{%1dzXWU1n=B>m` z=Wpce)C7F|{5w2K`%JR05wrR4|FGQ$2~P8UPjfEch0<5MN%C?F)LP+!#%Ei|jP!Xh z_0uE%Sn*MCc~?x{Zd1TBeMi9DcoE#0I15spT`6DwHq*FZjGiu!#oYy7)Ia|ybFVoQ zE>Af}?E4g<{_b&<6XYE52QJfRa~sLy_(W6dgMT5BeZ?`ZYthbd9mg|##xdp+SV{RR zGO5yzx^Rw!Xq8}G=kt{wylc;dl-#9@gWMpxSc2*ZZ-w412WYTWJKcV-93oOjnTlr{ zppusWO@%*ryEYi(`-5{a>54Pl5OC-JNUWuD2?lhDUj!9*^T+u!FVM!%3&B)iDOr4H zIn#g85I)W4cCzjlFz`QZ`uFiA82D{Nee_Fg!p*GH~d zdZJW!IPQ~u!<5fX1jmCX(NEwnxv#Cq96YKFax){0VcQuk2=SO784ofVwhyb4* zI_5_&I#l~EUrN0<-=NbSi-E3qivvE3(9nG!6#P6%)Vgk>-X~$?hb^jJF-MPkXShj4 zm(C{p_P8=TuZdKzSy4=47X;xi5n-4K|LE_;C14O@36I>ClB=^i`GNn%Ld5xKI1!&z zb>meIS-q&1*XGeqCSFe_5@UIIBQ6`;J@e68^aR?!QAHEk46gHqs27zJVn#B)LxGO>|$h87E)a0n#r6FiUzXYp6%T_RnGT zn6AN)8^?*5T_@RJ7y*S})NuBJP_!%(Mzf=@=xObv)PAaB^}V$pXqWmReq8((J}g)T zmuITuuCl2(dGH)nYe~kXrD@d8@GD&sxB|QGOJnK#Ph|h2c`)K43k5NW-1}-gMlEu~ zdbb_aq|%>gzLKPS&wrN?1lNN!IG!l-C_b5WF!6?3ZQD$Z|{#)He&Vy#Uk`+4hBGIdcXPJ4Zv_@e`( zyH$~MhY7*zJ>9S@J{+3=mJ_{zaT1wegKlnmyko~LsyF^l1m%?DSn^LBXR0OAsm?FC zKKNQ*zm^AiFntZA7*4>-mfPG8KQbs%F!QbFt`l&WzdGxdDdLZZk*KcNPt)4PiRXW^Fn`F1oRSXbrCgDP zl-x8rT`2*NUcZE+Pn|ILRy5{4{f{Qz+zgIIh<#&+!Aac)rL6La3wPg<_m-@-J{b(U z^X=(>+)?0*jPb{-%p=eDC(>m2g>x;Yi)=CO`zPE+B#?l^0>3!+tBp*7x!WN01cynAWX z!y+7)hMmJjX}u_*H4&zX%E9_soP+cBZkVuYB6feV!fl6hu=`^j-P~;fZ%TfWbJyMB zY34L~Y0g%7d-*22ojHlUgZ{L?)*XDq3Tf+s2&(ClLqbQm8NYEJ$1zz-+uHdUaVVL@ z49+6?JAD=L+ZylD38GuMdFBLK z7^F*tub0p)^)?9DR)9Y$9Np>ACV!q699Zf zf+5lW9nFXe#0wW^!+2gJt9ocH`aJv(qQkz?E4znzDVIfw$wevL=B)+?J2`~+ZGB)u zq|sbX2perq!@;3=y8f0Zz4G5pR%Y=GDyv@zo#}cw@XH_nSmc17|nl4QEf0F1i-nk4sd0FARqOpK&5ijgr1-oFB zy`QoYqg?JWrsJh#)&_gnQ)7<(r}Lp%ESS{$AA^9wAi|}InO`BzIEjB49z7F-?bk|4 zqW7em_tB{F@35xnubPai@Z32OHw9`7?r%jY`O;qD1j9~#3k>+iHY%pR`Z`amMn z)KKr`Q;d&V3C3fKaY{!FxXu!W@MLo$#Vn;Z%bHoaHbjA-6i8a8083=Kcke&-_^WOW zyN`bpACCkx*IF;pyY3w8&}b4wJW%Ha3Um?UNF})A8Az0NR6)?pF5auUL`F}*6J z2RG;4CC|eIaCW;DH|y@>?t>a6RmKX!WL@BBatwYyxd=kWSCTp23glb#b&_l94&G{Y zRDD(fJ;HCt)$YHTsR!4=_HFm+%|$oBIiw9+LN(|%%}elUmm%p*uc32xw$s~#>_y|iinxsW)Qt80QvPdar5lUv{cWS^9tM3+j8rXY%63pW?bR^*Imgp-5MPIF^Vhx z)`P93G+cLS1L5AqSY}j5PyO7Bkzbtg(^JczvYwS(7cy59mEGc5G0$D)QiFZZfUmG9xJ5O*BAQb8ZDIf5d~2@E7%$Br$3$T?>M z{h}cx?dBr<_ge^wzCVqceUa-~gyCE-AuQ6nK+m`xByn+<={^}#SW^Cyn(LZF@1rha zQ0Yn&4j#Z^4+2&10GoaqBk!F7I)2*&YLQlOaD>4?wNflNB!)8=^s%pA?!%C^iQu(G z1YdQFfahBYM$Gpd9SZzQv-kMJtIPW41;eYU?4}Zu_t_f1-clxk@oOMa$bm#pm#toJ z*ar(&<)Lju0XkZ#;MX1Ys9h)sVrqFH|IZF0`-af$feQ_Y_(ZCYRWc#Be8J2{9?JuK za6!}@>JU;4>he>u#VH*FmG(f1`~v!3mw-}K8-3a`3k|t5)};Fv^WpwJ#KFDrU+ZCb zt^6C>Uvqi#={y)2`$irOuB7=PUHDmeFO(XbhK`F{8ST3hNo_?krr0#oMVY0z^Nt3w z)d|H*HS;n5!da+U{0cr30gRu#j65GW2l^^Q#AMY59Gqx?4jHl>C&v*he=b5bj&=J^ zCXU+aag2~3@9FB>H_?fddQGIAsp4|qmCmIpk;gjGFOMfd4pkUF~Jy0k3ON}DUXPMgfKHM zor4bFWl+8#nuci@(!kPseooE{_Cnzr3=f}fx~td)#t#UX%WyNMGhQt9Se}jlE!~2j zZ@eHA6xTr2;xr6gE(sIe^ii*C1=u+$f_s-AcGVxkO>1XX7dhv`e1jOOp3+KFr~RTz z+Ije|P!ab}EQ14ocQTn_H}LhEb2L}u2aMLNg4-e%bg_^nEk0!jWj}YrfV?R5pL|V3 zLZxACRy(a$TMU)6ikT6MR20lzLk%RQO*J>Qk%2eQ@J8+y`fN)sGjIDt9PA7u;-g%b zT-pyst>;6z)`{tNK>;8`#fwj+LX?$C2l8PxsEd91${N$ivs@S%Ro%O(gHBOEjDdC%7Za3*Il7%T$Lhhd(o{Kp-xJ=1$v1 z_Pp3agjXeyo!lHX@lgkaY}A3I>4cU<%7Iq#a%#!Zn*T`#(q&rQ9-uvh)(<(*PKRX1 ziZuf5hP`;tAOerqOX8Jr9_0^@66x1VFhFKCCi6JTysa#i2+)BE8jsOBu!A=(@dm`5 zcuB@Y?BHN-FLYg4Lw@89QMk&&-jnmG^ivghXU`+kosg&}4v~(s&zSL?n|nXt{wJq} z5VOj1R_UQKMm2Y!r{sM2J7Z|el{<85b_BVQRRQl_uZ9v{DiJIv^o(Z_`_sc5 zy;NlBct$ZJH&Fsam#pSkNSrq_F%c&&eM`3%i(z`~Bl1IS02D6Xq9=IUX^N5!(aPqr z2Zr={Z-j1A)!Pf9+pB@-v`)rN$DZ?(*Tlhd&R^yCb_K@oIg0YrACT8}y2NsSI-`0o z6lGf4@#fG+`e;%ToqSCKyS&cOQF4*--h7KWa$yuo&0j;U>jlu-^qMwbd4>wy-YV&v z0X#SI;ao1;aEgf;4z1aNi7w4VWFZUUs;|INAce6qiU#2iBd~V%ZP;BC1fLTl$i4|$ zaQ$%zU7UCi)5{_uy+0bA^mKV^*Zc8bbeiLB5ohH2+-2OxE6J~nU0lcF9mNoT623bG z{lg7iZ-M6X2+CbJ!G#7$D2@y%F^)yJ-0fRy&VDbxXntCLTMkF1k_eP!B z^g}FjWig_fy*kYKmVx2k2nu)lAmscF0~r)0=-VUf>eU4!D4-lDYJL$~o3+&W|{O^R{%|Neol)*Ccy)fRATk14}}*z#f+$V z=6%J^RIuR!U4NT%iOt^%S!;^m!>9>3KafU8m057C;SrJR@Wgz{!*DL{95l^z#FFz# zaQPfJ^M7JPLx$4m_*6?6d!7J7_Pd#p*+`@fr{cdf_3FLf*3((9xtwa`cJ%p{L;_y# zh1efjaBp5Y3I__}XP=jt{A?CpQvtFmARK;wb;5$MdNTO=60Oj(!`%tz>4;AZ1aEy$ zKNfAmC!1b@uRF(fuTCa(<})nHLm3Btex@&K>X`rT`(Vq<&*a?QyQ*vDeIIhA|e-oPr;6 zbiwXk8u)ev;p+Y4bnm?Ya2aYMmN|=Y*W#<_mmbU>nQw#gwf+2EjaP_i{uvT|aXD>X zbc6HkaXa;zYw-S&AAVRf$}OBqi_XSuQ70@s zR1S0PWYJ#v56S1t!OU}2_^Z+le69+ZS5yY!UvHqK`VH)>`pcvkB;g}wHpKW}AXkht zKqZ;$9xf(e7wUsiSu)66`bol`SCYpA$yJ4dy0A|aC?3p&fbs;%eG0t zPjd$tT_8vluepJQ+A-J|F9sfRy<||wi}Pq_K)LONYI)9`W`1=(n4GC%T+#@%u5TbE z-RYR=XAW5l^x2NvGK9`P2&eQJNNZb816AzcK;ay&r?vzw;?pprX#xfw`^JPQlu<9Y zZD6op!~D9>06n*`l~~W20as`J!j%(`FvH5d7{lkXEx&_6L!pamsm&%9{mEFGmWCoU zt14C15x)wo#7QG9G%=jxB;;F@1G6_Xqlt4cQ$ra(T-XSy*Ur%XW2$uDX>}af=7)!N zrjmOalThf5E@YaeL4wL^ST3i6t3PzoI{`7Ak8mH}znaPQ19x*fLKS+X-jvs1qmFHh z57Xu2lcCmN5#1G|i!V|-$(j#e{zuVyhhzD+al9yGL@H$@sYD?nC21(Dq#FtE94yNC44AD2AyK$>n zCKx7UaKHOMvRPvTE2SGjj#(%`;JmZ&V4*~bK&m!RSl1DDO8SAoffKCqm!Dj3ZxUR% zeja9&48w5F44P9aj*2qp=r6^0U?nb!ii5vNXm1;|1Uiw=eCt4>BbikB#!&Xr4*lzS z5x~zeI0F?c=!D61bU1nm?0quyyJm15+m64?(1NXa;P@&S{k{&nie$0DY7Xjrd=C=Q zlTkq!x!fHOqpG98a{M~&+!;)KB_^{jt8ERwN8Kec``*%)`<28}d7RhO^qSVR1Tv@g z>eJv8+>DF0r^@d|K{7fKYp&$s%8^*`@|4C8d{g1+@_V4&s(_MjxV%l+S~!__6;F00 zLGb+!s%z>GW1$N${mEI#JQK~bNvhD$nSjxoe^W_~^-S6%20XYPSiQ9_jELsIg4;@X z{%|LCP_oCBV_ozy$6DgkO@kjnZ%7O`%NJG&fQItTcv5pC8NGfQr5%2PWyMnP^<0LM zk7kiEQ#0J!vKJ4Ui(u!??ZB@;7X?;JFpgXPqfZy?z|T*E=#(wxBr^0O>~_n9GOu{Z zUHS?m7cF5oD9gdAzlW$*L?1J7_BmF!kMq8I=fG~C{iyD5Rh)M)4c7Y(lG*&1iAlc? z(Or%ZKhKufK5L??Qc=J^(7?nbE`V{lyX>}!eEjoQ7T+{Z!|55}Xll=2!gsla{kjLh z>BN0TenA+vUYSonjbx+p_Y17qIxWuovl5r)xPqQ~9BLosLAcOL@ZNwFeXqcPKoc$J zAEYuDuF@A*Yf0&w^{lm^CTV+3&@6>x#Ru&`J>DL?wJILIXU<1!+gjoS$LRb@DK2*- zioC09uAaKP+cQypjSG?q|Wgr{}nrtDQgnxijiR^@TeSiJv4^9f!f%Yc#>mg zF=Rt;D_OEUmOgK)A^lrraI*S0R>XZ5Xl{(e?_+n!Zv7~{J8DWbb}qqlLj^QxiW)R! z2x9wNew6#O5$`>WBP%+;&{ccK>C2T#@cF$e_2YWwvhA1fMtdMx&@5ySt5XQp65r^J z{U&InIR&oWi6lGEPVkyv9mB!aGrUT=5H; zI(&(pt+bc?8mJ^@E-_5Q4@0cIvz_Rr-Y4tQPvK$v`Q)p31ev~kEtVdCfwR(Az~}s7 z;0p@sS=?|0iM zE8d-@Z>+KjfSr@_9sIFW*P9)$=>s zecu9=zE8tAqYY$8aE}2;G-E%teUl0uypblgw&)2NNp(#L@aDm~HC7 z)ZS{43SEnm$rtIG&))EDaxtz<4ljNllE|C%Je>^Z|407$l`_@!-o&CbjTPd!>?eQR zCy|OziS0UbPSOwXau$dV#*+!boTq$qm5BgzVJgNOA2`3k7VaL-?LY!zNImJ^6+4dFn$W^$B1*&3@%iN7~FjD5{G2pB5R%vmfOyQ$}wTCAQJ&q zrc019t0L1w3K;Rl^6vZOu{WL<8e`Gq(v9DYKxMW2K21YoFF zBTkpJq-y6gP-FZKZO*MLJ~VI#wLhzqr1uHdgp1z}ra@$0s1;u3xvy8C(P(mqPBUeGGZGunnr zPtPR@rC%Ut^;uYw@|TRPYheUO9O>vO+UMlE0NekwDl!mPlx9D6?9}-}ohG*`SP&0#5#g+j#QLjIQoE8y*m@iGFdhK&K zH1vSjINybzMasx9DP&LoIeK+`kPa^M$I#o0@cr0%)OffJhbR4`rv+RwC$tQ=eg!ha zB>*3N=^_TzCeS9{O;+@NW&{d4cxK0}*!UK8@-Eh#K1w@-CU0xWn70h_69!bsTsXOW zm}5m_6wbwkEL9Ocj7Gn1qcAQ*bP5H5O^kfqkL+Y-I;`h8^~UKHC9i&fXa% zQ}+BM3CWxBcS8dj2WNs7vm67{wqy8pM>3Q>71f`IP|-D>WV+2kbp5Ri^0N+5L&J+; zyW$QhI-Y}a-Fi%!win6#)<+*M_NH{l5j3}QhRV+@t>boQD{Y0*@aST4^tBe&8gsM6 zZ7X4HULh?T-Gb{D*n&)j?-M7QYtt6pKZqQdg9(3Aa9;~+%#LwJrt03Nv zn-8snFPjp%?0^Z(6;&cZF}G2scRp6j>EM$KSD4qF6R5?J>#XVpFh0j@Xl3_fV(m0W zZB$plnJaT}EW-uvnf8;kHqLLpHkcfBctFzix546^VhCBE&DJIBW18Ru4ZrPBpzV!2tI>{`4tkV-|jCjc0#5RYD0E=#%reZO0R%C3b_Qx>X!_=6F# zYYD_K`DvUZNffr56_O=gp}4<09`o5;I?u|Lo#Y(^hkF1|uS&)@Ufqz=afgPM^^xYv zM^L&e4&A@UP|bB4QR~tM*dCpMVh3y3wdwP5@8zlJpTVJOe5c}Eh$1gnDMIsWRrq3M z1*^o6cwc)-7CYW8KBRGq%f#-ZTIZ(I-;Fn@@adm)N0c)dHM?Psi68j3GBEr$75nyG z1jQ$EjN!Y(%qC4|`b~5;re9Bm+MNra@kcewJ2gOlbFAr$Z@$rO8k=YjE6KKL93;1Q z29c)CQ?cvZ876arE%uik?KWSD z4r%|Grxok*GS3>vw%&#Ja*4!Iq>z~u%(0Dv137;{6qZMDy$>gSm^&%F*yyMPZ0`5O z1YIA@7%G5!vBKm(=h+4qzm<^lcN5ruB*{NS#rgX6J&xTMB`H5^dH>w-D3 zS5*X_6a-_}+d$%~ID;mhi6YBmWO3$aj=A|7;8+`hyPpg({G=83^ILTO zW?M)fbfe2|WgQRQZ&h98y&R!um?oW_A&)rpT~XU6;d#F zoHTpsptHy%vaFhWTg{V&&wpJozHSiwp`~Wc-hK zQHu^kVx0dH;uP$0#Z5Qd=@CZnGB4?dnS-p+^Ied1=m`cX`jh(3894d763SW@f!L)a z8u7CNv-3BCdB7v=<@O}O58JtHkT7J*7{j2^6Jq#5l-@bJ55<4KWyiisqRO^9D&Q^) zK2vxw-F`oeDmkE_@=B6<{xiFw?K1CB=V2IGvlY8_&yX91o{a018Tf7dt)S z!K+xVo9BnVB7xLTP91No;x5plQ(({IcrtE3MkdRyC&yonu-~gv@LgpXT{p#)$X8pV zis>SBseK5?w_T+^-TE*~bbxHBO(f5`4W`?BA@ZB=GV`_H6;Dm-24Um<_+lc9eJ8C( zqkec}qFWSQteVQ4J-7qQ%(f#VvKL-nA18HJD;W(_9So~KgfV-yV4hPVhKIbMQ&wlu z1!nP#tvADT=FR1taI5J1Oe@e_RY=;);|TtELtmcfk;_(TAUpbrmX#Y3qXj3}F5e+kUpY@)k+WO%+aS1Q(z4y`P<2%hk`is>%(Hz zBaYBJeLop#r1+HEQ}-P-rsXs1afnq!cY{aN%-SE89asYP5`e#59@33U9W+SH1dLyl zz$4j<vil#AnydF7q9T)MnB1<*oEg_9i%fMU(vgqlU#f#;`+r z2^3kybDU|81sHEket9*G=Y-uyV&7B1E%kI-jv*IvECyQ>1JO>+pPs6DWb0OMf8*KJdh5BDp4IV8Q#^cW{ z>4dc}F6;SDg6wxwgS*SHQ^l0L5x!08UYp<#OGEtY;)YYM-o|Op_4LG$BMME?BSyla z(0)}HFSJDPj#o~CANMX%-u{i`?eS9(aCau{Zb0hyca(fpGlFVMXOjOV5Vn3fPhU;h z2$f&`$?^bu)KSz0?R|YjuX7<}Y!+tDlUNcfCX6D|BdpHM?@ULi6P+k_=c!$l#mhI; z;ez_Nq8wK(=D~|yWZa>NJQ%$~(=Jufi}y`2_D2`{FEkDMrVHctmC4xn)ru{fs?5u5 z55%!-5i%0nOmjHK^MC5uXc3i4O1>qr|K@3V2 zTZfT}6`*}93bZ%t(S{lWRB(^u97T%IFl!RD-q2SdjdhLr2YBFEY z@ySs-qV7)&-mRiZGB3%@1Ak!ov*Y+c%K)D493x^!SX3zq0re+4VbR@xIFc0wRw#)L zk#=Y>mBG_X-xG_qvx%=$4Ds1D&Xz|WK@+>R+j@IP9pl$2`twH@z?#MbE~9|ASSKB7c|cd@&CrT&2LT)Rm|>7T~iy4_xrN zmMPeBh15ny%Wi6yuZLbgLx^ML2P!hY2vrUf zI{Sx`zW6s$?7Mi9Q4EoR$j(aK`$`uak9#3Iu$hbtIK!3sIz(DwDi$iGuxo#7(%vu4 z>7D3`sGsXHEVmyO`Ic|F}5ElS2xZqPM*Iv`F>0bk7FLo?BLWYox<&Tz=$ zg`5xs7s>sMlPu?a`Kf?*K@3Se<3LIeog<&V<vHdx8YEMZ2=moo=X8?TgX{j^xq`NhnGP#Ju{L;_jauN2+NO)R^8xgT-^8 zvE2(#SToSAnngeSizb`bUq_FzCbZ_5h>Mq0vX?)drfR;EuxIU8*s-R8CO_~%{%Rqd z6(|O?FYE=gn-^${+6I!S>j6j9U(lG|QMy>|9T|HT$c~sG<)DRNS1E=|h1Frt5>5Ey zc9=R(Jwtb|Dra8BuZ1^9jHpudVwh)G0ga)j@QjKQ7Ibr;Oohbaf|w*Iv7SzYYEMvw z*;hzjj|jS|aoyNU%GB0!4$|`D*uo2;-+%K!a%2jTI5h>ur1ao^h5)GQy)6Eb|A4+P zN+TJz*);1|K5Fa!BsZNMP+*+LREq4zc^cdBR$VMi3@#|~wMfIu+FQ`G#h+$rzoYND zDyD`rg&3s|JA#K{9O zSoEusdHdrn9L&on_u3^eK23_qx!aQWR(_D#HAcWDn=z7mL_BSV;Kuwzbk)TfG)&$e zzn*BKMcsp77IB2kO?yhr%fiUrIfGzWtwjdiXBA7m2w-{^M&my#7rkRQmcj5!31+t1 zEp)pThA$X@v>B>_BYQg7|2}Z;a0^R1zLn1){3)r5I^D7DbsASE=e? zGU(U!QRV;C!FBUBdT7#1D89X(ZsXIzWk2L`%RWo`isLp)Ef9i}74bNk+QGRM=5*g= zQ=HhtvSVfL_>n-DL?)kkw(6B3B0fB%ZkgJG0V!X z@!pj>V8b^{h(0a~gB!yjWL-8ZICTNHU-O_ke@w7u>U}cxNfqr~5Q(d!_%Nta53kic z!>w}?;IRhxt~#DWO41gChR}6*E0YAPBcGyth6Yb}j{^Q0PvGt`x1c*+3=ghXN6}4} zuwpn7O?hhg@9PAcBQ#9M#u9=~1ZyF9oC1FsLF|#8wdG zcJj&&n#6Tlr9Orvg4CuWRBc@bqdl$EdYKcrb9tq;$#R(2y9u`qeMveU*kFnMeH=_dDjtX%Gn z+9L9#X{{;F>R3Y;CX=i9@aT&dG`?*XRvrqXmt*^= zYNIw5l!=pm<#cAj{Vd*V1vU6FjR%JvZOOQ)7U{h#k8iH!QT>&lL4A2Jt?Hf!v*nlJ z{V4|^E#e8Px*M=E4k7w4H0+^nZ6FL-?Zi*kFJSG#s}MH*Gc?OIaT(*S_;vn&0J!maL%6~=Jl4hn6t2vX4e8dN|`|f zDwTm_8BpQoep>xz8rI%84I1(_`1#arlJR*iHvF6iMY1nw^W!d(Quc>9*y++YVo%`S zEq##6X`oLhzOzpcP~P}bNgTKShzFirB0H>;8{-;bL5H^ES36!X_AUW%Jn-PySa>Nn@-2_ z3@xH`jxvAqT*&TSlfY>X$7fh*2QxqNp#S!Em~`tI`RiJVlH(^a{$d(V)0v>U&Pq7^ zH&w7%3;}5=;#`3?o|Op8wUQ&`%Rl{bl9JIB|N)&3o!X83L<0; zc{~a*hwmzuTDp^%{@IXVqCqXgf0ONJddTtqTeN-T6M3N(MdUWx;qg1-_}^Z=;?0Gt zQNr{DUVeImj+;KA)0X*zkwqtS+a-eCVK0OEW|ye{pc!OcZJ=fjBG{yK7n(d1V203K z%D2da2-RAlz@1<8qx?s*BWo5UI$NOhgA_7$c8CeRox?1M&x1bK4dmXpGt{Dj^Ls_8 z!_YErpRU)&v@P6;GMwXH%FYLbUIoIleJ;33Je~Cq=7Wt=Nx(ijLisymV3#k8@$?*R@-u(*8y#; zylz9l>nYJU%EcQ~E&zYjaa=Yj4^)#2nEgeu=;gSYiQFdTZ$qE0yGSU!Qaja%T&g*vkFRRTK7PGTBL z2Z_)NC)C!G#i8qFXxU@OB_AWerpFZC?~tLhHi*N#GyU}0+&bzjJ-{$yE%^umk!_;zp7}34H znPY@`g3g9HB@G7k)Jve zUtRUV8l^M%&v+76`vyV%##ngwzLC6iyAGzm!9Y}8l2k~M#R@%p|4IU;GWoa z+BRi7&hky=K94uR=aLOP$&9B($pTpMbRC8U*`V8Z5AY3e<$M~2VDe!Xq}U;54tanb zmqU8&e45$n=8QHfpU8XNL3UqvIteK7g*~?#8Nb^X@v21ub-bd1%^#adPXosjnb(Vp zi>I(1iidGxW(YOvU4Te zHbvsn1s|ZrI-EVzEXtVOvZLOK2Wk7+1|V0jaITIr@HPo&vxJu8PQR--%gBxXY`c$j zvo6A?vM`)p_lqvBDj-6)$H=LPDA;;r21~{whrfm3NLXpvJL4*5=^V@^hfEHx^94ba{NWke03&ca4|7#w=^1MgIGi0p)=OW;_V!LHwdWcH z`0a+7Tt3{*Vr z;d17cJy)pLLj`nl3Ij=f&RkRZnM(Sk(4d2Uc(wZw&1QwcdGSVi`uJ~BJsJ&HPaY+D zi=W~V5Wy02D-bi81y}#rlGJc7_?4H*Wr%cAC>VB{FbuXs2NDq_vl;+-$lti4Cu_5LF<|Je|kUn=z3?>jUuF_YZ1 zwxlL;2gtAMyYX0wIxL<36qdX>PZ|gM(Zg#AZV(HFX479UzCAGRq{QQzKhx`+#|AftqwC^!GTPrvcUlyZZP_DCrRx#m zF_*iZ2Rgx^{!Xr6Y66=7oN;=q5XA1i$7b8lMDa)`ItVJI?G6wYdcRXZ|pFT>HCg#x+ zKL*NWW;0JnDZL#%7v^ZD(h=EeYA<3A9^hpvBOvkHxgwS6z;du#-0X1n0~tn<{n z#ua7x7GYDrDHGXz2Xve>&}n)s-Cbw~Vx9(Iqp}k>d0r;MpO->x`63)FSp`d^{}o$j zhT$|jXA&FGh`dN^>LIy{MqD4m*J`q0$ax^1{kaJcvkSlSZ-Q_&eYkWng}Hg+DfKxb zj3;*r8pw!zW%zk5gd4^}ZniplHtM3DZw`Gf{)wJ=rcPyeGLWsc2sPR^qiLcNEac9R z^*kvm?H^3{n~lsj$R#Ce6VxH-`XgT8X=@zsZ@KG_dNpx!CYlctJhka|>#<(qB!GzyD#>`zO zhbugKnY*?(q4+KLzsLH)$hllzk$633^$an*4{juImML`dFUH9w{?z``MW)3y60d3m zgWcSB^w%p-dMxuJJL7EvY)ccT)ibV>j^K-E@Vpk}Isf>RA$gR0?EyENj!>(K^BgBw z93N04yynYgOjVA8)Q^?)oK7Gcm-~**J9G(V-C)HCi5C^kgy{fnSo!FlYS<{RYk^k}lC*o>SQjfdq! zSs47m6b;G*(QDRL@`6aw{DB&B&6hhrkM^+J|H{y5+s-nl9oNzgvF>nt$#Xh>@Dt?wchgSjLj+yQ;B_mSv1 zS9q5zuVVA;HZr%oo(08t_&sclDQ2-m!aEKsLW0qzt)D2!eJ3TW7Vx&1a?b1X&uKXp zl8Tq|lyB8aNc=NOLR`XV<9v?2#*?5Pxoe2DNjRM|c8_d)sZ9++kI+&VjxjT~g~n+l z(0Iir@?_~5Tz@oz{DLfqE;vuv$NXp%_zJB$o|A@vlOWmlfNFL3aCZSiG<07CGxsH6 zv-4{zBE-W5B#E4re*|gr^FhGAoc2^EL81H&+&+{~ua!>1E0Qs=S>h&ik85G)>R8a0 zkR!TZA2RMmDJO;3 zzcM4&_)sk-7;gSeA-kUofStm7wuOH=+K*Y15XmIiX(I*OtIZ%UXoAy6l@Q||7T;*( zgT~)#U5QU3u!&zDV;q)1%be}3&Bt*@$FKtTFMdl*411{eU>c1U^?|RegXq^?)nNR} zl`i|U6&9R4z^3azW5tf#!K5`8$eUGZBz|!rN!+%vnBP2>8Xi){B^LhV^Ra%K>U@PU z%vu7mCY8KN0~csmCfgU|E66RZ$YZj9r91S5G}_$*(8}=*^s*9AMC}}Y?=KrSexX#(JDmh3kN@g#G9ft^KTj)IC1=Hzz zocZ)0m0H+O)6+J?hAciZ7&64{eSHTF27+)h`NkVL#K7S%JiPv-hjnmU0N1pq5iR)6 zDlRi)%nGH*XG=cpxzomLJmdmU@{?GUeP_p+Uh-bm26naV!D(-T=@i|C#O~ZW=F*v| z^v3l`U^;t8v8QxCm0amZ*U#St%=t<1@bnp8l>;9>%kU#t_N*uBb^jF?yx&Z}UlO7M zTEpzNMT^Pp8`Y$*vx#I(+D02wrsDkJo78>gLEhQ8vuKvM3*UbZqa*8sd5>HtXinb@ zdSb&|T_`yI-f;{E!9CwBb`Z7l>(jaaLmp1#3oC9xH3`1>YrK< z1BSs6#W6M)ZE}XB^ftKNx*K*T5?nkG%{#7y%)xKbWY16uc}jkfUy~!@@}pNICS8}R z4fc{YmmapTWeYm(--eS!j)9A;A7Iam^Tc*z4ja~~1=HBH=u!PJ9)`uSpA3UJ!x~nj}Q5r8^(uIFqFRpg# zRJ7c&lFC&b!8SfzgNGN0fN_v9BqYD34FfBn{sG6A=*R>;jUg&oG8?||rQ#G4UEC-a zOVjJz*`6@YC-bd?3{EqJi#_S^F5H3IToQ#uqKlgovY6%PxOvz-5A>=pCedx_Frl4| z-Badbz<4IC4{2bwcE|x6>_a@VX5yrzZM;Au1&sJz0@Bvk!A~@aUREfh_fCJJx;vs! z^v^TY84`f5wNa$~?H@WXWh0Sk4Z{R_mnO#TXC16lsMKtQ60MbD=wZ1H4YX(Cp6*N< zu-pbsdR6e+uUkYhQ|3?RZRFH#V`$+j2U3%=i8&-vJ^9WN(nsMkdlqQRV zQ=>mN*=k|A)f9vMkuw-3)gNG^eRc>IQ)lps7o-nzM68Jo>}y#vnbITY@);I zHq_Mf1YANxQvI!moZA`3Tsiz7@oBPU^M5KL-_jq%bBjDouL~yzo13Vp_cFLX?nGxj z^P?g5Y8dJ_j~rOWCCYymbNqV&sE?gY@7$LGDS=41zV85ySnz^4Z_g%uW$Vb!)l_eb zf(#CyJpe(s7!v37fQ)*Mku%TlF&~dvfUwjwG~oXB6538n4j4jO<}upFWegXaT*Eu7 z-RR{YbGJV`1M_8FDFOi*4z2SYxOQL9{EQ$uIhaxwcd<1*?t~% z*PWy4FFj!O_Gqw49%URYIo2-M8E}j;MZX7yRN?kJx}eSojXgUtCEJ|i9!TmJ_=n>4 zBXb#Nt4XN6Xg?&(nnv~1ZSebV0X$r8k43RJ!B}t}Es!rEv?Z9TcW@+cZkB=N1qjwivQoacX*XiI^301Tl z73bP07a?`!2-#z}3+-fg(ofD0xSin$=+5+k07sV0SKo*S+Bg1?Ctgq6j}|yKJGBdwe=vct1IaJL%Os&v;>ztIz~+<#))Wp0MF@i zGClD@5YAOCCUGV9pn6Lc{OXpYKj)7T8rlGB7ptJt#3_h!+zi4d5B2AFEg%U+LgeMi zc`&l?7^H6y0hO3j=>BCld*QJPeWs zQm{-a9A_^vgz{!Hc&)G%ri2EN>#H`h0k-wzOfXV6Z!K7}TM4J7zM`V4+u+@aP2_9x zCptXfNErTP^iKFp?z+w(XQMM1*{C)~V)Z++??w=rym>!LE@=eo4M(A%>JXh$G0w{E z4ri4vou>ZvRme+$N5ceQZw-vu;v;l9hb zonN_SE!kpojgY@BJpb_LtPU@?SacU9!^(Q(i_}tBc&-IARK8K^pQfbsts|PdchdFY zD{=a{!=zzE8Z_rF1aYNvU}oBFFV0x)#Ra0y(4{gND7qubm_z#AJ#(I2MTNY zS*LR@WSvD6sp&Pu@0r>lzvDG6l|#0_?l|0hk%i;hSycA|Ws8jiNuuFPyzwC#e#_}H z+mk}*mv&j|7*;^qYO>k9bU#e7sDP$ZnsB11k`Ss&c5Vv>W@b5CE;kDckGL>}y?&@U z4Uu~^L4{Tb@$}e0n#259o3*RBqV+vuAFvGW7Ur@KxjbuE!&e%<)C8JM>X|JHrMz{q zD(t4+=iz5Z1zSHJPdnDm!cuuZ`19`=@Ulc(@Pg?a6^m}*>i~VWgknWV+sdQR{RM{+go5SbrFiDeE_+B9vQ2-jp2$-v{a~o{!K1tUx>KjhyC|pGJiU(G}?-~ z2PZ+&-nZn`RYm;SV~l~%eIR$O61*tLLfw~r^rDnB-a4GYo?A}14D1T($Ys{rAI&tl z&2f2--HYKmq?d7QVhNVriG{`|h7j+TfGS?4jBi6PneHYA(lgd$tov!mIh{#=c%!P`HXhI92I3u#f1mWRm+W5hjzsI2qpX2QiGE2Is@@RW!@YKn%>c%ZF2Xp)kedCb6q|Ot%=FBfV{p*!e9t!9&^{ zmt^&l{$(5JiWk~Uuev4A|APY!s5ge(-fis5w>BtT<$^CY-qNy)Kq{^?l_m-tq^Fef z!Sv@fE*I>Cb9pDg>is-88GeDtr_3hD#x&qRUnO#`@ilt6WxzHHuantN>?JZxBu8&+#$M!G3(aGeUxD>*Le<;o??fDe`AT z9Z_*5rbU|bjt#cbW9||ls*ua%Zxpd(<3&7uWNwdr|$AmEJoTR3LxqFHos_8NNft`IC8 zGo;yK3N)dwjKt_xL0rG6K}_KT{JK{TYaRZh&Iv(aP~`*0-a^d zWw=hDKe_4tAKq;=0y8^T5^5Ad)bHMAtoZfFl%9pOQA+?j+~3iLPhUuxM*+H|q~gL| zmZ+~-gqm*Ltg(&rURswk!=0J*`O}rq^*smkZ^XbvSpxa!TgT`)m?NX#498n4iW67I zqJZ}|T5ISI+n?LhsyW3(RAL@F8Z+q5S4t})j$jtoFsncEnp#)x$K4!{H!9o|orig7 z7~P;QwgJnYMb z%ikj4di<16yngk@MHwIqFHn*Joha*=tzYd#1w@o8u!Sy{FT9lSYSZPWpHyIKyljW^?-#iMjt$!zu= zm&Z(-IUU!>XF`*euz~-laC))0i;<3=g;m8L$Q6hrSE^@$M71EctxkvSqVvgsXA$lB zSc?Dh-_a%Mk8$*dF1)om&I)!drkg8X6c?T4!DUr*awc-T( zO6N26urH-)0W6rV)q!V!#9+(4z1%#|k=lIU4Ut{@AvvUoHfS#bjnff$eA^Lj*7=4^ z*Fdw(xszuMHZk&1B0&l)frsJY>V6asce~*Td*yTsq7Z0wHd)|)t z-#QWYSF9s-5joDB=`aT0SKA@>WC)z|Jd8g>cVhfX&O;F^W^l_rkJ#cy6mUr6cICOG z>e)1?lgOjIIqt-DYXUrd*h-=#GRXd?%COUG9_}Alf!*WhQBdF+*(F+m&1^3z{c{k% zEPVj`Eq;;;)rUBX@nipuk25>(tp>~69_+F?6e=_AQDNvC^>!|$<-gQXuGWsY$)sUv z?sbx|Y62cioq=Z3sGP^B59cS)eheqED@cuIa zShOaM+szD<9_tm@ApaOucHXDMm+#T~E9vw`Ocm`h&LFGzz9EA@pF?-x89c0e1zZEC zFe^E}p0VXJOk?ig$$x?d5r#Tc=)+^GYPOqWyIX??`AEm+se@_f9ad?d32l0}fLZ_N z7Fm6DGcK<^2e2)c=Bq6Pp~?5qYB&jVdfrfPM`37M&_vZV4B)@wM|9q7UAp{RIE*Hq zgr_psc;B^>N&Cc69NE8?-Iz=uQtUM?6ECMfWdq?WUl(f?O#I(#TJ6Gjhc!||Qmp1i+; zcB3EIt@*FGt|5_%Esn&m?gT^sOoQ6TUif*J4M-pMhdm0{;n2SSadh5cJ-u%nZ)(ya zDIqe_RMI%l{ZUdzSy4!$WMxaCNK+}&9@1W@v_y68`(s8K4YH-|5wbGB_?_$bNB`G# zb4OXDSUR*tyyt?D49F@GQ)j zT3zHtVs}l_zGO=GiG`^st9e|EMRvrc1+?|claTZA%u!fEl5 zJG{%}?IgNe!*r)l<2B5pxyctMgVocGY+=w8=owdnh2GgvnEf0=qP5_^9ix(~0$1XE}EL2xd2X6H8FLv7-QTn`Gmc0HfF4vHu8RKF=6uuF5%vYzS4+LjC-$;GGwvv}{fA&on0wY3SvGXk> z5CQ~#UFI&fqG%uZb<6 zA07Kt_yOz?B?ez+U-G5IQ+6>XUNf2XmJS8$;1bxH)+6lPTBuulD7{m20LwUESUp;r zrbswp!NFAi^~k^EccWRD@e8~gllfHjNttp~rcD-9gYkY9Q2Z|BvchWkIpe4j#Se#@i~|V1H~Pox7U=VIevY zzg7cef^z9yxdtWgo+28#Et#fwJ*6$NLLQ~Bmrm$)VF#VXaqGt7$8uTmn3Xnwo>~yw zDo1{gPob`n5q+1Uk^375zYgOo zt3NS+gRaK;iwyXAk)z;E)iuGN@`Cf5!Z0XWgUn^bIIT5_-O4+Vx%J__|Q%vr`R2U|7r9PiErOH8JWVub~p!#`2f>%DL`^;MC z<9*;43wgVWxmWlm=V&&&p@3Oe48p#LW0}s^9GcdmPrbL6(SuWEyrb7gj6eQ?d-jN< zVM>Rf9d;F#O)&iR?lUZG6INn?v zj?JkAllxO4@6!erGA@ye?2V$oe;uL9c|ZP0uRz?f40h^!z?92l>2**VJ@Rv=V_F(? zyi^~4u2N$9wlDCnR15poVh0J;b(B*y9`x&ax$RQI_wRQkY%U)N|J6#;POT+$Mfy5h zH8Kvwj`i%uKuJEqG7Yt}W8kFUNOp5dpRLZkAE5Q408|xOY!KgWU>&5uZ8_Wc>8tYotASs{s38zKgPE zUc)Qf4w6NuGjgj0p0r8~Z4TPhU^O=xQ?uM~=A~KU7Et?@^Q%goO;H9_=FBnj`jwPpkz9iyavXYN%QYp zEo>fD=V4*M5$0ua6nwZ6frYf6oF%7FLcidbSsH}i)uU}Q!5I9V1mEq03|!i&L-Vt& z!2ei0Sf20YR3DB4z9$-HE&9v1TgAiPlS1cbh7$En3$V@~IfXNSB|-9UM)LtzU13Yd z9Q^yUhF^1{ieiSXfXTaqI1{~>s8D>7{dypylst5)RPSM9)QkXbfqx~dt~bF? zXGfE<%S@=cSAg4xB+@Xaa4g?{j=!gLnOnIekV4b{gOC@0V20^jQXcyYt_&6YJ+G4> zs&hZQZ`wpV>{Za-f2i>b3WlQ*8Wp8I{`BW8R5pz%|j$lPY2=#kb{7VtNaO}AP^b1PD8OJ57~ zo$Gcq<pHZ0TcuEf2wWttn`KPJ=@ij>7%;7kD7PuJN&E1vF=@ zWOW%^X}jw{aomXSY*@D7RVw@lhr5$uZ182Ap;y5T9w^Lx7HeYgF**8|KY<;v%%t$q zS8(>TTGpd~7Ueg4Lwe6%y8U(!=`Bfx{L*P~t?CpV*gKLu3ZqEo5C<+AFJKVtC)s9u z7%jL%g0duO)>#?Bm7pQ;oNi#4QvyyJHh~)zEeTT-y7$;Pe; zC($)v&nNAIz`4z=wel!hjo8iDcV)a~wTD)G*Wpq|N8=kid(!wm7t)_83VkkLGTm=M z!?Z*&t4Yi-2^Zyih$K+57`sjP~5a@Gy2Fq!%r3;xE8%I8e|@i3MC5s zAM-}GsD3)^bMql1_i}W8^_5MCUr0W$VyW9k6{=G-VX0*z3yR8um?s0oCx*<2M&nvw@e;deuvOq_6Kh!9)_u1G2l`%gU+eX#Zi)f_|$unB5d46w$GhPY)AwxlN?9Tl!qhr&Qo4bD#}h5dV;gY;mI=xNU-gw?%jkfxN4J=R_9 zL9#Y{NlPW?(b8;lej%*aTa7mgRB+9h)tr0qC>Uk&1>d|%qDSh22kN#A&ApTj@uPBK z)0O8exYU_G4he?sLsU2m=}O37nSq^`g#Y)JyWE!Lxj0Z#3b!nIiI=a5_zj-ZY1ODS z(n&c%rz97FdAK7xBo3w9bI#K+b!oQV^8#s16tj?q-9mU91huN#wk+A-W20L&%pKFPD%O<_E3bo@?Lm!RstB^?N>j znwUpXW0s(ts}tO+p9^QkHDKsgc@QVnpuxgg(tUY@_l%oQQ3Zp^>+&l2H&K$HSd+3I zm|&xD&KXh^fjhcJL;c1nY(sw*ojW6eieZ+}E#*z#2Ila2R0p~|KTneu$)jgs7PB_p z4yHeR*a}4s0_%ji=%5}ns%$6t_lBXY8Vi4K&nEewW)V38S6@<_X*u_^c~wP_pPPc^ ziQ3?HR_HVqhGY9XcidxtoOWgB;PU|uuvPsoS!y_PZ5qOC->?^oUaY3v(pP+PkP(aA za39(h?q?U)oPcGoCxJ@jUN|#3mCCzk3*)V599j|v?3@*S)7uX1*CvDg>JxaRX9Msp z5-{8N0A73hil2RW2F;A@z>vBEX0orDxyS2(U-wbA);AerOhRE(ojL02U4SA{GD@8= zMWbzv@a;kt4mSOPQuLesSiBCuY)S-;mXX4zryKIm_-Lw5F0&nF_L`aeSV>czUtq(! z8Vp*TfyLLivjOvCn1a%I<|!~rZMDKczHdHSlxI?VxD~B#S$*H(z+&6&m@2oPk`6w@ z@F%;;dJ=(xW*Sx(or7dmO@hw_;OM=NwGLDeI(tF}+UGStd-iHd7?4ZGd(vP=^heCx zb`B2m{?ym?mQ}v4WzPc|u;9R8c=T%+tm?kSfBsm^m)`t}ZffJ%wdA+xli^3dGgbm9 zrK6u+4ycSCNw=Q$F}>naSo^7y@;YmI+r{|rM49HZUm`>?PEQ$ z-Vp3)1NX~Df#RvN?5T1H9N8$$KekrXpY-V$vb2MRtg#=ImIy5F>G{xdeIWdj-HnOY z{^0v#OQ2rE8QyL0MdR7Vv?6U5+5RUB&GDMlxV;EfPOV4Vwj4_L-^mtEOrdE`#~^yK zaQ+@$4xF+d^;YP>@dXv6^lJcxwI))6o3r3l61aUE&4J6*Aot*UuCE}Txo(t#0S)a; z;q4P!|#3y>kQ1|#@ zIvrxcOGTYwUxqhP|0_F`2{FXo-^bALT@z^8!w6{IFqj%{+{NiCQeqvmoiMm|XBMNcc8{c`sz7 zHQ_P)`|=YM)ij~`-8}x-$3r+N-3l!33;{={KX}4RTdelIoi#LkfKqe8@o20BQ3CT^ z<3$-W*jRvpV=VHN+|QDX>52xWK9$D83f*3+J0Su^(k0vG~jac)xrCeXah+YNkG+6Txd(X`cpL ziAJ2F_#*R|84IQ-4zN1Uc*^06g$(Lx?9*8d$0jJyybxz>4K4$n+;xz>Hx%gBC&)B< zVtYD!8FkJ~=iIif!uDTL)KVyTBvF;aJ?y6PP~E?caLfoAj@j*#)RvZ6jOf+ z6l}df>1{Us=@<)7T_n)7_dKL0ECoxG zGC=rF+)AYJ?!0YVZzxpRchcPtIrQLH1njLeq*tB`xgU3o;7WQw+w(vK@dD#~8`;D3 zIuEX360yr~E!c5Z!0rS#GX2w@DEEA^!01qhzay`*tWsrWZIDVqfAi6BgEx+RB#r8_ z4tUyCmHs}JrdxU1^lfc5)+`#v)T|0@9dAYA-)b!wu;njzYq|$|4O)Ri^s->d!U-5X z%bGH-2jcSPDrP^jSI7dr$8!SFAx$2! z<7>b1UalGJ3wnoxG~2ltUg+&e*-^)Td$2ib1K0$tBB=#4XjF_TJez(BH16&M1u12U z{_lkFjgNTwXd`9u@3ZQo194FRX90LOak?zKbY*Zl_0%& z5p5q>&h{>@vrSa)fG1;)G8^~G`eC}(wC0t-H@C2%GOH)(di^NtU6F}45hd`??Eopb zBVVF&9`3{n?x2l9_~wo#JHNOS7OO0y1B%gXP?4U%xf}SsaUV~p7TbsUSTUkSr>RUo^vhMwj}K(6}_v?y!`&tb)^V?Z3;m_Lrpdt#Yio)}#= zj|27Z%P`=(1^78{qa|0|z-84!5?(TYqIH6W`o<!#bEsDjV%lo?jAcz*wQ&l7_B#rx9Cn~5q$%}Y^@#|k3K_r(}yta z#Z`DnR!Ow<^g@AAafI$2H-x=zYIOQ!G5UQuMV~y^!8(Z}&~w0xPP{i0SL)WF)9U9e zCbtS#eGfxxVOLZ8?+{ICuWw8m_=hWhIU7c2eLw-wie-P*Mb~fL!O301|3aK9%$xX) z>({Wx&$D(@vvm`VwDM(TS2FmyyDQ+hTLk{>44^^6`CyyLVq7|T1~}~r0qZ$FuxI8N zzGKf(X7$en%_hC1xNZ>`wm%~YNhR>KH~?46F2l%WvN&yp;Kngdp~&SzBLR-l_`6bA zQTl-PKg}f-`B(J)y_Mj}siUs@t69^6c6N2$RyH{x8;a~U!@ONYns-*vwO~6o;m%aj z%N6ncUkAg?_AFfMlt|X?MKHW~I$4Lfl8@?lUh04q)hMUHBkj#JP$PoL|5uGI_Rrby zd0mii*MJ9g#|rsgSL}OqpBYJ~3po*Yh?cLVg)Yh%k!AV)_8ifC5>uam1vRfR&q4D z!rZp36F4nfaf75DthSUAiHp?0uqS{%3Fn?fmjrIp>1uG7ddn^R`i^g!?t|$Mi%9R% zFQ(dDO;+v8MqKNa5Ljwx0kJ2RSm`U=^Tfg#-Wc5kR@%4e_C_fZd) z@=@*9@bRrBxK(@w5%GY^j~7Pto$1X#a4svFEMAja3M6USVrdqy-1uM4~F3u zusZZHD%uI%rKk3&`0y9+n&XRcC*m8AR*vBRv-!Z{)btu}G;O1C%UWpDO=${uvt*J5 zHGJ+$dDvJmm2yvaHHJG09hwiB^!PwC_q;>_3({|3)0+ppiQZg+>5%{qqf^-s)nY1J z(S~wnV<5)04lT3Is9WX}Uu;U~{NX0+{JRpnX30aqyilyWSq^_*X7dkL&xMwzrKERv zHbh;0fzeYuU~HH!?L78?HMhG{(4I>2D9(bpKT7av>CeXKZGZ5x!vVI;!hi+0nUHT> zD4Wvrmdk&Z$M5;2g?UDZgKj5+x>-i!-eJqx<)!9Oc&Qm)yLBR8bDynhIYASjCsKE` zIt7U)K!E&3P>kO|M?DM8)T2QGYvD}Wh5DG*yPQv56n>m| z8EWH78%u?I=Ec&txT(373(QQSB~PVAT{|P79S_lt*Z$=7$%kfK)8b`(XVGYMC$-so z$y+l9?SmUIttyFTN~DmLdlhy+8%)N3YH*r$CN`>kpmBu<$=cD5WYcR{#Og)?5I>BW z9SWnOYlif7>1_HGIiETN9*WxdW9)cGFZ#PHQ0awfP{#||xW&!*cJ~}oyO+TBZ?|Ac zD*GvQO}cGIo*}j#yT(r5Ea#gQCqYqDKdbIwd`D|MCq3x~ERQ_ROjG0_P?*y^>kOtb zYaMC(>KSn1L?z4obP;u}BO!jJ5?I|&gy@!&6y7+)_V;&1xODR*eQlcrGt^b-!|MTJ z+b^p@#X+Cep5H4l5U*jq;2~I7VoJkL+oAh{Ce}VLo<8PFFq^D8+*-F4J7PED@M&*Z z!t_sIE>2|1^_`6S=Yh3t1HjNQm|O~yDMU>XEP^l6RAn<-#{?cq#Y?7f`7xf1TFZ5s zx?}&?8H5=Dls4ipeNfS2mh)`k>VlJ8$K7VE$X^J1?;k@i2{|ZO-%I1>I>6W?mvF}s zE50dq55=`lBJ;P>Fzt;cm0c8m_xqQyzaoa6-I&hD^WEI=!Ub4zr;|Nxml6jam<30w z9l%IG6Bo%pCZ8eEOy1`!_qB6?kZF|$_wra+Dw9Inf6bwl-Pd4#e;O%1KFMn?+d`*S zIfCTJLG-ouFbv(*$6FX?V?xqLezij@l+?J9`=8Cs;DQI)RS0|FeUUVD{yrK!E*jIl zPGaDL52))^M-v?;QC(>oXI|8e$N5maFeQw4@JI#9mm&|L1#l&_946~-hUDAEET(xF zpXHi@n{KJI>xwV1u}PO*_YJhdvj;&fz>ItJ)di;7Z^0#z^7OVO6)y_T6cN}!|0;FJ zlo^2XMFU0FZ&tvYfyD$VyEsqf_3-@34w|qo6?7+u@`Z8#;Z|>sb`}Q0!$n5mt!oFo zbsz=g%CS4Q&$8(UFTkh{SMtwXMK(3>$USiYuD;vAJx@y~^BH>ZZo)rufAfV|Z7qU; z-} z+Ct5rJ?WTuJ?LW_^7|A-W*73oa_2dw_$h>HDsRxY0>LS0H38K3X_Bt-hccmzT!p}kU>iI8LAN3qwIE;ps1q0DIGLNM`4S-_1T~JYQhc~=cMTN$bck|xVPKy(F3l(A84Te$L(O~5p&wMn-Gx4}5@W;R&o7a}m{Y&PUIaAnMC&f~; zX&O4N(jm*02dH<}7#bqE9M*3!!kz(JMQuhAw6fq+O z3=Tb^;YUv3t7b)baC;z-Fn=AR<^)%{K8%p%nfvBY?!rM&2ozQZG`iCw9s|DLaPs~wDlDHE$N$ueoM2Q&EAAreAl27Qr&Dp zr9pZy!r1`s4LON!?u$ub|4r5$)5^wd@FuOUN-nn}6YTeDLI0!mZ1ayROf@k~@Nw0# zR^2dATG7nHB&^t;ua~GuB^)|RH>0Fm7WS@bW*@VJy#G;6knvI!`9CkA1c8sN`ZG0Ss*aMteSk@Rw2o2NgkrfQB!Ha zF(Xm1!9hMGu3Vs%Y@n<`B^YzK3Jv83;-scRdhBK=WC&E)nl;y9*vE@B)P4i~O|%qv zUvt1I=qp@JSBD+b@3ZO~(?Rr5@OVtT0ToOcB>Zl0HGjilk&Pw2kGjZ`ljQk`b*1>B zYAW0?1hRIrCFiNa{9}U>Tci+-5{sHhd#E;zK61CQdcGByZkD2p@1vlzNe^bc+(Dsp zKBCh1kFZ0nmd$@#Msmg)^h&!**zMh=*+a%kxdpleG+9eF_KlaBb+=A!fHW z9$``!mawMnOR0FMJC>o`Y^zgImE_7*MkGZyY0ZY&6l_Zah3G% zKsP9*8PepM5*$Bk0dXw?XQft$ZL;!(q+jFVoUS}sm~3YYdt_}@_HAaD?uzNbk=xiO zGX?u9C)2YaMW$7qfPt?=sbWtzyGwe4%it}Bl`Md=+A2&R8Nl{#|3sbbCHQ$nlI@@J zd#v{CCU$C4D(+q~icAJtF_&Xa{GsWy!JzCi+c_nQekE)r%aGBeGA9yjEu^Vx9uqQ= zj^y=qqrjzzWU``#FfvDm1++zAj(Q<1P>H}1Y9mS8v5d=Ww*kJ|4Bsm0fX|?I_^q{D z$dWrlaFrAlsKr2SP&j?QZiDs`8DwD^!zm0n2s?wLpzh;nCM)zLm+Tcfs&CG4%2#sH zOUO=a@=BzyhbPh7rPZj?<4qnz50U>nRu=z?7DoHU#M`6jrdx@?km1vix-JmZmyaGN2JE!m$_dWHz*67 zyILFg5{x>rlQ^btt7eIN8sz~D2I=H(3HKc}QVd%7-wxz<^ z?6`>)%-B1Y+VZ7X)UBy_;CUa$eZIr&b|>Hj!3(zg{2$uyT8~x3jp5R!P*$Bc0KISf zQo{TM{-ioU_P7+-8L~P9g`1=!a)-q_+Nxg%O<}Rq|aTo{nD`7~= zS^PS(hOHZSh-!SdQRTZi)Yc`5&c}yP=J{Ei)7ZOQ_}@f?_;eIX`HTw$fr29c>eNG9lF%6Ma$bm=?)V!=1&5i!qwhz-p$GnYf_J#^{?s~_sD<07pe>9wC z%{0WZ&xB0a_<_6xw}G#bSWo+EV_|=?KNo%~tFiXf0y<-yPCG6}!co_AEc)G5P9bUz zWIlb#w%s>|L2g2pN-PiCTIx6!I|_rZ4reQr7L(bd@gOSkXIe^!V9>rOm>0i?XBCy`}-xsT)9OnE=GZ2rVTNtj^#l_@KZ z1`~a0u;^5xKl%cz7p3k6U1bHVY3@zb9sUbbI@9^W zA~|aR;>T=P4rNLGI@HoR87}orpgI#Lx_jevW5%c<-0saonS{$=@q3Vm)>J(jcT5_V zz1t0wE)IvD#&}jUs*&@ob>koYzRJ*K6*aUnK2P=-glyG<2g2-kk)bAZ%sNI7kH<4D zBUSb$y;RtzWx&e?u^6Z=LL0|i^l8{i|D?L;*GF@ht&~7+Yd&!L#U)JdP8xj|55gZI z-{5F=ESH@u!*y-j!IX#J1dE$Rm}VEmy}mY_LPH0O-IKfVgU&?wqb5U2HJ_ROf2Ux| z{=;}7c(3!s4V8eE45$uvVXemJ3SQ@v$}dWlk`2GC75} z20cWzZ@I9lSLjV=$k`a(X1Guz4jgVwW?csJ>2kg+4gR zO_$T%Y^`k`+yBb}e)jHx%DL(EY0e!3JZufJDi*>;-;~FO8qqmND^!8X`PM?DyeVJJo9;YXFKH*}0Ig0--raghN!hYx> zH0}F_CoW9EJC_n5ASsTG@o|N#b~nhb-4SABBgpuG71y$$ip`tz0IS85nN9R(tUGxF ze~*s`i8sD%5r3Ixjfsb(t`fezKNCJ_tta`1iLBB56PvrTfHiJ6rF(TIaIWME8u z>H6{X@7xsjVTL06>HC!J;B;}$R8OdPk`_(vHKU)81inS1kkK|Dgf<7J)07eeyd`*0 zYfqfv4tsv#-z9IS1LNn?<&!dy8DtD63Mb{JJFcW=DdVk_yYT&7p2pVdvWI!2I6J@>%(@@M?c0`6lbogRvph732#Co=yRM zA4yT#zCB!aZ9JVW_kq~9LA=+M7-Stv^kt(e`q=BT;k5_Z!0Ej0PThtk zH&#Kj-4dF5C7)G=31_yQpWvB+JCwyNf|U1Lfm@_TPZhPG*{~ejmd(){zh)F*xUVGCwx;7rdd=S2JJ5sp53F{>4rN#QV1 zUL4I1jQkf8(RN2eTjk!T5f+Gwl4Ymz@&22-T`T_-E>hY-f5c z>u~$Yo;ngapX!A-*TW%UgeFw>jK;NRLmPE$6}W`(*LX^SqlO)x*yFf>&ikI=r4|f; zJGauwX4CkvfZYgkm*j29Oqah;m^sPsIV zRUG<<>P?Z<`M#L<7pKsQ@t?7A#BKI;;#hj?pWNv1W(+?e;Q-yP{l%>Rn@{_0wqm+r zE}Z^W&vgxX$x9Wjp;oh4UZdI;ik8hI-}^SS?q>uOkNVBCfy1avOURDYh&VgV(M`@C%JQD>WaCcVW(9Z{*Cgdo z={|iHCVN0|ib{%Jqdp7^InKO273s|GdN7%0PhWpLM2}nA;F)j=JM0vw_qq%@4vxSJ zqn@%QcBU9;v;h=5OJSp>BrAThkKC4dl61iUYBSd3s>>Fz7~52Kp>_^7+}ccw$0OW2 zT0#~(L!rng46cZkDB|w^M%pK^RJt1R(b$V@UA-PCh>GaHiJc7}Y=L%mp2k1+jcoDX zIjpTQ3Kxhp`2nx;h5gMy64YC`@PeJqjhwU0C7=}#n~Rv#)ND$Y+QdE`e~ACOO~6-q zFYWs?7+Nh3*_3H%6JKbE*Oq(GRu@OuY`GrhC+c(EH|BxISxH(^@j&ocgp%f;0BAX~ zgY7M@z_QC(aM<)7d;W6_{Hm%%HIKF2K80m8e(gOrB|^yRO^#;g_Z)?*CyHV1CV#dg zx_~t=EkpDeP4X!tV9X{tdbR2SF2Zq4!9))?mRP{TwC!M!QpShI6(XD%F0kNt!nu*g zY`0z}-1AB&y>2_4eJTt*ilShJnIU9+iiX3&xA!;c)6@t}_F_XcUtc+x*ra-p92G!Z zRuJcJs(}lC7Ep!XEI!fw2>j@h7N6B~Xa8oX)5F_eIi=MDK{Y&{_>BXuQ!@ZmzaXnuX-G(q6urMoIC6Jjb)kplEVgLxZ`^g zp8p6It=N@4eH^D%U0%xO>}ySr^8n_}<=2hNDc z+f#aA^GXStHvJt9RL)};d!^{{i%Y_NatmxpP~jB6Wx;sYC&bts`ZaMeGgETF%la4C zyqK@J@=P-A^}mj0wgcE5o^ZE&G20tbL4g5_8jTWP!JMi_XtG{_rE5Yc>U=2ty#5(G zzbVp^Nm3M8G7|>%FGqK>H=eVI?#e``%pYD%*3ccoLX)@l~2B1<}zd z;IU;e<-lDs)_-c7_I*6uIJ;3`4FZhqp*sK8o0`DKM%bpEm10z^6hz;j#H@ zCZ4berWIDQ;Iw{RJXVjaPzy#)%S6!J3odfDjDMOS{g?6!(y3Ceg{jLAq8)A zHgN72J85ThCA)knf>`firgg}HZ4QqF%kZCAEwi8UKiPxc;1gW8bPrh-SkZSoGq5}9 z&MQszhUR=T(VpyDP`fV6-Ynim=Lf$dzYRawe-g5o2rX%(v4OPlt?PY9oH| zOF9liYg-gNS(gQix`yy${Z`R+Uu)QTwgRmz<=7APetQ3M4Q;y;$2rdXh6T?g*iEl& zipwd1qL^b`+b16v-Fo~S_5}V!EH&Szm zB7)k2ky{7_`CWCw|VP+X1n4D-Yy_MS$3|S-{ z=PPt1;B4JuN<7*Kc5&7XC$EO0L}DZQ%j|^Av*YR6>klw_>;cH${gFNTo+i{Ou zEQUw*GS{f1Okc@K{CDS9c=_r#UoWv0c2-X%t$jJvu*ns?PHm?}W<=M7 zUCu*a`aD*d)*tMo%RT?$-HZlyc7F|9V%W-Nd#Qt=!U0e{dI=*mv~1t_sk70Q$jaUd zUYh?d;c6;G%X9Lgna;{MdZZkRBx32=b15$RK}3V{m^9W<(+RhY^J%`2k2eyWJ$Z}e zMcz9<@DA;Zs6=i*OA}aL-H);%w6ckl}g4AAt`v3n@7LI#xa3iY2CY z)cG})trqTJU#dpnlcpw4O319~Wh&CRNF}j*O%Z$D7R^Fx=7Og87?9HZ%Be10&pWIV z`g-@@v-7*of{x@W=&w7@pBv{3X6>nPN+FM3;PM2na3z0ki6wXz>)D#=&!R0x!^Cr3 z4w8Ca8Z<^6<|m~2@tZGvVvDClvZbz%$zB$zYorkzyA;Yg>?Prd%XHGdsl%%^PlTnf zQ{Y6okkijwhq_lSQ7XEd*XoR-b0=z8^qsNTb^A1VJsHUYRqxS1ujQ0D%$K>#S^vxYgdLs$AqI_)!R96Jw* zOHZ>k5lO86!g4$<$zZF}42%uhkEgc}XLV=3anC{rQ`~SRS}|%0I(UWBi`MZFQKP`B zQ=*wq^L3_$EotJIRFW4W9Ipho>1CWIwZ$De3g_6KdU|VR|H*{7hld`L|%r zorAoQz%VRT876dY4Pox#8+iOMkGl6PX=Hf`T$r;E%-urC)vJNzrnKPIVMEDgW2W$< zz$v|}#G?fs!ku&jbGHtrMTe9`1_9MzG4m}yL9>U|4OxehH<#0<$p>leo443=@FG8S z&O_)|+#=kQg|6fM9_BM+GVXeE+xF0ZA2`P)s$%ykU6}Kr2Ois`Qqq*o^nSKJeK+ue zZ$CFu+Lx1{TOUN4J0`*DeTSK9;6t#Pr!78n(}7m&i=gFgEU<$^AbLj;>HHaodXDiF z5_by@Nl(J=T{;jwMwX28>uCI({mfK#Hdh{83?F}fz!0e_ERM0DVY z(95u^fX2?gF$3ZyR z?^?m0*b98t{Hgfeqsb!=ee&UEh8%wA)Bo1J$}#cFR0gfJ?A|4eO;f=`>i<*EHdWc zNzD#=J8?ZcoO@T$B3uR&HfW*slkp@w+!J153&-2woUB7P2njt*GAhOJS$8Zs9czeT z`3qS~a~)bW4OG?BV9trfjMAAL(&2fCKJel06k4rtbnhE@7Ab~s z?isQE$9)=6MdX#-9K5o&7fZg`lAOB-F*L~R3>;Y3f+x>&u3)FuRIfCX~WIl z(m0myLO(P*T}@^7Wa8*uO`c0j6z_iS9&~%$VEmAqgEGTHbo1Z>A{3MZcZ`(DW!@ZI zaxM?jZWR*4Ef$2W&m!~Zl{0OdPf^9a+|TX~U(JB%wqW1TdD^le6m*QZo%YgrkUMaXelOaJjUN=q zuZEM<_`q&39hig}%lKfP?23z+gVfGGkIuOyggSF0V4XO_F<#%3<8jHT`iH^+`?Yv2 zqL~{$FGB73S)lv|;I^ADr18Fkol6d8-}c4nH8U_d-;rn(6+(gGPUEIjcNEo6gSTf7 zz>ZW=2;A}k_I<8GW8FxM6nn|+NPSC3R>}#IrXArO=t{>6mEXwj-KO{^Rjl24^)@t~ zeHSjD-^w;LZNfSOKI!rrW>r)55T1^L{HH!L@r44jLUTNd>zkmS%pLrdC4!$$jS>ex zq{PV@8l7X%T5=O~6;6Vu{Yg+j%J8A|bE+`%k*xTXf$5dmxU0eojP8#INv$ya>Doc~>3iv5X9H_B@i}G+%s5{0 zIy|#}4an`BKteCZVIt=W?DtlpN`W`YoYG?Sv_F80BnJex-!CylJr`>uCgPT+7PAiSeM-mM&ClwH`oLHC-5P-UY&{>%eAjizd)W1HL_9W2JpMe17S}RxAS$u z{tyGyW|GmlQW{^`w!!PAS&Y@2NZ89BB^xYHvZGN8Sjn|_>CoKeka2S(TgT0IjczMcqya|((4i+M!6Erp5^O5%11;o6Qt+WX#(*7Jg3;;EA;^*jq& zY#u|+!(>!=5(%=44nw0)5_{dX8h-qDm`>I4LCKS{UsWEPP(olmEGErgbb3*c?^ZjhKQAZI-_$unyi zTolahK8+e+M(R~2Y)qB-)ilwavy@596Dimb6N%m#9_*LD8sx{|A20|jp!avZrE2*p zbl>|L^czrvNXsJp-BC`>YlTp`d^W^C7KQB6Sa=pIf#3ga1=n%U>B2>6^xL6qa?18S zDU9l-Yf?_KD=#a8Wr6^nj0$6WTODY5X>gyskvSEGq@{Ul>Pk zCD)U8#);%*z)^CeFdo0#MT6qBaPZ=0&b@=3Wcb?z?%llutK~Tl%Hhvs(QPl-{B;*e z3AjX}q^e2U#17^|;}g8^TF}pD0G5uz4V(2NHoS5x_9Xe!zpCyaJ3+Cqbq%^o&*E>J+Rzf zhqw5ZD6SeaLchQjI0KqV+t+n?NSpH{^kmYK2@>$4wV7Jz6p~*nLU3u3B)!;nm+Jwq zgZH=(W@OE!Ge2#{KM!Q^O<@T@%c z>*7inIF&)Nxol~t2W9-)E0)%**P@HwWWbm$g@@z0-<=j!X3N(xYBzL%dgksYRr@sQ z-JSUuXE98esua>2(gd4z%CXJ;ELqRk;0;|Bs>&!4%Y&M5@I)K^@#Q+YFL+6kjbcyx zuq`wyagbS1tV)J_zfh%ZGx1PsJCS~}2o#DlbgsA0P@s{~jqVo{3@xJy>W+^CS;35y8`7%FaCe z8#)(>+Tm(_>ai>;tJ#}z;NiNn;PNz`Y760G=q zk@dfOos{O8qg`t<+px_ZjmG^XJykOpE4!_@taAjDnvbE_bOJg(cZql4FjJiTgs5DY zj%iyAhzP%l-pUNa*5`9bSKKKQ?=lktG~>7)%vHSiVSuive?z~@N5f3NGqAPs8qV!J z!(OI()Y6d;8T_5>mX=hw_NYs+sM7}`-)tfBj1ygwe1>Rbt%Qtg^MUt~JE`}@wS>9rZAa4GH$d8j5xU=FF<#64hC^ZvJVQ52I(YFS ztED|k{8vy+E?7nPlv=^}IbSKC`#)9w?u5^8A2H0fji@250Mu|LS=w4iEMs}76I)Ai zOyY@R;9Pp7Q65KahOqAOOq_IEn*REcOSW9A0H&`BEp8%uW>}K9j{cb4ft(LU30p;* zs4#qDzIMbwuOJu)*2sZ zE~wi`nP$;-Ffn%>XofEazv@X$_0lAGrnQS`kDh^p$)RB7I0;{z+(O&L6h4My8ZURXS9!xEZ%I~tp|2-ARXuIO^= zGnuxQiZw_9S@P#d> zcEa(_2IHt@is)~og-;ZY6G2)E6*8Q`-uFC7ULO<1sv@oja_bbSGPWTndW|6Sup#k3 z;Y^;#Y=E7CGr^_A7cK4gsXJ>f}R|-TC{}*l_%2tk;%-ZJ63pW@-L>j z;2TZqI7zZL9K&EM174_j4Z3XWXBxZaVnN(7lE?Y-Qa3Gu*h>>oFuW442aaburJumA z>n}*xjXqN5bQl)|$$^4HJo;=s#0W_g(mAvX?U()|I?avfn(&wy=_NDo)_%Y{KR063 z-42rLFW~w-SLyQ*WpH~@M>S8>F%m{4+*w@-o(^;OjN@Z8Bljx3W_yeDW;c^7i;Uq% zc^`nE4xIegg9rMQKHLgO!`(Lt}(==*nw-r9MYmOmVz!)t|M z*VZl~Y?%Zfl<%;6OHxp~u!MOsBmjKr59g0!n{{1ePTc{Xk2Ie=?sIbiSu^lDtsztTS$F4kY<|O9eCSEICH` zS;`Z>jdLd@V)eJ}U~T@8WwoR6&IDVG+S0-nr-YzIP(Ou96TluNkQ=r`Ol!NKHS`C) z$r!@A(q6j1{vADW&?cuwRj^c~1m_1V$Mri7!@hGi^ro~ZS}iohMXZis(dG5b zj43T>`f({SQyJoBlhtI8k0{FaOG3iY2%`OCKdcea<9brrbow24Q0Dd#x(Q2gM9Pxu z9E>L~XD>vDAFHX(#X^+V%4KGoiGn}Jl&X`B!|E)K9mRd`d_8ON#-)0yzm)5#Tq~!Q zy8D;v{1Ro(_S|O^+;U0ru2>+qa;WZuJ>-jXEif-`k%>EMp`!9NBirGEA{A9szoi3g zs|U%yBw%grEpYesC@zPqjo#T>IM(Qj`JJ;Nb>C!Ili5#(jM~Y*h6Zw6brD^BKN)W* zmXVgtCRl3e4aSQq!M8Y_eRkXww$Iszg|^PH@7Q-%&S3)Afmlti`oz(l_T!BA3s*qS z#btDUxH2)Yn1Fie;c%17-zPP-QJwL=V4M~NRV@d|YQF%?7+OV?%vPa8<`9j(I7pwD zKO>K89l`ZiFKs%cjDkEpV*aO<);HL~ilH*5?&2T1a8?w{1z)+X!ausf>^TkiQwHV% zexz-;0!SFIfR*0}JHBI#ZjFkDN3|2t$7>&ZY0(n2tWBg@>w5@UY>E!C7Ie>DKR7-$ z9`4uoFcW5JpwDnJey~g6o}W{+{@rwLj&O{g&Zx%i2aeF6{3dY!&y_fu+knx~8oa+q z6)NT)CSS+hrOPJClbBmtX#Cj>6XNqw!23!0U%s=kO4_(N`6SvUEGIu@l}P++?yi4& z0`qS%mo?j3gf~<}hE0JI;POX>hDBK7RxYV~J1E_)`+{NZ|a6UW_vM#}~??km8^m)@ZBq7Wadlue+#gKuOol!(_oj-?`{{_+Qmomt zk=E~=0mrNgFk#M1#_nJ^>Zo!v^#cWjm)FM36|u&}duBjyqAFaTWkZe!7l3zAIhG&a+vmg)Fn%KQ_)a%bjT&y1o$$D!rJEWK@ z95;Z2KlIRjMZBDPUB(qdKcDEl8;InTB!cnjix3l!n~l}n165~X8ctq!TQUj*`^Z1GmsEU- zhYYEHqV-}iqzju6!A2|aaK0kQD>FvhFLvw&W)cKO|Dlt({OrFkqR?_#9Si@J)4vWZ zj&91KUzFBC?f1D@C0K%AH9qh>tItzqx&$UWWs}^V6&Sx&n;2Uy=Y7%^N5Ob;G-|FS zB4Ng`JmC;rRht0+MDMfd9LHsh^A8;quu!WMKrCVMhDD{#ulc*a+$GJuY#exxyA-cu3Z@i>QU%1Y#%ok$1 zco!aPABQI6Ldo`JlhHx8l1^DWOcc1;AwCwsu2@O1lW~RpW_oZyT%KBO3&*XqHOcc# zcd}mi0o7WTLeGYtXAOVJ;SohyrZe#&uKfIl3ZK*@A6~m-+es_<*mD6g-M)}MZU!-! zafK|=8>Y+@Sv9(PHD-eBt(Y zUh?p^^8@~9@`P{qb+G-Of?(R+ToNp4f^j#(an6J+ER~utd@p4TVx$;7^$@*&)Toynr*qeK&vFOz+1FB)OAoqb8EMQiF{DXej_(K9smz}0wk<0Pi zNH0S+vNq7(O!h75(;DYq+!x;7OfU* z(yN{3uxgd$>j zi>m3W^_0qLBx<;(%cAXF0W~RXtTh)Xg0>)$RiQWbIHXqEi}mC zGU{6b>F#y0IMXGH_Ak=Ir7t&-n@U3bj>RM7g3}-3m$wK9r%oq^+ilV3X9WG|{eig| zEe$nS#qdn2494@X(}n>qV-wbZ$sf71+K~#fxu-?Y6KoGfUu9sN{XASVLl$yOoJmKC z3`t1SC0ia`f~U@?G1=gUCU{K}mjlw3jAu$kI9lwfm4IyNRg zrcIK6(5t$VMsv?(1kV;6)J_t~uj;s8<`_m)-KFz)n?d{s(e|FG4`g3J1O})lgJ^mp zaUV3ogxS^PrcFN_x?%>UUk?%6)Lw44u0#hur*PltB(i<`HX`kQo5V`|=4MlkV0$o; zn*Yp#*$2}x%LN0G1lf=o`hOFTU%hYN!!~!MAOLwo#nXxX|*V>JLNA21?2FhP&WEw6OSi|0E?nWBri*g*vIA5eV21^?(U5!#N}3gcX9nH zbs=Iqne)v`RgyWsG$8g#99H}df&J@U;qA8vBt|^~PKeY(`P?WB@603dW?5kJ-kWT$ z-NsIGKg`yr+`}1x%W*@n0rBJJ3NY}2O^kAbnX?~5yImP1eD#4V8V(S5#RG;OmQ#oB zrMRqK8XPQsQJFYJ?BQ7TZzc!hf&zEiJn0818ce|zF2d0G`8mDTRsgSB#zV-o>y$S? z169Q)kUYJ1vdG^EgPqff)3OgF=CK?timhY(6+4lAXAJx9xzX8$CA82(i_WMwKxsKQ zR-Vg@C*=my)3Z;J+jX9Fy@xTa_CAHT+fT9c@?z2ba~ZzcC56-99U__YWr^B+GbsM> zmbh4sN3o5~klB|{rWCEmb?>&I3vV-Vde}^E>Rq5={Be+Ws1?NKPlBl7X42a zc8azOCKgU-ZjIZ^9G~@-sZwyJs@(fm_ta(db1QCv)I{z#zFv_59l+AAcd zScqC2`YZ5iS_h}3oXE&eVg7kI0vjc5+joon2Rl-x63feTh<>LQ%)aoA)p0vbUx+;? zLod1C6YKG?^GGWBsE({w|6BHGUN>DSb&{-Mjqpv-1t|5@g-zueDCi$V*@6A+yEpfU zVdXpe*4Pi)ioJ-ETcBWfXaTO0p9jy5G+=0!8!YjX1cfPabj+PAm2sXC+e1gm$jM`5 z#_&7A?vd%JZ?_B<78|i6Av5@~bZ$(t+P8wY{EeWgUD&q*=h<#a(2k!zi50!9V|L9t^Ito1N&%0HVi2T-~`9t#7OEN zuQyKv`*$vfyVVLHBhgKbE(*6tZkY;a^x|R5l2NiD^#lm_twJ}yB(lj{8YX^>#NS)J zVYU%Vn$m`;VF|~rUKxfD^@U(i%!b@@afQ^Ix{&)X6%>A0q22BOaI=Cl(O0|4yCjsQ$8xST>YX-<#v`SDh_vBGbu| zt-iD?@i^yK(1eAt3h2D<2CIE7g@&(rPbxQzNBPJem>64%#~!B)w*{dEl&~OCARWwoUZxgnyn-0x}OCaLR z9aiV0I5e%d!*ePZ*pXYVSf@CQ2WR?&x0wZAY?WbVKf6p{-xhDzI9*BCx6Xy#*Vlt} z?01r9sfn*X)bm*X8nUN^fp14D@b=IGE<+hAc(S9LE>5cDo!QRv~;GZp`yoXt&!%znmFI9lL(klGD;{<7tH{@K`jT9ek#AmVs`p}_{ znraVG#3e9osx}<8&ZqZWUh^WN50GP<4skifTsqT61mEu(;c`@KNxQ`vYP#|%iTu#V zxD8AcxMld@Xg}98-<}VczM58Fv1h-362;x)ZP0c_1>L##3l{XPV>+fMVCT9HTFfzO zCmTOypEU8H@P`^rT$F$lgd_!j!v%E6hL3(+zIE}G0r;{Z49?Jlc)dJ?3W!F0+OAZ%qzN&c8=2!z*wye-0$SYQkIQ^4Q<^k{;cANFd^Vg$zDjg0)*Gay>f@ z5X_52d!9dDW4a)3^D(;h&LAD*9Id;E8XC(UA$4x`xMZ6xq#MTx_oSUB=88P~Dy@QGUCv*p6*`X-cZYT3{9-*3Sq4SA&7 z&>cKJmf}e9Buwp(gqQxo5Z`2v*XJs*lG7`xdAkqYvXQdW$|_Lxk`y0OO|d{ug}B7{ z!c!pwLDh|1{G2At&5E*FC(y?~?^ltforL~a|DLcM57RnO7^PZEiP}p~-ZfH6g)GI; z*felC(Or^`vT=G32y$(!+U01=;_NJm@*qT4EvW!6IE;3vv+c7?#m7EBc_13l&lg= zoR>+3Wr`r{_XhYfYJg4+SC}=zqjb*d1Q-eG1(UTC*k`@g@a0!7Xx|=>`A*)@`YfA% z-ofqiVl?5j?r);=F$0z~eP>sDX<}pXRCf9IT5`qbD1AU;(R-|n?&cUAR zy5nq9(^0zkrv}+`XF06z;e28px$Bw7v! z%k(i}`a@<_Lo@2IaX3G0KJ1JUMtzlF2oC$rUfMDb6auS>R9hQ)L1yCf!+S9zjm2ua zC=i-B3&M5G@Yi2OSXy%&JuX&~zxR4TuOgWQczz;lmO7F{L3KpfXaj71@Qlmj6tL|( zig5D31LSoY;I`k+q*X2hFZmgBu0S^`-dF=ujGr*S(>!5He;(!XC-k_jE;RYX6aMj7 zw3IA`qZ5!}s3 zPIq9e#HTP9SMJ3r%k`LqIj(RR4>NDX2jI8fYOtBM1$`r=Vf~~p92Zm;vZM;y6pmdW zk<&iVcfZD<^U_Lg_c@Q0cE1# z2}MuzHB1L#ZuYR}oG`v{>t&-xC!;XebGa8~2L|&MAX%LA7|W#M?I3N^ot!~#L?&{s zs(vWr?}yrDme?|BDixX&3A#I`;;E}LaPM3*4hru_>4a%ebl@H{^A6Xw9G{Hp?;NP@ z#D%!vKIhWr$H8`unRxqc5}CYQ1C&piV^QIM7_XgaJTy0%gh-}iUPBz$b-n=aP4nnj z@e^{B1fo{tDLPij^|aI%z>>x7<~jVdKLon z*`KC~l{4!m#DLz-%lLY5E=)4p4h!E3LFbam^w;D_kn1z1x2~*#-gH;`@IMWRdlmv^ z$|)RMw-5uYd@)wTfRtX9;&*b-&iRr#c=MqhQ`H!S53kMx`KmnZFOlTGPV&Gnk0wC$ zu|@d(Q8(Rq^-J4^TkDBfcrDE4xb$M{Z_pK7mw)o&7;kbx> zJaYC}9+kV|| z=@Wxt9G;s9!S63oSoeo$+@8d-3v!`QC>{8{7s;qD@8IcD^de}Ne?u;m>55KJ+(DS2D=*4S#Si$Y0j#a&ZU*>^a zt}PZ%_?6P{X8y=@+!4Ibti#}ILEt*a9rJ~65KpH8nv(aBPONYP4Jmtid3Y8)RrG_e zz51NvXEGSemSbJcW)!sKlZ6)@ac=HgQs8ltnr^(yyqPqcAN8h#I`D4bZ z^HHXoTBM+Q=XPkwRv@mA2QgMjgx{qb1m6@x@yFL6)L^YWFYmw)TK?!GajlU-HN8>N zP+f=j&U(^-GeUS+T?E|c6@Z|#k!&=x0{`^c#CZ#sArlRwgNp`;cThTd4Ar63_fe*@ zEQ9b~B%qi>1NpBbfc(>c3FqbeiE?l;x~A?U)qx&xQ}rqc-`2zK^!c#@hsC&L@ipjM(nYiz&#@8L2kRR4<+#(ZVfhrk6tv(K`6%$8@=vh&hYd!Uj!-EtP2fvK@J26( z(0ylIiN&&7|6?fMRg0TS^JosYgRCeM$7@eJ(9cwaeH86UK2Tgg>!?wJ4~AWe=sk0d!u<_H(hPzh(RYrh(T@w%(4q2_M1Gw-YgJy zx^umpixcqL{1Ygqv6yu{djSM9-Kc%p0b<8_6h*mC^{2=)Mc__Jq>*W!N^F5e5n z!DOK zN6N7fU||dmy%EIlYZ9D*R38225Brl+NCo9s-btBcs>Un&@@phs8A_))D$?v`19Qlq zS%aeEKa-U|FTz0ae)8314Q`B%!emJe+;Qp%7K>N1si*SWrd+YaU$Px^aJCLU+dl_J zuc^U+w;Y6QdIV2JCgDhZH0tX02m&|z;VLK@a~0&vIJwwjQLP zJq}@?a3;+tQ-;@w4}%R+dNmj)&Oy`{VMC{cM0CG2@Z;BEE>*khl@ax7!!;{173y?q1zbaTM-)0Pq) z^Rv`udjj6kTZQ=k5;HO-5O>5j!POcOdM=}k%$zO)T9=c+k+p%i-(qCCTC?CWZvn?J zyNMeb_R{>P#V9x50Vn+0h~v~(!N~Uv2-8R+cHsG>T<9^Wxyy&c{@hFNqh5 zlz>@V$NS3dMi&Nju!?^@XpPD?XqdATYl5<|Fg5`zr$*yDzB|_5t0P~39mVov6R>SU zDBQZxNtQXz!XM2Kz+>WcY@MBsN}L-F7pS3%(KJ%?)eqku9)wlfw_upnBh-y?#aHYI z<`}#uTLUc_<(F~v;rdJP-x3{Ctjfpjt;G;Ov;pt793^n&CKcLd3I88L_F4clLk39fv&wX6|+7~?Mm&K2DJoWmd#>K zM$@QX>S`*Za+aL=Zy7jsEk>Q^<;Xi)MAegavxC{zILRsmpK!j26=N$ga9%d%iXLQl zl;>doSR9qy{En*Bonj~Yj)NK1uLSc%7Qnm~LrAtijvZ;5r2oZrHg@1PnGn-TmY(2P z!I_$nWu*X1lPhSbU@pFFzDmNCRMF?H19-95sfX$UvOr=rGcBiv@^?Al94H3gpkbz_ zGzeal#}nRXX(+1ROfp|p&|Biyf%m=@4ZOQaO{f=hHCTg;_fRB?DgCIk>@cpQ^Wplk zwHPAwoBoY5Bb&!}!_uNzFx&k-EtM35;^?R3YNtEN4KxtkkWL}b6wi^Ty#V7LDx>MF z2s+6Ud7rHum~4S3*~d8%wwg}^r4Vb(E}aXyvV5vl!lkf-ZE5rTw`9cE4VK&FF{P$r z7_zez_z^lZBqNU)x*ns3FPuR?nCsU~^oGo&QAV=-AXAxZgY@M~?A#gy3r@wu1Mm4j ze;Q&z(K0X$K1**E=uxYX&A3$KAN934L%wm(YV_lY5cEDCJhq*rW3?QAZ+tdXa`&$= z@dElSvK$x2B++n_ljI-A4eju2C4m~*F!4_&u#vaPrQcE{e58SK+%HQnpR6H@i~rG0 zk7K!xMGO^jzlYjs+`Pe9gM=PzV+PyX@ztHLY|E!OYSp+4jV!mrvah4mzOI!1DgVUu zH(fE-`Y#h>#gD-J*x5K1Y>RQX?s2}T$-uv|l-skNhqn@~>|r}`(p9zr)_WZz2Geh{ zLq|G@$@#0Wz*-$<$`~->&7PpfWwO$R3vv4A-xLF{Gk!vYWRGeyRbF$81~?7l&H#nB zhj&hsbZ*x0{@Y|?J^nZ-mUCSph9&M7qv+3pVzASBPHOVU@dHlD!v}43(AL@rmt5`P zPgW$^swcz-tyaewSF=ztayg_o+Ow~>c5p7fc`$TRgT}a?hd!=zVSk;j_A?OEr_E})}r-Q;SyD?IonP3yPKCZ!hh;hv*4Oq;P1`ahQea}=d)OI2{ zvsex8{nthh@0tQNGO>)aNia$(>>!^VrO`pUk(x}sLc~7bV497-ktBtcr1DN2lI=;% z`n>TFX;VrDs#v_*pDtMCyOsL9@TP%IzVyF7C3GwF^#iC*@EV$xa!yIeRK$H6qG5^GCa5C~CQ%mZIg^e_5EPqYC zZ*$%hk8_M(OcV|p55e!#t0D8kTRPkmekNP{5?q<3g!(PA@cMlyn1pq(N00G=E3eY` z1NO9jX$IA6-9}XoB?8BI!0+8@uv0Gyx`KP#-c+SR>nsbHqnL{Ir)@}$ZW1mkn1b>l z|IvpD#_ZC880zFa6}Gv1!C!^zcq%Q3x@<`RuaE0lo8wENAv~R=_wDEUrg_9MFOg_w zr(#3LM3~k(i_GA-t;^I?!MLs&UdYMA@*$2xCRC2w+kerbBN{j__$?drDuqs*rU>u! zfxFYL0R!nYR%)$1xG%g$&-|%l{e(Ud8MT#Y9Wo8t^_|#Nkif*$@205M!LEH>MwOB_ z(M>cK@9h}}f>rhS;!Gj)YK$eXU%7!!u|HWEQb?l?q|u3D`^m?yZ45LlfGGJxWUlm5 za#2zPR98;Lh=-ez6;#nhTDMq*&>Y(BY|S~^#RLo7PQY9LG+-Q;plkeAgghCv%5@b)aG}8^)-=pU;<`OIGI=eQ&<8++kQ{3oWoyA%_6kLXN1LJH%g zG2L_rMCIFH`LqWxhx4YjZwW=ogmo~K9}Z!$zvu{igoyP2VNUqvVRhhNnlqXRQ+0T7 zzQ2+_KjO%c8`@~sD^1Sk_K_LJvE;e$d`$Y7PI|Cb_= zU<6S?!LZ<_67880hy7BCr2bzA-RQFqV{_$jTH7i1blF7IJQ~WejPqf}fCCjhl1U!q zY+^1mL3FQeAMx?`B&TE2z+_bouDCM7q~88VF5IkyC>?j|D=GvZ!j-Xmoj;nmbD1{p z3FIg@TX5fHj^E>M(WaM|pt9i%T@d8UcxcJ;-PPSOcXlb+JnJROsf^L-dFM&r?{n0| zA{NhG*2aWUEx7pWD>3<-0ZuDzxaUR+gbz+;<*dHI(Ci%A{6YoR&p1!_z1W9&kpcKN zZ91*#D`3Z^{Gv6(8l-^B!CKA;hkTCJVp%24>>uQji^-hZYi%$TUk$03r?{e8y7!Qk_N@>U4S$ZgxI%nmnd6B<2Egs<$@n} zb9|+=DO6rS2)4buMZ|2q=|jF;ysBSMlUo{TUsfW@J_-lfo?&L4rY(A2Z6HCd^~~cF zm*`xfm4ubaAvcp8z`I@*FLCb%^Q)GmD?S)cvs20R!|&O=xYj=p!@o zmZ0q`O>({56IXs;0RJYr-}%*ZB5k_H*ia zK7o&3Ipul%l;gvP;9ZVG;H|bEu4!*TOP@GYofZhwm-dmI?iDx?s{&$0nG9d*Ote<_ zCbiPGWbE7*x_0euoWr?IE3&v=zG5cYX?kO@)gco7QkXoco5#$v4##x+YmhFQ1Um#w z$!ha$cr4!!Z5zd*>~1-EvE&AoThUFG`X|ZWls%};hKTaCiYqVDUiMv$#Gss z;BNa(dgr(_WO`51Y#~M1;*mv_r^><4-LELsNkbd{eEPgVwT%+B951ot!j3MjmK}5_0*Oap#^Z*jk97u$&*? zoIi!1KgHraosX=lj2H0er_f`*y6~~14!U)QQSW{@_3~|DRercY;(!_*$>OVtloNxU zs}4iba5Yhra0gZIXksAc3yr(&P}Z}HW$b!zQ#Ej|tU*+)_rnFfe#kZEY78GL!KIyw z@VU)e&VJ3|Y%9f<=M?{f0MwGU)2N)bygf86M@k-mNy3(a9?P`tc|JT_m> z4Cz_X`3B(7`U0OPWk5sGLx#`%H~0w~qVq#44+6H1F z(TDF)c{l<)eM8Xd%sf~#&mR6A5Q2hOA2jGorXu6Iv}i&B+yu2q?3HEY=d9UKy!xQ= z+aEcY^XwuS4*U$t&!2$m?xN}w!CXH;dkrYg=AojT6?$*|0qA-$L7ynOl6i$*jCICO zkosPaffIYcWY$%9KKn1x`xb?dz58kR?k^l4?+3Fi?+lFVCy{}aahAO#O5Z6M(3Z&; zWW%5cHIO<|JyIt}ZYG-3=M@BM&;6p|FU8^UWG!CmHG|1n((Fvx74Q$vqK<o|+?wv_DeI0gO-cUH$maK62PG-l%DX9%z3cK*>>kg3MNWm_GbXVXDt)aSwzzbiE4 z(?7c2D4o99r9=0d9l`weHn?(SE*$dD0ByO&Bvym-l5{q~+L35-h_{Ed1)Ybs&BD0- z*mB%7s{#|4VzOi2VbFW3hpl{Djh~hYlKy{Yv?qTAYXsNAPca?jck_lo=Uc>l&SET> zDGTolBZwo93iEs)55@#vfMc6e(N%wteHQf?{@hH2i}p$I(q|>y_`V7GpPJE@Sp}H0 z;4aSHF-ES$oyNiZ6%ZSx5AJriXwcRZc*3dxMOx3&m}D``yX<1rsH_f0Ii^JFeO{Au zC;8#siF7>wgwN!%^Z>dFcA~S@Jkqr&1>T*UOB~Af;xuPUMl4R^w=pd=a8iJ_grzmR zeu~s&-aH4q_coKgUkaeurJo(#SdWQ|MQa?Z3eiR`k8x`gpkB{9h@JNns_)-Kyruq; z>0UF)@1cblxaT8YsoMhb>l8u8@iy6Em%RT;%gD$3=Ux5w}6;yX2OH9L@-;JM>@nm5#2H${QVAbyzBz& ztY6JoN%-L0B`;9y)Flj3+l#K}Bye7pFz06rfSL0hu&U3PYD|eB56+3hR^1TH@){u3 zas4Fl;W=_)c5n4Ot!j8`KOg3Cj4j@Os?6-6d{$lU6X-YHr0+Z@i0+y?R`Grc$cY9) z%i7&!`oVZOF>#j!k7(0eD_v$ut`0nkR zaK3uK*{{)bat0jAOoR^`!r+FZBkkOHmHxO%AbmGKy?N{)y7P7sPrC#--}Zy1`n6Io z)h6}^$BkKZq#i@(d>|{hPVtK7gD^T{4KscH2N_=PH(Pi4q6VGHp8a~RuGGeGEYB-9_BZE{ihFy7MF#Il`|5H+_73<5>qQW3T0f{4qom~$&T`}puAd0Bex8mK-*`=i!cV0ek<#UOMLQfq3jId%NKx(TY!|1)N6M_fi#R>dvkn|H;CW4;RQv z9|@3(P9uwaR$|=CKGMHV57To3fjRI5OAHJ_KhqQ11cu2PHE~k0GXPsE&B1u|B(ps1 zCA~WEz_@O001bb(jGnosg&qHKJJDPEtnYX#-QRHxH%(s;7sE=3Od{78j?KbpCmAwv z>K^bj{UG$S4C7a}k!3BaSbkR%^9zMgzGokP_Gu%J^rw@+Q7d>Yo({pe8!6vXl^Uin zmYk{JzPC8X}W8%P@#>n$UnFpK4B9VwXMAD28qfcDLzc-fpmOgCZZN#X@c53<9-p~2tfDI}HQq|H z--W}Uyy>t}_$FGXrn0;2PJ_tdIOcIt56E_&q^IPSLFaK1?b5MgpCx~T&;lWDhmwTL z^Y@@e{eCQrZ=uTXrlH!W3-t229QMeP6Y!tNPON!s$&l$^L2kY*xPCRlnB zr{kaE9HRY+RxiE5^|Oqs$sdtPlv4UfdU~9g_}d!L(9lwy@H~M={5nFk*M^c=H-$*g z<8b59@Fcota0nJZ>VSaJr{ud!C+V?Q<2-N_W2bFk2Q2Ks&UhK^S#tv)2|XvpYwv=j zpczf+G=>#I+%C5*3P$H7quA|HxZ|}K#J99zkV6wwUJ;7Uzl>Q&jR82p`Dv^*r&HhU z>+zRf66o%V#rRM8G;DMxY8yFX!KdGxzj!%n^$t-<#Sct)YYA%C3!?lEKB%8GKsVc! zIJ(aO>8e0MU1=*lj-y>B06a9APIjnWohu5qV)nCo|&sXe(-0UV|B)uF` zAI@UUtW;sUfHJ)Nn@rvpc9XeVR87YFL#y-TSK^leNqkV4`3biER z%7$3Tm5su$p7QYcz(pdv(w>|3^w6(uXYkm-79;OHznKlgMy#h$ItH#k3f-Hg!++t6 z(ER>fP>GX)&sn@A`@(#f;jKnoT1-u5r}D##q|s`#63(%`XCapIvZUe5YTR#aV4C+RTrwA)e^Y@MEL&b$VsM6>={mQrX6zRQsT)NukIL z#_qocyW3&+)h-x4ZG=3kuFQ$JOEC5$6o%(tAY&HB z)h*A`sm;h3bHphHdJ8E2{F%scV7Ysm{|xXdp2V3JLa=hWxv^zOFbLe`hwqN*AokyK zveP(*i8+)(N^^Qh$tO+DSK2~ii%)@(&Rb$EkqKv9*1&iN^|LiF^xM&eZ)VYG`k-apyegu>Dmt$$JBrGxJ*etJK&N; z82*cp(3GA~+YnYB_X{0E$2)=ENhVm36IN&dXULE<+PeNbAtQO&Je)isGxGSn#z;rl-o>(T+bB#e3dR zU6m`0j_&})Fu|Gy>9S-jgAL);>bUxJ+27%UdFEl!EhqtOC#ZN_Ze=2YH-#1HFR$sO89Tb$CG#W{CLmBA3-$-<&6G+aQ65<)& zPlmS|VAJ3<9ClQvEB#|YVpI^1?AJpc5hWrV5b5DbIp@09F$eFZ$nu2AhQeRM{LG}+L-8pU_rWXxpcv8J>h#kjkA z=J*CU=95cXItr`8g<5HjaS zWIuLari+J%$?c;7RJ5s(?6f)w13M*|n!69HZBHFT!Qf?dc6|;}(2{~8tr_HUUIx2# z@fLC>N|QWVvlb=USYWlSV8N{bm~NOv2L*u~;+(j-jyfPU8p8A{x>1v_m&q3IcxoI} zLH&0;COek~(N|VwL`z2&&n;etQ{9}1NKhp3ZQ6z%9tmW|KN)86J741;olD@yRdpix z#|(Nowrowe0ljxrl5EY{MlaZ}Blu!Qji4zTmLKI{_r!E;}ESZMo?TwVWzIOy)9HBHVq+4+~&tB0eY(_)Bn zjlexAuTd*9vg+d@Y0^5w7X`=0Y3Sq^GOr_#I(-E)AZ$VU^@VW$a76WyxpC<6?J6TY zW{)~k_^TG)xy^cNa*l{&wM263Ub^pVF-`Y7R~@%c2KP!uvTu1+>C4($=$No(-dB2} zqm33Un3)4|BTKNtREL(mDkq{=L3Dt}0W6YODt|cuA7|DQhfUo3JP7c?;0P<#e2e7x z%D{b{naqyoYhkTfA_;4C!mcm#F}7n06!=xswxu`7>)J5-HR}PTF=g;mJRbS(d6|-z3$VuIq;M)I?32jLr-YT;2Z?PU3k~#;*7V7ZfXp8Z7uTqp+Jr(3s zJ>aU0DmctrjHb@}N!Hjw_-mz#w}f~=(XF}q*q=vaD(54SoXK_h^(cLRb|nlw(1Ts( z982$VCh!}qhvN#tFyz|+W=9gRDn^QIIqeSldc2VP%^tQl1{g{9BYqJSsNVaDaGtr9 zWUCXQdk=E+Vx43zd$t8&1|J@YGXgD{7*r9xfE$N?(i(>#QvBTqzZk554XA}rzZ8+k zk8`1uzno0vm?Coy?IP1UxQxKNEErjuis~CevBhXgjjdP{-co;zwTg;pvy2ap*E!P{ zzhs%4hO}5!4nLJ?(wmNxbY;aTop-E_@-T&1rYAvyeN9+pHIDDLBa!OV29VRyTX9s! zpVs9y(COOtAa%qN9GbVWPX4pNDBuW~in*gu^dxuE(0f4(mQ z5{Eb7=3n*1Sjmmp^#qfpXSHbL`WAX{*(I_;j6ns1*@bbpC(w zME9^H7Tf7#Tf+z#o~mVMZcah@yO#m^ZO~mkj#`Y5vRfWUVWdPMei2^+rd}DW?M%+a z;*(8^CgkYWp{1yHNP%-ITEQ=lkG$JF6=zu`LugDlnH)W2*ZdpH{DOnzt(Zl)6=D@f#LBX(!92YtQ20=7I- zWOXIZ;P0tx$?BU!RP(=XHbu1oJq^?#aLIbc+w%nU&fx=Bv1o8Qr-sTa*HQcDy&$m5 zn{6J>hE`uATyZ^}84ZkvgdSeV4(WixHG9DP**T{8@M~szS2=6BeJN-LyTbQ-IXD{d zh)S-MApU(l#9!|`@$#67yJt1C#UK62*%wuu3$LTv;2U>V>W_n&St?ldR04k<-pN$8 zbg`k=GU;6zC;HdlnH(+9#PiL!*#-62$Zy94qWoH!?lqoA_?9%n!t55d>bf%{rLcw_ zF;>8jt{u2P>^_z6JjBh7pOd544q~)`2f1B-k><%s(WkS0$q`XA@KWXekFLq0Ikz)t zde%r+&9WoDjX%lhK@~Jz|A`9wNO1(52r}ot3gT_rM85CidKi)S!AFcUG`C9O>Utq8 zGJ8ej{;eTdJDv<4DCd~&9H(pPY_#o>pvl@joPsEa&be#|^Yu+h`jJ55 z@Mj@&!XrM; zn-GkJ9ebHNy=?lcU7C7)?5-~B^aT%BV=&lULzmZ=&;xtxXq0v{nX3GNCRUz?XE*NC zcg-v4uyGq1TX=|B9U_a5XS$Qb#4GslNgB;P98XWjB~icrtK_7}I=ofsg+_|`WP@KR z&0KMgd{mhUb2E?%SZHuv_i%dLN`qCbImKuRETZ|+!c^@+3siA;Z9@wyX!at|cHb5H zR)kd>NvAO{J0kH()EDwq?KCM_*G6BOO@lMGt?1yj#CY$PcWhd+8%7`IygCPG)ttQe zne6wQM()XuF|G+)Irgs-{WTB)1_1_eYkmkmP?p8|`^g4+<+^xWrJV^9udWUl93?3t z6?EfFWfHzCmh7~1phu-c$n`aL=(1H6rr9+zmtAgB!zbeC?2-!c+w-t9Nt+BQV)Yk+ zGSH3Qh_6JdY4FWFddcq^y=fy4L(^@+X2ApOnsJ3eX;e{RgKb`b#MN9X@46Fo7a8EANC&3vlNSlg@S}x) zEAfw%3GNI%gIZ~(?7a9+dN9lp;3W^$tY*p%Yq? zAozZXA7W#N$QhmMRPTVP@w_&7YM-e^rQ@O?;e;ua)%Js8j4f2Kd}tqIjbEz;0S0a9 zua0n7bNUmzKHUZ#zoeoCkp$s=yWq3-I2r%330o|0k>c=Z6iTjv616s%?xaX$KXj5p z3+^+z!ucgbPtg|nPxR1jO?=S2i#P|}r=0<-sM!g5Fy{Q%+p05A+@+U%YW&L1-(7<4 zYqsP3O_HpiO(KcSDTdGa>8!c<6cF5$%?SsdQFGlQ*m6P@`wC7%-bgFGZz~8Ie`<)Z zz#>RI<&J*r1~{={7IZx2da^%0veK3IG;32Xz8Q~$X&#@MEV~of{?C!UeAWP5%*tus zR<3WY+5zTn9OEm&jzpU;p!XAuF|macO$y}Wl!|av?-#@s-M7j1))(+;>-Vbs21)~O zi4lvJO|(eSj`Ws2tNuE;kg+_QN%*{%b38#i&>ys*vQKl!QxO@eYiw$KTvUUd`&Woe zi_c=2U_pBPNh0WcG{JXkpE0@?DkM&`kW^{!g!|UBalx1KaDzKVq%D-x23HJM#C-0d$H*CG-SBDhlsr@xA-Vw z=SrU^(&LlN>8VGV1>O3{`&<#vy?DmzcDy8yPPCKYH)15n?i6WQssq8l=HbH?am)rE zF&rFU!4&zX)9vhZy3BnS{b4($X3R?x6jgb#wQoJ6`A`TGvS+YQ!??M_1_@YE96}cd zy&)+sE=XPb>Ecd#Sa-OAS>rrR*z+74D6E~k6MUzaLsP1Ma{VY?<32h^FcapR1mn-m z68I#3oE#5X$d)B8r)QTM;wg=j(4)BucV+6+JKR0v)?QI^RN*=t^E^NoywirEO>Wp_ zx0~DH1pxn}!?;vp9z5q?3`eq+@OoN5Q6szVxFmvH@cmSa#Do5ATJNBT3?$Y`!) z0o9S_oSwyQtguf8EdR3^WwwrxK#yXuGOMR6tOL=Yl^0IS3o`LeS@hP&8(1NcQbGy0yUx|Ltn!+}%sr@HYp@kLLTF|0@teM=oPd*&&=7H%tN-EC&IB z3nVr7JT#gG;G7o?XgvC)N~()Z>uhBPrOhaSLs2^ufQIHDGg~9eDiw1emf440|7=)09v~Rp$_WYA_d7-fA1i^%bL( zJEww9Q6m)cOhUpHPc>X-c6TL{Bw2DyU zW+<66Y)Lk+?4k8L-qEl5*Ks@7Vt=O=N3W(iK$mMDtKDgZ1E&z5-rs~K&H*GZCz0K^ z{yPcbtAyKsUJ>4LTf9_zj(Ax{(S1Y=&Gx(Fu;&DO_*5L3=(z*ggJGZ)^OK%hl}$h2 z?WHwO+F?aUJ^p;F#&Og(gZrFH{E}#hQS~d~O|~B{dFD;p4+CZtE+CP%8L+u19a4;=bnSKw6c3T*ttodKG>NX+eg z{K9KTrd12UmmU*X=&fercXKhqBLga{zK<5V*g*N00;9{3Q);F)*^pbSMqqKkU)=F5 zio+WqGwWDaih%wl$p8^tZBNxGI z=~`5Mq(TqQ&101vxLjYyIFqSwhNAYV%)QHe5LKB5kJpG2vwCGb8ZUtDg*vc-%h1%W zJI(yKznZ*qTm~D8Nplr%}< z7)^;^Lyh&g8T+Z$jYR$n=hT|G$Lzirfo3mcaq!?z#`+t7%~tayO!pk2J1mCbtbRQ5 zo>)aZQUy5zX)6s5pAQyi58%4na(HcM3JOc9Vrun8So)#bxMYJdV9O-?wkZalJLS^G z7%`~WEC^u_)>4^_FpT^BoR+ABQN4dp=t#K|8l78(8;=E&X*t*MISu6YEaLd&b2aRr z7lw_(&gA;GRKoAZ?McjzVdLYcM)p3sSal;3k4#HN)jfZh_fIszM)3_9Y1&HcUWDQm z{u1aaNJoRwuMknBiS0HUIlp`+jWFJY8aCq~B|4SN8#E*G?#p2HZ;tyK$?eKA7lFX> zXeKu_g{&}QNlV5R^jgjj@n_~5C39zs%O&aL{*I%RuT7quTWt!nn>LfbY#!FxX=8}K z7aq>7K;zq|NT4p~`Fi~Tqf(8AR`F2-nfmH_kM%^oD}$6J_k)gWZ`~L5h)Z- ztDYTs06axS$2%})wy^&rW9&Cs;J>&U3|Q?h;*AvGUcn+vA@=>#XD#3Gx_$P$j5$F zD7ttJEVx;a#tJ9m_Q;m5`sT!}z0J^r<7e@A@&f4nQi;(f?ZhxD8o#XM_yl}E=%zbH zs9g7rkj(wbJh*L1ElS2cqzA^=kUA~d>L=Sq$gw1M z@~}f6>K+`X`keP<+P9(8(6W z##4j4jxg8x990+`ptm+iLFezQoa@Phei$An_Ny}S=|Ccp_v5*-Lz<(glG zePoYlY{5V0`{<5?3b2}U$VLu@qs)&5_O!OxI(JL3^QTuKk*qCnP9Elc? z>&@kxR<448pC))=n-M(y5XLIy*0STl<7|1=00dpF!iMeT*x1&}zTKh9@tGc?^*sX= z;CV$%8#%Afm<2j!o@SmOm8Bjj>fA28g_V6oFooVCmkXkdYZ~RS-g+8bpQnr8(l2v7 z>}T+^Gmi{i`a>^GKL_un!*DP~9K0Xz0PFA?cKMHCBddZ6>Mf>DGOc!1S1^V&H0=i- ze7=V$bc%3i<|kCt<^r9w^Q^AF8DoCJsuhW@8XMK z=j%t*x#|;n|DkkKNN<=rVSR$@TpQ;Hj55 zRR4Jf-qV!eW3~;f)Oz!2kUU8?|Ya414b<|E6w$GsX<^4q1_@K0B$To;9c-Ell3}KU<>v>4??9U`KcpkkvTb2$$AhVVGe{<2;hFX*9uyL0b>zUd{ zW!D^p64|RX#N`W~m~6wCgnabp5eBF1>F}`sGTs(xf-GIzno^Bol6J2EOTMjUg(6B| zs`Em8^D}{LsT75;CGvRhxfrzHn9n@o+;$~OuW0BYUC3w;G=5g|jD2%Shsx~!Nv8)# zqQaE(bk{v2*j(m@k~jU>J?r;C!sA#}z4My1o?B1C?-nwne+npDF9lV_YE<{r5WNI^ zSU=EDHZ>l>hl+Z5y~zbX2cJN#0tHOW$fSnOVL1BMpsMjotzq}k1FTh3E!i|`NYiTc z+26W~#ACZZ(B=QZ^>AI>|4o$ak}M;SpX~?d^+V|V&jBjEj+5lq{^WkwJz5q#7uWz* z+BIXGid+;XN^^?nQRN1zwP_Q)-uZ+o+iQdJo;I^U(1@E+qE5 zGX_hO=~0oXxMEcyeK&O-a3pM|`c@}?Js?MPH9tfBNiQm)8O!o_hGEXx7-)F=h<0sm zGJ0O3XF{%)5Y0Ppn2DCTCT*)+@p7*TS@2X74jz3)8paGj!iIQpDMN|_cGJIE5mueACP1bhuxj;<$cJ?ROzM&!UxYZ07^y2SnboA5{c z1w79WBxPKV&ARvz-9BE3e=N1hC%IT^5q$-w%;@AiC`WLy#1rE3dp$Xc$6-~68#@pe zLv8=FhyN@@uyVaV{8xG(E;$K8p~gnk&eliihmGv;m+!>=d?4#lc7Xhymrs1E&eI)+ z+sWM|eJVJ)i8%VdrI}+t*$HJm(wV&<>YE}!z9Na!$?V0XuaUUtcOD}@GY_u3=Vn>& z%2DwlZ;fYV1T?!!!H~5jak#ky$`i$4-y$Q|6Yf4a>^S*Pjv7A zKT@|-vm{kCuD=LBcY0x+|4H0wn*uAi?|_>&O>}9xE0*zaK0~jEq-FjfdHXqn&KZ+} zg=RBw-Q9GEua~0Y-I4IfG88UHrorn+3DjwAA@e-Hic$Gp&ao3q;p^deWBL9{!n>fF zd^%kK4%UURb6Pf?a*AaST)9gujMC`RmWSlT*IzW^KpK{I%%fAUtFx>4u3_o7Fr20# z!F{$1*^%^6{JB1xyqi!UN=wqKkAMG2@2Wh2wNp#zA-x>t&Qg^s8_Nfv;y)MM^D|jp zvs$VcAH{S(=w@`s{v(H?caoxYS-9=~U-D0#b6rT>AkA7I7-iL^An)#uHc@9GEjEcV zlcyMi4^N1*c?hxj*hI}`a;WUIvv}*ZG;UH^j2;us^yR#jsIq1*CdEG{M-?jpH{`L6 zj!tB#w1k`*eNCUbar2FVIt=(60u^?Y#Bt}8tlyP5LwN<>o}-O1TW(dyr(c4{gIyGb zSz zehTl$-(%>@*?2D9pHNM4=GDM%z}`+q_U$9V64Y`+2c}?c+E!#cTVz}q?|JV_jXg9nLJFS zKW+f6iw|*%%x2aj@fVGcbR$|fZJ^(35o&X@m)-1Ns=h}QT(dlIUui2eiN?`RVHL>Q z+{zq|@*)zY0%+qFf=|}+z@pUUr=a&%8ykv5uFqk1c^KVZF@Livy&bc}|`5TS2d) znBK}Y1nb4ZuqMqO-^}>Tej;_KZ~Ga;wq%muO8HQc>5f}O10iG1O1xYzg~tW@$ge5Y z@M1#{U0ry}XyfuSa?@YP#PhlWhCUepMPnZ7@mc_zho@rXZ6kbJFF}t=hSNQGA4|rI zP|;uk9{d_d`s&QkLV6!IJZwgiD1r}vS7B@j=lY1A1#>Fqqey@wd^1mBng&+GSr<31 zd&PsxGh&HgdjQqRtmAycZ*a;=e$dtLG;+Kl!Rpnkpy*s@c*UJ-jGl_%0fUENePRjC zQ{4nXOeyA=RAA(S%<9;6PYKU|7xB{P9&)1P5SNdrrw%_dS?k$DG}Uk%4ClYagYxdQ zJ0uMDze&dEP3<(jBN^0_XW-inUBrI-bKI_7PfFC}@%jCF;-4&7)AyV6c^K_tTBLWN z)g3uF8IemJ)kHBq@i3mY*P-T#U&#yY;{X4hFpUFEE)g_>cR$DJ!OJo=wf_O&^Z8)+=^LOB)kwYEGTD5thk5D7a$K;! zz52AwAQ9ESLl*eFptHb69Yt&b6eZ&N%O-I|+J!BT}a$POa&^Y%e8jlhDBQ;691 z1hTDt7su)lBbAnys)V#$NVg)_Q!@EQqSETP@u6LE=1MbFdfh_2}5CdTeYq8?P zEc{lm6h4$qAr~Gz!Szjm?Gt(U-Ec1Js=piL*B_wEo}MP%8~7o8mYDH8^<8AJ$`C(Y zyv+vom(y{Z^G5CdbMa(;3QAsF3y;<1V856g`F!ISsb}+O$)qxNd=a33mt;buj2u$} zwbavB4Mof{q4aAEIhZbsYx^pQobVM|d%zYx2xvjtZ~?Gp!K}#yB7c|%HIw3a3+4b< zDx8^pAqntJ?LRmWr46q-DsdslL-Lz;4|;~ZQ8(C`4eH{Di8*=XH`mvfC|XV9rMPFd zvKgEVvuIoDFr)e+iWS~I&Zbz_F!|p(7p2|on*3+nEJf}Z75uas_?FBdCqe}A1fMc7 zo~Xl0vXn+&<(#mAPmQ(D+yKTkk##%Ifb(%Dd^})6#64ay&4xXALwPDbOish2qf^kq z)0x!|*oI%Zy}#DiAmHZ3eF6r6&LyNht;XHghmz7Rypj}u`v ze+avOnw_@kF^uXTKz*+RIR5J|*1Q(OPj2!!koW+c;+BK<$Yix#LOzW;tBqq_HcZd= zmqcX=ca{NL?1xfj+wh5eGz|F%L-Cj- zA&s_Jq;QEUjH!~zz5w$6RyRrQt|8_+OEGSAEevJfKwfWt6V}&>#LBNHhffH#-tK*Qc9>~+3~sb;;z;X)Qv9ZIKXoJ+~r&O&Or?gf3scNnrYQfb23 zP%`R&8=fUTrq+wsk$Uksqg}@$p?M;m=0!iGk9%~WyRDn{Y`<}h@Yv>aaT_prz-U^&w^go!QzX+td&%@Af7g%B*26xps zPXf<&T;RNp8lBxojMnXC+cnHVW2Ot4{ICYjt=oEQwoW=8y4FI!X5Id6x!}e#^l9A~$%QR1SZ8p0PC^p|G4bgg_Ske&Loh5d+YGL#1T08D+ZVO>cAnbE9}#t`LrzSFj+jC zMTJW_5c^LNb|ySAnz2KWT3)tCOQEYIj4r^(B{RThe*tXKn@jV|^x%<*6?RLBjs8o|~{>PU(tY%a#4!(VsYDENme z9FIU){h6v&U+28kGw^xmepX$=6hrTglfc~-=(@9!xI}nEt$-XvFWZel#=)>L$PPLj%{45!m?E(+v{*q%EiqvDQ zmZl%ELKo`Gp0zrTO-bhPWa%Iiq45A#3Pq6U&TJY`aDv=6uOrzh4b`_dO)|^#6>83! z4PwNpJ0$YQG;GrNM7}F>JoMl$rb1?bK0Y4=8-D#Jb^39Xs*6JZ8GDSnuz;NVa06Wz z&Vvsr^|+BN1{t@FWU8kRIbxT^+&n9vv^fMEs%?Esev1EGkJtYnj!@q7P(PM>o==REIo-`910uWTWP?z{{>`$$p=`;7|}PVvic zW%HKJdxZV%G`f+o7gA@9rqK7*OsA)r)jT$%w75U4VgFfnNFj}WJ<;WkPQD3i_bWoA z*bc8u>fpACQ`z(5X6XB49SeTo2OX9BuyVIP6)jK4ihpm#?tgdVstfa}Tvk%>4iCm) zp`%0T+ z37W!x(I77~8-~1f!}))laE|OPxHpZ^YL_`}O}4=CG6Uf-S zj7zt(qJ1)A_R04R&U<=^)7Ti#=5$^``A=$i{4_v>${=VVhQ7YL zk$)2mw-xWOfOC6r*8EM_oHdME?OMf^T_d38ZwZ7N93ru*KX*Wp7;R6ZJx$*+(?gkR zHnwwHs>{IXsvpJsen*-+2y$!I!t|JS`1eE+l7{zlO2G%wrKg?Z58k40%{#zo<0|^R zwgeu#9m0{*RG8ZD2s|sgf@jAFe4vazOg*Fy35xe|-im3EyxJCyoX&$Op3C5{MKpD7 z9R?ONEqK^nEncEq&+7dIR-tbiTvttJ-Lv$eE@d(+8Ri8`tvGEP^LRwvgm$T zgwQydUscmB9&va&JIro?_;MF-V7H%^4}Oha`|q+8$6%p%K7ougXTaYPU#U?)hUV=R zatLp7*uVObWP0Q~6SwbWx-U@56 zD68uF#-gM2(Y$^MoP0kAhOW|p^;R~ZSL4IY7*Wflf4I`$j#xTjJRgrXug1)a`$N^eB-j-)P+NTv zR+zuT^X7T9Lb&_#(eJ2t)=U_^aRy^=Z$sUUVWiXlo2^{&8BHsKxlUI<${CsunHqic zV22c}smW%S?)uTAnSny@mn5xRfe*LUOX`(0~XuD*4LwY`McuE$CpAni=Q!cFm0&v1OMkj*V8{_`nR+x=|vbUxVe^(S~QZ>)s>ik!5-16UFkF@ zyo@``^x#uT1%F6?0#j_t!qOAxDNex}UNo2Bo!T_Y{hbbvTb47`k0BK8R{@73b3h}j z1}MLsM*F7Hv_aPJ>4Gaw?ys;ue%~K;M_j>sg|3cM5^D^vvkjX5;opf#yIzDmz8 z%>g~LQ{38po9J4yF7K~a!)CqT4}shZX7ED-zP2Ak|4%D{SG`JNjp5Ln`w2)shueHi z3BDI-a<^|wvOnBDaJujvGv2Jj@k4d_Era7hR^Xud-%_=FI|G>;| z-=g&%SNVRC!0q3s#p~-7)8fr8lyfQ+jyDY^!w1r&+gHi;UKq_xr3O+abYbR&7zjT+ zhK$@4ApTmavW^GBjnyVRZF%hbF~V ze&^ya3h23uVIFa0?)MDypP$AA!@uG+duD)X^FIix9|nE$6PZ_54$Yc2h}>M>bMI_@ zfhLynw_Vo4yp*9d>8m|$G_%D6{l&0m#&oEhp+dK2*Fv7I5~n%u6|fOG?9qu9ex&g< zxFi)%<8qZKAXt}Ow42Jt8U!aY z&S=o1mqYxx0#l+pO0%f`sWG?uv@4flF&4}X{9)tW{mkf}5$Gn3rZ@rXYh0(uZM1Nq zWv5ga|53t5q5COk`yYdA0?U@uj%Ei(Td=;F!{L2O5%fA7q^ZKbcw(wFJ{j}^YloH5 z;SoNc%`s5^H(e=6XJyx~;Y2TG`l2aM54Ij-p}|$)bSs|i zy}gSzY!UiIv|jNW-zL!IC;OmW;Qub)_Y0$5><7m^<5_tbF;RU9)<-$80~d23Y0h^X zb}0|s%9@~&8v+VT^eFvb40K0Ha3aYzblX`5x2v*f`YC648h#Bs$30}{e3sGSHYL(@ zQWEMd%5mt-u^=VvIueeYg|BU!X}Nb7o-~LP-wO9;36B-n9J!ISyk|pR=I=e&8MyE4_oS$^#gP)QVbyU#Ajvr#pH;d4EVHJ&97)^fLwP45Z8T5Q{G)-MR zlx<2s07Dmei~pX=1!r4#%pMmFSEgNKmHp0eKE|6#p1ugXc{Nz~I-Bmj7{e~+uO~mP zG8#N94Ql6YLXrF>a#|qt$h0n_?LT+Y)jgldbG&euI-mz%EtB}fpbz+KXbA6oAsm~| z^W2)mNIDVI%w9NcrGwYn=)VcZuxgGZEFRlJg)uH{(b-x$@az-&cp(px_a<;IxdT~G zs}sBpB22K8tiE-rfU7bn1>IK@NqX=R$ZV>{XGVccwdOC5^s#{D-70j-HJdFOa1-O) zBc47X z_Wd2A*o}WUoATpA{%#+P%&Qe&RNVzC&yw-1(6Mgrk^(bohCor-N_ZvQeO_N(z?9zY z;X32w@wnb<&^Xo0!mEEUr5(qaUe8Y2-}r*JzF-eNCyr6?j$*px$ieP4LPmD_dP)yF z#5;akL;0Ro@Wjd%{Pym*zCC9FShR-1iE+v{OI6I_ze`{7K~X(R-L-)|v7d&6Tm#Up z`4s3X2%PInSPE>P+D9ylY2Fw3`WkzbjG(Bk-+)s}r&nfxP89CnOWql;(KQe`mhQF+-@1V8&=WMWf z>Bbxk>V)@loNr0!Lh5pb$%6LUe)23-CI3ZHPb1l%PywHEdw}9V*k_p#|eZ1t){mL4FFG z2nMGb=)lyMZ22N$IdbXra>6Cdwo?;w!C$zCrpH91jEPNLv72+$Tm-i{Tc#%HF^j(` z@BzbB1Pzi0V{ZeRa^8egJR?!^QXRbcx0!Wc38#FTOs3zvSc8E-yO`O)dnm4C13o^6 zrCIZ+w^ton3vaTdYuy+#WiD@0n!>6#ZUuQafi0_b7mO3evLluwplfUz|13;k+J#6{ z4cmZ!n$C;Y1pHxj`A698E$MbMCfbNL*n}_wxe4Rz}qKYWa;&lnNFDudfVfLZU%2Qc*`^9v;HCux0_CfjRZYK za|zjQ9Sj|x(_u@e45iGWTp37-VP zo_bKU=^i{?Ye3=pEhK-^9jd%ED6XR(N4&~M|0!{BZOu9;Y=~p2gEw>0dQk!+ubSH> zSx5FO|FOiU5+pv64g2Rbq2>5oD1OZY)z!kxCoz;3n$hO@f$;|_6G_x|Ww8#sdr8`4Zbrw#N*Q5UN7s2wjJo(=L zhogoJtZ8@H%gna(LMNdERJZn1iuwXf{}>6=50${hovr9#wUyqQ540KM=SWf+#vn7Z z3f$YDaPQBIfPEAC(4Z!lZ9MgpHR(LT#5)3eboPIw&CauR6@#JuusQ^E#tGbESzH{} z4c|W-qDk^+?6InVZ~OKTzfi-*e)JVw()I&_KFif~nN?Gy=Tur0{DDmh6Le^qrA70M-|bC{r0OJxc(ZW|q}&!P9(TJ&Ah z7~JyON#0umKN}ur|8jHi__}MfZQD?rNb|$o#r{-KuR0@WTlQpfJfA*4bP}?j+XaU8 zWXSuzmRh`9Nb=WL{?){%yyu(Qu*cynJDGI=R+=rNrauxjll^>nZQ-*th|6W~b#}6eDHs0P`-m? znnu&o0BOo;ln2=KiNE)Fe$AWFVN{xG17D<{!SJIi$je!l&9ZN>b}tWx&LB^yF2Bp& zKkC5rb6auf$X>R&@gR*<&823;WOicyV6LJh2KpYK!N7g*a5-zoPl7fzvg9-8;QQs3<H-+u-} zM+~I1f|juKjw;yf+3i)|9yWm03DK`4JEZqI-g;gWMfbB>iYpcCf;t)$7O{eJi z$Jg|Hj{#N%y~8N&RQ5Qao^p%b$e{WiST2jl&o39Td(E@JP1sG2-t2E}dFUV?q#r?c zar+?0x)t_S$1)wyO0MAK5U9^Q&+Q%B!utdtz*gxn@)~{`P`L&6co{%jrZz~VE09BY zJU2|foyF`N0HHtZsfxx>LPiK1@Xnr8?2mB^Mz5ru6(N*0eFaN*@1-N6Jdikdl&(bh z(ec5{pyKv%v31E?wA)z9Yc0PG!uXQs)>`mU(4!ttp${j zW`zfRY2K&zFs0p*itFB0}XAVQe;)F=B7P79Bw`H;Uv5B-w@cFD1`9jy3I{5N; z9CxX*n#rzh!owdn(FD~{(&G%cYi|N!W=T|HGq^hGYXe0r-rY>T`buI z(ycep=!+Loao8UiqA>=ahYuxBgKB90B4p*4JjOZ?OL%x!oh@A3iXZN!vrEk!ygfMz zMiwj41ljYjX7`UOqu+#G8+UO|-^amRtVZ6w35Ms~WF`AP;m|e#>zliLJ<1AUO`4<9ii{;WiG%}@Bo&jllspaDCMtC%}FJ2viUpi zPPokl-*X44_akZeuP-?2lOC8HTTZhB1P0igIP9&S&MIs!GSi|GoSl*iH9LdId_WW% zhH=pGQ$+EnJ=v4q|F{jA?V$R@(#Fi&g=xnGfMUxiW-%xjw#3;nw**VB#$XKE&)Yz1 zx%Wg1jaGxCzL*wFEn+Sgr?aM#k>qls3KvY;OmC`QVzZzj*XMnJ_!Kqr>8hlX#%NYs ze436;Q-o!ek=S>05GR`X5nkxWQ^=c%^g`$k><`|{cbwV@4K7Wfwn$IZ>msIflkHUU za0dO&lEd$lX7X!C3XJXaLh!lpg`e`b1ZRF+!JJ8^=2&kVvojw}qMh&AaT5=?H}HVa zDl-Q~Wy0^|*DkW(mdHjKzM;G6WtgKo0`iXLvds4tbk%boW?5C?D)Se((|Hg(=D&x) zuSDqhQy2Ig8KB=0AnXiQkX4I6WCf?erVGg+vC|Jv6&4G++W`9It-&k*R1;|)ErM=e z9dPn^g7>_t$p6$Rn-j|C@Q9$VU5Yjb(J!Qr-&5$l(rHeybv0g^d2n1_xIo!SS0Y21~(7VMM0*j^> z`{J}{)v;ahZ)OaAly1PbU{gvRZ-t7Rk1+1>6;u;}7hk>n6FAkHdjs)q4Ef8?~Ar-712Km<4ArLhL((ebH z;H<_52#nS`-*NEeQV|YYXTy?;(qN;Ii`OY5I%mHQ$`eZHn{OG1Pxi7WE|F|r%RFou zD^oM~z8*L(dC6otyr@s&CQ8>0Ba^j4|A~z+?TAT7sl8iZWaTz|S$mTkKJN+rGT$n2 zDX+t@zq2vf=oO@W&V+kgbI8PGfX!RWfi^4e3V!5c-Hf|@OZ+YG8rgo0p*Nm`YEJ6C z#2Ij%{9ad}i_ocNQ8o_h>sEt=fjKHKI8XOwE2oXUha8;H(1n(^5>0 zKDn4Fb&LO_x*m5+q`6F07wqALnMta6SMg|8~)!#1p?d15PA`*{V+PYJDKz$?|MZfbcvwyNnS7%3-zOqu3yEh|5z9gG^=wuRMB~WR@;17rfRIVJA4} z*bFw|WeYbm)DZFxcS1+eJXW#k1sqHKP1|jQNm0s*vd2!t!yCrXhstPCyT=v^`w~rK zoRYaGOScniFDDhLOF-dgaKo?>RC~pdysZUp{$2;#R5;Q``ThZxajOY_{SrKFD}3q8 zaw!x$)X=!pGWvCKEfnm2Ddg}+f{(@`^1fQljh`OG=6A-y+5@=|DI<@6PpLu1sQD}+ zuM#TfAe%koBTceBOIPw6amtV$%=qL7E1On>uhk$lOh}`}UtJ-7)f@WLyqXTTjK|b2 zON^~ZrrbmuD4CK7Q)T)fN`3^?-siwLU_6y7G;`@kQmo8Vi|FM}E2{9cW?@J6;^LXM z?9tZSXz?hB-QzrQ!P>K|E=!`Ot9CbQzTW_y7bEcdYaP%YJfvpWlGmV+o=c0Q{Ht9( z4Cvv_Fqms{lKl(23d%za$kt*#9R4s4)-S(KI}hYAS>bFRx*(NJ-4_JX2_M*|XzqLi&=@ZTi!z6Si?tnj zP2SFncIZ=1X9q@HxWR&Ix5ACJH)+Y_BL2HLhCOypK=JY(aO(2KuI4m!KYJ6;>JGw( znR}sWlQRA77CHpad4ba0$COqtOK$api94T6S|z$DIa-?qQVHH))y|do>j3w+6tl

ol_16w|o(T69I zuUD8rH|=#?4v%;5fr|r^J+S?(cqOQ zPAw2TeR7F#?ms8GV`2*8DQ0X@WimzYm?Y>}OE9id1~y6;&~B5HT*T#LaK1*2I@fq! zrKgExlQ{aE*n_DHBtiA`4(9RaF&hv$hD-+(Vx^ff*-!n3Z>>YYD^kfu$!9by>ZoS% zCT?8BMoS?VdWTN;RMKqk0&2ZvO3T$kacTY@J~rKleVSJ#UTGZ7roS*`4cS-mQ>Y2T ze!(}LAb1bbPvM{S25e(ZJiWf^z|;rdVmfQGvCuP$UJbZ{caO@}9J`yw#l~)iG>K;M z@19VR_ntHO_>KhJvw17F>pF<(PivsmR+Xd%zGAj717&D#hSE4_Ir6Fmv0u*%=fX9Ln zu}R{lVJw%5o^&>MUil^#kF?l?|*r0^^%*^skF&jx(RLBaOL~xj_Yf2yDQ(QBTE1qFP+P;4Rh+T?l%@ z9aQsd1f-mq%WAUpDR^$Puz!xk$rUrmqk1*$9&}N(CE-3qP3~tak_F9Xsvm3Bj)Rex zeP9-MinUm-fm6EEY37j>%zLcE(Hzyam*Um?$mLQ>@^*w%=9>a=-{ZRDx z$Nc)KJ>pES0om1~Nt@apX4oJC)MvbCU#lwSi6@Q$)?Xf1pL^ zM-Gqc1T*Jms&RD3zaPci_6T2;9X*|T$EuN}l?B(4lScZp-!i{uHTWKq%L2s`%uJz_ z#uYyfrNO)3aqLEnEOgo)Wmz+F@aOkh z_9~R9BGVQJjc?%<1G1{^!f(L+0oLHx;R?_Az^TljhftuDb!~Zdvp6AuW^(`^*?OtZ@qXM;#(V&0v4u0A3mf|)n0mU<( zFu`v)q@QoZ9oK)04#voU`SlC%v*QWw3bqyc=}qx=sV~jg`<=`D!VKE}TFK_qws91ACqZdsNxffbxH}Igeyxx~*hP z^&5QHhv$l5?lqRh_qgzL3sgWaA(2)DC($F$id|Gq1r^PDRyXky$*4+-(i#Hc&9Z6u zTtkDdeaWU#!;E3dyG!8z?;+l4y2tKppGszjqVaU03M(#=0^sealh`uIv4=jePv z2LoAVcr}!ris-$B=|^&lJ?XwWE&EX z+6KO4)w~hwzxXhXh647{ZX8Jr+{wz8mq1_ND{2JS`mgED#aJ6&seO$LRxxw4)reYVvPbHO!`zTEZi^_ zL^f)yM<)&j`f1TmnH8{N!3ipy*~Bs|Hp3mEf5${^F-lDqky>vg8|(WJH5d4>5Su=3 z-#TrQGS6oYUa@p&$20Dr=`oCaHjY|5ig4f>f*u_&*Ni{5X$xp*u7mng&Z_@u(uU zIz+^VK`5`8{@&U!MJ7LB66JRND^w;dPXKS|V!09GS2>Yb~XJ^aQ{5a=M z3mtRWQ}&&;JB?%+|Dxf2(}_n|h< z3c1Hzx4W>2y$k83t1@$Jae?DUklq|95I<~C;vR3*pjJ&G2ND-eo3&=ayS2UO@W7P# z;L)Vqb{&13&oQ~h?j&O)2VIvofY%j2(kx(OT2k)LOW%KU{tngveaFv;u8!w!1+m~9wjp!L5ee;yJZDPMC3866R>nhe7LuA$qPAO-mX}sMW)~U0Ps)!bfs!EN7F)ASCV_wfNL)9gvNYB>)4mJ;P%^(^xcBkoJ;oHLgiRyJ#hqUIB7^L zQ|5B!NfFfWJQ0$53$antheZ`D(88FL>_w>uEYwzIzZ1hKIol8q%pZ(v^MgeS{chIE zhxe1*oGv_V>@Nx}DI{l;J=E(H&+30fVIl~;-1;cGP+!N!K5~E}-*u?nJG@58u7K$l zMY4p|#(a*`THO8mIkwIJ53alQ^563&fZ5@316o$m_poAEfd#=ewAyH2LW^Xhc#{6$u*a930n zXh$cuWHPr`yI90~1z2bOfSnp%$Wk{ifwq{v^!nW%+&58|4t&4C^qvb{W2I#n_0Sw_ zcclvq#Vc?tzYOia3%}#PmTbbJW*Gj^4E8iO7O_BvMBoJ z8qNmZbzymjPlEhlVj78TDa2G(P2>N!3nWE$;wtIAczrlMoo zZ%mK4%K8I~VbW89`xL(d-p;ax6MREZ7;FlJpcNJ{_ zzwxKhHd(YX^C}CJl7$xCIGSF)j>7*LqLXeAl$9rup{_DKI4cP~!3Nk?ATXQ*KQX&* zZ5(U(9Q)4?!coW0V5x*QSq_Y2F{js4#N?ggw)Ftk;&zM>cAAFa-}nt1dr;{G$BYuS zsr9i0|4i*C&Mk^3>u)b;+_gFum0>0t^X@bL(m#lyvTf{^&?_}>-6nc6YaVtl>1V6b zb#d9CaBTE3qolsKY{T>C>}!QPGkpFYeVqfK_QXUO5;FvDP12&QNtZCKAQ1XA_mOW&yP0pkvs|jmLY2^2P6ecplM8P+{KX)vt6nH>En-;hbPXM z!utNbT=A1DxKeTsNaR!*}=d4HjNZb_F{I!DlTB}0UQ>aj*~7_ z;;^s3(U$qM9_M{ryvJzxVA#Y)e{Z76_JzTH-eRjSbgLAfM)ASP#@Z`1= z4ETDLg=Uxr9*w$vk6fXq9^y;PbJ2Z_M1dfBc zb{no_dWk6c&IhrYkmGZkdW#KN7l{fNI=GeN*YTfjSaA*&Mey(YIZRKONf-N4(A<5v zSaR4z+H|!FAN@0f<^O8fZKX5#b@g6~cyWZq+y-jRz0G=h72&}rL*9Ax8tkb{rGu_f zEb#3-G<;(L_w^Q0jYlWb(Eb8mF4AbE+=R(5w(|+4RqT=d1k$=yN@KM~Q`^!Wc0F?% zS9;PO&)4RiSo0ZpjaJC{u`dxz^U)v~MED`4!7 z(KzbjLC|x)h#s1op>yFP7Gv532JHZ2pNLuC#(h{c`y>DL!e2IB_8Tm^>`Or-`>{=T z3RwP4rNv9mGp%ot=r(Z@{QG1C{k!*(Xk{|n9kmogbiz?xW(jDXF6JC(?PNFjI67M< z_{@c!YQ;lEitPA|S>t7y&u=Zb*J22Twc7Yz+JzEb>qMK^4yRY253w)*ym-6snv}R9 z9;Jgl;igh8tN8a5-C{38ylWxNkP`TCI*aH7t%JE+m8oG>JS7;;B%`PGWGDTIi#`w! z+6&WZao0O;?5<;M;0{Sr(NIU@=MogVXA+zjG~bStLm1#E!|G~<9S9ppOEd({_*5x6 zOnuGX>>fy0>j&b;AqTLe^dY)y+~#xbe4z4|EW9#u6!pkV;0xN1;H_V}yy65QLp#?9 z#6ys!O)z5(i;VaU6>F$tOf0K8d`yiL{c3;M! z3)R>tvu;MYm-yL}SHSsO2dVmk3N`dc(!8gRctyy+d{EEF`Ku<UMbmNykRZLf=g8m0=%&;Kt>#S<}6`#zj z1W%+BS+;C;vmv{G@)R>n52JB*J}ggSJR4_h0findkaHjg$Nf4+E52$lZxwC!ZN@Wp zzN7?p4AsS0wN6xCpCR(e?&bX&TiHcvS({N$tMK*L0kAh_9o@{DPPRU2^utO9&p(KU zA^SH%ZR$~8Pcxa7=PS^yED3ZQ+{Bhh9;I&8Bv_coGfQQ6=)7i51M>7>$r)>A(zlS4 z3_A{*BP~()-7%(TKNyT)DEH&ZNXS;OgYZB{T+;J~_jo@8g4})h(lKpVwU=%qRvyKWJDJEOsTKa?RuN48El-_$SEGPNBE(3ZWQ(~xVcE=>_Z zOsEWP9e;=2I&htB`ZxmScQ3}s+K;TH^S9`ox+nKM;RL>zswi}T3TL&?Qdk$FO5c(X zlDFeUteSEdou+Ri^Tl!8PxG1ZEKHMb|0uwdhflM#U)R|yrJE?!}-r~s`Sh~fSnGFV;fhmrMq4+B$IuHmCni*t+F+OtUX!4lA2h#Q52gN zrbgxMlW={&KQ7|qC~mH5GJ6@l1Apy&jh>=Jkp1jJGunIc)1rMOR5jt(n=Xu16*8T- zYx()tPVwC_M|u0Bzp?sDvA|^R#yP5q7%{qwdmqk=O(kz)aE~22Z$F90t(TI|E;~5A zZ!J7G+>OjUkZyh3B2IX=3*KC~$WkTtf=!$Rm8uV7Ya;fu_(nsNNm&Cs1TGY<_hi0y z%i(pOvyfvPLJodU*q1g9@_XU~qc2>;U=s=US;_?`W*p+W(iG`@c|4o=_Z3=fUJ06S zCFz0p0g3`%ong!xLqWpBi0SA5M9B%)n5cUSXWgw&Mh~WlGH<703fu?zZFo8#HI>(JO_ z$HokbgH-qXY@f6qb!(Q9MZ-RJwgA1egu<;Sw z$g+Jm%-4L)e_8XBuPu?rUgi$ErETJBeRm=EnaH2|V!)k93gx1v#bC+ok#Mr{JJ++) zi`ym_O7wrDsVA!LCy?C6}uVYuFv3I{VzVyfHe+5PNM}f^h3Gu5LA?Rx4drSya#Oo_`Yu&RP#yVCCA#O;}mx$ zsgP?Zafk6=zM?pE7JSI?5i&}Ujw(n)BbZTble!u>fSRl(l4Wd14JY( z+k~%1OrWtvI-Ko_sU)|~4!=YT+)lYf?plpE$ftec=e@RP>Kg~q>yRkubt>RWW(mK+ zC+1kzI-MFyIA}~aps9}}KuT&8h3dw@b0N!}cftTnGbhvUhjOsu^-2c!Cz)8G@f zWYQ`PC5L~at?nX}Xf>m@5L5o&qsi1dJ(MoUn&QjMO01?Qs5&!}#QT&;HKG@DJ&xgr z{6VQEQ@HdV8uMxr8*xyX$-Wx_X7_GW>)s*vfW^R()T-vuJ1&%@^V50SIy@#%?JJhp!}?Uik2OV=Gh{r3Ww*X9w|y~-NG z&N(3X3x2-*8W^HwPYd4MMCF1vcv){3FM8a>(0X=Zi3RS~l;oVcg1|XM z@Co(!QFVF`lM%OoBz(ZHU$tPeOB2ic(@sCmnL@%P4Z0F^9Xoe#B$ymYxk1w*6HcJB zuP(Dz5-g}SiFE435Hbl-6&IaLfx4-dbX4I9U!GlvQ-+5Nfdr0<*OsuHaoaJsT@o9* zSK*8H)fDZdM2Bh=p^H;y{SU0jZG;w`Y3}1*PCme3 z_(xfeye)1~d2T4}c?S@cp#rOC8I!BEq~IZthYf$_;n!*}Qg+wG-^bG6$;YbBFP-gDFfja*7GG`(4Uuu;K^FwOc4i9g3VEO6lY`yvLTPl=F z|6Zj-EydXQAc;K*tA*`R))e9V0q?Z*^UfU^^k)4gewyh;c10iK|eq|3&dnJTUr3iZa^9=@XX@wz8RaL7VNw5_jE?BB_l9s zlHU!&C?UHYqo@KiRm(WZ&Ss?PrQ~_u57Z^KA*EOeb$u=oH^vKpkEsxSS{5yeE^EM~ zmF@ylua@L@FXSW!Mq#LJKFgMoU@?<>_*#>r6l0(XL&ndd!~VlbrP5UB8;QgtZ^u*6 zN=ef2Z540P7{fv$PKp{@hEQRk2(CNM5dF1#$A@NK$GMe%uzbTjSb0kcYpzAHuU2wk zwk8V34zM84aC!3gmSReSs+rs~e=@07z)gv*Y~I{Ogy8Ufjs_oZo03yBi5$&nF#@S&!_lQC1fnL~U5YMqU2r1x=dapZMKNRkJiX;Kg=FwYM^X+_4> zau@RA>Am+R42f}OH7OgZpwk3&I*+mWZDUdO-)u6F3+1pwi)8y+IHQfNu=({`(lz&F zon`aD*ik3`bDh4XM| zqy>E2>qQ@}7UPAp%P`JL3#^yBQEL8WuCY27vFfYup|tH48_PN2+|9*+85 z3aU@H($^~k>9MdU4%Ht(k3C(v)c#aj?-fAnkKbf(e@8&kArT~8y@hkLr@*;vNhk^U zjM*2eaBa{A>(dnrsc*0+g_j4gzbcbpLYXu- z(q^yKm!IRgFy$XqrSglpN{8aygei0nUeMcLciH_epj!Qfu+6KA<>Xbc%6sE*n*1p0 zZ+eF%?vHV@-esnJO_Q=)m0)g$E_^e066UUX%);p>w0Gv147V6avtRGG!}cSl{IZW4uzPqYoA`Y_{(BP#cQbCn z*uY>a7(5h)TkPgcES=!MB{}BYC}(3i&I2}sBbJ*4lKiw>p^qpSYECwA?NLHE=&}~B zZ|MJ&op(5w{}=y}y)qhhXi$`>jQ4$x6iJD;N?OvOU6Q6kRwWh5h^Q1rijwzzj*3KS z@1bbVPuimOyT89bfB*el*ZXq$*LA<|*Lj`ictlIAsu%oObR*d9SmijN8FN2P=7Mb_ z#nDfttk0hHxN*}P*@ox(T4RE}6q<2Wh5VT8IU8p}2U>9~ob-;DX1qsU>M6 zIZylu*XOUtlA+xo`FT7X^BRZSM?Dd=Ck?`Y<5B!xDH1PLFULbxN?1FpKr}me2FBE$ zf|xF^F)zCtZ?L@u15Zm@^Jf$H9#VEJRq`nQPxCL-%BAY*r>Uyk1-$Z==~bK>+j!~A zS0o)~;hR5ODVyN19-Z9vji+HihjywQ{GCH13~=m=L=>+&phwjcP8^lbha2zHse^mK z<;p22X#hOYcO-T>V8h>Xs>H0<52#@^Hk!!z;P;vlI{~8XJjxFS?dCooqu|rEi}b5<6%Lv00UJvqv14p0 z+T?{{!M1)v_WO?bE_f4tTW-b!G9%ez!aE_PR|am~(S)TxlqmH`CO0XVVdtwuc;j?^ zKAl|$$pgkxNaRHEXEz^muMoj#qz2b~)T|nP)*h!FKx}FCrNfEt*r9p{-?mk#I`$?X zV?y@gOD7jTn)@Fe>S>2+>rH^0%~1cy44M=E6b66Hrbk5|AZ6YWPOt4rSE?@4pHZ8H zI^v+!HHxby#loZhzbg-X3l??E>TuyGW6oLOEB3MSM)k?* z^e65W#B25BPA%0~YhmS%jb^wYs7_d$W=Gz(<}~B)PS&-n<)|hl3fOXAe7i*I?s>Ec zRL1&ZM@<>Fj#5DvDwza?2`8xDqUPS zvhf?(?Lxs_;&L7`31aU+spF)h4LaZ4i2tUIz~8^^WP=)GQR&wSj;^q@flX4Lu;e3;NdAw=Qk4PYcxl#$$}z< z?{FEb>DKmO!S|q|xa@N0D$fh8aCD#rM>%#RnUxlYw(sR|&7H1xqspM6?Ey5uPU4(@ zy|_l&gWR7m3pUsQPaVCLlX?{35GP}bym6UVWN((V6f^8p@STTSABCd2$MC1Lk^TOh zCEG|zMtwm*lsi4 zSTEx*Vj2zTxCD#K7Ql?CV^sWZhq&703fdkJ*lLoWyUVRe!0gW54zADlp&dUZqvp9;FAGlWl# z?ZOFNuhHy0iD~otEI)oEb@4v5!;d#ral%(QIvKB!oibw9P%4wn?rO;=hPaaR{WYw+ z{Rn?JoB*@;?1Wy9W$^d0Aydgo;r06spjXis5~seW^hl8{iW|XKcfYV|zL7Zp#70`w zYbh`7c@5Gk&BS8^yYkUJ62l-#>hN(xFjBY2aSH=6{Ks!t@@c8~?&>cX=~*Zms4N1D zfyNjTw-VgyrJiG)f~Wdr@WTu9IOS|6{~b3M3ySpEQt>D3D0@mzY93)`+$mIdnIN|O zIxiGUp1H+;gZbcsT5#X+4z#|H_4vb#`hL;QZ(!q1M zrl9~SQyWzut)zriQw5($dm5bb9L7kUot2ku;0?>+#b2ps?}RpLyRSuu#2UJ-A#qWL zq=M}zZSJe1O=E{S(6)3lZX3CampvCwzaBLi6K);CKPFT7<^A0(A2>sBG18y`L27i= zCzXAxiqUknI}CdLQ=Ai_fjV=#(Tzo&`0^h&NcrzIyU1eLr1Nq7YMn2nT)Tly`(tV1 zfYtb)%O&Ae>vmqVVk?^RbSw{iLz#0*aX|1!T1)m+{%atH258|Z6RB(bkQpAdlhK=X zZXEo1H_0;MC^;Lk@o5$X`kaK|sqyId<)bj{0kLfQ0TkcgL!H`KH0m{$&%R!R(>7hD z=tn7d=ZHC7mNH{jCA;wY>LhY;bcfK<@fxcNPyJDpYb1H_gAJ*;;6ECCqzA`(De(JiuSu@%?9`9v6G*e;|`e$Hkyv&4!VUmEwf4|q;3qY2(|G_7_F+g!7(`tzw9 z8nv!wi*#cQT$NAVl%KHK^;CQ|W)Nm(1`=3kb3`;=z6D_ zZs?E1&vVuIoo}LS;)+_*SXaYQNnxPfJ{MO`s}|-d?4Wj+3zYO}0PpY)MO+pue(WU& z+hS9^*u@&xe6I(EqFK0VgH}~fojA-`?1jr!o2m1$SEwB#uvd%3_*q>=M~V*N!(s#X znio>%WAk~=JE)0jAxGi8&Jj3x#vVhPy3=ua8HX(lr6c!BIdKb-@i}!cSv8-FVm5Gj z--+CC_AX=(s^BMyrBe541Pn76Od$r2_)_SM+FD29p}r}o_UeYS?^eLazY1*d@g@$_ zHQ8AF>MHpC;u5Yhz3!^zZq4qd z8&Pe(rldK2pr`evc>Z!edL4Npn!HHk&%Zq-rfV0{b)Aj_`o*D=@pu#ix3T89`S``l zj}N!5#8Y2WaQzF(5BN15?p0UwY5UiLbDTfh{Qd!B?#vaI#VBA{@NXeti!xj>8H!df zYAM3ag`JcK;(9Pf_OXr3pMIgolQhwJzOFFh-4$We1%0j= zW`%>^D3ImD+v58vp?uHh0Bvf!g;5Fj;n$@k+I&^=OJ+~uiQkUmv!j}%+r zeRkrQTmcT&M??KMYo2y=5X)+pW6o!ga#>v<;N2TGvYACaGcLkTLq*K8)WYNdQ}P^m znQGPNa3{@|TwVQ^PMul}V}32A(y{^g(PJ)&MIW#}uMsls2lEx)2*ElAtaKrtbdRlu z8K;I}w8L=R@K6q06$C6wErRQ@7FBH{9l$aADqqxT!SMgBqTa#Y8(EI9e`_ z>{`gRJr#Id<^*stK1$=flxcM5ja;*=1MO^Wq58T{)ULVE?N^abmD%nCNP&iY_TgbM zTVEf>IgFutgFx&PGmkHRI0V1!3)x{zGi~|T!mO0Y+lNXVCB=3q3UWkp+I`x(wG($8 zbcJT7%3))r7IeQcMKpbQmKJ-jK;w2JuCseXPrOXse}5z7`&;=O_ObWVB})a7I8_uUNc;5il_tbED?8r|4&kuy%OTS|rI zW}Gu_0(Phxi?)%Tu-7!2uKn!FQIlBe0;+=K{L8d+Yq@y5QwOfQWaK`^S54ixf10y` zg1W;0K4W}4C`-Tp_s9S9qpP5-Fl+hj`JoYW971M=&vF>xJyby<=TRDKbdh?fd^%(gt4WYa8ubp_m*`G!!~W< z{chW-`)3#TE5XNbm2Q^QDYb^LySx`Vjo8m-7AJXDl87nN*oN^>!a$=gS+1 zp5yje>$r4$BBt*1bD!X}pAR^gh<{J^$1Z>0@{rZ~RSzQPVfxhsG3!VLTUE*U?M(;X zl;0ia<^nqfJm;o{!F*IB8csUhgUcyf@n4U{IMghT|7%Zh+x5#CI&Jf0qA2pU?FE}o z>%f^^owz7-7Dqb!v8+!UEtjiMWUPa5h?M&bxk@344;fX~`02?ssz_82w9yGG!}L4bNwt zYs-0A)^Kjfu%X6jYS;+3A>crqShEOty2nnID;vuFVofm2uZiwo3gsb<%VglX-1OZxq8*gf=5PE;Rf?j?c~MPPi2- zWcXunQveQ}P%gigRRAj=|9~}b{!#B&ZNmC8E7sV#m^KElg$;8TvU2EG`ZUuKtDPr9 z_X7fD^j*lE9)A<&d^X~N)3<=5Y75P>DnYlV^>AR85npU85_X66rW?_b*mhGugP=D0 zF(C+N&q*1O+TK5g%3ifK-U zwkrYH&AAk2Rhi3;Hrw*Vp_fDtNpDPvI|;czbolf43_1|5!wD;vajjSczB59|@XG;y zX0?fW6)&eRM|Xfs(8ibpb>jX_F?2apLt^Vbq4jr)s5Poq9P!nbQfFIYAA`H}U(#;z z%0P2;JdsbAjQ-;X_wR$};XHQo?~ki&r6}E-`8@Q^1G0M5C>U3&^14VnA?3L;Z4)+8Kzc$LIZ=_~da z&>}2nU&zuKi`Sf9kWJqPxOYzK-<0yF5qkf@$Fa-Mc4|HrYL?LJN;@o7apRYl&hu%7 z0b;nr7UBJ{kDy&%3E!=h`C_`nqwgL@4pn`GnusJ}YTe;nS4s-s+Z~s2&rm<;GHn!Y9J^PX5LPN~p0@-fm^oa()Dy=I zQ-sE|t2n=-8roWQ#t;Vw7{1pC^D|Ot_oE|%yNQeR&bSCY0yTJ^wEHgXOsDHjR^kh9 zE1Fb$8?|fdpwI0;^k-8Ds0?nUM^7HZw;(mCUtR?(FNko_%8h3K+lVF_LGly3J4!o7 zQy!udjBl^qf`-CxV#gVh7C2xsT%Y<8#(JdC_gxEcjdL|jbt$2)CwGg@^(x#`TmT{K zx5EzQ7qqgk77ZS}7c5kkh_iqF6z|3FBj0u2eB#kgDs<^cwtqdb-pz~M{QV&Qsniw~4jzN;tTuP8b{>fCiGTt-j|mm_J(wr5UC?x#wBxx9+Ey z^0ynfg>~bq!a*=~yQg6D?=$>3)J*Nx7UFLANDgqcXGhnQkaI%vxj#&$-fw2mTFLKw zAbt#eTQPz9iHZ1pl?fknj0fkuU|95}jwhKi`G{vHKxER}MEGyobDnpCB-|Q8aKoLE~Es>F4jmg1P2i9(%4UMt4mUhxgwD z$MRC?(?@eo{?72%Q92_QIMAr%FxqQgPdgiL!<+SqSa-k}b7s4eS>tTTeV9ngBqp?X zWIs%=%cb7Op3_02h4A^zHrRMt%5TJ|;myi&>~up32d1TQ*VFf?e1`!Uj*{3W9~6Y~ zgX^g{I1L@&IiTitnXvb_0z6fca`xj*@O#!zYMES5-_LdAx{_}A^vgt6bZ8X%mk-4U z3o9wPORIQXX9f1}w+~8-^5IU;9I+wagYK-}2Eq~xe!klg7acpm@pgNKaVz3Q$zTQZ z6(^BL^Dv+sWoWbeE*KOCpv#kU^i=PhSn?~1!bivQqAeXbC3^w(*`p+@I;o5&>PC>K z&208gP{l(h+;H)U`Iy|J1-=cn<`Wlpz)FdoSFz)@Fx4*r-xXL>dylRd5#r0*g`3#C zhcfE8D)Y9uS7f;}1P|T~5zbz0g&_?`u(p>e4qGpsUrwHU-sXYm^kxXQ9hio${WLJJ zX(JeKABW9nHLRTJ)2$jz?y#<<*mQc%k7&aX;mg-M$^7o3!VA znxjX5qOZs`7n|VK`Hk?=(~~uhw7|dcDr`R23v;4oQQXzpc)YtWzt*avUKO*b;m8*{ zm2?sf-fe>^l9$u%vJnpHPzvMUox-%~jS%!`9zw$(I`FYvn0s1}S8FraT(P5Le~0p) zM5(u5sY;LxP<*I78Ad#aK#jgq$7sI|oS@w(v^HLc4;M}g-+ZMzKZ~fNe{(;8$va1pOdjFAtonXYrpUmNb*cW;Yk@B^@8CE=X zMDLJAG+@CRE?fJQk{)b?oyM-R)cMYQ@zp%+pKgWAEn37bbMDfc$!Emg3+my-ZhbVn z)JPN6mQrv2Cszear1cZ##69ior}11(nQpb9fiRa z@$#Ft=b`G{2UtAAmh;?Hu}_`}ZrtiG?XSaF(K`p0Iweu?gl#;$%s|*P$R5@h>vOz^ zIu6wC4mr|QpvSKuM$$sFoSdGuk@y1gx zcF7hD{S1Z!4^z3kD;G|%YA;0m;3F1B zY{gCGo#Ei^_i%psaO{`fDs}t@(9$Ui{Hyjkbak8p0aph~e7!7uebtB$efOqTuP*<$ zlh(8IHevsGBT62kf(B!fs4mn9lBRs8cdu1oSY)d3CvvJxU9T&z-}zN+U9LkRJ9mIi zunKyWc*9xeL3}jxErfRS;<#I*;NXvJiYppHkG~HS=8QVXD~|sb6xKh zze}Rl)&Yox2Zb;F%Y{j@(V+LN59CY#|HjiLg0}DviaA}z?H2-$h=`WzDEPB z4iAT2=cfpUrz#*Kvm35+^A(Lw?7^VP%ccBtFH}}&hq@7dH2lsWyt#KD&AJxKMKYFs zX}03(?K7w%RRMN1EAd_5^YCigK6)tbfa?BBu}98P8g+FiOx|z;gluc}N@#(y=1U-a z9gKeU8bZ3C8aCL4h+CSxc}B1eiaNefFrMW#-)>XJwGgyr-$WM`26zig%+A5N*dF}nN(hbUk;rX^1+GYYKxS-(6&V#r*(< zUn$Y>h45iuxtRS}4xP7~@V=gw-_2}B}hD(b`ZwaQ9$!gQNDEv8k>I;_5V8z=X>857br{q zUpoqUsPrt> zUr(kx_m0c`(*`1qUqF8AX5r;Uv9xVLGj(_B3@(i|^u2pJz5KgJ;?b8uaL7UNw%Q|j zZTAf-zb_+adb<2YB6`YjHi`t!dp`RMA(Yg(8=d8`xMuUJ(@OvpTuf*?^RENd>j0D_7FO+ zG();zCp0aS`hWAs!{M|Jc&Ky&cqr@9)ACJp%}I@~%v{dL*Vv-nR2g^Fca~?*t*6ZQ z1~_-uF=5E1zVN9@VrINF;H)hu;=_HYznwZy*AC_-5P7b=6SvFG{TjR zh3%ogoi56IFE(VG@>*zFY|Fd6jWFoqB09gmawVH@0i&;Yo|-!XniP!nT1^`Cwv-JoV-)(W7%UsrP;d zRhu&Mh>Jx%XzUgFD7BB6_UdOxRk)!KTTXg~HK3v4hZ)(%j)o0cqTk-$>+^qLxkp{Kj1OwC~Ubj0^GhN z!p9vtth9R&J~%s(LXKMF(57zqslSv5-u_hVyy62iz0_n)tq1ULKBs3j%$*!9(vKS?)gw9({Q6KG#OA@!hzVb}W0)D)d0b>#@)9T13LTWf^HD|10yS?{J4 z@Qvm^-z6ULIU>}~3MY+)**HSVvZjt{0;ee!oUa!x+zF4vrBe=ru617?+tnGU@1q-3lIx-dAsm z{vCUg!RZOyCgns=st!YywP{?^B5+w}Z5(d?m^PFyqHAI9e5q|PHOJ+F+hbMeQtAg5 zjY&|uO%=B}I^l=2GbpQSG^U&yz+=ZIkn=z*oSs|?eGU)h{+;Y_$~+(5xa+OhN1EFW zoA=304UJh(+`$&!eQC;k6FjE;8%DoHaqj*GDtz^jMn??9!NrE)lwgBPd&hx=f;LC* zJ;{~r%kZGp6)=721HK-rIM;9snZ-JCuHQ@et^O6-4U*BPK;l-6>&kj)c~xtCA~Js&~Tp-B*EU$>EttG4u@cku=J_WLysX@n?TX zJANMC{*L1l=f-eXa^e*4J@~|82A7WXfSp1D7EhJ%Y1f{@{QLmkqtFY>6oEG07y;G} zd+2ofK9=p=f*qIDgI2!O>3IJJS^v#8G$mmr@?Ri6~%aK_qcZoudeoAo)3cOEx-bS7D#KAdQIKTIH z;a<^l_Ino%(<=4x=QkVfYMjcMXNqXcCk>o&UWsqN$mI*NS-k5=C{Hl$&$Wa0U{Y); z=tfS&0p?S{VfF+*^QxR8*Ue;m4+UJkr4y$wv=lbil<@vBBZPTZ?5XkbY~HTv#uq%o zaNz9^U=jWn{J(FPcv5kYVVW#>9`DOnB#*Rgv&6XfmBS3>pER*HLtJwviQg`Wq#M)a zLfslA{CidE+Z{3-=Q|8!^|TqX7(MAcOp~%3CC_CI-`)6R{6dtgRf(qzXVAZ~DmW>i zBl{mXPH7|l(b|V4aMQz|9$e_b7GY~?K~1cn(d#!=ym<|yvc}>IDitqOy7DQ{8Bp!p zLKAPC7gQ!4;sryCB&MY$ndipic`=JuZ`9|Ot((!TAdgH}#(~PQ?=;(e3g>x@;P@S# zNPKcuTvqMEBUU$&cdg`q4wN#tva^-CCN?~{&oKy&>W|rW9@z4j*}2dJwbDLA*ee@K zP+W&w7rdaylm!~0({Mp^v@k4kB@MJx$5T!Pq|rANPqnAOm>W(U_U!=;Q13{m437%i zl19MXN`=i_GZdal(Hi>0U1#UOrd>v+Vy0 zBTwo=>(SjX?O6c(hV5akXaMA;ZtITDenxW&bs~F(l<+39jS$t3JN%}-&s=hnJ&IOkVwNy$BQu?i^ZlL0C&c@ zabmzc%33suU6Z9=ypGiro)it*wFS6g=4=dK=EY0aoq>P;vxLV6$AvFT{(=9}o7DHZ z6%L8E!AgT1`n&HE-AF8lo;4oute=d+{2x-nQR$qk-+;aT#!4M1`P4k@k;K>QPWtBl zU^eoCIP7~UKiYl}6bBW+_PQ=`$6Qn55wuYGr&qGfVI81PSst`@HWr3vgmRi#2jerh z(w$|OA$-6Kuzuu%JAKQ9HAhR~)9?N`;g{5{;PjW4N_&pl>=V?%RVL+q&Do=4DyK+$ zoFNZm$iHS4Xup^ay;pXVeEYk|B4Q^W>k)+A2W}VLZdb!Hvp{|v5h&@-#dPMpA|IKO zPZzJ;rDaZKG-|Ig+m`jD${D@T$~K*JB<}Bf!&r$m?83_{-T2V;!EjINKgqwwq@y~V zzn@OWd*z7DZ6ZvPI{S}guSc7?;h^Q$9Y3i~gd4-H#dl+5+&@P0$+v4D4jYV9Z6z;mHSNx;cJ3i*cBD9KBYxI#1zxsV%)@4D zRS$c*C$E0(Z{pK85|w`Q}}*hF6lg!=9=}h`C@ShX-<)0r{UwU z`|U!?Pj4o*;$+w#-kpCv>cF?l++py^^}-eFLt@Oo-5l*ROzMdri^p?rz*gP2V&G>( z)E~8&f^+wPS$8k?qs}OMIn}LNy8uS6zX-DZouKc}JCJp(h^Bm-N6WQSCFbW!-0Imb zDms-2XQa-7cWxo1RdbhQ|2?O#&nH1r#vv?QrUEI`MuLA8a{uY4NO!j*&(|GIJN;9I z?@Dfh=8b;bbY(T+F%O_lTVUfEeM+5KE~F_fgYV(-w9ek2&&79!Q4WPT=g&;equAUAetD29>*M@lV}mvR0Z1UgZaKaWSY_oWwILRss65Xau0 zODh74*=Ry5)fEiDU+bk_<^AStvUes&Mh&OMnTnu(QJ3t6Z_uUi1bKXO#Ks=KA@t`i ze9$GD*Ejux{Ti3t3|>aihkGI7*@VZ!xTal1jblhfe8{#d=*JmxaYwBf0yw^njx0g2{iWOV$S=lLd(x?#}`lL zbJeb7ycd8Nbz=bLF6oBF!SirTJR))-4CBNZqSR^4dUyv4`5R~ zmLlx!VPVJ!?4F^>Z))C)I)?|bW`2$^B%rKv;+sSA^37q~>}3bLJT61wc4;5hX`9qv z{FClaEfGtH4xkG!l&HvCh1ExzaN#&V=oPn+){KyJy1W4Sh4s&bp^uhPLE2Y(@1DSW z=a4LE+j9z;*e2ICA1xT|+X!P?DB*gJ128)~m+$J5=hHNpvX z3bWwy=FWnjl<#(~iKpYq@uVN532wJqpsU_eu}jo_a7fD+HOvF3RAV#MTV+T&gz0$T z;1*UmzDsoIE8~zt8K!5x7r(3PaX?NAyT#|xr%#R;ojL)Gr5uy2bQ|Um+CeKWjN_|s zM+%7#*Gl(7J5<*lCbW8QrjzTtV&0ptaB_Y$*(~}eI6M9lR&M@Ei=5n~?uf&Jg^#59 z-G3rZ?yMp<8_l7;c8)xCycT^hcM+`3M*w|02gf(v5bx*9aK`gRT=MK9sV*A^nNO0T zKGGF`Hztwq)G4Sp?mhH5dmEZAFQBSbi?M!l5WaVsh9#4yW96X$JlL>=k|I0cik_>{ zvL#ublr2EFP2q6*MzZ+3Vh|Z_P!aQUMx##D6R~?nEB(%#3a0a~LZb5laqnPNikCF9 zKD#?{8Tml|#8ucbZXuex#NeE$MHWkeD6DLn*R zveU#BWe3sq@=My9oJ{I{Pf&uyJes^li@RSP#C5jX!d&C={NX|%r+gZO-d86GYp!=E z<8kjOMW+Okuarwn;7WL7_yyKlYSWUys}Oi@747Ph3>s_q($p4jx}dii&U^cDl$j-V z*d(2iTPDi3s2$)JhgU(oyDHrm_fczn3`(#;YI*`9Lo{p&yS zC6_H=%3DJ$cYg*!72A1U&~d7pe25nK>f@{mV{CsN0O60ih;`w2!9^{M^b9`<{#RcK zujIv4Z1e+icWQF_h%RjHq=cPU*Wr`5jZpIaINYBNtU78ehI#pmrx$Jlzpv?-CFxU7 zkG&DA;isEgmldGeyEAV{)0A>6)5O(Fm!Vfi82Md}28VyogyHL0n)7#qSG6xD7F2RU zx;nI<{suYW62kfDbV^b$#*0_YVOqaj^0^$vtItRt($%r-Ht;kJ?*EH8BAlj<{silX zILI>leFpQxnRKGN8Sk1(kbbmQem4KFJSzMl1V1?nC#^itv)^#I^0rMJ6nb3N^F|DQ zx>^mJN;^Q|j8>SLBlS}>tK*rpec*mujqBq2(5$ZGd8^(hahUOPJZm$OE^p0{>7JM> z7$wNC*|;O)t&_r|tKUxFK2u1iZyiNTw+&FRz9Za_cFNCwPDf$EVzlXJD)ng@QKU4( zG(>FX@mtzRyI+ksc-Toka&IARTDO@dS^uGrTfDJQd!%SF;~7=QIYIUF@AOPjT@<^E zu=$2A>edzl*c4U9ST5(lj@dLS`V)N!(%|xbUU_sZVCW zdQ&E=4tX>(JVo+_9Hv(jyYss%sjzKrx!cjTuK2vzkhV-{A;b4wdDpA{y!5R$Vc-Lr zB)*ce+w*8Zoh9$oGnKjR9fC2##_>8Wb4(xq6hg~~;qqONV7WYobvwIa-$*%xeom0O zlDg2#SPc|wOCWP{G|frq!6&jt;dtwl(u*~M^`lRNs%0(Y4Usz9{^(%jr4nf>>xpan zTp(k;KsFuKl|O4dqw7ZPyk z|F@Ra{jI5zte=~gdgap6|(e`A&S{*5)>x^0c5tj0S7mq5dz zo;YWUJ0y46%G>2i66+@&f|4v?ozf#=?Xhd(Ivp$ScP&-=o)V0*oXcLyf5C4}2l4T_ z0sJs`FI^TiaaQ(3wz2#R|IA%!<-H^(H#hyNhxc`UzH?m)wW}g^}BN%kBua=%&ektb%E%{WAR1 z^o{xq&cNeu&(o7W9kISNkIYuihT^~GeA8A7RaZ5D&zKzHis~1**ypD_NIMX29dqKM zrr~%rbfc_$@n5mMBwOeZIS>l>w^41>0*K2}hPO?v@H*86drAmW#nY!@TTUT3=2VM+ zvI^+y0UaKv?a1S2tS7aZ9^}{19Zh3G#JN8U$=}N{$D={&eIn2>}{6Z;Jt;P3zgzaod%(Eg)Vog%M#1ehH-lH5(vBt zxM#AysD00x$2Uvf?W^WIQSTb*Jc;5*uQx%j{3l|)`aqr<6^46fSfNR55H5QcLYZ^B zuzAH!+})x7pWOL9-jOX@@Kf8+Ip>s_JnmD>YrxA>Yze zKL^n7Z^ZW<8$rcx4z7MyPXP%@(AIFA!p}+EJlQ2ukN$Xyc>VYWn##<}r#A?V7UEB%$Vge1uRIt7(eg8EY z;F?k^Wj4f7la?)?aM1_z90UFm6AY0>|DbR|1T;s@=Gba&@#MoTG@xx6&rY%7VM{$Z zXQLi@zF8*L&0ZwFl{&urS{;Hhe^znK2|v-!r!y(f{7rFlwu}AM)1YjW1uH)oE2<}M zf+wrK2zT4&$WtbEhf#4x)W1w08}^&w)pzS@_xT9;;U9#ti@uQUuq;umsD+Q)|Iog? z-LAn+GhoKPPc%It4mP~h!}OC;JSf(Nul7@*`--s`yhO@vr!NMF+IPa*50Nw}a0m|A z<|g@zZp!ld)e=bAzlupuW$$!niDiQqOC2xG;^>}X*d7dt41PUy+khatA-pP*y${c+8XZv5wh^iG=X zf9IlDZQxdG0l+NHr7WVMhSBx^m$}1^(H5h-Q3Ekcl5QOWq(Owz}1Wdi38w|Ml2L zuUgGfFXF9`a(s*UdvO<5xY8fX(^@EMvNiX=OO22XQ^ z-rw8cU*Trq+2;zFm>0y`_CBE}y`0fIyd7ZvHu7&Y)G&p}>ERGt(y5-wx#KKrw zazp_)celnX(vGI1{#`n9Sjv7y%@iNqN`;F%@=0IEpQg*R$baPkTKDB0ICpbK>))C@ zIRBwIbJ}OpOV|esdPSqiY<*q_{Qs@r0JV$Gb3eZyzBxI)9)eQf6bO=WLpw zWh@&$aXPlGMc7z&OE_Dt!FJc(geL!`XcH04`oC;(+0xgt^KaJT+dcbXzvX{a{k4{2 zH>+d6ma{^)nC0}(-yC&pYT%>F4tZL}beN+Tj8*oEsDEHMEFX{r6^^ec|Du8L-#n=k zu15)6vdW-^qSotN?_ig>^;`SkAM9K6#_mwpL5VQVKD95xN*ZIhklUegRH|JGRA zC%;7w1AC#*szTh-QJv>$>2aOgY_|QQ3|9TjQFTZgq-{ILKJOKH&;)aST#}0=i`Jl} zjA6BJA`F{qitDGF3ma}Ozys%tV3Ks_eIaGi4ww8V96zK3R%Q_lL26vvZ!{g4Y7T+w zqlEr8LD=r>%9|c`hii8Z;p@V_yji;MgPK) z;~I@j?@wQ!6~V&fL^6K9R^rSm3hF(aII&V8+LZEaWa zdtb@Vv!)NO{H-O9)l8y1&fS2(?JiSW=_4YdvR z#j_cH{Ay-6Ec`oz=bGwOE=*WLd50cRjQwalSK-4)4JC$>g+7mQ9S7HPPstMsmHFcc z12l;%rsq{Jgq`Swa)}vK_-ZcCU4Ie7dK$v7??(mKt5YR5?M0gRC0i^jtq~6E=?KpM z>2vy_U1+VX!%Oy@V*AHE#djqKQE5UX@4vZ93`oB&*X*gs#`ib%W+Mx2AN!X($j@lPL5XT&=28a%Vbv3#aIjIv~-l0ZXb+%+yqsgyUei3}WcHrEV z-nh@q9}Tu^i}g;U;Hp6#SXI^vEs=?`D+^DGeXf5Xt%qZ1_M#pr-V`BQEtB4v9u+39 zk~*#**|N%|EC^7v5Vt((jP0FsMUSneRN5@@cHf#{-jl(2!hJSOzLN1&p+%}lInoN@`caGLtFnuNTDV4Ws?PuF;GG0kNw%suaFLe zZid(uW@I{QHhifGlziR~Xw2u$819t==XPqKV@0vB$s~lY&(HrAyeBN@8;agMZ-YJlk%wSyYb|*^meEtqUt}1i$HGQuzLoL}mboLG z>))3rFAql>sh89uJQDm?S3vixWAOUe5R8m|DQe`cqq#CK`AgA)AL;9pvQ@5pVwc|X zz``iZT^z-_9*z)jeGx^5Y@(MrJT0DhuMWOGbjRfJquBIRBpn*P9Mf;vRvPU& zO24;mz~`!-?0j1X!}CrHcVFCvrmCUT?rw++WA4%tRVBu0sxV^TZmCn`GN_(QW0lH| zoD&^N^E&&%wX4I?Ys^eudaMk-^e!g(qbw@ZR-`=zw?S#S6sg>JKjf*JC_>Xum zasl3ZlR=3NzWiU0SV2>JFeZMir1?{}(TO9L@ZD)2`2|Uw`3|0VD%=9KrG2D(rj+r2 zc9IL8ZiBppQXI5$4JQ4&0&8aV#@4nw)aBwN9;Xx~)Rvcu*ZkFCvxPaO#HPXjq3AsP zYW}}Cp0sGFkSHw_Y0y&lb584pL5PeiR~wk3#Xn+-udj4q@n*F%1XA;NBd4_*IRO`j836) z&9AgP@G@PQkt}a9M7|MtRU9+ZfOgFuENd24feaK#&w6#kdujf9(eH8 zXKrM@V=f2B4HrZF;wfa+E}{6SJ}%l~!G{`>=t{IXJb7hB<9Atb{@@tgT4Exsq7$@Y z%RG4b?2Bwt*z({hOe(N-Way8JCM!#;q1-f5zq z&f8I;*D(IPupM4c>WNw3&(qU&>&blXCLGmylDK@Q#0Zi&F#+o|aE0_aw|P%Tm4GMW z#{h3S@lc7~x4B@Njxis}+9#};tHEW>I?!`W6+Yb-E4h>VgSlCR*#33^UzB#C|6T6E zi!u(2VcH{kM@lm9wb0;K%M9@9=SEVRaT3_jhLh)gq2$@KamXtfew?qsyL!gTKHhZ1 z8N>VVFvBkRTq^=P%sK`KCH~ad=|}kTnF2m5VXXiH8%XpF0d zM@z2DAGv8t8R4Pyeat7AHtZyP{5}B66@&SJ?nGWc{WRPOPo-{}Gr<%j)^hO|LF=O~ zPVM`zqB1Izc1V!5Uxn=v&q4=S=EPW&`tvO8*UkAhA-<>e(Ulmz( zvghK9b}&3M7ruWB!*B@6wPFwd zAljDvRCLns$_56OJZt9$3h1#8KlXNIql+6b>fA)!I8@-1W0&%zA&kjy?~5DWOS_BQ zYA&rFhAFcP%*`NB2N{)!Q1kNps52I!F0Iu{jq-no7B# zgJ}QrIT`OCz@z2`u-DQdus>SB2&)jjx~*A!A1yfm8*;>$8zyuz&!5)j<&dqfl{~Fi z9^{Pd$H97KoPD88>Re<9+N<(t-wtVK9??Kk|Fb}&g{tV}qYYD5Ou}CA@$6Byhf4OZ z#<`ABa9Lb0B)7^z^~OhGT6bkKi?~How#T4e+b}Fp&l4Os48Vr{gZSz>1^Dd}NW(mP z;LH{SbYDFd(~ekxUV)xq-!DOJ68`Pb#7VLWs1#Lm<7~JZCRxypV?nVmivi>4$xbPJY?W_z(Syf0qc3v(-2&z^%Lqp zpQjfp&RkP%*QLs zba~l&O*nN`o9ss}77smlp+5D%%AbrNe4{&uck{po-KpGn$#8DDoX4Hs7)VU*L|*eR zh|*F9!uO+};Iu{#^~<UZ zhJd$nRC?P;4u&Vh@<%z)^yQTEp=CeiUoRV=fjAoNlIw-O$9-w~;pL!^^$1c7x=>>~ z%Z?dzlGu|x5k!-ANU80T4jg_ zCOQvl*JAy%mFOL7g!l7Bz~5@v@o5kTOZ@Euk2GBHW-9&-R!58bLAdr+1|QQjrgd(2 z#7-t!^jk$!+ABVT^$Yt$gS-~Tf9%iiBy{nyj#@ZtMi{OdGZj7@2`10f^OUjpg^=>q znEx}e#xqKNc!+sdmp$%9Lb%aX?vdt(x3YIt@r5o#~v!`V*c2%pQW#T;a{$Peq(>BqkDnFdJd#k*(c`BV1@cNmtcBh`n|k<(mPWV28$LT+>tF3;j|s^yNm{xw$_V>={n~O)ajt`cE2`*zU=$tc zl7lbJ9Pt7;@Y|PjsBg?RPKX)}Nr5@{ zEGcTvD6(2R7Df+K;2w8VY2`>w+#b9MhWd`@3o|2mf!bh5{qTm?MJ4b%9ZlHPA%+&d z_(kXMUWB!0CC}iL;qc+BGMn|*gAH$trEKv*SW{(6CO@2L$ctR4`k{!rkt29Rti(rL z=nl8CHbKj&Y)D=0iY8NE3O8nT$LQM=c<>TOe!gj!TkE0|O~$D4aTn?D+Xvq^6~ec3a>yDpf}d@4zT+m*0((@cVPrMaD-C0G`ELTfn_fX} zI~-t3{SLT$dlIa2Sb(pW?-q@g=5yq_BwSH30zX9r(x82Z(QtmS+|zOrmzKW-i<%T} zle#8ntW|mW^5a+<9gZj0ca`EuNw|K139|EEI6v$*IJqojv!3?i=&t?I{?jyU+SDJz z{u%Mrf&TbPHiuQ8Z=%MT-Qi}A9?`F1;?H0gI{N;G{FGTo2zT=2@nuz5($$NH=b3T; z=AAgAM?E}z{F=^seV2ROa*@81uVK@CB!|MgH2=$as;IPpcc!!H&Gxl;b;3OQz2gM> zkG)RYpCLYK|0RqZr-pSC6tF||A5njg1@}7Vg*$8~u~+PQh%0l1Eov?FVe2a?&oB8w zcU8f@Y2I9%9m7S^J}X?=4ezAvq|Z44v{Yur2gYSVw}QVAJGvEGa3Q^~k@~4~E`v^^ z6WF^--WA_8UTwEo=((UCs#@Dg*Y*@-8O*8$V`G(0gXnQUD4(zfogtn59Em)ujOdsDjLr09n( zgXf0uq+O@!VTzyUg%RUT;NHJMFgRco-mQ*+Je@6YEO3l)XYUE@ z)whYdWlF%GYGdlZ_K)D!kPVN%ZG-1iwv)TQ7gT6=z=Ma*&?{3leEID@bXpLBt%a_5 zb!#uMsd)&d`6bXh%L>|!lu519n&VVA^OU%9a*@89-6hXM=#u_4U}%`=H(?HVytU_H zYQdsIc`h|;EkuKm8|2k73$G^*MeV)m^vp5|ijT(OEso`8n`|EM(22KAnMtdr`{USO z+qmMa4yylaJ}R(Dg>iPuo43X0nYq_Kl2g`md(8hB*2izk$AWjuGsw!*E`RF7Cf+imxW* zlCIWucuDW!>MBXbGo=idyf>D1w=?1N%z^xL)Po?vgF;G+8MV8Es*!WWXTn0s%cx!CO*Z>c)!}nibfK zEpL3I+@4BYbVCN2zc-y;l9(egLkd{8)|qpkPnUblU&dt$lPF00>*|cM1wOQM^#u8{Yf|sFC>~~C)8aeJcEi4~kvODuJWfqo zk8k(<6pXqL#5n8I!gndF9dB$VHpVOPvolYj^^YwFTz>>_U+Gdnl?#5bJwmo=#c*57 zsr`HxOH=CONgTQG}z`iIH=!;fWDJS#qc0LdbSxdCri%=6F4a7#4`6rQS+d+- zOu_5CIHqPNc`qLi^DjK55{XxE|Mw~i+AvG}>ya;UWPVZaDg{o|Z>32a-wE4ReS>g` zhthlhez{4rig-9IhrNQlczqjiwZyMZ-LinEMux$tMsplG*&f|~#qo^&L;0=jKD8@) zV49Y6j`!XnHm=B_O9!XX@#;1>6Ey?oFS$+Tiynxpwo3dF={3b%hl-oYEi}e+5xR)) zU2ZIr$vl!pirI;TStAOdgaYLEqJ$3F$%am;66X@u0cO*FGzl+ zZQ`}bcF^|YieR!(8_O&WPCHI6h8K<1bh;=R-}P?bqf?$itwWLcK<%#3I66+S`&AbJ;r#SAVZ6j7m_FN`_njC)OGaD41iR<-`|D8%{OgHB zGk5Z%p-XA>+UZip%mL$r7E-cfZx#mT^W5`c`00c>eogg3*}eoAd-Mhsu1-Ss3B-6U zeORRQ2h=tuacF9Q*k|roPO8`mr{)^at=d4g(W{531j(h+IfvT4Vp&Dh53hV z_+U{Q^cwbnhHw8Od7{Q6U98aon=J8I(FH`#phk299dGQ;UB?ty1=5-%>k z1g>>0G*v!|FT1;;v%f!l3pa-=;lU8ECVf9z9pnimg}7L%A|(9{r-^>|z-dr59h(~~ zdLKy;m&;p(fD0?ZEAKnRrNpvH!%lJydO{B`KZc8D6Y!=>JRCVYfa(UtV$;L|5Juh= z-tSkIg|$r-2ArOaZ``ywFHA#j?YN(>Mfz|=&JecFi-q37nmk?my5N=f4njUolg%?; z#(jJKfh}%2EN?wSW9$}zx_uU#zES4fvv;A@a}KEdQ0MoZltpK$KjD=sWt-HbE^q#2 zSoq~NL}kq9dDl8gHPy{fKc|c$+|+Qd!5OM#TfE&hj&yTx(6KG{yt?o;E%|hmWA9#v z$d5ZA&}Kh%z92&HZR)&XiZ##4_P`6%-jKoLLcY~k+Lg{+3A%mb;nB-V_}woN{PVnc zfWr`sN({i#gpbt0;t?HJ*(IKg(#Gt{o>G5H8B$b+)6!XQ$k=lle_oJEIxcD)nK_CT z!~2M@dn|#ZA3a1>mqcjX6eiBvlL$pC_3?_v5G*ghaLu8e^t{vV#&GZuTk{&RM=C#7uMR3;+nW33Ycxi71A~7 zr}9IJ3Y$xPl?`C{4}aV;tccc|NM2-LHFO{Kh^`EY<6TL=A@zkNf0fS8TQWX~i%kqz zVP=@@c=b_ut9Jto%J0c``wBdA6k_$F3AiRga_(OCfQZN-d6yqg=ww%YST#!mP;mzc(@_Xl9 zvGMwE@%DjLc)GQmI@viRCaZzs414swdrX}8{EYl)UN>Q1$snE=FaTv{sqpZeA8JKM zN86jCwqb}c_Jbn0?GWj%Q!#X(V!_iYpTX{1J1FaI7^BWq^#3HerA)sH zUD7Q?r9WDDBt%V`;ceu94jDN6Wp94|&_>WrX7Nc`R}O#BpC`&f#r(ucyw)j$mwz#n z9QQe>6d1s{sWzNom4sOXmHG99=^QYjM6mm4N)wh|ruin${P9T!?=xNnzHdKJz2!u- z=yrg{dO4!)B}-iA_!YKg^}(_$x}dQ>AC6QEl1Fb8@U3AQ?!4!RXFL^f%IrA7SfeBC z>)%96Y`25W(LtQB^(KAj*g_|a74hG)^NH^mp zb(?5|UyNAetHqa&EM?ar8gRr_; zhTHmMN%I?F(y%h=Iw5eEv}On#=Y@TwJ+JzrG3?V*lRu?AhW?6nR8Y`~&gmxMi@{&0 zro9Z7kKZ8dninhRSI1+Crzu8yPv*Wk$KhYMy}UVO2p8-!gOo1Ic+IyhRDQLm#IC*w z2h3l%{4P_X?@va;zb;dGE>jnwA%4l+p46rpP8DqhjepWKI~!OoXmF|6Vf)cDnkI?t5w z$S(_aQv3{l(hg&;`*2=Rp2FWu+Ua^>vRHB{j%NNaK*gX|A+oXx?wB1EV&b|>_xEC% zy2T5a|8606I_ZFy3nVYWu4opLgCJ`9R2-i73|5{n!hq1zpb?aayHnmnWJILk<|}1w zp@%rv;vvM;9uQN4CAMI78_nL^i5zdF;eEFCW{Tp{#cC*$Q`o8fI9(*zFppfsT~HP=*=`2jPo zjZ?&a6)_m}Bt_J3a>I)TZ4g+voXUf{VNAw6VXEXCN?e?P|GhyT_&kJCOfS%i1y?{` zH9^p|Ocqs(6k&hLBJsxbp6qw2P_Fc#3f}fyKx_I2@xZfvKxI%q4e6MVfpdOSwX7p0 z)Z~g2TFkJYWf|X&ROPqZZo#jdy+ZD`D&ff8Y_ZT%a@&M%mUqow3#W4QaD0$E_xdyk zH=f);V}HECt8dH&wc1*E(GOVbnj6n|&n5MS5vX$19*1pmrD=jLzUw=i*4^$VWtvj> znEz3*sH>&@FbAfzL`n=nd;Ai+6`m-a7Jr#!iQh{T`Df@)+B%||bgO&f@^0?fXZ=0- z#s#M!ri&f^J-L;K)bFHbGl1lu=1c0v}<)1 zxwduW_Dn-8J$RI^q(7mGgTNj96<}=59qRXOC69`~C+Y|Fpyk<%@ZMB&Mw3i<^?eTK z_Lkn`#W&z6ZO2>2X`t`ESTXvMF^_q7i8d|#L(LbQrGD*J@%;Q!p+~`RNc(vV{(96y z@zo@HwYN+-By_{4+TTg#U>>Y2SCDq7YJyo&2XvJErOY0#WVCk*EnM-CjJ`KR|G%qg zW}jc;!skP<(BzKzpF=HSViB!~7yurXnWUkx1ZPRV>zF4xyf34>Y+|n(SYz3ryzY+U zE`l<@8I>=-eSKSuneNY5x=s^Y4(szYw;Xb`)MjgWZ{clVCh7IriT)>U0eR|UsLwc@ z(m@>#j=L!oY>@8N`zFwcn8EBNPsf<^r)cOXb2h&5gLu#kel_2hRWyb}bNe0IWfhFU ziGDc#{#MyshwkulubRX%Yk>JKVd50iaG)`oqR!_wO4^a{(q+OhE*3AsO^-q1)I+*Pd_W2J;ynZEbEN^2?fH`F`gJ&VoVdxCF7b{1D-MJlMu7r2;W;g7qm0CkuU$M z7^9yhHonf{)SnxvywY3{BWkGbL7DJt^fhru{X3W6OIpPK8gb&_Zfht~I!BdrvzYmH zA$~tzK^MnvB(Em}xhzAS{=Kb6r>P6MuSE!IoZSm&ea>UF)lz)7cbGW&u?e=k&cikO zCuEyG$B6t>`rX({^ToZpXn1TIe804Wmdf7=^Gr2(Yl#_5kQkM-=O*%-A){#Q-K`YV zb5BL$Hx{484dTnb*J+`XoW`&C4(YC`e7I_e{KaN%ZZrK&h2O8s94bFhruuo8aD|h? zdW#tJ4Iy%VmqE9bjtIBTyWxy=x5W0n#_04dh<&BMeqRrg_RrD6z+HDiRVS6kWvXK6 zrgQM@wF^94CeqEQRAEbW08Xswi&6c)!hr8DgwE#-xUSF?!apm~mL(ySQ)n%mb~TgF zaJfu<62rJGU6lv74&@t;_IG@C$gu`wc63Okg-c}(_8>tW+yO6vDx$1;Q;41LWZOAfxhfB|yQb12OGWhDFFDzy%vSc79TZ^@MJXjKaD?M~ z!9H&+#eH|dkYq)g?AQQV8Ch6;?IxVF+e1MkhzvG%#Lx2wptyYuG;Q!hCmVZuH#?9A z{W9fVE5>u~dVmAlS8`Qq7xDf(CkmE&(#v~Iz{Zacg^;NiWz*&~!iz~aMc>9DY;o3( zukbBeJ##ou-mw6*##F$cz0q`Uk1lo#En<}n$rm|qJzm|`F3$KS%_=S|;HCe(@y`2> zXgEd~-iqo!D}_73$w+EwOsPl=UV zidoIYnxitiV^Ba91&z5)%1$x-DSSO&UarD@dOV>qMoFA;`Yrr(EPzWN2VzK1MO^t% zfjicW$Gi(0amV+bTpG9(XI1ThOBG|-FMU4zX>SD|CqHak@6O)4KMGGS%n+RC--Cwi z8rqz{TbOls5%vp^p>3~N7&vA>oH6y`X^W9IytZI{m8oQ2RWB5L`30_yqw&LygB4mn zA;Oo9lkoKzCeMBc`3Wr*`hMw+!zSiXut6|5R{26i_63r+XkzH+Vfbm}G)~!Z41((9 zoN(bJ7}%O(k^gbg)u}I+^k2%5JrtUyS&c$xcWm6vwD_rYs#6?jAYN;t5hUfR{{Mm|Llw?0SwGd-vqJ&|-1F zdsi&^BXuTmZ_Gx0}#A zv=EGbI&l6X3%(T>3?b1i)Zm2!Sv;T4)}=Q9LqUtFQ=QQGKxrZ>1)=wY>`3=JQw zCiM?ltmuD~zjj&d0$xlCd#ebWLivotbwsHtL3QJym09PrqdD+R1vRYrHC_mR6Rf5Ec^~%jkWsIe<=8aa3>~a{WAYCrF1JPAEthsM4t88H^qFjr=Qes) z*Mk@54aY|NMnSghCnc1x!zE?Wpj_*Nn}0cAdE6v+tQkRLyM}_{e|EfUNuA(Dn}tn< z?}P%M?cDsU6GwedqWgQ?F|}`Z$o{mHdRr9XxD6TDZ}Mb3yfp@!E2Q0EFJnGDzbE{h z=!J{hlo4JJ=8v8PKNMfni(|Foj_3E#JUdO;d#s6qVpqcbPo*$1N{cdkofqETuHdd! zn`r3=UwQj(RSb4I3}rqhcsC`FramW74D=D^m+8Q|hrQVQS|4Gi*E_M|sKjz>o5RoT zis6anJ3%GA8noXp5pRZ=ai+DjBgyWCS&#EX(_u;cv1Ej>d3%jajIb9{-@lZ02npPz zyp%@8Zv>+NbsAdm5}uW=guAPX(WIM;&}Hrq@%niu@M}p#-&bqVCBqQ!&KZY`2RrcA zDPx5}bJWDgZ@$rFr?u?8v4OS?Nr2=h_H?~0P0Wt@O+OrGa{Hhl+^Hn(Kb(R|nsxEP zj!nW>Lxh6{JxT9bN4`GB7L|WE@%)cc@83z8)zA4s<>h8jylF#o+Or`#V*w}EdBF&G zf%Vr**~LRIccEFB$)vFOEv z3a*30)^Z4*dRKfo;5T&E8BMz{s)Ogzqh#^&86_qdqL4L-m5wO#!Pkw{%V-Q-v5ALE zo1MA$tFhGPau|9&Z<9S)ro<<1MT-s=2cUMRFGuLa3s=9za^i9m{4>%WZ`h}SNgim2Fu2|LyN&#urXYZM+fYX`yV^w{7Nf^ zLW0U@PoMk3!cM&~p*oYcCT)cD$5yymXTI2Rt^>Ik<-(#RJHW2zNSgPvoYr^R#6H#% z+dyX;T3ElRn3jG~K0b8{MTI{Vr|IN?rqv@bdgnuOwLx?$9? z;JSLe(D~I6zGSnHYOd_3(NZpV_ij(T_huP3{|dySUf+bOjz#o%)vO?*c*jZz{{Iu#}A!o)vQDuNB*uNT29^{DniigF1j-6Ol z>Z<*ve$h}IzRytzOd1rWM zOEJ`GMv<4Psqkg$Ffa^qHc%yYQd)Vi2Sy>R-ZIZmNTVH@(Lm+GaTgx9e^}>!q z930s_7c_?q=kS1o!f4q+yqVJ?+H3UX7n3b9V!bJrzN*5-=L=65#G|*8czJ?MwAp${9QoBl^1HPQ2C_QQI%p9stJ1)kyA|*ez6z;t`EEuOT)D={co|P9XU-&A0*Sez8n1jOFiJdWFuPU!y*Cy!q4Wq9M%(y+b z1(bjMN579Rrt%4oL9xpcJn}adD`F$@`#>xBV^#@HTad$*%khemlrvcS7~afz2&3vE zvEH*?Fs&KL4Qb;!ew#1ZC~O6dVl~oL@{y(M9_0d=8;x?&#pxDBprAUC6E!O7WRHn7 zZ)Rtd+iidqCcB`6cd^90mb}!aCt=!VPmYc+#i#%J@!5;M{8F<&>@e@l3K_Z3?}Qim zE<6Fg{=uwgIENR0T}v_Vw_~&zk0+ND32mXF_)Rw)<}}p{IzFB8ex4OXdIh7+v#xx7 zpM?;3cp#X`mPx!UGYp+yPUkOWL#SI%_%zcS-Li~H9v#RNgnC)=wk9Y~QRC~As^Gs> z3asIlC0{z#6xTNeQ1Ayso*ZUM^=cAtZ(euI`)Ng;Yyh{M2m#-xYj~Z5r>NAk1E0&> z%23*wihOIS`gg7P=+X#&>bQw^`kkX~Re!0&#VYW!%SM&FiTJpmNPP};#EQ?Gpysg- zd!Mey|7zdRPt7R#hG%8YBL?(=)eh-6>|HvD8~#$KqK#l{hG-JIn1`(T4O?O!2p+=! zb4KGZ-Sm%WvQUTq?ux~QMr*-oj3$^LPZ3TJwBYk6Z;HNxfv7`7ln(>o^ysQ;Oto@&4%u zlXfc5)<^F}eWM0snFG@SxCzo zjsAVcpp`=*9=NOo8>i{;;&pFjD*tjJuSMcdjcTH+@ zHw+tg8eM}gSAaBj|IYH>8+4mty|_3;VuRm*$$T{4{OMyQ}hN>@BI$&LLQEO>km z4f?Hck9Ist#lN?V01tY?`p8o8R)+!nPF0HQpGyhozsjvvdGp1Lr5h$U61b>-EP=gRCw zIjk|&-dA|$%qqN3lurSn=jebckTRZcgA zYSROv?}JjBZ}?NbP}>;Ye;M(wo;7rO@ftXie2;2$ZMgK;dAjn(8q&sm6tuS-#aDeA zXyEDN$%>Ue%w@lgd-2292r!8o33N$fU_Pn@ON-tZ z`}7SM9F^WfkrfX7FpApscDp?MeNB8;cA=Y)i9&|Kc4-<5|58kV0ULj-tn|iJh37h z&tEadjn2tj*{HykrK-5%vkl!JmI2E&`*Zxi&ip>`KmPtoU1ARFaNCe)LWd(4p=Im` z_;_eEguZ+vyIxl-jM-&`E5wi; z{V`$oEm-ky9d=U*=a;&+@(vEmv8ZsTY`};AFhXCX!MW)?{`^pE9Ba#7*K8ooN)PL8 zi(#)>2J~onEZ!a10NERwsZzZw`?~Fhjs^A@@3|k0`UlhS=D$>@n9e3Oi*S0sM)-Fv zME<~}GkV{7F9v6Cz%50YFjCf=&jn<_xcddTrFyj(cQ2e@oBF{0fYb1yO{6dz5Au$l ziCKf&z&~j#`#9_J#M(GvT=;sy`||;=>F}D0p4H2;eoufCr(`od7@Ah}}1Q4nVc9`Z5$OjQO(yzKEx|;Zh zGOV}aj_3=r2lcOLTHQH_8$XV&8+qZ9(v#4vaezGg&Smd^wKVRXH$QE40H?*-SP|&W z(Leskt_(54fzO|iy2Rg2dfyq3tnY|wF9)*6r;B308_`%0_?5Pu&!p>f-cpe9LF($d zjyHGnBC8+nbn=K2)?NBZ6?S&`>C0s@d;Aa}q$ItI7?$QCL-nMr4$Qo3iV z1QDNrd}6l=_4KR7eIB@7tL2HjiaE!4fsRi~z zjmSm{d27r6#EnAPzE-jtS4sy>L+P&0OBz18E1w;FnL>1@z=+3#dBoi{)Z^v>Sobjt zrmR*$JFT0Pw@wRgtg~b_-CPd)+fDqdby3_?`v??fCJJ-*MWFRP53X_eMYap2?o9_v zREu~AKC1@dx6j8#dF~4N*>TTdew7OL>rzW=<+?aSr!Utis!Ca?t}xYk6{oIQglpEV z#=mD2dFLH_c~e!HVEmk^kD>|&=?p<-S3Pbq4&u%u=c94o6;$cB50-^H$|rsB7WyTM zm@f6Uen$@#Yaf}@2QLHeb!U%Y`fx0q9C?&37vGX8-MNR4TLN%xL;{&fGpOS8f2qG) zDsWLL8eVS`Up{x1Jzc#5-TssI@#aB%@3sJOcSbm8~ zhuVBB==*RT?E7*G>Rb=y_*?s3hVNa*JrW*)W9vIo8)#1DkK;rIzqR17QWY-tIYwT# zb)tjPRO)^_lFl6}rC#rz!sTZUq)FOcg)&iQ+BS>bRfey;e3lMctf>1&`S_d}#VA zKHFzD(&|;@pSMMxw)?WMu-zK1#*fF_T2X9N<-|A2&1D{&io~S{aaSdqxkaYFz!3qfIUw!t_Dpk?>hrKj7=58U7?dq$#MFZA?FAUn>ALJx>1KL%I}heb zXaDOS4sfoa6J`q~LhSp8!oH~m*vD0ahs?Z9`EMMAoAK^4vm8^poqqyNI_vS}$FuR{ zh!SCZt|0x-m83oHxUi;PV!?*ZV$ZtaRB&4vXYGI>Y9h!T9FUKfz~-oZLHxK>O7LlsEjEyz)y=`e3V$W?rFE=DjDc{j*2fGiE_h;%*3c z)q`I#2gOV$$t4^xg+F-J!|H{da6{%yH2Rv!%ERu_#^gU@_mWcbI{iMtCS|WHnzii zk0(Mz-><@-F`wvP1k;g`I#j4tLcX4NsUc4lH>!8w?dw~l=d5ykRoxwj!gh$Ctch#a z=5V8D7ra%kfSLn3(x7LZ(e;T9ck89Xp66qr<7*Y}?5T+B>&}pUR6oq$i5S*j2RGaq ziDPQKA-T^aY#BTm9Rux!9xuo8@U$%I5_*PSn@YT%ebH!oMFvA`RtPhFYHx_=~ z3ooq8P|Yhx7;m5qX{!D(+I0>8J-A;y7o5SrkFFEk>k?qmS6yL{iVu2NX^4X_gafp8 zFNaBIGGJ)O z80xBD0a|BNu;`v9`FvBLy25|3YO(`2WX^&u1_2!6pCz->z6rOcNFC+(dC)W}1vI3N z(H|=#el~G7nT+YdUVUTXZrBI0_54QY*INfH{5uIly;kva<3YH+&m4MwKS0XccIP8g zwsD40Ja_hqC;J}d5ZZer?fPxXA6}<{M!ErPf04+WYFpop2v4C&44_we=hQ;4W~ z0-pmPg3I4B(#w{fg+lj&hS_MC<*->8(sw-xr|&{u?@s9U<~uC&eIT5@bz2Mx$P-^S z>)?XlpWt5c91cCVA2o*oO{f<5sfj+_Rd%J4G8w8&ok;Ev?h9+*)Z)pgXfC|l2X>zZ zVZz8P*qho5KDykb>m9y{dqdarqKDo*q)%T6y_if_{f?6N&+Xz-`$Zt1--%f+H4CP<%q&;nf#1bDLiD75| z!&&N8G*Y_M54d^<0uuUDN})DiTH^pu4%Le}AM&7kV}WqeLUATJdO$faZi-mdhuz8*qK93s?r*!VfXU#Rl!o8dD)PhYAA99`x zKdVBgj1(U6$&e4(WPs8V7Z@S2DLNHChpu6+pr7js&x1_xx_KvPa`_4+17a|7%?6&M zc1(2ZsDmnnez!rwJebKRK#6%VIfbs6|@Vk-Sudlv3VVRB#X3>wh75LeY0 zaaqJps7Xzr{o!R|_=AnGN8W*3JJ>>DQZF=AOu+W&1k69H$dwYCv~TS=;i{mGQT2Cd znL#q7Z1besU+0oTr_EF*UoQ?+i{;R`9JC(ljBB20;>0)q@tDx_QZ}v=d&St&!(+?D zVxMF3x!ttTwTC6ByHs(Zg(IDvpan9@EeBqrJE{Gq; zJ-TSg!dtSz(3NRw$pY+lS{*s$lur|_Ud7ry$jSR8j`Esk0d%lh-mc+0+3ILmUJCyl#3;H)U^zx%DgZGA)KSzpcg=D<{vqP5hb84mmZJ{5dbEO?i< z3_IS|$M%?$koE8v%=m1@%hxo5e{6qLQas2-E3?4)TLUy&*U@gHNbcYqNhd3t;c5Oe zGKhOC?vLxrjX!lrC%-E$THFC|{g^?S7K*%d*K=yNod>Bi8Y%4PRbhXLBJI5)`AgI0 zkg+uDGW73>i|<+BaVHH5)sd_hbxUyj9z%@ptH@&`6{+L&T`(=&ku3AilfukTbVUpz znP(piwtEN--R{Ec%ikz3;I`1dw*)4puS8d~w~(nnfj1~0pyAUV3M=N<(8B3fnB%LD zPPZGuu+fcF=Nhnbd>kk2_ySMc9>}3u6+XLtptDmJa(v_iXnMCxOm`_3rCAcsnsore zN91C$l##tN?uF3!U6~vHEM@;i%gL)}J)Mu$MK8@mfc*}m(S;?nAiWruo$LUI7wYoJ zGk}AGPLt5;kBfenLhXS{A>}_^c8=>UM1^O7d$$^4klPJr*=0^Avd=eJ;Ejs(_1k>jUg@r1c}LXy(1| zLdpe+$A6&*ez{c*fq7qH@7wzjGbcgv{w#%et_Cz`R$tivGKVZML3r2t0s4+F=8rF> z9E-zq$SW^oG^iI;;*ELJcy%&*^uNxoJRGa-ZOdE;9Z4EQa!7+A8TNW!sSFimDp9F~ zC?T3og9bv1Opzgykg>>=y`C3E2<4PiN-C8jr6`G}Z}*$NQ-6Hd_4~GKUEBNG_kOJP zuD#y1o^?O>GZ|tfv*|7YF7D-xIAg=u3y6<%w(`C98;tczlZ!#Su zp5yC(c=4FL@6yC^>*LAb0u6|KVMeblh@kGr3Fz_z=*+nQ$tE(W_n30If^4X|pe8)r znnxWLYJh1?Alx_*h-!OxGaupx$&Cr$=+rP1yeuY3ZY}C&P4wTer(Bb9dLb7`%dH)E zIY*&|U;K z*$Lt_y>J_2C>Gneci? zAtNoa7oG>bBr0+HNXncubIt2q%g-NFfYMR_1st*eGELDmNDLK zt;Fhl4&INBA)1dP$&@KoY`=vjrwzFu@;jS}RrWjba0U<89z9BfRVRYzI%PWR+g=i* zb^wOuT}j!xR-&1{9{w;{NjWhE8mi*R%>6V#ItQ+@%Y{C&*Bwj<6IMh&x3rRpNAl>j zGfH$?$9QyT{ao(o(?g%k^=7_BPM|IKrjQfcu_}Y+Z`6iSYx<~ZLj?&cnhLkSchNJmx8o#M!eD}RD0Yh+2UcQ`)$oqy_`RDkr(_aF zq}`yIVFW_>0$A{6gg{vVRUZ5U?R4H!$GM?&PqjZ>FAN2uiPf;0YD~C7`l|}L^?)5sKX#aQ)rT6|nMdM*r{UO>yBeNModUU@=@6T{leSt% zVN6sek#m}hDs%jaPDmY@b~cuZ#Jb~zoR?f&y$)2$cwp9;rRFW z8Ru9!f7N=b@cJNAlbu1Vo~P26nuWwuAd6VGm#_!>#-W>+5^R%`AjJo>=mxPkXg(E5 zWsf>C7`PG^KN=0YUx|V27gY>s^#)ZgK1Th86zaQ{Q1|o>q8NLJYH;hhsLmdChI|bz z`Tm5)SvAnkwmpo6@hi4zeGk($`77C&%CPPuLgW+Ag7np_ghS+-!8aXWcwF?I9PP~` zu6--e$uAhPgtu^g@EGxb&gCV&D2|q^wjeWQEOmca3a4AYk=p6YP|-sOwEacVI%7GW zKB|D5Y>GMUZ9UZY4K%pXn1f?iG2CKiDomJogehuM1H+sFX6r0%+_WN!z8p?s>bEL` zcvLT|F1-fSGXA2v-P_4nom%P}{gf6Q90v~bjj)ir|E8K%`0nUoSh2jE2x@hczuW+G z)f=c$)>-Pg|^=%~aJ(n-ic0K;4J`>cAh@-Y|AjAgRqgD4f zqsyV^X^*cmo_$X6(iIEXyzVJeUHg*qFLV1n+Pcu>wivf?TC;sSZqpB3oJfh-PI!|) z4>E6lBn2nW(fv))=)8I=`8I6^ny3dd?#H)6rRhSl=%^=SE>%nm-X0}0y}j^F_d=t( z$bMoQD@Eu3CXV~E+L%j)0cf)Q6p1(NVsEGVL3FPT%2zqSvd1pe>?uHcTPViyN8y{h z(YSo^44khVje$zOP^P8=cvuV*3dDhiKP2ZdZ*=Lk8Mq_tGF_>12}^Db5Yv@KtiUc0v=fqn=8W~IIP8q2 zmAZ8Ltsz#mNsQhtT!R81UJwU8QK;XdNjHAez>pUsG|ncC>G9CP%3*>_&J@v&mcN0X z-X+@UT1?059Kq!V;%K-34LP0FOLjZTRD{o-g1#f(WWDb&UEie+svN(gYrUP(RqGMr zXuk``2zHPml}ggFe=dRAMEJB=24ml7VSX*AkNW%Zit|m<*litxS=Q?3f zGm*mYoui4%aXI3eqk)?er=i#CKqDuS!^G&oDr&h#nbU))Wll)S;@*iF1t;+kAn zA-qD4XmWYt_In88xUM54_2G9$r?rOGk!>K7WX&e{jfSQnPA98V5>u7cX}Fddh|e>o zD~?=bgI(vL#z}n~V<3x@!tc|sq4_l0;v%_aC{D^B7E!6WnH-nd9(P?I;KoaHlDVau zt-HSg1+IqB_Ai&{m?Be%ak3$rn;U7(;TafqLJ|Lpg{O+zuP&h9{vD7S%ISii-2py&ws66(+(8ICdTAPHaU>CA)~%$tN#+MOIrDz59%*Un$b+Mw&uqO%zLzsJ*O z2O?p=tPE7^&4hKXW3fjrgp5y71uJDsy7}NFlCZBDFZTE{S6$7SS)1MQcykg>OPq`D zx^bj%LoSJpx?T*yy*(!*iG0T-S{| zHqO;ETPPrK|6T!4K30;iBsrURLf{bpc}_Urde+yqFIQGz!4VFc>!m^@8S(I#~F+9k5mnzD25`tI|stJ19&J%1wr*b+5o* z8gcZFQ9O^Jb^;0Q$YmGjv=?e2YLXCi#O#E$MKu^cVI{_8Y$MRxf>J>Pju3agN+mm~|!#(quPa zF6TElJ^39czRJgn<&|LZVjOrM38M4T0^yKC6cEiZ{7p-*5bx?vlr zxNScOncdtRV%1ql+SQ3`RL_wIs=d%=l7kP`DYv$~%($vv1JfD&3MFG%m>N+He>QVk zxhf%;EYm>!1NNX(X&DG5cX0f)aBluw1rHKiph$!zoj!q3)J!n0Y%->~4^!K}oY1MJ zj`9Q4pd-19zS2`5aypzA-31X$O8%Wbkgo#mP1mtl^BFuzE`Y#szf-eBJ`7Gwgp$Sr zRJCj-t2AcOvXX_k*i9RAo+r`c>Q;1h$qM*xeU(fdr49Fk?%*~NMJRPVj~#Q)L3U~~ zDp*~F)kE1_Y~poH7M_cTqxXVzkO0b-Dxq0T1AH-#g?F0==!6ruFvQv$Z{Cj#j3I@bbICrwE|(7xZ)0M8V3i=UY| z$lv%JuPG_u(n-(B{D!mW`iC^6`M#qn90x1(@;>l67y>mpkKw5M8&2n@7Dp#s1aU5Q zz_w5To}CUNo%`I;(npokeH7$-ZXJZL;?rrrgfeE|WARlogWFQ?qjTCMToio#InwQ0F{ zl^2ZCn~s6+?oV`)8<#uSd_OcqO2Qp~Rs6hZ4c^_m8q-7rFs-16cHY#7c5N}kB*{ZS zAAN&!rJI@8779?4w+QRU_kjOX&Ii1ICcfVP8YNE@pisTi~XEN{#urO7aly zm8OUbD?xsJCwfPhqJ`ZO)Y&12zj1ZSkrlI040eOPCCo zI2`O01*P-TE0#_B4a{27F|XbPsuRw_DouBMV##7x@k~fjJc5SC@#NCrRg}LZf))x% z?4H2s*us;*i=z)?#mFnnyYms5ZAMsn+7GVZ2}k`*Z|Wspi1$-;sPD~qYCHA{nh9-( zPT7rQ%k*ftxqm-0&RJlbB+PG~dKsF&cB9_XWZI!I8J*4UqVRQdjNLti&#zUJH;fsK zQD|eOFB*btE2qQ5=_PY}`Dk!>D{(#}!-K6|xO>GX_>l63jIVJb&WRGdBV2s!$v2v` zT*@2SLyy29ER?!uUIe~d2F|{I5@+fb!dNceMQ>mSE>hHoBuQ(WMbj}PGX&b)I`I4B zc&xgi3lWubNsFNbw3IrbM_3b1kxPe!LLm~iqY3qUveDOWEdSz=7xdh-b#Y&NAh8Joe$G758?i^NKEHR@G>Un5$()LAd;Vr#)~&1Y%!p= zvZugEtQzI>#*(Nub*9#rPi|Yw@myw3fMP>oUUaY`bHvjHS1c_?5p5CTquq}78$)nS z)1UC@eg$p#GaPmX&!d6l4F>WGUUXo%l?m06C3(E|UH~qxEn~;TBZKL?@Lx)I6 z;1uMqjUnD6ufZv!f*V8Xp~;uisEWwN!8zM-RFez!>6r>E?nz;r{3S!rcwdfpa}(c+ zl%Y=7MR){J$CujauuxkMw^wJdjgn({()&elIzI?GKRBpX`O#LpjP9zg@Z>ob}L_B;l zbtCB?8;wjKjU)U`=4iiOmdlASOpcn$Ql&yU(v@2YCNtmQ$Khc*Ij0w^BE?Alts~gH zI+G4wltas|EbtKNW*tu5!m>(dP<(P6Iy69d88FT@-Oz@C!1+ zTB3e`7-Od70^#OScvmVFf=;j#1Ci<~=7PO%6+D*w>TV!VAelGMqE;@|-%va-b-vW5MO zymFN>_tk8ALU}&vC8E6DNyW&PT%b3;P9X8gkLY5KGwCPD?Uh^>rNT_y9vb%!1ajqv6qV3!LU2hW7VTq4ALx@(+IlkByh% zO!ynDxAlb2&p0k~CXcKNrs}i@vAEkBz9aP87IW~uiN;r zyUY!hC#KLdLq&Mb^cna>p9V&?oVa+pFg?@>TDv5{GIaxdnQu)jP(A||^n_w=swc93@)lGw-LGVJWlPJ~h9`0BT>K%cB7tv;FrGUl$# zQ>KX|`nu7Vcdr5JMiMWxDD1ZX4h!}gq)39E!9H56wW%~F_1wZ&jdUKPhpe}U{47u>#ZH^yH$50kxL6Uob` zuw!i})z_YbXZo(A&jClUjJgY*#RFhIz5)B4r-6~(1vD@8g>C2WBA!$R-M^NA^wTW} zy5(eK+YEvmx^k8|`f6~)HW(?R0PQQR7*0q2_q z_`$ddv-9hznpZNsJlIC|9ob9sHW`5H#4EUKsXkbK&V$zLu8{3e&9EITywxxz7e)ob zZri$wfj8xtD8Mojk$F_LoYQY*1!-9CO|+4&L>bGE z2-%_rPYO<`l`*3qClHsbjTMzU8o=1Gk5(LS$Is91QIQ81an*$py5LGSE}PkiCaHzs zl~+Xs?LgxKbuzH*dTC*ndijN1A-sp5#eCP#S zA8LhKjt4yE$!8K9cZSo8_JWB*?^p|?VMwk!3>m3aTn@26h@ksZ&{y`Lt%9DY^+JF@ zjoXhq&>sPhr-ndt(-BF%+ zt}5?x#%aDlzhWn9otn?pfwL(7i`~fazhHHK#R`O-vj0a@ zaP9E3-InnNKik#)75jHzHu=>AZ|K9h1##-n6f;IRR`{ZwZ{%35$uj zdYP!`tbbiJRcQ8qE|>h*Z~s2u`A5eW5Qye(@#EldVn5Dq1^;~g!$)epOhoj@dy?GG KkL&+=?f(Fk#PJLO literal 0 HcmV?d00001 diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_animals.txt b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_animals.txt new file mode 100644 index 000000000..bc9e1176a --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_animals.txt @@ -0,0 +1,45 @@ +cat +dog +horse +monkey +rabbit +zebra +spider +bird +sheep +deer +cow +goat +lion +tiger +bear +raccoon +fox +wolf +lizard +beetle +ant +butterfly +fish +shark +whale +dolphin +squirrel +mouse +rat +snake +turtle +frog +chicken +duck +goose +bee +pig +turkey +fly +llama +camel +bat +gorilla +hedgehog +kangaroo diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals.txt b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals.txt new file mode 100644 index 000000000..fd39766d1 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals.txt @@ -0,0 +1,5 @@ +cat +dog +horse +monkey +rabbit \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit1.txt b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit1.txt new file mode 100644 index 000000000..017892c8d --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit1.txt @@ -0,0 +1,45 @@ +A cat holding a sign that says '0' +A dog holding a sign that says '0' +A horse holding a sign that says '0' +A monkey holding a sign that says '0' +A rabbit holding a sign that says '0' +A cat holding a sign that says '1' +A dog holding a sign that says '1' +A horse holding a sign that says '1' +A monkey holding a sign that says '1' +A rabbit holding a sign that says '1' +A cat holding a sign that says '2' +A dog holding a sign that says '2' +A horse holding a sign that says '2' +A monkey holding a sign that says '2' +A rabbit holding a sign that says '2' +A cat holding a sign that says '3' +A dog holding a sign that says '3' +A horse holding a sign that says '3' +A monkey holding a sign that says '3' +A rabbit holding a sign that says '3' +A cat holding a sign that says '4' +A dog holding a sign that says '4' +A horse holding a sign that says '4' +A monkey holding a sign that says '4' +A rabbit holding a sign that says '4' +A cat holding a sign that says '5' +A dog holding a sign that says '5' +A horse holding a sign that says '5' +A monkey holding a sign that says '5' +A rabbit holding a sign that says '5' +A cat holding a sign that says '6' +A dog holding a sign that says '6' +A horse holding a sign that says '6' +A monkey holding a sign that says '6' +A rabbit holding a sign that says '6' +A cat holding a sign that says '7' +A dog holding a sign that says '7' +A horse holding a sign that says '7' +A monkey holding a sign that says '7' +A rabbit holding a sign that says '7' +A cat holding a sign that says '8' +A dog holding a sign that says '8' +A horse holding a sign that says '8' +A monkey holding a sign that says '8' +A rabbit holding a sign that says '8' \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit3.txt b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit3.txt new file mode 100644 index 000000000..382ca9ce7 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit3.txt @@ -0,0 +1,45 @@ +A cat holding a sign that says '123' +A dog holding a sign that says '234' +A horse holding a sign that says '345' +A monkey holding a sign that says '456' +A rabbit holding a sign that says '567' +A cat holding a sign that says '678' +A dog holding a sign that says '789' +A horse holding a sign that says '123' +A monkey holding a sign that says '234' +A rabbit holding a sign that says '345' +A cat holding a sign that says '456' +A dog holding a sign that says '567' +A horse holding a sign that says '678' +A monkey holding a sign that says '789' +A rabbit holding a sign that says '123' +A cat holding a sign that says '234' +A dog holding a sign that says '345' +A horse holding a sign that says '456' +A monkey holding a sign that says '567' +A rabbit holding a sign that says '678' +A cat holding a sign that says '789' +A dog holding a sign that says '123' +A horse holding a sign that says '234' +A monkey holding a sign that says '345' +A rabbit holding a sign that says '456' +A cat holding a sign that says '567' +A dog holding a sign that says '678' +A horse holding a sign that says '789' +A monkey holding a sign that says '123' +A rabbit holding a sign that says '234' +A cat holding a sign that says '345' +A dog holding a sign that says '456' +A horse holding a sign that says '567' +A monkey holding a sign that says '678' +A rabbit holding a sign that says '789' +A cat holding a sign that says '123' +A dog holding a sign that says '234' +A horse holding a sign that says '345' +A monkey holding a sign that says '456' +A rabbit holding a sign that says '567' +A cat holding a sign that says '678' +A dog holding a sign that says '789' +A horse holding a sign that says '123' +A monkey holding a sign that says '234' +A rabbit holding a sign that says '345' \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit5.txt b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit5.txt new file mode 100644 index 000000000..caa91b383 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/simple_ocr_animals_digit5.txt @@ -0,0 +1,50 @@ +A cat holding a sign that says '12345' +A dog holding a sign that says '23456' +A horse holding a sign that says '34567' +A monkey holding a sign that says '45678' +A rabbit holding a sign that says '56789' +A cat holding a sign that says '54321' +A dog holding a sign that says '65432' +A horse holding a sign that says '76543' +A monkey holding a sign that says '87654' +A rabbit holding a sign that says '98765' +A cat holding a sign that says '12345' +A dog holding a sign that says '23456' +A horse holding a sign that says '34567' +A monkey holding a sign that says '45678' +A rabbit holding a sign that says '56789' +A cat holding a sign that says '54321' +A dog holding a sign that says '65432' +A horse holding a sign that says '76543' +A monkey holding a sign that says '87654' +A rabbit holding a sign that says '98765' +A cat holding a sign that says '12345' +A dog holding a sign that says '23456' +A horse holding a sign that says '34567' +A monkey holding a sign that says '45678' +A rabbit holding a sign that says '56789' +A cat holding a sign that says '54321' +A dog holding a sign that says '65432' +A horse holding a sign that says '76543' +A monkey holding a sign that says '87654' +A rabbit holding a sign that says '98765' +A cat holding a sign that says '12345' +A dog holding a sign that says '23456' +A horse holding a sign that says '34567' +A monkey holding a sign that says '45678' +A rabbit holding a sign that says '56789' +A cat holding a sign that says '54321' +A dog holding a sign that says '65432' +A horse holding a sign that says '76543' +A monkey holding a sign that says '87654' +A rabbit holding a sign that says '98765' +A cat holding a sign that says '12345' +A dog holding a sign that says '23456' +A horse holding a sign that says '34567' +A monkey holding a sign that says '45678' +A rabbit holding a sign that says '56789' +A cat holding a sign that says '54321' +A dog holding a sign that says '65432' +A horse holding a sign that says '76543' +A monkey holding a sign that says '87654' +A rabbit holding a sign that says '98765' \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/assets/test.jpg b/ppdiffusers/examples/flow_grpo/flow_grpo/assets/test.jpg new file mode 100644 index 0000000000000000000000000000000000000000..5fa2a71e3786313e40d76128136eef4afab05ba3 GIT binary patch literal 41428 zcmbSyc{o&W9PgRM*v3AVvG2y3VX}k_!VnqzTG>M-yHYVD#5DFLgoXy$3dzz++4qo$ zBx|x%D51E=@80J=_s@Ipna6m>oaZ?2dEfW@{d_;4&-ZZRa2DV+H!(8-AP@k6fG^}>49oSecs z7)gxI|MPL!3UDz&ji81w2p0h5g21>ShwYFO@a7pH{~f^pIv`LOoB_ee#LU9V2|yt* z7!(d;V1UEHGjD?50dOt`ZV9Xbg2&o}Q8E~%Mouqgk}|AoS zC?hL}kypSS*U;3`K4Emq*u<1zW^QX|@8IavR zlPDRPS=l*vbMx{`9?(n6${$u#)<0=@+St_G^6bsq_Kwc3?w;O}(XsdAA0{S0ewmwJ zSX^5Ey7KMk=GOMF-#dSH_aFf5e+~zH|DOZ;KgI(N90G;IVQ|Ky@j#%F;17%o&LDwB za2r@NdIa-Gs*#ychUvw1ZOl^YHa~bhL*B9QN#nlA{5%@ce_@=I$~8h7PfSyJMj01aAv@tf!Z{~IT8;lL7)su z#bn202uIlel(4twG3(l(BL>=1Oxf+azR)NhE6}u5qTgBpxHt`J%m#CO5^Njc9wfwC*%MPV>O3Btlw1f+rI%f_pa2P zTYEQT_T~J{tFhh`1seq^3m+h3=p_=rE)nWWreHYNhM~SBwrz&^&v+I= zGV3!EFj0n$Tq2O^hD2c^g8OlduLCA>1@JLCL zfU!8|(L)l5q!~RYLL+Ig8bAh+IC>(v1Ax#~I)nnqlbQzr+#?JGSR#p~V7Qj}&9?$V zB^3$lSbKZ4^fF0tOzX|k!1{a&9-Th#;5+puXAlts+a)qu&Azdu&g)4ZWcMX~y?nZ2 z#QTGM-Hj1}QGELVfTlweI#h*)a6ki)KxQ5xCp||2@w+sG*ZDwH5eD+5&Vqpr&pznK z+0bf4K;(nB%nv0eeDvg`z;VM^d89QsuRzcMRM3S4-24jYjzTq25N6@AEGU^nM4lAB zj%Nigb2}dZPs|5w{2=Oh$WktoI{r2b;Np&Aa={-h3V#|R9nXdWX5~ri4J53E5rK}S z55q&u>mJPo>G{?2T5j&f!8TJ4ez_Hgbmgk)JsSyVB?yRSi|f>=3i<)4quWnoVo>FO z3e_DnLPovlTrgYQO}(%5g}e;E$<7va8y)HJo;Fr9W~Mj2*;(v0lSpAVaaz|`=TtRY z*!zhWJYa)6S#=?-R@|D462_tmMcG1x?tT@>0;Y)&JOh9k05CKlA27#ju39in{;oqt zpI@{v zy+;J{Isl9ojS+^AA5aza2Urm3GKrdz1h|rRg#d{NTOl=XAI*IN>F6J$0N*(1?=na} z9D@T|$|U@OJeo&7T=psr!Gmv?C9!VQxpIHbi@13}$V4y*KX8}r8cJkp(I zXWXp*Xe@jBvRp2Ct8Kx-(y4y%Djn*Z+og)O z+&>LKZVw$gm&=N0VF17=LBDPTNij^hD*BYb5^39hiyWM~ap&~=z{O9Z6UDlS z(4Cle`$_JJ$s5Nj4J2PU4mUM)i~oCgPd!LtuQ1v*K1 zHf#!x$$tgUC1}J=62?HrzzGrbN6IG};aS0Xf#$}8I~gSixB&h%I1PpaM)7O|Ffghv zkr5lO-r`1}Yl2~!otl5isnS2mhrov#6rp*4GHiY zUWN9j0-ha%vOHy>eB+gtQ;e{QFlY(E|K8b3ga%2p#=Ndk0 z{z=)l5p+-N01QpR>-lm12)2V}Sc>!L4nvoZ_5+x>;(p?p{2&Hp60J)|vyuD|B99~* zW7!!gfI6Oy4#6YjNezG}`M+O8=rG_1DI;;GG5HB(wM(Fo{=aAl`HX8fnjM2htUT;W zBu55#GuGVedzX`6Y*$IATsGM7F;h{AV`^aldQMKq;QgnStY0^ejzOI#pR|S@x|g>C~pU{LWC$p;MmfY}j&>0#It3zM>sc$JTU zzYAbN1Q-AvRJ#fW=m1aX_Ice6E8f7i#Db zuVDm65JQB5J3;xs@XG}zdQN5vK*U-CzF^$L!nSEh?eAaA?48uR*&`IbORWwv?k-if>Z~IjsqI$hCjY+fEKTNiouCga;i|26 za(ziHB{^Eaa`;JWw=|dF9@vU0#x21Q8n%>~WR~}VxWLswr6gEqUlcN`D!*HRZCkFf z-&Vg~81lH!ISYRD{3XydcLt~k1psIO#glUwLcyaTbryz#Mm#7Wx0n=0V?gA_&!fP| z42A(?2{!RH&ns^!NO~l_ni8>uVY6t+vWhvVA{425;VSak@v% zc^^ES`Q5D8ZK$PT$Xo1(U=F1vPqv8F3od4Y7AwcaE;?`TdbmA?J!})Q`bA^86RE3? z+49uV#tgL`0xS_+0j3EX#+jm)-MXr}nvK`T))>04Y$#n|j=1+FI9+lp^GAQAQ`$XpG?;WgJ*mZarv2&bkH_x!Qs);$ z0x}3fQe($*>`qNBOmY0OKIR~zhCi@tr)n3RbrYV}^}FSl95w%A<=`sK)6kO~>-@3k zDtB|&A@GQF%w;MzRL3MFdP6m)Mu(xVJj9*Bc)JVNuB}PM=agdncKuG{;4mu&IjNH-}4X(-7c_ ztf0Z$XfPCD133cS?5NhDRSQE3n5E2*AlOHeP(EO^jz?Y^h7w!dYy{$h@oc^<+Tc7^ zNDV~{@uu~NT^lkukgbt)0;rZ<=b4+Y2X9s& z%Y*ACi#C=ni9JUIKVMz7gmBli)0w@0lWJUy?8{c}JZB*QHl#XVSb ztXToD!9cKhhzlN<;*SgxwuMZTiGvB4hk{oI{6H)T7~z@mzzQC51TmQ`!9*UfzulYCJ_%pO)dc5S6n*G_&?X*3? z62e0AbM3!ufPI#haG<^eok2d@WIs=C>meq=Eg%{^D~)_tc7rXYb$}P1!_fcf(f@nhz4_H@_;yUb`)40Nn=iFp)pvu&5@Z* zG_47HD=hjIr{ z`fnb@zAqtUEY#n-81uxn)-l{(8oBHBdgaU)uY2!R8dDXH2qdd2EB6@G;_a`itnqvw#jQzR&7Xa=rodtJVVkbjF21~EbLP4Y`T@5( zIr;6Xy$4^$af7@1d6l&Zr^5x2N+g?0+=@L~9)%14jE#JxZPK57|6|8T*=XOUt82g2 z`}gX^mGa?)@VbBRh_Ga^@<9P{M6kg84-vA7gFDwBLO)^u---rHE(mr2j7DHclEpyR zlm2ylEK1;UG4jysXAlTvsvhX8o#quFmXGDXQ*%)<4(0gS3HiHf_wJrWLk%mEq_6PQ zQ>1m*dou=m=8a;vl!%y^OO9IBS31{H>R@ScR`RP8J}-L^X&Y)zNfy_95)T2deD@1( zyR^Sklfm8CXuCMC=}9xCOW)A-G4I#gI-nS~A9Zjo_iG%ZfBiqsng@FO^~*SE+IRo` zS7+W9qNr@XYFU^q@I@$V2yPqPoYH4GF7>K&G~ug3b-^XSyyiM)o{(C}yBIes>HAUl zRGVL42)fr;z@pR@qWogJ0&1L;B!w<_=kJkb*QPPbR1w%AWtpDM^WNXyDuP*z)Eend zxre-X%G3qWt;ayjxjMDVpqIpFhhcHv!cn%68Ee+&Jzp}C$;yD>&bbUFL7Q<*8kwy$ zubhu&C%jmw|J0&yZVZwXP|%k zkKL<;HecbtdH;e3_*gS#`mJm2sS;9R$HWQ&i^t@g)I~ijivwK3x!5ID)rX<$mJD}J zOV{l1rrxP8e%Dp*}@Y9 zEb@tL;)0fd>u5^!u+Ft(U0+=AR-yU87P+g`Gc41@O?Zp^-4dqUp|7tceec4=83+a(#VrjwE$8NjOew#W>FKs;fRmH;To9HG4+ek*1$GcL!p# zsM$Fw;W|!ITS}}pjgW@bt^VP%K`5`)OYw&Nd-qj%SSR4elo9|lXx%MwtKHK&%a^zhL&$mj9OVgOMC!>E?yVR9LYRuqG0$~ZHBs0|s`DJ5K`-`&=~aZ#F6XOG;zv>@Di=?E%1Oz)(tNqgZFIq) zzmLreZmvPL?@ibAl6guod;u9?myd5h=xB;yTd`dm-c5AHoBB$9kWBSG8FUE5UE{F9 zQqJ|e%?IKboVLWIBk3#279}|OyadOWR!@9FC9iIqetOxd{;|TAUv&lN5YF-dV86Mt z$(maQOaLsuXQ{;DsgHkY)8nqwl!@i4KOau4oIf&I

U{cPDT&+08$>y3RbVy`h@TILwXB|AQoAp%qG5}C^%-!mtQO?;qVQ5nN5 za^^9J|5=XG^DR^>mcVe7u5;&dK_Dgr$oi9S2;x<~0hZG?A_+?*J`&0nG6vS%NJ(-| z!_riE19g|;xWyYJldGm^st(28BJP~v8Mde|0QU*r;?cA)M-7piKJq)0arC%Zz00Y- z;Gox=Q@^Tgyf;h2UZnloEUO{h<~pt3B>E(3o1w6fxn59U)9f^u zmwi7}rz)y|3>J9j%!C)1H7_(-j5IrSy|hwY7k>~Tm%fc->9niEsd2X7Iv4`%-5eCv zaG~r$LS?2dbjzd%_L+PmJPB=vF$rnx4gN}3?4@_F{uPKQt}3o!ziU1wTxHlFl)Sn8 zGV~=IR||5^ZxHd}+=G|m$JZVW^=gJX&}EZlUR?6lJnksl-dBNTxw*2%a3?qbVKg+# z>nPjt^2->5o_yj{p2mnh3SHKso?%)~e)^Qj{P0d`@I;!qv?1fU?RG2nPqb0at%iy@ zl0?QSi&Sg#dCWgLpVUa%qEl-B*{Nhj>SLu`Iqg=|JvilD^qKk58spx&dllyej2M>t zzON1)0_QTlOkAJq^{8bw9*1YH<^u`#Tq~>5UA^2Ij(RVL7DvY`nA*o4^}7Bm)VyqQ zqgvHUdS0Y?AwL2p>-uNhB>lb`C$Kq4_$_*{J;LQOBb2ltEnz$u6qSkRo4do!Hlh4M z;Y5r%!tYHtI|_Oen}LD;6)%9j{!z(w31Hmo9BQF4EnIEk4*fHN7X5lc(d!3YjoD6= zI`GG{G%L^CG)-8TO!TWZeNn_rhhJ)CzfP2Z@h#;k-F?fvG;?-(;eM|8Urf=sL}1t_ z25%y}pFjf>2I5b$0b?Q&Y6H=t!6Zp4OXQ?{AkZHPmYF!FAY5ytH9lU7;;u@;pOC{^ zWE`^>r!;SHc&1bd{%dpq+_639`>pl*ZVl7LRw=g(PxXZ{ZkDv3seDVdmzM3(pw2cO zH)F1Q!`-#WknD0w!_Da|Dv;%MO@MEA0alAK^UnyBF~Rn;zBw2g7w|1gnqt4L%z>d6 zyWmtz)4tK;6@stwv{Kxxs@(n$GFMt|w}#Tct5Mr#(M)2)wse?lW0TjBL_Gs(PO@Z65k# z=j5CHVEs%e()1b1-x!RiGcr9IUpY-Ri z-CgZ4@|lR2W#0vtWZr!sv~BgwoIpRCq`Q2}d|rM48pp!OLXSp~I$t$yNtuPdZG5*I zbHBHg>fN|_NBc^STb-PMb&4M}et9o^jPsH1J*TEeL7Kwh9e#0xlKaFA=Q3iDZ>G#M z_v_cMgN&XT%Qe31&IcEy;%uoLq4+*)w`2(_T%8v{sKW%>E{WSEyy(b(rGp+LdMwiUvOPnb@g(w18k7_$CFR|{sw^G4ON1g{?g-%t=gG37~e zkND4(ku-(|su4o#^GA~OQ-u+rYZc$OX^z&AZ`1v0;c$E&5>Q-&`{V&z{_SB+zr*q>`( z&uWPKBEUUyuyGX%2BQ1Hs5@+LTUfRjEI)s8J1DE*9t?FI`3T>VK=Mj4)NA)Fzz$+c zT|BkRo<2*C#9iJ99w{7tqh03a{zKo~=vZ5f`m}5- zf#jRBvlFSU_9moE@=dMBe*4P1RzxmGTlg-MyFRx(I?*%(kdixMb&o^{P#)rYG9Y;yafBK%G^2P`NC%)L2t-_6#V6zg zSbT4^l*w7a&(_qy%O_`b07Qf);+a(SCEsl?l`*yIcLfiUTlXE`-a9!Ojr1hS zjBx}gDJEZZe?X=v@hhH5z;4cEVg`yVpy&jh>QNG)i%|l@PQAB2I@cO}Z>tMd$ z4R?cG39p|OVY~I12lcJ-9HYfoG){TkWfYEny*!g9q*~JI>MvCHWD^Hbs#glW+s*cU zyMrHn&L5)9_{SvXWK5w%n({;vOdWaa)=;3OINuae%nwM9cPsdZY3BEQ$);*Ow*M|j z^GjY1*HFOII=Gd%9Wv@}&o;^}Lb1AIL6-!~|DfyeyYI)5-&GW=ZF2+c^B->6hnPpj zEts@fNzIg5(7j5B?*qci!gkXoBW@UvST*%M;+waVANrk9zhE!L-Q{4{VfVc(929Hj zO`kK8r*scc8;YzKD`0+$_u$^gnsx`=e2P_0h%bfo|<^@HR_;&AztAlRgD^(@LLYo z!%QA*iqD*X9boKM8t^>VuI_F_qVdKH?{7JM=z4z84}2lPd((k_fUW~%#bUQ@*BM-a|k$w3z@`l zbzHRkb}D_y&la~AmVdcTETGnlC)GU&^YCd4F^Z?nUpn)PDXW(!yHnpc==rSu(2s(G$X_af<^K<#>&>kg5)) zq1%TxF(iF!0IL4fbaPa?0EBocAtOICzFm-7bddUHY-MvN;}cwm+&ViyJ?gG?F89D~ zLxIpCE_?j}U(e9AyZTzFWn#_mhZB8Uz=Tx7*nInw(Zv3VL ztt`6X>tl#Y$^y>2h7$Q*o8q>`yy^umr~eq=MRi{#(T#qxbUtNEG2)(p&ho@;i5 zF0^hYK9T-B`HZAn=+3iDW74B73&fn3o>dJ@DkZ|Gg!E1I1~QVtXoKWd=6+icChc(D^3&t1Q@`LOr?dGo@F$)+#&q%M~wdC!@p z{2qEK|MC)-i%@uOJIw>1ka;A*LGl5MVZaiQI1=TU)A5KyAPRU+K^zOf3xFk6?rru4 zP@`Z0PHZ2QUPLt~kea*gWvPSJqaNd|8~*EYxeB9ru~MA-XKP@>vuI47oNu_=C)bt6 zJ}UIBOr1?3C16qZ=kb>f&J)g4CAX{!Su+;3U-*P+Pp2PqH?b66ysoZrg}2|k=Xu_c z4*=PF*MHI=X-;2v?Y>IO*RFKqH|;-PCih+D7U=n^dEr+{`%FjT+Qyg5<2#TK4_lY+ zU_S{GyJd`c|0;Bisf@^TYd3W7TxrUxg}t6}F=|oe7U+G&EOvXI;Dc6gAg8og|Lq`j zP{OlO2uNM0RgBfvnje=3M?UWvSeawd=YIiy%-oz`oEAhMq{PMCA0cy1yD2DY+MEa- z$;5QDJky?P-oR8c{R?nEukWbR_?y9N7^ts2z$NDv5=vmXtHksMhz!o0$wif&$6P=- zW8XK!{_fcqbFyB%ll@7N!C<%v_M?(>(whS17WdX#dtvR~a>g;kC^H`R;VCY@f)DZ~ zY#fC=cbVS{l}KwyG_$deM%*g(6?HJVo_p80+NJb(pMazUEQBJ{|Pfq|G{ zAg#gpcu9~7Mj}A$)N}`T2&`K%xH0tPcf@_YKL2{G=cxRO{UuL0(R;oZs+i6>_U zhb1BEIlvFQFws9fV%heIEu$;H4HeI;jo1}h1%;+w*`h>9H}RmOZDI}H&FiY|Q^)F3 zUA=_!l7G;H?|)NpdSk4j{;tcu>wHvtcK(DG^0mq}@z7fYAI-*~#cTt%TU|90IW?JA z218s0PR^0J&-RgY8@sk~69P>kxa)W7#0xN8ULz%oP6NK4ULJ#HNd5Dxdqi0Aov@7H zg2ov}w_gV)X{{!-#iR*Ujxj+X%ebK-X>fG(v;ILP=PeK9qSYrjvGcOO!?!weEL4RJ zCmUdLUtA7e*HbC|AgHxYs)_)h*NbAzb6ga*+HDr{TH8R3x#ubFY1BP;?Wqr| zGxxZB$IqYe^^E9zpcK60M?sv%^%Hv_BXU|hlmp=@bYx>l zSE;Im-;VitZLQX2vL(|+$@m!`_}*LvbMjRQF0`*Fe&sp!KqMyHS~m2p%(yex4~|~9 z`M;DZ(&FgVPdX39J_*CjXC0a|FbAiIrnEAhtTu)}14yo@3EoTN7PVJpn_E)c79k5! z_OdmeE+@oTU2m3ro7=sOp15yd?&@?pw3^vDOFpGAc0s9mu9Vbk#Db8Z!$8Lvh(_Mx zk+PsP2l}KC4^aSUdpQcn5IpmdU5Fh)W-o)@B7m~-xzTyE_VK|M=Xt-Oaw*=Y8Wt(n zX4U@~!nJum@{^NRH#6ji42vtwuby^#z_W9Ayk+WyWJ>f^!=9EW)IHxvl4%;9nSM?S zhk$n)TL3jr_eAu4jWKmg5810c$GT&X!Iwu2(fOG=0U;y{|%lad-c>OkFc>! z`scFFwVGsbZKg!KrGC)w&84XI_qSs|Wdx^|gLg<`)>s_8p4k=n<{sRUF^H=^Mb(P7 zESomTd}X^LcX_d=`v6?{s0Z<*WqIn6YqQh)5`nBXLw96#VpH$P5OEm{dV}iNn`#n;go0wG^VrK|bq_~>_q)YDJ z;T1lTUpz!w^rpy^* zROpX`E3eq}3fW-UuxxZJ1~irkb{=_ZKql9MEx931faXb*V1x1000IMmGN4727y~6% z$eUcghTk327qpfh2_>zW@{$B|>inCy`i|v4_@-SW`zW5#*L?uyoI_5W;ONU=s2eZr z7qLVtINR|!@@aS~_a}?LQMt*Iaxu(HIxJtYOP=|blMDLkmFhk{U(AG#32v58s>-Q`WX8sFWhMRwtoe;o68-Xg=F>B%p)x{Pep)U%p& zFGMl~AKYA_$=|U>mPZh#n&+Fl#0E)X+``?J(Y9Oi+ef@9-6y>d&GPTdpw>!v8MKj| zJ^I`sU?Fz!RGb@>zat1z5H*hCAyls9r&wGD)P&!^YvlkZ?)_7qX>IxO?r}r)$FA2a z-2RP3?c3F-vvtcd-HUw-+;=e&L)~xj7Rfyj9){QX%&Ex|*t)j|Y-G}{S`4&5ZMln` z_rg;`YBP@AC6z0i6{ndgN7(lEw;Q>)=sJJ zukOpR0`7Mo&i;LagR5oax}OzN{duv%KWL%rT^@MuJGT|y;69>eum7`@h3@V@bB}4bK7wYo zAZ1JEe6_?$lyI)O{hhhhG;bfwop|8ZZMfa3Lxk>n3H#`&w#fY`lPnw@W32xiR-b2-i72l>ih>+(nNnyfE^9(Kk9%KK_U&D3oCwV9P21D_k^gDUms%JilYTFS zgHbOz)GQ#};A@EEwFwWe(K3H26HnfpnZ~r0T;cPPs(Kf0rqWog5!}~h#*DOT zylCe>_^8vz>vp}yCVO!fZ1+9q*|eWoyH=$}f(m9QvfI-O%SW4Dnw`3+cts)Rn%IqB zs05C&OFDOle;t{RJWb3Oel4ZJ=?uFjh5!=|!Wa3-@DSj@OoMU^u-WG^e4}sjbvg~v z$vdyWd27(_H;u_T=3O5DcO>-?cybVGK5yin7}Pv_%$lec>0p!*<^F5M0#O3E=>F&p z&gaxPp+)I7IDc0WJX=9YF`x5sh6W^!U*K0IfvGIp@=o?QJna5koT}QRv!~Ljv&&i{ zKlK0EGjO_fvy}*EcXEinUa&#)-)l7bH##I%1G>1H`WwxNeJA!`DOYQ$~9P z7LZH1tir}0`U4@_QhL~x-C@!bz23Fy)u$Aa-t9m47k^c@$VAv)6f&PSKLjFmv&H8B zzG`6T-=V&FV*>9#V^~!6Yv=1m$Op8-`JAytQKcWln>EUgv#s)ZUB zc(mkyI;^K^!e}&;+*;uy7}2Ug4X>V=mmXbj-+PuhC{*ei<&^oZ<^vNg%8u;K0x;2- zyag(}jD0J7*ebwa3L3&8HF&Ocf){~?@OlY|B?Ez;WMlwBb?XlZZt=46q?Z@~K@w(z zf_BX7;bqVZ`9@+~I-Pp{HLYKd-_d&1ApV3MU|jirmT$PbtEJKP9zz}>a}m<2cXL(S zWGOv6#nx_=N_%lZ;U#0#;P~;Dp|cVu-#0he6^7LvEe!i*NJ@e8(!9M*e+1vD%Z4{< z-aTn9wd}Vpr??9~S3Vp$>9#PerwfJUy?`Fd>F@hYJ$NdE`e+o`Dotg)+5Yo8!K-MI z3`v=9QkX>w;t|H;6~stkZx$oox#_l8YUDqERh}Mf{lZ;h@K6gK>y?zhB;q&)2#wueO}(Rt4r6ploX+bJXx=&%wOqViDc#>J zcB}}}Ck(y$4ej?}iD~hzSAy;~ok6w$8+nc(VErw$NZ-7e&AMRrf`FXp%hy9MH5gXC zxs40{y~|(^1{d?mZ3zvHaRmF8d34C6+a@aJ>LDQEIBe*q)}=bHrV)|4u|M*aA*3?> zu60Y+0S;pC;A}cbxboua{)4|1_X|}5cOGh=3GT8ju;mgu*pQs;>pnq*8M+s2qM*^Q zvLIahGv0;QS&F$?o5abjI4AEUtlo*3qAb$m>(Z$^NnJj2yo3yjyl<7K>}~O7pkS;% z-RF@rsxm$EGp`0>K#$>6Buo3I<>@HuHfuyLh4YU1Fo~7OaLx6&ax(A47O@u%N)#~A z@&>xMQ6Qaw3~)emt%By1z+s7GeCIIe4+OoZhQT0cRRRQa+1Ut;fi#1HVKu_Fw446L zBHlmp!YI)U{D%eB^K^ z{*LuDYvQJ}*-DxvKQE;zz4`37sqAa;hz?n%46W9tWWp}f?5*J)Iz#-OnBMDQQmYi8 zK@y=>ll(~?&muWN)085wnzse_hz`bajS>09^P(^RED+w*^H)n((tl|P07X?3qb`Xx zY9}7JyFWJ1xgDx-F?O~%+REz3L!X?r+HU$UWblWPO6l%NtVnJ4`iH*<_Qh~Vr8#+i zG)rmHSA8%PBDt~^k7dg)i7EU#`RaA4f$0fm`@H%PyP{W=n67QQwfQ&i486(y?)KEy z(bLx0#-614kE<}4Z&LrG6p7Iw-4b#(s}3#vlUno|G%EMFRc48uf4qCp&`Oesc*_o~TbzOy zPUy0D%9tT<6ulaAij>Sto$Jb{pO*CGCr{1f#v7W=OYhmB)g-ncUK!U0P77*mf0zn- zZff3<6UkT4BOsR|KW&^Yi)n_L8Mnqy>5kQb67-90)MFDrE@4AV(^R{;7Tg>)EPI|shO7U+s{Rep z?RKYxF(F&QZQ;iwxpySR?Nk|;g0R4u zUs6i=TiVhazhowCH7dXfBe#uds$1YcRN|s0ez@` zjZE|8Js#%Eb3;3bn4x*cF@wNY-ltoU^b03nEN>UbYU1KmG&!;!?1*5&?Mo*Yq9*)o zEWD)Bci+EEG+~?aH0jnq_T%^7xY9cT9u3Es%k9g0V8Huji}z8A)6!iiQj204X`h}L zrGE@*&%8y7iN8KZoqifNx${OvwYk%94_p+&=u@te+WPHNEpmG-aO-BQaZBRILN!zA ze>y}p%4uoRZg4$KOQh$oKUrL=k4ZJOC^Y>b6rU(V!j;1ppDovx%qvvueD_KFkr;hW zhsfZN*b*VN6fqmc;wiZ~I1=-*b?0}PWOXx7wly{8L@`^$8>CkeOps1a$K}H3i?SW0 zlS9s!?Gan^7~R!>tyl-=h^MkOFQ!K2sb%2S*(XiC@_Vu(8f^l}R!_y118Im1e>cPk z*eX+q0R{jR$-fNL%_J}aBYF=ZbRyI}iYVn3E|F*n;J{^g^a7bGHUJ1cYWe_`w3lUX ze4gXg#~&%$xYp~izL9EVO^I#t^;-&@JKYi9BiAg4pgl=`J+jc4K@cHRte#I$jIig8 zbC~%f4X;UC2MJv-Ge*xeBTrQB?4U-W9a+Z$NwMacUp?RUX9dv?Ww8b^;q#|i6?4pmkC0;R7%fA05uhJ%{Xd9TR?;#Cyw24 zc8Gaq`gr@FqIZK_h3EJ}LsE0*pw>gbNR9PC`(5eao$K){d*FU0df;D_@o%K}=GjY$jTt#Z#OBZQN+~N)0_TYs1%(x1h%uI(-NfymvF!9xDQ7 zgVY`JloGpc6@-CyiQ0w46f4v{v|4)zHq$ydV-54%=w`6_ywXQ+Ejj%{BS9TK`M0gA zp&f()K~TOm$D@D|KM02lz)VAA5BP9qjflfbQ3bc=Y z1pWN~^(2r^h_Rn?nGXgauC^v28ploF+;~cl=YbHPWL&L&cZ%NuYb7evrk9LG+c@=8 z-l5=-P2pdnS;*ddX8vxpOXWc(Xn%-ISx#?}+lzSp6bw2_M8A)*uT6XbHayJmwfOV) z5aaNkppkNGyf?7D^Q$awKteE0m1E>#`Z`*H!v$~hE?iscgVd3-YZ>UqMcofaloprS zZbJ1f9-j%gbhal)kL11}nl&C*uTB5Raw|Q>K7mbxX(_xVwtc;bf2(@ZZz+0oS^aVl z^Q`7JZq0tM>y6(M>R5JLH)Fv~y^5Od^vTP+hPT!fZLzY%=T7PGul`>7=bza1+(y8A zzWCBVuzpeUn>}7w*Q1dA1?F{sYt^~5qWF$?N6K^&b~p0i=>x9UKEQ215nj^j2l3^- zvDy=Q3K~rb7G4UI<=oD`zwzUn!3k1gXSP*M6(beho)lc(B`lBEDLr7`b&Z`607E4U zP3@^2mh`D--K90h_G!p;#D*z+pQS?FVyZ6dw&+U~$N5t4&VcFuL@M=~o@2#c)9a^1 zYO3mV&*GcMADW_!jw@B)Xx>DOPNy_*pQj8LaPprlGzRqMHoN*~c|M3#BvwdbQbQ{C z=1~;+9zF!2Z9RQ}AKH>^uiYd4vrF#p2_l^1QU?=0GD7s$swLCo-!k}K#0o-7gppPr zR0nS?(`EvMqwPW&68|OynhC6!syY>VurwQ_+FT!No|Ljie3y zV_$$Y{Gv1B*-gN%Ffa`t@tFiqTQCI5@Ns^Q!YgCrv21$&NDHFWnY4DW-vUa45EyMa z8$f$A7JEe06JHE7p8c{KEK+e-IR9(xaIclk>Gqi}xm)X&-*DC%&(D~s23%63k1uF) zq;`@dT}>Fls?X#q*a+G#GB^v{aX&HAyk;`~P%QXt^-Cr_WAN_~hTx&VtlOS%#M{K( z_XSnpJ?MGe{XJq_-#aLRY45${Y3s_Og7-`pD?U?I_lS~G0VkeZKACU_?7vB}KVzt2 zqRPf5QFfvGz$WgKZ_Q4H7!h-_x&y(Y= zJ#9l)oi*`8XMXgn-G(c zsm~?CJHL*Di|&Sn#`6NCmfS8&+*6$Db}3Ik&#O-KPFvS@4H~n8n|@Ko4N)RzU8sOl z64dFp7Tg&2|H!3UTQbK_SaU^O5;a{li`70|K%cq}jS=i0e#|*IpP^n*a1cwvTvT0B zGZA>Gcj6dGNj)VaJK}4Dn9;`{$cV6KFLr7s_gbN?502kadL^Z)jRy>RuCW7Px$-$4 z%cs1qeD}aLB*+Y;-0}RxveB)(j0H&KzYssp@S@0=;Ah2cD;TM&0y>xHv%=Prh8C zKJtYB;P@a=GKcD{YU@Fff)dlo0syFA2#UWXLCHCn#Cr42Ak+z__DIUlSPax0Y()e+ zMzdNk+B7rc+sh!-VF|GE0EHhSbbf|(jA8_~6@#4+2>+v|(8;5QRSZC5_Jrgjz4JL! zrp{1}%Egz{^S`-B$u)oQ80veL-RUT$Te3y)F-y6sm>~L8IV&-{7CXqMNJch)8Wsc@ zLgz#&YK>yb+sI>|x)_^WRCHKamVuw^=3hL=u8A;%#tOc7&r+ztZ&+>S+ygpX4CXJ1$c)n$jO?zYT-im5U3q5GHx*(ZsUqS9ma_ud!wDNLK! zOXv#!Y^!h&dA4Q>f3(4I-r5keT=TwYRmgz-szBHA2VAQ~V$hj4(o%|4mSFYt2g-AR z_VtC(ZDPJ$pm;B*L8S?$wY zE_=MAQs{@*hk#4vnK@Ha-*{my^z5dVR593e6Px^SBP36`Ahnmw`DvP2+-FEzd_UN% zR{LHHdO|Si1^qy|m(-a#|1K zgMG~9`mP@-!1xmsyPI@v1jZrfL3*!m(0q1|#IOUl2hEGmhS7{r@m*2C%*fIwQB^HE zqA2vJQHD)baEx?WBAEt&t@`9U_&6GTj|kZvW~d!YP}#z>HV;Ds!6uX~Ji-!75kkeO zd~*k#$wWWs?|Wi-VWhqH#sL_|AVCSj;H$l|Nj}BW6y(g zIOefe4#KfI_ObVt?Ddw6qKJ+y4%s1baLf=g(?IqPNt`5`q7)UW&+pau_qW^4?TqVO zuj_g~9*_G2Y+EM8!+m9hE-HSJJnvLIjnfh60Ko=&SO! zhh8X_X}A~h_G`r?!tAo%P~jdb>H&im5z*7E;k0#le$~TxB?9n6vtHS=ENIy#JmSfa z=Z}}TsF^FMC^z&-C$wC&!FV&hu-Ih4f@3f8ym!WXwPr)wb+7I|c+kV+cuFIF z&UN)tp(6c=U~)h)Gs90x@&p=M8vkp7_&U0-nX?T0rS#5OJyljuY6^_t&x3cG_RDg;<`IXeY-87&9Yra7<9B`N6Oq9!S$U?aU*Bc9vgky z!{7Dp!SNdlw1bX9d)ulcDuxtzrgdurWMjFB?5;glpey7ns?x!LRPDs&bGoYHL7_wLiXJW-x} zcSSa0kvuo#tfvyHD5aQV{qBB(qBMhWp@F6s#n&+VG5T?hxp2YuQ|taOi`8wp(&o3A zym6Nv3bj7at|R9>tJ9J~*qi$b2R|Il%AYM(Jr~ta&~Id|0p=@0Jx58c@^9RZsBdK2 zT#RtB>!yzi{c;}2hO$IEwAMz|msb1u@BMi4iARhQ8P*$=613=$l{S2Ec%vjL!QpT& z@QwGMvC|9|t-yX9yOh&f$Y#3fTkJ4994R>6-qNh7ao02SHNj9lLN8s)xT>=Kh$%bx zw+rX~gxg_B44>4)iyfP)e3y|59(4WxKi?sDQ0T0rA@VT*pNSLTE;vYMZNp^=R5P8 zxx?Hj?n|=eMTuqjgS&M53tX!q~F@+NM^ zT*hQzVtxiSc_k~mmejz#HR@Chj!@mbV!^C6NF( zR2&R5qpu{<$B&W?4|;DWGUGWnOYkV*0s+Jc>7r)=8VBvalieJk8>w1Bt^pV4_r^K| zPcz+FYy^-49#mrhG0cKHueS6DKrHUr^b};CYH`%0~H-;8EjqfU@ zlsq^yg_0VzaF ztzwtHRJ*avVAg$ny^G>+)%)>2T_cDl6*nclQmnt%d_jJ#t(zbwg-A1%zo}_$aW%lK z@>ZJK?XF8Md!i*q$v-~djo%1+pB>oBCk1)_w0TuM!mTaRU;l=|&BuQ8KGLbutf1pZ zZMlp~$AXNX*jMosRg0>N1wEJ3se6Z4hXz3qrE-fChaOd|e>>Z>>Q0ctrQ-TlN2wrT zM|lJ>9J@EnEDqxu$PW`&D3Z&KRgVK453c7+X2+TWBlrG37cTVnV^j8x^W2Tjk^&=0 zPUn3Bmu61tB|VUyWmSMF{!gj5S_7fbGD2iXU_C6p{QK!FoafR01+59dB!0cALZI=k zDcR}W`uj~xu3EKJka6y`jgdf2*RGG@$hK%y4J6zgbc5H!+wVEu&qmSD1UxPKXGc#MunoR}0U1fWu3m8n$)3IJYZyH0=Y1 z>VEAAeeF4$+v1;)!g(o%YDuF_%-Y-XNU8$0)p~m3#;5%os|Cak#w?bbXLh8#FW0FS zG3j`djKuh{^JE1vz3-&5)F#k1mt^|VS&;|=u-4`YG}BVV;wiuw55zhFCdHg$0Qgch zVCQ6X-X?p;lmD$g17d;afQ!OzPbitsC0K&{-2qrSS<-7HhXsE6WJdMQDg_ae*` zrRYJ?p16|gj{d~=UJVIkyNR6v4ku@K=_$=(Z%h!&nxz8WF;TVQ)c;7I?iV zO@8~k4xi4S%L;Hgsc7-L%XPoy8@=tgW1Mc^hw)+|)7Y5o8{1XlHM`*ka@MT~jY#@la^r;nc zvpaKnNN#(v2vSy2J<>2rZRfF@6~c^W|jT_R5_4@u*5hW5~nMEg*r`aHC%y@wEN zq$aJ-J7DseGKq7W3Y{TA{*V2Bk2E>eRy9xihdR5ww*|wjo*1Oh2F%VlNe@o%!zul8Cc!IV=U|Weg%fM0u)rJv^Uol0I z{g_@C?|eJTIaE5E)9ZOo30yUaPv}82^s>FXX7y*#9~5`J2qW|)+sS*M+1S9ZS4v!g zQuZ82f!uwQvaS%@T_f`Rl{Zrl0-W5e_oExB_;BfC>yX{$BB!%q88oPDe z5-HSokC^NEshWiOlnpiVgS{P$mM_-D_3hYu=i^!*zl zM#t5mt@o}^R(M;H%XS23>VU-2y^sZs&O?6C$X3Zsjg%Sm7&e0@U+-JLmD5~G z`lrKXRd&{5RD1_HoJhfjta`gat0aa;P}vpBkQ2vQSySbuE3$&)xt9&~DNL->4|tUu z52|~72X6O#aT;5CgQ@I%@-2_g_>6ZXe1bV`dKGt~oMQhpn}yuf8AujNI>dS2(<}Yk z4i57e1*_~(=OEQ@N;=Jm9Cx1H8Lr2o934n3c>62OcM1Y1=IOf*;+yE-N9Oyqqdu}a z@RN%V40yQ4_>WHNP=53X|MGF790qQU=T*Pyu?8D*vmf)f{f|ys(fDH9-3PuWMAnZD zEzJbEepFvWOEUL3t3|sL^z$nu;CmAEgJ(;&xCOSuGH73Yeza#mywdi#nw#z6DhqUS87L4mu^T;4mnr2((VIY@;;Yl#D-k?Nr_AH%4RZ+ z&#Y1#spes;S(9g&$f9;$I$Hp94ORxcquacPzvBYhy7*957j!A;`}t2^4cNRT1VSaZdTBwd;U;W zNv`Ngh|Th2eqt<2QT#H+N|Bj-)y{E;tnees zFzK>2L$;m*YEzybxNPT=Ow$HJyo&bDMUMzfkJ2`oUvAGdV+p>F6BleE`uJ`s4|!wn zavlH!tn(iYyT*Rne7I48H%yhERbAn$GlCC!pha(Mzc-I`+^|_1s3?@N6`AVTESxFO zjJ7jTl~S_5QS>hK-AE=GxS@gdRa_4^mrdB*MO#!oEf zO{sdOIqAc;pZ`NXWPaFnp9Il4=xhzye!xSJem?qh%?1LOfTIQ0&{nik>{*|apWfwQ z;8LjUW;61OAW#66)!)Eilv4r*4Z(ud5EbRSAG6E|FYh*aR&c1VIAqzM!nLUmyOZ7Z zBu+aKgBl1irUdXz&>}!#r?Y^90)Sa)A)JCHpso8&w??diVBHXwZlXjFgPrB!oFD@R zH2GycF7GiiODeuyPUtGt;rMla@w{n)8F;Qk7}Z5nehv84(#<(~eX=yRYlhfHy>*iL z@INVvnXj&0E4cT9SvX(*4PkdOHZ%YdtNwoB5KI&R{CZ$)UPBC#x=rvpxnUE7g^GxQWrUqO|qkn1oAzZeWB1w(KY5wR>PhVXw%eZ#(5h zvoz)x?x#?3KgkU9b){FQkw1jcw(JGk*`%q5Js2&8poJ1K%H&?VQ6F{(ULk>Nve)HT zY@G`U$MZk=Wgnw&gyH-xz7<{nKak+}lDOA!jNqRF`MH~#2ky}&h*#P1Lf;MxluA_; zrMk$u3qRyoqXQ$4;@>EQhm~yko2aHqrbljOtFkY7%(1(Fq^V*o!%ZZ{{{f&}OYINx z4XZ>?_DUkz^I~h#X2suZyu3D0KMXh^orR3de`3<7ZRHg%RR|@f4;5~Bk&xexWCL*k40x`GLS2M zYRA(7;J9nyTENL!3XvVL@IwZV>QX71p^1akV-cD)4&yE7EYgP}3pT3n?cNrG0{>jwgE}mbDIXLHmy!26`o$yj0a3rPq zginaSi)SJ0;1h^^zj#60ko9L9bvF@oQ6?}%pP3DSZ(-~tg4)5#R)wDC!ft!V0na-2 z>6<>bmS!4f!Nr?$Nn_imX`73|uek(5MqYXne4X(^4`1I~%pU*kh!geylQWk=JNT}9 zV;l2_>h&;TYr-{@;*p{~P%px#%;F$Ir*=`lxJx+WEBT)1l%5=yeB0f7*{sb{Ogr-H z0)fIupJV=BfB~&XxTVcoozpW?#Lex znoNf!>+CA3>_-_Fs$lrqJ$4Z^GHGy@W`k=yrHG%RS01W5$ zO~uHFJreKOwJnY3^!k`^fLpuXpx-JkO;Y(9t0kS}?M{#g!FF>5nJ8^%mMTc1;ssNy zP4#-F_qq423fz_YF-<~>bUQW75aEKOGDD5^dhq>Q+;L%-*E0KQzgPY?=y7RV!G^B6F~y&d_17I3f8G_;8QCDf^ZKM$EZyQ~cFgoG zo^7Uh&*r7Wu!ifpSkbaug0pjwFg|gp+Druv@DM_|MI^jBBEznFou`~jfi(STzTdL} z*U)Mtr(IyV#6aUac`vt5iYqV;i9ZifZHG9{C}Xn^`dkeo%=I1$7;$YjKxvbOxcm>vZDUK z&*o4ML_TNNVKA+`mt24iy+ZU*npG3+|3P_Bi*6;ie-sU&RS+f8qc^sM!bX01W%F?d zrX7`me-9r0kxE-MW#97c14;gE3QNoL3dm4q&g< zQ=~uk^+Sm_1zq%bn_iXfKt<1HF?{y@<6Udfz`x8d;l*`{f_<3MP8h~f80 zv$Tdpm_IX{TWF}|&J*Vj2I> ziCr{uar$$WsNn4z%}HKPkUH9b25@t1CPfIK&itRvK@xg@>edKhEdbm%4>nRx;@?H~ zAjvcUQuRX#D3`rw@e*0)#Ubo+f-QlPhS1X+dWS(bZKQ1*zQKQ`kFJSqXhQT&52>PV-hWe_N7 z!1+lFbe3xj^L-CbhY`m&IF?7`;d$xV-z8l7(tJ!;9DHA(?3HMo9c|wLTlsz5A- zJUhTzWQG`%wbJL}3rm*tEv~KxexU4yRChPdpdJYlMaVJj@I( zN_h391oVW1c3AM3%qXmP14m|l$c^O1^QZI9!NN5(0(6B|gfXj6*>ik+?3vsFkX<~z z86+G04{HSAV*pn-PVv@b&3!a8NHPc%8m-HD=Q)(E10=qIXJIv?|0q`En{dyCk~E!R z(%qSvU})O&WwG;ao=T~&qM_0!0L8bLa41CjL#tEaLinZziZu`iP>9hxvaxWJ9IEaI zaTPXJPcwsFBsF_7RD*$HdZ9&a!h>f1vr@_ z3w(D?c|n=^{)d?#uI#1babTLr8QbAYw!psLbCvh%TGXevmx>y6<>cRJg?*OFRk>V* zbALV(ZRV@u!GcXt=kKmZCi&-mm?L6x4Cl*>q5-w7R7g#Yzk9uiJ)yQvGYUb>a%u_B z#Iq#jMz;M0JOeInOrhG9MVys~m=c=n%VO;@I;%bZ0|hvIH4OJR<)F1D#c{RL3={#t zBJ3x85@4JGSkz=lHe4B8=P z17fI`<)s3MIzLN*r!Q?j_L!@kE@!TgRp8@XQ?^xcnsz~PgS5FwP9Ls5*q1xhHTMpK zo>&@eBM^6Ju54Tp(omI?{+ey5#KU62tpwEYjs49TV40hE+3U-vcRn?HgYwQ8Ils@! zF0-95Qm?r{eZ($biyN8BISkll(x_ZCN{D{b|7`FSV<>wcYUK31-pTLT+a~X;PXobxH_u8Iu}XQkj6b3Gmvd#H!{9Z0 zwYy3Jmu)9c9|#e(dS82pE>ulY|V036e(^RrU0*9q7FL8Ts*o4dkG4uEOob z9R^Ux-wy5I?+XdovpGmFC5Res`COP9&?UNdeFh`AX)nxO5zkqB#XTs=V*b>hENa^$ zCiTTR;)C`=v*MG>*G?0;gu;8)iM%0UAG&k{nNp0YJAoLjG*~v1YmMy)eE#hozW*m7 z3jDSS#NZr#uL425{5w@l1ytPJD523sRSSBYVm0db+X=sRStB0&$EHkPEC&z zAMT)NUt6`lrz^ck(P9>xue4I)4%=IPpxd1+lEhC*{E%K~BYBy_P>(|^ipfs#bs4|K z#m7seAv8|C zOfcSEeW-Q}aHqHBM!TY)CO=F!d=J_;dRgsyUwXD^q9jes zu?PD3+OM%I$6O|!pJ5LXw6BynO_vpZ&^?kTA+{_9j^7yiORES;&c^czoW$(=cP0q? z-I0s_NqLj7{hR_4dY^qsaL?(9zPlLW>ie!aiZ@&8(V zLoLJZ&1Lgg*yg@;v!V$f4J!m?0pX5xPZIjCz71qxJnWT^eXbFv)x8Ipa8!il;xK~a zM8(a5jl6nHXCQI0T&C<*D;ZYIN1KxsvpLto^xGAhf}3%P2Id50Q0wVPYTv&8{>A;k+TlR^rX~f~eNQ9KoBBhzG%d{m%nQhJ*3R{bbMfS!jXb zEi&^IFQ;g{_o-vg%tbD8o!?MfCb$)4;`Xs{0+lv_S zEC}p!_eFwPsp8e;XMfb~IdsBJAUuhmsB_-fW@Jl95QCz`F#TWlmBsAI(-y_aOPsSn zn#{Nq+MPIJ29SdYQG{1P>7dzkRdnTcxmE;@)aXKSm{HP-xSGVXE!3_0u9_6oZ1%Z6CX~*YVqmmkSE56Mxz+EFjD^ za}SuvSD`gjTXuJm!=3O=?=qH4>Y%JxIr;o!=xd$7e)YmC5srU(yT1#V8b`KldW8NL z@I)mGpaEDfUPakl{^~t@qlv>TRXkIUXNco{cl!dt>qEGk2LKa~NZ7q*_~>~tWwQEc z$SX?Z;h$v}m-a!3kQ2nUPrl-w8nV*3Pp?STJi#No-*c21{ zI!o&of+!LxTE`z#KLxs+rE4n~dT%h!4un=4-FS;22KBK{^_E8m(zn@>vQ$|Y>-1AF z|1w}S*3bBKHk6rOJ(ac$n^LBcB*44*BdE6E$kN--SgKZ*iCj7ke;?Lk?+d4@Ny1_c z{FWwW<<)_KE{75*Y*Zj61=0W==wz)R!(q~)6K0G*%v4D}_WFg_R!qhc=l5J{{DS(g z-<)#sYOO%@Ctn^Dqp^Z)69M5bzfTeb$bYyR2rnL41Lx)L$pjp$YQSjkwHY*k0!b!& z9RTx|G0*s|YXuR9(N@`Rd)IGzClOs^q9r%JH*qNW+p?auep|20#pMYBj^TnEs2ST| z4#BS#>vROw`07Qi-e>JFkDhqrQxBJj5JYs@iLSKi@5SXFfS=M{gt#WOl6>js=yr8w zPO+%#1JQrPCTa6)&vK2r5h*_AK~q?XygeHwi@DjW(Cza}!}TJrave2PwBYo^gzdtN zpfBMJLLdR-hV+HI{HgcR?2tjutlEyCVDEW=I!?jY->t*fE9d9nJ>WX~5J9_&g9Fa)S0(CI;$StqM+Q&amx zOt#N&ztT==LH4eQ=++5AO#%95zvgK4u>0fdVx3E@w{slLor@d`HoVI6s?F=Er(yNd z>Lt{5je`pV{{#6hnIvc=sQ+QsbCfa}`rXSag-=u5s4?QouMD90xSduIeQdK7=^Ncs zk^_Bgp2e3@=TOdvE}F0z?PpLt*Wm?yv))@{yHtCz&>k<1WZwx1_l@%)LvyaAU(O^YU0@F*}Q(+jiety*7=3?%3Pg+Yg!7O&~_e_F?t}5bNihJtZ+%Oq`}Z-KzN+A1U%&RkEWb*D z5EAKj#?Y>(E@|Od;*%jXI>f~O@Ool>V{xTljFc9P*4Qg7@4GFe_s^eqJDui2Xq0aG z12SM#Zj#k`u{)t^i{}#Uv`4A^;16_)QaXhA)G^)M1XeYIJAEg9{$=fkF6RY<|B#!I z|A8zD^z+gfj;*`qn-rAW!(Rr{*dH|g zp9*293ybh;w+REM0?>N!3c)Z)4Ggr>S z<>!CQLC#OW6i{jD&rjvRaJ-?OV+x325J$%Lj)50l3u&1qAa}8)4zCrxs9sJ*N}M?( zL2Z`uM_EaG*cTlrpDiNVD<$1x1f?}^oG`L&YdaozfPCY8t(gNkyzNbts`e6-DXaMS zP()69it&PIco1ni!{c`qO|*?SpDe?t?<|0hMDccaHXPi+@c&-qFsv_n>rfSmguzKa z>jHZ7YuoJwr7r2JUBt+Y`EHA&jQBy@Nqr>eHcuUCY<~r*QPv%0>W|x(?rBc;HlaTC z7FrCha(}xs9F)WK+NsaIxQUJ{8@y-6pc)>0<$1gnaPIlZx{ak0OK%`jJ>yO4q~t%o zWl}QeyOJ}_AE{cm3mhlCR(Mb}>~FIwYhLw;=)?J00qrbnjHck)tN($T@Z;ZlW*A5J zCD{f&#qokx22fc&Ff%n8;H5nG=*6R&y!@taCISw;M?$@Hq7jRAj0B=U{+O&${AwM2 ze~mD8_8<0}o5)cF3jnPX)m}UCW&tF7V83Ku070jKtZD$;$Hn+OqrNc>haz4V-@#1D zEV?DqNzGmVzyO8;Ro0Tmgh&*bA&L&P3+NU~iuNAnegWyZ3hr95QY?c;=#b5_0V13F zqZ_onEM(j6Mqz7VT!`fz6HxrRE+Z}&N`yZKY?-n73L)C=uMkf1hMshhYap%N7EWE2 zdgQrOg<{_r5_!gHX4sq&vc9IV#`21bV$EFgHmFg-QQ4TrIW;1r_uk>?3|w%rE#QqJ zDSKs@!es@Fe;#m!w>)&PDYH8JN2-Yixjwkn>=-oCYAG6Z$t6;JlWh;T?f|;c2dHN_ zozX%qb-F9k@j?0e?<&xyeMsnX2Vt!3@_6fk`)W;NZo%ZZ0_A&p6l!Ka!a&wsz(^to z$W*j$yNk_>v^{@Me=1lf(4G?bOV#{d)QT9WWh*fL!wP{yYfk1YZ=$)sfg44RRB*}q zJg}e#`1K#~&f(oNP5z>R+#ahs5;!+OYbPyc>oU)%D_;c8?eZOE6fcc8b#-H^g`lFX z5nYLAf3Jf!6cw-eE?JV-W@%c~TTgX=Z=6d)ZGco3d|#^4xsqq|lS{Va!|@$hbuTlj z>q0lWZl?mu#UqDWG5jCszEHGRHjA*8&)U%fuLomm3l#ioR`^rW)=L;rgfTfD9_JC0 z4ztd^-HJM^M}Xw_!cwM$@5>#u-J)SPNP1VzK)WxUbUE#yCMnR>bgtbjC16N$ZM}K3 zaLz!vuiy%ouDD)_m*^CP>AM+JnP@f($uom(6PeOI!q(p6>U!%y@A0sG(B%ct*5)w) zy-Obm3~LXw_me5iGw2RkI5i0WtSxX0iQ>Cw5+t&%Dto=|DyVP!QQ<&OE3%KQmt`)@ zHk!B}h$uE(*H(A9$}8^cCO(;S`cK?QXwjV+sR?Ld^O1LshkhC((+l4ZqxAwd+PXr* zk+F;>sDt% z(3p&|jQ^~alFGptGwEnL)*Nc2Bx`f47_;N|O3*^et*ZD4t+C+{DY~;*;uX;Q@!*qJ z(H-*4?d^v3);ZVFtu9rX>zJ;W8wA<^md7W_g=0|oYDW6dLO%Np&_&hmrH@f=q?O5# z+Z}hj$RZ~0H&&y_KXLX0prr>+>Mm}Us(Ys1v9|T3rhY!sw!dHEz~3J%^1IAw832RW z)*A4Abi|whAC_}hr`vgtz;L~O;RMSH4~@P1fTZPpob`!7!2>CT*!yY2*i0P*2aHx| zAgM_>QgrxM_ASCR#FHK{}T`T69^%-pPQXz2HQj9aZn)WadSImw@j6*<h!(jQVq@Gs-cT6mVitPetM{*G%TITXLKx~n&3eImCjk9VVjW>W_ zLmdLniN~0Rc?i9zEOsuQt(SdDLB?FjYOw5m0P0?BoeoEj+%yi+Y-5D0`_FhZQ}Jg1 zf$gNr-H9OEsqnZv?ou`4$t}HQQ$#4^==tt8Bfmv?)9|XxcyCmgIl--Ft7B5E-x)?X z9Pwocs~lw5PXuOKX7s~4%1QFZ=vi#F&PJ1vNG_M>tX+F*_>*@P*Lo9IRx1V{- zzFvCGT0_Fr1XoMhlo9?S;3?+rC#?=)hDtq4&H@2!iuvArQC=FC1nMRmGbqpi2qx8f zNI2T>6SUh0&GI(aNWTFVWcJ7VB1I`FLUX7PdP`)3nb}-Nc}{Pli@4rJk31od#k;vK zHd1MEfoV#BZ68@ormYcHc^#IrEDu+H>RML$WJ`K;jDr5gtZmg3E+=KA5tI*XPYw*v z8ydwYjDz7pk>XoPBnFrT8Hgae`4w?WLGmE>xQjwgdH_03t}GukKsiw+dV}`}zI@qE z+3I#m`u;`q5oIzOTwyMYLTacX`{Z!S_=biBcq6^=vyDtJbt7!gM#Wv13;VRgFgSEG z^b&6rBSW(D*TjFtO8BG;g2jD-lplNeq?z;fqAyyh*Zw|N5KY;477Vyrr+)9Krl`1< z|2RgoWu*ltk=~o<5xI(#ff%_(k{LK*aNxn@=w%pfMWY`Y0W@%NLz_U>y$hIB5W1_H znR1a6_U%VZvall9jW-ozz^P&?QQW2Aoinc$bOYsnSq1|NRnv^I_N0!#Y_sZZjbBL* zh$+0z0K$QT%I1rcf>u2mwy<`aFfjNjd;s?Wg4Y-$)}Y_?f1;4X$$F=B0It4#COSha?DrXPj6mo5)$^)rAtoJdcC(h z=s$)09@)nAKakcQLfJJr#7H2efS7Z&Pfh0A?^)Vz4-#ws8>a`kY@BLCAcqoNRtsqp zf>Y56za-4f7^Y-bEZX2;>HWzvR7~IZCt{908b0FEZmKNeJ@_t`Ma%zKHyK^~7ccz9C ziR}UfnpNGY6M)NPRkdPQ>a*O?^7q^GScYhklS`IIH67f8y>V7W!bXJovyuu{_5z!x z_`d_k=dr*(29v%fptF*#I)wH^8zLJ8v>1GM48@|DJnM)#`B>nJt2j zfBUD(Trn7X=qg%Pl^(^PW}5qAJ0m%5(~n-y!=L($vS#v7#Pe7SNZFliPACNrDs<0 zh0l_2VED15dEvA|Z&2h20<_&~Q;TTik?F{BcND34wJn}HMUrI32VBVtgu6V-eXSM_ zysnE~5m^gNq;5^lk;m2M1A`XDNI(t9A)%)Ez`cpHb0|L5`%4?$#}&kSX~BYD@a`Ri zIJZ!DJA6mY!}0_A-pF|XK;ho%x;gBG#9&mJu7wojG(k6#o>K^3k7w^$&mLw8K(6;d zGUzh%w7My?hmJX17KADDMjK3U%SJj(cmH63iFE-OI=?&kvvK1yVM^Yrdm;IQ#!dJm z&fGwX$T&GUawl)$=cSJhNrJNf6%O3lH9D8f*cD!JQhrrK@{t*(^8d|bByyTna06&m*la8NQnT98oA6mbEB3;Vfqq&h`Xe0ld2Z4zdrE(kO?S;~hMZ zM?;96|L#d&xpU<^;2){3LRq*Pdqxz9vQTWcS`Jlj-yQF@fjAwmfYcww8e9}=l|jmD z|8=}{@6+4U`KMl(-2SR9q)BQ8B0PE2yjwFq5!e-@nV<1`V9;SDKw}=Ojn2;saK(Qr z3iOZe%C0`i&c;p!rTIRm+S4gY0)Ypp>3a5{;yhUM@EBC-;&Gu!lKrXrB83&v=LVFk zfNQcrKxrqu8l(Xs0`*y=)CI+yt9W^kUzL`Ed9${OQd2m$)5~|BMK5$(>ult#$Vp64 zw<{+r=sm}5<9|9TpRl78TX&MR>K0(wF@`F@kp{S+x)nVwHfC+E*(AR&mBc}xLj+%L z0t7sL?Lhc4P)s0Ic-njy3P^*P9S&0drQ(9ks#CMCL-~3VOaIyt?=U<|u=-nozgVQdbm_)R5h>8SOD{?v z?`yY%={?Tc_dt9-~U%8_PA56)Hk>0>*8e#ZMKEx7aRsA?5S zaGn1W``@_yQd^qwYuwXSkK=|bhulaBQcSs0B}yZkL3yom+|VJl-`#iK0w2q-zc-@H z3|x!SeX@+|xR{w0yFU?ph`{$A8HVRH5{5nOTWovkgZXzi%1ql~fj0#iq~=P3Nx#T+ zB_=S#IV;Gmd}8<*p7p~QGZqTNQv7;RDga~xDsb0}UR4Wm#xaA0^I$~I$?fXaLJzmn z1#Dqo->?+OV-|7<+{mxZAV4<|pwd49;83_Yk>^WfjS!%O0}vH$^$m%+Y_1xcrT3>` zg0B$~HwLR2atr9>e+!B{0W7w|1`d6EcfXj?RU1f5jE?OGDo9TRKnfjSsX~|Rx(mWH zmX&XLypxExo$z`bmI0ezm}^O9B$a?HWp}b@xgiEtv{ork*bLQeP?6Io8ydz<7!h6- z4&O3u^~J6p+W*piT@({Z97zO*Us4~MB|+~dtCW|7e+_1;KD;O!!3G_8h(+;8pzg{TPF!{o5XY-*UgV{#PIVwLrd3*JcN;Bu|F z5};^bpGSc%@U0!4r`0dPkzHtF>_|1pB*(|gY~x83mo8V;x4(wFA989$p2)1U-n5{e zxK|dwqFxU-63Om%(DL&BR$g)N_g3xofq`}a<+VQngEM6=+{u)o9dE{dD9NFEc&W`O zgVim2Q+GO}|Hf6;W0`Mi2iLv2vGP`X9k9v4JA~LCBS4!pR*EN2Hkw?-N?MFZTwZfH zbNmL<-$0tg(1pnM9Z%mr2N;$$%A-9ZMY@#ufs$St2^V0f$1D<`(>4cDu_XjtxAyI+ z3#J6FkU@5L3l)IjYvvwPT0$U`pF-FwQPeUzKtE{~;@wjN*#r+kFq-q=qGcdy1uVSWl6}*@kThWj4%J?_Os)5= zN4veJrBCz3Dx4n4uidPnv6$f9EIV$d;cyfAS_Az4Q6X*5Y=Q$3A1>sTOzkTwbi)?` zEVL4V)*85unRqC9PHXVug>)tHxNIMV-N1I4OsOm#GOS(bn}Pv1|8OIoNkHcS;3M(A z*WN=%YUeLACK$5c3$`K9=9BqSq}pi&qU)BIe6*fx=QnGxPj;K7O!^Zy8p@-C*&l?q z8Hl6(wdlS$KWEUNy?otSM_OHBUph~$a=tObsHaF^!1_DL)4rUwnXb}S&u|oSl zLGx^%feA*0862cB3;h8Q)0RE>0-#M(A$|bt{qw9a4UljU2q+f<108Y7PU+eO z4d@go!Wahny?#rthwu-h zsi-lw2w-wcq1IM0m?MhOHe-A~0?%WaML#oh(`1O`bm8_>&+Jz>3n-oYUptL%XciuN!?_b(W!(u6+V`y6;Em+a#cETFaLOlpOCqz9P2WFK-7ZF})X z7cE8nXr{Y4i(RP$G2tMn8a}xZL{Bx;h%%^er;Hq30#kI(w+W6!=2i(~8hlo$R8!K(sZYys<(e5h`cbZ?z(SusQgoJBbbY-DggH7UJHX8+(m_eS7R=-Mk1@ikMk@qIr3M%@Fgodc|!t8RK{JEea-|5y$U`#X{YJ-XY0|``x zE;ZwaS=9i7t1D=e7q9GQ%=ksG+vGr*d%x}W15yE>GAr#(U6 z#B^&hYk=dpgzPJw0qa_-En5%Jo4W4-bT434ZNO1hn8)H>K(cvcBVCtwuLPF<1vP_6 zF~le{MdiM)SLTsOkr=J>R`$|`UsT}~M>BWo96&6MyZ=D5hWE&@`POjkVKIxNGZ``O+%tWjf|&m0M7dy z@BsjI2b1D-bM(d0C+jtRhDVk6jw<^MUE7+3mqO;>bR)p-hN!-JZ%m#>*sP5&)3x4&FL(|m&L=e=E5xO=d~gw?9g&~{EKIE$nOWMMJ&c} zv$c6My`wS%1q2qYsys*|bLV6i+#C55NYy6JD-&%~&}d!{{ZoG6f^Ue2v3@K8FcU61 zy&W>7%%cS>8UyS85f{9U$OMX7EK>Li6ZQSRW-7l?6RVZXVQ{unm<_fTzBCIF#&%!# zK-vp));rQPe6;*Piu}ptC1c5_e{1&^lScY|@|W-zhd0Ueh@9DZh)-x(iLPu7T|cgY zT`hz3Sot%}SN>Z5`U;+PG~hHa?@IR&mt^DhP*qN$tz#p8$B$THo=C^agd2e78Sg=| zVUp~8@%Y*PbUkr{De=B8gjWTrl!<``7N1F#0)-%mjDAJQqr+0f5g`^SFg-fD#DGoZ z;0*>DK|R7Vi78EK(O_;J2p4X@89bV!Ed2{`hhAFHadl(4GsA(s1VPpuC zsWk?s$cm(lQlP6bh{l3qgPa1YQpzQxAd0{plO8gvIf&F6sb;kj7C3Ii(xKKf=(tG1 zNDjK)plro;Fwec>b7ht*#InD#Cr;gp$33I;W^gkp*@Tx)XB)#fGZ6^dSI>y$hv4xC%XDpReVo*k#ZRA={W3 zTS>(zL`4zBQ$39^LnX457A3?ZQi?(ze#g`Md*8q2^Eq>$>s;qL_kEV@T-Wzo-2qW* zK*qa8@BuvVg)T6OCr|0+%L@t*tuV_Hkye!KpU=TdjvQC4jZvs9zkNG0ww_6CjYt^}3Er2!CG53Ra`@oQBomRkQ;w@}x zYG83as^!7=fT;T~+;=bbFFlNV|-y-k=S&!dNqzIN8gW}f4%v!D zu3pl|t{%*+>vYBe*CbBs_|<4}&h}OnXSd_<>AVvg7xF`uwPSLMp8M%ES~5_v^wuR%?mwAl{|nO`3`(_TaFzPx7RS{9f5S1GF74$7GR+> z*l~90)^?QGd`*m!0|VQ4XK$v8OSkw;qU>$0(1`J6@#FQT>IVSao^Nw!&v_yaY@{Qzk?ts7jX6=sg8UOq(%9yrFcSo7fW(rKpxA-Et zQ?n1;(9}m=du)U`S=$C%G4yZGEM(ggvly8V;Yt;ncDgw*`8e&fSEfLU&p%sfa3zdn z2SN_4K=5Ec*kfJTB35+9csE8j5D6ku3?Y*=b>8-x@QoN>cu-+Ft{X0MhM=j#ZU0P# z^+ZAuI6$#|wGtu&xcdF?;z1HH2(69j=y~9vK42{zd(zO$HHZcr#@1vJc3TM(1^G zgoPd%{=_Z5aiv;u*-vJ}rK=N@?<(jc!SWV7)OhItKivuNl-uh)hK*I~P>chv;=1*j zIX(~0koDa%orxx<@Vmv;QDVYMgsSO7LNB2UpXz}l7a3ul%_Lu4yK6U8LvbSNgD7H7 z*1me)hK=8m+Pi0MBy4JZ>GXz#7IeKb}dHzQQT-DoWd638`(WizMx$74YDg>3!LVg(-3MxC zkjsTsE@O{)|L!$NR?d%JprOof1%A6CvzwY%C#l%IZWsGtoroAI67%74Hgxcaimr@? z_e6Ehp0HCdOm;Tk(fFec<0Q(X!%{sQn>+K3ORoz*fI#~AmLJ#b_IF$>5>^IkpL?lz z9aF_U-HlL+ihwmjcp5BcofZ}a?v`HbzYy4`?q{)eF*Gv1Pw}gsVi(pIw#4V5N~jbz z#9{dwTYRRrU8Er*VC`c}QYKZv%0aOt!Fh&UBcw3ToGrj@d^VpEZFT?H<<^+Z_b0KC ztdP}BmL}T77tHA1s(R;?Ggi~yFAQ8OZfvublgvuGE%EfWr~{k zC|Not*7J~rzenm28!E8;YX?{Zh@Si!JljLGw^;DvSL4}Kx@%WYkl+F)n8j>Ic!-8M zO~0$;q!Gn`c|Z2P>E?Roa^IykLg?!oDP|4@IqBI_A9o=h#Yj22tB#6wjc{@!jW*&8 zY`;C}nx{}i=qlzG*mODBUOPkrLS$Z$}Bt&^?F#^ z%|pDW`0Y))c?H>>X`Cmp0Q8bpT&IuYe(+0AEhg({^#YaXyFH#?%89>hpwzM-Ah_VX zO~ML?&zoDZ(|wh+oL2El6j%&7F3&@>BFbEYEC1S|2cbHU?(~Tx^`ez0UMF65;c7Kt zrGV`KTNBha5<;@-G`xWgF=!|HWmFaM{qW%9xzWr0GW56MX_V95X&#@qU2fF6jnT8k z_GYt}R7b0+flQ^O#&t~4mdkv-()o@U>Hyzv00Jm*DqnMMTX(R?0s2TZEQJwyuA9spedfKkh|PXlnm{&$IU zelck>6HEmG@=@76|Ly^CYtt3*ilZj054h1qd;K4m?~=&LiX zH_Rz&{z(~PH(*jKIoBQ<8zhRSWE@CjTK2=*QoOz0kj`2eNO5Jv)};W6#23DlERp;B zHuVPg*@uOkyvNB|th_CiHup@rx>iQZkF!Z7BG_EUuw_9=S%&Sxoes;nHmDocM-S^Z zt7i9=>q;N15U{7uv@7N18-*S^P)o~b7V-A*lW_}J8cVSR%z`EF{LY*iNE~#`I@3&j zznQIsd>r0>I9+kRTKC}m+m;m)OQ};W1I5G{pmBa~{2d|BM8Sqof+ck7~%wOvm@ov2S+BL z*!&c+A;XO>ImAPq1&r*)svM;o_N}Pm)CdYRoWd1r6t{=&4>TG_`-QN#_9DP}I@-fN zV9q5htWWVNn1RJsA{0j$nbIJ_w<2`f1y%4VSsX>K7HV*1=56$H1>BCeL%8u?ggcps zlDBxG1RX8mjeu?OhaTe9N@Gzc?|nR;eK~XETSkRsZV8oq-G3;bkoRL@+E+l!JOAdz z?IR!6;rWfQ%|vhlaj_5hMqQa=4)e|o|M@&v*UO6-%PA<#ozj3XPGlkQP}c|b2NPCZb{uw z`OFIHuv2oSK5S1aZlrH0G%no&52(XOA2eTsH;&5`$s33t8D;^zJ=g;JD>&s34R?_7 z899JGL97aHx|I!;pvDoNq62q1rpAFZNo-Kl_w~AH`tzak1(k5+Ljr`SN zM&^lThu6~9Q}vi_NndJR1nxR8+aY>7zs^rKx6;`+O-+BYw;%Hpapc3ahvR;(CfPbi zL_x9Zf?~)*g@C&i4Li4(2HC3XXafS=0vMswYPmQ432{L_tZ3Hh?=ImHfJ8&OvUJxl z?1@gwI1>iWH(e2pxApOo@+O)}4Hrj#ULMh``q+se_7!6*oc5$_Cc(BZkNe`}qyRRha|dKmMrnuA$0`Xr zoM7`zY&f3sdEb1jf(2TU#)Zhx{E67McjIcn3WNOS- zb(+T>L9XcjyoPzSWX*s^Hi$#fFy{wk#kW7f*yoT*FdT^Q*M(6bmWQq8wVYu({qBm;A?hl>WY=TPbrF_*o8@r|r##s$GFkRxFCXYbFS80J z_Vj|)>AfaiiNWS49ZEqZUxIe#YlAG7B14JP6K$>IG_p~{CY8Tsf*hvraNAwkUtd)f zr^W4DVPw{5)OllzAI~UMQ($U19+XFg-yvm|k}O)Qm;<-DN93c`FZA9DlfOntfc!8= zst^I+sUl>h&uoZQg_X#SV}Qg={B^4I8>(tSNiTPp4Vmp{Vtpa7FLU#tvs}HD)fLy9PM8^y|9MgRC>zjH%gjd|-Q zT@MkP&GS9;*Wg5IJf(QgRSm^A`uz`F1Y7cEEosP2x;;-DA@-0}42gwr(`31b`{HRx z%ZB(Wct+0)CSEGOO2Z$CIpK%!>Sk(M>*X1|zoVwx+8vP@wrG>KOFf5?No)D+BBBRX zi6rF2^D4IM158soQ-Q)yETGDU^`fsx6@_ItmOxQ~5ZEnx4y1!f#0jnt;ev*h&{fy~ zPgjBhU{bR{>LV3IBUvuT`bBfeS}TLv;;F<+ibS!L$YuuvXyIyfO6+Tv)bS0#y(IfI z(HAD~ZWeUOwTihTu|aE`1X7@4Y$vyIfR4S6hcXiTQ$^KX`; zd5)xlBhn{d9J);VP!w3Z*|qq~-Od%gKSk@V6fBkG6`?{4$tyL71lC`>?D4+=5Wu^|ng;cQ6B_K<4|1=>;+MrCj;yds1k!&}AC+2i{ML<~ z60fvM>@nfbfKQN9?&JyC8a%;=m6A*?<+aYU!=xgWN$Ni`hYY*}qvZ@NGhc2iIwATb zk8@5fU7vW}@Q_~Bo?cXXZ*$N;({|$LWKYwtRO0}9jE1>bICX#!#)%W4$2{ybR%gm$ zsgD)#WUs*sBngguur-5cVE2mkvad##x(|ow$EMr8KPkOupq_K`S_+A!F&P!|HWm!c z=RCd;aGwe6w~IPE5>h)UFkc$o>VUkoZRS&as5N6ROrNVyp@>oHq*K^Qdl;!?YB znM!qk&Hjx;_!xlx|FwMyP_-#%GF}adTfHbX&|q-fn;8pJ;)( z2}3sWO*;*)Z?~&lS+dDNoUat@%%Tc|X$UtqWXeXF>w-9lO=rPX_-S9*U)!O$#2uBW z+N#!5hd$){qXEN=8tou`!+DS&ED5lUbN~ZHG~jcp3B??%f&26oXXGXZgR3Y8)W?tr zp-61Dyhu|ww{b&>P%rbzA7Wgw%rliVb4s11Lrc5K{;-o*=8%;0E?~;&x-4f%`rD zH_xzL1|G;RwWuwC?xAdAzpxxIusJA;%g~f`u9fE+WNWj+Qd@)Myo*GJk{>0E9$f~AUgM%`&|--NZEw~Z zB=#li;ornHh^x5ZyK3L9?)}Z2Z|4|Lp zZQo`wr~bd9%9*jDlQT9SEar%6bAb1yQ)UgCqx^HxalMg;vXiTJzZK4L$pF3by6=`e z@&7F_PMGIjIbahXM+h#Zf^tX{Vx3gNQech=sqebDnygZJ0UnR1}uhSBb5)W)A`Ke}ulmHn&8mqqu55%a%*Re%xy z(>as-yX#Dk?>n&iin!?WZ@n$6vWG)gleZ@KYXNBDAc0E8XDzGv>$`(Qz8qZ|FZyPQiNhOHB(;U3i@G`+>q1)!sx@~{tW8yQm3*I+HB~O*CL20V%%4)x*PyflC zid}b?UmO0bz0~zYSDm9P(aDd_)n6U5zVVAS zcr$kez%>gMR&@WP!GgOG@y9EncVTjx4Y196YuAGEQq9z6bH830YP)s9^|<2ESr?0f zHAn^f;LNu5C$_zcir*YPk3FGuD)qH@^ZTYA)~}vkpBcuFb(;k;6u-R!@+rU2jb+hR zg0T|o^=b#+TD|OfcV(!5z2kyedIIIQjYq^#Wxu;_^kboNCS=IE;vO@uCooB%lKR@c z`D3YV=TRWLd?={T;Yszd@TazL1qqZrpb7@^*vlr9kv)LfJ9`zoq+zsw(~8#Cn=Ah$ zkDGwux6r^p-M8psVh`T@eM^$bkJi5~xm8(7ztyCN-;{tc*CzwDH_KOTrfmNE|F2{} zkUCYik`9JMWBu>f#cFfk!Mp!*MR)yUPyV1W=)Cgae@*y|TJK&>T7$kRCI2hXcW`0Y j>x8MR(Hn*$0pk4=rTfu6_}&3sSFQXQZ$Fm NCHW + images = paddle.to_tensor(images, dtype=paddle.uint8) / 255.0 + print(scorer(images, prompts)) + + +if __name__ == "__main__": + main() diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_pipeline_with_logprob.py b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_pipeline_with_logprob.py new file mode 100644 index 000000000..cd29ac73a --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_pipeline_with_logprob.py @@ -0,0 +1,238 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Copied from https://github.com/huggingface/diffusers/blob/main/src/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3.py +# with the following modifications: +# - It uses the patched version of `sde_step_with_logprob` from `sd3_sde_with_logprob.py`. +# - It returns all the intermediate latents of the denoising process as well as the log probs of each denoising step. +from typing import Any, Dict, List, Optional, Union + +import paddle +import paddle.distributed as dist +import paddle.distributed.fleet as fleet + +from ppdiffusers.pipelines.stable_diffusion_3.pipeline_stable_diffusion_3 import ( + retrieve_timesteps, +) + +from .sd3_sde_with_logprob import sde_step_with_logprob + +try: + # paddle.incubate.jit.inference is available in paddle develop but not in paddle 3.0beta, so we add a try except. + from paddle.incubate.jit import is_inference_mode +except: + + def is_inference_mode(func): + return False + + +@paddle.no_grad() +def pipeline_with_logprob( + self, + prompt: Union[str, List[str]] = None, + prompt_2: Optional[Union[str, List[str]]] = None, + prompt_3: Optional[Union[str, List[str]]] = None, + height: Optional[int] = None, + width: Optional[int] = None, + num_inference_steps: int = 28, + timesteps: Optional[List[float]] = None, + guidance_scale: float = 7.0, + negative_prompt: Optional[Union[str, List[str]]] = None, + negative_prompt_2: Optional[Union[str, List[str]]] = None, + negative_prompt_3: Optional[Union[str, List[str]]] = None, + num_images_per_prompt: Optional[int] = 1, + generator: Optional[Union[paddle.Generator, List[paddle.Generator]]] = None, + latents: Optional[paddle.Tensor] = None, + prompt_embeds: Optional[paddle.Tensor] = None, + negative_prompt_embeds: Optional[paddle.Tensor] = None, + pooled_prompt_embeds: Optional[paddle.Tensor] = None, + negative_pooled_prompt_embeds: Optional[paddle.Tensor] = None, + output_type: Optional[str] = "pil", + joint_attention_kwargs: Optional[Dict[str, Any]] = None, + clip_skip: Optional[int] = None, + callback_on_step_end_tensor_inputs: List[str] = ["latents"], + max_sequence_length: int = 256, + noise_level: float = 0.7, +): + height = height or self.default_sample_size * self.vae_scale_factor + width = width or self.default_sample_size * self.vae_scale_factor + + # 1. Check inputs. Raise error if not correct + self.check_inputs( + prompt, + prompt_2, + prompt_3, + height, + width, + negative_prompt=negative_prompt, + negative_prompt_2=negative_prompt_2, + negative_prompt_3=negative_prompt_3, + prompt_embeds=prompt_embeds, + negative_prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_pooled_prompt_embeds=negative_pooled_prompt_embeds, + callback_on_step_end_tensor_inputs=callback_on_step_end_tensor_inputs, + max_sequence_length=max_sequence_length, + ) + + self._guidance_scale = guidance_scale + self._clip_skip = clip_skip + self._joint_attention_kwargs = joint_attention_kwargs + self._interrupt = False + + # 2. Define call parameters + if prompt is not None and isinstance(prompt, str): + batch_size = 1 + elif prompt is not None and isinstance(prompt, list): + batch_size = len(prompt) + else: + batch_size = prompt_embeds.shape[0] + + (prompt_embeds, negative_prompt_embeds, pooled_prompt_embeds, negative_pooled_prompt_embeds,) = self.encode_prompt( + prompt=prompt, + prompt_2=prompt_2, + prompt_3=prompt_3, + negative_prompt=negative_prompt, + negative_prompt_2=negative_prompt_2, + negative_prompt_3=negative_prompt_3, + do_classifier_free_guidance=self.do_classifier_free_guidance, + prompt_embeds=prompt_embeds, + negative_prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_pooled_prompt_embeds=negative_pooled_prompt_embeds, + clip_skip=self.clip_skip, + num_images_per_prompt=num_images_per_prompt, + max_sequence_length=max_sequence_length, + ) + if self.do_classifier_free_guidance: + prompt_embeds = paddle.concat([negative_prompt_embeds, prompt_embeds], axis=0) + pooled_prompt_embeds = paddle.concat([negative_pooled_prompt_embeds, pooled_prompt_embeds], axis=0) + + # 4. Prepare latent variables + num_channels_latents = self.transformer.config.in_channels + latents = self.prepare_latents( + batch_size * num_images_per_prompt, + num_channels_latents, + height, + width, + prompt_embeds.dtype, + generator, + latents, + ) + + # 5. Prepare timesteps + scheduler_kwargs = {} + timesteps, num_inference_steps = retrieve_timesteps( + self.scheduler, + num_inference_steps, + timesteps=timesteps, + **scheduler_kwargs, + ) + num_warmup_steps = max(len(timesteps) - num_inference_steps * self.scheduler.order, 0) + self._num_timesteps = len(timesteps) + + # 6. Prepare image embeddings + all_latents = [latents] + all_log_probs = [] + + # 7. Denoising loop + with self.progress_bar(total=num_inference_steps) as progress_bar: + for i, t in enumerate(timesteps): + if self.interrupt: + continue + + # expand the latents if we are doing classifier free guidance + latent_model_input = paddle.concat([latents] * 2) if self.do_classifier_free_guidance else latents + # broadcast to batch dimension in a way that's compatible with ONNX/Core ML + timestep = t.expand(latent_model_input.shape[0]) + + enabled_cfg_dp = False + if self.transformer.inference_dp_size > 1: + enabled_cfg_dp = True + assert self.do_classifier_free_guidance, "do_classifier_free_guidance must be true" + + if enabled_cfg_dp: + dp_id = self.transformer.dp_id + latent_input = paddle.split(latent_model_input, 2, axis=0)[dp_id] + timestep_input = paddle.split(timestep, 2, axis=0)[dp_id] + prompt_embeds_input = paddle.split(prompt_embeds, 2, axis=0)[dp_id] + pooled_prompt_embeds_input = paddle.split(pooled_prompt_embeds, 2, axis=0)[dp_id] + + else: + latent_input = latent_model_input + timestep_input = timestep + prompt_embeds_input = prompt_embeds + pooled_prompt_embeds_input = pooled_prompt_embeds + + noise_pred = self.transformer( + hidden_states=latent_input, + timestep=timestep_input, + encoder_hidden_states=prompt_embeds_input, + pooled_projections=pooled_prompt_embeds_input, + joint_attention_kwargs=self.joint_attention_kwargs, + return_dict=False, + ) + # + if is_inference_mode(self.transformer): + # NOTE:(changwenbin,zhoukangkang) + # This is for paddle inference mode + output = noise_pred + else: + output = noise_pred[0] + + if enabled_cfg_dp: + tmp_shape = output.shape + tmp_shape[0] *= 2 + noise_pred = paddle.zeros(tmp_shape, dtype=output.dtype) + dist.all_gather( + noise_pred, output, group=fleet.get_hybrid_communicate_group().get_data_parallel_group() + ) + else: + noise_pred = output + # perform guidance + if self.do_classifier_free_guidance: + noise_pred_uncond, noise_pred_text = noise_pred.chunk(2) + noise_pred = noise_pred_uncond + self.guidance_scale * (noise_pred_text - noise_pred_uncond) + + noise_pred = noise_pred.to(prompt_embeds.dtype) + latents_dtype = latents.dtype + latents = latents.to(prompt_embeds.dtype) + latents, log_prob, prev_latents_mean, std_dev_t = sde_step_with_logprob( + self.scheduler, + model_output=noise_pred.astype("float32"), + timestep=t.unsqueeze(0), + sample=latents.astype("float32"), + noise_level=noise_level, + ) + + # Convert latents back to original dtype before storing + latents = latents.to(latents_dtype) + all_latents.append(latents) + all_log_probs.append(log_prob) + if latents.dtype != latents_dtype: + latents = latents.to(latents_dtype) + + # call the callback, if provided + if i == len(timesteps) - 1 or ((i + 1) > num_warmup_steps and (i + 1) % self.scheduler.order == 0): + progress_bar.update() + + latents = (latents / self.vae.config.scaling_factor) + self.vae.config.shift_factor + latents = latents.to(dtype=self.vae.dtype) + image = self.vae.decode(latents, return_dict=False)[0] + image = self.image_processor.postprocess(image, output_type=output_type) + + # Offload all models + self.maybe_free_model_hooks() + + return image, all_latents, all_log_probs diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_pipeline_with_logprob_s1.py b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_pipeline_with_logprob_s1.py new file mode 100644 index 000000000..ced5705f1 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_pipeline_with_logprob_s1.py @@ -0,0 +1,219 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import random + +# Copied from https://github.com/huggingface/diffusers/blob/main/src/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3.py +# with the following modifications: +# - It uses the patched version of `sde_step_with_logprob` from `sd3_sde_with_logprob.py`. +# - It returns all the intermediate latents of the denoising process as well as the log probs of each denoising step. +from typing import Any, Dict, List, Optional, Union + +import torch +from diffusers.pipelines.stable_diffusion_3.pipeline_stable_diffusion_3 import ( + retrieve_timesteps, +) + +from .sd3_sde_with_logprob_s1 import sde_step_with_logprob + + +@torch.no_grad() +def pipeline_with_logprob( + self, + prompt: Union[str, List[str]] = None, + prompt_2: Optional[Union[str, List[str]]] = None, + prompt_3: Optional[Union[str, List[str]]] = None, + height: Optional[int] = None, + width: Optional[int] = None, + num_inference_steps: int = 28, + mini_num_image_per_prompt: int = 1, + sigmas: Optional[List[float]] = None, + guidance_scale: float = 7.0, + negative_prompt: Optional[Union[str, List[str]]] = None, + negative_prompt_2: Optional[Union[str, List[str]]] = None, + negative_prompt_3: Optional[Union[str, List[str]]] = None, + generator: Optional[Union[torch.Generator, List[torch.Generator]]] = None, + latents: Optional[torch.FloatTensor] = None, + prompt_embeds: Optional[torch.FloatTensor] = None, + negative_prompt_embeds: Optional[torch.FloatTensor] = None, + pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + negative_pooled_prompt_embeds: Optional[torch.FloatTensor] = None, + output_type: Optional[str] = "pil", + joint_attention_kwargs: Optional[Dict[str, Any]] = None, + clip_skip: Optional[int] = None, + callback_on_step_end_tensor_inputs: List[str] = ["latents"], + max_sequence_length: int = 256, + skip_layer_guidance_scale: float = 2.8, + noise_level: float = 0.7, + train_num_steps: int = 1, + process_index: int = 0, + random_timestep: Optional[int] = None, +): + height = height or self.default_sample_size * self.vae_scale_factor + width = width or self.default_sample_size * self.vae_scale_factor + + # 1. Check inputs. Raise error if not correct + self.check_inputs( + prompt, + prompt_2, + height, + width, + negative_prompt=negative_prompt, + negative_prompt_2=negative_prompt_2, + prompt_embeds=prompt_embeds, + negative_prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_pooled_prompt_embeds=negative_pooled_prompt_embeds, + callback_on_step_end_tensor_inputs=callback_on_step_end_tensor_inputs, + max_sequence_length=max_sequence_length, + ) + + self._guidance_scale = guidance_scale + self._skip_layer_guidance_scale = skip_layer_guidance_scale + self._clip_skip = clip_skip + self._joint_attention_kwargs = joint_attention_kwargs + self._interrupt = False + + # 2. Define call parameters + if prompt is not None and isinstance(prompt, str): + batch_size = 1 + elif prompt is not None and isinstance(prompt, list): + batch_size = len(prompt) + else: + batch_size = prompt_embeds.shape[0] + + device = self._execution_device + + lora_scale = self.joint_attention_kwargs.get("scale", None) if self.joint_attention_kwargs is not None else None + (prompt_embeds, negative_prompt_embeds, pooled_prompt_embeds, negative_pooled_prompt_embeds,) = self.encode_prompt( + prompt=prompt, + prompt_2=prompt_2, + negative_prompt=negative_prompt, + negative_prompt_2=negative_prompt_2, + do_classifier_free_guidance=self.do_classifier_free_guidance, + prompt_embeds=prompt_embeds, + negative_prompt_embeds=negative_prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_pooled_prompt_embeds=negative_pooled_prompt_embeds, + device=device, + clip_skip=self.clip_skip, + max_sequence_length=max_sequence_length, + lora_scale=lora_scale, + ) + + # 4. Prepare latent variables + num_channels_latents = self.transformer.config.in_channels + latents = self.prepare_latents( + batch_size, + num_channels_latents, + height, + width, + prompt_embeds.dtype, + device, + generator, + latents, + ) + + # 5. Prepare timesteps + scheduler_kwargs = {} + timesteps, num_inference_steps = retrieve_timesteps( + self.scheduler, + num_inference_steps, + device, + sigmas=sigmas, + **scheduler_kwargs, + ) + num_warmup_steps = max(len(timesteps) - num_inference_steps * self.scheduler.order, 0) + self._num_timesteps = len(timesteps) + + random.seed(process_index) + if random_timestep is None: + random_timestep = random.randint(0, 1) + + # 6. Prepare image embeddings + all_latents = [] + all_log_probs = [] + all_timesteps = [] + + if self.do_classifier_free_guidance: + tem_prompt_embeds = torch.cat([negative_prompt_embeds, prompt_embeds], dim=0) + tem_pooled_prompt_embeds = torch.cat([negative_pooled_prompt_embeds, pooled_prompt_embeds], dim=0) + # 7. Denoising loop + with self.progress_bar(total=num_inference_steps) as progress_bar: + for i, t in enumerate(timesteps): + if i < random_timestep: + cur_noise_level = 0 + elif i == random_timestep: + cur_noise_level = noise_level + # 将latents repeat mini_num_image_per_prompt次 + latents = latents.repeat(mini_num_image_per_prompt, 1, 1, 1) + prompt_embeds = prompt_embeds.repeat(mini_num_image_per_prompt, 1, 1) + pooled_prompt_embeds = pooled_prompt_embeds.repeat(mini_num_image_per_prompt, 1) + negative_prompt_embeds = negative_prompt_embeds.repeat(mini_num_image_per_prompt, 1, 1) + negative_pooled_prompt_embeds = negative_pooled_prompt_embeds.repeat(mini_num_image_per_prompt, 1) + if self.do_classifier_free_guidance: + tem_prompt_embeds = torch.cat([negative_prompt_embeds, prompt_embeds], dim=0) + tem_pooled_prompt_embeds = torch.cat([negative_pooled_prompt_embeds, pooled_prompt_embeds], dim=0) + all_latents.append(latents) + elif i > random_timestep and i < random_timestep + train_num_steps: + cur_noise_level = noise_level + else: + cur_noise_level = 0 + # expand the latents if we are doing classifier free guidance + latent_model_input = torch.cat([latents] * 2) if self.do_classifier_free_guidance else latents + # broadcast to batch dimension in a way that's compatible with ONNX/Core ML + timestep = t.expand(latent_model_input.shape[0]) + noise_pred = self.transformer( + hidden_states=latent_model_input, + timestep=timestep, + encoder_hidden_states=tem_prompt_embeds, + pooled_projections=tem_pooled_prompt_embeds, + joint_attention_kwargs=self.joint_attention_kwargs, + return_dict=False, + )[0] + noise_pred = noise_pred.to(prompt_embeds.dtype) + # perform guidance + if self.do_classifier_free_guidance: + noise_pred_uncond, noise_pred_text = noise_pred.chunk(2) + noise_pred = noise_pred_uncond + self.guidance_scale * (noise_pred_text - noise_pred_uncond) + + latents_dtype = latents.dtype + + latents, log_prob, prev_latents_mean, std_dev_t = sde_step_with_logprob( + self.scheduler, + noise_pred.float(), + t.unsqueeze(0), + latents.float(), + noise_level=cur_noise_level, + ) + + if latents.dtype != latents_dtype: + latents = latents.to(latents_dtype) + + if i >= random_timestep and i < random_timestep + train_num_steps: + all_latents.append(latents) + all_log_probs.append(log_prob) + all_timesteps.append(t.repeat(len(latents))) + + if i == len(timesteps) - 1 or ((i + 1) > num_warmup_steps and (i + 1) % self.scheduler.order == 0): + progress_bar.update() + + latents = (latents / self.vae.config.scaling_factor) + self.vae.config.shift_factor + latents = latents.to(dtype=self.vae.dtype) + image = self.vae.decode(latents, return_dict=False)[0] + image = self.image_processor.postprocess(image, output_type=output_type) + + # Offload all models + self.maybe_free_model_hooks() + return image, all_latents, all_log_probs, all_timesteps diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_sde_with_logprob.py b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_sde_with_logprob.py new file mode 100644 index 000000000..1f66687b1 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_sde_with_logprob.py @@ -0,0 +1,91 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Copied from https://github.com/kvablack/ddpo-pytorch/blob/main/ddpo_pytorch/diffusers_patch/ddim_with_logprob.py +# We adapt it from flow to flow matching. + +import math +from typing import Optional, Union + +import paddle + +from ppdiffusers.schedulers.scheduling_flow_match_euler_discrete import ( + FlowMatchEulerDiscreteScheduler, +) +from ppdiffusers.utils.paddle_utils import randn_tensor + + +def sde_step_with_logprob( + self: FlowMatchEulerDiscreteScheduler, + model_output: paddle.Tensor, + timestep: Union[float, paddle.Tensor], + sample: paddle.Tensor, + noise_level: float = 0.7, + prev_sample: Optional[paddle.Tensor] = None, + generator: Optional[paddle.Generator] = None, +): + """ + Predict the sample from the previous timestep by reversing the SDE. This function propagates the flow + process from the learned model outputs (most often the predicted velocity). + + Args: + model_output (`paddle.FloatTensor`): + The direct output from learned flow model. + timestep (`float`): + The current discrete timestep in the diffusion chain. + sample (`paddle.FloatTensor`): + A current instance of a sample created by the diffusion process. + generator (`paddle.Generator`, *optional*): + A random number generator. + """ + # bf16 can overflow here when compute prev_sample_mean, we must convert all variable to fp32 + # model_output=model_output.float() + # sample=sample.float() + if prev_sample is not None: + prev_sample = prev_sample.astype("float32") + + step_index = [self.index_for_timestep(t) for t in timestep] + prev_step_index = [step + 1 for step in step_index] + sigma = self.sigmas[step_index].reshape([-1] + [1] * (len(sample.shape) - 1)) + sigma_prev = self.sigmas[prev_step_index].reshape([-1] + [1] * (len(sample.shape) - 1)) + sigma_max = self.sigmas[1].item() + dt = sigma_prev - sigma + + std_dev_t = paddle.sqrt(sigma / (1 - paddle.where(sigma == 1, sigma_max, sigma))) * noise_level + + # our sde + prev_sample_mean = ( + sample * (1 + std_dev_t**2 / (2 * sigma) * dt) + + model_output * (1 + std_dev_t**2 * (1 - sigma) / (2 * sigma)) * dt + ) + + if prev_sample is None: + variance_noise = randn_tensor( + model_output.shape, + generator=generator, + # device=model_output, + dtype=model_output.dtype, + ) + prev_sample = prev_sample_mean + std_dev_t * paddle.sqrt(-1 * dt) * variance_noise + + log_prob = ( + -((prev_sample.detach() - prev_sample_mean) ** 2) / (2 * ((std_dev_t * paddle.sqrt(-1 * dt)) ** 2)) + - paddle.log(std_dev_t * paddle.sqrt(-1 * dt)) + - paddle.log(paddle.sqrt(2 * paddle.to_tensor(math.pi))) + ) + + # mean along all but batch dimension + log_prob = log_prob.mean(axis=tuple(range(1, log_prob.ndim))) + + return prev_sample, log_prob, prev_sample_mean, std_dev_t diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_sde_with_logprob_s1.py b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_sde_with_logprob_s1.py new file mode 100644 index 000000000..3d2af3f3b --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/sd3_sde_with_logprob_s1.py @@ -0,0 +1,95 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Copied from https://github.com/kvablack/ddpo-pytorch/blob/main/ddpo_pytorch/diffusers_patch/ddim_with_logprob.py +# We adapt it from flow to flow matching. + +import math +from typing import Optional, Union + +import torch +from diffusers.schedulers.scheduling_flow_match_euler_discrete import ( + FlowMatchEulerDiscreteScheduler, +) +from diffusers.utils.torch_utils import randn_tensor + + +def sde_step_with_logprob( + self: FlowMatchEulerDiscreteScheduler, + model_output: torch.FloatTensor, + timestep: Union[float, torch.FloatTensor], + sample: torch.FloatTensor, + noise_level: float = 0.7, + prev_sample: Optional[torch.FloatTensor] = None, + generator: Optional[torch.Generator] = None, +): + """ + Predict the sample from the previous timestep by reversing the SDE. This function propagates the flow + process from the learned model outputs (most often the predicted velocity). + + Args: + model_output (`torch.FloatTensor`): + The direct output from learned flow model. + timestep (`float`): + The current discrete timestep in the diffusion chain. + sample (`torch.FloatTensor`): + A current instance of a sample created by the diffusion process. + generator (`torch.Generator`, *optional*): + A random number generator. + """ + # bf16 can overflow here when compute prev_sample_mean, we must convert all variable to fp32 + model_output = model_output.float() + sample = sample.float() + if prev_sample is not None: + prev_sample = prev_sample.float() + + step_index = [self.index_for_timestep(t) for t in timestep] + prev_step_index = [step + 1 for step in step_index] + sigma = self.sigmas[step_index].view(-1, *([1] * (len(sample.shape) - 1))) + sigma_prev = self.sigmas[prev_step_index].view(-1, *([1] * (len(sample.shape) - 1))) + # sigma_max = self.sigmas[1].item() + dt = sigma_prev - sigma + if noise_level == 0: + std_dev_t = 0 + else: + noise_dict = { + 0: 5, + 1: 4.5, + } + std_dev_t = noise_dict[step_index[0]] + sigma * 0 + # our sde + prev_sample_mean = ( + sample * (1 + std_dev_t**2 / (2 * sigma) * dt) + + model_output * (1 + std_dev_t**2 * (1 - sigma) / (2 * sigma)) * dt + ) + + if prev_sample is None: + variance_noise = randn_tensor( + model_output.shape, + generator=generator, + device=model_output.device, + dtype=model_output.dtype, + ) + prev_sample = prev_sample_mean + std_dev_t * torch.sqrt(-1 * dt) * variance_noise + + log_prob = ( + -((prev_sample.detach() - prev_sample_mean) ** 2) / (2 * ((std_dev_t * torch.sqrt(-1 * dt)) ** 2)) + - torch.log(std_dev_t * torch.sqrt(-1 * dt)) + - torch.log(torch.sqrt(2 * torch.as_tensor(math.pi))) + ) + + # mean along all but batch dimension + log_prob = log_prob.mean(dim=tuple(range(1, log_prob.ndim))) + + return prev_sample, log_prob, prev_sample_mean, std_dev_t diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/train_dreambooth_lora_sd3.py b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/train_dreambooth_lora_sd3.py new file mode 100644 index 000000000..8d5a43e65 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/diffusers_patch/train_dreambooth_lora_sd3.py @@ -0,0 +1,150 @@ +#!/usr/bin/env python +# coding=utf-8 +# Copyright 2025 The HuggingFace Inc. team. All rights reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and + +import paddle + + +def _encode_prompt_with_t5( + text_encoder, + tokenizer, + max_sequence_length, + prompt=None, + num_images_per_prompt=1, + device=None, + text_input_ids=None, +): + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + if tokenizer is not None: + text_inputs = tokenizer( + prompt, + padding="max_length", + max_length=max_sequence_length, + truncation=True, + add_special_tokens=True, + return_tensors="pd", + ) + text_input_ids = text_inputs.input_ids + else: + if text_input_ids is None: + raise ValueError("text_input_ids must be provided when the tokenizer is not specified") + + prompt_embeds = text_encoder(text_input_ids.to(device))[0] + + dtype = text_encoder.dtype + prompt_embeds = prompt_embeds.to(dtype=dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + + # duplicate text embeddings and attention mask for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.tile([1, num_images_per_prompt, 1]) + prompt_embeds = prompt_embeds.reshape([batch_size * num_images_per_prompt, seq_len, -1]) + + return prompt_embeds + + +def _encode_prompt_with_clip( + text_encoder, + tokenizer, + prompt: str, + device=None, + text_input_ids=None, + num_images_per_prompt: int = 1, +): + prompt = [prompt] if isinstance(prompt, str) else prompt + batch_size = len(prompt) + + if tokenizer is not None: + # print('tokenizer', tokenizer.device) + text_inputs = tokenizer( + prompt, + padding="max_length", + max_length=77, + truncation=True, + return_tensors="pd", + ) + # print('ddebug_text_inputs', type(text_inputs.input_ids)) + # text_input_ids = paddle.to_tensor(text_inputs.input_ids) + text_input_ids = text_inputs.input_ids + else: + if text_input_ids is None: + raise ValueError("text_input_ids must be provided when the tokenizer is not specified") + # print('input_ids.place', text_input_ids.place) + # a = paddle.rand([10]) + # print('rankb', paddle.distributed.get_rank(), text_input_ids.place, paddle.device.get_device()) + # print(paddle.distributed.get_rank(), 'device', device) + prompt_embeds = text_encoder(text_input_ids.to(device), output_hidden_states=True) + # prompt_embeds = text_encoder(text_input_ids, output_hidden_states=True) + # print('text_input_ids.device', text_input_ids.place) + pooled_prompt_embeds = prompt_embeds[0] + prompt_embeds = prompt_embeds.hidden_states[-2] + prompt_embeds = prompt_embeds.to(dtype=text_encoder.dtype, device=device) + + _, seq_len, _ = prompt_embeds.shape + # duplicate text embeddings for each generation per prompt, using mps friendly method + prompt_embeds = prompt_embeds.tile([1, num_images_per_prompt, 1]) + prompt_embeds = prompt_embeds.reshape([batch_size * num_images_per_prompt, seq_len, -1]) + + return prompt_embeds, pooled_prompt_embeds + + +def encode_prompt( + text_encoders, + tokenizers, + prompt: str, + max_sequence_length, + device=None, + num_images_per_prompt: int = 1, + text_input_ids_list=None, +): + prompt = [prompt] if isinstance(prompt, str) else prompt + + clip_tokenizers = tokenizers[:2] + clip_text_encoders = text_encoders[:2] + + clip_prompt_embeds_list = [] + clip_pooled_prompt_embeds_list = [] + for i, (tokenizer, text_encoder) in enumerate(zip(clip_tokenizers, clip_text_encoders)): + prompt_embeds, pooled_prompt_embeds = _encode_prompt_with_clip( + text_encoder=text_encoder, + tokenizer=tokenizer, + prompt=prompt, + device=device if device is not None else text_encoder.device, + num_images_per_prompt=num_images_per_prompt, + text_input_ids=text_input_ids_list[i] if text_input_ids_list else None, + ) + clip_prompt_embeds_list.append(prompt_embeds) + clip_pooled_prompt_embeds_list.append(pooled_prompt_embeds) + + clip_prompt_embeds = paddle.concat(clip_prompt_embeds_list, axis=-1) + pooled_prompt_embeds = paddle.concat(clip_pooled_prompt_embeds_list, axis=-1) + + t5_prompt_embed = _encode_prompt_with_t5( + text_encoders[-1], + tokenizers[-1], + max_sequence_length, + prompt=prompt, + num_images_per_prompt=num_images_per_prompt, + text_input_ids=text_input_ids_list[-1] if text_input_ids_list else None, + device=device if device is not None else text_encoders[-1].device, + ) + + clip_prompt_embeds = paddle.nn.functional.pad( + clip_prompt_embeds, (0, t5_prompt_embed.shape[-1] - clip_prompt_embeds.shape[-1]) + ) + prompt_embeds = paddle.concat([clip_prompt_embeds, t5_prompt_embed], axis=-2) + + return prompt_embeds, pooled_prompt_embeds diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/ema.py b/ppdiffusers/examples/flow_grpo/flow_grpo/ema.py new file mode 100644 index 000000000..7c4b97f47 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/ema.py @@ -0,0 +1,104 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# Copied from another repo, but I can't remember exactly which one. + +from collections.abc import Iterable +from typing import Optional + +import paddle + + +class EMAModuleWrapper: + def __init__( + self, + parameters: Iterable[paddle.nn.Parameter], + decay: float = 0.9999, + update_step_interval: int = 1, + device: Optional[str] = None, + ): + parameters = list(parameters) + self.ema_parameters = [p.clone().detach().to(device) for p in parameters] + + self.temp_stored_parameters = None + + self.decay = decay + self.update_step_interval = update_step_interval + self.device = device + + # TODO: add an automatic decay calculation based on this formula: + # The impact of the last n steps can be calculated as: + # impact = 1-(decay^n) + # The number of steps needed to reach a specific impact is: + # n = log_decay(1-impact) + # The decay needed to reach a specific impact after n steps is: + # decay = (1-impact)^(1/n) + + def get_current_decay(self, optimization_step) -> float: + return min((1 + optimization_step) / (10 + optimization_step), self.decay) + + @paddle.no_grad() + def step(self, parameters: Iterable[paddle.nn.Parameter], optimization_step): + parameters = list(parameters) + + one_minus_decay = 1 - self.get_current_decay(optimization_step) + + if (optimization_step + 1) % self.update_step_interval == 0: + for ema_parameter, parameter in zip(self.ema_parameters, parameters, strict=True): + if parameter.requires_grad: + if ema_parameter.place == parameter.place: + ema_parameter.add_(one_minus_decay * (parameter - ema_parameter)) + else: + # in place calculations to save memory + parameter_copy = parameter.detach().to(ema_parameter.device) + parameter_copy.sub_(ema_parameter) + parameter_copy.mul_(one_minus_decay) + ema_parameter.add_(parameter_copy) + del parameter_copy + + def to(self, device: str = None, dtype: paddle.dtype = None) -> None: + self.device = device + self.ema_parameters = [ + p.to(place=device, dtype=dtype) if p.is_floating_point() else p.to(place=device) + for p in self.ema_parameters + ] + + def copy_ema_to(self, parameters: Iterable[paddle.nn.Parameter], store_temp: bool = True) -> None: + if store_temp: + self.temp_stored_parameters = [parameter.detach().cpu() for parameter in parameters] + + parameters = list(parameters) + for ema_parameter, parameter in zip(self.ema_parameters, parameters, strict=True): + # parameter.data.copy_(ema_parameter.to(device=parameter.place).data) + ema_parameter_on_same_device = paddle.to_tensor(ema_parameter.data, place=parameter.place) + parameter.set_value(ema_parameter_on_same_device) + + def copy_temp_to(self, parameters: Iterable[paddle.nn.Parameter]) -> None: + for temp_parameter, parameter in zip(self.temp_stored_parameters, parameters, strict=True): + temp_parameter_on_same_device = paddle.to_tensor(temp_parameter.data, place=parameter.place) + parameter.set_value(temp_parameter_on_same_device) + # parameter.data.copy_(temp_parameter.data) + + self.temp_stored_parameters = None + + def load_state_dict(self, state_dict: dict) -> None: + self.decay = self.decay if self.decay else state_dict.get("decay", self.decay) + self.ema_parameters = state_dict.get("ema_parameters") + self.to(self.device) + + def state_dict(self) -> dict: + return { + "decay": self.decay, + "ema_parameters": self.ema_parameters, + } diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/imagereward_scorer.py b/ppdiffusers/examples/flow_grpo/flow_grpo/imagereward_scorer.py new file mode 100644 index 000000000..a651f6fb5 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/imagereward_scorer.py @@ -0,0 +1,53 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import ImageReward as RM +import paddle +from PIL import Image + + +class ImageRewardScorer(paddle.nn.Layer): + def __init__(self, device="cuda", dtype=paddle.float32): + super().__init__() + self.model_path = "ImageReward-v1.0" + self.device = device + self.dtype = dtype + self.model = RM.load(self.model_path, device=device).eval().to(dtype=dtype) + self.model.requires_grad_(False) + + @paddle.no_grad() + def __call__(self, prompts, images): + rewards = [] + for prompt, image in zip(prompts, images): + _, reward = self.model.inference_rank(prompt, [image]) + rewards.append(reward) + return rewards + + +# Usage example +def main(): + scorer = ImageRewardScorer(device="cuda", dtype=paddle.float32) + + images = [ + "astronaut.jpg", + ] + pil_images = [Image.open(img) for img in images] + prompts = [ + 'A astronaut’s glove floating in zero-g with "NASA 2049" on the wrist', + ] + print(scorer(prompts, pil_images)) + + +if __name__ == "__main__": + main() diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/ocr.py b/ppdiffusers/examples/flow_grpo/flow_grpo/ocr.py new file mode 100644 index 000000000..f1f139139 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/ocr.py @@ -0,0 +1,90 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +from typing import List, Union + +import numpy as np +import paddle +from Levenshtein import distance +from paddleocr import PaddleOCR +from PIL import Image + + +class OcrScorer: + def __init__(self, use_gpu: bool = False): + """ + OCR reward calculator + :param use_gpu: Whether to use GPU acceleration for PaddleOCR + """ + self.ocr = PaddleOCR( + use_angle_cls=False, lang="en", use_gpu=use_gpu, show_log=False # Disable unnecessary log output + ) + + @paddle.no_grad() + def __call__(self, images: Union[List[Image.Image], List[np.ndarray]], prompts: List[str]) -> paddle.Tensor: + """ + Calculate OCR reward + :param images: List of input images (PIL or numpy format) + :param prompts: Corresponding target text list + :return: Reward tensor (CPU) + """ + prompts = [prompt.split('"')[1] for prompt in prompts] + rewards = [] + # Ensure input lengths are consistent + assert len(images) == len(prompts), "Images and prompts must have the same length" + for img, prompt in zip(images, prompts): + # Convert image format + if isinstance(img, Image.Image): + img = np.array(img) + + try: + # OCR recognition + result = self.ocr.ocr(img, cls=False) + # Extract recognized text (handle possible multi-line results) + recognized_text = ( + "".join([res[1][0] if res[1][1] > 0 else "" for res in result[0]]) if result[0] else "" + ) + + recognized_text = recognized_text.replace(" ", "").lower() + prompt = prompt.replace(" ", "").lower() + if prompt in recognized_text: + dist = 0 + else: + dist = distance(recognized_text, prompt) + # Recognized many unrelated characters, only add one character penalty + if dist > len(prompt): + dist = len(prompt) + + except Exception as e: + # Error handling (e.g., OCR parsing failure) + print(f"OCR processing failed: {str(e)}") + dist = len(prompt) # Maximum penalty + reward = 1 - dist / (len(prompt)) + rewards.append(reward) + + return rewards + + +if __name__ == "__main__": + example_image_path = "/root/paddlejob/workspace/env_run/chq/infoflow 2025-09-03 14-41-27.png" + example_image = Image.open(example_image_path) + example_prompt = ( + 'Birthday cake topper reading "30 Years Young", with sparkling frosting and candlelit party background.' + ) + # Instantiate scorer + scorer = OcrScorer(use_gpu=False) + + # Call scorer and print result + reward = scorer([example_image], [example_prompt]) + print(f"OCR Reward: {reward}") diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/pickscore_scorer.py b/ppdiffusers/examples/flow_grpo/flow_grpo/pickscore_scorer.py new file mode 100644 index 000000000..0e5876f28 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/pickscore_scorer.py @@ -0,0 +1,82 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import paddle +from paddlenlp.transformers import CLIPModel, CLIPProcessor +from PIL import Image + + +class PickScoreScorer(paddle.nn.Layer): + def __init__(self, device="cuda", dtype=paddle.float32): + super().__init__() + processor_path = "laion/CLIP-ViT-H-14-laion2B-s32B-b79K" + model_path = "yuvalkirstain/PickScore_v1" + self.device = device + self.dtype = dtype + self.processor = CLIPProcessor.from_pretrained(processor_path) + self.model = CLIPModel.from_pretrained(model_path).eval().to(device) + self.model = self.model.to(dtype=dtype) + + @paddle.no_grad() + def __call__(self, prompt, images): + # Preprocess images + image_inputs = self.processor( + images=images, + padding=True, + truncation=True, + max_length=77, + return_tensors="np", + ) + image_inputs = {k: paddle.to_tensor(v).to(self.device) for k, v in image_inputs.items()} + # Preprocess text + text_inputs = self.processor( + text=prompt, + padding=True, + truncation=True, + max_length=77, + return_tensors="np", + ) + text_inputs = {k: paddle.to_tensor(v).to(self.device) for k, v in text_inputs.items()} + + # Get embeddings + image_embs = self.model.get_image_features(**image_inputs) + image_embs = image_embs / image_embs.norm(p=2, axis=-1, keepdim=True) + + text_embs = self.model.get_text_features(**text_inputs) + text_embs = text_embs / text_embs.norm(p=2, axis=-1, keepdim=True) + + # Calculate scores + logit_scale = self.model.logit_scale.exp() + scores = logit_scale * (text_embs @ image_embs.T) + scores = scores.diag() + # norm to 0-1 + scores = scores / 26 + return scores + + +# Usage example +def main(): + scorer = PickScoreScorer(device="cuda", dtype=paddle.float32) + images = [ + "nasa.jpg", + ] + pil_images = [Image.open(img) for img in images] + prompts = [ + 'A astronaut’s glove floating in zero-g with "NASA 2049" on the wrist', + ] + print(scorer(prompts, pil_images)) + + +if __name__ == "__main__": + main() diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/prompts.py b/ppdiffusers/examples/flow_grpo/flow_grpo/prompts.py new file mode 100644 index 000000000..9c43ba22e --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/prompts.py @@ -0,0 +1,109 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import functools +import os +import random +from importlib import resources + +# import inflect + +# IE = inflect.engine() +IE = None +ASSETS_PATH = resources.files("flow_grpo.assets") + + +@functools.cache +def _load_lines(path): + """ + Load lines from a file. First tries to load from `path` directly, and if that doesn't exist, searches the + `flow_grpo/assets` directory for a file named `path`. + """ + if not os.path.exists(path): + newpath = ASSETS_PATH.joinpath(path) + if not os.path.exists(newpath): + raise FileNotFoundError(f"Could not find {path} or flow_grpo.assets/{path}") + path = newpath + with open(path, "r") as f: + return [line.strip() for line in f.readlines()] + + +def from_file(path, low=None, high=None): + prompts = _load_lines(path)[low:high] + return random.choice(prompts), {} + + +def imagenet_all(): + return from_file("imagenet_classes.txt") + + +def imagenet_animals(): + return from_file("imagenet_classes.txt", 0, 398) + + +def imagenet_dogs(): + return from_file("imagenet_classes.txt", 151, 269) + + +def simple_animals(): + return from_file("simple_animals.txt") + + +def general_ocr(): + return from_file("general_ocr_train.txt") + + +def simple_ocr_animals(): + animals = _load_lines("simple_ocr_animals.txt") + # random_number = random.randint(100, 999) + # random_number = ''.join([str(random.randint(0, 9)) for _ in range(10)]) + num = random.randint(1, 9) + random_number = "".join([str(6) for _ in range(num)]) + return f'A {random.choice(animals)} holding a sign that says "{random_number}"', {} + + +def nouns_activities(nouns_file, activities_file): + nouns = _load_lines(nouns_file) + activities = _load_lines(activities_file) + return f"{IE.a(random.choice(nouns))} {random.choice(activities)}", {} + + +def counting(nouns_file: str, low: int, high: int) -> tuple[str, dict]: + """ + Generate a counting prompt and corresponding metadata. + + Args: + nouns_file: Path to file containing nouns + low: Minimum number for counting + high: Maximum number for counting + + Returns: + tuple: (prompt, metadata) where metadata contains questions and answers + """ + nouns = _load_lines(nouns_file) + number = IE.number_to_words(random.randint(low, high)) + noun = random.choice(nouns) + plural_noun = IE.plural(noun) + prompt = "{number} {plural_noun}" + metadata = { + "questions": [ + f"How many {plural_noun} are there in this image?", + "What animal is in this image?", + ], + "answers": [ + number, + noun, + ], + } + return prompt, metadata diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/qwenvl.py b/ppdiffusers/examples/flow_grpo/flow_grpo/qwenvl.py new file mode 100644 index 000000000..d2b5db1fe --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/qwenvl.py @@ -0,0 +1,134 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import base64 +import re +from io import BytesIO + +import paddle +from PIL import Image +from qwen_vl_utils import process_vision_info +from transformers import AutoProcessor, Qwen2_5_VLForConditionalGeneration + + +def pil_image_to_base64(image): + buffered = BytesIO() + image.save(buffered, format="PNG") + encoded_image_text = base64.b64encode(buffered.getvalue()).decode("utf-8") + base64_qwen = f"data:image;base64,{encoded_image_text}" + return base64_qwen + + +def extract_scores(output_text): + scores = [] + for text in output_text: + match = re.search(r"(\d+)", text) + if match: + scores.append(float(match.group(1)) / 5) + else: + scores.append(0) + return scores + + +class QwenVLScorer(paddle.nn.Layer): + def __init__(self, device="cuda", dtype=paddle.bfloat16): + super().__init__() + self.device = device + self.dtype = dtype + + self.model = Qwen2_5_VLForConditionalGeneration.from_pretrained( + "Qwen/Qwen2.5-VL-7B-Instruct", + torch_dtype=self.dtype, + attn_implementation="flash_attention_2", + device_map=None, + ).to(self.device) + self.model.requires_grad_(False) + self.processor = AutoProcessor.from_pretrained("Qwen/Qwen2.5-VL-7B-Instruct", use_fast=True) + self.task = """ +Your role is to evaluate the aesthetic quality score of given images. +1. Bad: Extremely blurry, underexposed with significant noise, indiscernible +subjects, and chaotic composition. +2. Poor: Noticeable blur, poor lighting, washed-out colors, and awkward +composition with cut-off subjects. +3. Fair: In focus with adequate lighting, dull colors, decent composition but +lacks creativity. +4. Good: Sharp, good exposure, vibrant colors, thoughtful composition with +a clear focal point. +5. Excellent: Exceptional clarity, perfect exposure, rich colors, masterful +composition with emotional impact. + +Please first provide a detailed analysis of the evaluation process, including the criteria for judging aesthetic quality, within the tag. Then, give a final score from 1 to 5 within the tag. + +[Analyze the evaluation process in detail here] + +X +""" + + @paddle.no_grad() + def __call__(self, prompt, images): + images_base64 = [pil_image_to_base64(image) for image in images] + messages = [] + for base64_qwen in images_base64: + messages.append( + [ + { + "role": "user", + "content": [ + {"type": "image", "image": base64_qwen}, + {"type": "text", "text": self.task}, + ], + }, + ] + ) + + # Preparation for batch inference + texts = [ + self.processor.apply_chat_template(msg, tokenize=False, add_generation_prompt=True) for msg in messages + ] + image_inputs, video_inputs = process_vision_info(messages) + inputs = self.processor( + text=texts, + images=image_inputs, + videos=video_inputs, + padding=True, + return_tensors="pt", + ) + inputs = inputs.to(self.device) + + # Batch Inference + generated_ids = self.model.generate(**inputs, max_new_tokens=2048) + generated_ids_trimmed = [out_ids[len(in_ids) :] for in_ids, out_ids in zip(inputs.input_ids, generated_ids)] + output_texts = self.processor.batch_decode( + generated_ids_trimmed, skip_special_tokens=True, clean_up_tokenization_spaces=False + ) + rewards = extract_scores(output_texts) + return rewards + + +# Usage example +def main(): + scorer = QwenVLScorer(device="cuda", dtype=paddle.bfloat16) + images = [ + "nasa.jpg", + ] + pil_images = [Image.open(img) for img in images] + # prompts = [ + # 'A astronaut’s glove floating in zero-g with "NASA 2049" on the wrist', + # ] + + print(scorer(None, pil_images)) + + +if __name__ == "__main__": + main() diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/rewards.py b/ppdiffusers/examples/flow_grpo/flow_grpo/rewards.py new file mode 100644 index 000000000..6f01fe2fc --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/rewards.py @@ -0,0 +1,501 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import io +from collections import defaultdict + +import numpy as np +import paddle +from PIL import Image + + +def jpeg_incompressibility(): + def _fn(images, prompts, metadata): + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8).cpu().numpy() + images = images.transpose(0, 2, 3, 1) # NCHW -> NHWC + images = [Image.fromarray(image) for image in images] + buffers = [io.BytesIO() for _ in images] + for image, buffer in zip(images, buffers): + image.save(buffer, format="JPEG", quality=95) + sizes = [buffer.tell() / 1000 for buffer in buffers] + return np.array(sizes), {} + + return _fn + + +def jpeg_compressibility(): + jpeg_fn = jpeg_incompressibility() + + def _fn(images, prompts, metadata): + rew, meta = jpeg_fn(images, prompts, metadata) + return -rew / 500, meta + + return _fn + + +def aesthetic_score(): + from flow_grpo.aesthetic_scorer import AestheticScorer + + scorer = AestheticScorer(dtype=paddle.float32).cuda() + + def _fn(images, prompts, metadata): + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8) + else: + images = images.transpose(0, 3, 1, 2) # NHWC -> NCHW + images = paddle.tensor(images, dtype=paddle.uint8) + scores = scorer(images) + return scores, {} + + return _fn + + +def clip_score(): + from flow_grpo.clip_scorer import ClipScorer + + scorer = ClipScorer(dtype=paddle.float32).cuda() + + def _fn(images, prompts, metadata): + if not isinstance(images, paddle.Tensor): + images = images.transpose(0, 3, 1, 2) # NHWC -> NCHW + images = paddle.tensor(images, dtype=paddle.uint8) / 255.0 + scores = scorer(images, prompts) + return scores, {} + + return _fn + + +def image_similarity_score(device): + from flow_grpo.clip_scorer import ClipScorer + + scorer = ClipScorer(device=device).cuda() + + def _fn(images, ref_images): + if not isinstance(images, paddle.Tensor): + images = images.transpose(0, 3, 1, 2) # NHWC -> NCHW + images = paddle.tensor(images, dtype=paddle.uint8) / 255.0 + if not isinstance(ref_images, paddle.Tensor): + ref_images = [np.array(img) for img in ref_images] + ref_images = np.array(ref_images) + ref_images = ref_images.transpose(0, 3, 1, 2) # NHWC -> NCHW + ref_images = paddle.tensor(ref_images, dtype=paddle.uint8) / 255.0 + scores = scorer.image_similarity(images, ref_images) + return scores, {} + + return _fn + + +def pickscore_score(device): + from flow_grpo.pickscore_scorer import PickScoreScorer + + scorer = PickScoreScorer(dtype=paddle.float32, device=device) + + def _fn(images, prompts, metadata): + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8).cpu().numpy() + images = images.transpose(0, 2, 3, 1) # NCHW -> NHWC + images = [Image.fromarray(image) for image in images] + scores = scorer(prompts, images) + return scores, {} + + return _fn + + +def imagereward_score(device): + from flow_grpo.imagereward_scorer import ImageRewardScorer + + scorer = ImageRewardScorer(dtype=paddle.float32, device=device) + + def _fn(images, prompts, metadata): + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8).cpu().numpy() + images = images.transpose(0, 2, 3, 1) # NCHW -> NHWC + images = [Image.fromarray(image) for image in images] + prompts = [prompt for prompt in prompts] + scores = scorer(prompts, images) + return scores, {} + + return _fn + + +def qwenvl_score(device): + from flow_grpo.qwenvl import QwenVLScorer + + scorer = QwenVLScorer(dtype=paddle.bfloat16, device=device) + + def _fn(images, prompts, metadata): + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8).cpu().numpy() + images = images.transpose(0, 2, 3, 1) # NCHW -> NHWC + images = [Image.fromarray(image) for image in images] + prompts = [prompt for prompt in prompts] + scores = scorer(prompts, images) + return scores, {} + + return _fn + + +def ocr_score(device): + from flow_grpo.ocr import OcrScorer + + scorer = OcrScorer() + + def _fn(images, prompts, metadata): + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8).cpu().numpy() + images = images.transpose(0, 2, 3, 1) # NCHW -> NHWC + scores = scorer(images, prompts) + # change tensor to list + return scores, {} + + return _fn + + +def deqa_score_remote(device): + """Submits images to DeQA and computes a reward.""" + import pickle + from io import BytesIO + + import requests + from requests.adapters import HTTPAdapter, Retry + + batch_size = 64 + url = "http://10.174.146.88:18086" + sess = requests.Session() + retries = Retry(total=1000, backoff_factor=1, status_forcelist=[500], allowed_methods=False) + sess.mount("http://", HTTPAdapter(max_retries=retries)) + + def _fn(images, prompts, metadata): + del prompts + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8).cpu().numpy() + images = images.transpose(0, 2, 3, 1) # NCHW -> NHWC + images_batched = np.array_split(images, np.ceil(len(images) / batch_size)) + all_scores = [] + for image_batch in images_batched: + jpeg_images = [] + + # Compress the images using JPEG + for image in image_batch: + img = Image.fromarray(image) + buffer = BytesIO() + img.save(buffer, format="JPEG") + jpeg_images.append(buffer.getvalue()) + + # format for LLaVA server + data = { + "images": jpeg_images, + } + data_bytes = pickle.dumps(data) + + # send a request to the llava server + response = sess.post(url, data=data_bytes, timeout=120) + response_data = pickle.loads(response.content) + + all_scores += response_data["outputs"] + + return all_scores, {} + + return _fn + + +def geneval_score(device): + """Submits images to GenEval and computes a reward.""" + import pickle + from io import BytesIO + + import requests + from requests.adapters import HTTPAdapter, Retry + + batch_size = 8 + url = "http://10.95.247.17:18085" + sess = requests.Session() + retries = Retry(total=1000, backoff_factor=1, status_forcelist=[500], allowed_methods=False) + sess.mount("http://", HTTPAdapter(max_retries=retries)) + + def _fn(images, prompts, metadatas, only_strict): + del prompts + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8).cpu().numpy() + images = images.transpose(0, 2, 3, 1) # NCHW -> NHWC + images_batched = np.array_split(images, np.ceil(len(images) / batch_size)) + metadatas_batched = np.array_split(metadatas, np.ceil(len(metadatas) / batch_size)) + # metadatas_batched = [] + # n_batches = int(np.ceil(len(metadatas['tag']) / batch_size)) + # for i in range(n_batches): + # batch_metadata = {k: v[i * batch_size:(i + 1) * batch_size] for k, v in metadatas.items()} + # metadatas_batched.append(batch_metadata) + all_scores = [] + all_rewards = [] + all_strict_rewards = [] + all_group_strict_rewards = [] + all_group_rewards = [] + for image_batch, metadata_batched in zip(images_batched, metadatas_batched): + jpeg_images = [] + + # Compress the images using JPEG + for image in image_batch: + img = Image.fromarray(image) + buffer = BytesIO() + img.save(buffer, format="JPEG") + jpeg_images.append(buffer.getvalue()) + + # format for LLaVA server + data = { + "images": jpeg_images, + "meta_datas": list(metadata_batched), + "only_strict": only_strict, + } + data_bytes = pickle.dumps(data) + + # send a request to the llava server + response = sess.post(url, data=data_bytes, timeout=120) + response_data = pickle.loads(response.content) + + all_scores += response_data["scores"] + all_rewards += response_data["rewards"] + all_strict_rewards += response_data["strict_rewards"] + all_group_strict_rewards.append(response_data["group_strict_rewards"]) + all_group_rewards.append(response_data["group_rewards"]) + all_group_strict_rewards_dict = defaultdict(list) + all_group_rewards_dict = defaultdict(list) + for current_dict in all_group_strict_rewards: + for key, value in current_dict.items(): + all_group_strict_rewards_dict[key].extend(value) + all_group_strict_rewards_dict = dict(all_group_strict_rewards_dict) + + for current_dict in all_group_rewards: + for key, value in current_dict.items(): + all_group_rewards_dict[key].extend(value) + all_group_rewards_dict = dict(all_group_rewards_dict) + + return all_scores, all_rewards, all_strict_rewards, all_group_rewards_dict, all_group_strict_rewards_dict + + return _fn + + +def unifiedreward_score_remote(device): + """Submits images to DeQA and computes a reward.""" + import pickle + from io import BytesIO + + import requests + from requests.adapters import HTTPAdapter, Retry + + batch_size = 64 + url = "http://10.95.247.17:18085" + sess = requests.Session() + retries = Retry(total=1000, backoff_factor=1, status_forcelist=[500], allowed_methods=False) + sess.mount("http://", HTTPAdapter(max_retries=retries)) + + def _fn(images, prompts, metadata): + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8).cpu().numpy() + images = images.transpose(0, 2, 3, 1) # NCHW -> NHWC + images_batched = np.array_split(images, np.ceil(len(images) / batch_size)) + prompts_batched = np.array_split(prompts, np.ceil(len(prompts) / batch_size)) + + all_scores = [] + for image_batch, prompt_batch in zip(images_batched, prompts_batched): + jpeg_images = [] + + # Compress the images using JPEG + for image in image_batch: + img = Image.fromarray(image) + buffer = BytesIO() + img.save(buffer, format="JPEG") + jpeg_images.append(buffer.getvalue()) + + # format for LLaVA server + data = {"images": jpeg_images, "prompts": prompt_batch} + data_bytes = pickle.dumps(data) + + # send a request to the llava server + response = sess.post(url, data=data_bytes, timeout=120) + print("response: ", response) + print("response: ", response.content) + response_data = pickle.loads(response.content) + + all_scores += response_data["outputs"] + + return all_scores, {} + + return _fn + + +def unifiedreward_score_sglang(device): + import asyncio + import base64 + import re + from io import BytesIO + + from openai import AsyncOpenAI + + def pil_image_to_base64(image): + buffered = BytesIO() + image.save(buffered, format="PNG") + encoded_image_text = base64.b64encode(buffered.getvalue()).decode("utf-8") + base64_qwen = f"data:image;base64,{encoded_image_text}" + return base64_qwen + + def _extract_scores(text_outputs): + scores = [] + pattern = r"Final Score:\s*([1-5](?:\.\d+)?)" + for text in text_outputs: + match = re.search(pattern, text) + if match: + try: + scores.append(float(match.group(1))) + except ValueError: + scores.append(0.0) + else: + scores.append(0.0) + return scores + + client = AsyncOpenAI(base_url="http://127.0.0.1:17140/v1", api_key="flowgrpo") + + async def evaluate_image(prompt, image): + question = f"\nYou are given a text caption and a generated image based on that caption. Your task is to evaluate this image based on two key criteria:\n1. Alignment with the Caption: Assess how well this image aligns with the provided caption. Consider the accuracy of depicted objects, their relationships, and attributes as described in the caption.\n2. Overall Image Quality: Examine the visual quality of this image, including clarity, detail preservation, color accuracy, and overall aesthetic appeal.\nBased on the above criteria, assign a score from 1 to 5 after 'Final Score:'.\nYour task is provided as follows:\nText Caption: [{prompt}]" + images_base64 = pil_image_to_base64(image) + response = await client.chat.completions.create( + model="UnifiedReward-7b-v1.5", + messages=[ + { + "role": "user", + "content": [ + { + "type": "image_url", + "image_url": {"url": images_base64}, + }, + { + "type": "text", + "text": question, + }, + ], + }, + ], + temperature=0, + ) + return response.choices[0].message.content + + async def evaluate_batch_image(images, prompts): + tasks = [evaluate_image(prompt, img) for prompt, img in zip(prompts, images)] + results = await asyncio.gather(*tasks) + return results + + def _fn(images, prompts, metadata): + # 处理Tensor类型转换 + if isinstance(images, paddle.Tensor): + images = (images * 255).round().clip(0, 255).to(paddle.uint8).cpu().numpy() + images = images.transpose(0, 2, 3, 1) # NCHW -> NHWC + + # 转换为PIL Image并调整尺寸 + images = [Image.fromarray(image).resize((512, 512)) for image in images] + + # 执行异步批量评估 + text_outputs = asyncio.run(evaluate_batch_image(images, prompts)) + score = _extract_scores(text_outputs) + score = [sc / 5.0 for sc in score] + return score, {} + + return _fn + + +def multi_score(device, score_dict): + score_functions = { + "deqa": deqa_score_remote, + "ocr": ocr_score, + "imagereward": imagereward_score, + "pickscore": pickscore_score, + "qwenvl": qwenvl_score, + "aesthetic": aesthetic_score, + "jpeg_compressibility": jpeg_compressibility, + "unifiedreward": unifiedreward_score_sglang, + "geneval": geneval_score, + "clipscore": clip_score, + "image_similarity": image_similarity_score, + } + score_fns = {} + for score_name, weight in score_dict.items(): + score_fns[score_name] = ( + score_functions[score_name](device) + if "device" in score_functions[score_name].__code__.co_varnames + else score_functions[score_name]() + ) + + # only_strict is only for geneval. During training, only the strict reward is needed, and non-strict rewards don't need to be computed, reducing reward calculation time. + def _fn(images, prompts, metadata, ref_images=None, only_strict=True): + total_scores = [] + score_details = {} + print("ddebug_images", images.place, paddle.distributed.get_rank()) + for score_name, weight in score_dict.items(): + if score_name == "geneval": + scores, rewards, strict_rewards, group_rewards, group_strict_rewards = score_fns[score_name]( + images, prompts, metadata, only_strict + ) + score_details["accuracy"] = rewards + score_details["strict_accuracy"] = strict_rewards + for key, value in group_strict_rewards.items(): + score_details[f"{key}_strict_accuracy"] = value + for key, value in group_rewards.items(): + score_details[f"{key}_accuracy"] = value + elif score_name == "image_similarity": + scores, rewards = score_fns[score_name](images, ref_images) + else: + scores, rewards = score_fns[score_name](images, prompts, metadata) + score_details[score_name] = scores + weighted_scores = [weight * score for score in scores] + + if not total_scores: + total_scores = weighted_scores + else: + total_scores = [total + weighted for total, weighted in zip(total_scores, weighted_scores)] + + score_details["avg"] = total_scores + return score_details, {} + + return _fn + + +def main(): + import paddle.vision.transforms as transforms + + image_paths = [ + "nasa.jpg", + ] + + transform = transforms.Compose( + [ + transforms.ToTensor(), # Convert to tensor + ] + ) + + images = paddle.stack([transform(Image.open(image_path).convert("RGB")) for image_path in image_paths]) + prompts = [ + 'A astronaut’s glove floating in zero-g with "NASA 2049" on the wrist', + ] + metadata = {} # Example metadata + score_dict = {"unifiedreward": 1.0} + # Initialize the multi_score function with a device and score_dict + device = paddle.device("cuda" if paddle.cuda.is_available() else "cpu") + scoring_fn = multi_score(device, score_dict) + # Get the scores + scores, _ = scoring_fn(images, prompts, metadata) + # Print the scores + print("Scores:", scores) + + +if __name__ == "__main__": + main() diff --git a/ppdiffusers/examples/flow_grpo/flow_grpo/stat_tracking.py b/ppdiffusers/examples/flow_grpo/flow_grpo/stat_tracking.py new file mode 100644 index 000000000..529322713 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/flow_grpo/stat_tracking.py @@ -0,0 +1,96 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import numpy as np +import paddle + + +class PerPromptStatTracker: + def __init__(self, global_std=False): + self.global_std = global_std + self.stats = {} + self.history_prompts = set() + + def update(self, prompts, rewards, type="grpo"): + prompts = np.array(prompts) + rewards = np.array(rewards, dtype=np.float64) + unique = np.unique(prompts) + advantages = np.empty_like(rewards) * 0.0 + for prompt in unique: + prompt_rewards = rewards[prompts == prompt] + if prompt not in self.stats: + self.stats[prompt] = [] + self.stats[prompt].extend(prompt_rewards) + self.history_prompts.add(hash(prompt)) # Add hash of prompt to history_prompts + for prompt in unique: + self.stats[prompt] = np.stack(self.stats[prompt]) + prompt_rewards = rewards[prompts == prompt] # Fix: Recalculate prompt_rewards for each prompt + mean = np.mean(self.stats[prompt], axis=0, keepdims=True) + if self.global_std: + std = np.std(rewards, axis=0, keepdims=True) + 1e-4 # Use global std of all rewards + else: + std = np.std(self.stats[prompt], axis=0, keepdims=True) + 1e-4 + if type == "grpo": + advantages[prompts == prompt] = (prompt_rewards - mean) / std + elif type == "rwr": + # advantages[prompts == prompt] = (prompt_rewards - mean) / std + advantages[prompts == prompt] = prompt_rewards + # advantages[prompts == prompt] = paddle.softmax(paddle.tensor(prompt_rewards), dim=0).numpy() + elif type == "sft": + advantages[prompts == prompt] = ( + (paddle.tensor(prompt_rewards) == paddle.max(paddle.tensor(prompt_rewards))).float().numpy() + ) + elif type == "dpo": + # Get the advantages of the current prompt + prompt_advantages = paddle.tensor(prompt_rewards) + # Find the indices of the maximum and minimum values + max_idx = paddle.argmax(prompt_advantages) + min_idx = paddle.argmin(prompt_advantages) + # If all rewards in a group are the same + if max_idx == min_idx: + min_idx = 0 + max_idx = 1 + result = paddle.zeros_like(prompt_advantages).float() + # Set the maximum index to 1, minimum index to -1 + result[max_idx] = 1.0 + result[min_idx] = -1.0 + advantages[prompts == prompt] = result.numpy() + # print("reward difference one group", prompt_advantages[max_idx]-prompt_advantages[min_idx]) + + return advantages + + def get_stats(self): + avg_group_size = sum(len(v) for v in self.stats.values()) / len(self.stats) if self.stats else 0 + history_prompts = len(self.history_prompts) + return avg_group_size, history_prompts + + def clear(self): + self.stats = {} + + +def main(): + tracker = PerPromptStatTracker() + prompts = ["a", "b", "a", "c", "b", "a"] + rewards = [1, 2, 3, 4, 5, 6] + advantages = tracker.update(prompts, rewards) + print("Advantages:", advantages) + avg_group_size, history_prompts = tracker.get_stats() + print("Average Group Size:", avg_group_size) + print("History Prompts:", history_prompts) + tracker.clear() + print("Stats after clear:", tracker.stats) + + +if __name__ == "__main__": + main() diff --git a/ppdiffusers/examples/flow_grpo/gen.sh b/ppdiffusers/examples/flow_grpo/gen.sh new file mode 100644 index 000000000..23457028a --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/gen.sh @@ -0,0 +1,20 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +# export http_proxy=agent.baidu.com:8188 +# export https_proxy=agent.baidu.com:8188 +# export no_proxy=bcebos.com +# python -m paddle.distributed.launch --gpus=0,1,2,3,4,5,6,7 --log_dir logs scripts/train_sd3.py --config config/grpo.py:geneval_sd3 +python -m paddle.distributed.launch --gpus=0,1 --log_dir logs_ocr scripts/train_sd3.py --config config/grpo.py:general_ocr_sd3_4gpu +# CUDA_VISIBLE_DEVICES=6,7 python -m paddle.distributed.launch --log_dir logs scripts/train_sd3.py --config config/grpo.py:geneval_sd3 \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/inference.py b/ppdiffusers/examples/flow_grpo/inference.py new file mode 100644 index 000000000..fb984b5e2 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/inference.py @@ -0,0 +1,32 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import paddle + +from ppdiffusers import StableDiffusion3Pipeline +from ppdiffusers.peft import PeftModel + +model_id = "stabilityai/stable-diffusion-3.5-medium" +lora_ckpt_path = "jieliu/SD3.5M-FlowGRPO-GenEval" +device = "cuda" + + +pipe = StableDiffusion3Pipeline.from_pretrained(model_id, torch_dtype=paddle.float16) +pipe.transformer = PeftModel.from_pretrained(pipe.transformer, lora_ckpt_path) +pipe.transformer = pipe.transformer.merge_and_unload() +pipe = pipe.to(device) + +prompt = "a photo of a black kite and a green bear" +image = pipe(prompt, height=512, width=512, num_inference_steps=40, guidance_scale=4.5, negative_prompt="").images[0] +image.save("flow_grpo.png") diff --git a/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero1.yaml b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero1.yaml new file mode 100644 index 000000000..3fa4f76a5 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero1.yaml @@ -0,0 +1,10 @@ +compute_environment: LOCAL_MACHINE +distributed_type: DEEPSPEED +downcast_bf16: 'yes' +deepspeed_config: + deepspeed_multinode_launcher: standard + zero3_init_flag: false + zero_stage: 1 +machine_rank: 0 +num_machines: 1 +num_processes: 3 \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero2.yaml b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero2.yaml new file mode 100644 index 000000000..6dc72d809 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero2.yaml @@ -0,0 +1,12 @@ +compute_environment: LOCAL_MACHINE +distributed_type: DEEPSPEED +downcast_bf16: 'yes' +deepspeed_config: + deepspeed_multinode_launcher: standard + offload_optimizer_device: none + offload_param_device: none + zero3_init_flag: false + zero_stage: 2 +machine_rank: 0 +num_machines: 1 +num_processes: 8 \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero3.yaml b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero3.yaml new file mode 100644 index 000000000..de57d6fc9 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/deepspeed_zero3.yaml @@ -0,0 +1,13 @@ +compute_environment: LOCAL_MACHINE +distributed_type: DEEPSPEED +downcast_bf16: 'yes' +deepspeed_config: + deepspeed_multinode_launcher: standard + offload_optimizer_device: none + offload_param_device: none + zero3_init_flag: true + zero3_save_16bit_model: true + zero_stage: 3 +machine_rank: 0 +num_machines: 1 +num_processes: 8 \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/multi_gpu.yaml b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/multi_gpu.yaml new file mode 100644 index 000000000..38c674408 --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/multi_gpu.yaml @@ -0,0 +1,7 @@ +compute_environment: LOCAL_MACHINE +distributed_type: MULTI_GPU +downcast_bf16: 'yes' +mixed_precision: fp16 +machine_rank: 0 +num_machines: 1 +num_processes: 8 \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/multi_node.yaml b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/multi_node.yaml new file mode 100644 index 000000000..c87c33bfb --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/scripts/accelerate_configs/multi_node.yaml @@ -0,0 +1,17 @@ +compute_environment: LOCAL_MACHINE +distributed_type: MULTI_GPU +downcast_bf16: 'yes' +gpu_ids: all +machine_rank: 0 +main_process_ip: '10.82.139.22' +main_process_port: 19500 +main_training_function: main +mixed_precision: fp16 +num_machines: 2 +num_processes: 16 +rdzv_backend: static +same_network: true +tpu_env: [] +tpu_use_cluster: false +tpu_use_sudo: false +use_cpu: false \ No newline at end of file diff --git a/ppdiffusers/examples/flow_grpo/scripts/train_sd3.py b/ppdiffusers/examples/flow_grpo/scripts/train_sd3.py new file mode 100644 index 000000000..88c2ba4ec --- /dev/null +++ b/ppdiffusers/examples/flow_grpo/scripts/train_sd3.py @@ -0,0 +1,1016 @@ +# Copyright (c) 2025 PaddlePaddle Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import contextlib +import datetime +import hashlib +import json +import os +import random +import tempfile +import time +from collections import defaultdict +from concurrent import futures +from functools import partial + +import flow_grpo.prompts +import flow_grpo.rewards + +# from diffusers import StableDiffusion3Pipeline +import numpy as np +import paddle +import tqdm +import wandb +from absl import app, flags +from flow_grpo.diffusers_patch.sd3_pipeline_with_logprob import pipeline_with_logprob +from flow_grpo.diffusers_patch.sd3_sde_with_logprob import sde_step_with_logprob +from flow_grpo.diffusers_patch.train_dreambooth_lora_sd3 import encode_prompt +from flow_grpo.ema import EMAModuleWrapper +from flow_grpo.stat_tracking import PerPromptStatTracker +from ml_collections import config_flags +from paddle.io import DataLoader, Dataset, Sampler +from PIL import Image + +from ppdiffusers import StableDiffusion3Pipeline +from ppdiffusers.accelerate import Accelerator +from ppdiffusers.accelerate.logging import get_logger +from ppdiffusers.accelerate.utils import ProjectConfiguration, set_seed +from ppdiffusers.peft import LoraConfig, PeftModel, get_peft_model +from ppdiffusers.utils.paddle_utils import is_compiled_module + +tqdm = partial(tqdm.tqdm, dynamic_ncols=True) + + +FLAGS = flags.FLAGS +config_flags.DEFINE_config_file("config", "config/base.py", "Training configuration.") + +logger = get_logger(__name__) + + +class TextPromptDataset(Dataset): + def __init__(self, dataset, split="train"): + self.file_path = os.path.join(dataset, f"{split}.txt") + with open(self.file_path, "r") as f: + self.prompts = [line.strip() for line in f.readlines()] + + def __len__(self): + return len(self.prompts) + + def __getitem__(self, idx): + return {"prompt": self.prompts[idx], "metadata": {}}, idx + + @staticmethod + def collate_fn(examples): + prompts = [example[0]["prompt"] for example in examples] # example[0] 是字典 + metadatas = [example[0]["metadata"] for example in examples] + idxs = [example[1] for example in examples] + return {"prompt": prompts, "metadata": metadatas, "idx": np.array(idxs, dtype=np.int32)} + + +class GenevalPromptDataset(Dataset): + def __init__(self, dataset, split="train"): + self.file_path = os.path.join(dataset, f"{split}_metadata.jsonl") + with open(self.file_path, "r", encoding="utf-8") as f: + self.metadatas = [json.loads(line) for line in f] + self.prompts = [item["prompt"] for item in self.metadatas] + + def __len__(self): + return len(self.prompts) + + def __getitem__(self, idx): + return {"prompt": self.prompts[idx], "metadata": self.metadatas[idx], "idx": idx} + + @staticmethod + def collate_fn(examples): + prompts = [ex["prompt"] for ex in examples] + # 注意这里:metadata 直接保留 list,不做 dict-of-lists 合并 + metadatas = [ex["metadata"] for ex in examples] + idxs = [example["idx"] for example in examples] + return {"prompt": prompts, "metadata": metadatas, "idxs": np.array(idxs, dtype=np.int32)} + + +class DistributedKRepeatSampler(Sampler): + def __init__(self, dataset, batch_size, k, num_replicas, rank, seed=0): + self.dataset = dataset + self.batch_size = batch_size # Batch size per replica + self.k = k # Number of repetitions per sample + self.num_replicas = num_replicas # Total number of replicas + self.rank = rank # Current replica rank + self.seed = seed # Random seed for synchronization + + # Compute the number of unique samples needed per iteration + self.total_samples = self.num_replicas * self.batch_size + print(self.k, self.num_replicas, self.batch_size) + assert ( + self.total_samples % self.k == 0 + ), f"k can not divide n*b, k{k}-num_replicas{num_replicas}-batch_size{batch_size}" + self.m = self.total_samples // self.k # Number of unique samples + self.epoch = 0 + + def __iter__(self): + while True: + # Generate a deterministic random sequence to ensure all replicas are synchronized + paddle.seed(self.seed + self.epoch) + + # Randomly select m unique samples + indices = paddle.randperm(len(self.dataset))[: self.m].tolist() + + # Repeat each sample k times to generate n*b total samples + repeated_indices = [idx for idx in indices for _ in range(self.k)] + + # Shuffle to ensure uniform distribution + shuffled_indices = paddle.randperm(len(repeated_indices)).tolist() + shuffled_samples = [repeated_indices[i] for i in shuffled_indices] + + # Split samples to each replica + per_card_samples = [] + for i in range(self.num_replicas): + start = i * self.batch_size + end = start + self.batch_size + per_card_samples.append(shuffled_samples[start:end]) + + # Return current replica's sample indices + yield per_card_samples[self.rank] + + def set_epoch(self, epoch): + self.epoch = epoch # Used to synchronize random state across epochs + + +def compute_text_embeddings(prompt, text_encoders, tokenizers, max_sequence_length, device): + with paddle.no_grad(): + prompt_embeds, pooled_prompt_embeds = encode_prompt(text_encoders, tokenizers, prompt, max_sequence_length) + prompt_embeds = prompt_embeds.to(device) + pooled_prompt_embeds = pooled_prompt_embeds.to(device) + return prompt_embeds, pooled_prompt_embeds + + +def calculate_zero_std_ratio(prompts, gathered_rewards): + """ + Calculate the proportion of unique prompts whose reward standard deviation is zero. + + Args: + prompts: List of prompts. + gathered_rewards: Dictionary containing rewards, must include the key 'ori_avg'. + + Returns: + zero_std_ratio: Proportion of prompts with zero standard deviation. + prompt_std_devs: Mean standard deviation across all unique prompts. + """ + # Convert prompt list to NumPy array + prompt_array = np.array(prompts) + + # Get unique prompts and their group information + unique_prompts, inverse_indices, counts = np.unique(prompt_array, return_inverse=True, return_counts=True) + + # Group rewards for each prompt + grouped_rewards = gathered_rewards["ori_avg"][np.argsort(inverse_indices)] + split_indices = np.cumsum(counts)[:-1] + reward_groups = np.split(grouped_rewards, split_indices) + + # Calculate standard deviation for each group + prompt_std_devs = np.array([np.std(group) for group in reward_groups]) + + # Calculate the ratio of zero standard deviation + zero_std_count = np.count_nonzero(prompt_std_devs == 0) + zero_std_ratio = zero_std_count / len(prompt_std_devs) + + return zero_std_ratio, prompt_std_devs.mean() + + +def create_generator(prompts, base_seed): + generators = [] + for prompt in prompts: + # Use a stable hash (SHA256), then convert it to an integer seed + hash_digest = hashlib.sha256(prompt.encode()).digest() + prompt_hash_int = int.from_bytes(hash_digest[:4], "big") # Take the first 4 bytes as part of the seed + seed = (base_seed + prompt_hash_int) % (2**31) # Ensure the number is within a valid range + gen = paddle.Generator().manual_seed(seed) + generators.append(gen) + return generators + + +def compute_log_prob(transformer, pipeline, sample, j, embeds, pooled_embeds, config): + if config.train.cfg: + noise_pred = transformer( + hidden_states=paddle.concat([sample["latents"][:, j]] * 2), + timestep=paddle.concat([sample["timesteps"][:, j]] * 2), + encoder_hidden_states=embeds, + pooled_projections=pooled_embeds, + return_dict=False, + )[0] + noise_pred_uncond, noise_pred_text = noise_pred.chunk(2) + noise_pred_uncond = noise_pred_uncond.detach() + noise_pred = noise_pred_uncond + config.sample.guidance_scale * (noise_pred_text - noise_pred_uncond) + else: + noise_pred = transformer( + hidden_states=sample["latents"][:, j], + timestep=sample["timesteps"][:, j], + encoder_hidden_states=embeds, + pooled_projections=pooled_embeds, + return_dict=False, + )[0] + + # compute the log prob of next_latents given latents under the current model + prev_sample, log_prob, prev_sample_mean, std_dev_t = sde_step_with_logprob( + pipeline.scheduler, + noise_pred.astype("float32"), + sample["timesteps"][:, j], + sample["latents"][:, j].astype("float32"), + prev_sample=sample["next_latents"][:, j].astype("float32"), + noise_level=config.sample.noise_level, + ) + + return prev_sample, log_prob, prev_sample_mean, std_dev_t + + +def eval( + pipeline, + test_dataloader, + text_encoders, + tokenizers, + config, + accelerator, + global_step, + reward_fn, + executor, + autocast, + num_train_timesteps, + ema, + transformer_trainable_parameters, +): + if config.train.ema: + ema.copy_ema_to(transformer_trainable_parameters, store_temp=True) + + neg_prompt_embed, neg_pooled_prompt_embed = compute_text_embeddings( + [""], text_encoders, tokenizers, max_sequence_length=128, device=accelerator.device + ) + + sample_neg_prompt_embeds = neg_prompt_embed.tile([config.sample.test_batch_size, 1, 1]) + sample_neg_pooled_prompt_embeds = neg_pooled_prompt_embed.tile([config.sample.test_batch_size, 1]) + + # test_dataloader = itertools.islice(test_dataloader, 2) + all_rewards = defaultdict(list) + # images =prompts = [] + for test_batch in tqdm( + test_dataloader, + desc="Eval: ", + disable=not accelerator.is_local_main_process, + position=0, + ): + prompts, prompt_metadata = (test_batch["prompt"], test_batch["metadata"]) + prompt_embeds, pooled_prompt_embeds = compute_text_embeddings( + prompts, text_encoders, tokenizers, max_sequence_length=128, device=accelerator.device + ) + # The last batch may not be full batch_size + if len(prompt_embeds) < len(sample_neg_prompt_embeds): + sample_neg_prompt_embeds = sample_neg_prompt_embeds[: len(prompt_embeds)] + sample_neg_pooled_prompt_embeds = sample_neg_pooled_prompt_embeds[: len(prompt_embeds)] + with autocast(): + with paddle.no_grad(): + images, _, _ = pipeline_with_logprob( + pipeline, + prompt_embeds=prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_prompt_embeds=sample_neg_prompt_embeds, + negative_pooled_prompt_embeds=sample_neg_pooled_prompt_embeds, + num_inference_steps=config.sample.eval_num_steps, + guidance_scale=config.sample.guidance_scale, + output_type="pd", + height=config.resolution, + width=config.resolution, + noise_level=0, + ) + + rewards = executor.submit(reward_fn, images, prompts, prompt_metadata, only_strict=False) + # yield to to make sure reward computation starts + time.sleep(0) + rewards, reward_metadata = rewards.result() + + for key, value in rewards.items(): + rewards_gather = accelerator.gather(paddle.to_tensor(value, place=accelerator.device)).cpu().numpy() + all_rewards[key].append(rewards_gather) + + last_batch_images_gather = accelerator.gather(paddle.to_tensor(images, place=accelerator.device)).cpu().numpy() + last_batch_prompt_ids = tokenizers[0]( + prompts, + padding="max_length", + max_length=256, + truncation=True, + return_tensors="pd", + ).input_ids.to(accelerator.device) + last_batch_prompt_ids_gather = accelerator.gather(last_batch_prompt_ids).cpu().numpy() + last_batch_prompts_gather = pipeline.tokenizer.batch_decode(last_batch_prompt_ids_gather, skip_special_tokens=True) + last_batch_rewards_gather = {} + for key, value in rewards.items(): + last_batch_rewards_gather[key] = ( + accelerator.gather(paddle.to_tensor(value, place=accelerator.device)).cpu().numpy() + ) + + all_rewards = {key: np.concatenate(value) for key, value in all_rewards.items()} + if accelerator.is_main_process: + with tempfile.TemporaryDirectory() as tmpdir: + num_samples = min(15, len(last_batch_images_gather)) + # sample_indices = random.sample(range(len(images)), num_samples) + sample_indices = range(num_samples) + for idx, index in enumerate(sample_indices): + image = last_batch_images_gather[index] + print(f"Image array shape before transpose: {image.shape}, dtype: {image.dtype}") + pil = Image.fromarray( + ((image.transpose(1, 2, 0)) * 255) + .round() + .clip(0, 255) + .astype(np.uint8) + # image.transpose(1, 2, 0) + ) + pil = pil.resize((config.resolution, config.resolution)) + pil.save(os.path.join(tmpdir, f"{idx}.jpg")) + sampled_prompts = [last_batch_prompts_gather[index] for index in sample_indices] + sampled_rewards = [ + {k: last_batch_rewards_gather[k][index] for k in last_batch_rewards_gather} for index in sample_indices + ] + for key, value in all_rewards.items(): + print(key, value.shape) + wandb.log( + { + "eval_images": [ + wandb.Image( + os.path.join(tmpdir, f"{idx}.jpg"), + caption=f"{prompt:.1000} | " + + " | ".join(f"{k}: {v:.2f}" for k, v in reward.items() if v != -10), + ) + for idx, (prompt, reward) in enumerate(zip(sampled_prompts, sampled_rewards)) + ], + **{f"eval_reward_{key}": np.mean(value[value != -10]) for key, value in all_rewards.items()}, + }, + step=global_step, + ) + if config.train.ema: + ema.copy_temp_to(transformer_trainable_parameters) + + +def unwrap_model(model, accelerator): + model = accelerator.unwrap_model(model) + model = model._orig_mod if is_compiled_module(model) else model + return model + + +def save_ckpt(save_dir, transformer, global_step, accelerator, ema, transformer_trainable_parameters, config): + save_root = os.path.join(save_dir, "checkpoints", f"checkpoint-{global_step}") + save_root_lora = os.path.join(save_root, "lora") + os.makedirs(save_root_lora, exist_ok=True) + if accelerator.is_main_process: + if config.train.ema: + ema.copy_ema_to(transformer_trainable_parameters, store_temp=True) + unwrap_model(transformer, accelerator).save_pretrained(save_root_lora) + if config.train.ema: + ema.copy_temp_to(transformer_trainable_parameters) + + +def main(_): + # basic Accelerate and logging setup + config = FLAGS.config + + unique_id = datetime.datetime.now().strftime("%Y.%m.%d_%H.%M.%S") + if not config.run_name: + config.run_name = unique_id + else: + config.run_name += "_" + unique_id + + # number of timesteps within each trajectory to train on + num_train_timesteps = int(config.sample.num_steps * config.train.timestep_fraction) + + # paddle.distributed.init_parallel_env() + # a = paddle.rand([10]) + + # print('ranka', paddle.distributed.get_rank(), a.place, paddle.device.get_device()) + + accelerator_config = ProjectConfiguration( + project_dir=os.path.join(config.logdir, config.run_name), + automatic_checkpoint_naming=True, + total_limit=config.num_checkpoint_limit, + ) + # print('dddebug_accelerator_config:', accelerator_config) + accelerator = Accelerator( + # log_with="wandb", + mixed_precision=config.mixed_precision, + project_config=accelerator_config, + # we always accumulate gradients across timesteps; we want config.train.gradient_accumulation_steps to be the + # number of *samples* we accumulate across, so we need to multiply by the number of training timesteps to get + # the total number of optimizer steps to accumulate across. + gradient_accumulation_steps=config.train.gradient_accumulation_steps * num_train_timesteps, + ) + if accelerator.is_main_process: + wandb.init( + project="flow_grpo", + ) + # accelerator.init_trackers( + # project_name="flow-grpo", + # config=config.to_dict(), + # init_kwargs={"wandb": {"name": config.run_name}}, + # ) + logger.info(f"\n{config}") + + # set seed (device_specific is very important to get different prompts on different devices) + set_seed(config.seed, device_specific=True) + + # load scheduler, tokenizer and models. + pipeline = StableDiffusion3Pipeline.from_pretrained(config.pretrained.model) + # freeze parameters of models to save more memory + pipeline.vae.requires_grad_(False) + pipeline.text_encoder.requires_grad_(False) + pipeline.text_encoder_2.requires_grad_(False) + pipeline.text_encoder_3.requires_grad_(False) + pipeline.transformer.requires_grad_(not config.use_lora) + + text_encoders = [pipeline.text_encoder, pipeline.text_encoder_2, pipeline.text_encoder_3] + tokenizers = [pipeline.tokenizer, pipeline.tokenizer_2, pipeline.tokenizer_3] + + # disable safety checker + pipeline.safety_checker = None + # make the progress bar nicer + pipeline.set_progress_bar_config( + position=1, + disable=not accelerator.is_local_main_process, + leave=False, + desc="Timestep", + dynamic_ncols=True, + ) + + # For mixed precision training we cast all non-trainable weigths (vae, non-lora text_encoder and non-lora transformer) to half-precision + # as these weights are only used for inference, keeping weights in full precision is not required. + inference_dtype = paddle.float32 + if accelerator.mixed_precision == "fp16": + inference_dtype = paddle.float16 + elif accelerator.mixed_precision == "bf16": + inference_dtype = paddle.bfloat16 + + # Move vae and text_encoder to device and cast to inference_dtype + pipeline.vae.to(accelerator.device) + pipeline.text_encoder.to(accelerator.device, dtype=inference_dtype) + pipeline.text_encoder_2.to(accelerator.device, dtype=inference_dtype) + pipeline.text_encoder_3.to(accelerator.device, dtype=inference_dtype) + + pipeline.transformer.to(accelerator.device) + # a = paddle.rand([10]) + if config.use_lora: + # Set correct lora layers + target_modules = [ + "attn.add_k_proj", + "attn.add_q_proj", + "attn.add_v_proj", + "attn.to_add_out", + "attn.to_k", + "attn.to_out.0", + "attn.to_q", + "attn.to_v", + ] + transformer_lora_config = LoraConfig( + r=32, + lora_alpha=64, + init_lora_weights="gaussian", + target_modules=target_modules, + ) + if config.train.lora_path: + pipeline.transformer = PeftModel.from_pretrained(pipeline.transformer, config.train.lora_path) + # After loading with PeftModel.from_pretrained, all parameters have requires_grad set to False. You need to call set_adapter to enable gradients for the adapter parameters. + pipeline.transformer.set_adapter("default") + else: + pipeline.transformer = get_peft_model(pipeline.transformer, transformer_lora_config) + + transformer = pipeline.transformer + transformer_trainable_parameters = list(filter(lambda p: p.requires_grad, transformer.parameters())) + # This ema setting affects the previous 20 × 8 = 160 steps on average. + ema = EMAModuleWrapper( + transformer_trainable_parameters, decay=0.9, update_step_interval=8, device=accelerator.device + ) + + # Enable TF32 for faster training on Ampere GPUs, + # cf https://pytorch.org/docs/stable/notes/cuda.html#tensorfloat-32-tf32-on-ampere-devices + # if config.device_id ==0: + # paddle.set_device(f"gpu:{config.device_id}") + + # Initialize the optimizer + if config.train.use_8bit_adam: + try: + import bitsandbytes as bnb + except ImportError: + raise ImportError( + "Please install bitsandbytes to use 8-bit Adam. You can do so by running `pip install bitsandbytes`" + ) + + optimizer_cls = bnb.optim.AdamW8bit + else: + optimizer_cls = paddle.optimizer.AdamW + + optimizer = optimizer_cls( + parameters=transformer_trainable_parameters, + learning_rate=config.train.learning_rate, + beta1=config.train.adam_beta1, + beta2=config.train.adam_beta2, + weight_decay=config.train.adam_weight_decay, + epsilon=config.train.adam_epsilon, + ) + + # prepare prompt and reward fn + reward_fn = getattr(flow_grpo.rewards, "multi_score")(accelerator.device, config.reward_fn) + eval_reward_fn = getattr(flow_grpo.rewards, "multi_score")(accelerator.device, config.reward_fn) + + if config.prompt_fn == "general_ocr": + train_dataset = TextPromptDataset(config.dataset, "train") + test_dataset = TextPromptDataset(config.dataset, "test") + + # Create an infinite-loop DataLoader + train_sampler = DistributedKRepeatSampler( + dataset=train_dataset, + batch_size=config.sample.train_batch_size, + k=config.sample.num_image_per_prompt, + num_replicas=accelerator.num_processes, + rank=accelerator.process_index, + seed=42, + ) + + # Create a DataLoader; note that shuffling is not needed here because it’s controlled by the Sampler. + train_dataloader = DataLoader( + train_dataset, + batch_sampler=train_sampler, + num_workers=1, + collate_fn=TextPromptDataset.collate_fn, + # persistent_workers=True + ) + + # Create a regular DataLoader + test_dataloader = DataLoader( + test_dataset, + batch_size=config.sample.test_batch_size, + collate_fn=TextPromptDataset.collate_fn, + shuffle=False, + num_workers=8, + ) + + elif config.prompt_fn == "geneval": + train_dataset = GenevalPromptDataset(config.dataset, "train") + test_dataset = GenevalPromptDataset(config.dataset, "test") + + train_sampler = DistributedKRepeatSampler( + dataset=train_dataset, + batch_size=config.sample.train_batch_size, + k=config.sample.num_image_per_prompt, + num_replicas=accelerator.num_processes, + rank=accelerator.process_index, + seed=42, + ) + + train_dataloader = DataLoader( + train_dataset, + batch_sampler=train_sampler, + num_workers=1, + collate_fn=GenevalPromptDataset.collate_fn, + # persistent_workers=True + ) + test_dataloader = DataLoader( + test_dataset, + batch_size=config.sample.test_batch_size, + collate_fn=GenevalPromptDataset.collate_fn, + shuffle=False, + num_workers=8, + ) + else: + raise NotImplementedError("Only general_ocr is supported with dataset") + + print( + paddle.distributed.get_rank(), + "accelerator.device", + accelerator.device, + paddle.device.get_device(), + text_encoders[0].device, + ) + neg_prompt_embed, neg_pooled_prompt_embed = compute_text_embeddings( + [""], text_encoders, tokenizers, max_sequence_length=128, device=accelerator.device + ) + + sample_neg_prompt_embeds = neg_prompt_embed.tile([config.sample.train_batch_size, 1, 1]) + train_neg_prompt_embeds = neg_prompt_embed.tile([config.train.batch_size, 1, 1]) + sample_neg_pooled_prompt_embeds = neg_pooled_prompt_embed.tile([config.sample.train_batch_size, 1]) + train_neg_pooled_prompt_embeds = neg_pooled_prompt_embed.tile([config.train.batch_size, 1]) + + if config.sample.num_image_per_prompt == 1: + config.per_prompt_stat_tracking = False + # initialize stat tracker + if config.per_prompt_stat_tracking: + stat_tracker = PerPromptStatTracker(config.sample.global_std) + + # for some reason, autocast is necessary for non-lora training but for lora training it isn't necessary and it uses + # more memory + autocast = contextlib.nullcontext if config.use_lora else accelerator.autocast + # autocast = accelerator.autocast + + # Prepare everything with our `accelerator`. + transformer, optimizer, train_dataloader, test_dataloader = accelerator.prepare( + transformer, optimizer, train_dataloader, test_dataloader + ) + + # executor to perform callbacks asynchronously. this is beneficial for the llava callbacks which makes a request to a + # remote server running llava inference. + executor = futures.ThreadPoolExecutor(max_workers=8) + + # Train! + samples_per_epoch = ( + config.sample.train_batch_size * accelerator.num_processes * config.sample.num_batches_per_epoch + ) + total_train_batch_size = ( + config.train.batch_size * accelerator.num_processes * config.train.gradient_accumulation_steps + ) + + logger.info("***** Running training *****") + logger.info(f" Sample batch size per device = {config.sample.train_batch_size}") + logger.info(f" Train batch size per device = {config.train.batch_size}") + logger.info(f" Gradient Accumulation steps = {config.train.gradient_accumulation_steps}") + logger.info("") + logger.info(f" Total number of samples per epoch = {samples_per_epoch}") + logger.info(f" Total train batch size (w. parallel, distributed & accumulation) = {total_train_batch_size}") + logger.info(f" Number of gradient updates per inner epoch = {samples_per_epoch // total_train_batch_size}") + logger.info(f" Number of inner epochs = {config.train.num_inner_epochs}") + + epoch = 0 + global_step = 0 + train_iter = iter(train_dataloader) + + while True: + # EVAL # + pipeline.transformer.eval() + if epoch % config.eval_freq == 0: + eval( + pipeline, + test_dataloader, + text_encoders, + tokenizers, + config, + accelerator, + global_step, + eval_reward_fn, + executor, + autocast, + num_train_timesteps, + ema, + transformer_trainable_parameters, + ) + if epoch % config.save_freq == 0 and epoch > 0 and accelerator.is_main_process: + save_ckpt( + config.save_dir, transformer, global_step, accelerator, ema, transformer_trainable_parameters, config + ) + + # SAMPLING # + pipeline.transformer.eval() + samples = [] + prompts = [] + for i in tqdm( + range(config.sample.num_batches_per_epoch), + desc=f"Epoch {epoch}: sampling", + disable=not accelerator.is_local_main_process, + position=0, + ): + train_sampler.set_epoch(epoch * config.sample.num_batches_per_epoch + i) + test_batch = next(train_iter) + prompts, prompt_metadata = (test_batch["prompt"], test_batch["metadata"]) + # prompts,prompt_metadata =(test_batch[0]["prompt"], test_batch[0]["metadata"]) + + prompt_embeds, pooled_prompt_embeds = compute_text_embeddings( + prompts, text_encoders, tokenizers, max_sequence_length=128, device=accelerator.device + ) + prompt_ids = tokenizers[0]( + prompts, + padding="max_length", + max_length=256, + truncation=True, + return_tensors="pd", + ).input_ids.to(accelerator.device) + + # sample + if config.sample.same_latent: + generator = create_generator(prompts, base_seed=epoch * 10000 + i) + else: + generator = None + with autocast(): + with paddle.no_grad(): + images, latents, log_probs = pipeline_with_logprob( + pipeline, + prompt_embeds=prompt_embeds, + pooled_prompt_embeds=pooled_prompt_embeds, + negative_prompt_embeds=sample_neg_prompt_embeds, + negative_pooled_prompt_embeds=sample_neg_pooled_prompt_embeds, + num_inference_steps=config.sample.num_steps, + guidance_scale=config.sample.guidance_scale, + output_type="pd", + height=config.resolution, + width=config.resolution, + noise_level=config.sample.noise_level, + generator=generator, + ) + + latents = paddle.stack(latents, axis=1) # (batch_size, num_steps + 1, 16, 96, 96) + log_probs = paddle.stack(log_probs, axis=1) # shape after stack (batch_size, num_steps) + + timesteps = paddle.tile( + pipeline.scheduler.timesteps, [config.sample.train_batch_size, 1] + ) # (batch_size, num_steps) + + # compute rewards asynchronously + rewards = executor.submit(reward_fn, images, prompts, prompt_metadata, only_strict=True) + # yield to to make sure reward computation starts + time.sleep(0) + + samples.append( + { + "prompt_ids": prompt_ids, + "prompt_embeds": prompt_embeds, + "pooled_prompt_embeds": pooled_prompt_embeds, + "timesteps": timesteps, + "latents": latents[:, :-1], # each entry is the latent before timestep t + "next_latents": latents[:, 1:], # each entry is the latent after timestep t + "log_probs": log_probs, + "rewards": rewards, + } + ) + + # wait for all rewards to be computed + for sample in tqdm( + samples, + desc="Waiting for rewards", + disable=not accelerator.is_local_main_process, + position=0, + ): + rewards, reward_metadata = sample["rewards"].result() + # accelerator.print(reward_metadata) + sample["rewards"] = { + key: paddle.to_tensor(value, place=accelerator.device).astype("float32") + for key, value in rewards.items() + } + + # collate samples into dict where each entry has shape (num_batches_per_epoch * sample.batch_size, ...) + samples = { + k: paddle.concat([s[k] for s in samples], axis=0) + if not isinstance(samples[0][k], dict) + else {sub_key: paddle.concat([s[k][sub_key] for s in samples], axis=0) for sub_key in samples[0][k]} + for k in samples[0].keys() + } + + if epoch % 10 == 0 and accelerator.is_main_process: + # this is a hack to force wandb to log the images as JPEGs instead of PNGs + with tempfile.TemporaryDirectory() as tmpdir: + num_samples = min(15, len(images)) + sample_indices = random.sample(range(len(images)), num_samples) + + for idx, i in enumerate(sample_indices): + image = images[i] + pil = Image.fromarray( + ((paddle.transpose(image, [1, 2, 0])).numpy() * 255).round().clip(0, 255).astype(np.uint8) + ) + pil = pil.resize((config.resolution, config.resolution)) + pil.save(os.path.join(tmpdir, f"{idx}.jpg")) # 使用新的索引 + + sampled_prompts = [prompts[i] for i in sample_indices] + sampled_rewards = [rewards["avg"][i] for i in sample_indices] + + wandb.log( + { + "images": [ + wandb.Image( + os.path.join(tmpdir, f"{idx}.jpg"), + caption=f"{prompt:.100} | avg: {avg_reward:.2f}", + ) + for idx, (prompt, avg_reward) in enumerate(zip(sampled_prompts, sampled_rewards)) + ], + }, + step=global_step, + ) + samples["rewards"]["ori_avg"] = samples["rewards"]["avg"] + # The purpose of repeating `adv` along the timestep dimension here is to make it easier to introduce timestep-dependent advantages later, such as adding a KL reward. + samples["rewards"]["avg"] = paddle.tile(samples["rewards"]["avg"].unsqueeze(1), [1, num_train_timesteps]) + # gather rewards across processes + gathered_rewards = {key: accelerator.gather(value) for key, value in samples["rewards"].items()} + gathered_rewards = {key: value.cpu().numpy() for key, value in gathered_rewards.items()} + # log rewards and images + if accelerator.is_main_process: + wandb.log( + { + "epoch": epoch, + **{ + f"reward_{key}": value.mean() + for key, value in gathered_rewards.items() + if "_strict_accuracy" not in key and "_accuracy" not in key + }, + }, + step=global_step, + ) + + # per-prompt mean/std tracking + if config.per_prompt_stat_tracking: + # gather the prompts across processes + prompt_ids = accelerator.gather(samples["prompt_ids"]).cpu().numpy() + prompts = pipeline.tokenizer.batch_decode(prompt_ids, skip_special_tokens=True) + advantages = stat_tracker.update(prompts, gathered_rewards["avg"]) + if accelerator.is_local_main_process: + print("len(prompts)", len(prompts)) + print("len unique prompts", len(set(prompts))) + + group_size, trained_prompt_num = stat_tracker.get_stats() + + zero_std_ratio, reward_std_mean = calculate_zero_std_ratio(prompts, gathered_rewards) + + if accelerator.is_main_process: + wandb.log( + { + "group_size": group_size, + "trained_prompt_num": trained_prompt_num, + "zero_std_ratio": zero_std_ratio, + "reward_std_mean": reward_std_mean, + }, + step=global_step, + ) + stat_tracker.clear() + else: + advantages = (gathered_rewards["avg"] - gathered_rewards["avg"].mean()) / ( + gathered_rewards["avg"].std() + 1e-4 + ) + + # ungather advantages; we only need to keep the entries corresponding to the samples on this process + advantages = paddle.to_tensor(advantages) + samples["advantages"] = paddle.reshape(advantages, [accelerator.num_processes, -1, advantages.shape[-1]])[ + accelerator.process_index + ].to(accelerator.device) + if accelerator.is_local_main_process: + print("advantages: ", samples["advantages"].abs().mean()) + + del samples["rewards"] + del samples["prompt_ids"] + + # Get the mask for samples where all advantages are zero across the time dimension + mask = samples["advantages"].abs().sum(axis=1) != 0 + + # If the number of True values in mask is not divisible by config.sample.num_batches_per_epoch, + # randomly change some False values to True to make it divisible + num_batches = config.sample.num_batches_per_epoch + true_count = mask.sum() + if true_count % num_batches != 0: + false_indices = paddle.where(~mask)[0] + num_to_change = num_batches - (true_count % num_batches) + if len(false_indices) >= num_to_change: + random_indices = paddle.randperm(len(false_indices))[:num_to_change] + mask[false_indices[random_indices]] = True + if accelerator.is_main_process: + wandb.log( + { + "actual_batch_size": mask.sum().item() // config.sample.num_batches_per_epoch, + }, + step=global_step, + ) + # Filter out samples where the entire time dimension of advantages is zero + samples = {k: v[mask] for k, v in samples.items()} + + total_batch_size, num_timesteps = samples["timesteps"].shape + # assert ( + # total_batch_size + # == config.sample.train_batch_size * config.sample.num_batches_per_epoch + # ) + assert num_timesteps == config.sample.num_steps + + # TRAINING # + for inner_epoch in range(config.train.num_inner_epochs): + # shuffle samples along batch dimension + perm = paddle.randperm(total_batch_size) + samples = {k: v[perm] for k, v in samples.items()} + + # rebatch for training + samples_batched = { + k: v.reshape([-1, total_batch_size // config.sample.num_batches_per_epoch, *v.shape[1:]]) + for k, v in samples.items() + } + + # dict of lists -> list of dicts for easier iteration + samples_batched = [dict(zip(samples_batched, x)) for x in zip(*samples_batched.values())] + + # train + pipeline.transformer.train() + info = defaultdict(list) + for i, sample in tqdm( + list(enumerate(samples_batched)), + desc=f"Epoch {epoch}.{inner_epoch}: training", + position=0, + disable=not accelerator.is_local_main_process, + ): + if config.train.cfg: + # concat negative prompts to sample prompts to avoid two forward passes + embeds = paddle.concat( + [train_neg_prompt_embeds[: len(sample["prompt_embeds"])], sample["prompt_embeds"]], axis=0 + ) + pooled_embeds = paddle.concat( + [ + train_neg_pooled_prompt_embeds[: len(sample["pooled_prompt_embeds"])], + sample["pooled_prompt_embeds"], + ], + axis=0, + ) + else: + embeds = sample["prompt_embeds"] + pooled_embeds = sample["pooled_prompt_embeds"] + + train_timesteps = [step_index for step_index in range(num_train_timesteps)] + for j in tqdm( + train_timesteps, + desc="Timestep", + position=1, + leave=False, + disable=not accelerator.is_local_main_process, + ): + with accelerator.accumulate(transformer): + with autocast(): + prev_sample, log_prob, prev_sample_mean, std_dev_t = compute_log_prob( + transformer, pipeline, sample, j, embeds, pooled_embeds, config + ) + if config.train.beta > 0: + with paddle.no_grad(): + with transformer._layers.disable_adapter(): + _, _, prev_sample_mean_ref, _ = compute_log_prob( + transformer, pipeline, sample, j, embeds, pooled_embeds, config + ) + + # grpo logic + advantages = paddle.clip( + sample["advantages"][:, j], + -config.train.adv_clip_max, + config.train.adv_clip_max, + ) + ratio = paddle.exp(log_prob - sample["log_probs"][:, j]) + unclipped_loss = -advantages * ratio + clipped_loss = -advantages * paddle.clip( + ratio, + 1.0 - config.train.clip_range, + 1.0 + config.train.clip_range, + ) + policy_loss = paddle.mean(paddle.maximum(unclipped_loss, clipped_loss)) + if config.train.beta > 0: + kl_loss = paddle.mean( + (prev_sample_mean - prev_sample_mean_ref) ** 2, axis=[1, 2, 3], keepdim=True + ) / (2 * std_dev_t**2) + + kl_loss = paddle.mean(kl_loss) + loss = policy_loss + config.train.beta * kl_loss + else: + loss = policy_loss + + info["approx_kl"].append(0.5 * paddle.mean((log_prob - sample["log_probs"][:, j]) ** 2)) + info["clipfrac"].append( + paddle.mean((paddle.abs(ratio - 1.0) > config.train.clip_range).astype("float32")) + ) + info["clipfrac_gt_one"].append( + paddle.mean((ratio - 1.0 > config.train.clip_range).astype("float32")) + ) + info["clipfrac_lt_one"].append( + paddle.mean((1.0 - ratio > config.train.clip_range).astype("float32")) + ) + info["policy_loss"].append(policy_loss) + if config.train.beta > 0: + info["kl_loss"].append(kl_loss) + + info["loss"].append(loss) + # backward pass + accelerator.backward(loss) + if accelerator.sync_gradients: + accelerator.clip_grad_norm_(transformer.parameters(), config.train.max_grad_norm) + optimizer.step() + optimizer.zero_grad() + + # Checks if the accelerator has performed an optimization step behind the scenes + if accelerator.sync_gradients: + # assert (j == train_timesteps[-1]) and ( + # i + 1 + # ) % config.train.gradient_accumulation_steps == 0 + # log training-related stuff + info = {k: paddle.mean(paddle.stack(v)) for k, v in info.items()} + info = accelerator.reduce(info, reduction="mean") + info.update({"epoch": epoch, "inner_epoch": inner_epoch}) + if accelerator.is_main_process: + wandb.log(info, step=global_step) + global_step += 1 + info = defaultdict(list) + if config.train.ema: + ema.step(transformer_trainable_parameters, global_step) + # make sure we did an optimization step at the end of the inner epoch + # assert accelerator.sync_gradients + + epoch += 1 + + +if __name__ == "__main__": + app.run(main)